diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter01/1-MindSpore Transformers\350\256\255\346\216\250Mcore\346\236\266\346\236\204\344\273\213\347\273\215.pdf" "b/02.MindSpore_Transformer_LLM_Course/Chapter01/1-MindSpore Transformers\350\256\255\346\216\250Mcore\346\236\266\346\236\204\344\273\213\347\273\215.pdf" new file mode 100644 index 0000000..d700629 Binary files /dev/null and "b/02.MindSpore_Transformer_LLM_Course/Chapter01/1-MindSpore Transformers\350\256\255\346\216\250Mcore\346\236\266\346\236\204\344\273\213\347\273\215.pdf" differ diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter02/2-MindSpore Transformers\347\216\257\345\242\203\345\256\211\350\243\205\344\270\216\351\225\234\345\203\217\345\210\266\344\275\234.pdf" "b/02.MindSpore_Transformer_LLM_Course/Chapter02/2-MindSpore Transformers\347\216\257\345\242\203\345\256\211\350\243\205\344\270\216\351\225\234\345\203\217\345\210\266\344\275\234.pdf" new file mode 100644 index 0000000..44991a2 Binary files /dev/null and "b/02.MindSpore_Transformer_LLM_Course/Chapter02/2-MindSpore Transformers\347\216\257\345\242\203\345\256\211\350\243\205\344\270\216\351\225\234\345\203\217\345\210\266\344\275\234.pdf" differ diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter03/3-MindSpore Transformers\351\242\204\350\256\255\347\273\203\344\270\216\345\276\256\350\260\203\345\256\236\350\267\265.md" "b/02.MindSpore_Transformer_LLM_Course/Chapter03/3-MindSpore Transformers\351\242\204\350\256\255\347\273\203\344\270\216\345\276\256\350\260\203\345\256\236\350\267\265.md" new file mode 100644 index 0000000..00b354a --- /dev/null +++ "b/02.MindSpore_Transformer_LLM_Course/Chapter03/3-MindSpore Transformers\351\242\204\350\256\255\347\273\203\344\270\216\345\276\256\350\260\203\345\256\236\350\267\265.md" @@ -0,0 +1,349 @@ +# MindSpore Transformers预训练与微调实践 + +## 环境与目录 + +* 建议目录:`/home/mindspore/work/demo` +* 建议 Python ≥ 3.9,已安装 MindSpore + MindFormers +* 可选:配置国内镜像 + +```bash +mkdir -p /home/mindspore/work/demo && cd /home/mindspore/work/demo +pip install -U huggingface_hub +export HF_ENDPOINT=https://hf-mirror.com # 可按需要注释/取消 +``` + +## 准备权重、数据集与MindSpore Transformers + +Qwen3-0.6B: [Qwen/Qwen3-0.6B](https://huggingface.co/Qwen/Qwen3-0.6B) +Qwen3-1.7B: [Qwen/Qwen3-1.7B](https://huggingface.co/Qwen/Qwen3-1.7B) + +预训练数据集:[wikitext-2-v1](https://modelscope-open.oss-cn-hangzhou.aliyuncs.com/wikitext/wikitext-2-v1.zip) + +> 预训练数据集参考[社区issue](https://gitee.com/mindspore/mindformers/issues/IBV35D)获取 + +微调数据集: [llm-wizard/alpaca-gpt4-data-zh](https://huggingface.co/datasets/llm-wizard/alpaca-gpt4-data-zh) + +```bash +# 下载权重 +mkdir -p /home/mindspore/work/demo +cd /home/mindspore/work/demo +pip install -U huggingface_hub +export HF_ENDPOINT=https://hf-mirror.com +huggingface-cli download --resume-download Qwen/Qwen3-0.6B --local-dir Qwen3-0.6B +huggingface-cli download --resume-download Qwen/Qwen3-1.7B --local-dir Qwen3-1.7B + +# 下载预训练数据集 +wget https://modelscope-open.oss-cn-hangzhou.aliyuncs.com/wikitext/wikitext-2-v1.zip +unzip wikitext-2-v1.zip + +# 下载微调数据集 +huggingface-cli download --repo-type dataset --resume-download llm-wizard/alpaca-gpt4-data-zh --local-dir alpaca-gpt4-data-zh + +# 下载MindSpore Transformers +git clone https://gitee.com/mindspore/mindformers.git +cd mindformers +git checkout 5a12973fb38bfd5b504240334492f4fb7ff7f7a6 +pip install -r requirements.txt + +# 升级MindSpore +pip install https://repo.mindspore.cn/mindspore/mindspore/version/202509/20250917/master_20250917220006_52c46b3bfd9e9d50b2334d764afc80a6d7b56e90_newest/unified/aarch64/mindspore-2.7.1-cp39-cp39-linux_aarch64.whl + +``` + +> 所有需要的权重和数据集都应当挂载到/home/mindspore/work/demo + +最后的文件结构应为: + +```plaintext +/home/mindspore/work/demo +├── Qwen3-0.6B/ +├── Qwen3-1.7B/ +├── wikitext-2-v1/ +├── alpaca-gpt4-data-zh/ +└── mindformers/ +``` + +## 数据预处理 + +### wiki => json + +脚本来源:[社区issue #ICOKGY](https://gitee.com/mindspore/mindformers/issues/ICOKGY) + +将脚本复制到`/home/mindspore/work/demo/mindformers/gen_wiki_json.py` + +```bash +cd /home/mindspore/work/demo/mindformers +python gen_wiki_json.py --input /home/mindspore/work/demo/wikitext-2/wiki.train.tokens --output /home/mindspore/work/demo/wikitext-2/wiki.jsonl +``` + +### json => megatron + +先取前1000条数据 + +```bash +head -n 1000 /home/mindspore/work/demo/wikitext-2/wiki.jsonl > /home/mindspore/work/demo/wikitext-2/wiki.less.jsonl +``` + +```shell +# cd /home/mindspore/work/demo/mindformers +mkdir -p /home/mindspore/work/demo/megatron_data +python toolkit/data_preprocess/megatron/preprocess_indexed_dataset.py \ + --input /home/mindspore/work/demo/wikitext-2/wiki.less.jsonl \ + --output-prefix /home/mindspore/work/demo/megatron_data/wikitext-2-v1-qwen3_text_document \ + --tokenizer-type HuggingFaceTokenizer \ + --tokenizer-dir /home/mindspore/work/demo/Qwen3-0.6B/ \ + --workers 64 +``` + +## 准备Qwen3-0.6B模型的yaml + +MindSpore Transformers源码仓库中提供了Qwen3-32B的预训练模型[yaml配置文件](https://gitee.com/mindspore/mindformers/blob/master/configs/qwen3/pretrain_qwen3_32b_4k.yaml),我们可以参考该文件来创建Qwen3-0.6B的yaml文件。 + +首先复制32B配置并重命名为0.6b的配置 + +```bash +cp configs/qwen3/pretrain_qwen3_32b_4k.yaml configs/qwen3/pretrain_qwen3_0_6b_4k.yaml +``` + +接下来需要对`configs/qwen3/pretrain_qwen3_0_6b_4k.yaml`做出以下修改: + +```yaml +# Model configuration +model: + model_config: + # Configurations from Hugging Face + ... + hidden_size: 1024 + intermediate_size: 3072 + num_hidden_layers: 28 + num_attention_heads: 16 + num_key_value_heads: 8 + head_dim: 128 + ... + # Configurations from MindFormers + offset: 0 +``` + +## 预训练 + +### 修改配置以启动预训练任务 + +修改训练epoch数 + +```yaml +# runner config +runner_config: + epochs: 1 +``` + +修改数据集配置 + +```yaml +# dataset +train_dataset: &train_dataset + data_loader: + ... + sizes: + - 400 # 训练集数据样本数 + - 0 # 测试集数据样本数,当前不支持配置 + - 0 # 评测集数据样本数,当前不支持配置 + config: # GPTDataset配置项 + ... + data_path: # Megatron数据集采样比例以及路径 + - '1' + - "/home/mindspore/work/demo/megatron_data/wikitext-2-v1-qwen3_text_document" +``` + +添加以下参数以开启TensorBoard监控 + +```yaml +monitor_config: + monitor_on: True + dump_path: './dump' + target: ['layers.0', 'layers.1'] # 只监控第一、二层的参数 + invert: False + step_interval: 1 + local_loss_format: ['tensorboard'] + device_local_loss_format: ['tensorboard'] + local_norm_format: ['tensorboard'] + device_local_norm_format: ['tensorboard'] + optimizer_state_format: null + weight_state_format: null + throughput_baseline: null + print_struct: False + check_for_global_norm: False + global_norm_spike_threshold: 1.0 + global_norm_spike_count_threshold: 10 + +tensorboard: + tensorboard_dir: 'worker/tensorboard' + tensorboard_queue_size: 10 + log_loss_scale_to_tensorboard: True + log_timers_to_tensorboard: True +``` + + + +添加以下配置以开启权重去冗余 + +```yaml +callbacks: + - type: MFLossMonitor # Prints training progress information + - type: CheckpointMonitor # Saves model weights during training + ... + save_checkpoint_steps: 50 # Interval steps for saving model weights + keep_checkpoint_max: 2 # Maximum number of saved model weight files + ... + remove_redundancy: True +``` + +修改以下配置以切换并行配置 + +```yaml +parallel_config: + data_parallel: &dp 2 + model_parallel: 2 + pipeline_stage: 2 + micro_batch_num: µ_batch_num 2 +``` + +### 启动预训练任务 + +```bash +rm -rf ouput/checkpoint +bash scripts/msrun_launcher.sh "run_mindformer.py \ +--config configs/qwen3/pretrain_qwen3_0_6b_4k.yaml \ +--auto_trans_ckpt False \ +--use_parallel True \ +--run_mode train \ +--recompute_config.recompute False" +``` + +### 启动断点续训的预训练任务 + +修改以下配置以开启断点续训功能 + +```yaml +resume_training: True +``` + +备份上一次任务日志,用于查看续训是否成功 + +```bash +mv ouput/msrun_log output/msrun_log_bak +``` + +```bash +bash scripts/msrun_launcher.sh "run_mindformer.py \ +--config configs/qwen3/pretrain_qwen3_0_6b_4k.yaml \ +--auto_trans_ckpt False \ +--use_parallel True \ +--run_mode train \ +--load_checkpoint "output/checkpoint_50_step" \ +--recompute_config.recompute False" +``` + +## 全参微调 + +### 修改配置以启动全参微调任务 + +MindSpore Transformers源码仓库中提供了Qwen3类不同规模的微调模型[yaml配置文件](https://gitee.com/mindspore/mindformers/blob/master/configs/qwen3/finetune_qwen3.yaml),不同规模的模型可以通过`--pretrained_model_dir /path/to/Qwen3-0.6B/`来指定。我们可以参考该文件来创建Qwen3-0.6B的全参微调的yaml文件。 + + +需要对`configs/qwen3/finetune_qwen3.yaml`做出以下修改: + +修改以下配置项以设置数据集大小 + +```yaml +# Dataset configuration +train_dataset: &train_dataset + ... + data_loader: + type: HFDataLoader + path: "llm-wizard/alpaca-gpt4-data-zh" + ... + # dataset process arguments + handler: + - type: take + n: 1000 +``` + +修改以下配置以切换并行配置 + +```yaml +parallel_config: + data_parallel: &dp 8 + model_parallel: 1 + pipeline_stage: 1 + micro_batch_num: µ_batch_num 1 + ... + use_seq_parallel: False +``` + +### 启动全参微调任务 + +启动Qwen3-0.6B的全参微调任务 + +```bash +bash scripts/msrun_launcher.sh "run_mindformer.py \ +--config configs/qwen3/finetune_qwen3.yaml \ +--auto_trans_ckpt True \ +--use_parallel True \ +--run_mode train \ +--pretrained_model_dir /home/mindspore/work/demo/Qwen3-0.6B/ \ +--recompute_config.recompute False" +``` + +## LoRA微调 + +MindSpore Transformers源码仓库中提供了Qwen3类不同规模的微调模型[yaml配置文件](https://gitee.com/mindspore/mindformers/blob/master/configs/qwen3/finetune_qwen3.yaml),不同规模的模型可以通过`--pretrained_model_dir /path/to/Qwen3-1.7B/`来指定。我们可以参考该文件来创建Qwen3-1.7B的LoRA微调的yaml文件。 + +首先复制微调配置并重命名为lora的配置 + +```bash +cp configs/qwen3/finetune_qwen3.yaml configs/qwen3/finetune_qwen3_lora.yaml +``` + +### 修改配置以启动LoRA微调任务 + +添加以下参数以启动LoRA微调 + +```yaml +# Model configuration +model: + model_config: + # Configurations from Hugging Face + ... + pet_config: + pet_type: lora + lora_rank: 8 + lora_alpha: 16 + lora_dropout: 0.1 + lora_a_init: 'normal' + lora_b_init: 'zeros' + target_modules: '.*word_embeddings|.*linear_qkv|.*linear_proj|.*linear_fc1|.*linear_fc2' + freeze_include: ['*'] + freeze_exclude: ['*lora*'] +``` + +修改以下配置以切换并行配置 + +```yaml +parallel_config: + data_parallel: &dp 8 + model_parallel: 1 + pipeline_stage: 1 + micro_batch_num: µ_batch_num 1 +``` + +### 启动LoRA微调任务 + +```bash +bash scripts/msrun_launcher.sh "run_mindformer.py \ +--config configs/qwen3/finetune_qwen3_lora.yaml \ +--auto_trans_ckpt True \ +--use_parallel True \ +--run_mode train \ +--pretrained_model_dir /home/mindspore/work/demo/Qwen3-1.7B/ \ +--recompute_config.recompute False" +``` \ No newline at end of file diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter03/3-MindSporeTransformersLLM\351\242\204\350\256\255\347\273\203\344\270\216\345\276\256\350\260\203\344\273\213\347\273\215\344\270\216\345\256\236\350\267\265.pdf" "b/02.MindSpore_Transformer_LLM_Course/Chapter03/3-MindSporeTransformersLLM\351\242\204\350\256\255\347\273\203\344\270\216\345\276\256\350\260\203\344\273\213\347\273\215\344\270\216\345\256\236\350\267\265.pdf" new file mode 100644 index 0000000..8f4f672 Binary files /dev/null and "b/02.MindSpore_Transformer_LLM_Course/Chapter03/3-MindSporeTransformersLLM\351\242\204\350\256\255\347\273\203\344\270\216\345\276\256\350\260\203\344\273\213\347\273\215\344\270\216\345\256\236\350\267\265.pdf" differ diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter04/4-MindSpore Transformers LLM\346\225\260\346\215\256\351\242\204\345\244\204\347\220\206\344\273\213\347\273\215\344\270\216\345\256\236\350\267\265.pdf" "b/02.MindSpore_Transformer_LLM_Course/Chapter04/4-MindSpore Transformers LLM\346\225\260\346\215\256\351\242\204\345\244\204\347\220\206\344\273\213\347\273\215\344\270\216\345\256\236\350\267\265.pdf" new file mode 100644 index 0000000..917d321 Binary files /dev/null and "b/02.MindSpore_Transformer_LLM_Course/Chapter04/4-MindSpore Transformers LLM\346\225\260\346\215\256\351\242\204\345\244\204\347\220\206\344\273\213\347\273\215\344\270\216\345\256\236\350\267\265.pdf" differ diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter05/5-MindSpore Transformers Safetensors\346\235\203\351\207\215\350\257\246\350\247\243.pdf" "b/02.MindSpore_Transformer_LLM_Course/Chapter05/5-MindSpore Transformers Safetensors\346\235\203\351\207\215\350\257\246\350\247\243.pdf" new file mode 100644 index 0000000..a87432a Binary files /dev/null and "b/02.MindSpore_Transformer_LLM_Course/Chapter05/5-MindSpore Transformers Safetensors\346\235\203\351\207\215\350\257\246\350\247\243.pdf" differ diff --git a/02.MindSpore_Transformer_LLM_Course/Chapter05/5-instructions.md b/02.MindSpore_Transformer_LLM_Course/Chapter05/5-instructions.md new file mode 100644 index 0000000..ecbf080 --- /dev/null +++ b/02.MindSpore_Transformer_LLM_Course/Chapter05/5-instructions.md @@ -0,0 +1,45 @@ +# 使用指令汇总 + +## 获取 Hugging Face 权重 +```bash +git clone https://hf-mirror.com/Qwen/Qwen3-0.6B +``` + +## 获取数据集 +```bash +mkdir qwen-datasets +cd qwen-datasets + +wget https://atp-modelzoo-wlcb-pai.oss-cn-wulanchabu.aliyuncs.com/release/models/pai-megatron-patch/qwen-datasets/mmap_qwen3_datasets_text_document.bin +wget https://atp-modelzoo-wlcb-pai.oss-cn-wulanchabu.aliyuncs.com/release/models/pai-megatron-patch/qwen-datasets/mmap_qwen3_datasets_text_document.idx +``` + +## 运行任务 +```bash +bash scripts/msrun_launcher.sh "run_mindformer.py --config xx.yaml" +``` + +## 合并权重 +```bash +python toolkit/safetensors/unified_safetensors.py \ + --src_strategy_dirs ./output/strategy \ + --mindspore_ckpt_dir ./output/checkpoint \ + --output_dir ./unified_trained_qwen3_60_sf \ + --file_suffix "60_1" \ + --has_redundancy True \ + --filter_out_param_prefix "adam_" \ + --max_process_num 16 +``` + +## qwen3-0.6B 反转权重 +```bash +python toolkit/weight_convert/qwen3/reverse_mcore_qwen3_weight_to_hf.py \ + --mindspore_ckpt_path ./unified_trained_qwen3_60_sf/60_1_ckpt_convert/unified_safe \ + --huggingface_ckpt_path ./hf_sf \ + --num_layers 28 \ + --num_attention_heads 16 \ + --num_query_groups 8 \ + --kv_channels 128 \ + --ffn_hidden_size 3072 \ + --dtype 'bf16' +``` \ No newline at end of file diff --git a/02.MindSpore_Transformer_LLM_Course/Chapter05/5-qwen3_0_6b_finetune.yaml b/02.MindSpore_Transformer_LLM_Course/Chapter05/5-qwen3_0_6b_finetune.yaml new file mode 100644 index 0000000..03358d8 --- /dev/null +++ b/02.MindSpore_Transformer_LLM_Course/Chapter05/5-qwen3_0_6b_finetune.yaml @@ -0,0 +1,167 @@ +seed: 42 +output_dir: './output' +load_checkpoint: '' +load_ckpt_format: 'safetensors' +src_strategy_path_or_dir: '' +auto_trans_ckpt: True # If true, automatically transforms the loaded checkpoint for distributed model compatibility +only_save_strategy: False +resume_training: False +use_parallel: True +run_mode: 'finetune' +use_legacy: False +pretrained_model_dir: "/home/mindspore/work/test_1014/Qwen3-0.6B" + +# Trainer configuration +trainer: + type: CausalLanguageModelingTrainer + model_name: 'Qwen3' + +# Runner configuration +runner_config: + epochs: 1 + batch_size: 1 + gradient_accumulation_steps: 1 + +# Optimizer configuration +optimizer: + type: AdamW + betas: [0.9, 0.95] + eps: 1.e-8 + weight_decay: 0.0 + +# Learning rate scheduler configuration +lr_schedule: + type: ConstantWarmUpLR + learning_rate: 1.e-6 + warmup_ratio: 0 + total_steps: -1 # -1 indicates using the total steps from the dataset + +# Dataset configuration +train_dataset: &train_dataset + data_loader: + type: BlendedMegatronDatasetDataLoader + datasets_type: "GPTDataset" + sizes: + - 8000 # Number of samples in the training set + - 0 # Number of samples in the test set (currently unsupported) + - 0 # Number of samples in the evaluation set (currently unsupported) + config: + seed: 1234 # Random seed for data sampling + split: "1, 0, 0" # Proportions for training, test, and evaluation sets (test/eval currently unsupported) + seq_length: 4096 # Sequence length of the dataset + eod_mask_loss: False # Whether to calculate loss at the end-of-document (EOD) + reset_position_ids: False # Whether to reset position_ids at EOD + create_attention_mask: True # Whether to include attention_mask in the dataset + reset_attention_mask: False # Whether to reset attention_mask at EOD, creating a stepped attention_mask + create_compressed_eod_mask: False # Whether to include a compressed attention_mask + eod_pad_length: 128 # Length of the compressed attention_mask + eod: 1 # Token ID for EOD in the dataset + pad: -1 # Token ID for padding in the dataset + data_path: # Sampling proportion and path for the Megatron dataset + - '1' + - "/home/mindspore/work/test_1014/qwen-datasets/mmap_qwen3_datasets_text_document" + input_columns: ["input_ids", "labels", "loss_mask", "position_ids", "attention_mask"] + construct_args_key: ["input_ids", "labels", "loss_mask", "position_ids", "attention_mask"] + num_parallel_workers: 8 + python_multiprocessing: False + drop_remainder: True + numa_enable: False + prefetch_size: 1 + seed: 1234 +train_dataset_task: + type: CausalLanguageModelDataset + dataset_config: *train_dataset + +# MindSpore context initialization configuration, reference: https://www.mindspore.cn/docs/en/r2.6.0/api_python/mindspore/mindspore.set_context.html +context: + mode: 0 # 0--Graph Mode; 1--Pynative Mode + device_target: "Ascend" # Target device to run (only supports "Ascend") + max_device_memory: "58GB" # Maximum memory available for the device + memory_optimize_level: "O0" # Memory optimization level + jit_config: # Global JIT configuration for compilation + jit_level: "O0" # Compilation optimization level + ascend_config: # Parameters specific to the Ascend hardware platform + precision_mode: "must_keep_origin_dtype" # Mixed precision mode setting + parallel_speed_up_json_path: "./configs/qwen3/parallel_speed_up.json" # Path to the parallel speedup JSON file + +# Parallel configuration +parallel_config: + data_parallel: &dp 2 # Number of data parallel + model_parallel: 2 # Number of model parallel + pipeline_stage: 2 # Number of pipeline parallel + micro_batch_num: 2 # Pipeline parallel microbatch size + use_seq_parallel: True # Whether to enable sequence parallelism + gradient_aggregation_group: 1 # Size of the gradient communication operator fusion group +# When model_parallel > 1, setting micro_batch_interleave_num to 2 may accelerate the training process. +micro_batch_interleave_num: 1 + +# Parallel context configuration +parallel: + parallel_mode: 1 # 0--data parallel; 1--semi-auto parallel; 2--auto parallel; 3--hybrid parallel + enable_alltoall: True # Enables AllToAll communication operator during parallel communication + full_batch: False # Whether to load the full batch of data in parallel mode + dataset_strategy: [ + [*dp, 1], + [*dp, 1], + [*dp, 1], + [*dp, 1], + [*dp, 1, 1, 1] + ] # Must match the length of train_dataset.input_columns + search_mode: "sharding_propagation" # Fully-automatic parallel strategy search mode + strategy_ckpt_config: + save_file: "./ckpt_strategy.ckpt" # Path for saving the parallel slicing strategy file + only_trainable_params: False # Whether to save/load slicing strategy for trainable parameters only + enable_parallel_optimizer: False # Whether to enable optimizer parallelism + +# Recomputation configuration +recompute_config: + recompute: False + select_recompute: False + parallel_optimizer_comm_recompute: False + mp_comm_recompute: False + recompute_slice_activation: False + +# Model configuration +model: + model_config: + # Configurations from MindFormers + qkv_concat: True + hidden_dropout: 0.0 + input_sliced_sig: True + untie_embeddings_and_output_weights: True + position_embedding_type: "rope" + use_contiguous_weight_layout_attention: False + offset: 0 + params_dtype: "float32" + compute_dtype: "bfloat16" + layernorm_compute_dtype: "float32" + softmax_compute_dtype: "float32" + rotary_dtype: "float32" + residual_dtype: "float32" + +# Callbacks configuration, reference: https://www.mindspore.cn/mindformers/docs/en/r1.5.0/appendix/conf_files.html?highlight=enable_alltoall#callbacks-configuration +callbacks: + - type: MFLossMonitor # Prints training progress information + - type: CheckpointMonitor # Saves model weights during training + prefix: "qwen3" # Prefix for saved file names + save_checkpoint_steps: 50 # Interval steps for saving model weights + keep_checkpoint_max: 3 # Maximum number of saved model weight files + integrated_save: False # Whether to aggregate weights for saving + async_save: False # Whether to save model weights asynchronously + checkpoint_format: "safetensors" # Format for saving checkpoints + +# Wrapper cell configuration +runner_wrapper: + type: MFTrainOneStepCell + scale_sense: 1.0 + use_clip_grad: True + +profile: False +profile_start_step: 1 +profile_stop_step: 10 +init_start_profile: False +profile_communication: False +profile_memory: True +layer_scale: False +layer_decay: 0.65 +lr_scale_factor: 256 diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter06/6-MindSporeTransformersLLM\346\226\255\347\202\271\347\273\255\350\256\255\344\273\213\347\273\215\344\270\216\345\256\236\350\267\265.pdf" "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-MindSporeTransformersLLM\346\226\255\347\202\271\347\273\255\350\256\255\344\273\213\347\273\215\344\270\216\345\256\236\350\267\265.pdf" new file mode 100644 index 0000000..72c2869 Binary files /dev/null and "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-MindSporeTransformersLLM\346\226\255\347\202\271\347\273\255\350\256\255\344\273\213\347\273\215\344\270\216\345\256\236\350\267\265.pdf" differ diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/LICENSE" "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/LICENSE" new file mode 100644 index 0000000..6634c8c --- /dev/null +++ "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/LICENSE" @@ -0,0 +1,202 @@ + + Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright 2024 Alibaba Cloud + + 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. \ No newline at end of file diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/README.md" "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/README.md" new file mode 100644 index 0000000..d8d96d1 --- /dev/null +++ "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/README.md" @@ -0,0 +1,351 @@ +--- +library_name: transformers +license: apache-2.0 +license_link: https://huggingface.co/Qwen/Qwen3-32B/blob/main/LICENSE +pipeline_tag: text-generation +--- + +# Qwen3-32B + + Chat + + +## Qwen3 Highlights + +Qwen3 is the latest generation of large language models in Qwen series, offering a comprehensive suite of dense and mixture-of-experts (MoE) models. Built upon extensive training, Qwen3 delivers groundbreaking advancements in reasoning, instruction-following, agent capabilities, and multilingual support, with the following key features: + +- **Uniquely support of seamless switching between thinking mode** (for complex logical reasoning, math, and coding) and **non-thinking mode** (for efficient, general-purpose dialogue) **within single model**, ensuring optimal performance across various scenarios. +- **Significantly enhancement in its reasoning capabilities**, surpassing previous QwQ (in thinking mode) and Qwen2.5 instruct models (in non-thinking mode) on mathematics, code generation, and commonsense logical reasoning. +- **Superior human preference alignment**, excelling in creative writing, role-playing, multi-turn dialogues, and instruction following, to deliver a more natural, engaging, and immersive conversational experience. +- **Expertise in agent capabilities**, enabling precise integration with external tools in both thinking and unthinking modes and achieving leading performance among open-source models in complex agent-based tasks. +- **Support of 100+ languages and dialects** with strong capabilities for **multilingual instruction following** and **translation**. + +## Model Overview + +**Qwen3-32B** has the following features: +- Type: Causal Language Models +- Training Stage: Pretraining & Post-training +- Number of Parameters: 32.8B +- Number of Paramaters (Non-Embedding): 31.2B +- Number of Layers: 64 +- Number of Attention Heads (GQA): 64 for Q and 8 for KV +- Context Length: 32,768 natively and [131,072 tokens with YaRN](#processing-long-texts). + +For more details, including benchmark evaluation, hardware requirements, and inference performance, please refer to our [blog](https://qwenlm.github.io/blog/qwen3/), [GitHub](https://github.com/QwenLM/Qwen3), and [Documentation](https://qwen.readthedocs.io/en/latest/). + +## Quickstart + +The code of Qwen3 has been in the latest Hugging Face `transformers` and we advise you to use the latest version of `transformers`. + +With `transformers<4.51.0`, you will encounter the following error: +``` +KeyError: 'qwen3' +``` + +The following contains a code snippet illustrating how to use the model generate content based on given inputs. +```python +from transformers import AutoModelForCausalLM, AutoTokenizer + +model_name = "Qwen/Qwen3-32B" + +# load the tokenizer and the model +tokenizer = AutoTokenizer.from_pretrained(model_name) +model = AutoModelForCausalLM.from_pretrained( + model_name, + torch_dtype="auto", + device_map="auto" +) + +# prepare the model input +prompt = "Give me a short introduction to large language model." +messages = [ + {"role": "user", "content": prompt} +] +text = tokenizer.apply_chat_template( + messages, + tokenize=False, + add_generation_prompt=True, + enable_thinking=True # Switches between thinking and non-thinking modes. Default is True. +) +model_inputs = tokenizer([text], return_tensors="pt").to(model.device) + +# conduct text completion +generated_ids = model.generate( + **model_inputs, + max_new_tokens=32768 +) +output_ids = generated_ids[0][len(model_inputs.input_ids[0]):].tolist() + +# parsing thinking content +try: + # rindex finding 151668 () + index = len(output_ids) - output_ids[::-1].index(151668) +except ValueError: + index = 0 + +thinking_content = tokenizer.decode(output_ids[:index], skip_special_tokens=True).strip("\n") +content = tokenizer.decode(output_ids[index:], skip_special_tokens=True).strip("\n") + +print("thinking content:", thinking_content) +print("content:", content) +``` + +For deployment, you can use `sglang>=0.4.6.post1` or `vllm>=0.8.5` or to create an OpenAI-compatible API endpoint: +- SGLang: + ```shell + python -m sglang.launch_server --model-path Qwen/Qwen3-32B --reasoning-parser qwen3 + ``` +- vLLM: + ```shell + vllm serve Qwen/Qwen3-32B --enable-reasoning --reasoning-parser deepseek_r1 + ``` + +For local use, applications such as Ollama, LMStudio, MLX-LM, llama.cpp, and KTransformers have also supported Qwen3. + +## Switching Between Thinking and Non-Thinking Mode + +> [!TIP] +> The `enable_thinking` switch is also available in APIs created by SGLang and vLLM. +> Please refer to our documentation for [SGLang](https://qwen.readthedocs.io/en/latest/deployment/sglang.html#thinking-non-thinking-modes) and [vLLM](https://qwen.readthedocs.io/en/latest/deployment/vllm.html#thinking-non-thinking-modes) users. + +### `enable_thinking=True` + +By default, Qwen3 has thinking capabilities enabled, similar to QwQ-32B. This means the model will use its reasoning abilities to enhance the quality of generated responses. For example, when explicitly setting `enable_thinking=True` or leaving it as the default value in `tokenizer.apply_chat_template`, the model will engage its thinking mode. + +```python +text = tokenizer.apply_chat_template( + messages, + tokenize=False, + add_generation_prompt=True, + enable_thinking=True # True is the default value for enable_thinking +) +``` + +In this mode, the model will generate think content wrapped in a `...` block, followed by the final response. + +> [!NOTE] +> For thinking mode, use `Temperature=0.6`, `TopP=0.95`, `TopK=20`, and `MinP=0` (the default setting in `generation_config.json`). **DO NOT use greedy decoding**, as it can lead to performance degradation and endless repetitions. For more detailed guidance, please refer to the [Best Practices](#best-practices) section. + + +### `enable_thinking=False` + +We provide a hard switch to strictly disable the model's thinking behavior, aligning its functionality with the previous Qwen2.5-Instruct models. This mode is particularly useful in scenarios where disabling thinking is essential for enhancing efficiency. + +```python +text = tokenizer.apply_chat_template( + messages, + tokenize=False, + add_generation_prompt=True, + enable_thinking=False # Setting enable_thinking=False disables thinking mode +) +``` + +In this mode, the model will not generate any think content and will not include a `...` block. + +> [!NOTE] +> For non-thinking mode, we suggest using `Temperature=0.7`, `TopP=0.8`, `TopK=20`, and `MinP=0`. For more detailed guidance, please refer to the [Best Practices](#best-practices) section. + +### Advanced Usage: Switching Between Thinking and Non-Thinking Modes via User Input + +We provide a soft switch mechanism that allows users to dynamically control the model's behavior when `enable_thinking=True`. Specifically, you can add `/think` and `/no_think` to user prompts or system messages to switch the model's thinking mode from turn to turn. The model will follow the most recent instruction in multi-turn conversations. + +Here is an example of a multi-turn conversation: + +```python +from transformers import AutoModelForCausalLM, AutoTokenizer + +class QwenChatbot: + def __init__(self, model_name="Qwen/Qwen3-32B"): + self.tokenizer = AutoTokenizer.from_pretrained(model_name) + self.model = AutoModelForCausalLM.from_pretrained(model_name) + self.history = [] + + def generate_response(self, user_input): + messages = self.history + [{"role": "user", "content": user_input}] + + text = self.tokenizer.apply_chat_template( + messages, + tokenize=False, + add_generation_prompt=True + ) + + inputs = self.tokenizer(text, return_tensors="pt") + response_ids = self.model.generate(**inputs, max_new_tokens=32768)[0][len(inputs.input_ids[0]):].tolist() + response = self.tokenizer.decode(response_ids, skip_special_tokens=True) + + # Update history + self.history.append({"role": "user", "content": user_input}) + self.history.append({"role": "assistant", "content": response}) + + return response + +# Example Usage +if __name__ == "__main__": + chatbot = QwenChatbot() + + # First input (without /think or /no_think tags, thinking mode is enabled by default) + user_input_1 = "How many r's in strawberries?" + print(f"User: {user_input_1}") + response_1 = chatbot.generate_response(user_input_1) + print(f"Bot: {response_1}") + print("----------------------") + + # Second input with /no_think + user_input_2 = "Then, how many r's in blueberries? /no_think" + print(f"User: {user_input_2}") + response_2 = chatbot.generate_response(user_input_2) + print(f"Bot: {response_2}") + print("----------------------") + + # Third input with /think + user_input_3 = "Really? /think" + print(f"User: {user_input_3}") + response_3 = chatbot.generate_response(user_input_3) + print(f"Bot: {response_3}") +``` + +> [!NOTE] +> For API compatibility, when `enable_thinking=True`, regardless of whether the user uses `/think` or `/no_think`, the model will always output a block wrapped in `...`. However, the content inside this block may be empty if thinking is disabled. +> When `enable_thinking=False`, the soft switches are not valid. Regardless of any `/think` or `/no_think` tags input by the user, the model will not generate think content and will not include a `...` block. + +## Agentic Use + +Qwen3 excels in tool calling capabilities. We recommend using [Qwen-Agent](https://github.com/QwenLM/Qwen-Agent) to make the best use of agentic ability of Qwen3. Qwen-Agent encapsulates tool-calling templates and tool-calling parsers internally, greatly reducing coding complexity. + +To define the available tools, you can use the MCP configuration file, use the integrated tool of Qwen-Agent, or integrate other tools by yourself. +```python +from qwen_agent.agents import Assistant + +# Define LLM +llm_cfg = { + 'model': 'Qwen3-32B', + + # Use the endpoint provided by Alibaba Model Studio: + # 'model_type': 'qwen_dashscope', + # 'api_key': os.getenv('DASHSCOPE_API_KEY'), + + # Use a custom endpoint compatible with OpenAI API: + 'model_server': 'http://localhost:8000/v1', # api_base + 'api_key': 'EMPTY', + + # Other parameters: + # 'generate_cfg': { + # # Add: When the response content is `this is the thoughtthis is the answer; + # # Do not add: When the response has been separated by reasoning_content and content. + # 'thought_in_content': True, + # }, +} + +# Define Tools +tools = [ + {'mcpServers': { # You can specify the MCP configuration file + 'time': { + 'command': 'uvx', + 'args': ['mcp-server-time', '--local-timezone=Asia/Shanghai'] + }, + "fetch": { + "command": "uvx", + "args": ["mcp-server-fetch"] + } + } + }, + 'code_interpreter', # Built-in tools +] + +# Define Agent +bot = Assistant(llm=llm_cfg, function_list=tools) + +# Streaming generation +messages = [{'role': 'user', 'content': 'https://qwenlm.github.io/blog/ Introduce the latest developments of Qwen'}] +for responses in bot.run(messages=messages): + pass +print(responses) +``` + +## Processing Long Texts + +Qwen3 natively supports context lengths of up to 32,768 tokens. For conversations where the total length (including both input and output) significantly exceeds this limit, we recommend using RoPE scaling techniques to handle long texts effectively. We have validated the model's performance on context lengths of up to 131,072 tokens using the [YaRN](https://arxiv.org/abs/2309.00071) method. + +YaRN is currently supported by several inference frameworks, e.g., `transformers` and `llama.cpp` for local use, `vllm` and `sglang` for deployment. In general, there are two approaches to enabling YaRN for supported frameworks: + +- Modifying the model files: + In the `config.json` file, add the `rope_scaling` fields: + ```json + { + ..., + "rope_scaling": { + "rope_type": "yarn", + "factor": 4.0, + "original_max_position_embeddings": 32768 + } + } + ``` + For `llama.cpp`, you need to regenerate the GGUF file after the modification. + +- Passing command line arguments: + + For `vllm`, you can use + ```shell + vllm serve ... --rope-scaling '{"rope_type":"yarn","factor":4.0,"original_max_position_embeddings":32768}' --max-model-len 131072 + ``` + + For `sglang`, you can use + ```shell + python -m sglang.launch_server ... --json-model-override-args '{"rope_scaling":{"rope_type":"yarn","factor":4.0,"original_max_position_embeddings":32768}}' + ``` + + For `llama-server` from `llama.cpp`, you can use + ```shell + llama-server ... --rope-scaling yarn --rope-scale 4 --yarn-orig-ctx 32768 + ``` + +> [!IMPORTANT] +> If you encounter the following warning +> ``` +> Unrecognized keys in `rope_scaling` for 'rope_type'='yarn': {'original_max_position_embeddings'} +> ``` +> please upgrade `transformers>=4.51.0`. + +> [!NOTE] +> All the notable open-source frameworks implement static YaRN, which means the scaling factor remains constant regardless of input length, **potentially impacting performance on shorter texts.** +> We advise adding the `rope_scaling` configuration only when processing long contexts is required. +> It is also recommended to modify the `factor` as needed. For example, if the typical context length for your application is 65,536 tokens, it would be better to set `factor` as 2.0. + +> [!NOTE] +> The default `max_position_embeddings` in `config.json` is set to 40,960. This allocation includes reserving 32,768 tokens for outputs and 8,192 tokens for typical prompts, which is sufficient for most scenarios involving short text processing. If the average context length does not exceed 32,768 tokens, we do not recommend enabling YaRN in this scenario, as it may potentially degrade model performance. + +> [!TIP] +> The endpoint provided by Alibaba Model Studio supports dynamic YaRN by default and no extra configuration is needed. + +## Best Practices + +To achieve optimal performance, we recommend the following settings: + +1. **Sampling Parameters**: + - For thinking mode (`enable_thinking=True`), use `Temperature=0.6`, `TopP=0.95`, `TopK=20`, and `MinP=0`. **DO NOT use greedy decoding**, as it can lead to performance degradation and endless repetitions. + - For non-thinking mode (`enable_thinking=False`), we suggest using `Temperature=0.7`, `TopP=0.8`, `TopK=20`, and `MinP=0`. + - For supported frameworks, you can adjust the `presence_penalty` parameter between 0 and 2 to reduce endless repetitions. However, using a higher value may occasionally result in language mixing and a slight decrease in model performance. + +2. **Adequate Output Length**: We recommend using an output length of 32,768 tokens for most queries. For benchmarking on highly complex problems, such as those found in math and programming competitions, we suggest setting the max output length to 38,912 tokens. This provides the model with sufficient space to generate detailed and comprehensive responses, thereby enhancing its overall performance. + +3. **Standardize Output Format**: We recommend using prompts to standardize model outputs when benchmarking. + - **Math Problems**: Include "Please reason step by step, and put your final answer within \boxed{}." in the prompt. + - **Multiple-Choice Questions**: Add the following JSON structure to the prompt to standardize responses: "Please show your choice in the `answer` field with only the choice letter, e.g., `"answer": "C"`." + +4. **No Thinking Content in History**: In multi-turn conversations, the historical model output should only include the final output part and does not need to include the thinking content. It is implemented in the provided chat template in Jinja2. However, for frameworks that do not directly use the Jinja2 chat template, it is up to the developers to ensure that the best practice is followed. + +### Citation + +If you find our work helpful, feel free to give us a cite. + +``` +@misc{qwen3technicalreport, + title={Qwen3 Technical Report}, + author={Qwen Team}, + year={2025}, + eprint={2505.09388}, + archivePrefix={arXiv}, + primaryClass={cs.CL}, + url={https://arxiv.org/abs/2505.09388}, +} +``` \ No newline at end of file diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/config.json" "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/config.json" new file mode 100644 index 0000000..d66d65f --- /dev/null +++ "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/config.json" @@ -0,0 +1,30 @@ +{ + "architectures": [ + "Qwen3ForCausalLM" + ], + "attention_bias": false, + "attention_dropout": 0.0, + "bos_token_id": 151643, + "eos_token_id": 151645, + "head_dim": 128, + "hidden_act": "silu", + "hidden_size": 5120, + "initializer_range": 0.02, + "intermediate_size": 25600, + "max_position_embeddings": 40960, + "max_window_layers": 64, + "model_type": "qwen3", + "num_attention_heads": 64, + "num_hidden_layers": 64, + "num_key_value_heads": 8, + "rms_norm_eps": 1e-06, + "rope_scaling": null, + "rope_theta": 1000000, + "sliding_window": null, + "tie_word_embeddings": false, + "torch_dtype": "bfloat16", + "transformers_version": "4.51.0", + "use_cache": true, + "use_sliding_window": false, + "vocab_size": 151936 +} \ No newline at end of file diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/configuration.json" "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/configuration.json" new file mode 100644 index 0000000..bbeeda1 --- /dev/null +++ "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/configuration.json" @@ -0,0 +1 @@ +{"framework": "pytorch", "task": "text-generation", "allow_remote": true} \ No newline at end of file diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/generation_config.json" "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/generation_config.json" new file mode 100644 index 0000000..20a8a91 --- /dev/null +++ "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/generation_config.json" @@ -0,0 +1,13 @@ +{ + "bos_token_id": 151643, + "do_sample": true, + "eos_token_id": [ + 151645, + 151643 + ], + "pad_token_id": 151643, + "temperature": 0.6, + "top_k": 20, + "top_p": 0.95, + "transformers_version": "4.51.0" +} \ No newline at end of file diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/gitattributes" "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/gitattributes" new file mode 100644 index 0000000..21b3632 --- /dev/null +++ "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/gitattributes" @@ -0,0 +1,49 @@ +*.7z filter=lfs diff=lfs merge=lfs -text +*.arrow filter=lfs diff=lfs merge=lfs -text +*.bin filter=lfs diff=lfs merge=lfs -text +*.bin.* filter=lfs diff=lfs merge=lfs -text +*.bz2 filter=lfs diff=lfs merge=lfs -text +*.ftz filter=lfs diff=lfs merge=lfs -text +*.gz filter=lfs diff=lfs merge=lfs -text +*.h5 filter=lfs diff=lfs merge=lfs -text +*.joblib filter=lfs diff=lfs merge=lfs -text +*.lfs.* filter=lfs diff=lfs merge=lfs -text +*.model filter=lfs diff=lfs merge=lfs -text +*.msgpack filter=lfs diff=lfs merge=lfs -text +*.onnx filter=lfs diff=lfs merge=lfs -text +*.ot filter=lfs diff=lfs merge=lfs -text +*.parquet filter=lfs diff=lfs merge=lfs -text +*.pb filter=lfs diff=lfs merge=lfs -text +*.pt filter=lfs diff=lfs merge=lfs -text +*.pth filter=lfs diff=lfs merge=lfs -text +*.rar filter=lfs diff=lfs merge=lfs -text +saved_model/**/* filter=lfs diff=lfs merge=lfs -text +*.tar.* filter=lfs diff=lfs merge=lfs -text +*.tflite filter=lfs diff=lfs merge=lfs -text +*.tgz filter=lfs diff=lfs merge=lfs -text +*.xz filter=lfs diff=lfs merge=lfs -text +*.zip filter=lfs diff=lfs merge=lfs -text +*.zstandard filter=lfs diff=lfs merge=lfs -text +*.tfevents* filter=lfs diff=lfs merge=lfs -text +*.db* filter=lfs diff=lfs merge=lfs -text +*.ark* filter=lfs diff=lfs merge=lfs -text +**/*ckpt*data* filter=lfs diff=lfs merge=lfs -text +**/*ckpt*.meta filter=lfs diff=lfs merge=lfs -text +**/*ckpt*.index filter=lfs diff=lfs merge=lfs -text +*.safetensors filter=lfs diff=lfs merge=lfs -text +*.ckpt filter=lfs diff=lfs merge=lfs -text +*.gguf* filter=lfs diff=lfs merge=lfs -text +*.ggml filter=lfs diff=lfs merge=lfs -text +*.llamafile* filter=lfs diff=lfs merge=lfs -text +*.pt2 filter=lfs diff=lfs merge=lfs -text +*.mlmodel filter=lfs diff=lfs merge=lfs -text +*.npy filter=lfs diff=lfs merge=lfs -text +*.npz filter=lfs diff=lfs merge=lfs -text +*.pickle filter=lfs diff=lfs merge=lfs -text +*.pkl filter=lfs diff=lfs merge=lfs -text +*.tar filter=lfs diff=lfs merge=lfs -text +*.wasm filter=lfs diff=lfs merge=lfs -text +*.zst filter=lfs diff=lfs merge=lfs -text +*tfevents* filter=lfs diff=lfs merge=lfs -text + +tokenizer.json filter=lfs diff=lfs merge=lfs -text \ No newline at end of file diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/merges.txt" "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/merges.txt" new file mode 100644 index 0000000..3134955 --- /dev/null +++ "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/merges.txt" @@ -0,0 +1,151388 @@ +#version: 0.2 +Ġ Ġ +ĠĠ ĠĠ +i n +Ġ t +ĠĠĠĠ ĠĠĠĠ +e r +ĠĠ Ġ +o n +Ġ a +r e +a t +s t +e n +o r +Ġt h +Ċ Ċ +Ġ c +l e +Ġ s +i t +a n +a r +a l +Ġth e +; Ċ +Ġ p +Ġ f +o u +Ġ = +i s +ĠĠĠĠ ĠĠĠ +in g +e s +Ġ w +i on +e d +i c +Ġ b +Ġ d +e t +Ġ m +Ġ o +ĉ ĉ +r o +a s +e l +c t +n d +Ġ in +Ġ h +en t +i d +Ġ n +a m +ĠĠĠĠĠĠĠĠ ĠĠĠ +Ġt o +Ġ re +- - +Ġ { +Ġo f +o m +) ;Ċ +i m +č Ċ +Ġ ( +i l +/ / +Ġa nd +u r +s e +Ġ l +e x +Ġ S +a d +Ġ " +c h +u t +i f +* * +Ġ } +e m +o l +ĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠ +t h +) Ċ +Ġ{ Ċ +Ġ g +i g +i v +, Ċ +c e +o d +Ġ v +at e +Ġ T +a g +a y +Ġ * +o t +u s +Ġ C +Ġ st +Ġ I +u n +u l +u e +Ġ A +o w +Ġ ' +e w +Ġ < +at ion +( ) +Ġf or +a b +or t +u m +am e +Ġ is +p e +t r +c k +â Ģ +Ġ y +i st +-- -- +. ĊĊ +h e +Ġ e +l o +Ġ M +Ġb e +er s +Ġ on +Ġc on +a p +u b +Ġ P +ĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠ +as s +in t +> Ċ +l y +ur n +Ġ $ +; ĊĊ +a v +p ort +i r +- > +n t +ct ion +en d +Ġd e +it h +ou t +t urn +ou r +ĠĠĠĠ Ġ +l ic +re s +p t += = +Ġth is +Ġw h +Ġ if +Ġ D +v er +ag e +Ġ B +h t +ex t += " +Ġth at +** ** +Ġ R +Ġ it +es s +Ġ F +Ġ r +o s +an d +Ġa s +e ct +k e +ro m +Ġ // +c on +Ġ L +( " +q u +l ass +Ġw ith +i z +d e +Ġ N +Ġa l +o p +u p +g et +Ġ} Ċ +i le +Ġa n +at a +o re +r i +Ġp ro +; čĊ +ĉĉ ĉĉ +t er +a in +Ġ W +Ġ E +Ġc om +Ġre turn +ar t +Ġ H +a ck +im port +ub lic +Ġ or +e st +m ent +Ġ G +ab le +Ġ - +in e +il l +in d +er e +: : +it y +Ġ + +Ġt r +el f +ig ht +( ' +or m +ul t +st r +. . +" , +Ġy ou +y pe +p l +Ġn ew +Ġ j +ĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠ +Ġf rom +Ġ ex +Ġ O +l d +Ġ [ +o c +: Ċ +Ġs e +Ġ le +---- ---- +. s +{ Ċ +' , +an t +Ġa t +as e +. c +Ġc h +< / +av e +an g +Ġa re +Ġin t +âĢ Ļ +_ t +er t +i al +a ct +} Ċ +iv e +od e +o st +Ġc lass +Ġn ot +o g +or d +al ue +al l +f f +( );Ċ +on t +im e +a re +Ġ U +Ġp r +Ġ : +i es +iz e +u re +Ġb y +i re +Ġ} ĊĊ +. p +Ġs h +ic e +a st +pt ion +tr ing +o k +_ _ +c l +# # +Ġh e +ar d +) . +Ġ @ +i ew +ĉĉ ĉ +Ġw as +i p +th is +Ġ u +ĠT he +id e +a ce +i b +a c +r ou +Ġw e +j ect +Ġp ublic +a k +v e +at h +o id +Ġ= > +u st +q ue +Ġre s +) ) +' s +Ġ k +an s +y st +un ction +**** **** +Ġ i +Ġ us +p p +on e +a il +== == +n ame +Ġst r +Ġ / +Ġ & +a ch +d iv +yst em +el l +Ġh ave +er r +ou ld +ul l +p on +Ġ J +_ p +Ġ= = +ig n +S t +. Ċ +Ġp l +) ;ĊĊ +f orm +p ut +ou nt +} ĊĊ +d d +it e +Ġg et +r r +om e +Ġ âĢ +ar am +c c +Ġ* / +E R +I n +le s +_ s +on g +i e +Ġc an +Ġ V +er v +p r +Ġ un +ro w +b er +Ġd o +l l +Ġ el +Ġs elf +at ed +ar y +Ġ . +' ] +u d +Ġ en +ĠT h +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠ +t e +_ c +u ct +Ġa b +or k +. get +Ġ # +a w +res s +o b +N ame +ap p +[ ' +Ġal l +or y +it ion +an ce +e ar +Ġcon t +v ent +i a +Ġw ill +I N +ĠĠĠĠĠĠĠĠ Ġ +re turn +Ġ< / +d ata +) ĊĊ +R e +p le +il d +th er +Ġy our +" Ċ +( $ +Ġ out +) , +Ġh as +S tring +s o +Ġ up +a x +Ġde f +Ġb o +g e +al se +O N +p er +ic h +Ġb ut +Ġ Ċ +Ġ _ +_ m +ad d +que st +od el +s elf +er y +f t +en s +// // +a ke +. C +Ġg o +Ġf unction +Ġ K +iv ate +Ġ im +Ġcon st +. t +Ġ*/ Ċ +) ;čĊ +Ġv oid +Ġs et +ĠS ystem +c ri +( )Ċ +l i +ĉ if +. m +al ly +s et +e p +âĢĻ s +b o +de f +' ,Ċ +Ġm e +Ġ ! +at ch +" > +" ,Ċ +e c +ĠI n +p h +Ġ | +_ f +Ġv ar +en ce +I d +re e +in k +le ct +u g +et h +Ġel se +-------- -------- +con t +Ġs o +at ic +Ġl o +p ro +t on +s s +ow n +ab el +o int +ou s +el d +S T +T he +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +R E +" : +ol or +t p +e g +ke y +u de +ĠS t +ou nd +Ġa r +" );Ċ +en er +s er +b ject +ess age +f er +Ġm ore +ation s +ent s +Ġh is +Ġthe y +. S +Ġ Y +u se +n e +is h +ol d +_ d +i o +i eld +Ġp er +C ont +ing s +## ## +Ġd ata +Ġs a +e f +f o +Ġon e +en g +Ġd is +A T +Ġn ame +Ġtr ue +v al +le d +. f +Ġn e +Ġ end +. T +c re +ar k +lo g +E x +err or +_ id +ur re +ang e +Ġn ull +rr ay +Ġm y +p an +ic t +at or +V iew +L ist +ĉ return +âĢ Ŀ +Ġp re +Ġ x +cl ude +ar g +o v +. h +Ġ > +Ġthe ir +' ) +ir st +ic k +g h +L E +O R +Ġpr ivate +t em +čĊ čĊ +us er +Ġ ) +c om +. A +" ;Ċ +Ġ id +re ad +Ġwh o +_ b +" >Ċ +Ġt ime +Ġm an +r y +==== ==== +rou p +ro p +p ublic +v el +um ber +b le +Ġwh ich +******** ******** +Ġan y +Ġf alse +w e +Ġv alue +Ġl i +" ) +nd er +g r +Ġn o +p aram +f ig +.c om +Ġa pp +_ l +ion s +. D +ĠC h +Ġab out +Ġa dd +Ġs u +Ġstr ing +I D +Ġo ver +str ing +. l +our ce +_ C +] Ċ +Ġ qu +ĠS tring +c a +S E +Ġ ro +s h +u al +T ype +s on +n ew +er n +Ġa g +A R +] ;Ċ +] . +Ġ ? +ic al +Ġd es +ut h +i x +ay s +Ġt ype +' t +a ult +Ġin ter +v ar +. b +Ġp art +. d +urre nt +I T +E N +en c +( f +r a +v alue +ch o +ut ton +o se +Ġ! = +at er +à © +re ate +ol l +p os +y le +n g +A L +us ing +am es +Ġ{ čĊ +at es +el y +Ġw ork +Ġ em +in al +Ġs p +Ġwh en +.s et +ĠĠĠĠ ĠĠ +) :Ċ +t o +qu ire +ind ow +le ment +pe ct +as h +[ i +Ġu se +. F +pe c +Ġa d +o ve +ce ption +eng th +in clude +ad er +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠ +at us +T h +it le +r it +v oid +() . +( Ċ +Ġof f +Ġo ther +Ġ& & +' ;Ċ +m s +Ġbe en +Ġt e +m l +c o +n c +erv ice +Ġ % +** Ċ +an n +ad e +ĊĊ ĊĊ +lo ck +con st +pon se +Ġs up ++ + +d ate +Ġa cc +Ġh ad +Ġb u +ĠR e +Ġw ere +Ġf ile +Ġw ould +ĠâĢ ľ +v en +is s +Ġ our +c lass +r aw +Ġy ear +D ata +Ġv al +Ġs ome +f ter +y s +Ġ// / +rou nd +v iew +Ġp e +Ġth ere +Ġsa id +d u +o f +l ine +/ * +d uct +Ġh er +ĠĠĠĠĠĠĠĠ ĠĠĠĠĠ +R es +Ġc o +Ġcom m +is e +m in +ĠĠĠĠ Ċ +# include +eth od +. P +ut e +Ġas s +I nt +as k +lo c +Ġli ke +od y +Ġle t +lo ad +Ġa m +ro l +Ġg r +y p +Ġal so +ĠI t +ur l +if ic +or s +_ P +_ n +ig h +Ġth an +C om +A N +U L +at ing +ĠTh is +re f +_ S +Ġst atic +ro ll +Ġj ust +Ġres ult +i an +id th +Ġthe m +) );Ċ +d er +re ak +C on +: // +u le +.. . +ar ch +em ent +Ġ< < +us h +en se +ar r +Ġint o +c ess +am p +i ed +um ent +Ġ \ +] , +w o +al s +Ġwh at +an c +V alue += ' +ol um +Ġp os +ag es +ay er +Ġs c +u es +" )Ċ +_ T +Ġl ist +( s +Ġc ase +C h +ĉĉĉĉ ĉ +//// //// +pon ent +Ġ z +Ġk n +le t +D E +re d +Ġf e +Ġ} ,Ċ +Ġ , +( t +Ġf irst +' );Ċ +w ord +Ġ import +Ġa ct +Ġch ar +C T +ĠT r +op le += { +ĉ f +i ent +c ent +. j +le ction +) )Ċ +Ġon ly +Ġpr int +m er +. W +o ck +Ġ -- +T ext +Ġo p +an k +Ġit s +Ġb ack +[ " +Ġne ed +Ġc l +Ġs ub +Ġl a +( ( +. " +O bject +Ġst art +f ile +( self +n er +e y +Ġus er +Ġ ent +ĠC om +it s +ĠC on +ou ble +ow er +it em +ver y +ĠW e +lic k +Ġ Q +ph p +t tp +' : +ic s +Ġu nder +Ġ* Ċ +. L +) ; +ic es +Ġre g +) čĊ +ĉ public +S S +Ġth en +re at +i ous +. G +e k +ire ct +he ck +cri pt +n ing +ĠU n +Ġm ay +ĠW h +B o +I tem +str uct +. st +re am +ib le +lo at +Ġor g +u nd +s um +_ in +.. / +_ M +Ġh ow +r ite +' Ċ +T o +w w +Ġpe ople +ind ex +. n +ht tp +( m +ect or +Ġin d +Ġj av +] ,Ċ +ĠH e +_ st +f ul +o le +) {Ċ +Ġsh ould +op y +el p +i er +_ name +ers on +I ON +ot e +Ġt est +Ġb et +rr or +ul ar +ã Ģ +Ġ Ð +b s +t ing +Ġm ake +T r +Ġa fter +ar get +R O +olum n +r c +_ re +def ine +Ġr ight +r ight +d ay +Ġl ong +[ ] +( p +t d +con d +ĠP ro +Ġre m +ption s +v id +. g +Ġ ext +Ġ __ +' )Ċ +p ace +m p +Ġm in +st ance +a ir +a ction +w h +t ype +ut il +a it +< ? +I C +t ext +Ġp h +Ġf l +. M +cc ess +b r +f ore +ers ion +) ,Ċ +. re +ate g +Ġl oc +in s +- s +tr ib +ĠI nt +Ġa rray +, " +P ro +( c +ess ion +> ĊĊ +Ġs he +" ] +ap h +Ġex p +ert y +ĠS e +Ġp ar +un c +E T +Ġre ad +pr int +Ġre l +Ġfor m +Ġd r +Ex ception +in put +Ġtr ans +#### #### +ord er +B y +Ġa w +it ies +u ff +pl ay +. add +ĠâĢ ĵ +Ġw ant +Ġcom p +ment s +Ġ| | +a z +b e +Ġn umber +Ġre quire +ĠE x +Ġc ol +Ġ key +em ber +Ġt wo +Ġs ize +Ġwh ere +U T +res ult +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +ou gh +or ld +o od +u ch +at ive +g er +are nt +Ġ/ * +Ġar g +Ġwh ile +( this +Ġre c +Ġd if +St ate +Ġs pec +r ide +_ F +Ġlo ok +A M +il ity +et er +âĢĻ t +ĊĊ Ċ +ay out +---------------- ---------------- +ag er +Ġc ould +Ġb r +end s +u res +Ġkn ow +et s +ĠI f +ĠS h +. w +b ack +Ġs er +Ġ+ = +Ġf r +() );Ċ +Ġh and +I nd +UL L +I m +() ;ĊĊ +Ġm ost +Ġtr y +Ġn ow +rou gh +> čĊ +ack age +Ġh im +. _ +if y +Ġb reak +Ġ );Ċ +re n +# define +it t +Ġa p +ĉ c +( n +ĠY ou +: ĊĊ +- m +Ġe very +ust om +li ent +oc ument +cri ption +E rror +- b +Ð ¾ +] [ +tr ans +Ġp oint +Ġst d +Ġf il +T ime +Ġm od +Ġ -> +Ġ error +a h +Ġt ext +roll er +lo se +q l +Ġp ol +> < +. B +- c +Ġop en +Ġe st +ĠĠĠĠĠĠĠĠ Ċ +Ġn ext +I M +Ñ Ĥ +O T +à ³ +Ġf ollow +cont ent +ĠĠĠĠĠĠĠĠ ĠĠĠĠ +Ġin clud +H E +ĠR es +Ġh ref +Ð ¸ +Ġc ar +yp es +im age +U n +Ġbo ol +A D +Ġg ame +.F orm +row s +* / +vel op +.D rawing +Ġp ath +is ion +Ġe ach +ĠP l +_t ype +P ath +ne ction +Ġa v +' ). +Ġsup port +EN T +re m +" ). +Ġo wn +Ġc or +c ount +m iss +u ally +Ġm em +st d +i ence +se arch +" ĊĊ +F orm +Ġs ex +en ame +Ġs ign +Ġ et +ĠĠĠĠĠĠĠĠ ĠĠ +', ' +ĠA pp +Ġth ose +o ff +Ġ err +Ġs ystem +Ġbe st +c ode +Ġs ame +Ġd i +us s +Ġc reate +ath er +A rray +. in +f e +S ervice +U N +at s +Ġ Z +al th +Ġm ade +tr ue +A B +Ġm ark +r id +if ied +, čĊ +y n +p ress +Ġg roup +Ġf in +ĠL icense +F ield +eg er +Ġw orld +in ess +t y +Ġpro cess +( b +Ġc re +ar n +iv es +Ġm ain +ide o +_ g +A G +val id +im g +P I +Ġc olor +Ġre port +Ġt ake +ri b +O M +Ġd ay +Re quest +Ġs k +b ers +ĉ s +.A dd +o ot +Im age +Ġcom ple +ol lection +Ġto p +Ġf ree +A S +D e +ĠO n +I G +et a +D ate +Ġa ction +O ver +it or +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +n ot +Ġind ex +h er +ic on +O n +;čĊ čĊ +iv ity +m and +.W indows +O L +Ġre al +Ġm ax +l and +.. .. +r aph +Ġbu ild +le g +ass word +? ĊĊ +âĢ ¦ +o ok +u ck +Ġm essage +t est +iv ers +Ġin put +Ġar t +Ġbet ween +G et +ent er +g round +en e +à ¡ +.l ength +N ode +( i +C lass +f or +ĠâĢ Ķ +t en +o in +Ġ ke +u i +ĠI N +Ġt able +s ub +ĠL e +Ġhe ad +Ġm ust +//////// //////// +. util +Cont ext +Ġor der +Ġm ov +o ver +Ġcont in +Ġs ay +st atic +.T ext +Ġclass Name +pan y +Ġt er +he ad +r g +Ġpro duct +Th is +. âĢĿ +ĠB ut +lo y +Ġd ouble +s g +Ġpl ace +. x +m essage +Ġin formation +pr ivate +Ġo per +c ed +d b +"> +ater ial +ile d +Ġp ut +Q u +Ñ Ģ +un g +m ap +ĉĉĉĉ ĉĉĉĉ +Ġle vel +Com ponent +bo ok +cre en +_ RE +Ġcon fig +ã ģ +O r +. data +Ġd ocument +", " +trib ute +u x +L og +fer ence +p ost +_ e +Ġloc al +and om +ass ert +V al +lect ed +in a +atab ase +A dd +Ġcont ent +.p rint +s igned +r ic +." ĊĊ +Ġf a +! ĊĊ +- f +iv ed +Ġ quest +. ex +Ġf loat +Ġde velop +о Ð +M ap +ad ing +Ġpos s +U E +n amespace +_ O +ĉ b +.G et +> ( +j son +etail s +Ġto o +Ġext ends +ĠN one +Ġf ore +( String +form at +Ġg reat +int er +ca le +Ñ ģ +r on +iv ing +E nt +enc y +x t +o y +Ġmon th +Ġh app +Ġsup er +b ar +def ault +_ de +ord s +l n +( {Ċ +ĠI nd +as es +Ġt itle +Ġcont ext +o h +- p +E m +Ġm et +T est +Ġl ife +_ v +ĠU S +U I +oc ation +m d +Ġ[ Ċ +Ġ ] +s w +Ġin cre +s cript +ent ial +w ays +. de +Ġs rc +Ġc atch +ĠA meric +// Ċ +ĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠ +Ġp ay +pl it +âĢ Ķ +Ġc oun +ob j +.ph p +Ġch ange +eth ing +' re +ast er +lo s +l ation +ĠĠ Ċ +L e +à ¤ +( { +read y +ĠN o +Ġpos ition +Ġo ld +Ġbo ok +able d +b ug +H and +} ;ĊĊ +is play +av ing +Ġgo ver +Ġv ersion +S ystem +n ect +res ponse +St yle +U p +ang u +Ġth ree +in it +er o +Ġl aw +end if +Ġb ase +em ail +( l +_ V +Ġcon f +AT E +Ġd uring +t es +Ġcon sole +ĠP r +Ġs pe +v es +p ath +ial og +d ition +_t o +ard s +Ġagain st +et work +ĠP h +_ L +c ur +im it +W ith +Ġp ower +i um +' ;ĊĊ +Ġw om +le ft +our ces +at ri +ĠI m +ĠM an +or th +$ { +qu als +es e +_s ize +Ġis s +ot al +- g +i que +r ame +Ġw idth +er g +) ( +itt le +T R +ĠThe y +enc es +r l +on s +Ġl abel +. y +- t +up date +an el +s c +.t o +Ġpro ject +à ¼ +Ġe lement +Ġsu ccess +ĉĉ Ċ +.s h +r am +ch ed +() )Ċ +Ġ( Ċ +Ġd ate +Ġto t +_ ST +A ll +ific ation +ĉ var +Ġt ri +ch em +m y +Ġb ig +ĠA d +ĠA t +ot s +n um +A ct +Ġm ap +er a +co pe +. $ +, âĢĿ +Ġp op +Ġf ew +Ġl en +u id +et ers +u les +Ã Ń +s ource +http s +Ġd em +Ġe ar +######## ######## +Ġm atch +or ies +ac es +ĠC l +Ġn ode +ir c +loc al +un ity +} ;Ċ +Ġan other +< < +og le +Ġs it +ew ork +T E +. I +N S +olog y +ou ght +.C ont +> > +Ġc are +st ate +ĉ private +Ġe ffect +++ ) +_f ile +end ing +L ine +F or +i or +ĠS c +Ġf un +.S ize +ĉ else +] ) +st art +v ious +Ġ} , +our s +Ġle g +Ġs ervice +Ġs ince +ir on +L abel +Ġn on +Ġl os +ict ion +Ġf ull +act er +bo ard +g ress +Ġt urn +ith er +.s ize +Ġb ody +res h +et urn +( _ +y les +orm al +p i +Ġsom ething +! -- +u int +Ġpro du +Ġst and +Ġpro ble +Ġav ailable +m t +ĠB l +Ġ ... +Ġb lock +In put +Ġke ep +C ount +op en +Ġ[ ' +Ġth row +uild er +A ction +Ġth ings +Tr ue +Ġ url +ĠB o +print f +Ġre d +j s +.c reate +ĠO r +St atus +In stance +Ġcont rol +Ġcom e +Ġc ustom +loc ation +m odel +Ġ čĊ +Ġs ource +Ġe as +. out +] ĊĊ +one y +Ġaw ait +Ġpart ic +A P +ub lish +od es +_p ro +p ly +rit er +Ġpro v +Ġm ill +H T +] )Ċ +Ġch ang +Ġas k +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠ +Ġout put +Ġem ail +.p ush +Ġ} čĊčĊ +in ation +atri x +T able +u ccess +] );Ċ +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +Ġdis c +( [ +Ġb usiness +he ight +. html +t a +f ield +Ġrequire d +_ R +Ġgover n +} čĊčĊ +le x +. , +ĠS et +ur ch +// / +t s +a f +Ġm ight +ist ory +S tr +Ġne ver +Res ponse +ar se +ad a +ĠH ow +Ġ* ) +Ġ ; +Ġh ard +A d +Ġinter n +us ed +( data +m od +ann el +Ġn p +ug g +Ġ/ >Ċ +Ġcal led +b ody +Ġch o +( r +_s et +ir d +Ġ> = +Ġ} ;Ċ +Ġo ptions +ĠG ener +Ġhe ight +P oint +Y ou +et y +C lick +Ġsm all +Ġ ide +Ġacc ess +angu age +Ġprot ected +Ġj ob +ĠTh ere +D ef +Ġadd ress +Ġu int +N ot +o o +ap s +< div +ain ed +at ur +Ġs um +- w +ĠD ate +Ġl ittle +Ġf ri +Y PE +Ġp ort +e h +pr ing +_p ath +Ġst atus +a im +bo ol +Ġap pe +Ġo s +. name +ens ion +_ G +Ġup date +Con fig +a ff +ER R +Ġ< = +at ely +# if +u ction +ĠT e +Ġl ink +ĠU ser +.f ind +. org +m e +Ġg iven +O ut +# endif +Ġbet ter +P age +Ġfe el +en n +M L +Ġal ready +Ġinclud ing +o ogle +r u +ic ally +pro p +le an +out er +Ġal ways +ord ing +I f +or age +Ġp arent +v is +ĉĉĉĉ ĉĉĉ +Ġg ot +st and +Ġle ss +/ s +ĠA ss +ap t +ire d +ĠA dd +Ġacc ount +p loy +Ġd er +res ent +Ġl ot +Ġval id +ĉ d +Ġb it +pon ents +Ġfollow ing +_ ex +S ON +Ġs ure +oc ial +Ġp rom +ert ies +he ader +.p ro +Ġbo olean +Ġse arch +k en +Ġor ig +Ġ er +E d +E M +a ut +l ing +al ity +By Id +b ed +ĉc ase +eth er +pos it +Ġinv est +ĠO R +Ġs ays +miss ion +AM E +Ġtem p +o ad +Ġre st +in fo +Ġinter est +A rg +Ġper form +pon s +ĠV iew +Ġv er +l ib +( const +U til +List ener +ar ge +Ġm ult +Ġd ie +Ġs ite +../ ../ +E L +Ġval ues +Ġ} )Ċ +p en +N o +ic ro +Ġbe h +Ġ' ./ +ac y +re c +() -> +ĉ ĠĠĠ +" )) +Cont ent +_ W +ple ment +Ġw on +Ġv ideo +ad i +p oint +% % +Ġg l +erv ed +v iron +I F +ut ed +ã ĥ +' m +Ġc ert +Ġpro f +Ġc ell +ar i +Ġpl ayer +a is +Ġc ost +Ġh um +( R +Ġoff ic +k s +.t ext +at ures +Ġtot al +Ġ*/ ĊĊ +o pe +Ġst at +U M +Ġlo ad +ight s +Ġc lear +u ro +Ġte chn +up port +I R +Ġ row +Ġse em +Ġ q +Ġsh ort +ĠN ot +ip p +G roup +se ction +m ax +ir l +Ġover ride +Ġcom pany +Ġd one +" );čĊ +Ġg re +. Re +Ġbel ie +r ist +Ġhe alth +AN T +() ĊĊ +ĠB e +. value +ĠG r +ott om +Ġarg s +P T +st atus +f unc +um ents +- h +N umber +: čĊ +ĠL og +er ver +Ġ) ,Ċ +am ent +Ġob j +in c +Ġchild ren +ic y +I Z +and s +ab ly +Ġdist rib +Ġc ur +er ial +Ġd ays +re ated +re ct +- l +ir m +idd en +om b +Ġin itial +.j s +Ġ â +Qu ery +Ġon line +im al +. con +a u +U rl +cont rol +ire ction +Ġin stance +OR T +ĠF r +wh ere +Ġjav ax +Ġorg an +ap ter +Ġre ason +o ptions +ĠM ar +( a +Ġwith in +.âĢĿ ĊĊ +O DE +_ DE +ad min +end ed +Ġdes ign +ĠD ata +un e +ĠF ile +ro ot +Ġc ent +Ġa rr +_ add +l en +p age +, ' +_ str +Ġb ro +ab ility +ou th +/ c +p ose +irt ual +ear ch +_ url +arg in +H ttp +Ġs chool +av a +Ġcons ider +.l abel +ĠA rray +we b +o pt +.print ln +ul ation +Ġf unc +P L +Ġ" \ +ĠT ext +act ory +(f unction +n ull +Ġen g +d own +Ġin clude +ĠE n +ĠD r +Ġd b +! ! +s ide +Ġin it +quire d +ĠS he +C olumn +re act +Ġan n +Ġst op +Ġl ater +ĠTh at +ent ion +d f +U G +I LE +Ġc lient +ra ft +ff er +PO ST +el per +Ġlo ve +qu ote +ou d +Ġj son +Ġab le +Ġm en +A X +ĠC opyright +à ¶ +av ig +re q +C lient +} );Ċ +.C om +er c +il t +pec ial +_c om +ro om +. Name +Ġg ive +am b +i ke +Ġcon dition +cl ient +ator s +: " +Ġc opy +ut ure +ivers ity +ern al +{ { +ĠC an +ou nc +d o +Ġo cc +Ġapp ro +th ers +z e +Ġe ither +ĠF l +Ġimport ant +Ġle ad +at tr +AR T +E qual +Ġd a +et ch +ent ity +Ġfam ily +add ing +Ġo ption +Ġex ist +ic a +ĠO bject +' ve +v ers +ition al +out put +ĠTr ue +ĠO F +_t ime +Ġof fer +Ġ} );ĊĊ +H ER +eg in +" " +Ġw ater +Ġc he +ĠM y +ore d +Ġst ep +anc es +C K +A Y +à ¸ +str uction +( C +ou ch +St ream +act ive +am a +Ent ity +pro duct +() {Ċ +Ġgovern ment +ĠI D +aj or +A nd +Ġdis play +Ð » +Ġt imes +Ġf our +Ġf ar +Ġpres ent +ĠN S +Ġ\ Ċ +ue st +Ġb as +e cho +ch ild +if ier +Hand ler +Ġl ib +Prop erty +trans lation +Ġro om +Ġon ce +Ġ[ ] +cent er +================ ================ +Ġresult s +Ġcontin ue +Ġt alk +_ get +Ġg row +.s w +e b +ĠP ublic +O P +ec ute +ol s +Ġ ** +" );ĊĊ +Ġm ass +ure d +.c lass +om ic +Ġme an +ip s +Ġa ut +);čĊ čĊ +Ġun til +Ġmark et +Ġare a +u it +Ġl ength +ĠW ith +struct or +e vent +"> < +ĠS p +I V +Ġm us +if f +Ġk ind +a uthor +ound s +m b +_ key +w idth +posit ory +Ġl ight +u k +R ow +oh n +al f +viron ment +app er +ollection s +Ġs ide +_in fo +Ġex ample +im ary +Ġw r +Ġc amp +cri be +" / +Ġm iss +w ay +Ġb ased +Ġpl an +V is +om ain +un k +Ġaw ay +U P +< T +O S +i od +ĠM on +âĢĻ re +Ġli k +à § +iv ely +. v +im er +iz er +S ub +Ġbut ton +ĠU p +Ġexper ience +C L +Ġre nder +_ value +Ġn ear +UR L +al t +Ġcoun try +ib ility +() ,Ċ +e ad +Ġa uthor +Ġspec ific +b ase +( name +on es +ĠD o +Ġal ong +y ear +Ġexp ress +. ' +en v +Ġbeg in +Ġso ftware +Ġim p +Ġw in +ó n +Ġth ing +Tr ans +ĠT HE +Ġ< ? +Ġwh y +Ġdoes n +i j +g ing +ĉ g +Ġs ingle +off set +ar ning +og raph +le y +_c ount +Ġan al +cre ate +/ m +ĠR eg +un ch += $ +is k +Ġright s +( M +Ġ"" "Ċ +ap er +.m odel +Ġp o +em pty +art ment +Ġa nt +ĠWh en +Ġwom en +ĠE d +Ġse ason +Ġde st +à £ +( h +Ġposs ible +Ġse ver +Ġb tn +Ġdid n +Ġs ent +Ġen c +Ġcomm and +Ġ ],Ċ +_ x +Ġre cent +ol ution +v ector +ĠB y +ĠM ay +ĠA ct +» ¿ +Ġm oney +IN T +bs ite +ĉ p +. čĊ +ï »¿ +s l +atter n +ĠC lass +Ġto ld +ud io +c urrent +Ġe qu +Ġa uto +ĠSt ate +d a +ms g +)) ;ĊĊ +Ġwork ing +Ġqu ery +ĠB r +Ġw indow +a uth +on ly +ĉ t +Ġle ast +ag n +Ġex pl +it ter +ar ing +Ġc olumn +ĠGener al +": " +er al +ri or +Ġrec ord +I B +E X +Ġd at +Ġm aking +u ed +ĠC ar +em p +" . +ĠM ed +Ġc lose +Ġper cent +Ġp ast +( g +: ( +Ġw rite +Ġm ove +Ġp at +Cont rol +.T o +Ġv i +*/ Ċ +in ate +' ll +ag ed +N ull +Ġspec ial +IZ E +Ġc ity +/* Ċ +ĠE ng +ix ed +in ary +p y +Ġe ff +ar io +Ġt ell +av or +Ġse lect +le vel +im um +op er +B uilder +I P +') ,Ċ +es c +Ġf ont +" ;ĊĊ +ĠA m +ish ed +ill s +Int er +O W +Ġcour se +Ġl ate +idd le +Ġam ount +Ġas ync +in o +c ul +Ġ ì +and le +_ user +Ġb en +ĠC al +Ġ$ _ +ĠR ep +Ġen ough +T oken +. user +( j +S c +W idth +n ow +at form +Ġlook ing +Ġh old +M odule +IT Y +v o +is on +.D ata +y c +Ġp ot +ĠTr ump +id ual +id es +r t +Ġprop erty +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠ +am ework +g o +Ġl ow +Ġpar a +Ġpr ice +ur y +Ġto day +ro y +Ġ' / +Ġpol it +Ġ' ' +ym b +P h +Ġad v +Ġatt ack +ĠS te +RO M +an a +Ġme ans +Ġst ory +id s +ak en +Ġme et +Ġm om +ĠâĢ ĺ +Ġ? > +Ġd en +ob ile +ch ange +ĠĠĠĠĠĠĠĠ ĠĠĠĠĊ +ic i +n a +ĠF orm +Ġs ort +Se lect +p are +Ġth ought +_ con +Ġt ask +oc us +ĠD E +ĠM in +Ġo pt +ĉb reak +um er +K E +th en +Ġd et +ĠT est +port s +Ġre view +(' / +m ove +Ġsw itch +ER T +p atch +ann ot +ã Ĥ +Ġab ove +it ive +Ġquest ion +ĠQ u +ãĢĤ ĊĊ +g le +Ġw ord +Ġprov ide +ĠR eturn +Ġre search +ã o +u str +Ġp ublish +chem a +} } +ĠC ON +- in +all back +Ġco ver +\ \ +c olor +ĠI S +Ġwh ether +im ate +is c +B ar +Ġd iv +B e +our n +Ġh aving +le m +pl ayer +ab s +am era +ne y +Ġex c +get her +pl ied +a o +[ $ +Ġ+ + +i pe +sh ow +/ d +[ : +ag ement +le v +_ ID +r ary +ad es +_ se +a use +Ġem ploy +Ġ*/ čĊ +Ġf re +Ġ' @ +Ġcomple t +Ġl arge +r al +\ x +Ġf ac +< String +Ġcre ated +up er +.st ate +Ġh ost +ener ic +/ b +( ! +wh ile +i as +B UG +Ġ );ĊĊ +Ġro le +Re g +ĠC olor +St art +Ġp orn +t op +Ġwe b +Ġde v +Ġde al +++ )Ċ +Int eger +pos ition +. on +Ġ( " +ä ¸ +Ġproble m +s v +Ġp ress +AB LE +AT ION +ĠSe e +an ch +Ġth ough +le ep +Ġ< !-- +Ġpoint s +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠ +. J +Ġ :: +p tr +D B +++ ;Ċ +.p ng +n ode +so ft +pon d +Ġe ver +-------------------------------- -------------------------------- +M enu +(' # +Ġs ervices +p g +} )Ċ +param s +Ġact ually +Ġ" / +Em pty +M ethod +Ġid ent +un ic +Ġmill ion +Ġa ff +st yle +Ġcon c +i os +ign ment +UL T +P r +" ;čĊ +Ġunder stand +u ary +Ġhapp en +Ġser ver +ĠC o +S C +Ġle s +Ġfile s +G rid +s ql +Ġof ten +Ġin fo +_ tr +s rc +on y +Ġsp ace +um b +Ġpass word +Ġst ore +, ĊĊ +ĠWh at +g ed +ĠF alse +U s +sw er +_ index +Ġform at +m ost +s m +N ew +Ġd etails +Ġpro b +ĠAN D +() čĊ +il ar +Ġ$ { +ry pt +.C ollections +$ this +ĠF ree +_ of +(f alse +d ated +Ġ> > +Ġf ace +CT ION +Ġs ave +Ġt yp +de v +(" # +AG E +cont ainer +ed it +Q L +Ġitem s +Ġs ocial +i en +ĠRe act +) .ĊĊ +Ġm ar +Ġre du +ĠR E +.p ut +Ġm ajor +C ell +n ext +Ġexpect ed +Ġy et +Ġin div +trib utes +at is +am ed +Ġf ood +S ource +( string +Ġ+ Ċ +it es +d r +Ġmem bers +Ġcom b +item s +ĠP er +T H += True +Ġb ar +_ SE +com m +( w +)ĊĊ Ċ +Ġs end +Ġin c +un signed +F A +Ġparam s +app ing +ro s +ug in +f a +Ġcon nection +Ġ} ;ĊĊ +Ġbe come +M ode +Ġe v +Ġdif f +ĠUn ited +He ight +ful ly +im ages +Ġm akes +Ġg lobal +Ġcont act +' :Ċ +Ġab s +а Ð +f loat +Ġex cept +ĠP ol +Ch ild +t yp +Ġcert ain +i ón +O UT +Ġim pro +ile s +Ġ-- >Ċ +ĠP art +val ues +os s +/ ** +il it +ĠE vent +cur ity +st er +Ġchar acter +Ġnew s +Ġ" , +Ġde vice +c el +log in +he et +Def ault +@ " +ĉ Ġ +c lick +( value +ĠA b +Ġpre vious +ERR OR +oc al +Ġm aterial +Ġbel ow +ĠCh rist +Ġmed ia +co ver +ĠU I +Ġf ail +Ġbl ack +Ġcom ponent +ĠAmeric an +Ġadd ed +Ġbu y +st it +Ġc ame +Ġde lete +prop erty +od ing +Ġc ard +rop s +Ġhttp s +Ġro ot +Ġhand le +C C +B ack +em plate +Ġget ting +_b y +m ail +_s h +. assert +ĠD ec +( true +Ġcom put +Ġcl aim +' => +ĠS ub +Ġa ir +op s +n av +em ents +( id +Ġent er +ang ed +E nd +Ġloc ation +Ġn ight +Ġdo ing +ĠR ed +l in +}ĊĊ Ċ +vid er +Ġp ick +Ġw atch +ess ages +Ġhum an +Ġd am +p end +d ir +Ġt ax +Ġg irl +re et +Ġbo x +Ġstr ong +( v +re l +Ġinter face +Ġm sg +f ect +_ at +Ġh ouse +Ġtr ack +' );ĊĊ +j e +ĠJ ohn +ist r +( S +ub e +Ġc e +itt ed +V ER +* ) +p arent +Ġapp lication +an y +.sw ing +Ġp ack +\ u +Ġpr act +Ġse ction +ct x +Ġun signed +.P oint +ĠO ne +Ä ± +ip le +a id +Ñ ĥ +V ector +by te +Ġw ait +Ġà ł +à ¥ +Ġto gether +Ġth rows +F O +' )) +h ost +is ing +. view +Ġter ms +fr amework +- r +Ġapp ly +Ġs ession +O ptions +ugg est +Ġo thers +w itter +Ġf und +In it +__ ( +ens or +G ET +Ġsever al +i i +[ j +I O +Ġtem plate +P osition +Ġe con +ach ine +Ġ il +.s pring +m ain +el t +im ent +Re c +m m +ĠUn iversity +urs or +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠ +G L +ict ure +ith ub +c er +c ast +F rom +a les +Ġsub ject +p assword +n y +Ġes c +.w rite +ï¼ Į +Wh at +. H +Ġh istory +ĠF e +Ġindiv idual +un it +Ġ-- > +Ġd u +I ST +Ġus ers +f s +f alse +un t +T itle +Ġm ot +Ġf uture +ach ed +Ġstart ed +Ġm ode +Ġ' < +_ array +Ġa x +'] ;Ċ +i res +Th ere +ug ht +t ml +pos ed +ic ult +Ġto ok +Ġg ames +Ġ} } +Ġ? >Ċ +Ġproduct s +I s +Ġb ad +ĠD es +.p ath +' ĊĊ +ĠP ost +av el +( : +Ġneed s +Ġkn own +F l +Ġex ec +Ġse en +um e +Ġb order +Ġl ive +tem p +P er +Ġvar iable +i et +ĠD ef +Ġg e +em e +_b ack +f irst +Ġprovid ed +//////////////// //////////////// +Ġfil ename +Ġh ope +ul y +a uto +f ind +_ string +b tn +it ude +At tribute +Ġyou ng +.t xt +Ġwe bsite +ĠP rop +Ġe y +> ();Ċ +ion al +AR R +iction ary +ur ther +. +t x +Ġp ur +u el +ymb ol +u ation +ang er +Ġback ground +ec ess +ef ined +.... .... +Ġdes cription +Ġrep resent +") );Ċ +press ion +row ser +Ġser ies +ward s +($ _ +a ise +Ġh ot +ac ity +ri es +action s +C reate +ad io +amp les +Ġorig inal +ens ive +f ont +st ream + using +.spring framework +ser ver +Ġb ill +AC K +il ename +Ġfr ame +Ġ= Ċ +Ed it +adi us +Ġd raw +ank s +Ġd eter +Ġcom es +_ int +Ġfore ach +ang le +Ġe lect +pect ed +He ader +ist ration +F alse +ĠG ame +Ġfil ter +Act ivity +Ġl arg +in ition +Ġ" < +is ed +Ġrem ove +ĠTr ans +m et +se e +Form at +Com mand +ĠE X +N one +Ġfr ont +A SE +ĠR ec +ound ation +Ġv o += \" +( * +Ch ange +.W rite +g roup +i ents +u y +******************************** ******************************** +Ġd ig +h r +( - +Ġg en +n umber +ve c +uro pe +ent ry +L L +Ġst e +Val id +'] , +_p aram +Ġse lected +Ġacc ording +ĠD is +Ġ util +B uffer +_ error +Ġass oci +_S IZE +Ġw or +Ġprint f +r ag + ł +D D +ĠV al +Ġact iv +E ng +et ime +Ġv irtual +a ign +a ur +ĠP res +ĠEx ception +Ġany thing +ĠO ff +Ġh ours +Ġw ar +Arg s +ag ing +Ġmodel s +ĠT ime +O b +am s +j oy +Ġear ly +. read +Ġc enter +ĠIn itial +Ġl anguage +l ength +x y +Ġs n +Ġin f +P ost +Ġag o +Ġeas y +_c ode +ĠAN Y +_ ch +Ġdown load +( T +av ed +âĢ ĵ +Ġstud ents +Ġf ig +l ight +x x +Ġbu ffer +ĠD ep +ĠM ath +IT H +Ġvar i +Ġd ue +F actory +Ġp or +Ġe p +ot ype +Ġcan not +Ġwh ite +< int +ter n +Ġreg ister +Ġpre d +cl us +_d ate +Ġ/ ** +Ġa uth +Ġ[ ]Ċ +Ġper iod +n own +Ġv ot +Ġs creen +' d +T ypes +Ġt mp +е Ð +ur al +Ġben ef +_ y +Ġn et +ĠSt ates +'] [' +ĠN e +ĠN OT +Ġn eg +Ġcomm on +s cope +Ġc red +g es +_T YPE +Ġs uggest +o om +.ĊĊ Ċ +Ġac cept +Ġr andom +er m +ĠV ector +w ith +T ER +( str +Ġres pons +Ġh it +.S et +gr id +ri a +Ġc lick +und le +C ase +ins ert +Util s +Ġ"" " +Ġim plement +at al +tem pt +tem plate +oc r +return s +Ġplay ers +us ers +ed ef +ĠTh ese +Ġam ong +Ġde b +h a +.get Element +Ġc irc +Ġan swer +Ġw alk +Ġt reat +ĠG e +ĠC reate +Ġa ge +Ġre q +O ST +ang ular +Ñ ı +Ġf ive +Ġdistrib uted +Ġfri end +T P +Ġc lean +ow s +.Control s +d is +Ġw ords +. io +z y +Ġhe ader +ĠC heck +âĢĻ m +j ust +h older +=" čĊ +. annot +Ġcol lection +' . +Ġsim ilar +Ġt aken +(" % +Or der +'] Ċ +-m d +ĠT H +ac ed +Ġis n +/ j +Ġs on +gr aph +ĠInt eger +Ġn ecess +re en +Ġ um +Ġ\ < +Ġmom ent +Ġbr ing +Ġind ic +ys is +Le vel +ver se +urre nc +_t est +Ġent ire +D own +Ġ}ĊĊ Ċ +( result +ĠRe ad +à ¨ +M od +Ġtry ing +") ,Ċ +Ġm ember +ĠC or +OD O +- control +un time +ĠS im +D ialog +pl ot +_ on +Ġph ys +} / +Ġn amespace +ĉ čĊ +ac c +Pl ayer +A RE +Ġf oot +Ġbo ard +p art +Ġs us +w ise +ĠM c +Ġp ush +AT A +Ġp lease +ri ed +we et +b it +id ed +V E +ĠS w +U B +Ġt ypes +ed ia +Ġc los +ace book +Wh en +Ġed it +ig ger +Ġen erg +Cont ainer +Ġph ot +ĠC ount +ĠE urope +.I s +ĠR uss +pe ed +ĠS tr +Ġp y +Ġc ult +Ġdef ined +cc ount +Ġob t +.L ocation +Ġth read +il le +Ġinst ead +str ong +ĠS ec +U RE +Ġide a +. se +em y +select ed +Con nection +ac ing +th read +.n ext +Ġc oll +Ġfil m +ist ic +Ġcomp et +Ġcon n +th ough +Ġcom pan +ock et +Ġte ach += ( +Ġph one +Ġact ive +de lete +tr ies +Ġm o +Ġde ath +} );ĊĊ +oc ol +W idget +Ġart icle +ro du +and id +Ñ ĭ +ĠC r +k a +() : +lo od +ĉĉĉ Ċ +Ġal most +Ġs ell +erv let +ri p +Un it +Ġapp lic +Ġcon nect +Ġfe ature +Ġv ia +' ), +Ġl im +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +ĠG u +Eng ine +Ġen s +Ġen vironment +b lock +HER E +N ULL +g y +t ag +) ). +ex p +Ġcom pl +Ġinst all +Ġcomple te +que ue +atur al +Ġgener al +th on +Ġask ed +o res +( res +Ġres erved +S P +ĠâĢ ¦ +Å Ĥ +Ġsign ific +O ff +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠ +ĠA g +ĠJ ust +ĠE rror +Ġin fl +ad ata +Ġ icon +ask s +' ' +_ LO +? . +ac count +Ġ( * +' )ĊĊ +r ap +_ var +ĠF OR +Ġpart y +ĠY our +c at +str y +. new +bo ot +ĠN ov +Ġv ector +Ġn ormal +Ġf urther +Re pository +Ġd atabase +att le +Ġmus ic +Ġspe ed +Ġd oc +pro cess +IG HT +.p arse +Ġt aking +Ġvi ol +ce ed +ĠA fter +Ġfor ward +Ġc rit +"/ >Ċ +ro t +Ġfa iled +ef ore +Ġconc ern +o e +b a +Ġs ender +Ġter m +h as +=" # +Ġpot ential +N um +Ġpublish ed +.c lose +ĠIm age +str aint +U D +ĠO b +Ġprob ably +l im +" :Ċ +olum e +Ġcon sum +ag ue +ens ions +Ġinvest ig +- year +') ; +-s m +Ġen joy +or ig +er ing +c p +le ased +ple ments +Ġreturn s +p at +B O +ĠH ouse +.L abel +Ġwe ight +igh b +Ġcondition s +Ġex ception +d escription +Ġtr ad +- to +Ġ{ } +Ġmod ule +EN D +. ap +.p rops +Ġcon structor +av es +Ġf avor +ĠN ow +; i +ĠM ain +_ k +er ies +âĢĻ ll +trans form +imest amp +P re +Ġm er +. res +st ant +L ocation +_N AME +Ġlos s +Ġ ĊĊ +n et +Ġeng ine +B lock +Ġiss ues +Ġpar se +ĠB ar +Ġst ay +ĠJ SON +Ġd om +air s +w ner +Ġl ower +", čĊ +ĠD em +uf act +Ġp s +Ġper fect +R L +Ġed uc +l s +em ory +ARR ANT +u ge +Ġex act +. key +al led +e ch +ie f +\ / +o ke +Ġfor mer +al loc +Ġs ix +id a +Ġm argin +Ġhe art +al d +p ack +.getElement ById +ĠW ARRANT +Ġr ather +Ġbuild ing +er man +lic e +Ġquest ions +iz es +le ge +irect ory +Ġj e +Ġc as +pro ps +ut f +Ġse curity +Ġhow ever +we ight +Ġins ide +Ġpres ident +Ch ar +ĠW ITH +.m ap +Ġgr aph +Ġt ag +_st atus +Ġat tempt +op p +us es +ĉ const +Ġr ound +, $ +Ġfri ends +Em ail +? > +Res ource +KE Y +os p +. query +ĠN orth +able s +ist rib +_c lass +el lo +Th at +Ð º +pecial ly +ĠPres ident +Ġcamp aign +Ġal t +are a +Ġch all +Ġop port +.C on +Ġenerg y +li ke +. string +ing ton +) * +y y +Ġprof ession +ir th +Ġse g +æ ľ +Ġh or +i ers +c an +Ġbeh ind +Pro duct +f g +ĠS k +.j pg +? : +] ;ĊĊ +Ġcall back +ĠH ttp +Ñ Į +l ong +M S +AT H +Ġr aise +Ġwant ed +row n +ut or +l t +] = +el ine +M A +Ġse par +c s +se mb +D is +bs erv +ĠW ill +Ġpol icy +Ġth ird +ph one +Ġb ed +/ g +. __ +ĠIn c +iz ing +.re move +in stance +.t ype +Ġs erv +E ach +Ġh ar +ĠM essage +( key +SE LECT +P os +)) ;čĊ +Ġre comm +Ġtr aining +ĠE nt +ĠCh ar +ic ht +(f ile +Ġp rior +G ame +Ġex it +Param s +.c ore +P C +n es +anc ed +( request +P assword +} >Ċ +Ġm ag +Ġre lease +Ġsh all +ud ent +ĠS outh +and o +: ' +.Tab Index +s k +ann er +is set +Ġout side +led ge +Ġ å +ĠR ob +Ġim m +! Ċ +ĠWe b +D es +B C +anc ial +R oute +D ec +fer ences +Ġp urch +ĠM odel +ct or +g n +_st art +_ un +. * +is es +Ġg round +Ġun ique +Ġbe aut +{ " +Ġp our +ĠO ct +Ġt ree +set s +_ res +') -> +_re g +(" \ +Ġby te +B l +Ġd ating +Ġm atter +ĠR em +Ġ' ../ +ĠA ug +ĠL a +Ġ$ ( +ourn al +i am +Ġshow s +w rite +Ġb all +Ġsim ply +Ġf ast +Ġmem ory +A SS +ĠO f +ov ed +ant e +a ul +ist ry +)) );Ċ +Ġf it +< string +Ġpolit ical +anc el +_ . +c ard +.c urrent +o ch +_ image +\ t +# Ċ +( L +Ġindu stry +com ing +Ġex tra +Ġreport ed +.st art +Ġres ources +Ġim g +fl ow +_E X +(n ull +ĠP re +Ġwr ong +inter face +Param eter +n ers +á » +t ure +ers ist +oun try +Ġseem s +al ance +de st +ĉ String +Ġm aint +Ġun it +act ers +ĠT R +if ul +export s +pro ject +App lication +leg ate +Ġt akes +ter m +Ġet c +ust er +Ġappe ar +add ress +Ġf em +h s +Ġh om +, - +Ġdiff icult +Ġcom ing +O pen +Ġset tings +ĠW ar +ĠTh en +Ġaut om +ĠF oundation +Ġqu ite +D escription +Ġb log +i qu +P S +_f ield +J son +SS ION +ĠS ch +ĠL O +Ġdes cri +Ġevery one +Ġpret ty +Ġlong er +Ġm enu +Ġcurrent ly +se c +Ġrelations hip +################ ################ +ĠM ap +as et +Ġparam eters +Ġcr ush +" čĊ +IL ITY +ig ration +Ġc out +t otal +Ġn ames +nd ef +") ; +ri end +yn amic +Ġeff ort +Ġact ual +Ġfield s +O UN +t ers +Ġf ix +_m odel +Ġc ases +C A +M y +Inter face +ĠS E +] ] +al le +ĠN ational +ĠArray List +in line +. V +ar a +ref ix +as c +Re ader +ĠÐ ¿ +ast ic +( () +C l +.annot ation +Ġperform ance +ail y +.to String +.n et +view s +. end +ay ers +l ate +ĠA pr +ed eral +'] ) +.b ody +Ġhigh er +_f l +c r +al ert +_n ode +ĠG oogle +Ġit self +A uth +urrenc y +Ġsignific ant +app end +Ġres pect +str ap +Ġun a +riter ia +P ORT +.ap ache +Out put +Ġpro gress +Ġm id +ĠM icrosoft +Ġres ource +ab lish +Ġd im +. load +.A pp +Ġd irection +Ġadd itional +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠ +Ġnum bers +Ġcompan ies +.T h +Ġs ound +user name +Ġstat ement +Ġal ert +Ġcon tract +h ome +_l ength +.Com ponent +e v +. Ex +ï¼ ļ +" ; +ĠH igh +Ġ )ĊĊ +ĠP oint +op h +Ġl ines +-> _ +" )ĊĊ +o x +app lication +Ġ ]Ċ +ĊĊĊĊ ĊĊ +Ġso on +ction s +ing er +Ġj oin +ĠP e +Ġ ë +Ġl as +. E +c ss +/ or +ĠSt art +ĠT O +Ġsub s +con n +com ponents +DE BUG +qu are +F unction +end ar +. index +Ġf ill +Ä Ļ +Ġcho ose +h ow +ĠAmeric a +ass ets +-------- ---- +ĠV alue +Ġoff ice +Ġv eh +Ġtrans form +ĠAr t +Ġin de +Ġf n +Ġim plements +ang o +ple te ++ " +t mp +am ily +Ġhas h +miss ions +E ST +g t +Pro vider +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠ +Ġfl ag +Ġpartic ip +d en +ĠReturn s +Ġnot e +ü r +p m +ide os +Ġspec ified +ĠE N +est er +ol id +Ġup on +( std +ĉ v +Ġ' \ +u z +Ġv ert +Ġv ict +ĉ self +Ġ" $ +. k +Ġgroup s +g ithub +l ang +Ġm ut +T O +Ġv e +ĠP lease +;ĊĊ Ċ +ac cess +Ġ{ " +re a +Ġr isk +ick er +og gle +ĉ while +AN G +.s end +Ġwom an +Ġget s +Ġ ign +ĠI d +_ log +ON E +Ġe vid +ĠH ar +_s ub +Ġend l +Ġinclud ed +() );ĊĊ +ĠA p +ig r +Ġs em +ĠBl ack +d oc +_t able +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +- up +Ġca use +Ġ .. +Ġv an +_d ict +Ġf ocus +IN D +CE SS +.L og +Ġmult iple +id o +Ġreg ard +- M +and ler +our se +Ġde g +. U +Ġadd ition +Ġvar ious +Ġrece ive +е н +ĠH T +Ob j +D F +Ġincre ase +ĠO pen +] ; +Ġcomm it +? Ċ +ateg ories +at ory +sh ip +ĠM ich +Ġh tml +rom ise +Ġle ave +Ġstr ateg +av en +ĠCon sole +k nown +- n +_ LE +.com ponent +Ġb re +S ession +i ance +Ġal ign +typ edef +_ result +ĠW HERE +.s plit +Ġread ing +FA ULT +Ġc lo +Ġnot ice +_p r +ar ter +Ġlo ck +Ġstand ard +et ic +ell ow +Ġp adding +ĠH is +Ġst ates +_c ast +( P +a a +Ġintern al +e an +ĠP RO +ĠK ey +Ġes pecially +m ing +Ġc ross +Ġn ational +_ object +f ilter +Ġs cript +. update +_ i +ĠAss ert +/ core +%% %% +Ġproble ms +ist or +Ġ. = +Ġar ch +Ġwrit ten +Ġm ilit +M ENT +. ch +ca pe +ĠM us +_ config +ĠA PI +fo ot +Ġim ages +end l +. In +F irst +Ġpl atform +.pro t +O ption +st e +ĠT ODO +Ġfor ce +. cont +ĉ echo +ĠD av +P tr +( B +R T +ĠB ase +] [' +Ġann ounc +con sole +ĠP y +d s +. as +Ġpre vent +ap an +Ġ{ ' +} ' +Ġde ad +V AL +Q UE +**************************************************************** ******** +Ġch arg +R eturn +Ġf ul +d om +Ġr ules +Ġmod ify +Ġe val +h am +at ement +\ < +ul a += False +R A +Ġcont ains +Ġst ack +m ar +Ġ{ }Ċ +Ġund efined +A ss +ĠCh ina +ve y +* Ċ +Ġplay ing +) / +act or +Ġb ottom +li er +ĠN umber +Ġcou ple +D C +ĠS O +g or +.set Text +s uccess +com mand +F ilter +ĠO ur +_ item +Ġc tx +Ġro ad +V ersion +c ase +ur t +av ior +y ch +semb ly +ĠPro duct +Ġh eld +a fe +Ġinclud es +< quote +Ġa void +ĠF in +ĠM od +Ġt ab +an o +à ± +ipp ing +- e +Ġins ert +t arget +ch an +.M odel +IM E +\ Ċ +Ġm achine +av y +ĠN O +ĠInt er +Ġoper ation +mod al +T ag +] : +Ġprodu ction +Ġare as +Ġre n +_f rom +n bsp +Ġoper ator +m en +app ed +_p er +z en +(" . +.s ave +=" {{ +Ġt or +( response +Ġc andid +Ġcon v +a iled +ĠL ib +com p +ur a +ï¿ ½ +ĠH ere +Ġarg ument +h ood +Ġest ablish +ograph y +Ġon Click +amb da +Ġs ch +Ġmov ie +Ġse c +Ġact ivity +Ø § +Ġs ql +_ all +inc ip +Ġprovid es +Ġs ys +ack et +Ġwas n +Ġus es +ĠF unction +.g oogle +ĠRes ult +Vis ible +ag ma +el come +ĠS y +ĠC ent +AL SE +ac ión +EX T +Ġl icense +ĠL ong +Ġacc om +Ġab ility +. height +Act ive +olog ical +ol y +)) , +.S e +Ġparam eter +pr ite +AB ILITY +.s ervice +ĠG roup +_ query +ĠI tem +in ing +Ġj ud +im s +f ix +ind er +ag ram +Ġfunction s +Ġexper i +ĠE m +Ġro t +Ġp en +.b tn +ĠA S +#if def +Ġcho ice +ĠP age +_P RO +Q U +å ı +ant ity +Â Ń +word s +Ġread only +Ġf lex +prot ected +ĠAn y +Ġchar acters +enc ed +ĠJ uly +il er +C ard +ur ance +Ġre v +.e vent +al y +Ġwon der +ĠP ort +Ġleg al +ro le +Ġt en +Ġgo es +M P +wh ite +): čĊ +)) čĊ +Ġre ference +Ġm is +ĠPro ject +ick s +> & +C ON +Ġre pl +Ġreg ular +St orage +ram ework +Ġgo al +Ġt ouch +.w idget +Ġbu ilt +d es +P art +( re +Ġw orth +h ib +g ame +ĠÐ ² +ac ion +ĠWh ite +(t ype +( ` +Ġn atural +Ġin j +Ġcal cul +ĠApr il +. List +Ġassoci ated +ĉ System +~ ~ += [ +Ġst orage +Ġby tes +Ġtr avel +Ġs ou +Ġpass ed +! = +as cript +. open +Ġgr id +Ġb us +Ġrec ogn +A b +Ġh on +ĠC enter +Ġpre c +b uild +HT ML +ĠS an +Ġcoun tries +a led +t oken +k t +Ġqu al +L ast +ad ow +Ġman ufact +id ad +j ango +N ext +x f +. a +Ġporn o +ĠP M +er ve +it ing +_ th +c i += None +g s +Ġlog in +at ives +'] );Ċ +Ä ħ +Ġ ill +I A +child ren +D O +Ġlevel s +Ġ{ { +Ġlook s +Ġ" # +To String +Ġnecess ary +ĠĠĠ Ċ +c ell +En try +Ġ' # +Ġext rem +Select or +Ġplace holder +L oad +Ġre leased +O RE +En umer +ĠT V +SE T +in q +P ress +ĠDep artment +Ġprop erties +Ġres pond +S earch +a el +Ġre qu +ĠB ook +/ Ċ +( st +Ġfin ancial +ick et +_in put +Ġth reat +( in +Str ip +ì Ŀ +ç ão +Ġevid ence +)) ; +ĠB ro +Ġ[ ];Ċ +Ġ ou +b uf +S cript +d at +Ġr ule +# import +=" / +S erial +Ġstart ing +[ index +a e +Ġcon trib +s ession +_ new +ut able +o ber +Ġ" ./ +Ġlog ger +Ġrecent ly +Ġreturn ed +č čĊ +)) )Ċ +ition s +Ġse ek +Ġcomm unic +Ġ" . +Ġuser name +E CT +D S +Ġother wise +ĠG erman +. aw +Ad apter +ix el +Ġsystem s +Ġd rop +Ġstruct ure +Ġ$ ("# +enc ies +ann ing +ĠL ink +ĠRes ponse +Ġst ri +Å ¼ +ĠD B +æ Ĺ +and roid +sub mit +ot ion +( @ +.t est +ĊĊĊĊ ĊĊĊĊ +] ;čĊ +Ġdirect ly +Ġ" % +r is +el ta +A IL +) {čĊ +m ine +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠ +( k +b on +as ic +p ite +__ _ +M ax +Ġerror s +ĠWh ile +Ġarg uments +Ġens ure +R ight +-b ased +We b +Ġ- = +Ġint rodu +ĠIn st +ĠW ash +ord in +j oin +D atabase +Ġgr ad +Ġus ually +IT E +Prop s +? >Ċ +ĠG o +@ Override +RE F +Ġ ip +ĠA ustral +Ġ ist +View ById +Ġser ious +Ġcustom er +.prot otype +od o +c or +Ġdo or +ĠWITH OUT +Ġpl ant +Ġbeg an +Ġdist ance +() ). +Ġch ance +Ġor d +c ame +pr agma +Ġprot ect +rag ment +ĠN ode +en ing +Ñ ĩ +Ġr oute +ĠS chool +h i +Ġne ighb +A fter +lic it +Ġcon tr +Ġpr imary +A A +.Write Line +util s +Ġb i +R ed +.L inq +. object +Ġlead ers +un ities +Ġg un +on th +ĠDe v +F ILE +Ġcom ments +_l en +ar row +am ount +R ange +s ert +Grid View +Ġup dated +ĠM o +Ġin form +oci ety +al a +A ccess +Ġh ab +Ġc reat +_ arg +ĠJan uary +ĠD ay +") čĊ +up le +d ocument +gor ith +m enu +ĠO ver +b b +.t itle +_ out +Ġle d +ur i +Ġ? >Ċ +r un +Ġsc ene +( array +de vice +_t itle +ag on +] čĊ +ab y +Ġbe came +bo olean +Ġp ark +ĠC ode +up load +rid ay +ĠSept ember +F e +Ġs en +c ing +F L +C ol +ut s +_p age +in n +Ġim plied +al ing +Ġyour self +.C ount +con f +Ġa ud +_in it +. ) +Ġw rote +N G +. Error +ä » +.f or +Ġe qual +ĠRe quest +Ġser ial +Ġallow s +X X +Ġm iddle +ch or +à ¸ +erv al +.C olumn +read ing +Ġesc ort +ĠAug ust +Ġquick ly +Ġwe ap +ĠC G +rop ri +h o +Ġc op +( struct +ĠB ig +Ġv s +Ġfre qu +. Value +Ġaction s +Ġpro per +Ġin n +Ġobject s +Ġm atrix +av ascript +Ġon es +.g roup +Ġgre en +Ġp aint +ool s +y cl +enc ode +ol t +com ment +. api +D ir +Ġun e +iz ont +.p osition +Ġdes igned +_ val +av i +ir ing +t ab +Ġl ayer +Ġview s +Ġre ve +ra el +ĠO N +r ics +n p +Ġc ore +() );čĊ +M ain +Ġexp ert +ĉĉ čĊ +_ en +Ġ/ > +ut ter +I AL +ail s +ĠK ing +*/ ĊĊ +ĠM et +_ end +add r +or a +Ġ ir +M in +Ġsur pr +Ġre pe +Ġdirect ory +P UT +- S +Ġe lection +h aps +.p re +c m +Val ues +Ġ" Ċ +c olumn +iv il +Log in +in ue +Ġbeaut iful +Ġse cret +(e vent +Ġch at +um s +Ġorig in +Ġeffect s +Ġman agement +ill a +t k +Ġset ting +ĠC our +Ġmass age +ĉ end +Ġhapp y +Ġfin ish +Ġc amera +ĠV er +ĠDem ocr +ĠH er +( Q +con s +it a +Ġ' . +{ } +ĉ C +Ġst uff +Ġ :Ċ +ĠA R +T ask +h idden +er os +IG N +at io +ĠHe alth +ol ute +Ent er +' > +ĠT witter +ĠCount y +s cribe +Ġ= >Ċ +Ġh y +f it +Ġmilit ary +Ġsa le +re quired +n on +boot strap +h old +r im +- old +ĠD own +Ġm ention +cont act +_g roup +od ay +Ġto wn +Ġsol ution +u ate +ell ing +] -> +ot es +ent al +om en +osp ital +ĠS up +_ EN +Ġsl ow +SE SSION +Ġbl ue +ag o +Ġl ives +Ġ ^ +. un +in st +en ge +Ġcustom ers +Ġc ast +ud get +ï¼ ģ +ic ens +Ġdeter min +Se lected +_ pl +ue ue +Ġd ark +// ĊĊ +s i +ther n +ĠJ apan +/ w +P U +ĠE ast +ov ie +Ġp ackage +Ġn or +Ġap i +b ot +" ];Ċ +_p ost +ul ate +Ġcl ub +') );Ċ +Ġlo op +PI O +ion e +sh ot +In itial +Ġplay ed +reg ister +rou ght +_m ax +ac ement +m atch +raph ics +A ST +Ġexist ing +Ġcomple x +D A +.C h +.com mon +m o +Ġ' ../../ +it o +Ġanal ysis +Ġdel iver +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ Ċ +id x +à ł +ong o +ĠEng lish +< !-- +Ġcomput er +EN SE +Ġp as +Ġr ais +H ash +Ġm obile +Ġo wner +F IG +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +th es +Ġat tr +w d +.t ime +aw n +Ġtreat ment +ĠA c +. View +im pl +m ore +p ass +Ġh a +.f rom +Ġle ading +FF FF +( error +. ui +at ar +ad ers +d ates +Ġz u +Ġfl ow +T arget +Ġinvol ved +Ġi o +par se +$ _ +he st +. int +- item +as y +S p +Ġsh ift +N T +Ġt f +_T R +. web +C S +Ġ} ) +Ġey es +_ z +' );čĊ +if orn +Ġ{ @ +Ġn ice +.l ist +ĠĠĠĠ čĊ +Ġf loor +Ġred irect +ĠU K +( [' +Ġw ish +Ġcap t +leg al +ĠI O +Ġst age +. String +ĠA fr +ig en +ĠS H +De lete +ell s +Ġsol id +Ġmeet ing +Ġwork ed +Ġed itor +in y +Ð ¼ +_ read +. Id +e ff +Off set +ch a +US ER +ĉĉ ĠĠĠ +ipp ed +Ġd ict +ĠR un +.h pp +Ġan g +x ml +im ple +Ġmed ical +_t oken +con nect +Ġh our +Ġcont roller +_m essage +U ID +G r +and ed +_C H +Ġbook s +Ġspe ak +am ing +Ġm ount +Rec ord +ĉ struct +.W eb +ond on +Ġ// Ċ +Ġf elt +.A uto +id ge +_p os +P R +Ġmod ern +C ollection +_m sg +C D +ĠL o +Ġsecond s +ib ly +.e quals +Ġintern ational +# pragma +oo th +W riter +i ate +Ġce le +ĠB it +iv o +iv ery +r d +HE CK +Ġc ache +.c ount +Ġro ll +.Re ad +RE D +Ġset up +izont al +model s +arg v +Ġconsider ed +=" ../ +set tings +ĠR el +Ġgrow th +Ġm ix +ĠWash ington +Ġpl t +ĠI M +á º +Ġturn ed +ĠDate Time +ĠW ed +( url +Ġ" - +Ġlet ter +As ync +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠ +ĠOct ober +_l ine +Ġatt ention +Ġcol lect +ĠH ash +Ġim ag +T ree +Ġsit uation +et te +_n o +IV E +Ġv on +.t arget +Ġknow ledge +Ġdr ive +.p ost +Ġb lood +Ġc it +pr imary +Ġconfig uration +te e +Ġph oto +is ode +Tr ace +Ġg ave +Ġsh ot +ĠA ir +Ġm other +pr ice +Ġmor ning +)) {Ċ +- x +Ġtr ade +Ġdes c +Ġ&& Ċ +Ġparent s +A pi +å Ī +t ed +w er +Ġ æ +Ġs y +ĠK e +Par ser +å ħ +anc y +Ġpie ce +iforn ia +to String +r an +id ing +PT ION +com es +/ lic +.c lient +E l +L ong +Ġprofession al +ru pt +v a +Ġcomplet ely +Ġpract ice +Ġse lection +R em +in i +Ġc am +RE E +Ġsit es +p a +AT US +Ñģ ÑĤ +arr ant +* ( +_ KEY +ĠB utton +ĠF riday +se qu +Ġre ader +Ġm essages +è ¯ +Ġbu f +K e +Ġn ov +H P +M sg +al ign +ar ily +Ġ' , +_w ith +Ġd as +Ġhe ard +at omic +ri al +) [ +Ġdis e +@ end +Ġg old +Ġf air +Ġsa les +. Button +str ict +s ave +Ġme asure +Ġ" + +ec ause +View Controller +ĠT able +.p aram +Ġdec ided +(( ( +IN FO +Ġopport unity +T e +IC ENSE +cc ording +k i +ĠU N +Ġcont ain +Ġman ager +Ġp ain +ĠF ire +rom e +Ġpl ans +F ound +l ay +ĠDec ember +Ġinfl u +à º +ren ch +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ Ġ +az ing +b rief +c all +wo od +Ġload ed +Ġgr and +/ f +im p +_ U +ST R +âĢ ¢ +Ġcred it +.C olor +or ge +QUE ST +Ġdiffer ence +ĠP C +w args +Ġp ub +und ay +Ġf ra +.m ax +Ġtri ed +ann els +s end +Ġreport s +Ġad ult +ä º +Ġcons ist +ĠSt reet +ĠPro gram +S QL +M atrix +ounc il +- A +ĉ w +Ġwho se +Ġrel ig +ĠS ex +Ġg ives +n one +.m essage +( G +.aw t +- right +ĠNov ember +ell ig +ut ive +Ä ĥ +over n +Ġeas ily +Ġide as +ĠÐ ½ +/c ss +ly ing +el le +C an +_c olor +оР² +Ġp air +ng th +Ġs plit +d rop +art y +on a +Ġcap ital +Ġhe ar +Ġex ists +ĉ log +em o +R un +o i +Ġpar ser +ĠM ethod +Ġeduc ation +[ k +Ġlib rary +> ";Ċ +_ UN +ĉ std +od ed +Ġcall s +h ere +R el +Ġbr and +back ground +g a +_add ress +_param s +C ategory +ĠInd ia +_e vent +Ġ ing +R ender +.c l +ump y +Ġp et +F C +ĠA nt +Ex t +Ġchar ge +en ed +gr ad +E O +Ġdep end +Ġ .ĊĊ +fr ame +Ġd f +Ġh uge +ĠP ART +ed s +; ; +ĠA M +Ġbas ic +ĠL et +lic h +Ġar m +Ġst ar +Ġf ederal +W ork +Ġcar ry +ĠIs rael +( obj +={ { +Ġs aved +Ġs yn +Ġconst ant +V ENT +Ġpos itive +Ġcon duct +Ġsk in +Ġear lier +Ġl ayout +ĠI P +O UR +Ġt im +styles heet +_ cl +ĠC ard +++ ){Ċ +Ġtem per +ĠDav id +ĉ try +.d art +Ġwant s +Ġp icture +Ġv ideos +ĠCom m +is ions +_M AX +M apping +- content +ĠE ar +- de +Ġpre m +br uary +Ġcom ponents +Ġthrough out +Ġp ull +Ġp ages +ent e +res pond +Ġg as +cript or +Ġed ge +Ġb ound +A CT +**** ** +Ġcre ating +ĠC H +Ġnull ptr +B r ++ ' +.c o +> :: +Ġle arning +.L ength +_S H +Ġpat ients +A IN +Ġk ids +Ġcom fort +Ġsh own +ug ins +ĠB ack +ell a +_C L +Ġl at +Ġdis patch +Ġclass es +. at +.b egin +Ġsuccess ful +b an +Ġobt ain +ĠS l +Ġl ack +iter ator +Th read +(s ize +Ġn one +.h as +_ X +s ort +n ap +p et +b in +ĠCan ada +The y +Ġd ans +ĠM at +< td +Ġh air +Ġ' ',Ċ +Ġc u +Ġlaw s +let ed +p ed +Ġp ow +Ġk new +_C OM +_ , +ĠM ag +id ents +( req +Ġ ), +- center +Ġw ide +ĠA uthor +st ants +Ġjob s +Ġm ath +et imes +Bo olean +Ġs cope +_ is +Ġme as +Ġkey s +el ay +Ġexact ly +'=> ' +ĠP aul +m as +ĉ print +(l en +f d +Ġ) ; +. Event +q li +ir it +ield s +om an +ĠT op +Ġv ote +Ġm ask +Ġthem e +- Ċ +Ġpro ps +Ġf ine +Ġwrit er +_ offset +c ar +Ġal tern +Ġc opyright +Ġdest roy +pp er +Ġgener ate +pp ed +âĢĻ d +ĠĠĠĠĠĠ Ċ +m ake +ĠSh ow +Ġb rowser +Ġfavor ite +Ġcare er +Ġhappen ed +( char +Ġrecomm end +Ġl iter +.f ilter +gr ade +Ġ £ +Ph one +om s +Ġn amed +- label +ip o +ĠO ther +Ġp anel +Ġro ck +S cale +ĉ assert +Ð ´ +Ġtr ust +fr ont +Ġdem on +A r +N et +Ġecon omic +foot er +Ġr ace +(n ode +ĠO ption +s plit +Ġphys ical +if est +Ġrem oved +. http +)) ,Ċ +Ġlook ed +' ; +d ing +g est +atur day +/lic enses +Pr ice +Ġd ro +Ġto wards +Ġun s +ĠC L +ĉ static +Ġ rows +Ġdef ine +.re place +Ġf ather +ĠDes ign +ass ign +m ut +De vice +D id +') )Ċ +omet ry +ay load +Ġh istor +ĠP aram +ĠBo olean +Ġn ature +Ġj s +Ġn ation +i h +Ġdis cover +se m +Hand le +ĉ r +ĠTe chn +Ġw all +{ $ +@ property +Ġ" ../ +Ġex am +.d raw +opp ing +Ġnear ly +Ġco ol +Ġinde pend +RE S +Ġhand ler +ĠMon day +Ġs un +St yles +ous ly +Ġ ĉ +v est +D isplay +( y +atic ally +Ġpred ict +y ing +Ġsom etimes +" ]Ċ +Ġdr ink +Ġb ul +ific ations +. insert +.re g +Ġtest s +Al ignment +Ġal leg +Ġat tribute +ĠN ote +Ġmy self +art s +N ow +Ġinterest ing +li ents +Ġpop ulation +ĠCal ifornia +" I +å ¹ +Ġgre ater +ues day +Ġth ous +Ġcost s +Ġla unch +\ Http +k er +b and +ĠPl ay +Ġb and +.sh ape +es ome +art icle +.r f +Ġw er +á s +em bers +us r +B A +ic an +et t +valid ate +ult i +Ġimmedi ately +z er +Ġfig ure +o es +ell er +irc le +ĠS ign +.d b +Ġr ank +By tes +Ġproject s +_re c +UL AR +A PI +ĠL ine +P ort +Ġp oll +Ġg iving +id ence +-- Ċ +Ġpl ot +ic ial +Ġw arrant +IT ION +ĠD ouble +Ġbill ion +gorith m +Ġequ ipment +D ATE +Ġ@ " +E E +Ġp le +i ation +Ġhead ers +Ġpro ced +.Component Model +ĠOb ama +Ġp a +ĠB est +im ately +.get String +. \ +mp loy +Ġr aw +_b lock +und red +" },Ċ +.Group Layout +Ġb rought +NS String +th row +cre ated +.N ew +_ view +C P +ep s +O p +Ġgr atis +Ġ' " +Ġinter view +"" "Ċ +Ġpart ial +Ġa ria +b ing +A uthor +Bo ok +ĠP at +um an +Us ers +pl us +ĠD irect +ven ue +al pha +UC CESS +ĠC all +Ġ );čĊ +im ated +Ġrem ain +Ġant i +ĠL ondon +Ġsaf ety +PO SE +o les +cont roller +By te +ĠCour t +ĠPh il +ĠAss oci +en a +å IJ +_ST R +co in +resh old +Ġb atch +_C lick +entic ation +> ';Ċ +ent y +Ġbegin ning +Ġz ero +ĠCon vert +Ġt err +Ġp aid +Ġincre ased +c atch +-s ize +act ivity +e quals +Ġque ue +Ġ" ' +ĠIntern ational +Ġf ür +urs day +Ġsc ient +all ow +ax is +Ġapp ropri +ed ge +Ġid x +S uccess +ent ifier +: \ +x is +Ġmax imum +ark s +Ġb irth +( index +Ġmay be +.p y +file s +Ġlim ited +_ check +lo ok +pl ies +Ġmov ement +'] . +Ġbro ad +ĠB E +ĠUn ityEngine +.c pp +ĠE very +Ad min +Ġf ans +p ared +Ċ ĠĠĠĠĊ +Ġfore ign +Ġp an +Ġt our +ĠOr der +Ġmov ing +Ġa uf +C all +c b +Å Ł +vent ory +ĠS ql +Ġful ly +Click Listener +W ORD +Ġannounc ed +) čĊčĊ +Ġagre ed +ri e +Ġe arn +_l ink +. array +(t ext +Ġmaterial s +, p +ff ff +v g +Ġ © +Ġun less +aj ax +LO G +Ġsex ual +Ġ\ " +- time +Ġco ach +Ġsupport ed +Ġphot os +if orm +.C reate +) ] +ri er +Ġd ialog +av er +ig e +) + +_id x +: [ +_m in +ĠC ong +Ġpress ure +Ġteam s +S ign +b egin +ri an +NE SS +L S +Ġimpro ve +ĠS unday +Ġdef inition +ig er +roll ers +Ġthink ing +T emplate +- F +Ġem erg +pl ates +ĠUS A +.set State +ĠAl so +re v +Ġen able +ĠC O +PE CT +Ġcon cept +) - +ĠâĢ ¢ +Ġset s +Ġmean ing +em on +ĠCon s +c mp +ed er +ann ed +icens ed +ĠS uper +Ġd aily +Ġmult i +_ u +Ġchall eng +_m ode +ĠP romise +Ġstr ict +j o +int on +( list +On ly +> { +Ġveh icle +í ķ +ĠPl ayer +ĠD el +Ġp ool +. url +nes day +();čĊ čĊ +Ġ" );Ċ +L ocal +. ");Ċ +Ġorgan ization +re nder +ĠApp lication +Ġsum mer +ex pected +N A +Ġr ap +_ obj +Ġsur face +ĠP UR +Ġ}, ĊĊ +Ġvariable s +(m essage +Ġop in +.b ack +а н +Ġwork ers +v m +C o +ught er +Ġm aster +Ġ" ", +Ġst ories +. User +Ġcele br +ines e +B S +ĠCom mand +ash board +Ġo g +k g +. image +.st yle +Ġstep s +ĠB en +( args +ĠP erson +, y +Ġofficial s +| Ċ +Ġsk ills +v c +Ġbuild er +Ġg ar +A ccount +ĠA uth +ç Ķ +'] )Ċ +ĠA T +n n +. Int +SS ERT +Ġeffect ive +LE TE +Ġto ols +AR D +Ġdig ital +D ouble +ĠF ind +R C +Ġin line +/ r +AR AM +AS K +Ġint ent +a ight +_add r +Ġrequest s +.f irst +Ġde bug +Ġsp ent +() ));Ċ +Å Ľ +Ġpr incip +Log ger +clud es +. use +Ġsur v +med ia +ĠFe bruary +ĠM ac +Ġmiss ing +Ġw ife +Ġtalk ing +ĠM ake +Ġc art +Ġloc ated +E nc +- a +ch ron +Ġc ards +Ġgu y +Ġp ers +ĠY es +ate ver +ĠA ng +ol ar +ĠE ven +Ġacc ur +ĠP ower +ĠG old +c lear +Pro cess +Ġrec ords +Ġk illed +.c lear +ĠWARRANT IES +Ġpur pose +pan el +J ECT +ÃŃ a +Ġex erc +W S +/ L +. exports +Ġ__ _ +Ġs in +S ervlet +Ġd é +.de lete +ro ke +S l +ug h +ear s +Ġpoint er +Ġh op +all ery +Ġo bs +co very +ĉ char +ĉĉĉĉ ĉĉĉĉĉĉ +ĉ def +oc ity +itch en +ul ations +ĠF IT +Ġ ). +straint s +vent ion +Ġrequ ires +ĠO per +M E +OUN T +al let +Ġn orm +I RE +ex as +Ġprogram s +Ġwe ak +' .$ +u ing +ĉ ĠĠĠĠĠĠĠ +Ġm il +Ġf irm +init ely +_VAL UE +ap se +atis f +Ġdem and +_m od +Ġdescri bed +Ġpl aces +V ID +Ġal one +Ġex port +Ġv ec +ĠM ax +Ġactiv ities +ict ures +g ener +Ġm a +Ĥ ¬ +Ġexpress ion +C allback +_ content +ĠM ost +Ġtest ing +E C +CH ANT +Ġad just +.Th reading +( ctx +Ġag ree +ig hest +Ġu i +ĠL aw +. Y +> ĊĊ +.ex ample +ber g +Ġmov ed +ĉ e +ĠS aturday +Ġpay load +Ä ĩ +) :ĊĊ +Ġbe y +ur er +< script +Ġs ymbol +Ġass um +Ġp ul +E ffect +Ġh undred +To ol +ak ed +con nection +Ġvo ice +Ġp d +Ġtrans action +Ġlink s +E rr +ĠInd ian +T C +atal og +n i +s ign +<< " +j i +y a +Ġdemon str +ul ated +. St +Ġinst it +Ġbo ost +Ġcell s +ol ic +.P ro +: , +"> \ +Ġth us +ĠReg ister +h ol +ĠCh inese +Ġpost ed +Ġm agn +ab ilities +Ġdise ase +Ġrem ains +ĠPro f +- form +Ġc in +org an +ic ate +Ġst ress +] * +Ġ ---------------------------------------------------------------- +_ context +or ry +Ġd ied +m at +Ġstart s +.M essage +Ġrun s +Ġgu ide +Ġwarrant y +ential s +d ict +ĠS ize +ul er +Ġrespons ible +_SE T +Ġcont aining +ĠPr ice +| | +F S +Ġem p +_b utton +( uint +Ġsu ff +p th +Ġdef initely +put e +Ġmarket ing +ĠW H +ĠS ie ++ = +OL OR +Ġcons ult +Ġs igned +Ġse quence +le e +Ġrequire ments +h y +Ex press +M T +se y +Ġ ult +å ® +ellig ence +Ġanal y +Ġd ress +eng ine +ĠG reat +ĠAnd roid +ĠA lex +m ode +D ictionary +.D ate +ä ½ +V ICE +Ġfam ilies +ĠRuss ian +ĠT imes +.c all +$ ( +Pro file +Ġf older +ch es +Ġleg is +_ row +un es +Ù Ħ +Ġ} ). +Ass ert +ag en +ĠH and +I ter +Ġbig gest +ore ach +Ġpol ic +Ġper missions +Ġshow ed +ĠE lement +Ġtop ic +âĢĶ âĢĶ +ro ad +ĠB ank +rec ord +Ġpart ners +ĠR ef +ess ions +Ġass ess +U ST +ĠPart y +pro du +L C +Ġ ul +. form +h ide +c opy +UT F +ĠSO FTWARE +čĊčĊ čĊ +ĠL in +un a +ug ar +Ġadmin istration +Ġopen ing +Ġsc an +Ġcontin ued +com ponent +.s p +Ġhapp ens +um my +ĠP R +.F ile +ĠDown load +Lo ading +d i +Ġwait ing +_A DD +T ab +.query Selector +Ġecon omy +ĠF rench +t xt +Ġf ant +_ ;Ċ +H older +S H +Ġn umpy +Ġst reet +Ġm ale +\ Model +ang ing +ĠB ill +Ġprevious ly +B I +ĠSec ret +Ġm ist +ĠF ield +up s +ĠPro cess +Ġke pt +ĠO T +Ġtrad itional +. i +am in +Ġhelp s +An y +orig in +ilt ers +j u +d esc +ĠA ccount +Ġ) čĊ +k top +ol ly +Ġf s +Ġ ê +Ġ ut +Ġcent ral +(t est +.A n +Ġs atisf +G R +ĠF ull +Ġhe at +ib er +Ġon to +m os +S chema +Ġfact ory +" .$ +aw s +St atement +(t arget +ĉ new +.b e +Ġg uest +Ġm al +AR Y +Ġre ached +Ġm ouse +Ġchall enge +ĉd ouble +ĠT em +Ġt error +Ġex tract +_T O +Ġsepar ate +Ġm ir +h elp +Ġcap acity +ĠProp erty +k an +_c reate +ĠL ight +.p arent +Ġunderstand ing +Ġeas ier +Ġ| = +Ġen h +Ġf at +Ġprot est +am m +_ AT +- of +il s +ĠO h +Ġps ych +Ġ$ . +ind s +Ġrel ative +sh op +sh ort +ĠS and +uest ion +Ġf ear +/ ĊĊ +. context +Ġschool s +Ġser ve +z one +_d b +Ġmajor ity +ex ample +Ġl ang +ĉ ĠĠ +Reg ister +end o +Ġprocess ing +_t emplate +- user +Ġe g +C OM +ĠBl ue +i ro +Ġrem ote +ĠI T +#! / +Ġred istrib +ra z +ĠS ince +ĠT ur +Back ground +== = +Ġref lect +Ġpro s +c md +Ġwh om +Com pat +ĠA re +Id entifier +ĠTh om +_ port +g u +Ġmon itor +r m +Ġpat ient +ver ter +Ġg ain +- ui +In st +Ġd ies +A rea +_f ilter +Ġgr at +Ġreal ity +ord inate +ol ved +Cont act +Ġcompl iance +_ or +ĠV ar +d l +Ġapp end +G ER +(m ax +.re nder +Ġd ynamic +ordin ates +_ options +_c olumn +Ġb atter +s pace +L a +ĠS ource +/b in +Ġd os +ĠBo ard +ĠTh read +ĠA L +( config +ĠM er +Ġm iles +_ header +ETH OD +iz z +Ġbenef it +Ġinteg r +(c urrent +ul o +. default +ĠD iv +Ġt on +o th +erv ation +ed om +Ġb aby +ce ived +.t op +rior ity +ĠL ocal +ri age +Ġattack s +Ġh ospital +Ġfem ale +ĠLog in +ĠFl or +Ġch ain +ash ion +Text ure +S ave +Ġf arm +.cont ains +.T est +Ġknow s +Ġgener ally +ip eline +Ġme ant +enc ia +Ġn icht +Ġcont ents +P M +ched ule +( line +C G +j ob +ĠRe al +u er +f irm +Ġ Ø +et ro +" `Ċ +Ġspe ech +Ġth r +fore ach +Ġw arn +ĉ l +Ġhe avy +< li +N e +Ġinvestig ation +M ath +- title +Ġch urch +Ġdes pite +ch ain +Ġwh atever +ar ian +f n +Ġm eta +} )ĊĊ +U FF +Ġregard ing +_S UCCESS +m es +ĠInt ent +Ġres olve +pos s +ir a +for ce +o ice +à ¢ +Ġp m +Ġup dates +A rr +Ġ Ñ +test ing +Ġto ward +nt ax +ë ĭ +Ġlist en +Ġgo als +Instance State +D r +Ġr are +Ġtr ail +Ke ys +C al +C ar +ĠPe ople +ĉ local +class es +Re ference +.for Each +em b +act iv +Ġpr im +red ict +Ġr ad +æķ ° +.B ack +Ġsp read +Ġc lock +Ġv ir +ed itor +Ġeffort s +Ġbr anch +Ġind ust +Ġmot or +Ġam b +Ġdat etime +Ġren cont +ĠChrist ian +ĠAmeric ans +f ull +Ġf mt +.m ain +Ġca used +_ update +ĠCont ent +AT CH +Ġb ath +ĠE ach +Ġr adio +ach ment +uz z +Sub mit +Ġre strict +ab in +ĠL oad +Ġext ension +Ġess ay +Ġh at +avi our +to Be +": [ +Ġoffer ed +Ġv ill +(d ouble +æĹ ¥ +b c +_f ree +ĠM iss +ĠB er +Ġ è +ĠL ike +Ġhelp ed +.get Name +_ AL +Ġsp irit +ĠAp ache +w s +Ġthere fore +( params +_ img +Ġpe ace +Ġinc or +ĠEX PECT +Ġmin or +ip es +ĉ data +select or +c ity +tr ie +.b ase +_f rame +Ġopen ed +/ json +L Y +n u +.D e +t f +m argin +.P arse +Ġp i +Ġe q +b d +Field s +ĠT ree +Ġb an +ist an +Ċ ĠĠĠĠĠĠĠĠĊ +ĉg l +Ġprodu ced +s ystem +M ark +_h ash +Ġb g +Ġconst it +ĠLe ague +Ġmiss ion +_ format +([ Ċ +clus ion +! " +Ð · +b reak +ĉs witch +Ġth er +Trans form +Ġfoot ball +- link +r oute +. auth +Ġb ag +ov ers +Ġen abled +Ġr ac +( I +C R +anc ing +Ġman aged +_ q +NG TH +Ġm ac +ĠA uto +ament e +Ġ' ', +.App end +Ġp in +. item +ack ing +Ġocc as +p erson +Ġt i +.Re g +Ġh aven +Ġg lass +Ġ" ) +_ char +res ource +Ġep isode +Ġ' _ +ĠE s +ĠEar th +Âł Âł +UP DATE +ĠS ou +u is +t ypes +Ġm as +Ġf av +Ġcon struct +_r ate +er as +Ġ| Ċ +rop erties +Ġext ernal +Ġap plied +Ġpre fix +ot ed +l ers +Ġc old +ĠS P +ĠCh urch +ĠOut put +los ed +ç ļ +ific ate +oper ation +her it +x FF +. env +_ err +os h +D irection +C ancel +ĠFr ank +Ġfind ing +. )ĊĊ +Ġr outer +ãĥ » +s es +Ġc row +== ' +Ġs and +Ġr id +it ure +Ġent re +Ġo bserv +Ġv ac +ð Ł +- T +A rt +n ight +. search +Ġex change +Ġdistr ict +. os +Ġdep artment +Ġdoc uments +Ġcent ury +ĠN ext +H ost +ĠK IND +Ġsus p +- P +re nd +. em +u ite +ist ers +( json +ĠAn n +w t +at i +ĠHT ML +wh en +D irectory +Ġsh ut +< a +ed y +Ġhealth y +Ġtemper ature +ĠG en +Ġmet al +Ġsub mit +ĠD O +Ġat tract +Ġ{ };Ċ +ĠW ord +Ġl l +Ġseem ed +k o +I ED +Ġl abor +.Cont ext +Ġas set +y ou +Ġc ars +ĠC olumn +Ġr é +Ġs quare +ĠNS String +âĢĿ , +ap es +.. .Ċ +Ġthan ks +( props +Ġt ick +Ġexper iment +Ġpr ison +t ree +- text +ĠIO Exception +-w idth +_ST ATUS +f ast +-b ody +- header +Ġgu ar +cre te +ĠT im +Ġclear ly +ĠRepublic an +Ġjust ify +и ÑĤ +ĉ ĠĠĠĠ +c ache +; // +Ġpres ence +Ġfact ors +Ġemploy ee +] )) +M ember +Ġselect or +b or +ĠM ex +çļ Ħ +ut ex +_t ag +ail ure +ĠN et +Ġre li +E G +Ġf printf +Ġte en +lo ss +Ġle aving +De legate +Ġbe at +Ġmin ute +sub scribe +Ġredistrib ute +Con stants +Ġcan cer +/ { +B L +Ġs pan +ĠCh ild +C enter +Ġear th +Y S +ĠLe vel +Ġse a +.s upport +.in ner +. Item +ill ing +ĠĠĠĠĊ ĠĠĠĠĊ +ĠL abel +ĠE st +( arg +bo Box +ĉf oreach +c os +F ailed +sw ers +Ed itor +r ont +ĠM P +ex pr +ĠL ife +Ġ? ? +ö r +Ġatt end +ĠQ ue +Ġspec ies +- D +Ġa us +Str uct +Ġadvant age +ost on +-b lock +in itial +C RE +Ġtr uly +Ġcomp are +or ney +Ġs pect +F ull +b es +Ġvis ible +Ġm ess +st ances +Ġcl oud +_v ersion +Ġf urn +ic ago +LO W +Ġtraff ic +Ġf ol +rypt o +Ġdecl ar +Ġsl ot +ĠEx t +ĠEng land +ĠU nder +Ġt a +let ter +Ġoffic er +ĠDon ald +Y es +_ json +IT ableView +ĠU SE +mploy ee +Ġopin ion +ĠA ut +b order +Ġad vice +Ġautom atically +is co +Ġm m +. vis +am l +Ġinitial ize +Ġ( { +Ġ ;ĊĊ +Ġgener ation +Ġb its +clip se +Ġun f +ut ors +pl t +Ġdel ta +est roy +is is +< br +Ġlimit ations +Ġend ed +ĠM ad +il m +Th ese +ĠMin ister +Ġch art +F ragment +Ġindepend ent +Y ear +Ġin str +Ġt ags +A VE +ĠAr ch +st op +Pro gress +Ġm i +Ġlearn ed +G e +Ġhot el +S M +T YPE +Ġc y +ERS ION +un ately +l imit +s el +Ġmov ies +Ġste el +o z +g b +ĠC amp +s ite +ĠLog ger +P LE +оР´ +. right +ĠC ore +Ġm ixed +st ep +Ġput s +s uper +R outer +. Http +ly ph +ĠColor s +Ġandroid x +. str +Ġinn ov +Ġde ck +' >Ċ +ap ers +] ( +cont inue +s pec +ĠR oad +AS H +ili ar +Ġcontin ues +Ġapp oint +Ġ# Ċ +ĠV ir +Ġ?> " +Ġb in +} ", +go ing +e ach +B D +ĠA ccess +D oc +ĠMan agement +B ER +ask et +.get Instance +Ġestablish ed +so cket +IN S +ĉv irtual +ĉ result +RE AD +_ height +ĠF ont +Ġ( );Ċ +_ html +Ġneighb or +l or +Ġg ather +Ġ} )ĊĊ +Ġid entity +Ġf ab +p adding +ĠR oute +Enumer able +à ´ +Ġfor ced +/j query +.ĊĊ ĊĊĊĊ +res ents +_ left +.P aram +ĉ throw +ĠH am +Ġevent ually +ac er +p ub +Ġtr a +un ique +d el +ĠFlor ida +ĠC lean +x a +Ġ · +Ġvalid ate +Vis ual +Ex pression +_f unc +m ember +ĉ h +tr l +ĉ G +nap shot +ĠProp Types +v in +] )ĊĊ +ow l +if ies +Ġ$ ('. +ĠCont ext +ĠTo ast +. Key +Ġoffic ers +/ n +s n +und efined +. items +ut ow +am age +Ġaccount s +ook ie +Se ction +ici ans +Ġad vis +( is +[: , +ĠFr ance +F unc +ic ious +Ġto k +Ch annel +ĠA D +_N UM +Ġtime out +lem ma +rem e +u j +.A l +uc lear +( os +(" < +[ Ċ +f etch +Ġb al +Ġgu id +- align +ĠW rite +ĠOn ce +utow ired +OD ULE +Ġp itch +C F +by tes +ĠCom mission +Ġincre d +P ER +_ response +ĠL os +par ser +Ġass ume +. Request +ĠT oken +_p osition +Ġn om +- term +Ġrem aining +i ostream +Ġpie ces +ap y +ĠL ess +r ange +umb n +pr ise +_ option +Im pl +k wargs +Ġbusiness es +Al ert +Ġpart ies +ĠCont ainer +ĠPr ivate +ĠPl an +Ġregister ed +Ġj our +ack er +ен и +/ > +ch at +se ct +Ġcre ation +olut ely +Ġinst ant +Ġdel ivery +ick en +y es +ĠFr anc +bl ing +end a +[ ( +_r ange +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠ +Ġsched ule +Con n +Ġthan k +x d +Ġh ook +Ġdocument ation +Param eters +H ello +v t +Ġart icles +Ġw est +def ined +. select +ok ens +ĠV AL +.f ile +res et +Ġmy s +ĠM A +] ), +Ġc ities +rel ated +å Ľ +Ġappe ared +Ġw id +.p anel +ĠIn s +. entity +Ġde cre +ĠL ou +(t ime +ĠTh ank +.create Element +Ġmention ed +oun ce +ĠT ry +ĠW all +/ images +ĠM enu +' čĊ +ĠE r +Ġcrit ic +ĠY ear +( param +Ġf lo +N N +oot er +Ġ ];Ċ +ĠA ff +" github +room s +Ġh yp +g lobal +Ġa vec +æľ Ī +Ġcomplet ion +Ġcon d +onym ous +( temp +Ġst ars +Ġre levant +Ġcover ed +Ġel im +_t ypes +( bool +Ġt u +_ex ists +Ġsec ure +Ġst ored +] / +x F +ĠCont roller +Ġm igr +M I +ĠD en +Ġann ual +U IL +- and +Ġcr ime +b el +Ġk itchen +@ g +_p h +ourn ament +ĠS ocial +ĠS pecial +log ger +Ġt ail +Ġun known +d ed +Ġapp rec +(d b +c f +Ġass ign +- out +ĠM ont +d p +w idget +Ġst one +- primary +. grid +Result s +az z +Ġda ughter +Ġcur r +Ġl in +Ġs outh +form s +ĠO UT +let te +ak s +ig ure +ĠE U +var iable +Ġb rief +ĠSc ott +Ġcon ference +and a +_ lock +or al +Ġe ine +OR S +//////////////////////////////// //////////////////////////////// +ess o +Ġr is +Ġg ender +est ic +L icense +( out +Ġm s +Se e +Ġwill ing +az e +Ġs ports +Ġy es +l u +Ġp urs +/j avascript +- pro +nav bar +_pro duct +/ bootstrap +Ġdr iving +Ġ Ä +Ġpro pos +ult ip +up lic +. email +Ġappro x +( cl +Ġwe ar +Ġrep ly +ass et +Ġ ice +Ġt x +k r +ĠGerman y +ĠGe orge +Ġc b +ĉ err +M ove +Ġpol y +vo ice +} " +Ġan imal +A v +ĠL ocation +Ġn ative +] [" +< double +Ġm ais +, int +Ġpre par +Ġinter val +plement ation +_ ERR +Ġb ug +> " +st at +Ġ} ,čĊ +< span +Ġfa ith +Ġ rom +pre v +ĠE lect +F ind +Ġg od +ot or +// ---------------------------------------------------------------- +orig inal +C pp +ĠSen ate +Ġposition s +Ġweap ons +Ġco ff +Ġpur poses +p ol +Ġim press +Ġanim als +. Entity +(n p +Ġmur der +Ġ` ` +fl ag +Ġsol utions +ĠAct ive +Ġb right +.d ate +Ġsit u +ï¼ Ī +. ID +Ġs ie +), čĊ +ak t +S pace +.d at +.index Of +h an +az ine +ĠZ e +Ġcr ash +( / +> = +Ð ± +iv a +.Auto Size +ĠL at +_ ext +Initial ize +.reg ister +OP Y +Ġre verse +_d is +'] [ +Ġprom pt +ont o +ĠJ ournal +r outer +Ġmys qli +# else +) " +-x s +let s +ph an +. LE +W ill +Ġaff ord +Ġsk ill +-t oggle +N C +B ind +T S +J ust +iter al +Y P +ĉ unsigned +Ġw ind +)) :Ċ +Ġw arning +ĠW ater +Ġd raft +Ġc m +Ġs am +Ġhold ing +z ip +ĠSc ience +Ġsup posed +G en +Ġdi et +< h +ĠP ass +v i +Ġhus band +� � +n ote +ĠAb out +ĠIn stitute +Ġcl imate +.Form at +Ġn ut +est ed +Ġapp arent +Ġhold s +f i +new s +C M +v ideo +': ' +D ITION +p ing +Ġsen ior +w a +-- >Ċ +_ default +ĠD atabase +re p +E SS +ner gy +.F ind +_m ask +Ġr ise +Ġk ernel +:: $ +. Q +Ġoffer ing +de cl +ĠC S +Ġlist ed +Ġmost ly +eng er +Ġblock s +ol o +Ġgover ning +\ F +Ġcon cent +.get Text +Ġm b +Ġocc urred +Ġchang ing +Sc ene +_C ODE +B eh +" The +Ġt ile +ĠAssoci ation +ĉ P +al ty +_ ad +od ies +i ated +Ġpre pared +poss ible +Ġm ort +TE ST +Ġign ore +Ġcal c +Ġr s +Ġassert Equals +Ġs z +ĠTH IS +. "Ċ +Ġcan vas +j ava +Ġd ut +VAL ID +.s ql +. input +Ġa ux +S up +Ġart ist +V ec +_T IME +.string ify +et ween +ĠC ategory +Ġ[ - +ĠDev Express +ĠJ ul +Ġr ing +. ed +Y Y +L et +Text Field +Ġfl at +_p rint +ĠOT HER +ad ian +Ġcheck ed +e le +Al ign +stand ing +Ġ[ ], +Ġl ab +uck y +ĠChrist mas +( image +.m odule +Ġl ots +Ġslight ly +(f inal +er ge +è ¿ +ĠPol ice +ĠR ight +Ġaw ard +ĠO S +Ġ{ }ĊĊ +Ġp tr +ov es +ic ated +еР¼ +Ġman age +olid ay +Am ount +ool Strip +t body +N av +w rap +B B +Ġwatch ing +ari os +Ġoption al +_ K +ĠL icensed +.M ap +T imer +ĠA P +ĠRe v +( o +, c +um in +eta iled +ĠH y +Ġbl ank +ag ger +ĠS elf +() [ +.m ake +ear n +ch annel +< pre +ble m +_p assword +_s p +ic ing +e z +Ġthe ory +ĠT er +, n +log o +ĠHT TP +() )) +.h andle +> ;Ċ +W orld +Ġpy thon +Ġl if +Ġtr av +Ġcon ven +com pany +ĠCl ub +V er +B tn +Ġz one +product s +ĠE duc +Ġver ify +ĠM il +on o +] );ĊĊ +EN CE +Ġpack et +Ġc er +Ġen umer +Ġpar s +form ed +Ġocc up +t re +Ġexerc ise +D ay +_s um +Ġask ing +apt ion +Ġord ers +Ġsp ending +ĠE RR +.D is +ĠU til +âĢľ I +\ ' +? ) +/ >Ċ +Ġem ot +Ġinflu ence +ĠAfr ica +att ers +Ù ħ +.s ession +Ġch ief +ĉĉĉĉĉĉĉĉ ĉĉĉ +Ġto m +clud ed +ser ial +_h andler +.T ype +ap ed +Ġpolic ies +- ex +- tr +bl ank +mer ce +Ġcover age +Ġr c +_m atrix +_ box +Ġcharg es +ĠB oston +P e +Ġcirc um +Ġfil led +Ġn orth +icture Box +ĉ res +è ® +Ġter min +Ġ[ â̦ +IRE CT +Ġb er +Ġ" ../../ +ret ch +.c ode +_c ol +ĠGovern ment +Ġarg v +ĠL ord +as i +Ex ec +ĉ let +vert is +Ġdiscuss ion +en ance +out ube +type of +Ġs erved +ĠP ut +ĉ x +Ġs weet +B efore +ateg y +. of +ĠM aterial +S ort +ON T +ig ital +Wh y +Ġs ust +Ġ ç +ab et +Ġseg ment +Ġ[ ],Ċ +ĠMus lim +Ġfind ViewById +c ut +_T EXT +ĠM ary +Ġlo ved +Ġl ie +ĠJ O +Ġis set +mon th +Ġpr ime +t i +ĠCar ol +U se +ĠP op +ĠS ave +Int erval +ex ecute +d y +ĠI ran +_ cont +ĉ T +Ġph ase +check box +we ek +Ġh ide +Ġt il +Ġj u +C ustom +b urg +/ M +T ON +Ġqu ant +Ġr ub +ix els +Ġinst alled +Ġd ump +Ġproper ly +( List +Ġdec ide +app ly +H as +Ġkeep ing +Ġcitiz ens +Ġj oint +p ool +S ocket +_ op +Ġweap on +gn ore +ĠEx ec +ott en +ĠM S +Ġ( - +ĠRe view +Ġex amples +Ġt ight +! ( +D P +ĠMessage Box +Ġphot ograph +UR I +é t +l ow +ĠGr and +.p ersistence +Ġmaint ain +Ġnum s +Ġz ip +ial s +ĠG ets +pe g +ĠB uffer +~~ ~~ +ra structure +ĠP L +u en +ob by +size of +Ġp ic +Ġse ed +Ġexperi enced +Ġo dd +Ġk ick +Ġproced ure +avig ator +- on +, j +ĠAl though +Ġuser Id +ac cept +Bl ue +IC olor +l ayer +av ailable +Ġend s +.t able +Ġdat aset +b us +Ġexpl ain +( pro +ĠCommit tee +Ġnot ed +] :Ċ +D im +std io +. ",Ċ +_s ource +ĠWe ek +ĠEd ge +Ġoper ating +Ġest e +i pl +ag ination +Ġpro ceed +Ġanim ation +.Model s +ĠW atch +i at +Ġopp on +/ A +Re port +Ġs ounds +_b uf +IEL D +Ġbu nd +ĉ get +.p r +(t mp +Ġk id +>ĊĊ Ċ +Ġy ang +Not Found +Ñ Ĩ +m ath +@g mail +ĠL IMIT +red ients +Ġv ent +avig ate +L ook +Ġrelig ious +Ġr and +ri o +( GL +_ ip +u an +ici ency +ĠCh ange +> čĊčĊ +ĠEnt ity +Ġrencont re +ĠR et +pl an +é n +BO OL +ur ies +tr ain +Def inition +======== ==== +z z +An imation +ĠO K +_m enu +.b l +_s core +Ġac ad +( System +Ġref resh +'=> $ +.G raphics +ament o +p id +t c +Ġt ips +Ġhom es +Ġf uel +â ĸ +_h elper +ĠĠ čĊ +ĠR oom +.C lose +_ attr +ĠM ount +ĠE v +ar ser +_t op +e ah +ĠDe lete +ãĢ į +u ke +Ġus age +ar ia +_de v +Ġtext ure +Ġconvers ation +e per +Be an +d one +non atomic +ĠSe cond +Ġshoot ing +_p re +Com ponents +Ġ] ĊĊ +__ , +stit ution +.Ch ar +> ();ĊĊ +Ġpresent ed +Ġw a +ok er +- ĊĊ +in er +Ġbe coming +Ġinc ident +At t +Ġreve aled +for c +Ġbo ot +.p age +Enumer ator +_ -> +Ph oto +Ġs pring +. ", +ĠD ictionary +B JECT +Ġloc ations +Ġs amples +Input Stream +ĠB rown +Ġst ats +qual ity +Ñ ħ +-d is +Ġhelp ing +Ġp ed +( se +ĠWh o +al ian +int ernal +Ġf t +> (). +-> { +Ġm ine +Ġs ector +Ġg ro +Ġopport unities +Ġà ¼ +Ġm p +Ġalleg ed +Ġdoub t +M ouse +Ab out +_p art +Ġch air +Ġstop ped +lo op +ent ities +Ġapp s +ans ion +Ġm ental +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠ +F R +Ġdef end +c are +Ġide al +/ api +ur face +Ġe le +ul ator +ĠR ights +angu ages +Ġfund s +Ġad apt +At tributes +Ġdep loy +opt s +Ġvalid ation +Ġconcern s +u ce +.n um +ult ure +il a +Ġc up +Ġp ure +.F ore +ĠHash Map +.value Of +as m +M O +Ġc s +Ġst ores +Ġ ************************************************************************ +Ġcommunic ation +m em +.Event Handler +. Status +_ right +.set On +S heet +Ġident ify +ener ated +order ed +Ġ" [ +Ġs we +Con dition +ĠA ccording +Ġpre pare +Ġro b +P ool +Ġs port +r v +ĠR outer +Ġaltern ative +( [] +ĠCh icago +ip her +is che +ĠDirect or +k l +ĠW il +key s +Ġmy sql +Ġw elcome +k ing +ĠMan ager +Ġca ught +) }Ċ +S core +_P R +Ġsur vey +h ab +He aders +AD ER +Ġdec or +Ġturn s +Ġr adius +err upt +C or +Ġm el +Ġin tr +( q +ĠA C +am os +M AX +ĠG rid +ĠJes us +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠ +.D E +Ġt s +Ġlink ed +f ree +ĠQ t +Ġ/** čĊ +Ġf aster +ct r +_ J +D T +.C heck +Ġcomb ination +Ġint ended +- the +- type +ect ors +am i +ut ing +Ġum a +X ML +U CT +A p +ĠR andom +Ġr an +.s ort +Ġsort ed +. Un +_P ER +it ory +Ġprior ity +ĠG al +ĠO ld +h ot +ĠD isplay +(s ub +_T H +_ Y +ĠC are +load ing +K ind +_h andle +, , +r ase +_re place +.add EventListener +ĠR T +Ġenter ed +g ers +Ġ ich +( start +/ app +Ġbro ther +M emory +Out let +Ġ utf +pre c +Ġn avigation +OR K +Ġd st +D etail +Ġaud ience +Ġd ur +Ġcl uster +un ched +Ġ ], +Ġcomfort able +. values +ĠT otal +Ġsn ap +Ġstand ards +Ġperform ed +h and +(" @ +å Ń +Ġph il +ib r +tr im +Ġfor get +Ġdo ctor +.Text Box +icon s +, s +ĠO p +S m +St op +ĉ List +ĉ u +Com ment +_V ERSION +.X tra +P erson +r b +LO B +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĊ +ĠCent ral +IC K +ra q +Ġput ting +Ġm d +ĠL ove +Pro gram +B order +o or +Ġallow ing +a fter +Ġent ries +ĠMay be +] ). +ĠSh ort +) \ +.n ow +f riend +Ġpre fer +ĠG PIO +os is +ĠGame Object +Ġsk ip +Ġcompet ition +_m atch +lic ations +_CON T +.group Box +Ġal s +" We +_e q +l an +_ search +ĠMus ic +as is +Ġb ind +ĠIs land +r um +( E +Ġse at +V ideo +Ġa ck +ree k +={ () +Ġr ating +Ġrestaur ant +DE X +(b uf +pp ing +ual ity +Ġle ague +Ġfoc used +ap on +$ data +CL UD +CLUD ING +Ġabs olute +( query +Ġtell s +A ng +Ġcomm unities +Ġhon est +ok ing +Ġap art +ar ity +/ $ +_m odule +ĠE nc +. an +.Con fig +C re +Ġsh ock +ĠAr ab +I ENT +/ re +Ġre trie +ycl er +is a +ĠO rgan +. graph +Ġ í +ĠB AS +En um +Ġposs ibly +ÑĢ Ð°Ð +ĠJapan ese +Ġc raft +ĠPl ace +Ġtal ent +Ġfund ing +Ġconf irmed +Ġc ycle +/ x +G E +Ġhe aring +Ġpl ants +Ġm outh +p ages +or ia +ĠRem ove +_t otal +Ġo d +oll apse +do or +Ġb ought +Ġadd r +AR CH +_d im +dd en +Ġdec ades +RE QUEST +Ġvers ions +f ire +Ġmov es +f b +Ġcoff ee +.con nect +ĠR ow +Ġs chema +S cope +- Type +Ġfight ing +Ġret ail +Ġmod ified +T F +File s +n ie +_com mand +st one +Ġ ÑĤ +_ thread +Ġb ond +ĠDevelop ment +Ġp t +F ORM +ple t +Ġident ified +c pp +Ġc oding +ok ed +ĠM aster +ID TH +Ġres idents +red it +ĠPh oto += - +un te +ate ur +_ST ATE +ĠS ing +Ġshe et +. val +or se +Ġh ers +Ġdetermin ed +Com mon +Ġw ed +_ queue +P H +ĠAt l +cre d +/L ICENSE +Ġm es +Ġadv anced +.j ava +.S h +G o +k ill +f p +_set tings +Ġp al +Ġtr uck +Ġcomb ined +Ġ" ${ +ĠCor por +Ġjo ined +ĠJ ose +ĠC up +un s +est ival +lev ision +Ġbro ken +Ġmar riage +ĠWest ern +Ġrep resents +ĠT itle +Ġs s +.A ss +ongo ose +ient o +< >();Ċ +Ġabs olutely +Ġsm ooth +TER N +ĠUn less +W ord +Ġmer ge +ig an +ĠV ol +Ġn n +.get Id +ĠÐ · +Ġsex y +Ġseek ing +S ingle +. this +Ġk om +b ound +; " +Ġfont Size +_d f +Ġinj ury +( H +Ġiss ued +_ END +: self +Ġp atch +Ġle aves +Ġad opt +File Name +ãĢ IJ +Ġexec utive +ĠBy te +] ))Ċ +Ġn u +out ing +clud ing +- R +. options +Ġsub stant +av ax +ĠB UT +Ġtechn ical +Ġtw ice +Ġm ás +Ġun ivers +y r +Ġdr ag +ĠD C +Ġs ed +Ġb ot +ĠP al +ĠH all +forc ement +Ġa uch +.m od +not ation +_file s +.l ine +_fl ag +[ name +Ġres olution +Ġb ott +(" [ +end e +( arr +F ree +( @" +ĠD istrict +PE C +: - +P icker +ĠJ o +ĠĠĠĠĠ Ċ +ĠR iver +_ rows +Ġhelp ful +Ġmass ive +--- Ċ +Ġmeas ures +ĠR untime +Ġwor ry +ĠS pec +ĉ D +ãĢ ij +Ġ) {Ċ +Ġwor se +(f ilename +Ġl ay +Ġmag ic +ĠThe ir +ou l +st roy +ĠWh ere +Ġsu dden +Ġdef e +Ġb inding +Ġfl ight +ĠOn Init +ĠW omen +ĠPol icy +Ġdrug s +ish ing +(' ../ +ĠM el +pe at +t or +Ġpro posed +Ġst ated +_RE S +Ġe ast +ĠCON DITION +_d esc +Ġwin ning +fol io +M apper +ĠP an +ĠAn ge +.s ervlet +Ġcop ies +L M +Ġv m +å į +Ġd ictionary +S eg +el ines +ĠS end +Ġ iron +ĠF ort +.d omain +Ġdeb ate +Not Null +e q +ach er +l f +ĉf mt +Ġlaw y +Ä Ł +ĠM en +Ġtr im +( NULL +Ġ! ! +Ġp ad +Ġfollow s +"] [" +re qu +ĠE p +.g ithub +( img +et o +(' \ +S ervices +umbn ail +_m ain +ple ted +fort unately +Ġw indows +Ġpl ane +ĠCon nection +. local +u ard +} \ +== " +and on +ĠR oy +w est +ig inal +em ies +it z +') :Ċ +ĠP eter +Ġt ough +Ġredu ced +Ġcalcul ate +Ġrap id +c ustomer +Ġeff icient +Ġmed ium +Ġf ell +. ref +ĠC as +Ġfeed back +S peed +( output +aj e +Ġc ategories +Ġfe e +} ; +Ġde leted +re h +Ġpro of +D esc +B uild +Ġs ides +.Array List +- % +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠ +Ø ± +.m atch +л и +Ġfe els +Ġachie ve +Ġcl im +_ ON +ĠC D +Ġteach er +_c urrent +b n +_P L +ist ing +En able +G EN +Ġt v +Ġso ck +Ġpl ays +Ġdis count +ĠK E +ĠDe bug +F ore +ĠI raq +Ġappear ance +M on +Ġst yled +ĠH uman +i ot +ĠH istory +Ġs ac +ĠC ollection +Ġrecomm ended +.Se lected +Ġorgan izations +Ġdiscover ed +co hol +ad as +ĠThom as +M ay +Ġcons erv +Ġdom in +ĠF ollow +ĠSe ction +ĠTh anks +User name +Ġrec ipe +Ġwonder ful +.s leep +_ if +ĉĊ ĉĊ +orn o +Ġr u +_t arget +." " +à ¦ +Event Args +Ġinput s +Ġf if +Ġv ision +c y +ĠS eries +) ((( +Ġtr ading +Ġmark er +B egin +Ġtyp ically +Ġca uses +drop down +_DE BUG +Ġdet ect +c ountry +! ");Ċ +ĉ R +app y +Ġc ref +(' < +" => +ĠL E +read er +Ġadmin istr +à µ +uck et +Ġf ashion +. char +iz ar +Ġdis able +Ġsu c +ĠL ive +iss ue +Ġmet adata +fl ags +Ġ ðŁ +Ġcomm itted +Ġv a +Ġr ough +Ġ'' 'Ċ +Ġhigh light +_var s +V O +Ġenc oding +- Z +_s ign +$ ("# +Ġr ain +reate st +ĠEN D +Se lection +Ġcandid ates +Ġs av +. Empty +Ġdec isions +Ġcoll abor +rid ge +fe ed +ress ion +Ġperson s +V M +eg a +_B IT +A ccording +ack ed +Ġdoll ars +_lo ss +ĠC ost +} "Ċ +Not ification +Ġpro stit +Ġauthor ity +.re c +Ġsp okes +ĠT oday +ist ant +ĠHe ad +âĢĿ . +ertain ment +ce an +cul ate +Ġv en +How ever +_ arr +Ġtok ens +G raph +ĠJ ud +ĠVir gin +ĠS erial +un ning +M utable +ag ers +.c sv +Ġdevelop ing +Ġinstruction s +Ġprom ise +Ġrequest ed +_ encode +/ " +ĠI con +u ilt +- day +Ġint elligence +. IS +ĠO bservable +ĠH ard +Bo ol +ident ial +.An chor +Ġsell ing +C I +AG ES +t le +b ur +UFF ER +R Y +Ġbig ger +Ġr at +Ġfam ous +Ġtyp ename +Ġexpl ained +} }Ċ +Ġn uclear +- N +Ġcr isis +ĠEnt er +Ġan swers +/ ${ +/ pl +Ġse qu +_n ext +m ask +Ġstand ing +Ġpl enty +ĠC ross +ĉ ret +d ro +ĠC ast += true +ĠCh ris +ic io +ĠM ike +Dec imal +add Component +L en +Ġco ck +Ġ# { +UR N +< tr +Ġauthor ities +Res ources +- H +B ottom +_ qu +put er +ester day +Dis patch +s ince +Ġfam iliar +, i +V C +Ġm ent +, C +Ġfre edom +Ġr outes +ĠB uy +Ġcomm ands +Ġm esh +/ C +ĠSet tings +- style +Ġw itness +Ġc le +Ġun ion +ef ault +are t +Ġthought s +Ġ ---- +_pro cess +_ us +ing ly +U ES +T ouch +ĠÐ ¼ +_ open +ĠV ec +Ġre ward +.C lick +/ : +Ġn ie +Ch anges +M onth +ï¼ Ł +Ġexec ution +Ġbe ach +( Integer +ĉ a +/ ' +.Font Style +Ġab ort +ĠS ingle +( isset +Ġd p +Ġ}} +Ġ* = +ĠP S +Ġdanger ous +[ p +OM E +O ther +ĠString Builder +Point s +head ing +Ġc urrency +Ġpercent age +_A PI +Ġclass ic +the ad +ĠM O +F E +Id x +aw ait +Ġà ¨ +Ġacc ident +Ġvari ant +Ġm yst +ĠL and +ĠB re +Ġh arm +ĠA cc +Ġcharg ed +ion es +Vis ibility +ar ry +ĠL anguage +Ġwalk ing +" .ĊĊ +if er +Ġleaders hip +.F rom +yn am +Ġt imestamp +i pt +ĠH as +REF ER +ĠIt s +Ġlist ener +UT E +_d escription +Ġexperi ences +Ġcre ates +R S +c art +bl ack +Ġcho ices +w ar +Ġ'' ' +Ġorder ed +Ġeven ing +Ġp il +Ġt un +ĠB ad +( app +r andom +Ġexp licit +Ġarr ived +Ġf ly +Ġecon om +-m ail +Ġlist s +Ġarch itect +ĠP ay +Ġd s +ĠS ol +Ġveh icles +H z +- com +Ġk ing +_e qual +ĠH elp +Ġab use +-- ;Ċ +Ġex tr +Ġchem ical +ä ¿ +Ġor ient +Ġbre ath +ĠS pace +(e lement +w ait +DE D +ig ma +Ġent r +Ġs ob +- name +Ġaff ected +ik a +Ġco al +_w ork +Ġhundred s +Ġpolit ics +sub ject +Ġconsum er +ANG E +Ġrepe ated +S end +Ġ# [ +Ġprot ocol +Ġlead s +use um +E very +Im port +(c ount +Ġchalleng es +Ġnov el +Ġdep art +b its +.C urrent +Ġ` ${ +ot ing +( \ +Ġcreat ive +Ġbu ff +Ġintrodu ced +us ic +mod ules +A re +-d oc +l anguage +_c ache +Ġto d +? > {{ +ĠRes ource +ĠSt andard +ĠP rem +up dated +ival ent +Ġas sets +_t emp +Ġinterest s +Ġhard ware +ĠR om +ĠSh are +Ġ' 'Ċ +Ġ* , +ĠT ake +ĠIm ages +_C HECK +(type of +ĠJ un +\< ^ +Ġli qu +Ġwor st +ymb ols +ĉĉĉ ĠĠĠ +Ġdr ivers +ĠD ocument +en o +ĠTechn ology +Ġappro ved +ump s +Ġs now +form ance +_A SSERT +u its +Ù Ĩ +Ġdiffer ences +. Visible +ĉĉĉ čĊ +ĠP s +_f etch +Ġto do +. ',Ċ +Ġs el +ur ers +in valid +Ġt weet +V EL +Ġresearch ers +Ġs printf +ĠR O +Ġp el +.Tr ans +Ġil legal +d ialog +sm arty +l g +_M IN +Ġher o +f inal +Ġp p +.L e +Ġc i +ĉ RT +Ġsuggest ed +p df +ach ing +ĠR o +ĠProp erties +ĠS i +Ġbuy ing +Ġm u +Ġl ands +if iers +ĠF ILE +RO UP +Ġh older +ĠS on +Ġsym pt +.r oute +) ? +Ġarg c +Ġfor t +Ġcas ino +_c ategory +Ġfor um +p refix +apt ure +T ube +em s +im ize +Ġn ue +a us +c ourse +AT OR +() ), +Ad vertis +ING S +Ġack now +ĠKore a +pl ing +Ġwork er +PL IED +h al +ĠRich ard +Element s +ĉĉĉ Ġ +st ar +Ġrelationship s +Ġche ap +AC H +ĠX ML +, & +ĠLou is +Ġr ide +_F AIL +Ġch unk +[ s +_O UT +Ġch osen +_ [ +/ ( +ĠJ eff +_s l +pr iv +ĠCan adian +Ġun able +_F LAG +Ġn os +h igh +Ġl ift +f un +() { +el ly +ycler View +_ as +_L IST +Ġr adi +.get Value +ĠAnge les +ĠS pan +_in stance +it ors +Ġm igration +A K +O h + ® +. selected +ĠG T +Ġadv ance +ĠSt yle +.Data GridView +e ction +Ñ İ +p io +ro g +Ġsh opping +ĠR ect +I lluminate +O U +ĉ array +Ġsubstant ial +Ġpre gn +Ġprom ote +IE W +.L ayout +Ġsign s +/ . +Ġlet ters +Bo ard +ct rl +" \ +ĠJ ones +Ġvert ex +Ġj a +Ġaff ili +Ġwe alth +ĉ default +Ġsignificant ly +Ġe c +Ġx s +act ual +.p er +_st ep +an vas +m ac +Ġtrans l +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +Iter ator +Ġo ch +agnost ic +ĠD uring +ĠDE FAULT +Ġt ill +Ġsign ature +Ġb ird +ĠO l +ĠI r +H S +av atar +ESS AGE +Ġe lev +Ġm t +ĠN av +Ġrel ax +Ġpl ate +IT EM +( date +.n ot +Ġgr ade +Ġ} ),Ċ +? "ĊĊ +i ences +H igh +ĠD IS +dis abled +Q UI +Ġno ise +a ux +ĠU P +os a +Ġv oc +Ġ )) +oc om +_O FF +ĠD b +L ock +.e clipse +, d +ĠD raw +Ġ" ( +Ġvis ited +Ġâ Ī +Ġsuc ceed +Ġim possible +a ire +ĠT urn +Ġd ish +F G +Ġs ensor +AN N +ab a +Ġsur g +] );čĊ +Ġf p +_ an +- J +- G +ĠJ ob +Con vert +ĠKE Y +Ġauth ors +_s erver +\ r +Ġ-* - +f lex +Ġs oc +R et +Ġs alt +Ġâ̦ ĊĊ +ĠC lear +(p age +-d anger +Ġroom s +con v +# { +. op +ĠA rea +_S C +h en +Ġbeg ins +- y +Ġexc ited +Ġign ored +Ġbon us +st udent +ĠM ember +Ġrel atively +ĠL ow +ĠPro du +ate way +pos ure +Ġth ick +ani el +( view +ĠCr ush +Ext ension +I l +e ed +LO C +. im +. Items +Ġconflic t +.pre vent +Ġon Create +u v +is er +Ġw ave +M ar +ĠComm unity +ic he +ĠNo thing +[ m +ĠLe e +ri ends +è re +!! ! +an z +. result +ĠS K +_P ARAM +Ġdem ocr +Back Color +.ex ists +" It +( options +ra zy +as er +\ Database +al endar +_ ass +; }Ċ +vert ex +ine craft +W arning +arg o +Ġact or +ĠInst ead +ĠUs ing +S elf +@ interface +Ġspe aking +ĠPar is +ĠL ICENSE +.n ode +ĠF ood +E IF +ĠB i +. Start +ĠI B +Ġun iversity +ĠHe ader +.pro duct +C opy +et c +r ical +Ġ> >> +book s +Ġal gorithm +Ġ' __ +(j avax +Ġnumer ous +Sh are +H ave +Ġrec ru +Ġpro ve +.sub string +he alth +е л +Ġdec imal +Ġcomm ission +s cription +x C +Ġsum mary +att ed +Ġclo ser +fin ished +() ){Ċ +ĠW ood +_field s +k u +_ items +Fl ag +Ġconf idence +ĠF ederal +du x +Ġcomp at +Ġvert ical +Ð ¹ +è s +; ">Ċ +_m anager +() ))Ċ +ID E +: ", +__ Ċ +ĠW ay +Ñ Ī +T emp +ĠS TR +rit ten +S ync +ĠA V +ĠC EO +ĠG uid +Ġenvironment al +Ġcorrespond ing +ĉ console +Ġjust ice +ĠJ S +Ġl ived +g ar +ĠG raph +ĠSt at +Ġi Phone +. al +ĠH D +Ġocc ur +Ġth reshold +Ġon click +RE G +.Graphics Unit +M eta +Å ¾ +Ġc um +.g nu +à « +Ġobt ained +Ġcompl aint +Ġe ating +Ġt ar +_t ask +Ġopt s +( to +P ass +Ġpl astic +t ility +ĠW in +.prevent Default +p ile +ĠG ar +Ġqu antity +_l ast +Ġg reatest +D ao +_D IS +ĠUs ed +ĠH P +rit ing +S ION +bl ue +d omain +Ġs cores +N ormal +_ admin +ĠA SSERT +Th en +** * +d ist +l on +Ġh ate +sh al +Image View +d atabase +Ġp and +Ġlog ic += false +b g +ĠConfig uration +Ġn ur +O G +Ġmar ried +: + +Ġdro pped +Ġreg istration +оР¼ +ult iple +iz ers +sh ape +.c opy +Ġwe aring +ĠC ath +Ġded icated +Ġ.. .Ċ +Ġadv oc +ĠF amily +Ġstat ements +em atic +ampions hip +Ġmot iv +ĠH ave +Ġbl ow +J ob +c ert +_v ector +inst all +ĠC OPY +em bed +D IR +ĠS pring +Ġex hib +cd n +ĠCom ment +ĠOption al +. player +ĠD ark +( pos +ĠSh ould +Ġcent re +ĠGu ard +ó w +Ġtr ouble +EN ER +( unsigned +_s ervice +Ġn s +ul ing +ĠMex ico +ĠN Y +mys ql +Ġl ic +å ľ +M r +- fl +ĠC ustomer +id i +Ġ? >ĊĊ +ri ble +Ġп ÑĢ +Ġs izes +_STR ING +valid ation +ĠJ on +( Http +add Class +N odes +Ġfrag ment +Ġsp oke +Ġw aste +J oin +Ġill ustr +el i +c ient +Ġa id +Ġpro sec +') {Ċ +Ġpass ing +Ġf aces +Sh ape +_ Z +it i +Ġal le +Ġro bot +ĠĠĠĠĠĠĠ Ċ +ĠS pe +Ġrece iving +ĠD etails +Ġ" ) +m g +_RE F +Ġcompar ison +* , +ĠF ound +_s ession +( U +/ F +Ġx xx +N etwork +d ers +Ġcap ture +Ġcor re +ĠL td +ĠAd v +[ @ +Ġcl ip +M ill +ĠPro file +Ġend if +Ġob lig +des cribe +.e lement +riter ion +L D +er ed +Ġfav our +s core +ĠF ilter +at tributes +Ġcheck s +In flater +ĠPl us +Ġscient ific +Ġpriv acy +He ad +Ġfe at +Ġdeg rees +ĠP ale +; "> +Ġfil ms +ĠA udio +ĠT ag +ĠE nergy +it ar +par ator +Ġf ellow +Ġev t +ĠT ri +ĠD AM +cl oud +ĠP assword +ĠDemocr ats +ĠAc ad +$ lang +Ġre b +() )ĊĊ +н Ñĭ +ĠB ur +read cr +Ġh ex +Con sole +ct l +ous el +ĠWill iam +Ġa z +_P ORT +Ġpract ices +Ġany where +ĠP osition +Ġ- >Ċ +i ams +.user name +place holder +Ġo der +ĠSecret ary +Ġi T +mon d +event s +? âĢĿ +.S ub +Ġatt ached +Ġn ão +Ġest ate +. action +Ġfig ures +Ġ} );čĊ +Ġsubs cri +.t ag +n am +. plot +no on +li ament +Char acter +.t ab +Ġw inter +ĠVar iable +Ġtre es +Ġpr oud +( V +_ load +Ġh ier +ĠE con +Ġf d +Ġvict ims +R est +ian a +Ġf ake +.Print ln +Ġstr len +Ġs ad +Ġb le +Pro t +Ġbutton s +Ġte levision +Ġlog o +ext ension +ĉ j +ste in +acion es +Ġ"" "ĊĊ +Ġsim p +Ġrecord ed +Ġbr ings +Ġprincip al +Ġfe es +(s ource +k dir +Ġutil s +Ġcorrect ly +f il +Ġw el +P air +-b utton +s cale +ver ify +[ c +Ġ-- - +Ġes cape +ik es +Lower Case +ic ian +Ġch apter +ĠT YPE +Ġsh adow +Ġaw esome +W E +el if +Ġl ambda +Ġdist inct +Ġb are +- off +Ġcol our +.append Child +ole c +ag a +.f ill +ĉs uper +Ġad j +( position +.get Item +Sh ort +Ġtot ally +V D +ĠT re +_ ep +v ements +ĠS olution +Ġfund ament +F ollow +Ġfac ility +Ġhappen ing +O F +.text Box +S pan +Ġ « +id en +Ġex ceed +(p arent +Ġc p +ç » +Ġhas n +Ġp ri +Ġcon sequ +n en +ĠIN TO +I gnore +ĠF uture +Ġcar bon +ĠSte el +f mt +ok ie +Ġs pl +(t itle +- info +Ġde als +Ġfix ture +e a +D iv +Ġtest ed +_ return +)ĊĊ ĊĊ +upport ed +ĠC ook +Ġpay ing +ĠI ll +Ġarrest ed +ĠPr ime +_c allback +> ,Ċ +dr iver +On ce +ab b +_by tes +ĠS ets +( Object +Ġc c +Ġsh ell +al o +); // +( log +ct ors +) +Ġ$ (". +.p os +Ġbo ys +Ġwed ding +Ġag ents +=" _ +ĠAr my +Ġh int +v ision +Ġte ch +ĠCon nect +Ġleg end +ĠB et +.B ase +Sub ject +Ġl it +Rem ove +Ġ" : +ĠF inal +pear ance +ĠiT unes +Ġparticip ants +ĠPy thon +Ġbus y +i el +vert ices +Ġtemplate Url +ĠC lose +Im g +ĠCorpor ation +t imestamp +Ġext end +Ġwe bsites +Ġposs ibility +о ÑĤ +Ġk ö +Ġme at +Ġrepresent ation +Ġ ĉĉ +_ST ART +.app ly +ĠVal ley +ĠS uccess +H i +Ġn ob +ĠI Enumerable +_ select +ge o +. ")Ċ +Ġturn ing +Ġfab ric +(" ");Ċ +Ġpers pective +é Ĺ +ĠS n +Th ank +; j +.Param eters +ĉ ĠĠĠĠĠĠĠĠĠĠĠ +Ġfact s +Ġun t +.in stance +################################ ################################ +- end +ĠJO IN +ĠH en +Ġur i +åIJ į +Ġн а +ĠIn fo +Ġconduct ed +Ġà ¥ +OUR CE +Ġw ine +J ohn +.Error f +ĠA ge +ound ed +Ġreal ize +Ġ] ; +Ġsub sequ +, m +( User +ian o +Ġaccom pl +is p +.st d +é ĩ +ĠB ed +.set Attribute +B R +ke ep +ĠA LL +Ġis ol +am ma +P ackage +Ġoccas ion +-s uccess +еР´ +ĠLIMIT ED +st rip +() ĊĊĊ +istrib ution +Color s +Ġ+ :+ +Did Load +al er +Ġt id +ĠL ED +ĠLink ed +ĠC art +() )čĊ +_RE AD +Ġkill ing +ĠP HP +fe ction +Ġinst ances +c v +"/ > +Ġs f +Ġtax es +_ location +ĠBit coin +u able +r ank +ign ore +tr ack +к а +Ġshould n +ĠO P +=> {Ċ +Ġk m +Ġh elper +_ head +ĠWh ether +oc o +_b l +Ġstat istics +Ġbeaut y +Ġto g +t ip +ëĭ ¤ +Ġc sv +(s ql +std lib +we ak +Ġlik es +Ä į +Ġrepe at +Ġap artment +Ġem ph +_ edit +Ġv it +ĉ type +E ven +ut en +Ġcircum stances +b ian +Ġs ugar +W indows +ì ŀ +Ġobs erved +/ data +Ġcal endar +Ġstri ke +ĠR ES +_s c +f ony +ore m +( z +p ower +et ect +ĠS at +.d escription +Ġg ang +ĠS ports +ong s +ĠB undle +.s um +on ce +Ġacc used +Ġexplo re +Ġapprox imately +Ġlos ing +thes is +ĠF und +Ġdi agn +A utowired +prop erties +Ġ_ . +Ġc nt +ced ure +Ġy y +Ġgr ant +so ck +.inner HTML +Ġ] );Ċ +ĠCON FIG +=' $ +] ];Ċ +UN D +Ġg lob +Ġd ire +uff le +_M EM +Ġauth entic +> (" +Ġdec ade +ĠIm port +Ġorigin ally +Ġj Query +Ġindic ate +Ġours elves +S w +.l bl +ener ate +Ġbas ically +ĠH om +Ġ+ #+ +ĠBrit ain +ĠK ar +to Equal +.st op +Ġmod al +is i +Ġsuggest s +Ġd type +Ġt ur +b f +Ġconnection s +ĠB efore +ist ed +m ouse +Ġpul led +.b uild +Ġlegis lation +Ġfor th +p ad +eg o +.N ow +Ġexc iting +}ĊĊ ĊĊ +Ġcom pr +Ġsh ares +Ġr ig +g reen +_ vec +Ġenumer ate +A uto +ic ator +ĠR ay +as se +Ġh oliday +Ġnull able +g un +_d etails +Ġwr apper +se q +ĠYou ng +ju ana +Ġ" __ +lic ense +ser ve +^ ( +id ers +.Rem ove +rop down +' S +p in +(t oken +.D efault +Ġreason able +amp ion +ĠS ociety +Ġbe i +erv es +r ad +ĠF ox +_ images +Ġw heel +') [ +Ġc fg +( By +Con structor +Ġv ary +.sw ift +Ġpro xy +ĉ H +ĠAn other +ĠP en +Ġcheck ing +Ġj est +man ager +Or igin +ug s +o ir +>< !-- +Ġexpress ed +Ġmod er +Ġag encies +Ġi h +-h idden +ious ly +ĠR od +Ġso le +M ed +.A ny +Ġp c +b al +Ex ample +ĠS ale +Ġst rip +ĠCom p +Ġpresident ial +M ost +put ation +( ref +ĠF our +_f ilename +Ġen forcement +Ø ¯ +ĠGe org +we ights +/ l +Ġag gress +Ġd rawing +and y +< I +- j +ak a +h ref +Ġteach ers +_ Q +( it +ĠM B +Ġtemp orary +ire base +str a +æĹ ¶ +è ´ +( label +ou p +Ġtop ics +Ġport ion +id os +ĠJew ish +Ġre covery +Ġstand s +# [ +Ġafter noon +ĠArt icle +_ att +Ġexpl an +ĠP ak +.setOn ClickListener +. children +Ġi k ++ ( +l ag +Ġdis k +Ġcont rovers +"> & +as p +Ġw ie +ĠAustral ian +ĠYou Tube +At tr +cont ains +du ce +ĠM att +at ern +Ġvol unte +Ġnew sp +V P +olt ip +Ġde legate +_m eta +Ġaccur ate +ĠEx ample +% , +ĠD aily +Ġc abin +ĠS W +Ġlim its +k ip +Ġar my +Ġend ing +Ġb oss +ĠD ialog +Al so +="# " +ord an +row se +- min +Ġ" & +_ loc +U X +Ġdevelop ers +Ġaccur acy +Ġmaint enance +Ġhe av +Ġfil ters +.T oolStrip +Ġn arr +ĠE mp +ORD ER +ĠM obile +.S erial +.out put +.c ol +M aterial +um a +Ġconsum ers +sh ift +Ġp ued +Ġmin i +c ollection +Ġk an +.c enter +H istory +Ġben ch +() ); +itor ies +Ġcrow d +_c all +Ġpow ers +- E +Ġdis miss +Ġtalk s +ĠCh annel +for ward +_ control +/s rc +i est +**************** ******** +Ġbet a +(c olor +_O BJECT +ĠA pi +Ġeffect ively +C amera +s d +uss y +D ict +ĠE ffect +ib ilities +Ġreturn ing +ĠF ar +Ġ' ') +Ġmod ules +il ation +Ġ( % +TR GL +Ġst orm +on na +ĠEX P +Ġs pons +Ġdis pl +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠ +f all +å Į +ign Key +_ US +et rics +Ġhand les +T L +_ amount +ow a +br and +ĠT ool +Ġus ual +. Z +cre ment +ad ium +st ock +Ġserv ing +ĠB on +Ġline ar +ĠT arget +ĠR adio +H L +Sh ader +om atic +ag ues +in ity +d iff +_ iterator +qu ot +Ġ ,Ċ +c allback +Ġsympt oms +[ _ +ĠB ul +ĠF eb +und o +_ account +Ġtyp edef +и Ñģ +tr as +User Id +ĠP enn +ĠSup reme +} > +user Id +ĠK im +Ġg a +Ġart ists +å ¸ +ĠAb stract +ok emon +Ġh am +o val +Ġch a +at en +å Ĩ +F ixed +Ġvul ner +ĠParam eters +qu antity +.C lear +Servlet Request +Ġy a +Ġsou l +trans action +Ġsol o +Ġp airs +æ Ķ +ĠG re +_ word +ĠC C +Ġg i +z ie +Ġsched uled +rot ation +gy pt +ul ous +:: _ +ĠE ll +< ! +ĉĉ ĠĠ +l p +ah a +C opyright +Ġdr am +Ġdi agram +ĠM em +Ġg arden +Com p +Ġattempt s +uff ix +> () +Ġphil osoph +_re l +å ¼ +Ġs v +.se cond +ant o +.J son +ĠTe le +_ local +_s end +Ġas pects +ì Ĺ +IB LE +Ġr ail +Ġwid ely +ash ed +i ar +in f +up per +d jango +_result s +iss ing +Ġequ ivalent +OUN D +Ġt y +Ġpotential ly +Advertis ement +ĠRec ord +resent ation +_w idget +ound ing +Ġrelig ion +Ġcons c +ĠL im +. am +H tml +Ġ' : +P ATH +_s pec +ort ed +id ades +_sh ape +Ġkeep s +.S ave +ĠL oc +or i +ĠT EST +unic ip +Ġreg ions +Ġbelie ves +/ en +pos ite +{ ' +pre pare +_ const +s ample +ĠWill iams +Ġstr t +_ Get +ĠAnd rew +. active +Ġl ayers +Visual Style +az y +ĠK n +Ġac id +ĠAs ia +Ġex cess +ĉm y +Ġkey board +ens us +Ġcre w +Ġmiss ed +m aster +ĠW ild +Ġnew ly +Ġwin ner +Ġst ub +ic ode +.m ove +D omain +ĠS ar +Ġfore st +LE D +claim er +.ex it +ĠW indow +Ġres istance +ĠC HECK +(" - +ĠR yan +Ġp ipe +Ġco ast +DE F +// ! +_ off +ex it +Ġult imately +imit ive +ĠKe ep +Ġhistor ical +Ġany way +ĠJack son +ock er +ER N +ĠU INT +y ntax +ER Y +is ms +Ġc n +Ġocc urs +Ġ; ; +Text View +A E +/ img +Ġy esterday +- default +Ġt iny +Ġpro c +Ġal ive +ĠRE G +. th +ear ing +.get Logger +< link +_ login +F older +ab c +lyph icon +н о +Ġnot iced +od igo +Ġed ition +im ator +. Enabled +.parse Int +Ġy ards +ĉĉĉĉĉĉĉĉ ĉĉĉĉ +Ġver bose +л Ñı +_B Y +.log in +.* ;Ċ +ĠM id +é es +Ġg lo +Ġbuild ings +Ġz e +ĠI ter +Ġt ube +ĠP ot +\ M +< th +br idge +ĠS cript +ĠM odule +Ġv acc +Ġinstall ation +v y +VisualStyle BackColor +ĠS M +.t otal +b at +Ġfind s +Ġat mos +Sub view +iz ard +Ġrepl acement +lic ated +ap is +Ġlog ged +ĠLe ft +G ui +_ Type +t m +P ad +Ġhouse hold +Ġre le +Ġpropos al +_CL ASS +:: :: +Ġinf rastructure +In ject +/ html +Ġad s +iz za +Ġm g +ctr ine +% Ċ +< html +- image +Ġatt orney +< m +(' , +Ġcan n +Ġprint ln +o ose +Ġy ellow +.ex p +p ayment +Ġtable View +aw ay +Ġopp osition +ĠAg ain +ĠH andle +Ġex clusive +in ar +é r +оР± +ĠC ODE +emp orary +Ġre act +pi pe +c z +. activity +Ġlarg ely +Ġdis s +ax y +es is +ĠR en +Ġc orn +.Use VisualStyleBackColor +d ays +Ġfr uit +In sert +_ enc +E st +_de c +ĠL uc +Ġü ber +param eters +P ERT +ex press +_pro file +Un known +Ġrev olution +.add ress +_re quire +Ġun iform +ĠP ack +l ar +ĠU ITableView +Ġdep ends +Valid ation +conf irm +O wner +Ġt rib +h et +ĠI de +ans as +L anguage +u et +ĠP o +ĠSte ve +Ġcont est +_DE FAULT +Ġapparent ly +RE EN +Ġfrequ ently +Ġtrad ition +ocol ate +S I +ĠArg ument +F ocus +ert e +ĠL ayout +Ġd x +Ġgener ator +ĠW ait +P olicy +l ights +.Ex ecute +P y +Ġbed room +ed a +ra id +ĉs ize +Ġan cient +Ġp ump +Ġd w +Ġ(! ( +Ġspec ify +( status +ĠF BI +.ex ception +Ġrem ark +ly mp +ant ee +Up load +ern et +é ¡ +in ent +ĠR ender +d m +ĠM emory +r ich +ĠT ools +Ġk ne +Ġper m +b ad +Ġd inner +.res et +Ġj Label +Fe ature +.S ervice +Ġ( {Ċ +Ġre ferred +.class List +Ġinit With +ĠText View +Ġne ither +Ġcount y +Ġ" { +ç § +Ġt ack +class Name +ĠUS ER +Ġre new +` ` +get Name +Ġb rown +Err ors +ert o +Ġsust ain +S O +let es +ĠIn valid +Ġen emies +un ge +Ġexist ence +err a +Ċ ĠĠĊ +utor ial +# a +p ay +char ge +ĠI re +ate st +Ġexp los +Ġf ired +N ER +ĠT y +ic ion +U ri +Ġobvious ly +ĠC olum +Ġ' + +ĠDe vice +- related +_ ARG +Ġv or +ĠLess er +_O P +Serial izer +Ġup grade +L ight +Ġc odes +++ ;čĊ +Ġwrit es +fo od +Ġé t +@ section +Ġtrack s +Ġserious ly +ch t +(size of +Ġimmedi ate +Ġscient ists +Ġ{ $ +_ ne +.Anchor Styles +Ġaccom mod +ĠHar ry +Ġs ight +ĠPale st +ersist ent +Ġ Ñĥ +- input +Ġco ordinates + · +W elcome +.con f +Ġgre w +Ġb old +ĠC PU +(m y +Ġperfect ly +Ġmom ents +ĠM ovie +- data +yst al +_W IDTH +ĠS creen +æ Ŀ +Ġdis ap +Ġredu ction +.Get Component +_M ODULE +Ġgener ic +Ġd y +all er +Ġc url +ĠB ody +Ġb anks +, t +av g +Ġev il +Ġmanufact urer +Ġrece iver +Column s +Ġing redients +ĉ out +qu es +.L oad +Ġslow ly +ĠT own +ĠC ell +_n ormal +_p refix +ĠAl ert +(" { +ä r +âĢľ The +ĠM D +Ġcour ses +ath an +é Ļ +oc c +ĠS ER +es ign +Add r += [' +(" ./ +] } +.f ont +ĠInst agram +ĠB order +od a +Ġh all +Ġr um +_b it +Ġs aving +_d own +R andom +_reg ister +( Context +Ġoppos ite +R oom +Y ES +ан и +Ġenjoy ed +_r un +C lear +âĢ ĺ +ĠF ord +on ic +ost en +"] ) +_ auth +// čĊ +Ġsuff icient +LE S +Ġph en +Ġo h +_c sv +Ġrout ine +.Are Equal +ay lor +Ġb asket +_COM M +rypt ed +S im +ĠSh op +Ġstud io +at os +( W +[ string +ä t +og a +Ġsh r +Ġs ick +An other +Ġdo ors +_N E +ĠTH REE +. order +raz il +Ġmap s +_TR UE +trans late +Ġnear by +Ġn ach +LO AT +b atch +Ġl ux +ash es +ang ers +â̦ â̦ +_E VENT +_ UP +Ġact s +in v +_M ETHOD +cc ion +Ġret ain +ut ch +ĠÐ ± +Ġknow ing +Ġrepresent ing +N OT +p ng +Con tract +Ġtr ick +ĠE dition +uplic ate +Ġcontrol led +c fg +j avascript +Ġmil k +Wh ite +Se quence +aw a +Ġdiscuss ed +ĠB ush +ĠY ES +.f actory +t ags +Ġt act +Ġs id +$ $ +ĠE num +Ġfr ames +} ); +Ġreg ul +'] ;čĊ +Reg ion +ff f +Ġc ro +( com +=" + +St udent +Ġdis appoint +RES ULT +Count er +Ġbut ter +ĠH a +ĠD igital +Ġb id +"> {{ +ing ers +ĠC ountry +_t pl +"] )Ċ +/ k +d ating +: # +ĠD ATA +yn chron +_b ody +olly wood +Ġval or +ip ient +o ft +UB L +doc s +Ġsyn chron +Ġform ed +ru ption +Ġlist a +Request Mapping +Ġvill age +Ġkn ock +oc s +" { +_fl ags +Ġtrans actions +Ġhab it +ĠJ e +ed en +Ġa ircraft +ir k +ĠA B +Ġfair ly +. inter +.A ct +Ġinstr ument +remove Class +.com mand +Ñ ī +ĉm em +( min +Ġo t +Ġcol le += s +time out +Ġid s +ĠM atch +ij n +z ero +Ġnetwork s +.g ov +Ġint el +Ġsection s +out ine +(c md +(d ir +ĠLI ABILITY +ĠB log +Ġbr idge +ĠC V +con vert +Ġ" )Ċ +ĠB ern +_P O +e val +( set +to ol +Ġpay ments +Beh aviour +Ġcon crete +Ġel ig +Ġacc eler +Ġh ole +_ o +TE GER +Ġgraph ics +O wn +Form atter +on der +Ġpack ages +/ a +ĠK now +Or Default +Ġdut y +W ait +н а +_rec ord +[ t +M esh +Ġon going +.be ans +Ġt an +Ġinter pret +ast ers +QU AL +Ġleg s +\ Request +- file +_m utex +ĠS aint +// # +Ġpro hib +( info +: = +lin ux +Ġb lo +ot ic +ĉf inal +_ex p +ĠSt op +ap ing +(s aved +_p ush +Ġe ase +_F R +pons ive +str cmp +: ĊĊĊĊ +ä» ¶ +ol i +Ġextrem e +Ġprof essor +Im ages +.IO Exception +Ġaddress es +plement ed +Ġincor por +Ġuse Effect +_O F +ĠD a +n ombre +IR ST +Ġdisc rim +Ġcomp ens +greg ate +anc ell +ach es +ĠC riteria +$ result +D estroy +Ġsecond ary +W atch +ĠS em +ĠMc C +Ġacad emic +U pper +:: ~ +ut ral +ĠD og +ad ed +Valid ator +Ġder ived +Ġset Timeout +ĠK en +Ġtyp ical +ĠB ob +Ġb ounds +ĠSe ason +Ġc razy +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠ +-r outer +itt est +ĠM ir +Ġemot ional +, v +c n +/ st +å ½ +on om +Ġdecl ared +> . +ail ing +Ġ/* <<< +Ġnorm ally +(M e +ev in +lik ely +Ġpoint ed +ĠSt ack +Ġw alls +. Vector +me an +] ]Ċ +Ġlist ening +ad v +Ġsw ap +IF T +Ø ª +. argv +ul s +< option +not ations +Ġemail s +ĠU kr +ast a +ĠTh us +ĠSt one +Ġappe al +. âĢĻ +Ġreg ulations +Pre ferences +ĠPh one +ul f +ĠD R +Ġtechn ologies +Ġpar agraph +Ġnecess arily +.e ach +< float +res a +Ġunder st +Ġf inger +press ed +-b y +if fer +w atch +ĠB a +A IM +Ġwe ights +ĠR on +') }} +[ self +-------- --Ċ +per iment +Ġto String +x ic +ĠC amera +! ĊĊĊĊ +aur ant +P refix +Ġinstit utions +: int +Ġex posure +p attern +ĠLin ux +.n umber +red ient +Argument Exception +ĠCh ief +" }, +Ġelect ronic +r ong +er d +sp Net +ra it +/ ', +ĠOh io +Cont rollers +Ġcontin uing +ĠT emplate +ĠE th +s z +/ env +En v +% . +art ers +) (( +ĠT ABLE +Ġà ® +per ature +pro gress +P res +ê ° +im plementation +Ġb ien +Ġstre ets +_M SG +New s +## # +: / +Ġcut ting +x B +ress ed +_EN ABLE +l ab +Ġca using +] ));Ċ +b ra +x FFFF +il ly +plet ion +w ill +_b ar +Ġstruct ures +ĠI mp +Û Į +Ġ< > +Ġ ---------------- +_B UFFER +.d ir +Ġpl ain +Ġpe er +g g +oint s +Ġsomew hat +Ġw et +Ġemploy ment +Ġtick ets +ir ms +Ġt uple +s is +$ sql +r ig +Ġcon version +Ġg es +Ġconfig ure +eg r +ĠC a +Ġ__ (' +ou ston +.t oken +Bl ack +Ġmag azine +A W +. IN +os ing +Ġbro ke +ĠC ru +DE LETE +Ġdestroy ed +(M ath +Ġappro val +-d om +ĠI II +table View +Ġdesign s +Ġcrush ing +Ġcons ent +dir name +om p +Ġc rypt +? ( +or ough +. o +ĉ list +ams ung +."" "Ċ +err ing +G oogle +_p air +_IN IT +rem arks +Ġg ear +F ill +l ife +} ")Ċ +Ġsuit able +Ġsurpr ised +_RE QUEST +Ġman ifest +att en +Ġfr ustr +ov ement +.c lick +Ġi i +Ġexp ansion +ig s +P arse +.Reg ular +R ob +_l ayout +ì ł +Ġtrans lation +ĠBe aut +B est +_C OLOR +< label +Ġliqu id +IT S +Ġpro d +Ġoper ate +UI Kit +Ġn atur +arg ument +_d etail +ĠCent re +Ġ" -- +Ġ}} " +lo cale +.t v +_se q +Ġup coming +Ch art +ĠDiv ision +Ġclin ical +Com pany +S epar +l as +ĠH un +: s +Ġhead ing +оР³ +Ġ" ");Ċ +[ id +b ia +Ġst retch +ic ide +Ġre produ +.pro ject +leg end +end ers +Ġrespons es +Ġon t +rit ical +Ġref uge +ĠL i +Ġ: ĊĊ +ĠTh ree +.cont roller +_IN DEX +_F OR +\Model s +j ax +ĉex it +Ġâ ĸ +Ġc overs +ĉ y +- . +IND OW +Ġfail s +in cludes +Ġf ault +Ġl y +ñ o +.s lice +ILE D +ĠP ur +ĠAs ian +_b atch +.M ax +v l +ĠCOPY RIGHT +Ġg iant +ĠMan ual +ĠC opy +Class Name +He alth +C ursor +IB Outlet +Ġt we +æ ³ +_label s +Ġcol lected +Ġfurn iture +Ġdeal ing +Control s +ĠHot el +ck s +Ġch ose +âĶ Ģ +od d +S R +Ù Ĭ +ì Ħ +Ġacc ord +ĠM ove +ĠM ode +ĠM ock +Ġthread s +++ ++ +ĠO ptions +Ref resh +ĠD id +'] -> +u cc +_ch annel +. abs +Ġ{ },Ċ +ĠW al +er ior +Ġmain ly +ĠDr iver +NotFound Exception +Ġcount s +e am +Ġ& = +Q uestion +ĠA li +Ġany more +d etail +t ail +Ġm ile +ĠF air +Ġs orry +Ġsurround ing +Ġad m +De v +Ġmari juana +ĠS ound +ĠA sh +F D +Te am +. port +Ġ[ ]ĊĊ +ub ble +Ġas c +Ġint ention +A cc +ch i +ust ers +Ġins pired +se g +CL U +Ġman ip +M etadata +Con nect +ĠB eh +Ġfind ings +Ġas sembly +w orld +Ġrem ained +Ġu id +( . +Ġm x +Lo op +ĊĊĊĊ Ċ +Ġfant astic +wh o +ak i +ĠB asic +ĠY et +ĠUs ers +ik ip +Ġhead s +ĠMich igan +_ it +ĠTor onto +Ġrec ording +Ġsub mitted +_var iable +medi ate +.graph ics +Ġst ood +Ġre ar +vel ocity +_M ESSAGE +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +ro les +ĠT our +_ year +end ment +amp s +ĠIre land +m al +Ġyoung er +Ġstrugg le +Ġc able +ĠSD L +(' - +an es +ĠNe ed +.R ow +P ol +ĠP H +_s cript +ag em +ĠB as +_s pace +. loc +: i +ad r +Ġengine ering +it en +) & +Ġu k +ĠL ittle +_C OUNT +x A +Array List +æ į +Ġ" ")Ċ +An chor +Ġh ang +t witter +Ġcompet itive +.s rc +ãģ Ĺ +Ġtrans late +ĠCre ates +ook s +ĠR oll +'' 'Ċ +/ sh +s ome +Enc oding +.res olve +Ġdesign er +ĠSt orage +Ġz a +ĠN ever +Ġsomew here +Ġbox es +.s ource +Ġpy game +Ġgrow n +.t w +() ),Ċ +', [' +Ġoppon ent +(s rc +.l ayer +AP P +ĠAct iv +Ġguest s +ĠVAL UES +};ĊĊ Ċ +.n ative +Ġamount s +. RE +Ġcl one +Ġwer en +Ġ" << +_ ac +Ġbreak ing +Ġreli able +.P OST +ĠSk y +Ġ' & +Ġsaved InstanceState +ast ing +ill ion +com ments +ult y +.m enu +/ config +Ġ ĊĊĊ +T ODO +Ġpurch ased +_c or +ĉ auto +Compat Activity +com plete +_ graph +is odes +Ġsitu ations +ĠH or +Re ceive +âĢľ We +Ġent ities +.assert Equals +оРº +ĠS ans +v ince +rom pt += Ċ +Ġ/ . +.Se lect +yl v +Ġb att +A udio +Ġincreasing ly +.B undle +Ġexpl ains +the ast +. offset +Ġh al +Ġtechn ique +_l imit +Ġdraw n +AY ER +Ġfeature d +yy yy +at in +ph en +ach el +! \ +l ower +ĠG R +Ġp ag +ĠP arse +Ġt ou +ä¸ Ģ +D istance +Index Path +Ġh ell +s im +UT TON +Us age +elen ium +ĠF all +Ġ" .$ +ĠM u +Ġcr uc +Ġs ont +REF IX +Ġinter ior +ĠO lymp +.Auto Scale +par a +Axis Alignment +Ġr iver +D to +Ġwith draw +Re act +- class +b efore +_ alloc +Cont ents +ĠW as +I CT +Ġform ula +Ġindic ates +ĠĠĠĠ ĊĊ +_st ore +it ting +ĠIt alian +_S et +_re port +Ġp id +_V ER +Ġw ins +ĠCl oud +") {Ċ +ch ester +Ġden ied +Ġw ird +ĠSte p +Ġinvest ors +b old +_d isplay +ou ver +or er +Res et +Ġsurg ery +Ġstrateg ies +/m aterial +_ unit +Ġc ouncil +.P er +ĠâĢ ŀ +Ġre form +F ramework +Ġlist ing +_b tn +Ġb is +% d +eg as +Ġsudden ly +_S ER +Ġa o +_d irectory +f as +Ġprem ium +Ġtrack ing +ĠB L +Ġm ature +Ġbath room +Ġ'/ ' +ĠÄ ij +Per formed +Ġsold iers +arn ings +Ġwalk ed +- con +b ottom +Ġsurpr ising +Ġg ene +Us uario +.DE FAULT +ĠM IT +C ODE +ĠE gypt +p icker +ys ql +AT URE +d etails +ĠCon ference +In formation +ĠM ail +-d own +r aries +b ro +Ġsubject s +Ġ' * +è¯ · +or ient +: @ +ver bose +E F +Ġto ler +eng ers +Ġend point +Ġstr ange +Ġcol on +Ġpre ferred +de p +ĠE V +ARR AY +Ġw he +Ġp up +_n odes +Ġtalk ed +Ġinstit ution +db c +Ġex posed +te en +ĠFr ont +T T +_N ONE +\/ \/ +pro gram +Ġencour age +. ` +sh ire +ĠIsl am +e en +N I +' " +.W idth +Ġlik ed +Ġ{ ... +ĠSystem s +Ġvot re +Ġmanufact uring +Con verter +ĠIn f +ì ļ +D TO +Ġin ches +Ġ ठ+à ¹ +ĠChar les +B U +")) ;ĊĊ +ĠL abor +un n +Ġest im +m obile +ĠL earn +_C ALL +â Ħ +Ġind ices +Ġt ub +ikip edia +C ost +row able +ë ¡ +g age +Ġfunction ality +uzz le +em os +.l ib +Ġd ass +еРº +enn a +Ġsh ots +Ġrest ore +/ D +For Key +], [ +al ias +l int +.st ream +æ ł +_FORM AT +Ġsil ver +.re pository +Ġlegis l +.B order +_fe atures +Per mission +Ġhous es +ĠW ars +_COM P +Ġinj uries +Ġconstant ly +fl utter +EN U +ĠCon f +Ġrecogn ized +Ġpract ical +Ġde cent +B J +] ); +ast y +ĠAct ivity +-m ode +Ġsl ide +.IsNullOr Empty +ĠY OU +P ower +ind ices +Ġqual ified +Ġthrow n +h ello +ĠN ick +l ah +as sembly +ĠSm all +old ing +Sh ould +ĠSil ver +(saved InstanceState +Ġtog gle +.N ot +C trl +: nil +ĠCont inue +ĠB oot +æ ī +ĠM ur +d on +ĠF A +S napshot +Ġassoci ation +fo x +, a +az ione +] )čĊ +CT YPE +Ġf ade +ĠD ar +.n avigation +Ġl uck +SC RI +ĠDe ad +Ġterm inal +_LE NGTH +Ġeff iciency +Ġun w +Ġn arrow +iment o +( Color +ĠSe a +_ area +, A +_ opt +ĠHill ary +.t ask +ĠJ ac +ast ed +ĠAd am +ĠIl legal +Ġsearch ing +Instance Of +J ava +ĠForm at +Ġreal ized +ĠChild ren +Ġk il +(f rame +âĢĿ .ĊĊ +Ġscen ario +"] );Ċ +Ġincred ible +li x +IO Exception +ĠQ uest +il ty +Ġun lock +â Ĥ¬ +Ġre ferences +ĠV ert +B inding +eg ative +Ġwr ap +.d atabase +( content +B uf +ĠTr ad +ĠA ud +tr ace +.m ock +Ġther apy +ĉ L +.To Int +ĠKing dom +B us +ha ust +"" "ĊĊ +( end +.draw able +[ ];Ċ +ĠH ospital +Ġph arm +---- - +ĠA G +é d +> ");Ċ +Ġw allet +at able +) $ +Ġmonth ly +Ġdi agnostic +S ymbol +Ġiter ator +un finished +Ġimm igration +s r +RO W +(g ame +Ġclo thes +ĠU nt +Ġactiv ation +_C on +.h ash +Ġinitial ly +.H ash +Ġcut s +f ound +ĠSt ory +ÑĨ и +ac ao +_T YP +pro to +est r +-p age +ah r +Ġincor rect +ĠJose ph +TextBox Column +_st yle +ĠD aniel +s heet +Ġl iv +l ined +Ġr a +R untime +_ empty +sl ug +_ struct +ë Ĭ +m u +Ġper mitted +Ġreg ional +Ġsob re +ĠS uch +Ġ[ _ +Ġro of +.Al ignment +t imes +.m sg +Ġche st +ĠT ab +Ġest a +ä n +Ġsubs cription +( command +s pecial +Ġme al +") :Ċ +_ ctx +Ġclos ely +et ry +- be +ad el +ĠR am +ig est +ĠSpan ish +Ġcommit ment +Ġw ake +* >( +P HP +_ { +ck er +< List +_n ull +ĠRes erved +Ġin her +.Column s +.A spNet +_IN VALID +ĠParam eter +Ġex pr +} { +Cell Style +Ġval uable +Ġfun ny +In v +Ġst able +* t +Ġp ill +pl iers +ĠC SS +ĠCon dition +ĠS peed +ublish er +Ġoff ensive +ce st +ic as +Ġsp ark +ĠPro te +set up +IF Y +ĠT ax +Wh o +F amily +- for +. uk +Ġf asc +sv g +") ). +Ġbirth day +âĸ Ī +ve h +el led +Ġimport s +ĠIsl amic +T A +ĠSt an +we ather +Ġsus pect +e ature +enn es +W M +.m inecraft +av id +è ½ +.se curity +in os +G ood +Ġm arch +Ġposs ess +us uario +Con s +am ber +ched uler +Ġhor se +ç ½ +(b ody +ĠTrans form +_de code +.s vg +Ġf oo +Ġd ella +ext ends +am er +Ġprocess ed +ĠH arr +ĠA I +Ġk o +CH AR +( % +Ġt ap +({ ' +c roll +D OM +Ġte a +Ġre in +Ġworld wide +_f n +sh a +Ġb ir +ç ões +="# "> +Ġrepresent ed +ill er +(ex pected +Ġd ance +Ġvisit ors +.con cat +-b it +UR RE +ĠR og +v p +ip h +ĠL LC +it led +iam i +C oll +_re al +_sh ow +_f older +Ġd ar +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +Ġl atter +arch y +Ġb ow +Ġout come +ĠPost ed +Ġris ks +ĠThere fore +Ġowners hip +Ġpar allel +Ġp ending +ge ometry +Ġrecogn ize +ST EM +ĠC P +Ġimm igr +IT LE +ĠĠĠĠ ĉĉ +conn ected +Ġsm ile +(d ocument +\ Component +vert ical +Ġconsum ption +Ġsh oes +. impl +un ks +. ";Ċ +Ġfood s +_ );Ċ +.assert True +Ġp ipeline +Ġcollection s +Ġearn ed +ĠC ert +Ġpartners hip +( action +Ġc d +ĠV ery +Option al +Ġscre ens +Ġtit les +ener ator +Ġab andon +k ind +IL TER +Ġclos ing +lic a +_ inter +Ġcamp us +set ting +S prite +ãģ ¯ +_re ply +To List +: \/\/ +ed e +Ġfol ks +Ġbo at +( argv +Ġperman ent +Ġcarry ing +Ġconserv ative +import ant +. img +ĠIm m +Ġdim ensions +al and +s ingle +Ex it +-------- -- +ari ant +tern al +Se conds +ĠIt aly +ot lin +.Res ume +=' " +) == +cept or +Ġs ca +/m ain +Sec urity +_d at +Ġlet s +Ġa qu +Ġwhen ever +b erry +Ġact ing +ant i +p d +& gt +æ Ń +Z one +T oday +! . +To Props +ab is +it able +Ġg al +] { +iz ona +Ġin contri +N ET +/// Ċ +[ in +_s ave +Ġex em +ĠK enn +Ġev olution +var s +_st ats +- only +ĠColor ado +Ġwatch ed +b our +Ġsever e +Ġprofession als +port ion +Ġguar ante +Ð ³ +Ġpush ed +ĠG i +ï ½ +Ġt um +ĠA z +ĠEdge Insets +")) ;čĊ +is se +. ac +Set ting +Ġapprec iate +ĠValue Error +Ġsur ve +ĠR ole +. Inter +plot lib +j et +d am +Ġplatform s +te le +UT O +ĠInt ernal ++ : +} ;čĊ +Gener al +\ Entity +Ġlawy er +qu iv +ĠPost s +is o +Ġacc um +ob e +Ġmark s +Ġ] ;ĊĊ +ĉ text +.s uccess +cur r +as a +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠ +Ġth in +_ over +are st +ĠO s +( address +Ġvel ocity +Ġ[] ;ĊĊ +=" ../../ +ĠPr iv +b ow +Ġguar antee +% ĊĊ +Ġeval uate +.LE NGTH +Ġin ventory +q a +_de bug +.On ClickListener +Ġl ies +Ġassess ment +dat etime +.background Color +Ġ*/ čĊčĊ +ra f +un wrap +ĠF oot +Ġnot ify +Ġlow est +DO CTYPE +Ġl anguages +ex tra +- back +Ġein en +tem plates +_p ass +ĠM ust +Ġest á +_c ore +ĠSc ot +A I +Ġb ias +ations hip +Con stant +Ġprogram ming +In s +uspend Layout +ĠPRO VID +ant es +Ġsh irt +in ated +. OK +[ a +Ġthink s +? ĊĊĊĊ +Ġregard less +ĠMag ic +ul ating +ĉ class +add Group +RE ATE +ĠS U +Ġsim pl +c opyright +Ġb unch +Ġun iverse +ĠE rr +Ġpresent ation +c ategories +Ġatt ach +.s ign +_A C +Ġdisc ipl +Ġregular ly +Ġprim arily +ink s +[ [ +.r and +.sh ould +ownt own +=" ' +Ġs ans +Ġsupport ers +se quence +G O +. .ĊĊ +ĠS pr +Ġcare fully +U IColor +dest roy +Ġtod os +ĠOR DER +ott ed +Ġd ont +aud i +_ player +g re +ĠO il +< body +_st ack +.P adding +ĠProduct s +Ġpriv ile +Ġinj ured +ĠF urther +Ġal ias +.Resume Layout +_LE N +Ġs es +'] ;ĊĊ +cre ens +Ġdirect ed +.S uspendLayout +od ge +.A t +mark s +ĠUn ivers +ert s +ĠE sc +Ġnav bar +Ġutil ity +agnost ics +Ġin ject +ĠD NA +Ġ" ," +am ar +Ġe u +Ġrestaur ants +_p ut +ut ers +Tool Strip +t w +ist ro +Ġz oom +Ġleg it +pec ific +ĠC ome +Ġlocal Storage +Ġabs or +.P anel +ĠDesign er +Ġo w +IC AL +_ uri +(f ield +Ġsup erv +Ex ists +Ġrespect ively +ĠSt and +Con f +uss ian +Ġar c +Ġ nd +uck s +Ġre str +Ġseason s +ĠCh apter +ĠSw itch +p ic +Ġh i +load ed +Ġfl uid +-b tn +Ġrun time +. it +B N +Op acity +as ant +ry ption +-n ative +Ġta ught +å ¯ +ag ment +Ġm ul +Reg istry +_ grid +ĠBro ok +: Set +Ġm ongoose +AM ES +inner HTML +Ġs oci +ĠInt el +get Id +C md +Ġaccess ible +r ames +le ton +Ġ__ ( +ĉ delete +ĠS quare +" ĊĊĊ +Ġbu cket +avor ite +ĠB reak +++ ] +Ġbr ush +Ġt ensor +/ http +T ile +Ġfunction al +Ġ" * +wh el +Ġt ent +ĠChar acter +Ġse es +. ST +B ig +Ġext ern +Url s +)) )), +ĠJ r +.B uilder +. ; +n l +_ Init +ĠH ER +ż e +mys qli +_ icon +v an +Ġfeel ings +Ġle an +Ġhop ing +T V +="čĊ +b est +all as +ent ed +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĊ +_con nection +Ġrep o +en abled +аРº +Ġsh a +Ġmembers hip +Status Code +in ating +_s m +_c ustom +_ weight +Ġc ss +St at +_ env +link s +TR L +ĠH it +, r +up id +Ġop ens +Ġg ent +_v is +Ġj oy +< w +_c ost +ĠPy Object +ren ce +ĠGeorg ia +ĠBro ad +m ma +â Ĥ +p f +Ġ" \" +Ġ( & +om o +Ġliter ally +Ī ĺ +met ric +Ġb ars +z ed +(w indow +ĠIsrael i +Ġform al +ident ifier +.d ao +ĠDe ath +% ;Ċ +Ġdecl are +ar ms +RE AM +PERT Y +Ġconsequ ences +to ols +Pe ople +ĠWh ich +> ();čĊ +.de code +_A CT +Button s +.f loat +.F irst +ë ¥ +ĠPol it +ĠX CT +T ags +ĠCG Float += str +Ġle af +- check +ĠI ss +.s ystem +log out +ach t +Ang le +s in +ch art +INT ER +ĠN UM +B asic +.P roperties +ä¸ Ń +_ change +ĠB razil +Ab stract +Ġ: +: +_ use +а л +ĠL y +IB UT +Ġout er +Ġ-- >čĊ +Ġrel ief +l ap +qu er +_p arent +he ap +LO SE +Ġcomb ine +ĠR ose +ow ers +Ġproced ures +ĠS ort +an im +var iant +eh icle +Ġsign ing +Pr imary +c urrency +Ġsex e +o en +th eta +em an +Ġimpress ive +(' _ +ĉ U +ĠText Style +_c nt +Ġs lice +(' : +Ġunderst ood +H is +Ġinform ed +Ġn ick +(T AG +h d +Ġelection s +est ure +ĠS anta +ĠCo ast +.p df +inc iple +.cl one +b orn +ut a +Ġl icensed +C r +Ġb read +ĠH ouston +Ġn od +Ġhop es +ĠCG Rect +Ġgu ilty +.g if +Ġro se +.Com mon +T ip +AN K +ĠF C +D uring +ĠSym fony +Ġdef ensive +k m +) > +arch ive +ĠU RI +ycl ing +- o +ĠWe bsite +AM P +ish ment +Ġdo ctors +D irect +AR I +ĠRed irect +ier en +_d ist +y o +ĠPro gress +Ġz um +Ġmem or +ĠE D +Ġj ur +æį ® +_T ABLE +Ġu uid +Ex pr +. head +(' % +point er +Ġest imate +ĠG reg +Ġlo ader +Ġi OS +Ġm ens +[ y +Ġref used +Ġprec ision +is ch +ĠA CTION +Cl oud +s With +( ret +_ADD R +_con f +(d f +Ġlock ed +Ġr ising +ãĥ» ãĥ» +ĠM s +Ġscen es +_EX T +_ raw +_ the +pe ople +Ġre con +ĠF un +Ġb less +ĠUp dated +ü n +ĠĠĠĠĠĠĠĠĠĠĠĠ čĊ +pe ction +Re lease +.log ger +ĠS Y +Ġcoun sel +ur d +_ true +Ġevery body +iv ot +Ġh ence +ĠN AS +Ġoppos ed +unk nown +ĠDES C +ĠCh air +fa iled +ĠIN CLUDING +Ġwrit ers +{ }Ċ +ÃŃ t +_c opy +} : +ĠB at +Ġconvert ed +ed ing +pl acement +ĠH ost +S ound +и м +Ġs ought +m id +Ġsal ary +og g +âĦ ¢ +b ul +Ġw ir +valid ator +_ST AT +.st ore +ĠB attle +ı n +Ġ-- >ĊĊ +Tr ump +d ot +ĠCON T +.f etch +Ġcontin u +w as +Ġfra ud +_t mp +mit ter +.p ictureBox +G A +Ġt ournament +. Input +[ r +ex ion +cent age +ĠKore an +und ef +ĠAv ailable +resh ape +Ġk it +ĠStr uct +ĠS UB +An swer +_l ib +.t witter +Ġo re +ĠDr agon +.Ex t +, k +Ġexplan ation +ref s +ĠDr ive +ĠTr aining +.H as +int age +b ig +olog ist +enn is +Ù ĩ +Ġch icken +ĠĠĠĠĠĠĠĠĠĠ Ċ +ç Ľ +ãģ § +Ġpe ak +Ġdrink ing +Ġen code +ĠNE W +m alloc +ĉf printf +Ġ= ================================================================ +in cluding +Ġprincip les +ĠM ah +st orage +- key +Ġkey word +% ; +Ġtr ained +.con trib +Ġk v +__ ':Ċ +ĠB oy +param eter +Ġsu ite +Ġthous and +Ġco ordinate +-g enerated +íķ ĺ +gener ated +Ġad mitted +Ġp ussy +# w +Ġsw im +un ion +N a +ĠRoy al +.ch annel +Up dated +_RO OT +Ġv ital +ra ction +ĠCrush er +Ġpre ced +Ġhor izontal +Blue print +Ġattr s +Ġsm oke +Ð Ĵ +. Equals +F B +ĠRes ources +roll ing +Ġpass es +ĠN um +rot ate +et ype +\ ", +Ġsens itive +Ġt all +? âĢĿĊĊ +Pro xy +i y +_ section +âĢĶâĢĶ âĢĶâĢĶ +br id +Ġcirc uit +at an +EN C +Ġdr iven +Ġvot ed +Ġeduc ational +Ġinter action +abet es +Ġt one +ĠInitialize Component +Ġmer ely +Ġì ŀ +co okie +_ div +ĠUIL abel +vel y +} );čĊ +_ ENT +#+ #+ +art icles +ĠSou thern +Ġstrong er +ĠG iven +ĠE ric +ĠI R +ab stract +U nder +n able +Ġincre ment +ov en +Ġco in +_t imer +Ġsuffer ed +ĠF REE +'] ." +ĠQue en +st ats +Ġmeet ings +Ġenter ing +Ġalong side +(s ession +it als +Ġfound ation +ĠC redit +. div +_ ALL +pc ion +_st at +ick ing +Default s +_s rc +Ġoutput s +/ B +Ġent hus +-b l +.Fore Color +ĉ temp +F ace +Ġinter act +Ġwe ird +M ount +re ll +ud ents +Ġrequire ment +ĠS us +I ER +Ġe lected +re ference +ĠM E +Ġserv ers +.w ait +Ġsnap shot +il ton +Ġtri es +Ġt ipo +.T ime +> w +Ġmount ain +Ġp ounds +Ġ[ ... +ex ists +Ġng On +_M AP +Ġf lying +xi ety +ĉ value +_D B +un o +Ġse ats +T URN +. author +! ) +or ce +Ġindic ated +.s in +Ġass ignment +im iento +ĠF rame +_g en +in ery +_ ) +m essages +.set tings +ĠMe an +ĠM useum +ir q +att ach +ĠPalest in +_ QU +_t ags +Ġcas ual +em en +ASS WORD +$ s +ĠC irc +оР¹ +et ric +/ P +Ġep och +< head +_C MD +Ġg it +Ġpen alty +or ph +_ users +ours es +.Date Time +atern ion +_pro ject +Ġsuper ior +ĠD am +ĠSe attle +X Y +> The +ĠA k +Ġgr ass +/* čĊ +(d is +Ġgun s +Ġt b +ĠK evin +. args +ĠA h +op ed +( J +column s +arg uments +ĠWith Events +_f ull +ĠDef ense +S imple +Ġdeath s +Ġext ensive +ĠSt ill +ĠEx pression +ĠAg ency +Ġperform ing +F X +Ġus uario +U AL +S ide +od os +apt op +Ġcred entials +_c ap +at ient +ĠDis ney +Ġa i +Ġch ip +Ġvol t +.make Text +%%%%%%%% %%%%%%%% +Ġbelie f +_LO C +ĠC ivil +N avigation +Ġreve al +Ġviol ent +ĠF il +Ġc atalog +em ed +sc an +. control +Ġconstit ution +C ountry +Separ ator +_A PP +top ic +uet ooth +M IN +Ġdes criptor +y t +ET HER +Ġdistrib ute +' }Ċ +.tr im +.L ine +Ġl bl +assert Equals +ĠD et +omb ok +( width +Ġt ort +ĠEXP RESS +ac o +Us ing +ĠBr and +w all +EM ENT +ĠComm unic +< uint +ĠG UI +EG IN +ĠR ange +/ i +ĠT aylor +c ost +Ġrespond ed +ĠTh eme +n ce +IS H +Ġfeat uring +Return s +ĠK r +Ġ .Ċ +Ġn am +_c b +Test ing +Ġ{ }, +y al +.f ield +Ġ/ = +_SH ORT +m ates +Test Case +ain less +Ġeval uation +_ ITEM +ĠPac ific +ĉ k +Ġc ant +ĠR os +) s +Ġf et +STR ING +ĠDis pose +g al +ĠJ oin +ĠP orn +ĠCath olic +AR GET +cp u +ç łģ +.sc roll +IS ING +ifest yle +anc ement +Ġm erc +ĠB rowser +eter min +Ġover flow +Av ailable +Ġbott le +: UI +ific ial +Ġco ord +clar ation +Ġcon j +G LOBAL +ok u +Ġk wargs +cond itions +ul um +Ġg enu +ĠH ero +å İ +Ġun expected +ĠDAM AGES +Ġk a +ĠC ould +UP PORT +ĠPh otos +Ġconf ident +Ġdet ected +de g +rg b +Ġstrong ly +Ġ} ;čĊ +Ġ) : +Ġle ct +urs ive +RO L +ĠWe ight +Ġent ertainment +Ġ) );Ċ +Ġg onna +Ġb b +.d o +G S +Ġmist ake +D L +ĠPROVID ED +ear ning +L imit +iss ions +[ v +ä¸ į +ir ty +D el +Ġunder lying +pre ne +Ġj aw +ĠD I +pe er +Ġobject ive +Ġde posit +Ġk on +Ġes p +.set Visibility +/ login +< typename +Ġfr anch +/ e +Par allel +Ġsc ored +ĠH on +ĠV ill +ig a +Ġant icip +_ assert +ĠO pt +Ġdescri bes +w an +m ount +Ġmonitor ing +Ġt out +ëĬ Ķ +}, { +................ ................ += int +Ġc ust +---- -- +Ġatmos phere +P AR +ort e +IS IBLE +ĠI ron +ĠNot ification +.log ging +ĠBO OL +-p oint +Ġaf raid +ent a +Ġtom orrow +@ implementation +Ġeng age +ĠAn th +ĠF loor +ĠU l +To ols +Ġb ab +Ġcare ful +ãģ Ħ +Ġcruc ial +Ġcalcul ated +ĠS A +Ġw y +D X +_T AG +ind ed +Ġj et +ĠEngine ering +.M AX +en z +v d +Ġpublic ation +Ġ## # +Ġfac ed +ra ham +ĠC apt +As set +ĠCon stants +Ġlo ans +_ IP +ĠF ish +Red uc +_m at +Date Format +_m e +[] [] +Ġintegr ity +ĠC ourse +lob als +Ġfac ilit +Ġem br +ĠN g +.S ystem +Ġmanufact urers +Ġpro ven +.on Create +Ġal arm +Ġ § +Ġcomm only +ic os +æĸ ° +ĠSt ation +} ). +ĠF ilm +w i +ç ī +Ġeng aged +St ats +Ġgovern ments +Ġafford able +_p roperty +Ġag es +(' -- +Ġf ör +ĠProf essor +Ġhy dro +P ush +Ġorgan ized +Ac cept +é m +_c ell +Ġn b +p b +Art icle +Ġrem oval +Ġauth entication +ĠF R +l ide +Ġple asure +ap ol +Ġpart ition +ĠS ide +Ġcr imes +Ġdem o +hold ers +ĠPak istan +In struction +Ġexpect ations +.sc ene +Ġ' ) +h es +ino is +_P ro +Ġm olec +and al +_sh ort +Ġdefault s +Ġn ations +in en +Ġr t +O CK +P acket +S B +ĠSH ALL +_cont ents +ise conds +vert y +á t +G uid +n om +Ġcon clusion +. Update +Ġlo vely +Ġem it +b ec +ĉĉĉĉ Ġ +Ġintel lect +Ġb rew +ec ycle +F ire +Ġad mit +Ġar bit +Ġarr ang +ĠM IN +M ail +ĠN ative +C ur +Ġcon vent +.R untime +" }Ċ +.R un +Ġprint ed +Ġconven ient +. ar +m ock +ĠAdmin istration +ãģ ¾ +Ġelect ron +fl ate +Ġl ombok +Ġjava fx +n h +Ġsup plies +Ġvisit ing +ah l +Ġpow der +Ġult imate +Ġorient ation +ut as +_s cale +Con firm +ph ones +ĠOper ation +/ T +_IN TER +Ġair port +Ġmet rics +Ġphen omen +a udio +Ġm ai +( K +h u +all ing +rodu ction +ĠTrans port +ĠNOT E +æĸ ĩ +Ġfew er +_T IM +ì § +к и +A ge +F IN +Ġì Ŀ +ĠAt tribute +group s +er k +at to +. define +.AspNet Core +ategor ia +ĠS ir +( form +< User +. round +_d ay +.A ll +Servlet Response +.N o +l arge +IG H +qu ent +Ġvir us +Ġret ro +Ġim per +Bit map +Ġv ice +Ġoff ense +ist e +ĠA UTH +Ġê ° +ToolStrip MenuItem +G u +Ġr ape +ĠDav is +Ġover whel +: flutter +- table +ĠCon structor +Pr ivate +e ven +ch r +Ġap plies +_at tribute +Ġcon tribute +E VER +L ines +ĠAf ghan +Vis itor +ĠS L +se ason +C U +Ġintrodu ction +Ġmat plotlib +Å ij +Ġnewsp aper +âĢĶ and +< tag +Ġin i +Ġd iverse +Ignore Case +ĠU r +Ag ent +Ġb ull +.em it +( Exception +ar Layout +Ġincred ibly +ĠTr ust +={ ( +- nav +Ġe quals +Ġl ady +ĠP od +d isc +al am +ĠI V +â Ļ +iv idual +ph i +add ed +Ġdifficult y +Ġcomp act +ĠAction Result +c ers +_class es +Non Null +Ġqu it +Ġp ou +S witch +ir s +- test +ĠK ind +ĠCal endar +Ġstream ing +} ', +S W +Ġst ead +oc a +Ġprov ince +Ġcol span +Ġperson nel +ĠE mployee +Ġprodu cer +Ġevery where +od b +Ð Ł +bs olute +act ivate +Ġgr inding +ĠBuild ing +ĠSand ers +(s c +ĠOff set +//////// //// +} ;čĊčĊ +({ " +Ġscan f +ĠY Y +ĉdef er +Ġj ew +Ġrestrict ions +.m p +[ l +ä¸ ĭ +label s +red icate +aw esome +Ġw aves +Ġcon front +Ġmeas ured +Ġdat as +_ex it +ot ton +Ġshould er +ask a ++ # +ĠĠĠĠĠĠĠĠĊ ĠĠĠĠĠĠĠĠĊ +Ġtro ops +ĠU nd +_c ard +w ich +Ġn ous +Ġ"/ " +s b +Ġcommunic ations +Ex port +Ġdec ode +th s +inter pret +By Name +ĠSp irit +ed ges +O LE +ĠE M +t it +ĠTh rough +Ġb io +ĠP ackage +or ne +Ġ} . +` ;Ċ +Ġok ay +ĠZe aland +ident ity +(n ext +ĠB ang +Lib rary +Ġheav ily +il on +Ġdi pl +Ġrot ate +put s +) ',Ċ +ĠData Table +Ġmay or +.to LowerCase +Ġsome how +ĠNor thern +al c +Ġcap abilities +Ġv ibr ++ Ċ +ĠS u +ĠRes et +_m ean +Ġc ig +.cl oud +ĠB and +ĠF actory +ĠAr izona +_ io +op her +Ġconsc ious +Ġà ¶ +\ Controllers +_s peed +ĠF ac +_C om +ĠB ible +w en +ED IT +Ġun n +ĠSt aff +ĠIn n +Ġmechan ism +ĠM embers +Ġmigration Builder +'] .' +.get Int +< void +ĉf ree +oid s +\ Support +Ġautom atic +Ġch ances +Ð ¶ +Ġcomp licated +[ row +ah oo +Ġ}ĊĊ ĊĊ +Model s +W in +Ġt ape +ir us +iz on +on omy +(" _ +: . +.st ereotype +( env +_re ct +(w ith +Ġassert That +Ġcon straints +put y +E mployee +T D +Ġgu itar +ĠJew s +.pro cess +Ġf iction +ĠSh ared +âĶĢ âĶĢ +Ġprop ag +.N et +Ġachie ved +ĉ Q +Ġn urs +Sh ared +_FAIL URE +Ġbeh aviour +Ġcol s +ism o +Ġfem in +Ġchalleng ing +Ġpost ing +enc il +Ġcapt ured +ĠD ou +( word +ĠTur key +pan ies +Ġre putation +ORM AL +Ġelig ible +prot ocol +id as +(f rom +Ġfin ance +- per +Ġg otten +H A +d uration +ĠP arent +Ġin vent +Ġre start +ол ÑĮ +r ition +(r s +< bool +i ert +Ġmod ification +ĠT X +readcr umb +b ank +$ / +ĠMill er +] ),Ċ +.Check ed +Ġsac r +se curity +Ġp ose +ĠBr ad +Ġfit ness +Ġannounc ement +ation Token +Ġserv es +ne ed +Ġge ometry +AR S +æ Ģ +andid ate +Ġs prite +_s plit +We ek +ad ies +> (Ċ +?> " +Ġ/// Ċ +Ġein er +Ġweek ly +ĉlog ger +_p op +_m an +Ġmigr ations +Ġask s +Ġb s +Ġfall s +.W here +- height +_fe ature +.M in +Ġhy per +Ġvol atile +Ġtw enty +Typ ography +Un able +D et +, f +-m od +Ġsett lement +Ġcontract s +n ome +B ad +ĠB rian +(user name +!! !! +Ġh ack +.F ield +H R +ĠJ ordan +iz a +Ġ ł +ĠSh er +. header +( other +ĠD ub +( op +ĠR ound +Ġv ie +Ġap pl +ĉ J +ĠIn sert +ĠL P +reg on +ĠM PI +Ġan chor +ac a +ø r +Ġa de +anch or +que e +ĠTree Node +Ġtarget ed +Ġla id +AB EL +v et +ĠOr igin +A nt +. ');Ċ +ex pect +ed Reader +ĠM ajor +Ġin ch +Com par +Ġpre view +Ġill ness +ĠCONTR ACT +ĠInd epend +u uid +Ġn ome +Ġt c +ĠA venue +is an +Ġph rase +_m ove +") [ +Ġprov ision +Ġconcent r +_ IR +ĠU t +() + +Ġn as +! , +ĠRob in +i ations +at itude +Ġp x +ĠWith out +/b ash +ek t +re ement +Ob server +ĠReg ion +UBL IC +Ġ{ // +K N +å · +Game Object +å ¾ +enc oding +Ġ** * +project s +Ġt k +Ġche ese +EM PL +ar o +Ġا ÙĦ +Ġcons ists +ref resh +ure au +ĠSc anner +Ġso il +Ġfl avor +Data Source +Ex ecute +ени е +Ġsh it +åĪ Ĩ +< any +Ġretrie ve +Ġbelong s +.st rip +abs olute +Ġexp anded +bo y +): - +Ġresc ue +.J Label +Ġre ly +Ġal ignment +-f amily +Ġre nd +OLUM N +Ġb orrow +Ġqu otes +ĠL ew +Ġsh ower +ĠDE LETE +_lo op +! "ĊĊ +ĉ re +Ġattempt ed +aver age +ĠP aint +quis ition +ol en +Ġliter ature +ĠRe ference +_TEXT URE +ĠS eg +ĠInd ust +ct ype +D UCT +_H OST +ĠTr ade +Ġpl ugins +Ġbre ast +ul se +Ġcreat ure +ãģ Ļ +ĠW i +Ġsup plied +c oll +! (" +Ġfuck ing +ĠCh rome +ĠU ri +ĠN ation +Ġvert ices +T HE +ĠOr iginal +on de +Ġsh arp +Ġcook ing +Ġ{ /* +ĠPs ych +ĠH ollywood +=$ _ +.D ock +Ġg er +Ġb one +_con n +_se c +ys ics +Ġ= " +S al +s f +Ġdeep ly +ang les +T erm +b ell +ĠQu ick +ener ation +adio Button +åħ ¥ +}čĊčĊ čĊ +Ġcapt ion +l c +ĠE L +, [ +ĠĠĠĠĠĠ čĊ +ret t +(m ethod +ĠFl ash +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +W ISE +.s cale +Ġrough ly +_ child +m emory +ay ing +Ġinitial ized +in ator +а ÑĢ +Ġsc alar +ĠH o +ai res +(c olumn +.de stroy +P ACK +Ġh em +ang el +_S UB +. qu +Ġ × +DE FAULT +pos itories +ĠL ength +ĠF ast +Ġsign als +Ġ// $ +ri ers +Ġd ummy +AN Y +Ġperson ality +Ġa gricult +Pl atform +ER O +ĠT ra +Ġen orm +ĉ W +Action Result +Ġa ver +[ str +Ġ' -- +.S printf +Ġdeb ut +Ġ Ñĩ +h ex +_ utils +Ġp b +U ITableView +Ġz ur +. encode +Ġv ag +.error s +о н +Ġm r +ĠA ward +Ġc pu +Ġpress ed +' est +ĠF estival +' T +Ġa k +res olve +.m e +Ġn ic +Ġgen re +Ġat trib +ĠMo on +Ġarr ive +ĠD ating +Ġt m +.Config uration +. red +Ġgl m +Ġst ations +sw itch +Ġt ied +äº º +Ġ/ >Ċ +Ġsubsequ ent +pos able +-fl uid +Ġth orough +Ġpublic ly +apt ers +ĠWil son +_P RE +y ard +ä ¼ +ĉ in +Ġre vers +Ġbul let +cri bed +nes ota +Ġ($ _ +ann on +c ursor +Ġclo thing +ĠM ulti +: ', +Ġv ess +ordin ator +Ġein em +C annot +Ġar med +ĉ V +ä¸ Ĭ +.F lat +ĠS ep +ĠSub ject +_f ont +Ġcharacter istics +D one +el n +######## #### +PO S +Ġd ensity +ĠPl atform +- items +Ġo vers +Ġpush ing +ç ¤ +.Con nection +_ term +Ġinitial ization +________________ ________________ +ç ¬ +.d ocument +les h +ĉd ocument +ĠP in +ç a +Ġdefinition s +.P ath +_W RITE +Ġ ĉĊ +? >ĊĊ +Ġter rible +be an +ick ets +ĠS V +B uy +(t ask +Ġreg ime +g oogle +Ġcr ack +.vis it +N UM +ener gy +Ġstr uck +_s ample +.p ayload +Ġre vis +ĠSc ene +Ġp g +Ġbreak fast +URRE NT +.char At +_ex ception +ĠAnt on +Ġguid elines +Ġex haust +ĠFin ancial +Ġind ent +Ġdes ktop +H idden +F ailure +Ġpr inciple +Ġ iv +Ġse ks +n etwork +Ġnumber Of +ĠAl bert +ĉ long +, . +Ġz eros +f ade +ĠT yp +ĠT erm +ĠAr ts +.App lication +Ġbeh alf +æĪ · +Ġm ere +(` ${ +Ġaware ness +elp ers +f lix +Ġwe igh +Ġestim ates +. child +/ O +ĠBit map +.b ottom +Ġ************************************************************************ ** +Ex pect +ent o +ĠFor um +ver al +Ġj ail +Ġab ilities +ĠH OLD +ĠC it +Ġd ynam +Ġgr ay +ĉĉĉĉĉĉĉĉ ĉĉĉĉĉ +.next Int +ant ly +ĠAR ISING +( private +Ġreject ed +ĠN ic +Ġle ather += {Ċ +aly tics +th etic +.T op +.P age +={ ` +Ġ ;čĊ +de pth +m ann +W D +ĠS om +.R ight +Ġ) }Ċ +Ġtr ait +Ã Ĺ +i ac +Ġr v +S ample +.X ml +opp ed +ĠÑ Ħ +list s +Ġt ear +ivers ary +.c ollection +ĠCon stitution +ĠHttp Response +Ġbr ill +ĠP rom +h over +ĠM iami +Ġarg ue +_f loat +Ġ ãĤ +Ġn at +ĠT al +Ġinteg ration +(c ur +Ġrem oving +Ġco eff +ĠTh ough +Ġfore cast +ĠV egas +S ite +Ġtr ab +ĠHen ry +- i +Ġinvol ves +B T +Ġs lo +In voke +Ġl ucky +r at +Ġ? Ċ +Ġhand led +(f d +cont ents +ĠO FF +R F +Ġst y +ĠM otor +ter y +t ax +M AP +ĠMr s +Ġph ones +ĠUI View +")) );Ċ +( dev +ĠIr ish +Ġw s +D I +_OFF SET +ĠEvent s +Ġst ages +Ġ} // +Ġhab en +ST ANCE +ĠS in +ĠM oney +(t op +Ġappoint ment +VER SION +met adata +_com ment +Ġcolle agues +map s +â ĺ +Ċ ĉĊ +( al +_re q +Ġf ut +Ġarchitect ure +ĠWH ETHER +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +_s creen +Ġstyle Urls +Ġmon ster +. up +ph ia +Ġprocess or +ĠT err += ', +ĠMan ufact +ĠN T +k el +ib ern +ĉf ile +A li +rient ation +Ġ// ! +ap ore +ane ous +ĠC reat +f older +Ġh ay +Sup press +( left +Ġe uro +Ġdis claimer +ustr y +sh ips +_f d +ĠF a +_in sert +Ġro l +if ting +ĠCom ments +_b r +Ġloss es +ĠAdd ed +ch arg +Ġп о +_s ystem +ĠS ometimes +ĠSp ain +(g roup +ial is +Ġdoll ar +ĠAr gs +qu ires +ĠT en +.s css +Ġsurv ive +us age +Ġj un +im iter +ï¼ģ ĊĊ +Ġfif th +t oggle +Ġdecl ine +($ " +(L ong +ing e +Ġpil ot +-l ight +-r adius +Ġpod cast +Ġnatur ally +P ages +ä¸ º +ĠDes pite +Ġlight ing +Ġcr ate +ĠB inary +Ġredu cing +Ġe leg +ĠM ouse +ĠTest Bed +Ġbefore Each +_ ARRAY +Red irect +Ġf lood +Ġsh ips +Ġelectric ity +)* ( +ê ¸ +ĠV iet +her o +Ġd ia +ĠK ent +he art +Ġthreat s +_ acc +Ġs ymbols +is chen +_in st +C riterion +ĠT IM +. Height +Ġ âĢĻ +();ĊĊ Ċ +Product s +_S P +ĠC y +Ġdepend ent +est e +Ġdat os +d it +аР² +IGN AL +Ġless on +"> ' +ĠC over +ĠH ope +ĠT imer +Ġd ad +vid ers +ĠPh ot +/ ? +rop y +om ing +as ion +Ġ\ ( +ĠE T +ĠRe ading +Ġep isodes +l m +ech a +Ġne uro +Ġhar mon +Ġlib eral +- ind +D ATA +Ġevery day +Ġdiv ided +ĠActive Record +fig ure +U A +ä ¹ +riend ly +te ch +.game Object +иÑĤ ÑĮ +Ġmo on +ft ime +Ġno ch +ĠT ORT +ĠV M +.in itial +( child +Ġmus ical +Ġo c +b as +ĠH ay +_l ong +Ġmem set +ile y +adel phia +S V +ro at +_t x +Ġl on +ĠngOn Init +b p +ĠGold en +AC HE +Ġwor ried +az i +E ar +T ake +(f p +bur gh +_ Data +g res +ĠO nt +p us +Ġtrans parent +Ġp ocket +Ġr am +igr ations +. čĊčĊ +Ġ[ ( +Ġadopt ed +Ġreported ly +ĠD ream +Ġ} ));Ċ +los ing +Ġte eth +ĠBook s +", & +enn y +LE MENT +Ġg el +ĠPl ant +! âĢĿ +.h ost +ĠRep ly +re ngth +Ġrecogn ition +Ġ}} >Ċ +L A +Ġmir ror +Ġassist ant +( device +Ġspirit ual +b uilder + § +Ġou tr +Ġt t +ĠP ER +Ġrad ical +Method s +Ġp ace +ud y +Ġg ut +ĠG reek +Ġnon atomic +ĠP aper +_G PIO +Ġob st +.A d +viron ments +ĠS ov +( con +ĠTrans action +. assign +ĉc atch +el ter +Ġbit coin +_G R +ĠčĊ +met ic +Ġtrans formation +åı · +Ġr gb +istrib utions +Ġimp licit +/ in +dest ination +аÑĤ ÑĮ +Z ero +Ġun set +. where +.g o +Ġform ation +Ġdeclar ation +() čĊčĊ +ĠEx pl +ĉĉĉ ĠĠ +/ pro +.J SON +Ġdes k +.sub str +//---------------------------------------------------------------- ------------ +ly n +p son +dis able +ĠF unc +ĉ Assert +ĠM ARK +Ġdefe at +Ġbl ind +Ġconst ants +. headers +UIL D +Ġexp enses +P ixel +Ġh r +Ġf el +ĠEast ern +_d el +ĠC ub +Ġs q +ĉc ount +ĠD irectory +Ġex clus +Ġhistor ic +Ġ ------------------------------------------------ +Ġcom position +Ġdata GridView +ĠB urn +ĠB C +M aster +Ġsp awn +Ġbe aring +.Set Active +il o +Ġg allery +Ġfound ed +Ġav ailability +.s qrt +Ġp es +ĠD OM +m ate +O ct +Ġmatch ed +it ivity +Ġan xiety +.pr ice +ĠIn stant +ì Ĭ +Ġt ut +IC ollection +.sh ared +_s ql +t bl +lib rary +_de stroy +erm al +ĠNot es +ĠE in +Ġsou thern +ĠOTHER WISE +Ġmac ro +.l ower +cl s +Content View +.l ink +const ant +ĠB es +Ġsome body +n b +"> { +( local +.. ... +ĠN ull +m x +Ġà § +Ġp ause +-------- --- +_M O +ĠC M +Ġfor Key +ĠD VD +Ġclose st +_DE VICE +ĠSte phen +ĠB BC +ĠTr avel +P aint +ĠResult s +ĠR ule +Ġt p +Ġrat ings +c in +c sv +> / +ĠG OP +l ad +Ġ ÑĢ +Ġindex Path +m atrix += f +ars ed +Ġ} ); +ĠC os +ĠS core +Ġt ak +ĠE SP +ĠIN C +_N ULL +-f lex +"] [ +int o +el and +Author ization +_F ALSE +Ġg ate +Ġv id +ist ent +T IME +Ġre write +Ġt ie +Ġarch ive +.event s +.get Parameter +ĠPer mission +Ġprogram me +Ġ é +j ud +Ġcam eras +(s ys +ĠSy rian +Ġimpro vements +Ġh ip +Ġsu icide +Ġsch olar +Ġcompat ible +rem ote +.d own +F UNCTION +Ġman aging +ĠUI Kit +. raw +>> >> +Ġdem ands +ell ite +Ġd ent +ĠM icro +åı ĸ +'] [$ +ĠI E +im ension +Ġt rem +Ġg ained +.w ith +. ok +h ou +Ġb om +amp aign +Ġjoin ing +f ish +Ġadd Subview +Ġnor thern +.c or +ore t +D ie +in ish +_com p +Ġatt ended +Ġcoll apse +ĠS S +ac ent +_E QUAL +ĠDe ep +R GB +ĉ test +ol ves +us et +Un ityEngine +w riter +Res olver +, % +if ference +_re move +ond a +Ġfem me +de code +Br anch +Ġfl ush +Ġinnov ative +Test s +Ġ[' ./ +Ġcover ing +. admin +ultip art +(l ambda + namespace +ĠS port +Ġ! ( +ac les +Ġde pression +ĠK ong +Ġp ert +ĠCon n +ĠOther wise +/ home +s upported +Ġp ink +Ġinv ited +ñ os +_en abled +Ġ- Ċ +F W +en ers +ĠM Y +Ġsuggest ions +Can vas +Ġf er +ĠMarket ing +@ Test +unt u +ĠV en +ĠC ou +iv als +Don ald +lim ited +ĉĉĉĉĉĉ Ċ +Ġanal yst +( entry +Ġrepresent ative +_at tributes +Ġf ur +.h ide +res p +ado res +rid es +ĠJ osh +ro bot +ĠN AT +Ġs esso +Ġintegr ated +: true +part s +Ġst upid +: event +@end section +Ġp u +.T able +ĠY ii +` ;ĊĊ +Ġcl ang +=" "> +eng an +_param eters +.int ernal +ĠMod ern +Ġmet ric +Ġsem i +={ {Ċ +.am azon +ĠB B +aint y +view port +Ġstart Activity +dis patch +**** * +Ġfl av +iffer ent +[ this +Ġst ake +Ġarg ued +vious ly +.w ork +ĠO ak +O ld +( async +not es +Ġfl ip +Ġdis ag +ĠT E +ĉ error +< ' +Ġ» ĊĊ +Ġfilter ed +ĠM ach +Ġh ung +_d ump +_s amples +-dis miss +Ġr ay +Im plemented +D K +Ġj ed +Ġbreak s +Ġf its +. gr +ĠZ ero +or o +Ġequ ally +Ġ' [ +Ġconcern ing +< meta +play ers +_P OS +_s im +J an +Ġyour s +ĉ N +Ġsp ir +Ġch ampion +ĠAn alysis +ap a +ĠNS Log +_l ines +ñ a +ĉĉ ĠĠĠĠĠĠĠ +.S c +Re p +etro it +ur able +M IT +com pat +own ed +_ind ices +], čĊ +Ġdis covery +ĠDie go +ob i +. Index +Ġtrend s +PL AY +.n o +Ġl ens +_c fg +Ġan no +ag an +Ġperiod s +ter ms +y z +Ġattack ed +ib ration +PEC IAL +_ grad +Ġaccord ance +.Read Line +.de vice +ri x +. container +m ay +erc ise +ĠL u +Ġr g +ĠÑģ ÑĤ +ĉĉĊ ĉĉĊ +( un +TERN AL +Ġless ons +Ġalleg ations +Ġtrans mission +.Re f +M obile +ĠT ournament +ĠN ut +ĠG a +ĠCap ital +def inition +- exp +c lean +Ġfant asy +Ġenh ance +ent ence +'] :Ċ +ack ets +Ġcelebr ate +@ ", +Serialize Field +Ġarray s +t b +ĉ st +[ assembly +( reg +.c ategory +Ġimpro ving +Ġsal ope +Byte Array +Or iginal +Ġ[ {Ċ +åĽ ŀ +ĠCl in +oen ix +ĠS amsung +Ġmaint ained +Ġag enda +f ail +Ġpres ents +Ġtim ing +.m ark +' >< +Ġprom ot +Ġin cl +_ only +ë¥ ¼ +ĠAtt orney +- date +Ġlands cape +Ġf u +S Y +.p rop +ĠA rr +p ag +Parallel Group +': čĊ +Ġlog s +a unch +unc i +n ama +Table Cell +iss ues +. { +ec urity +_ex ec +old s +Ġhost s +Ġpro to +_ import +_s ort +ĠB ow +ĠN ormal +ĠF arm +.create ParallelGroup +R otation +. err +Ġp leased +it age +.W h +ĉĉ ĠĠĠĠ +M R +ĠM ORE +ĠN atural +_ transform +B ASE +ener al +ut down +.common s +W T +Ġa an +. Result +d og +Ġclick ing +), ĊĊ +# line +Oper ator +Ġc iv +Ġm erg +ob uf +ng then +Ġ[ { +Ġcan cell +tr igger +. : +W ORK +decl are +Ġdecre ase +ÅĽ ci +lo om +.N one +ĠM I +ĠJ ason +Ġhealth care +iam ond +s ylvania +* x +ĠR a +[ b +Ġprint ing +ph abet +ĠLab our +op per +Ġz ijn +-t arget +_F UNCTION +Ġo ct +ени Ñı +åľ ¨ +Ġwest ern +Ġcomput ers +ĠR ET +Hash Map +[ String +get Value +_D ATE +.N ext +ĠF if +é l +ick ed +æ İ +-M M +Ġ{ ĊĊĊ +Ġcontact s +Ġdig its +Pro du +Ġunus ual +Ġrapid ly +t ures +Ġang ry +c ancel +xx xx +_p arser +id ity +_P REFIX +Ġme hr +Ġrare ly +et he +op es +Ġ% . +work s +Ġthe ta +Ġcontrib ution +ĠT ony +Ġsqu ad +аР¹ +Ġî n +th ere +out ed +ĉ q +Ļ Ĥ +g ood +L I +é¡ µ +ĠL iving +iz abeth +Ġk t +ĠD allas +] ],Ċ +Ġ/ >ĊĊ +Ġrais ing +/r outer +_g ame +ĠC UR +z ens +. es +Ġfont Weight +(f unc +not ification +Ġ'../../ ../ +Ġbl ame +ãĢĤ ĊĊĊĊ +an co +Id entity +f ollow +Ġart s +x s +Ġofficial ly +ĠSt udio +Ġrecommend ations +Ġloc ale +Ġam ateur +ĠEn able +Ġcap s +. End +- add +_g shared +ĠC T +For ce +Ċ ĠĠĠĠĠĠĠĠĠĠĠĠĊ +Ġor ange +Ġl p +Ġanswer ed +.G rid +Ġd ual +Ġstrateg ic +Ġnob ody +Ġf atal +_ est +( el +Ġì ł +ĠB udd +A IT +_f actor +- one +ĠH AVE +" čĊčĊ +Pro f +Ġä r +str ings +Ġdir ty +ĠF ace +ĠB egin +ĠB us +Ġw is +åŃ Ĺ +Ġspe aker +Ġcar rier +ĠO m +Ġhad n +All ow +:: __ +Ġver b +ĠCom plete +ĠE asy +Ġb ills +ĠĠ ĊĊ +Vert ical +Ġpr on +ĠDef ine +Ġlook up +variable s +Ġpand as +um es +Ġinn oc +Ġset Up +ĠCh ampionship +art ist +ĠC Type +F oundation +à¹ Ī +ĠSet up +Ġrec ipes +ĠU IColor +ĠF ight +Ġauthor ized +_c lick +_s uccess +ang an +ĠMount ain +ĠDo ctor +Ġeg g +ĠMedic ine +c les +` .Ċ +[ int +d ashboard +ĠApp ro +-d r +Ġprodu ces +Ġrent al +Ġre load +Ġarr ival +sp ot +Ġund ert +Ġequ ipped +Ġpro ved +Ġcent ers +Ġdef ines +al so +Ġop acity +ĠUn fortunately +ĠIll inois +Ġн е +ĠTem ple +ĠTr ail +ĠK elly +Ġmeasure ment +Ġsepar ated +-c ircle +H ey +ĠRE AD +ig its +Ġ ib +ĠM OD +atter y +аР· +Ġv end +ен ÑĤ +ĠHttp Client +s afe +_A SS +ic it +ĠCon struct +ĠC lo +ĠS ix +_T OKEN +(b lock +Ġwarn ed +/* ! +! Ċ +Ġinnov ation +_ " +Ġ );čĊčĊ +Ġsp ots +Ġcho osing +.c s +Ġflex ible +U Int +Ġscr atch +- al +Ġf estival +Ġout standing +================================ ================ +M ean +ĠO regon +s ymbol +. account +d ney +'' ' +! ", +Ġpart icle +à ĥ +[ MAX +IV ER +ER ENCE +NS Mutable +ĠColum bia +_ ĊĊ +.f r +Ġc ogn +V R +ĠMethod s +ĠM ade +ĠB R +ĠEl se +Ġeg gs +Ġsw ing +ĠIn v +Ġdise ases +Ġf irms +Ġle mma +}` );Ċ +l ings +Ġg ym +umin um +.T rim +M em +Ġcritic ism +ibern ate +_T X +ion i +Ġguid ance +Ġrepeated ly +Ġsup plier +Ġpaint ing +.F ragment +ed Exception +Ġw iring +Ġcour ts +W EB +æľ ī +\ . +ill ance +Ġb rows +ĠP attern +PL ICATION +ĠSum mer +Ch ain +Ġc ute +mer cial +Ġd il +ĠFrank lin +ĉg lobal +IN CLUDING +h istory +Ġl st +Q t +SD L +al ia +i ere +( ... +ĉc in +iff s +vel ope +ĠR oot +cl uster +User Name +ign e +< S +Ġf est +Ġindic ating +ke eper +Ġc ada +é g +cons in +ĠG B +Ġl b +em ony +-icon s +_d oc +Act or +e lem +.De lete +Ġin fection +ĠPriv acy +Ġgreat ly +ĠP os +ĠT reat +Fl ow +Ġattract ive +ĠMar c +s udo +tes y +- an +ab ama +ĠW ould +Ġsu ck +index Path +ĠE t +T imes +Ġclub s +_ass oc +Ġac quired +(" : +Ġint ense +.m aps +Ex pected +T oggle +Ġa y +Ġl ifestyle +-c alled +ĠS now +V olume +Ġcann abis +ĠD irection +ĠLim ited +-s pecific +Ġd owntown +/ icons +Ġre ven +L eg += null +Key board +') ). +Ġ"" ;čĊ +Ġatt itude +.n avigate +- error +AM PLE +ĠJ ay +v r +c ow +.com pile +Ġmem ories +_m ark +ĠMin nesota +Ġk osten +Ġprob ability +w arning +Ġgen etic +F ixture +ĠHash Set +N ombre +_m onth +Æ ° +- start +xy gen +ĉ ft +i agnostics +ĠMat thew +Ġconcept s +Ġcon str +. State +и н +N ov +Î ± +ĠP anel +ä¸ ª +com pare +> ()Ċ +Ġapply ing +Ġprom ised +Ġo x +nc ia +ĠValid ation +ort s +_c ur +e lect +ey e +( Data +Ġreport er +ĠB uff +Ġs r +Ġ" ; +ick y +Ġtemp or +S N +Ġres ident +pi res +ys ical +Ġend orse +ĠS ong +is Empty +le et +_ util +Ġdist ingu +ĠT alk +ĠM ot +( default +.A rg +gorith ms +_ words +im mer +_res et +f amily +W W +Ġsav ings +ĠâĢ Ŀ +_en able +side bar +Run ning +Ġal i +Ġtest im +Ġwarn ings +ĠCh em +ĠEx it +Ġfound er +pect or +Ġr m +_d ataset +ĠD as +Ġh an +Get ty +á l +Ġn y +Ġpo verty +Ġresult ed +.b y +ĠVis it +Ġobt aining +/ '.$ +ĠĠĠĠĠĠĠĠĠĠĠ Ċ +sh all +_LE FT +UI Image +_ Name +h ave +ĠN ob +l r +- footer +Ġn aked +ĠG arden +\F acades +Ġgrad uate +Ġfranch ise +pl ane +Ġcontrib utions +Ġstring With +Ġc rypto +Ġmov ements +ath ers +Ġlif etime +Ġcommunic ate +j ar +ĠFr agment +_ IF +ĠN avy +ĠF igure +Ġsim ulation +_st op +Ġreport ers +Ġvers us +aj a +ĠÎ ± +Ġgovern or +List Item +Ġse aled +.Back ground +ed i +ash ing +Ġl ip +ĠI h +mer ge +Ġn ec +el ocity +ATE G +Ġse eds +Ġflo ating +_F A +w alk +ĉ user +_de pth +Ġw age +@ app +N il +( [" +( vector +Ġsecret ary +Ġj Panel +ve z +³³ ³³ +d irection +ĠE P +Ġh unt +Json Property +ĠP ORT +] ", +аР¿ +ĠFore ign +pan ic +Ġtri als +ĠA le +Ġr ural +- value +author ized +ĠScot land +.d rop +ĠM T +ç ± +row th +File Path +Ġrec all +if le +Ġc el +ĠSE LECT +k n +_c ase +Ġc rop +s ure +p ot +IC S +Ġst em +Ġindust ries +P ut +Ġa ber +road cast +Icon s +) ")Ċ +æĪIJ åĬŁ +g ui +Ġassum ed +Ġr x +E A +è § +EL L +Ġdo se +Ġin e +Ġde eper +l ider +Ġord inary +Ġg olf +_IM AGE +ĠN AME +(m odule +Ġat om +Ġbel t +Ġoff ices +b eta +Ġphilosoph y +( JSON +-f ield +Ġintrodu ce +Ġconven ience +opt im +> "Ċ +ath y +Ġemploy er +qu ate +Ġed ited +Arg uments +ĠN ations +__ ) +Ġno se +ĠS ample +' )ĊĊĊ +Ġc ake +.get Attribute +H D +Mod ified +Ġpredict ed +Å Ħ +an ie +S orry +(d oc +w ind +ie ve +Ġprov isions +AT ER +OT E +M Y +.A utowired +ĠB ath +. Boolean +Ġback end +.M ouse +ater al +p aper +Con st +ĠV R +_ entity +_C TRL +ĠProte ction +ĠG M +ĠStud y +Ġsou p +ot ime +' use +] " +/ users +a ug +ĠH ong +_n orm +ãģ ¨ +Ġse cre +(B uild +ĠCon tract +ol as +Ġsa uce +Ġaggress ive +Ġrac ial +char acter +@ @ +Ġcomp ile +ĠV oid +_re m +_m emory +k k +Ġm ic +S ame +U tility +ĠH tml +ĠX ml +Read y +Ġg all +Ġalleged ly +ĉĉĉĉ ĠĠĠ +ĠMet al +ĠPerson al +Ġborder Radius +rx js +object s +Ġwant ing +Ġb owl +v endor +offset of +ĠR s +ĠR ating +Ġr ally +_N ODE +ĠM ix +Ġadvert is +Ġnarr ative +s al +Ġm c +SE rror +Ġf ingers +Ġaccom pany +Ġt ired +Ġstr ide +Ġgu i +el ist +Loc ale +Ġrele ases +ik ing +Ġan ger +)) )ĊĊ +alle st +Sum mary +( O +(f or +Ġbasket ball +Ġroad s +ĠInst all +ĠF ab +it map +Ġ) )Ċ +Ġinter section +ighb or +ĠB ry +ĠHER E +So ftware +elf are +ac s +Ġtrail er +.get Class +ch ars +Ġreg ulation +Ġref ers +Ġde struction +Ġcontin uous +ĠAust in +é ¢ +ak an +.w indow +ĠTem plates +Ġabs ence +: n +Ġdis order +fl ash +Ġde let +bo ards +ĠĠ ĉ +RO P +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +Ġac qu +Ġlaws uit +ĠRe views +Ġgar age +t imer +Ġe j +ĠRect angle +Ġflow ers +il st +ĠIn stance +S uper +d et +dis posing +ĠE S +ĠI C +ver e +S k +_ch annels +put ed +/ null +nn en +ĠG allery +_g lobal +Auth entication +ĠR ank +Ġblock ed +Ġcal m +mark et +ĉ val +Ġa ug +per iod +ĠCon stant +Ġ?> ">Ċ +Ġl obby +p al +Ġs ink +ia h +Ð ¡ +urn ame +Ġcon ver +Ġinvestig ate +Ch rist +H ub +ĠIN D +ĠP ed +ur as +ĉ url +ĠT ro +Ġpre ferences +Ġguarante ed +` ĊĊ +Ġport ions +Ġeval u +' > ;ĊĊ +.AutoScale Mode +Ġc ats +Ġreg istry +ul us +F I +p ayload +- search +Ġstay ing +ac ious +Dec oration +Re view +In f +Ke ep +it is +, String +Co ord +Ġper o +S ex +ĠAtl anta +uest a +Arg b +> * +} _ +F ooter +Ġemploy ed +_b ound +v ide +.f unc +$ scope +Ġsp o +ĠAn al +ounc ed +ar ound +Ġrestr iction +Ġsh ops +å Ģ +ĠLat in +-c ol +Ġbare ly +ĠE uro +E r +Ġfa ire +_d istance +_un lock +Qu ote +IV ATE +Ġå Ī +Ġaim ed +ĠRet rie +. iter +Ġwr apped +Ġagre ements +str ument +( product +Ġstud ied +.set Value +Ġy e +ĠC ache +MB OL +Ġquarter back +Ġsy ntax +.getElements By +.v ersion +we bsite +Run ner +_s ingle +at iv +ĠAl tern +ĠBeaut iful +right arrow +Ġd iversity +pl ash +( co +.F ill +Ġtyp ing +Ġcl ar +H it +O O +ac co +w orth +Ġscript s +ĠMuslim s +ĠL L +erv ing +( boolean +Ġbase ball +ĠC AN +MA IL +de pend +Ġrespect ive +Ġconst expr +.* ;ĊĊ +'] ))Ċ +Ġy ard +Ġident ical +if ecycle +US H +up iter +. validate +cl i +IST ER +Ind icator +F ail +Ġdemocr acy +. var +Ġsatisf ied +------------ - +enc er +h or +Ġr ounds +DA O +o a +Ġfl ask += c +[ ]Ċ +/d ist +Ġpart e +Ġconfirm ation +er on +aw are + +Ġdepend encies +ĠV ideos +- row +Ġ** /Ċ +Ġn ou +Ġh over +æ ŀ +Ġn in +ĠUS D +M ac +_L oad +Ġout comes +_s ocket +Ġqu eries +w m +Ġhit ting +in ux +M ich +ud ge +AT AB +Ġvulner able +ä ¾ +Ġport folio +: YES +ĉm ap +B ound +Ġiter ation +in cess +Ġact ors +ĠQ ual +_c lean +ãĢij ãĢIJ +MS G +G reen +ĠOff icer +Ġsm oking +> ', +ĠF lo +++ ; +oly gon +Ġbul k +Ġdr ama +Ġexception s +os ed +Ġ+ čĊ +Ġleg acy +C V +Ġcontrib uted +ĠTer ms +Ġb t +Ġunt uk +Ġal ien +=== Ċ +ĉ Vector +Ġl s +On line +.f acebook +num eric +ock ets +A ut +b ury +-re dux +ĠRed istributions +GLOBAL S +urrenc ies +Ġt ons +âĢĻ , +Ġà ª +(c ol +ĠS ymbol +Ġstay ed +ĠM L +Ġm unicip +Ġsex o +S en +n r +Ġg ains +Ġshort ly +.M enu +à ½ +KN OWN +Ġoper ators +- V +ĠPat rick +/ add +_C O +ir ation +(p ost +Post s +/ _ +Ġpl ug +Ġintellect ual +Ġmet ab +Ġpregn ancy +ĠPrem ier +n m +Ġpred iction +ĠMin istry +Th ree +val uate +ĠMin i +b u +оР· +< ul +Ġd d +ol ving +ĠC ut +Ġs chem +.tr ain +it ate +Ġr ice +Ġbird s +ãģ « +m iddle +struction s +Ġn erv +a que +Ġfl u +Ġsurv ival +ĠGal axy +ĠF ant +. Order +At trib +irt s +é c +M ovie +Ġcon ce +qu arters +Ġm ood +.Add Range +Ġres olved +ãĥ Ī +Ġburn ing +ĉĉĉĉ čĊ +ĠW E +Ġhost ing +L AB +Ġman agers +Ġstre ngthen +< const +ĠFire base +on ed +ĠJ ean +' ";čĊ +ĠS av +.B old +Ġen ables +ĉt mp +Ġman ually +ĠS qu +user id +.f unction +.c ache +LO PT +.S ervices +dd it +t im +< img +ĠTh ings +ĠEvery thing +Ġa pt +em and +Ġroll ing +ë ¦ +. level +Ġst om +ĠW inter +Ġview ing +( values +ocom plete +v ia +up o +Ġabort ion +i ère +ï¼ ij +_B UTTON +_d omain +Ġb ra +ĠA st +in as +Ġstat ist +c od +L R +Ġdr ives +Ġfollow ers +Ġall ies +ĉc urrent +ecess ary +Ġdam aged +_ pt +and les +oun tries +Ġsim ult +e u +Ġcontrovers ial +_G ROUP +Ġr ib +. Info +: mm +.n ormal +_ADD RESS +Ġ íķ +add le +ĠD ur +. Element +W arnings +Ġcred its +Ġin hib +Ġem issions +Ġh az +.y outube +ugg ed +Ġbo ther +ĠK ansas +ĠF ixed +ĠTest s +ĠF IX +Un iform +Ġk ont +>> > +st ation +lo re +at ype +ish op +/ **************************************************************** +Com boBox +Ġvac ation +Ġiniti ative +Ġdefault Value +con cat +ĠK h +ĠW elcome +ized Name +M igration +Ġgrad ient +H ot +Ġhard ly +el o +ĠStud ents +Ġlo ose +at z +.S end +' / +Ġunivers al +Ġenter prise +Ġreg ex +Ġvis itor +ĠF ly +Se q +à¸ Ļ +ĠVis ual +Ġlib raries +ato es +P ayment +Ġp ent +Ġgather ed +VRT X +ĠD M +S plit +Ġlet ting +Ð Ŀ +_error s +ep och +P ARAM +c u +ÑģÑĤ в +ol utions +Edit ing +font s +Ġalloc ated +ĠB ased +( Y +ĠJud ge +Ġbro thers +FILE S +ç o +w b +_P I +' ^ +Ġs word +.s ervices +Ġn l +T im +ig g +ĠMo ore +Ġcrypt oc +åĩ º +_post s +ot ate +? ' +... .ĊĊ +Ġk l +=" $ +Ġdec oration +Ạ¡ +ĠD IRECT +G UI +) =>{Ċ +Ġnews letter +Ġprec is +(p oint +ĠEqu ipment +ut y +ĠD ave +Ġparticip ation +u arios +x it +.A s +ET ER +or ous +Ġsh ield +[] > +ilit ary +. origin +Ġprom otion +U nt +Ġc t +TR A +View Holder +Ġsig ma +d elta +are house +con tract +( Vector +Ġcompet e +/ form +/ components +Ġn r +ĠInd ones +Ġо ÑĤ +ĠV olume +.f iles +(res p +/ models +Ġsur f +stand ard +/ o +ĠXCT Assert +V ICES +.C ode +SE D +Ġact ivate +D elta +Ġlimit ation +ri j +Ġpregn ant +: ^( +Ġs our +p ie +Ġexp ense +ic ation +ĠL arge +Ġ ± +ĠB owl +(model s +/ N +P a +.re load +Ġwonder ing +Exec ution +ĉ ĠĠĠĠĠĠ +ĠG raphics +ĠCont in +_j ob +Ġget Name +ĠM agn +ĠD WORD +m ad +Ġn h +fe atures +} ");Ċ +he ets +(tr ain +z n +Ġrecru it +.con nection +Ġbar rel +Ġste am +_set ting +Ġang ular +ane ously +Ġb il +ĠN orm +(! $ +ib t +% ( +Ġpos it +ĠF ather +int endo +L ive +Ġport s +Ġme j +Ġland ing +pon der +Ġc od +_HE ADER +.M argin +Ġball s +Ġdiscuss ions +Ġbl end +H ex +Ġfarm ers +Ġmaint aining +ĠĠĠ čĊ +s yn +[ T +r us +uff ers +Ġcontrib utors +_s ys +.De bug +Ġconstruct ed +om es +? id +sl ider +Ġsup pliers +scri ber +p es +Ð ŀ +": čĊ +\ Controller +)) ĊĊĊ +Ġl ua +M ulti +EN S +S rc +Ġpet ition +Ġsl ave +look ing +V ERT +ĉ vector +S pecial +h h +an ne +ĠN iger +/ views +z ing +end ant +< C +s peed +Ġ{ };ĊĊ +Begin Init +Ġf open +@ RequestMapping +End Init +Ġp unch +S ender +é Ķ +get Message +/t ypes +.P I +(' ');Ċ +oc used +( all +Ġdrop down +). __ +ĠV in +.Fore ignKey +can f +ou red +ĠOrgan ization +ĠÐ ° +ĠC ulture +(cl s +, _ +rg ba +ìĿ ĺ +.data GridView +Ġdo zen +ĠG es +_sh ared +n ick +Ġh osp +om eter +Ġclaim ing +ib les +ri k +æĺ ¯ +en ario +Ġd engan +ob b +m ont +_r ank +('/ ', +Ġap olog +P s +_p ower +ĠG ree +Ġful fill +Ġfire base +Ġf are +ĠH im +Ġbe an +â̦ . +ĠS PI +_R X +Ġper ception +rel ative +comp ile +u um +ut os +a uc +ĠAs k +Ġindic ator +/ th +.set String +ĠWis consin +.D omain +Ġart ificial +De velop +ĠSar ah +Ġl ying +( search +ĠEmp ire +urr ing +æĹ¶ éĹ´ +=" ${ +Ġget Id +ĠP ayment +trans ition +Ġ ]. +ix in +V T +- select +Ġdemonstr ated +Ġlast Name +employ ment +.get Property +Ġf ought +file Name +ĠP ers +-c ard +a str +attr s +Ġprom inent +Des ign +anc ouver +ãģĹ ãģ +ard o +se cret +Ġr ag +Ġpo ison +-m an +, omitempty +ĉ un +it zer +ĠCas ino +ĠR oss +- foot +(result s +Pl an +Ġlas er +ê¸ ° +_D R +F acebook +Ġbo ards +st a +] ], +Ġt iles +S IZE +Ġ= ~ +Ġprem ier +oc ab +Ġenc oded +Ġres erve +ĠAfghan istan +ĠList Node +url s +Ġsub mission +Ġne u +Ġ# +# +_P OST +Ġmo ist +ell i +ellig ent +. alert +ó d +b re +ĠCol lect +Ġgraph ic +Ġlong itude +ĠPro vid +ĠCal culate +x ffff +c riteria +Ġw aters +ro ck +lo quent +ĠT rib +Ġbur st +Ġsuff ix +.Ext ensions +ish es +iv el +ĠLI KE +ĠGet ty +.Action Event +.s lf +ĠH AL +up al +E AR +ud i +_time out +U F +ĠSing apore +ĠAd vent +_int erval +cha ft +ĠE mer +Ġtele phone +ĠTur k +_ interface +ĠO wn +Ġencour aged +< Object +_T ext +ĠOnt ario +ĠApp ly +.f irebase +Ġant ib +P riority +ene z +D ays +c id +urre nce +; / +inn ed +Ñģ Ñı +Ġve z +f w +// $ +att ack +Ġstart up +ain ers +.f ragment +op acity +( conn +he im +.n etwork +( stream +ĠN ON +t ol +ĠX box +ĠD S +Ġc ached +Ġprostit utas +ĠB alt +(' [ +Ġno except +" ' +Ġs d +. valid +_ ag +Ġr aces +Ġro d +itud es +< >( +.Pro duct +Form s +NE W +P ay +ĉ boolean +_ contact +ĠElect ric +sk ip +Ġw ur +Ġch ronic +_d river +ĠS ab +ĠU lt +ĠR ad +ST ATUS +ĠLew is +O B +Ġgift s +.Re c +TR UE +Ġint ensity +Mark er +.com pare +ff ic +C ookie +ĠB aby +ĠBig Decimal +ile t +ĠHOLD ERS +ĠL ady +Ġl ung +ĠAl abama +Ġd ess +` );Ċ +ĠB uilder +_reg ion +Ġne utral +Bo th +Ġh p +Ġh orn +Ġseg ments +ĠE C +"=> " +( rec +ĠP i +G M +Ġl aptop +Sc alar +is d +-d ialog +ĠAnd erson +Ġmist akes +ĠH an +j es +est ination +Ġprom ises +b id +ĠSc ient +G IN +ĠPer formance +b age +. users +le ading +Ġor al +G raphics +_P TR +h ang +Ġin ev +process ing +F actor +ĠN A +$ string +Ġground s +.Save Changes +c lock +cri pcion +ĠNew ton +g c +.in cludes +Ġbl ast +Ġ'- ' +Ġpued e +.S ession +Ġgre p +_f inal +ĠG ay +ĠG ive +ir i +-st ar +ĠUI Image +_ep och +ub b +ent h +Ġel ite +Ġcampaign s +ĠP orno +_ assign +Prot ocol +ĠBe ing +ĠAir port +Ġconvent ional +ĠW at +ĠC I +ET A +ĠAnth ony +Ġtable t +( format +Ġconsist ently +ĠI owa +Ġav atar +.c ursor +! [ +Ġh anging +H er +S uch +';ĊĊ Ċ +orge ous +() == +Ġview Model +Ġ ãĥ +Ġel s +ĠAg ent +F etch +ap or +Ġc x +p read +ĠP ier +oe ff +S n +ĠV irtual +A pr +.Wh ite +_M OD +ĠPoint s +å¤ ± +Ġgen es +Ġv endor +Ġmain stream +< src +ĠEl izabeth +Dec oder +- state +ĠG lass +nc y +adi ans +_m on +ĠRem ote +Ġwire less +ĠM i +å ī +è¡ ¨ +st age +ĠT ile +ll ib +V ariant +== Ċ +Ġgold en +(Q String +.put Extra +ĠD om +ĠAn imation +Ġinter active +if act +éĻ ¤ +LE T +Ġfrequ ent +Ġ< >Ċ +F ilename +Ġs ne +ĠFoot ball +Ġr ival +Ġdis aster +ion ic +ĠD amage +. Resource +- en +ĠT ypes +get String +( board +Ġb ol +pl ain +z ym +ภ² +Ġsc anner +ild er +_msg s +æ ı +(int ent +Ġde struct +Ġb ust +ĠE mploy +on i +ĠUI ViewController +Ġodd s +ear er +Ge ometry +Ġy ii +_EX PORT +ĠAtt ack +Ġn iet +Ġim pression +ĠG il +_pro b +ĠC F +ĠEx perience +/pl ugins +.M ethod +Ġbelie fs +N ative +_b uild +Ġv ig +Ġr anks +cover ed +s uch +G uard +.p ack +add er +iv ia +l ng +Ġв Ñĭ +T imestamp +_n ow +Ġp oker +Ġun c +Ġsh apes +-t ypes +_per iod +p k +Ġveter an +Ġson o +Ġappoint ed +over flow +.d river +_c at +ut t +pl ant +im b +ĠAc cept +Ġconc ert +ĉ node +ĉ z +? >čĊ +Ġb anned +ĉ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +Ġto xic +Ġdisap pe +È Ľ +Ġgr ace +ate ful +Re ply +ĠCru z +Ġsc rap +Ġkey words +s imp +Ġmort gage +Ġcy ber +ĠEx ecute +Ġlat itude +if u +.C OM +d bo +Ġsort s +ĠG as +om ial +.L ocal +Cell s +.Re place +String s +.f it +ĠTh ird +% ",Ċ +Ġ{} ". +ĠS ony +Ġ[ : +Ġfall en +. ')Ċ +in h +ĠM C +Ġred is +C odes +Ġprofile s +h ook +Reduc er +_F UNC +Ġn avigate +str len +Ġh orm +á ŀ +ĠS R +. boot +Ġdig est +ĉ header +.find One +æ ģ +Db Type +n ia +_m erge +Ġdon ne +/ Getty +_CH AR +Ġb ands +. URL +art ial +Ġf req +Ġs ist +N g +Ġrender ing +\ Core +Widget s +ĠV A +Ġactiv ists +St e += _ +all a +St amp +Ġload s +Ġx x +ĠL earning +.M vc +u ir +(" $ +Ġconnect ing +Read Only +ur u +ĠE ag +B IT +_DE L +å § +arr ass +ext ernal +ĠY OUR +ĠB rew +ĠF ive +Ġres ize +ig id +er ation +ĠÑ į +åĬ ł +ĠC atch +Ù ģ +ĠLe on +am il +.B ody +Cl ip +/ list +.b r +Edit Text +ĉ db +.G ame +(Build Context +back end +.R ed +face book +.url s +m r +rol led +---- --- +Ġinter vention +Ġretire ment +ĠK it +ĠP RE +Upper Case +ĠS ocket +Ġ: - +Ġstudy ing +ĠMet ro +ard ed +Ġconvers ations +C alled +Ġexam ine +ert ificate +.g z +-res ponsive +Ġref und +_n etwork +allow ed +em pt +Ġme als +C ategories +Ġtravel ing +Ġk g +Ġsh ame +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +Ġexplicit ly +Ġmath ematic +ĠS uite +ĠR GB +****** / +Ġmix ture +lear ning +.t emplate +att s +w x +ĉ ctx +.p roperties +Ġdrink s +ĠE ither +set Text +.get Data +.z ip +Ġreve als +< table +.Hash Map +ĠH ur +) ");Ċ +.f ramework +ĠST ART +feed back +Ġsaf ely +. icon +config ure +. lock +.l ayers +/> .Ċ +Ġrank ed +_ impl +ĠHand les +Ġhost ed +Ġup dating +al bum +é Ŀ +Ġsh ader +Edit ors +- round +[] { +Ġse p +ĠH i +TE M +look up +.m an +_IN PUT +Ġthreat ened +_IM PORT +Ġd rops +ru it +s id +bo th +ĠEx cel +Ġj er +ord inary +еР¹ +V IEW +re ply +Ġ) :Ċ +color s +ver ified +_T r +_p arse +Ġcon gress +P romise +int s +ĠM other +.A pi +ĠD uration +Ġfirst Name +inherit doc +ĠM ars +Ġa pr +OD Y +Ġvis its +Ġhe aling +let ters +)) );čĊ +f uture +.F ramework +Ġk iss +Ġinv olve +Ġsil ent +ad ows +Ġany body +s ch +Ġsole ly +- img +Ġprop ri +Ġin struct +Ġlic enses +Ġm eth +Ġcond em +ĠD omain +ĠHarr is +Ġs Ã¥ +CE PT +B atch +@ extends +ĠCONTR IBUT +.Data Frame +_p acket +rec ision +Ġfoc using +. ht +__ ":Ċ +: Get +ĠK C +Ġpass age +Seg ment +_c enter +-z A +_B L +Ġconv in +Ġclass ified +ĠNS Mutable +_ ap +t ile +Rect angle +(n ums +v ens +ĠUI Button +ĠF eder +am o +Ġout line +ĠPar ser +Ġâ ī +ĠWork s +.S chema +Ġeng ines +_com mon +_ old +Ġset ContentView +Ġ/// < +ĠB T +f m +Ġd ivers +_ weights +em ark +ĠA CT +Ġpro portion +over lay +.dir name +ĠG it +_REF ERENCE +< > +l b +_r ule +è´ ¥ +ĠPut in +Ġsleep ing +() :čĊ +Ġpres erve +Ġpar liament +ĠLook ing +Ġpick ing +ĠDis patch +Ġsl ip +ë ĵ +ĠL yn +_sign al +config uration +ĠP itt +ad en +pro cedure +Ġenthus i +f ight +ĠCons ider +Ġt orn +Conn ected +.c os +_group s +ĠTh ink +Ġdel iber +Ġres id +work ing +.column s +ĠCal led +Ġes lint +> ", +_D OWN +h ist +ĠAdv anced +Ġre wards +act ors +Ġsil ence +Ġmy th +Ġne ur +Ġa uction +.Get String +ek s +( project +ĉ msg +ĉ output +Ġcomplaint s +, S +Ġt bl +Ġ, ĊĊ +ri ors +ah ren +Ġlawy ers +re dux +_s ymbol +off ee +_RES ULT +( Name +UT C +.current Time +Ġorgan is +. arg +Ġmin im +w ick +Ġrece ives +B alance +Ġspeak s +ĠD ays +ĠBel ow +t ipo +P resent +Ġres erv +h p +Ġr it +_R IGHT +-- ) +Ġchair man +D IS +ĠBO OST +Ġexper iments +__ );Ċ +Ġst amp +Ġf ert +Ġf ond +T er +el ve +ure n ++ i +end ency +Ġvirt ually +... " +ï½ ŀ +- cent +_un ique +Ġpr icing +m ic +RES H +Ġ:: : +Ġan notation +ĠC ircle +ong odb +it as +Ġ% ( +( component +Ġо б +( port +-h our +. obj +L BL +Ġj ury +GB T +Ġsp y +ĠProf essional +Ġ"" ;ĊĊ +Ġstri king +Ġdiscrim ination +Ġp ays +lic t +ent es +Ġthrow ing +ĠPl ugin +( def +ĠRuntime Exception +ĠM igration +Ġd ic +b ag +on ia +Ġcor ruption +( Map +Ġpr z +.d to +Ġac quire +State ToProps +Ġlo ving +оР¶ +_p attern +Ġemot ions +Ġpublish er +_b e +Ġcoup les +o j +ĠCh art +Ġt rop +.t ool +Ġestablish ment +Ġd ol +Ġto wer +Ġl ane +ĠSy dney +Ġfill ing +claim ed +Ġdialog ue +Ġcon vention +book ing +pare ncy +æ ± +ĠGener ic +\ Schema +Ġr anges +/ ch +Ġpan els +Ġr uled +çĶ Ł +.t s +_s ets +Ġclean up +Pre vious +ĠAn imal +($ ( +ĠA ve +oll ar +_e val +ĉ Name +(t ree +Ġ" ] +Ġdut ies +=' / +Click ed +Ġdifferent ly +ĠCl ark +Ġd it +olog ists +Ġsy nd +Ġs ends +- known +k b +ĠMod al +it ative +Ġr acing +Ġhigh lights +ĠSim on +ĠCapt ain +ä¿ ¡ +ĠC B +cont in +ar an +Ġphys ics +ret ty +et al +.m d +ax ios +Ġspeak ers +Ġpre p +Ġaward ed +ì§ Ģ +ĠC orn +ĠN ature +UD IO +Ġpro j +- pre +[ u +Fe atures +Ġis Equal +B inary +s ig +Ġconf usion +ĠH at +Ġkt ó +.config ure +M ON +/ edit +_A dd +, true +Ġc li +Error Message +- loader +Dim ensions +ultip ly +Ġ{ !! +ĠSql Command +Ġsp oken +Ġp ics +Ġto y +( Key +ĠLo op +Ø ¨ +E ATURE +in ction +_set up +w rapper +Ġt ong +c ular +O pt +.P l +=" , +(l ength +um n +Ġch rom +Ġse vent +ĠIllegal ArgumentException +ĉ start +Ġbeg un +CE PTION +dat aset +ĠF ailed +col s +Ġkne e +im ore +.sp lice +sh ell +ig gers +Ġthem es +ĠD J +ĠAss istant +- $ +May be +Ġorder ing +ĠInt elligence +ĠMass achusetts +Ġfail ing +el son +G reat += i +.re st +Ġinv ite +-dis able +.Group Box +âĢĻ est +Ġtack le +g v +et ter +Ġ), čĊ +_r ules +.w arn +function s +ĠChrist ians +Ġback ed +Ġsl ider +Ġenjoy ing +n est +Ġh ij +_m s +// * +An notations +ĠVariable s +< V +( server +ĠOr acle +element s +Ġorgan isation +_point er +ĠHe aders +[ d +Ġdead line +iss a +Ġkn ife +ĠNAS A +ĠHe ight +ĠAs ync +Ġven ue +.d om +bour ne +ĠHaw ai +Ġmem o +ict ions +Ġsurve illance +om i +/ assets +Ġed u +Ä Ľ +Ġro ster +Ġh ired +ĠT ok +Ġpl acement +ur ations +Ġset State +ĠMag azine +Ġhor ror +T ry +Ġl ag +ĠEvery one +th ur +)) ;čĊčĊ +. return +Ġsy mp +âĸĪ âĸĪ +Ġn ights +work er +Ġa le +ennes see +.st ep +Ġsynchron ized +our i +Do es +. change +f on +.set Background +irc ular ++ - +ĠC IA +ĠJ ane +ĠSim ilar +- I +level and +Ġpros pect +_f ound +ĉc olor +.D iagnostics +Ġann ounce +Ġassum es +/ tr +Ġb d +ĠCar bon +Ġanal ys +.de st +n ik +ĠL ie +- index +Draw able +ĠT AG +Ġtri angle +_F LOAT +ĉĉ ĠĠĠĠĠ +.bl ack +v ue +cur acy +Ġaffect s +Ġsure ly +Sl ider +uk i +c ery +Ġun ter +.pro file +ord on +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +le ave +Ġsmart phone +g ie +Ġcons pir +Ġt utorial +ç± » +Ġc ab +ĠSum mary +* ĊĊ +ä h +" This +Ġsl ides +" +c ycle +ĠB ull +path s +Ġun p +Ġview DidLoad +_M odel +Ġassert True +Ġr ated +De cl +vert ed +ĠD at +b rew +Ġpoint ing +M s +ĠPoint er +) ' +_n on +ĠSE C +Ġy eah +g ency +initial ize +f ly +[ pos +, g +Te le +Ġj oke +Ġcl ause +.find ById +en es +( instance + £ +Ġs lic +_h ome +Ġ*/ }Ċ +_p ages +(s ervice +R P +ĠAm ong +.get Current +ãĤ ¹ +Ġs lee += [Ċ +ol er +Ġlib ert +Ġ` Ċ +Ġw enn +l ated +Ġimm une +( Node +ĠPro blem +ĠA bs +log s +Ġ ../ +ĠA DC +Ġ}} ">Ċ +> ');Ċ += b +ĠW ind +lah oma +Ġalloc ate +or ian +Ġpres cription +- quality +ĠMay or +in ely +end foreach +ĠCom plex +k om +T Y +] ]. +. Style +_m any +',' $ +Ġbar rier +ĠF etch +ĠMar vel +Ġres ist +ог о +b idden +ĠRun nable +: false +Ġbuild s +ĠSt age +Ġd ub +emp o +.s ite +;ĊĊ ĊĊ +ĠDen ver +Ġre vel +Ġtrigger ed +Ġd ice +_f ail +Ġg c +ĉ X +ĠTh rowable +.r outer +ĠRev olution +ÑĢ Ð° +_N ON +Ł ¥ +Ġel der +Ġab road +ĠÐ µ +ĠAd ult +bl r +g lyphicon +Ġprom oting +Ġ iz +ĠS olid +_lo ader +ear ly +.en abled +- edit +ĠU L +_ play +ĠInt errupt +Ġadvant ages +uc le +Ġmechan ical +.table LayoutPanel +ĠWork ing +Ġan onymous +R ating +ig ious +_ph one +.addAction Listener +Ġfr an +und en +Ġ*) & +_ bool +ul ative +Ġcon e +ĠM ult +Ġm ö +ĠFor ward +] ):Ċ +Ġconvin ced +act ed +ãģ ĵ +ĠConfig ure +Ġce iling +D er +Ġpass engers +Group s +Ġsoc cer +/ W +avi ors +sw ith +ĠZ one +. Options +ĠM om +ied er +Array s +Ġtreat ments +Ġprotect ing +f ac +Ġpick le +Button Item +Ġblock ing +str ar +à ² +ĠEx port +Ġth rew +ott a +ĠB ASE +.w s +.LE ADING +order By +_d elay +ĠP u +.d ll +ĠCh oose +Pol ice +ĠBE GIN +box es +Ġdiam ond +, l +Ġ ĉĉĉ +Ġcur ious +t v +Ġerot ische +ack ages +ĉ Set +T ick +.b order +static method +Ġch er +in voice +Ġcr u +Ġdef ect +_m etadata +re lation +ik an +[ N +(Q t +( Base +æģ ¯ +be at +ĠEm pty +ĉ o +_sh ift +Ġreg ret +Th ose +C ent +ĠPort ug +ĠIs lands +ĠT IME +Man agement +-s p +ê me +Ġnot ion +un ifu +P K +è¡ Į +ĠCUR LOPT +\" \ +U V +ç º +d ra +c ou += ` +ĠD estroy +r p +.c ancel +G G +r untime +ĠV ue +Ġprogress ive +/s ervices +Ġrun ner +_FR AME +.ToolStrip MenuItem +Ġ' ,' +d elay += utf +Ġscreen ing +Ġpull ing +om as +Ġan th +- new +/ local +Ġi Pad +Ġt witter +Ġd ying +Ġhe aven +ĠU Int +ĠSen ator +Ġpres um +ĠWalk er +Ġover come +ete ction +Ġemb arrass +Ch ina +In clude +RO LL +Ġdata Type +D avid +ภ£ +lo p +-m onth +Ġsc ar +ĠS afe +Ġ **************************************************************** +Ġaccess ories +Ġr amp +_U SE +Ġcontr ad +)) ]Ċ +Ġpre st +ĠH R +ĠR ap +Ġus ize +Ġcap ability +Ġc ort +- next +Ġbur den +_read er +Ġ@ @ +reg ular +ĠK a +M AN +Ġa str +Ġ' ')Ċ +Ġf ed +Ġpars ing +ĠY ears +Ġbro ker +": {" +Ġa kt +In ventory +abe led +Ġarg parse +****** *Ċ +vers ation +Ġc ord +ĠT i +Ġhope fully +Ġa h +ver b +Ġst olen +. Entry +Ġexpect ing +O rientation +Ġpower ed +Ġp ersist +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +'] ); +')) ,Ċ +ĠC ash +ĉ item +gr ades +rop ol +b asic +Ġ" );čĊ +Ġaw ards +(r ange +- all +ĠIB Outlet +ĠInd eed +---------------------------------------------------------------- ------------ +Ġstom ach +Ġfl ower +Ġs ew +_t imes +av is +Q String +ĠR outes +_pro t +Ġcom edy +Ġlog out +Ġwood en +Ġpost er +p iece +.J oin +ĠP ok +cel ona +mut ex +;čĊ čĊčĊ +Ġstri kes +Load ed +) arg +es a +Un ited +E p +PE LL +ĠAtl antic +ul let +app le +Ġsett led +a con +Ġprint er +ĠG C +å® ļ +Ġrender ed +, âĢĻ +he it +s ocial +. ge +ĠR ick +ĠUt ah +g ot +on ical +ĠSc roll +ĠSc iences +Ġj ug +Ġam pl +ent i +LE FT +Ġt abs +Ġenorm ous +.get Key +loc ate +. EX +.st orage +.W e +Ġto ast +ĠAdd itionally +ĠN OW +_ UPDATE +Ġtrans ferred +th a +.D isplay +_ ui +ID EO +Ġmeaning ful +ĠMos cow +, this +ĠVict oria +æĶ ¹ +ĠÐ Ł +.st ack +ĠB arn +pared Statement +: string +Ġb ij +ĠST ATE +Ġemploy ers +ĉ input +( | +Ġle x +in voke +ĉ num +++ , +at ial +ors es +Ġfor k +_t xt +ĠAnton io +Ġ( < +aver se +Ġdev ast +ãĢ Ģ +.D ec +ĠG ard +/ ui +. % +tr i +Ġrol led +Value Pair +itt en +ĠTh er +Ġv rou +ĠFl ow +ĠFin ance +ĠCom b +H C +.set Visible +is l +Ġp k +Ġup set +( raw +ĠV ice +e atures +ĠL ang +Look ing +ĠA ST +Ġtri ps +ĠJust in +b rowser +=" '.$ +. vertices +- co +}/ { +Ġ? , +ĠD omin +ĠBel g +" < +Ġsup pose +add y +Ġwalk s +ERR U +_f ilters +Pre ferred +sc ene +е Ñģ +ĠAff airs +Ġ"# { +Ġon Submit +Ġstock s +/ view +g ree +- get +h it +J o +.get C +Initial ized +ÑĤ и +c uts +( Type +ĠAg reement +ĠViet nam +Ġ/* ! +Ġp izza +- view +_ em +Ġl hs +Ġm uy +ĠId ent +ĠF riends +Ġab und +_A D +.t imestamp +- ' +Ġd uplicate +Ġhun ting +Ġregul atory +ia o +am ous +ĠEnt ertainment +[ A +iat ric +_CL IENT +ĠK ids +/p kg +B reak +)) );ĊĊ +ĠSh ape +Ġrel ating +Int errupt +able Opacity +emb re +Ġmyst ery +Ġjournal ists +rit able +.L ink +Ġstop ping +CRE T +.D B +Ġpopular ity +Ġg ew +Ġim pr +set Value +FL AG +ĉm ax +Ġb ake +w y +ĠEcon omic +Ġen contr +Ġf name +/ de +R ank +Ġbug s +.s m +Ġmed ian +D OWN +ĠS ure +At Index +ĠD ick +Ġ( __ +.d elta +F r +Ġsuggest ing +ĠRec yclerView +, e +ST ART +/************************************************************************ **** +xf ord +Ġrece ipt +CL AIM +read only +Ġeng aging +C a +as ma +Ġens uring +Eng lish +ĠV ancouver +hy th +Ġpurch asing +ĠP I +. word +(s p +.h ome +: def +Ġg ig +ĠV e +for um +ĠM itch +B ay +_F L +Ġs oll +_column s +Ġminor ity +b ird +Ġhand ed +SS L +ST AT +Ġnerv ous +ĥ ½ +Ġfile Path +CRE ATE +A w +Ġp ens +se ed +ĠCom pute +ol k +ĠAs set +re ach +'), čĊ +n avigation +L F +/ util +ĠP ub +Ġâ Ķ +c ion +## Ċ +II I +Tag Name +Ġam id +per mission +if iable +xFFFF FFFF +н и +.B uffer +_ irq +d ark +Ġret val +.f ire +produ ction +.list en +ĠWe ather +Ġbuy ers +. ne +er p +ĠP ent +Ġw elfare +Ġpage Size +ĠSt adium +ert a +Ġle v +amp a +P ager +Ġcharg ing +ĠNet flix +| null +_r andom +.x path +Ġst ere +ĠIS IS +pons es +( loc +ey ond +ĠOff icial +ĠMary land +Data Type +_p ar +{ }, +ĠEn joy +_SH IFT +ĠA wards +_ENT RY +Ġseem ingly +entic ate +Ġheart s +_ ;ĊĊ +ĠH IV +Ġindiv id +ĠFl ag +_ ctrl +ĠC allback +, z +ĠG PU +ĉ obj +ĠPh oenix +ĠB US +Ġrub ber +_A UTH +ĠSol utions +( location +Variable s +.set Enabled +_h igh +W O +G esture +Ġre try +Ġobject ForKey +allow een +Ġm os +ĠC ele +Ġik ke +(c ell +ĠM ODE +ren a +Ġdescri bing +Ġph i +Ġr d +Ġdes erve +Ġwhe els +å¸ Ĥ +Ġcrit ics +N amespace +ĠF ra +Ġ ĊĊĊĊ +Ġall a +Ġrequ iring +æľ Ł +ut ation +Ġdelay ed +Ġadministr ative +Ġb ay +.h idden +T ex +Ġbound aries +Ġ] );ĊĊ +ĠFollow ing +~ / +F i +_con v +_T ITLE +Ġdes de +ICollection View +Ali as +Ġb ite +pat ient +_COMM AND +Com pleted +ĉ elif +( < +B usiness +ĠP ool +Ġpurs ue +ĠB an +_st eps +_DE CL +um ble +Ġcom bo +ĠL ayer +.x r +Ġd up +-------- - +Ġmod ifier +ro b +re z +Ġath letes +Us ed +w ear +Ġlegit imate +Ġ" ĊĊ +Ġh v +St d +ĠH old +Ġsurv iv +ĠAll iance +ĠEar ly +Beh avior +(f ont +/lib s +Ġrect angle +Ġs inger +Ġam p +Equal To +Ġ" ." +Ġgirl friend +å ± +line ar +obs erv +Ġpi ù +Ġcomple ment +With Value +(p assword +t ake +Bl ank +ĠCom par +' ", +_p olicy +m ongoose +_FA ILED +.re port +R atio +.Perform Layout +us able +m ers +_re nder +PE ED +Ġles b +ĉ E +_t ool +Ġl adies +о Ñģ +)) ))Ċ +;; ;; +.d ot +Ġn est +pe ak +uk kit +ec a +_S W +Ġ& ( +ĠOk lahoma +Ġbank ing +ĠN intendo +Ġreprodu ce +_element s +_m ac +pro xy +Ġremark able +}/ ${ +Ġout s +.has Next +M ODE +Ġan ime +.con n +Un ique +D om +Ġimportant ly +itt y +Ġju ice +T w +ĠPart ners +Ġattack ing +Ġport able +am iento +.P ictureBox +.g en +Ġopt imal +Ġre cre +Ġjournal ist +ĠEx tract +ĠMore over +Ġmargin Top +.A p +Ġf iring +Na N +ĉ template +аР´ +. En +Ġdef ence +ĠT el +il en +j an += data +ĠU rl +ĠRe uters +(t otal +ĠFif th +Ġess ays +Ġinterpret ation +Ġchar ity +ĠR ules +Ġsub section +st yled +az er +l ags +L IST +Ġupload ed +Ġtr ash +Ġreg istr +Ġsell er +>' ;čĊ +Ġstart Time +ç Ļ +s y +(Http ServletRequest +Ġtr ap +G C +Ġembed ded +Ġsurround ed +im its +T X +yl inder +ĠF al +Ġsent ences +ĠJ a +IF ICATION +we apon +ov ation +Ġco at +Ġinter pol +Ġl ips +ĠK y +Ġv ectors +_ am +Ġint ake +.w orld +Ġin box +ĠM AC +_ ab +(name of +Ġent ert +Ġgather ing +ĠS IM +++ . +ny a +' }} +ĠUP DATE +Ġp ac +( html +ĠS ant +i ating +ĠIde as +Ġspr ay +ĠH art +Ġver ification +ades h +/ modules +ĠM ind +ĠSized Box +Ġsh elter +Ġher oes +att y +Ġcert ified +s j +Ġê tre +ÅĤ o +Ġpublish ing +ĠMal ays +.get User +ĠPro vider +ĠLinked List +ĠB or +RO UND +d id +t ain +p ire +ĠJ enn +t el +and e +_f ront +ĠMc G +Test Method +à¸ Ń +Ġoccasion ally +ĠW ales +Ġexerc ises +ĠÐ Ĵ +- plus +Ġvalid ator +Ġpr ayer +L ATED +_ author +Ġlab our +++ Ċ +-e quiv +ĠG PL +Ġface book +s imple +g ly +Process or +ip y +Ġ* > +Ġcle ared +ĠP ush +Ġpen is +Struct ure +li j +ĠM organ +Ġhand ful +" .Ċ +| \ +Ġ ******************************** +ĠA qu +_ IC +.load s +Ġm eter +ĠMar ine +:: { +ĠT S +ĠArray s +.T itle +GR AM +ter min +Ġco inc +El se +_st ates +-r un +m embers +ast ro +Ġon Press +Ġbe ings +Ġabandon ed +Ġtax p +own ers +.m ode +Ġdiagn osis +Ġ_ Ċ +ĠK night +ĉ A +Ġob serve +), ' +! ")Ċ +ĠPar a +Ġvari ation +( False +ĠAnt i +Ġg ri +Ġhome less +? v +Ġbe z +.S erver +re lease +ĠP atri +Ġchar s +Ġrank ing +activ ation +Ġw ides +q r +.S ql +ac ular +ĠB ot +_s ync +Ġhapp iness +Ġvolunte ers +Ġs its +/ < +[ e +(file Name +Ġcap ac +ĠMar ia +f ather +Ġgr am +* i +Ġcas o +_d raw +ĠR aw +ĠIter ator +ĠP adding +P D +BO X +ĠS PECIAL +Ġfe cha +Ġv ide +ĠLe ader +ä» ¥ +$ (". +Ġdiam eter +Ġm ild +Ġrock s +app ings +d irectory +.fl ush +ĠJ ess +UN IT +ĠP ear +Ġmand atory +S ur +q t +Ġstream s +Ġco operation +ĠS ac +Ġche aper +ĉ ch +an imation +f are +( height +( True +N Y +Ġw rest +Ġpoll s +Ġencounter ed +ĠMarket able +_P ASSWORD +_SE LECT +ĠArab ia +_c lock +Ġv oy +Ġи з +Ġst ir +is ible +-e ffect +.c reated +Ġto ys +ĠTrad able +Ġr ust +Ġstr cpy +_t imestamp +Ġtalent ed +, null +ĠJ obs +ĠPort land +Ġweak ness +Th row +ĠAng el +ä¿ ® +Ġun cert +ï¼ī Ċ +ĠìĿ ´ +Wh ich +Ġ[- ]: +S omething +Ġconv icted +k le +ed ium +Ġbranch es +Ġb ases +ç ® +Ġcomplex ity +ĠF ig +. reshape +$ db +_CON ST +ĠT es +.r untime +Ġden y +ĠB SD +Ġk r +h att +ĠSt atic +Ġunivers ities +Re place +Ġdro ve +Ġad oles +_pl ugin +ĠL GBT +Ġt ex +du ction +ED I +ĠT ed +_ URI +Ġre ception +art en +.S ingle +r ice +sc ious +_b g +Ġw ages +ĠS ervlet +UIL ayout +Ġform atted +.M od +< class +is en +Ġrepresent atives +"] = +Ġport al +ĠHun ter +Ġh iring +__ )Ċ +ric ulum +u o +li est +Ġt ears +L at +Ġliter al +.In sert +Ġc urs +ĠCom put +Ġterror ism +Ġswe ep +Ġ[] čĊ +Ġpass enger +Ġeast ern +Ġtwe ets +Ġoper ated +w nd +ĠS yn +.t ools +ĠW M +ul ates +Ġbacter ia +( bytes +.set Data +Ġvis ibility +// ================================================================ +el m +Ġgener ating +Ġm v +Ġk h +j en +/ search +Ġaccount ing +se gment +act ic +. ip +Ġdeploy ment +Ġfoot er +> ',Ċ +Ġexpand ing +ĠHam ilton +ĠCon trib +.T ables +Act iv +H H +ocom merce +_ ; +Ġamong st +ow ing +ĠC old +AP H +Ġpsych ological +_t ensor +Ġpack aging +ĠSw eden +Ġp are +Ġag gregate +Ġmoder ate +_h and +Ġdesign ated +Ġdr um +Ġget User +ĠC reek +_s cope +ĠTrans fer +ĠM arg +Ġfight ers +W nd +ĠS el +ĠLa unch +Ġemerg ing +if rame +ĠAdd itional +Ġf ears +Ġsat ellite +_ : +Ġdis posing +Get Value +Http Post +AT IVE +ul ary +View s +Ġatt ending +ĠT ennessee +ĠM ission +Ġmedic ation +ĠW y +ĠAn na +Ø ¹ +ĠVert ex +.t ypes +O rgan +.DataGridView TextBoxColumn +ĠR S +Ġtemp o +( App +Version UID +.p oint +ĠD utch +H ours +L U +Ġqu oted +.b uilder +ĠPer fect +ĠAl ways +_t wo +Ġexclus ively +ĠC ra +ific ar +ĠA WS +ing ham +com plex +k ernel +Ġgr avity +Ġw i +Ġover view +ĠW ant +ĠW P +( sh +. rotation +St ates +ĠTe en +_com ponents +ì Īĺ +Re ceived +Ġly rics +rit es +ĉĉĉĉĉ Ġ +-A merican +[ num +/ python +ĠU ART +Ġapp le +ĠJon athan +Ġmoment um +ภ± +Ĥ ¹ +Ġm ich +and ra +Ġbi ological +ĠM ens +Ġ% % +else a +ĠMex ican +.rand int +Ġt ale +ĠValid ate +Ġdefe ated +.ht m +Ġcop per += / +cos ystem +Ġr ip +dec imal +.V ISIBLE +ĠT a +ĉĉĉĉĉĉĉĉ ĉĉĉĉĉĉ +Ġdownload ed +en vironment +Ġnom ine +build ing +ĠSp ot +ipher al +Ġal to +qu et +ĠF T +/ get +/m aster +W IN +åħ ĥ +W est +arg c +Ġprodu cers +ĠM uch +_st orage +cred it +CON T +Ġv et +Ġvo ices +(' ', +Ġinstr uments +ĠM SG +es se +re pository +om ics +Ġdeal er +St ill +Ġb anner +asc ii +Ġrem arks +[ js +Ġshort er +g ulp +Ġmyst er +Ġk un +ĠB ird +Ġti ene +n ut +ĠU m +Ġw ise +Y eah +INE SS +_b egin +- heading +C ourse +Ġ čĊčĊ +omb ie +grad ed +ĠG PS +Ġ że +F it +c aption +ö n +/ image +l ia +(m od +Ġle ak +en za +/ H +ĠH appy +D ist +n x +ĠGovern or +(l ast +te acher +ĠS ent +s upport +ject ory +Ġ Ùħ +Reg istration +ĠGr ay +, false +Ġadjust ed +( settings +< R +ĠM age +Ġpl aint +_ )Ċ +ĉ it +omet ric +. bootstrap +Ġcar ries +I p +Ġ! $ +Ġswim ming +ĠMar io +ĠQuest ions +P ACE +æĸ ¹ +e or +}} " +Ġo ven +ĠK on +Ġwis dom +Ġac quisition +ess ment +ag ine +Ġexpress ions +Sequential Group +F ront +ul pt +aw k +'] )ĊĊ +_ AR +Ġanal og +ul in +_PR INT +ĠL G +Ġb lob +ĠFurther more +_com ponent +ĠC ole +L AN +SCRI PTION +Ġl ap +icens ing +_TIME OUT +ĠF ro +Ġli ability +Ġcom posed +.create SequentialGroup +_p erson +Ġbe am +ĉ ĠĠĠĠĠĠĠĠ +ĠNot Found +. 'Ċ +ÃŃ s +.Text View +P DF +Ġk ar +__ (' +Ġ" :" +_m essages +Ġhar vest +.h istory +> 'Ċ +-f old +æ Ĭ +ĠBet ter +Ġ"\ < +sp acing +Ġfurn ished +os er +] }Ċ +Ġ$ " +p ull +.P ost +( ip +Ĺ ı +.f ront +nt e +ĠF M +g uid +Ġnegot iations +agon al +Ġtrem end +unge on +Ad v +car ousel +ÃŁ e +_DE SC +Ġham mer +áº Ń +ĠĠĠĠĠĠĠĠ ĊĊ +-c ore +-s ervice +Ġcorn ers +ĠS F +p red +> A +ĠJ Label +Ġrom antic +Ġtestim ony +os c +ĠGener ation +as ures +_int ernal +Ġprint s +Ġ] )Ċ +ĠC leveland +re po +D isc +Ġ" >Ċ +�� �� +Ġne arest +_t b +( require +EO F +- child +Ġbu dd +.Xtra Editors +alt ies +\": \" +W ords +Ġloc ally +Ġpurch ases +Draw er +ex tract +Ġexec ut +} '. +user data +Ġfocus es +-min ute +ĠP ublish +og o +Ġmount ains +B ot +} >{ +Ġt ension +ro d +m esh +Ġtransform ed +, R +() }Ċ +.l ong +Ġg orgeous +ĠS chedule +Ġol dest +Ġsub process +( IN +y ect +ĠCo oper +arn ess +ĠMon itor +.p art +ĠN BC +Ġc otton +Ġh ol +Ġrg ba +ĠB io +Cont inue +P od +Ġparticip ating +clus ions +(By Val +à ¬ +ĠH OW +_set opt +Ġaccompany ing +at on +Ġ/ \ +ĠAuth entication +i én +ĠBar ack +/* . +Ġe ager +ĠC ancel +< lemma +ep h +ĉ window +Ġinc idents +), ( +.D es +ib e +ĠFunction s +Ġhosp itals +Ġo xygen +root Scope +Ġd rew +ĉ request +not ice +ak u +am ents +f ar +Ġprec ise +_w rapper +Ġlisten ers +A Z +.b ounds +ĠA verage +field set +_ axis +Ġexam ination +' .Ċ +mon s +++) {čĊ +ĠForm s +íķ ľ +Cpp Method +_tr ace +Ġengine er +ĠFl at +Ġrev ision +Ġhe ating +/ profile +.r u +p riority +Ġin fer +_ST REAM +Ġ* )( +> $ +OLE AN +OK IE +IB ILITY +U AGE +ĠSur vey +Ġres ign +w ing +Ġsecre ts +Ġch ips +JSON Object +Des ktop +_SY MBOL +(res ource +ĠĊ +Ġnew est +ul i +Ġdes ert +Ġd ip +ĠP ow +Ġequ ation +Ġposs ibilities +ĠF ed +os ph +Ġ[ % +Ġb ubble +ether lands +Ġc ement +. auto +_ AN +âĢĻ . +se lection +ĠB ond +D en +- O +.get Type +.W indow +p res +Ġsw inger +" })Ċ +Ġp ip +Ġm ice +Ġcomp ound +- plugin +ik o +Ġcent uries +ic ular +-in line +ĉ key +> \< +EN SION +Ġ[ čĊ +Ġprecis ely +Ġét é +ĠP ast +ĠCam bridge +-f ull +Ġanaly ze +ĠSte ven +Ġn em +d ue +ore n +Ġmus cles +ij ing +/ - +ĠKenn edy +R M +oss ible +Ġact ress +Ġd olor +å½ ķ +Ne ed +.t oggle +ĠR ace +w ers +.m aterial +ĠD ue +ĠP el +# print +Ġindepend ence +ex us +Sh adow +Ġenc oder +( level +ĠSw ift +.d oc +_se lection +Ġserial VersionUID +Label s +Ġperform ances +.T ag +ĠN HL +iz en +/ UIKit +_CONT ROL +Ġearn ings +ĠAl t +_H ANDLE +C tx +Ġpers u +Ġtr an +ç ¨ +_CH ANNEL +Ġsatisf action +ĠG P +io x +m itt +land o +Ġp ig +inal s +ê ncia +S urface +ĠU UID +Ġbenef icial +Ġsequ ences +ĉmem set +Ġmag ical + « +Ġw orn +AS C +pop up +COM P +_b efore +en ess +U i +L es +.re quire +.Serial izable +add Gap +Ġauthor ization +.py plot +urr ay +lat itude +fr ames +aj s +Ġcomp ass +Ġobserv ations +_s up +.en viron +Ġtri ple +ĠRub y +Ġdr ain +_F ILTER +S an +UM P +Null Exception +ĠG ab +ow e +ĠTurk ish +_se quence +ĠGr ant +uel a +Ġw o +Ġc ube +i q +Ġdis orders +Ġextra ordinary +Ġc trl +ĠSe q +ent r +Ġsan ctions +uts ch +Re ports +Ġin herit +Per iod +Ġphot ography +ĠF ramework +Ġspecial ist +Ġ? ĊĊ +_ selected +.P layer +Ġal location +( account +Ġstruct ural +v able +- offset +.App CompatActivity +аР¼ +.Add WithValue +Ġicon s +Ġshut down +_l ow +ĠCom pare +ĠC e += head +l am +.p redict +_DE C +ĠS leep +ĠGr atis +Ġsuggest ion +ĠD EL +ca ff +av irus +No thing +ŀ ĭ +Ġwides pread +Ġmechan isms +Ġtext Align +occ up +ĠR ail +: NS +Ġf iber +Ġm k +Ġv intage +-l ong +.re duce +. Entities +( record +Ġple asant +FR ING +.C ells +OT T +ĉelse if +_con firm +ĠView Group +s ym +Ġpr ay +Ġsus pected +Cont ains +Ġb orders +Ġcomponent Did +ASS ERT +Ġinf inite +- order +Ġh ello +ĠGr ade +.currentTime Millis +apol is +z h +ĉ Object +: \\ +H O +val uation +Ġvoc ab +Ġcou pon +atab ases +.Get Type +L earn +] =" +ĠG ary +ot ive +Ġas h +Ġb ib +XX XX +Ġbal anced +VAL UE +ĠN at +_A d +< E +åĮ º +ĠMethod Info +L IB +Ġconsider able +ĠInd ustry +test s +.set Title +ĠBl uetooth +Ġm apped +ĠBru ce +ĠMain Window +ĉ status +Ġr az +ĠM and +Ġclass ification +Per missions +Ġ---------------------------------------------------------------- ------------ +Ġcontain ers +: set +_x ml +Ġwh ilst +Th rough +Ġval ign +Ġworld s +C ORD +ED IA +ÑĢ Ð¾Ð² +Ġsp are +ĠH ad +ĠDE F +(p tr +Ġwarm ing +ठ¾ +Ġcons ensus +ag ne +CT L +Ġì ķ +.M ain +web Element +Ġp ist +Fl ash +App end +.tw img +T ap +Ġveget ables +al g +.s ample +Ġcoach ing +( ind +Cell Value +Check Box +ĠH ell +RO OT +Ġst adium +Ġinvestig ating +) % +st ed +ĠW riting +Ġê ² +Ġun o +Ġ{{ -- +Ġco ords +Ġun ser +organ ization +ĠCr ime +ĠDemocr at +Ġv in +/ file +- api +ĠA y +Ġfund ed +ĠBre xit +ĠG h +ent ina +c ases +Ġd ash +Ġ!! }Ċ +H I +Off ice +Ġcapt ain +Ġwor ship +\ C +Ġglo be +_ board +Ġbab ies +Ġconsec utive +Ġenh anced +ere um +ĠAd vis +Ġgr ain +Ġc raw +ancell ationToken +. alpha +_W ITH +ĠO tt +ĠC ool +.b atch +Ġver ified +(c allback +Ġreg ards +ĠInt Ptr +ouch er +Ġk in +Ġtou ched +it Ãł +ath on +Ġadj acent +Ġaccom panied +LE AR +Ġim plies +Ġh ill +ĠBalt imore +=" - +Fin ally +S am +ic opt +Ġs od +Ġm aj +ĠSh ipping +Ġget All +Ġcoach es +Ġdon ations +il ot +ĠT ar +c err +Ġbad ge +Ġmark ers +ĠR and +ais ed +iss ance +Ġexpl oring +uc ed +ĠIndones ia +Ġbene ath +Ġmagn etic +Ġm useum +match Condition +Ġdis rupt +Ġrem ind +ĠT M +Ġ/ >< +Ġf ool +Ġes k +.N ull +ĠD ies +_OUT PUT +_TYP ED +Ġpaint ed +Ġsoph istic +ĠB ear +* n +_P ACK +Ġdeliver ing +ĠC OUNT +åį ķ +Ġj eg +-c ar +f name +Ġr anging +ĠN eg +/ ******/ +ĠCH AR +Ġul tra +Gr ad += t +Ġjud ges +ĠD ise +ann ers +Ġsc al +_c al +ĠCON NECTION +_ embed +(f n +ĠC raft +ĠP as +") -> +.con vert +.res ource +ĠST ATUS +ô ng +ĠT it +Ġclass room +ĠArch itect +ĠK ings +Ġstead y +/* !Ċ +ĠG ene +) ";Ċ +ic ia +st an +ĠCon struction +um per +w c +ĠC BS +ing ing +-p arty +(d river +M ARK +Ġn ested +ew ard +Ġdepend ency +Ġm ales +ĠO NE +ĠProdu ction +][ $ +ãĥ¼ ãĥ +_LO AD +ĠB ol +el ry +ł éϤ +ĠRe quire +Ġpl acing +xx x +CA LE +Ġth umb +Ch oose +Ġprot otype +VO ID +Ġles bian +Ġtra its +Sh arp +Ġconsum e +Tr uth +Ġaction Performed +ĠEnvironment al +ĠDe an +Ġest ado +s ame +Ġnumer ic +Ġtrans it +. Email +-s ide +_R UN +ĠVill age +_OP EN +è ¦ +.re m +-w arning +any a +Property Changed +Ġ(! _ +( check +il ia +ĠSo ft +st eps +ĠMad rid +Memory Warning +Ġhand lers +Ġexperi encing +Ġins pect +button s +Receive MemoryWarning +chem y +Link s +Ġur llib +.System Colors +ĠE igen +Ġpun ishment +:UI Control +bar a +- set +Ġ}čĊčĊ čĊ +Ġtoler ance +Ġinter faces +. redirect +ighb ors +cs rf +_back ground +. Utils +_H T +ĠInter est +im os +Ġgr ants +Ġexam ined +Ð Ķ +Ġc f +for ge +back s +ĠObject s +_s ent +. entry +ĠTH EN +ell ido +c ia +, res +/std c +. nd +( Int +ĠAuth ors +ĠApp CompatActivity +' { +Ġmed i +M usic +ig m +ce ipt +Ġa uss +Ġtarget ing +ĠKe ys +h n +: ]Ċ +Ġmin eral +à ® +.c a +om ed +Ġshe ets +Ġc amb +Ġdead ly +.in ject +( unit +ĠSe lection +.g ms +( connection +Ġ$ (" +é mon +ĠCurrent ly +pt e +_path s +le af +Ġimp lications +pos al +ä½ į +[ / +anc ia +é Ľ +m ul +c ie +Ġge ile +im als +UI View +Ġs urre +serial ize +IS O +Ġarbit rary +Ġsock addr +.f n +ĠM erc +Ġcast ing +Key Down +Ġnew Value +op ens +T odo +Ġflex ibility +ĉĉĉĉ ĠĠ +V elocity +ú n +row ing +Ġcomput ed +` )Ċ +st atement +Ġr i +_c art +L ow +trans fer +.n av +Ġgr ave +ĠDo or +ĉ alert +.sub scribe +- profile +ĉb ase +ĠâĪ Ĵ +__ ĊĊ +Ġengine ers +Ġexplos ion +Ġd ari +ĉ Log +on al +Ġisol ated +{ i +ĠM sg +F uture +Ġrac ist +-w rap +ĠV ers +b org +IS ION +Ġ ÑĢаР+ĠY an +init With +Ġn omin +( empty +ÃŃ n +ãĤ ¤ +ĉ width +Ġch amber +/ ajax +EM P +Ġnec es +iv os +log ic +*) & +cript s +Row At +ib lings +Ġe ars +Ġcomput ing +Ġm aker +ĠNe ither +b readcrumb +Ġserial ize +ĠWith in +Ġd ell +_TR ACE += a +Ġwish es +-in ch +ĠD or +Ġinnoc ent +ĠD ol +Ġint ens +for ced +ĠB IT +Ġphotograph s +Ġcas a +ĠL en +\F ramework +.S imple +Ġde ar +)/ ( +ip pi +Ġown s +Pl ayers +Ġpropos als +.p i +us alem +D amage +Ġcal ories +ĠCreat ive +Ġ[ $ +Ġ// čĊ +And View +è me +.c ustom +_f actory +command s +_lo ok +Ġstr cmp +Y N +a ired +Ġaud it +о ÑģÑĤ +ĠRe verse +ropri ate +et ics +< vector +.s elenium +. or +Ġpred icate +Ġfinish ing +Ġk le +ĠRep os +ĠK han +ĠM aking +ĠF S +Ġp ute +ĉ state +_S UPPORT +' - +orient ation +Ġexist ed +atur a +Ġexpect s +ĠSh adow +Ġorgan iz +å ŀĭ +Ġsusp ension +Ġu it +Ġsimult aneously +ĠAff ero +: ");Ċ +Ġro cket +c as +eter mine +ace ut +x l +ĠA MD +( graph +ass oci +_C R +.ar ange +(j Label +Ġbe ef +Qu ick +.c ard +] ): +- gr +.G ONE +_C LOSE +ĠNe v +ÃŃ as +Ġste pped +ĠFre edom +ĠW R +NS Array +_r x +_d ialog +Ġhot els +Ġ( \< +ĠD iamond +Ġassum ption +um i +( items +č ččĊ +æ³ ķ +Ġn el +Book s +åİ ¿ +us b +ĠF IN +æ ¬ +Ġcorpor ations +US A +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +.p roperty +ew ise +_ plot +"> ';Ċ +Ġpe pper +Ġsh ed +ĠMed ium +ĠC ookie +Ġoverse as +ed or +asure ment +åŃ ĺ +Ġ' .' +Ġph p +ĠPRO C +Ġexception al +( th +ĠJ et +Ġoccup ied +.set Image +ĠRel ated +uck er +M embers +PR INT +ĠG lo +_V IEW +} ",Ċ +Ġad option +[] )Ċ +ĠMiss ouri +ĠLin coln +eral d +Pop up +Ġf ate +- bootstrap +fe ctions +ĠP oll +_ARG S +in ance +-h ome +. ), +_d one +: ĊĊĊ +Ġdiscuss ing +ĠSQL Exception +Ġelect ro +ĉ req +Ġz w +Ġl ui +Ġover night +$ user +ĠW AY +Ġall erg +Ġdisappoint ed +Ġradi ation +Ġimpress ed +ific ates +Ġto b +CL ASS +Ġc uda +_d et +- post +ul u +Trans lation +-h and +.y ear +ĠM ongo +Ġun clear +. engine +WEB PACK +r ices +_AC CESS +Ġh olidays +per cent +.Id entity +ĠG ov +Ġpassion ate +!! . +ĠGree ce +plus plus +')) ; +G P +Ġexc it +.tab Page +_ cond +Ġspons or +M ODULE +_pro c +Ġ$ Ċ +Ġr ational +.T ool +Ġi hr +cc a +åĵ ģ +ĠE state +IB UTE +Action Performed +ĠS olar +¦ Ĥ +Ġequ ity +t id +Ġrec ip +.s imple +m k +ĠL uke +ĠGuard ian +Ġenc rypted +Ġdomin ant +. place +ĠN V +Ġtong ue +( Get +Ġst ainless +.P lay +Ġe b +ac i +.b uffer +readcr umbs +Ġvacc ine +p rom +Ġuser Info +Ġsl ug +Serial izedName +-w ide +Ġre actions +ĠY ang +ĠAdd s +(user Id +Ġpl ates +ĠM EM +Ġb ail +In side +et ed +Ġels if +Ġs ake +Ġc ycles +Ġì Ĺ +ĉ I +-c ollapse +ĠG MT +De claration +Ġg ros +Ġreach es +Ġcust ody +Unt il +t u +ĠCh en +Ġn x +( addr +ĠO ffer +Ġcol leg +ass ador +Ġm apper +ĠS IGNAL +ĠB loom +ĠH oll +ĠIm per +-d es +_s ite +Pro c +E qu +Ġat omic +ĠW oman +s ent +sc ar +Ġint elligent +ĠGet ting +ĠReg istration +ĠPh ill +Ġkill er +unic ode +Ċ ĉĉĊ +ĠJac ob +ĠCon st +Ġloc ate +Ġca us +ĠSch olar +Ġconstitution al +Ġinfl ation +ĠG ot += array +end um +Ġtransl ated +Ġdiv orce +En tries +Ġs or +ĠQu ote +irl ines +U K +Ġexc el +( opt +ĠAD V +,: , +Ġcontact ed +ĠD A +Ġr ings +ĠIndust rial +.get Context +Ġforg otten +ĠT an +Ġp ants +Ġo v +Ġdec oder +ĠPart ial +Ġv c +Ġbatt les +A rial +FRING EMENT +ir ates +, w +aint enance +ĠO d +ĠTechn ologies +åī į +ĠCar ter +.find All +N ome +B en +ĠUs age +ĠP icture +Ġbad ly +_p anel +Ġpat ent +ĠProt ocol +lot te +ĉ player +je ctions +Ġd ou +_re lease +urn iture +_t ax +ĠF ields +.d ataset +_m aster +CLU DE +ĠPh arm +b st +Ġoper ational +.c ell +Ġident ifying +Ġj wt +t uple +ĠT C +ĠC ro +ix map +- components +gener al +Ġo z +_D e +_d ouble +ĠTo o +.View Group +g ate +d ings +ph otos +Ġgrand e +ol lect +_l in +Ġaw ful +f ilters +Ġaltern ate +es p +Ġcomp ress +e o +ĠS cale +Ġind irect +Ġinv oice +ĊĊĊĊĊĊĊĊ ĊĊĊĊĊĊĊĊ +Start ing +ĠPl ayers +ie le +. then +Or d +ĠT uple +Ġb out +ĠStat istics +Pre view +Ġp uzzle +ĠW idth +ST ATE +Ġover lay +ĉ on +Ġin fr +Ġsm allest +lock ed +ÑĤ о +ss l +Ġde emed +Ġs co +re ck +Ġj Button +Ġmiss ions +ç§ ° +.Selected Index +T ABLE +Se pt +Ġacknow ledge +Ġstrt otime +ĠT ell +ĠD ak +Ġal uminum +Ġf ence +ĠSt ars +CON FIG +Ġretro fit +Ġemph asis +/ header +ĠS omething +in ished +=' ".$ +ĠValid ators +Ġpol ar +section s +.as px +Ġas pir +.M ock +Code Gen +Ġpe ut +Ġaccept ing +Ġback ing +P icture +/ ap +еР³ +_SE C +- use +annot ation +Ġcogn itive +Ġg rip +h our +ĠLeg al +Ġep ic +.t oolStrip +.not ify +.L ast +OR IZ +M iddleware +cri ptions +l ash +_F OUND +ĠLiver pool +Ġ{} ", +Inst all +Ġn it +Ġfig ured +[ len +.W in +.pl atform +Ġgam bling +(d t +av ery +ĉ include +Wh ether +R outing +Ġther ap +Rem ote +ĠL oss +y ll +Ġappro ached +ĠV ehicle +ĠAl pha +Ġvoc ê +ans wers +NS Dictionary +cons ider +un used +ĠF an +or able +f re +ĠDIS CLAIM +ĠAct or +. ] +to Have +.user Id +Ġspeed s +ew ay +Ġrec urs +ĠÐ ³ +_pr iv +! âĢĿĊĊ +Ch oice +Ġsett le +Ġplan es +' }, +T om +IT ER +! "Ċ +å » +achel or +Ġsepar ation +Ġd al +ad j +Ġreg isters +r iz +ĠNot ice +Ġl u +Ġcour age +Ġax es +cell ent +.as ync +Ġcompat ibility +ç « +Ġ! ĊĊ +ĉ title +Y LE +ĉ message +U UID +OLD ER +ĠH H +ĠStyle Sheet +Ġaccess ed +. validation +t asks +Ġpoll ution +.c anvas +Ġing redient +ĠC abin +A h +old own +ĠNO I +ĠÃ Ĺ +[ f +ed uc +y alty +(n ot +_ State +am en +Ġda o +ud ad +ell ers +} & +lic ity +_W INDOW +Ġt atto +val or +.R ange +Ġrefer enced +ĠRes erve +M oney +SCRI PT +/ product +cho ices +Ġt in +ãĤ ĵ +Ġsepar ator +Ġp kg +am med +ĠM AT +! !ĊĊ +Ġr aid +Ġmotiv ation +ĠX P +ĠBack ground +ĠQu aternion +.define Property +ik er +ĉp arent +ĠOrigin ally +ant age +ĠH ans +Ġtim eline +.c ur +op ic +ĠSe qu +m ust +ĠCo al +Ġform atter +_R GB +Ġ_ (" +'} ),Ċ +Ġ= ================ +ĠF UNCTION +Ġl ng +ic ates +l ive +_ engine +Ġtown s +')) ĊĊ +ĠP K +( api +ĉs canf +pack et +.ph one +á Ģ +ĠAnd y +_N AMES +PL Y +Ġmin s +im i +Ġbr ick +Ġbl ade +.std out +}` ;Ċ +Sh ift +ĉs b +ĠCheck s +Ġphenomen on +Av atar +Ġmin istry +ro se +ĉ File +Ġtit led +( LOG +Ġg an +des ign +(), čĊ +Ġb ones +st m +ÅĽ Äĩ +ĠInput Stream +Ġvol unt +ĠSerial izable +Ġfight er +ĠDr ag +T witter +Ġsubs id +ç ¼ +Ġfor ums +.load ing +log ged +_ this +Ġterr ain +Ġir re +ĠIn g +ĠC N +_object s +. uid +Ġconscious ness +T INGS +ĠG all +Ġport ray +ĠDevelop er +Ġparticip ant +Ġ" ;čĊ +/ model +ĠOper ations +^ \ +ĠL ater +Ġrais es +-n one +.m eta +=' .$ +Fin ished +Ġrepl acing +Ġsam pling +ĠJ en +" There +RE AL +A LE +ìĬ ¤ +Or ders +_param eter +ĠOlymp ic +Ġtr ès +Ġare na +i ol +; ?> +Ġimpact s +ĠW S +: get +Ġfl ights +ĠRuss ell +c amera +F n +s igma +Ġfor cing +Ġloc als +Ġdepart ure +Ġcelebr ation +ĠS ay +ï¼ Ĵ +ĠH ills +.has OwnProperty +Ġtyp ings +.A PI +Ġdon ation +Operation Exception +.Act ivity +c plusplus +ĠChar lie +Ġimport ed +Ġd ann +Ġoccas ions +Ġimplement ing +Ġpur ple +.d ialog +SQL Exception +ern o +Ġw ars +Ġpast e +Ġdecre ased +Ġhar sh +Ġel abor +input s +ĠView s +Ġerror Message +_m ul +ĉ write +ĠC op +ĠAnn ual +(b utton +Ġv ida +b ars +ĠHar vard +ĉex pect +Ġindex es +Ġdocument ary +Ġf lesh +OR LD +ĠD elta +M AND +Br ush +-c olumn +Ġdevelop ments +method Visitor +s lice +ĠP DO +Ġinvest ing +ir able +Ġxml ns +ï¼ Ľ +art a +Ġthe ories +_c ity +Ġ$ __ +Cre ating +( pr +D ropdown +ism atch +ĠN ET +'] )){Ċ +ĠVal ues +ĠSE O +ĠST AT +Ġe cosystem +Ġtem pt +Ġ\ \ +Ġ// {Ċ +ĠChrist opher +ĠKent ucky +ĠHttp ServletResponse +Ġhy brid +y on +Ġfeed ing +ĠEx tra +N orm +IT CH +ĠSe an +ĠUp load +m un +p ur +Ġp ersistent +ĠID C +ĠPer form +.m erge +_ room +Mean while +! =' +ĠW el +Args Constructor +.D atabase +Ġcount ing +() * +Ķ åĽŀ +ĠT OP +m ill +ĠD T +IGN ED +ĠK B +Ġcomp ly +S outh +_c ollection +Ch apter +Ġexpl aining +_ AM +_t s +c ards +Ġqu el +Ġp ole +Ġtouch down +ĠO thers +Ġpe ers +ĠType Error +Ġsix th +Ġche er +Ġdis pute +us c +) ], +th umb +Ġh iding +ĠS IG +lik es +ĠP AGE +.Ref lection +Ġhead quarters +T ING +ĠG host +M LE +$ Ċ +Ġcontr ary +ext end +'] ). +FF ECT +ĠP interest +úmer o +ric ane +ĉs ession +Ġcr ystal +- Control +overn ment +og raf +- action +v olume +ft en +Ġun con +Ġan imate +Ġle ase +sc r +Ġref use +ãĢ ĭ +ft p +in formation +Ġeval uated +Ġin jection +Ġj ack +Ġwork shop +æ³ ¨ +PT H +ĠT s +off er +ĉ os +Ġking dom +M issing +Ġlaw makers +ext Field +Ġsing ing +ab i +/ client +.m edia +ATEG ORY +Sign ature +% ',Ċ +ĠF uck +][ : +Ġsens ors +/ com +ĠPr imary +.S QL +_pro gram +Ġp ills +Ġinteg ral +Ġfle et +Ġdro pping +.s l +Be en +Ġp ets +Ġadvis ed +Ġdr agon +_ EDIT +( im +F ER +ĠDr ug +(r andom +Ġcomp ression +ou st +[ % +Ġbuy er +h op +R oles +man age +Ġpain ful +ĠBr anch +-mod al +en ant +ĠM esh +/ font +ĠG raham +Ġâ ĺ +Ġn c +ĠFranc is +Ġspec ification +Ġdam ages +- config +Ġthe oret +sec ure +_m ulti +aceut ical +Ġdemand ing +en ne +IST S +() ));ĊĊ +Re ason +Re cent +ph ase +Ġps y +_M AN +Ġvolunte er +å ¿ +istrib uted +li o +Ġproduct ivity +_com m +S pring +n is +. weight +ĠC ancer +Al loc +ĠT weet +Ġsepar ately +ĉ check +_p roperties +. Unit +_CL K +Ġg t +Ġ( );ĊĊ +Ġhand y +ĠThom pson +Ġunn ecessary +ĠRe ader +G N += request +ĠU tility +.Re pository +ĠA x +hy dr +ie u +Ġth y +Ġl t +_m ail +ä¿® æĶ¹ +ail and +ĠPhil ip +Ġbit ter +Ġbet ting +Ġtim ed +ock s +' a +Ġal gorithms +Ġre interpret +Ġto ss +ro gen +Ġhop ed +( selected +Ġvent ure +TE X +ĠLe ave +.Sub string +Ġgr ateful +uk a +ĠCon sumer +Ġag greg +C ircle +ภģ +_block s +Ġleg ally +Ġ" | +ãĥ ĥ +. board +.A b +Function s +rec ipe +è ĩ +ĠO xford +Ġwho les +.B uild +_ch anged +h ai +Ġdepart ments +I mp +Ġcoal ition +IN FRINGEMENT +Ġemp ower +itch es +N orth +Ġinfl amm +ON SE +Ġmiss ile +ĠR aj +ĠIss ue +Ġat oi +ca led +.Cont rollers +ĠW olf +Ġcrush ers +á» ĩ +.A uth +.add Attribute +h is +Ġbo ots +.c lean +c amp +Ġten ant +Ġt une +Ġ{} '. +Ġwork out +Re po +Ġpartial ly +MI SSION +j amin +ĠS B +Ġdetermin ation +Ġ' ');Ċ +ĠB eng +Ġv os +Ġin hab +/ lang +s burgh +Exec utor +h one +ĠCh allenge +_link s +.Le vel +Ġunder ground +-c ode +Ġoptim ization +log ging +_de st +Ġsn ake +Ġchemical s +_IMPORT ED +ado op +ĠTH AT +man aged +Ġredu ces +ĠRE AL +ĠG uy +_GENER IC +/ ******************************** +. amount +Ġd ere +get Time +Ġp ant +an onymous +Ġharmon y +ĠAl an +Ġscen arios +Ġd irt +ht ags +M c +Sh ell +r in +{ čĊčĊ +.p ow +ĉ client +Ġconspir acy +Ġad mission +ĠReg ional +ĠView Controller +ĠPhilipp ines +Ġde pos +Ġp ap +ĠP ad +P aul +.Com boBox +Ġt utor +ĠRec ipe +w riting +Ġcontrib utor +OT H +Sm all +V I +Ġh acer +e qu +ĠEx amples +h uman +.m essages +ĉt yp +Ġ( čĊ +ĠS SL +LE N +ĠRom ney +( grid +ĉ min +Ġ> ĊĊ +Ġfr uits +Ġvot er +In line +pan e +ĠC ollections +char set +Ġsp am +z b +item ap +Ġsucceed ed +_C OL +Ġel apsed +im eter +Ġrecover ed +T ensor +hatt an +.set up +ist o +( head +ĠS IZE +Ġtact ics +Ġdist ur +Ġpre val +ici os +( Value +_c ols +ĠF at +Ġse al +Ġs ons +Ġens ures +Ġpress ing += & +igen ous +Ġharass ment +_ JSON +Ġign or +yn omial +om er +_st atic +Ġsignific ance +Ġcirc les +_S ystem +Ġdiscipl ine +Ġdress ed +Ġs phere +Ġclim b +_ actions +ĠB ab +Ġ' =', +_s chema +" use +Ġund ers +Ġc ups +.s creen +/ new +Ġappe aring +T OP +vis ed +cl ang +Ġinvestig ators +Ġmyster ious +Ġprom ising +Ġqual ify +Ġc ave +Ġequ ip += x +G T +( link +. velocity +. erase +ot er +++++ ++++ +pro fit +Ġz ones +_ uid +- ser +Ġobject ives +Ġmil f +web kit +(m atch +ne h +ĠAssoci ated +ĠT odo += d +C am +Ġv ocal +Ġs udo +( EX +Ġtr ou +AB C +.b ean +ĠG round +ĠRE ST +we ets +In g +im on +_b us +ĠC OLOR +un to +Ġf oss +ĠLink s +ä ng +/ forms +pr ises +Ġachie vement +C ALL +ел ÑĮ +ĠVer ify +_S OURCE +apt cha +ID D +_re ference +G old +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĊ +Re ceiver +Ġa j +_d irection +} ] +ĠCom pet +Ġb ang +ĠC ass +- url +te chn +ĠJer usalem +long itude +' );čĊčĊ +Ġwin ners +T asks +ĠD MA +Ġtool tip +İ · +ĠB ra +_d uration +cur y +parent s +---- >( +ĠK ir +Ġint ros +Ġsk etch +Ġsk illed +Ġim mer +Ġade quate +_re p +( header +_ like +Ġper ceived +ss h +Ġassum ing +Ġf f +_u uid +ul as +Ġdemocr atic +. entities +S eries +aph ore +Ġnew er +} ( +SE C +ai ro +Ġcomm od +Ġprivile ge +Ġde ux +ĠH op +.' / +ct ic +. ';Ċ + C +ĠWar ren +Ġoptim izer +ĠSER VICES +_ oper +get Attribute +ĠMc K +_s elf +.r s +" )ĊĊĊ +Get Component +er ce +Ġt ous +un its +'] );čĊ +Z oom +/ E +Ġobs c +Ġfast est +on line +Ġpeace ful +ff en +Ġc argo +ĉ pr +Ġseek s +z u +Tr im +Ġw ard +Ġver d +Ġblog s +.exception s +ĠPrem ium +ĠN etherlands +S afe +Fin ish +ĠAl bum +_A CC += this +v irtual +] > +_L ABEL +ĠN ich +_w in +ĠA aron +W P +; $ +aim s +ĠImage View +Ġend less +ER A +_DIS ABLE +Ġcancel led +- us +Ġins pection +em in +ĠG rey +- open +Ġiter ations +. owner +Ġk eras +.P assword +ĠR y +ĠIN S +A ir +ĠSe veral +.Tab Stop +ING LE +ĠH air +ĠCan vas +AA AA +Ġfl aw +ced es +.Re port +í Ĭ +ĠT ips +cript ors +.trans action +.S pring +Ġview er +Ġins ights +è¾ ĵ +ord ion +U INT +se ek +ĠA uf +ìŀ IJ +Ġstr ain +To oltip +Ġd z +ign al +ad t +Ġu c +fin ite +Ġn m +.c md +ĠMy Sql +[ data +.j ackson +.t ree +Request Param +_ agent +") ]čĊ +Ġass ass +( Constants +: ss +ĠM AN ++- +- +ĠB ottom +print s +ĠS ame +@ Autowired +sw ap +ici ón +Ġprotest ers +Ġh oney +ĠV eter +(C alendar +- ad +ĠBrook lyn +L ife +_V AR +ze ch +ĠC ALL +_C AST +ĠE lection +Ġthick ness +V ery +_IN TEGER +- dev +)) )) +ap at +oo oo +d emo +Ġparse Float +ĠR ather +ST IT +m aker +[ current +chron o +Ġch rist +ãģ ª +ĠD etail +ư á» +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +Ġs ul +id ency +Q ue +Ġeleg ant +ap ons +Ġdish es +Ġinteg ers +( read +find ViewById +ĠAm ount +ĠSk ip +Ġhab its +* )( +Ġmon sters +M AC +: end +Ġfr ank +As sembly +Ġd fs +Ġne ut +_TYP ES +e qual +loy d +( uri +Ġch i +Ġdefend ant +Ġconflic ts +Ġv il +- js +ĠPe ace +Ġmut able +) sender +ĠF ocus +å» º +Ġapprec iated +s leep +ĠR ED +C ulture +Ġdesign ers +_g enerator +c odes +/ ex +.Get Value +umb led +.scal ajs +per or +Ġveter ans +Ġ} )čĊ +Ġun fortunately +_C REATE +M ass +ĠCL AIM +ĠMe et +_s upport +B ank +() .Ċ +D ark +_LO W +ĠMin ing +ĠO wner +ier a +Client e +Ġencour aging +> S +Ġboy friend +ĠH alf +ĠA CC +A ff +_ ar +-l ife +c x +.J Button +iz ado +.z ero +.open qa +ot on +.text Content +Ġto ll +at ie +Ġball ot +- number +. Exception +ĉ params +c ircle +-m ap +Ġn ap +ĠRob ot +ĠI ch +reg istration +Am azon +roll ment +( exp +Ġt anks +ĠG ordon +Ġmach inery +Ġbas eline +æ ĭ +Ø © +ĠCon vention +ĉ config +ook ies +m ult +Rec ords +ĠE ST +Ġgar bage +Ġcon form +id al +Ġb arg +Ġsurv ived +Ġinvestig ations +.contains Key +---------------------------------------------------------------- ----------Ċ +ort ion +Ġhor r +_ http +Ġm ant +] ;čĊčĊ +b inary +em pl +Ġin quiry +ĠMean while +Ġcollect ing +.Entity Framework +", ĊĊ +ĠP ic +@ Inject +ick ness +ĠB inding +Ġcont rolling +re verse +Ġch airs +semb led +( add +Dis abled +an as +.trans late +-------- ---Ċ +Ġref lected +"] ĊĊ +Ex ternal +Ar row +Single ton +% x +Ġ Å +Ġan cest +ĠOr leans +ĉc md +Ġprohib ited +ith metic +(ch annel +_c ss +For ward +.s ocket +Ġl uc +â Ĩ +ĠFire fox +ĠM ovies +) _ +. ends +( shape +Ġde alt +Ġs aves +Ġgl ory +Ġmej or +Ġbreath ing +Ġ eller +get Data +Ġang les +Ġtool bar +Ġsp acing +IP S +Ġflo ors +_ACT IVE +Ġsh uffle +/ shared +ĠE le +ed ish +Ġweb cam +.ex pect +il oc +ĠIn cludes +Ġtweet ed +Ġ: ) +ĠEss ay +F ix +-b etween +_ web +.con v +Ġrac ism +Ġreflect s +um m +иÑĤ е +_f ooter +/d ocs +ĠP our +Ng Module +.initial ize +pattern s +_ In +ĠAb b +* čĊ +Ġsent iment +b uff +_count s +Ġre use +ch unk +Ġim posed +Primary Key +Fore ground +Ġconsum ed +? ! +Ġd ick +Ġch ron +ĠF ern +Ġrespons ive +Ġin sect +icult y +Ġr w +Ġal ike +Ġsub set +ĠCook ies +ĠP air +Ġt ier +IF O +av our +ĠQ U +, sizeof +Ġmerg ed +m v +it ol +yl on +Ġjump ed +. role +ens aje +R ules +Ġb rowse +An imator +Ġy oga +Ġvari ants +Ġcour tesy +ur an +p bs +else if +Al t +ĠL ane +CL K +IM ARY +_PRO PERTY +ï¼ IJ +Ġch an +Ġgrad ually +Ġsh ake +Ġbl onde +... ");Ċ +-se x +Ġgame play +ac ies +.ref resh +US B +ĠPl ot +W as +iss ippi +ĠT ensor +Ġcryptoc urrency +Ġdifficult ies +De leted +With out +_ append +_ ver +")) čĊ +Ġhonest ly +Ġp ivot +Ġtem ps +_p s +ĠUn like +[: - +V S +_in f +Ġjun ior +Ġanim ations +Ġfile path +? {{ $ +Ġun icode +pl aces +ĠC offee +.S E +ĠP AR +(t xt +ge bra +Ġf ires +Main Window +med ium +Ġ( âĢľ +Ġl g +Ġc mp +/ base +_l ayers +_ entries +Ġadmin ister +ĠSU CH +B P +ĠScott ish +ĉčĊ ĉčĊ +gu ard +ĠStr ong +In sn +ĠC AP +as ury +ĠSE E +C lock +er ie +\ models +Ġ$ $ +ĠC ab +Ġwur de +Ġsold ier +Ġcl ips +Ġarrang ement +ĠW onder +ĠH orn +Ġsc ared +Ġc ure +m kdir +Ġal igned +ĠP ink +Ġland ed +Dim ension +Scroll Pane +.ch at +.W ith +ĠTr ain +] .Ċ +Ġth irty +Ġdur able +Ġl d +Ġlate init +Ġch arts +Ġins ult +.F atal +_ ct +Ġm asks +CLU DED +Pres ident +Ġcol ours +g ments +.at tributes +ĠF lex +ĠC lock +ÃŃ cul +im en +J O +ĠReg ex +_L INK +Ġc ouch +ĠIN PUT +Ġbe ating +b usiness +pre ced +. unit +ĠF el +N ever +osp el +.start swith +ĠE PA +. only +Ġprevent ing +y er +Column Name +Ġelev ation +fl u +icy cle +Ġoff line +Tool bar +Ġcompet ing +) ]. +Ġm og +Ġis Valid +As k +_ av +_l at +AN C +ĠJ oh +k ers +Ġgu ards +Ġch ains +ĠSimple DateFormat +.st atic +Ġvess el +Ġm ud +Ġst abil +Ġst ret +g m +am ation +ç ľ +-w ith +Ġro s +_P A +Ġresult ado +Ġconf idential +ĠTok yo +ĉ using +ĠMath f +omb ine +ĠESP N +Ġdeal ers +Ġdismiss ed +TR Y +Ġte ens +rec ords +Ġw ings +g allery +account s +_L IB +Ġj acket +ĠNS Object +Ġst ones +ĠDel ivery +ĠD iet +/w atch +Ġto ilet +ĠG uest +.d ay +Ġint val +Vis it +Ġinvestig ated +Ġpent ru +ĠThe atre +andid ates +L ang +ĠS erv +Ġcont rollers +Ġset Title +N P +am y +fl at +( ui +_d ocument +è ĥ½ +ĠC oin +ĠAd ams +pt ic +Ġproduct ive +Ġaccompl ished +čĊčĊ čĊčĊ +Ġdefer red +ient es +Ġs inc +ol ars +Right arrow +Ġvari ations +( offset +.Layout Inflater +Ġsus pend +Ġprevent ion +_pr ivate +_ js +âĺ ħ +Ġw ieder +at um +Ĵ Į +Ġappear ances +.D ocument +Ġvalid ates +cal endar +} ";Ċ +.d emo +con ut +Ġcorre ction +ĠDe al +Ġbatter ies +.d uration +, \ +_m arker +m ulti +Ġh alt +Ġc ms +Ġsh aped +B ro +re duce +Ġ #### +CT OR +ĠBen ef +Ġicon ic +Ġp iano +Ġeffect iveness +| .Ċ +Ġa jax +Ġv olumes +ภ¡ +Ġcl js +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠ Ċ +ath s +ra its +å¤ § +Ñ ĸ +_m ult +Ġfasc inating +A verage +Ġpr é +ĠChair man +.find Element +_p in +Ġcomp aring +Ġdark ness +-F i +- server +Ġselect ing +ster dam +ĠPart s +FORM ATION +Ġnot ing +Ġp ile +og s +Ġpa lette +_d o +it ize +() ( +Ġdef ining +Ġremain der +Un its +_T ASK +Http Client +S ocial +Ġfund ra +N R +ch est +C urrency +.ad apter +Ġd op +un ting +ANG UAGE +" He +ĉ index +_p ackage +.I con +Ġrep et +m ass +=" .$ +ĠS ud +Ġl id +pro vince +ì ľ +G PIO +Ð ļ +ĠMy SQL +Ġdoc s +ĠG A +Ġip sum +K ernel +Ġaccept s +Ġfit ting +Ġcu ando +Ġd uplic +ĠBro ther +ĠK le +num s +Ġmor ph +Ġ ######## +ĠCG Point +< unsigned +ä¾ ĭ +ĠD uke +.set Bounds +q s +or ic +j er +Ġregard ed +Http Request +Ġbond s +Ġthorough ly +enc ent +Ġhighlight ed +Ġac res +Ġwork place +ĠL ux +Ġqu ot +.in flate +Ġdocument ed +Ġadd iction +Ġmut ation +.c ity +Ġbott les +ĠRepos itory +on n +err no +ARI ABLE +åº ¦ +_B EGIN +gl as +' })Ċ +ĠMass age +ĠWh it +reg ex +W A +Ġout let +- head +Ġexp ired +ĠTh ai +/ include +grad ient +scan f +Ġse am +w al +ĉb uf +B earer +Ġprec ious +if acts +co ord +Ġexpl oration +.get Y +(h andle +Top ic +ĠV ent +r hs +---- --Ċ +ĠB right +Ġg uild +m other +st orm +Ġmunicip al +Ġin k +.T YPE +w l +... manual +ĠTechn ical +Ġcorpor ation +ĠH W +ank a +T AIL +ist as +Ġperform s +ĠBeh avior +.F or +_ ORDER +ĠK ick +Ġcallback s +_d r +ue go +h ub +uff icient +sk y +Ġb p +ht able +ĠON LY +ĠAUTH ORS +.Arg ument +" };Ċ +ĠTh under +ĠK om +.Sh ould +A UTH +ah u +_p ayment +Ġst arter +ìĦ ľ +ìļ © +B log +.p atch +Ġgovern ed +ass y +-f ound +Ġthe ater +ĠFont Weight +ĠBat man +" If +.R andom +_d elta +ĠC E +Auth enticated +Ġdr one +Ġc ous +r adius +M er +( None +ĠN J +_ headers +Ġam er +py test +ĠA ctions +ĉĉĉ ĠĠĠĠ +Ġet t +Ġh oly +Ġun comfort +ĠN in +ĠDec imal +ĠM essages +.s ender +] ])Ċ +Ġembr ace +Th ough +/ sp +Ġcult ures +Ġhigh way +t ar +.f ail +_h idden +ĠcomponentDid Mount +ĠW right +Ġj ag +_ il +../../ ../ +ig u +F ood +Ġa ce +Ġa ños +US D +Ġmut ual +Log ic +Ġtem ple +Ġbrief ly +ĠT rip +class method +default s +Ġch unks +,, ,, +ĠRe ason +$ id +-up s +Ġdam n +Ġtruck s +Ġun limited +Ġsc ulpt +ĠC ards +Ġaut or +ĠTest ing +Ġdies e +sh ops +ç ´ +(p ayload +ĠP ATH +ĠMem orial +Ġridic ulous +eg ree +-w inning +Ġre hab +Ġsophistic ated +wp db +ĉ path +! ";Ċ +_S YS +.s peed +Ġso ap +s uffix +W rap +Ġenh ancement +à ī +ú b +Ġplay list +Ġmix ing +ant idad +=" ";Ċ +ĠRev ision +ĠBe at +.in c +-w ay +enc ias +ul ers +C at +id el +ĠSh ip +.set Color +Ġthreat ening +.mod ules +Ġafter wards +ĠD ashboard +Ċ ĠĊ +Sign al +Ġpr imer +orne ys +ici ary +Ġl igne +_p redict +Ġa est +_ https +> : +ĠL ex +Ġrencont res +eg ral +sc ala +_f amily +ÃŁ en +_s ym +Ġuncert ainty +ĠVAL UE +Ġ} ;čĊčĊ +Ġbro ader +Ġh orses +ãģ Ŀ +ĠK al +ob a +_IN ET +ĠK ill +j query +am ination +[ @" +Ġm uj +## #Ċ +First OrDefault +then Return +C he +/ footer +Ġpark s +as je +ĠG ulf +Ġmod est +. Init +ï¼Ł ĊĊ +Ġpros pects +Ġs vg +Ġå ı +.D ialog +_N ET +Ġ( ($ +Ġe k +ĠW arning +ĠM K +< LM +Ġ' čĊ +i em +h etic +Ġi x +th ink +-sh adow +ĠE ld +ĠNev ada +ĠLe af +ĠG ROUP +Ġprom o +ent ine +ĉ Map +ĠModel s +ĠK rist +_k ernel +-m ade +Ġc err +As sets +ell ar +Ġinv oked +.v ue +Ġcult iv +C losed +Ġgener ates +ffff ff +thes ize +s qrt +ĠCast le +.c ar +Ġke en +und a +ĠC row +ĠSing h +y thon +Ġbe ans +l arg +æĸĩ ä»¶ +Aw esome +unc ate +Path s +o ji +(c urr +CON DS +Ġm im +Ġshould ers +H ard +ast es +а еÑĤ +Ġconv ince +de cess +m ade +ĠC MD +. Im +Ġcha os +ens ively +Ġcool ing +Ġbur ied +(' @ +_S e +ĉĉĉĉĉĉĉĉ ĉĉĉĉĉĉĉĉ +.com pany +.sub mit +ph ant +Ġboot strap +_h elp +à § +.d ump +Ġdif er +_m apping +Ġcirc ular +Ġescort s +Ġb ere +Ġgrad u +ĠLeg end +im edia +ĠBar celona +Ġbed s +åĪ ° +ãĢ Ĭ +_v olume +Ġtremend ous +Ġsc aling +Ġp ins +en as +type param +D ashboard +render er +Ġsp i +Ġ& $ +ĠSk in +alm art +Ġh ockey +Ġ'" .$ +Ġerr no +Ġb ew +Follow ing +.M odule +er able +ĠM ilitary +ĠR io +_ available +ĠSur face +Ġst ab +IF IER +ĠL IST +Ġd ashboard +Ġcl usters +.pl ugin +Ġj ou +ĠDec or +F our +Ġdel le +****** /Ċ +ia z +in de +ch ing +Ġget Item +.Add ress +ment ed +A meric +Pl ain +Ġus b +ĠPract ice +_ ment +.bl ue +H int +ÑĢаР² +Ġconn ector +Ġinher ited +и в +Ġinterval s +Ġc ere +Ġu d +Ġin con +.Ex ists +ĠM ic +F K +(c ard +.Set tings +Ġexhib ition +Ġon Pressed +Ġrest ored +eng u +. def +Ġrec v +." );čĊ +enc oder +ather ine +( dest +az ed +# endregion +sem bl +, M +ob y +Ġп еÑĢ +.C all +Ġattend ance +-b order +Ġaddress ing +ê n +ĠLe v +Ġb ash +ben ch +C redentials +Sp acing +( of +_RE SET +ig uous +Ġcr uel +Ġcross ed +Ġle ur +ĠG olf +or rect +Ġpack ets +ĠData Set +Ġpart ly +SEQU ENTIAL +Ġindic ation +ĠS alt +ac ia +Ġ* );Ċ +ĉ info +ĠView Bag +on z +Ġeditor ial +ĠA rena +Ġs ir +_ Static +( socket +s u +cho ose +.m onth +.M y +é ri +; font +do es +Ġcon verter +Ġsal v +Ġl r +Ġinflu enced +(f eature +ĠQue ens +let t +_M ON +& amp +Touch ableOpacity +O FF +Ġmetab ol +( iter +Ġvit amin +ĠIND IRECT +aut om +_p ublic +Ġadjust ment +Ġspecial ized +w indows +.add All +Ġaccording ly +ĠJ OptionPane +Ġcell spacing +Ġqu ad +Ġcre ep +Ġout lets +}` )Ċ +Ġpri est +_TH READ +ĠMar x +ĠBy Val +Ġc ual +éĿ ¢ +Ġtempor arily +An n +ke leton +å ¥ +ĠLO C +au er +der ive +Ġbeh aviors +as ename +ĠCent ury +Ġhor rible +ME SS +_ List +we i +P at +ĠCh oice +_F ROM +ĉ line +.in voke +.B ottom +Ġnow here +." ĊĊĊĊ +_ export +Ġstrugg led +.Ap pearance +ĠJ Button +ĠJer emy +([ [ +Ġkick ed +mar shal +st aff +es ity +Ġqu iz +_e ffect +Ġ} ));ĊĊ +m el +b anner +ĠP IN +Ġin vention +Ġcons olid +Ġop s +ĠB etween +j ack +ern ational +Ġsacr ifice +ag ation +ĠJ oy +Ġam endment +ĠS old +Ġprison ers +ан нÑĭ +Doc uments +) ])Ċ +ust ed +ĠLine arLayout +os o +_E M +.s elf +.M iddle +) // +Ġ\ ' +Ġfuck ed +ĠM urray +Ġprof ound +_E LEMENT +ult a +il ers +port folio +J une +t cp +mod ified +ĠTr ace +ĠK el +aly zer +) => +ĠRep air +_B E +Br and +u art +pre view +Ġiniti atives +run ning +b ang +ĉ update +ĠCo ach +R ich +Ġy outube +Ġrit ual +app a +ĠRobin son +prec ision +//////////////////////////////////////////////////////////////// //////////// +=[ ]Ċ +Ġcelebr ated +OT O +Ġin clusion +J P +' ;čĊčĊ +Ġnot able +(_ . +Man aged +Ġgu ides +& nbsp +ated Route +ĠAd just +Ġcol ored +_s cores +ĠTes la +_pro gress +.in st +[' _ +.fl ags +Ġf close +_O PER +ż y +_n ote +Ġtrans gender +å ķ +RI PT +Ġabs ent +Ġam et +Ġoper and +ë © +Ġh ood +to LowerCase +av o +ĠCirc uit +ĠL ind +-- }}Ċ += m +Ġsup press +ĠM AP +i ang +- admin +Ġside bar +ĠB u +ĠH ex +, F +ĠSign al +Ġtrans parency +ĠFeder ation +/ V +Re q +Ġpul se +Ġt ends +Num bers +% ' +Ġde port +dat as +_U INT +_ tra +ok o +Ġ" ? +comp et +sole te +und ry +Ġover lap +}` ,Ċ +. ly +_sum mary +ĠL ost +.C enter +Ġdis ability +.Serial ization +Ġge om +Ġ? : +ĠW o +Ġsh ipped +Ĥ æķ° +Ġu gly +Ġexcit ement +Ġext erior +Ġcheck out +Ġk ur +, D +ĠAl aska +Ġsyn thetic +ĠB udget +ĠSub scribe +Ġ& Ċ +ÈĻ i +ĠY u +ĉ query +} .Ċ +Ġtr aged +ass en +Ġaccommod ation +Ġphys ician +Ġren amed +Ġtid ak +z Äħ +Ġmin us +ny ch +_EX CEPTION +thread s +Ġt ire +_c reated +ens ure +Ġworth y +Ġexc use +Ġclo th +.parent Node +/pl atform +ĠU FC +ĠG tk +un ny +Ġg ibt +ke ley +h um +(t x +ĉ dev +Ġout fit +do ors +Ġf on +ic ut +vol atile +Ġhom osex +Max imum +Ġexp end +Ġ});ĊĊ Ċ +E q +ond ers +dep artment +ĠPhys ics +" });Ċ +Ġpar ad +.S tr +Ġse le +IF IED +Ġdel ivers +iv an +Ġrespons ibilities +Ġadvoc ates +è µ +ĠR ID +.param eters +M etrics +ron ics +ĠUITableView Cell +A bsolute +ip se +yl um +MLE lement +_VAL ID +< title +D lg +p aces +Ġsynd rome +be ans +_d atabase +oz illa +ĠM eg +DB G +Ġl ub +Bag Constraints +ab ad +Ġproject ed +_BY TE +.Size F +st reet +ĊĊĊĊ ĊĊĊĊĊĊ +ĠLO SS +Ġdirect ors +/ news +Ġnurs ing +ĠD one +. HTTP +dis count +ĠR ot +To Many +Ġen abling +Ġauss i +ost a +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ čĊ +è½ ½ +Ġhel icopt +ĠIn side +ä¿¡ æģ¯ +is per +ĠAll ah +ARCH AR +Ġroll s +Com pare +X P +Index Of +S UM +Ġass ured +ĠPhys ical +End point +.G lobal +.d etail +Ġthe ft +.j upiter +Ġhum or +.R ender +A lex +.c ap +Ġbuff ers +Ġdis pose +t ion +.p resent +z el +, P +Ġdesper ate +.get Column +Ġtw in +ì ĸ +.c an +Ġf lee +ĠIran ian +Ġstick y +ĠU TC +L T +//////////////////////////////// //////////////// +Ġl icensing +_PO INT +ĠM aps +Ġl ol += models +-t ab +ĠN ash +_log ger +tor ch +ĠCON SEQUENTIAL +Not Empty +/ react +Ġp f +Ġassert ion +Ġsubsequ ently +_c an +Ġpand emic +og ue +"+ Ċ +_ ent +_P aram +.ĊĊ ĊĊĊĊĊĊ +Res earch +C apture +Ġbel oved +d em +Ġextract ed +Ġf ights +ER C +(a uth +position s +Ġrevers ed +(st ack +Ġ_ ) +uto ff +_fl ow +ç Ĥ¹ +( Game +Ġex cluded +ĠCS V +c g +ĠT itan +p ause +Ġcer ca +Ġdump ster +L ess +Ġkotlin x +aster xml +Ġpoint ers +Ġfl ows +ĠT un +ĠMain Activity +Ġdis cret +Ġcomb inations +vis it +_b ind +oot ing +d ater +_look up +.n io +Ġswe at +ĠR d +Ġscient ist +ĠP ixel +@ NgModule +Play ing +Ġunf old +Trans late +ĠLaw rence +ĠFIX ME +B ill +ĠR IGHT +Ġwhere ver +Ġo ok +vid ence +Ġ] ]; +ĠSk ill +unist d +ĠðŁ ĻĤ +Ġfem ales +-- )Ċ +İ· åıĸ +ĠF red +Over all +Ù Ĥ +Ġess ence +Ġthere by +Ġw ounded +ĠD OWN +les son +text ure +R ound +Ġautom ated +ĠÐ ¡ +ĠUp dates +Ġsh ade +p ublish +ĠG ear += lambda +Ġle ver +) +" +h ill +Ġrad ar +ry ing +Ġ" ). +f illed +Ġline up +Ġd l +Ġworks pace +V o +_d t +ë ² +_ Item +NS URL +. verify +ĠHawai i +G od +M arch +Ġ[â̦ ] +Ġpel o +ur ious +ĠPitt sburgh +. It +C lean +> \<^ +Ġi os +s ound +"] ; +Ġfre ed +rot tle +ĠL ower +[ count +å Ŀ +Ġp ale +ĠWay ne +ear th +_c ategories +U CK +.m etadata +Ġsum mon +H OME +олÑĮ з +Ġmanufact ured +Ġdo ck +Ġcompet itors +_MODE L +ok ia +ĠH ey +Î ¿ +Ġback ward +ĠPO SS +rop a +Ġc ri +_O BJ +Trans port +-h igh +Ġerot ik +_s lot +Ġart ic +_f ramework +-ser if +ĠSql DbType +') ( ++ "/ +Ġw ore +S il +Ġst oring +ĠPh ase +u ant +Ġb ump +in ho +Ġd ign +Ġback s +q q +(h ash +Ġge o +Ġt ender +Log o +! )Ċ +ĠM X +ĠAr thur +esso a +_C h +Ġbed rooms +="# ">< +Ġth roat +ins ic +.int eger +Ġpr imitive +Truth y +Ġfacilit ate +Ġcreat ivity +ĠD NS +Ġg ra +ue z +Ġcount less +ĠPol and +' M +ĠD ist +Ġv est +Ġcert ification +á» ij +h eld +ext ensions +( static +Ġgr ades +ĠU ber +ãģ Ł +Ġ[ ])Ċ +dat os +Ġget Data +ĠCh arg +ĠB S +.m icrosoft +.v ideo +.d irection +->{ ' +l ua +ape st +Ġbo iler +ere k +Ġdec ides +.j ar +IS C +ĠW ords +(C ON +EMPL ATE +ree ze +sh ots +app s +unt ed +.set Name +:: < +-b old +ê ² +å¯ Ĩ +Long rightarrow +Ġunf air +Ġear ning +Ġsh elf +URE MENT +Ġid le +_M ENU +.C ustom +AG ER +- " +_s witch +b ecause +) view +m are +_ condition +ĠStart ing +M vc +(p re +d ump +_LO CK +at etime +.c allback +ĠC er +op ol +ib rary +Ġres ervation +ĉĉĉĉĉĉĉ Ċ +lect or +grad uate +Ġgener ous +Ġ ion +ric ao +m q +_com plete +(c ursor +ĠForm Control +: center +Ġsub stitute +ĠPl anning +Ġp ension +Ġrecommend ation +ĠT ags +Ġg ef +Ġalbum s +Ġwash ing +ro c +Ġtr ains +at ings +Ġex ponent +ack bar +- ln +á g +.Data Annotations +ĠE IF +ĠMalays ia +ĉ PORT +on us +Ġcle ver +Ġpe u +> ĊĊĊĊ +ĠArg uments +Ġdebug ging +( right +' D +com pute +Ġfin est +OR AGE +Ġspect acular +ph rase +Ġind ia +Ġlegend ary +b irth +Ġcom posite +Ġg rows +ĠT D +Ġep id +Ġlaunch ing +] ][ +Min utes +ĠCh a +Ġclean ed +Ġwitness es +uk an +ĉ Type +Ġhab e +par agraph +ĠJ Panel +ĠH ann +Ġvar ied +ĠP okemon +ĠM UST +åĬ ¨ +.vis ibility +op up +^ [ +.exp and +Ġ" ', +.f asterxml +_ auto +ĠShe et +mark er +Par cel +ew s +ĠStr ategy +-m aking +Ġun ve +Ġtrail ing +Ġclick s +ĠGet Component +ĉ content +IG ENCE +ERN EL +NSMutable Array +Ġb reat +Ġharm ful +¶ Ī +Ġbes ides +Ġb oring +Ġbrut al +v ang +(p arse +qu ick +Ġpy test +Ġswitch ing +() ]Ċ +Ġì Ħ +L ER +ĉf ont +Ġnet t +) ]ĊĊ +(/ \ +æŀ ľ +to Array +Ġbre ed +ĠC AR +ĠWe apon +A bs +t ot +Ġset Name +apt ive +Ġ: , +Ġesc aped +ord en +ĠP ri +th umbnail +Ġdescri ptions +/ styles +ĠPC I +Ġal phabet +astic search +NOT E +Ġc ialis +ĠGr iff +Ġpor que +Ġprote ins +pl ays +Ġst ating +Ġimag ination +Ġfac ial +ĠMe chan +Ġarr anged +_ used +Ġarrang ements +ĠP ipe +host name +Ġprov inc +T it +.Flat Style +ĠS plit +ĠLo ader +.c c +Ġclin ic +---------------- ------------ +Ġb aking +ĠEN T +ne ath +ãĢģ ĊĊ +AN E +.EntityFramework Core +app ers +. ic +ĠNg Module +ĠF ORM +Ġ' ; +-pro fit +h w +en emy +ĠE ye +Ġca ution +t own +Ġur ged +ĠJim my +ynchron ous +-s ized +m aking +, { +] ', +_ Object +ah oma +Ġactiv ist +IN VAL +ĠCom mercial +ĠOr lando +(t ab +ĠØ ¨ +Al gorithm +Ġher itage +Get Mapping +Ġfail ures +ri os +at iva +Ġt et +Ġcar pet +( Z +th ree +Ġdisc losure +. ERROR +_c alled +Ġd ial +Ġoccas ional +.E rr +Ġfunc ion +caff old +Ġrele asing +ï¼ī ĊĊ +_ Value +ĠV ari +y ellow +Ġstrugg les +.c al +ĠDak ota +ĉc lose +Ġsand wich +Ġanaly tics +Ġ** ) +& # +ĠJ os +Ġpass ive +AT TR +Th rowable +ĠM un +ĠU int +(dis posing +ar ak +ĠLe aders +Ġaffect ing +Ġitem View +Ġeconom ics +f v +à¹ Ģ +.r b +ĠOver all +Ġwealth y +Ġev olved +nd a +ĠH us +re strict +um en +ĠA gricult +! ĊĊĊ +Ġexp ires +Ġspokes person +int erval +Ġà ¢ +Ġque en +(n il +ing o +He ap +Ù İ +Ġcompl ain +S ym +ĠCl one +ĠR u +ĠW ILL +ĠCr ystal +/ content +ing en +oint ment +Last Name +av icon +ĠIB M +ĠDim ension +an h +icip ants +ĠAn ne +.pro gress +Ġal go +ob il +ĠV oice +ĠF E +Ġg li +Ġv ed +Ġprevent s +\ Column +Ġfol k +ett i +Ġm n +ĠCL ASS +Ġdisplay ing +ĠK l +ĠF err +d uto +. ib +Ġd ados +' name +-s pace +Ġit alian +Ġin verse +Ġd ense +ut er +ĠI Enumerator +-s ign +Ġnation wide +Ġperson a +Ġsol ved +Ġdram atically +Log out +Ġgr av +Ġanalys es +ol lo +Ġl amp +. team +ĠE rot += [" +Ġd ancing +Ġ?> / +Ġc ater +ff e +ĠSh a +ĠB os +ĠRE QUIRE +ĠMon ster +ĠR B +ĠI DE +Ġsu its +Ġform Data +( theta +Ġsp atial += NULL +ĠSql Connection +Ġ à +ĠV enez +ĠMor ning +Ġpublic ations +ĠNON INFRINGEMENT +first Name +ud s +W ould +_HE AD +Ġinvest ed +st able +f red +Ġcommand er +SE S +âĢĶ a +an che +ĠM ovement +ë ³ +S uite +Ġjur isdiction +ë¦ ¬ +ĠB eth +j Query +ĠIs a +Ġd ental +, * +ĠL imit +ili ation +=" { +b ast +Ġt urb +is y +O OK +Ġadvoc ate +im ag +LE CTION +л ÑĮ +(c ategory +.de c +Ġun iqu +_s n +Ġattract ed +Ġà ī +ĠRun ning +_ edges +ĠDis able +_A S +åĽ ¾ +Ġnetwork ing +_br anch +H aving +toBe Truthy +G I +Ġcamp s +se p +-p art +Ġ)ĊĊ ĊĊĊĊĊĊ +ustral ia +ĠRe ports +rit o +Ġwa ist +_pl us +ĠW W +-p erson +Apr il +Ġs ar +.t ar +Ġagricult ural +t ic +Ġt cp +Ġset Value +agent o +ĠAp pe +p iler +CA DE +Ġan che +atch er +Ġcom ics +Ġl bs +_se gment +'] =$ +itt ers +ich er +G INE +Ġutil ize +ĠC ursor +_ex pression +Ġd ag +< long +Ġr hyth +æı IJ +Ġconsult ation +Y et +")) ĊĊ +_M AC +c ould +Ġ' \\ +ĠV o +ĉ http +Ġg s +ph er +- grid +J ames +J ul +Ġsch on +Ġtensor flow +ĠLOG GER +am as +Ġsc ipy +Ġconv iction +. ag +Ġadministr ator +)) {čĊ +Ġn un +" group +P or +Ġnur se +ex pression +ak y +ĠHe avy +. opt +.get All +Ġover l +/ ", +_c ountry +ç İ +ĠG ENER +_r oute +ĠD al + ´ +ol oad +Ġuncomfort able +(m enu +Ġhost name +' ");Ċ +Ġcalcul ations +-c lick +Ġprotect ive +ãĤ ¯ +_F orm +ung s +Act ual +m f +ĠProcess ing +ĠIn ventory +(m atrix +app ropriate +w eg +ij a +Ġch r +Ġr ifle +-w sj +k ar +Ġindepend ently +I OS +Ġconsist ency +v n +/s ystem +ĠCh anges +Ġexp ose +ici ents +Ġrel ate +ĉ next +è ¨ +ud es +Ġglass es +F XML +.... .. +ĠP df +Ġappro ve +Ġ{ \ +Ġexist e +)) ( +ARE NT +оР¿ +ĠL atest +ĠNiger ia +.Inter faces +Ġrem oves +En emy +Ġen force +vert s +ĉ pos +_text ure +W ARD +ĠINC IDENT +( container +Ġdef ending +ĠR X +ĠH ook +br is +ĠFl ask +Gr ay +. )Ċ +vis ibility +ĠRedirectTo Action +err al +_e lem +Ġres on +front end +_variable s +ater ia +Ġ+ " +ave led +RI X +Ġdef icit +_C heck +YY YY +To One +sp y +Ġun ited +end ent +Ġp ode +ãģ Į +C AT +(f mt +ĠBon us +Ġre ck + º +Mod ules +Ġvac uum +R adio +ĠDAM AGE +P en +ĠPark er +; ;Ċ +ĠRe ally +_n eg +p ending +Ġnomine e +ĠC ategories +ĠUl tra +We apon +Ġdef ender +I ss +ĠG ender +ĠD ress +Ġimpr ison +Ġbank rupt +imension al +PH A +ĠStr ateg +ĠPROF ITS +Ġp atri +//////////////////////////////////////////////////////////////// //////////////// +de legate +Ġfor State +Ġdev oted +_m ake +Ġterror ists +ĠS nap +_n av +ĠA A +ĠI an +ĉ app +Pl acement +_h dr +< K +Ġs ang +st roke +- Q +> x +.T ask +m oney +ib aba +' });Ċ +ĠSpec ific +ĠLine ar +_O PT +Hash Code +( Player +.Contains Key +Ġcoll apsed +trans parent +_R ANGE +View er +(c fg +Ġsort ing +Ġinf ected +ĠN ach +Ġaccommod ate +.element s +_P ART +ĠSex y += get +( year +Ġx hr +: ] +ows ki +Ġsum mar +Ġ ¿ +Ġint e +Ġwork flow +ĠTai wan +vers ions +åı ij +Ġsurprising ly +Ġopt ical +Ġpro ces +Ġdisag ree +Ġnue vo +ĠC AM +sort ed +le ases +ist le +Id ent +ĉ event +ject ed +Ch unk +V ars +.pro vider +Ġproceed ings +Ġin clusive +Ġart work +end ants +ï¼ļ Ċ +se en +Ġl ig +Ġm akers +_f un +Ġlength s +Path Variable +[ item +ภµ +De ad +FFFF FF +ĠUr ban +up les +ich en +(null ptr +.s pec +, System +UR ATION +(j ob +å¼ ı +Ġtrack er +Å Ļ +ĠM R +ĠSQL ite +Ġd to +Ġ; ;Ċ +Ġm int +ĠInt roduction +ca o +Ġquestion ed +Ġf itted +rev ision +s q +Ġm ig +_un its +_ async +Ġf lick +});ĊĊ Ċ +Ġnot re +}` , +F ilters +Ġm undo +_d ays +Ġfr m +ut c +Ġval s +ew idth +ĠGener ator +ĠArt ist +ĠID s +ĠArt icles +re ater +ĠComponent Fixture +. = +Ġr ou +- no +.b ukkit +eg g +ĠD iff +atic s +Ñĥ Ñĩ +âĢĶ ĊĊ +ĠChar lotte +by e +Ġ} );čĊčĊ +ĠV ik +ĠB row +Ġl v +ĠG ib +-w ing +GL IGENCE +(I l +ĠEngine er +.W ait +ĠP ictures +Ġr het +Ġth ermal +Ġpr aise +< >();ĊĊ +ĠSp ider +P ause +ĠB aker +Ġsl ower +Ġ} ]Ċ +_en queue +Ġdisappe ared +ĠT icket +IN UX +_LOC AL +аÑģ Ñģ +@Inject able +comm unity +Gesture Recognizer +åĽ ½ +Ġsca les +Ġ- ( +/ '+ +ĠS it +Ġexecut ives +ard ing +Ġad vers +Ġback wards +ĉ context +ĠH amp +ĠP F +ĠDe ck +ĠCra ig +A merican +Ġb ell +Ġpro l +uf en +Ġr ng +ar shal +ĠSim ply +first name +sh ore +J uly +Ġmort ality +ĠâĨĴ ĊĊ +Help ers +Ġbench mark +em ade +Ġorganis ations +.g son +ĠText Field +Ġciv ilians +.Array s +ĠMiss issippi +Ġinter mediate +get User +_cl uster +Rel ative +fore ign +.querySelector All +Fore ignKey +Ġreason ably +-------- -Ċ +C ards +ĠK am +ĠTh or +Ġroll er +-e lement +ĠC urrency +dd ie +ALL Y +ĠR A +Ġper met +aa aa +Ġhom ework +ĠV it +Ġm old +ĠF er +[ start +Ġstatist ical +Ġsc ary +_H OME +.B egin +Con struct +ogen ic +ĠDEAL INGS +Ġtamb ién +ix on +. ind +ac re +Ġtransform s +ĠN ap +.B lock +uss ia +pir ation +ul ent +Ġce il +Cl ause +na ire +T ES +Ġne at +ST D +ĠReg Exp +per form +: ) +Ġun ions +Ġs ublic +Ġw inds +lo ating +g lich +Ġp agination +S kill +App ly +ĠOper ator +ist ogram +Ġqual ities +C ross +Ġde com +], " +ĠJ uan +.mod al +.Ch ild +ĠRog er +STIT UTE +:CGRect Make +a lette +Ġst a +as ide +Ġbl ur +ĠW a +if etime +re ed +control s +Ġb ins +Ġп ол +*/ ,Ċ +U IS +ĠR ou +ĠDem o +- awesome +ĠCh ain +Ġh asta +ĠB art +. KEY +Ġvend ors +nof ollow +ĠD est +_b uilder +Ġarg ues +_ answer +g oto +ĠRES ULT +ĠM ON +Ġp oder +o ons +_C ASE +Ġrep lic +Ġfin ancing +ĠD ATE +c ern +_tr ack +t ies +/ logo +ĠNE GLIGENCE +get Type +> T +b et +g irl +ĠINCIDENT AL +-s ite +.tr igger +ĠL isa +_input s +Ġrel atives +Logged In +Config ure +I K +. accept +Res ume +ĠD raft +Ġ* >( +ĠW A +ed ian +ern ess +ĠLayout Inflater +*/ čĊčĊ +oth y +Ġoblig ation +Sub scribe +Ġth umbnail +ex ist +Ġins isted +ĠU ICollectionView +ĠAng ular +Ġtable ts +ĠImp act +ãĢį ĊĊ +ah o +Ġcharacter istic +g d +Ġ= ================================================ +our t +` . +App ro +Co ordinate +Rem ember +Ġmar ine +] ==' +ĠAdmin istrator +.get Default +Ġforg ot +ĠStruct ure +V ue +ars ing +m oment +k w +_c ursor +Att ack +Ġath letic +Ġdiagn osed +Ġend e +åĪ łéϤ +H ouse +ĠP ARAM +Ġw iki +ĠO pp +Ġcons ervation +Ġs nd +_t em +sub str +ĠC ape +.s im +UT ION +an an +âĢĻ un +Ġg y +- work +Ġcomp elling +=' # +ĉs ub +Ġdirect ories +íĬ ¸ +Ġtouch es +out ines +.C ollection +s chedule +.l at +ĠDo ctrine +CA A +ĠRe fer +Ġshift s +Ġlik elihood +pre ter +ĠF emale +Ġinter cept +Ġl ou +çĻ » +Ġr ug +ĠC rown +Ġ************************************************************************ **** +- product +Ġprompt ed +ung le +d ocker +ĠT u +ĠUn ique +_ Error +ul os +Ġâ Ħ +Ġ( ` +Get ting +_s cal +ĠEn h +ü t +Ġsust ained +Ġp atches +Ġpros per +ĠG aza +_l ight +Ġin cons +-------- Ċ +ĉĉ ĠĠĠĠĠĠ +S F +C N +: ";Ċ +ĠColl ins +( *) +Ġcomp ilation +'] čĊ +Ġcon sequence +, ... +Ġd m +ĠB LOCK +Cl uster +Ġsk i +(arg c +T uple +Ġjo ins +ĠSher iff +W ar +ind i +Ġcomment ed +H OST +Ġinv itation +apan ese +Ġperm its +preced ented +_z one +ĠA my +_R D +Min imum +Ġinv ocation +.en able +icht en +- owned +" id +_PO INTER +F ac +Ġspecific ations +Ġnom ination +Ġg p +< ( +Ġrob ots +ĠJ erry +Ġhold ers +Ġw and +c ms +Ġ} ))Ċ +.To ast +ĠI List +B ased +z oom +/ style +ĠBe ck +M en +Ġcontrib uting +Ġund o +ĠO H +Ġadd Object +Ġe igen +sign up +éĶ Ļ +Ġdist ant +PAR ATOR +ĠM ari +Ġm á +E mp +ó s +Ġì Īĺ +ev t ++ j +p ark +ĠSt ay +ĠD un +Ġso y +> % +az ines +Ġti empo +(m e +p resent +.Th is +Ġedit ors +F IELD +.W ork +ĠUn iverse +Ġdr unk +.t imer +Ġalter ed +ĠN ar +ëł ¥ +.Act ive +id or +ç Ń +.delta Time +Ġawk ward +& quot +ĠSaf ari +Ġtr icks +MENT S +div ision +Ġvary ing +ĠHigh way +Ġphotograph er +ĠSt ewart +Ġlast ing +.P re +.amazon aws +ĠL uck +.D escription +ĠN az +n eg +Ġc ó +<<" \ +ĠSur v +ĠU nc +Rec ipe +.Border Style +Ġmod ifications +- at +AT FORM +h dr +ak o +Ġsublic ense +ĠJ ump +Ġbe im +ĠMan hattan +. bool +_h w +ÑĤ ÑĮ +B in +Ġg ateway +" ": +ĠU IS +:" + +- def +ĠReg ular +/ testing +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +string stream +Ġdis par +Ġmob il +- read +ĠAd apter +ĠCh ampions +Ġsched uler +Ġk ills +ĠM ultiple +ir ror +Ġgod s +AD O +ak te +ĠUs uario +.c ircular +Ġre cept +ĠEx pr +Ġelder ly +Ġnic ely +Ġbest e +W ant +Ġclass ical +.s prite +obj c +ĠM ason +Ġsist ema +.Bl ack +es o +ĠZe it +Ġdiv id +Ġent ers +_sub ject +ĠPlan et +.w arning +ĠG ram +_t okens +Ġhousehold s +_c ustomer +user Name +c ross +Ġp ione +Ġass ists +_S M +ib o +Ġlo yal +Ġuse less +# elif +ĠUlt imate +C ome +g el +Ġd ich +xy z +ik el +ob ra +_s can +ĠInter ior +ĠN ice +Ġpl ac +ĉt arget +Ġvir al +ass o +() / +und e +ĠAd obe +O s +vis ited +ĠO W +ĠFe ed +ĠSe quence +Ġman ages +in son +ĠLouis iana +{ }) +ĠH ab +ĠL D +Ġb ip +pr ites +(e lem +.h ibernate +él é +Ġoh ne +_trans action +Ġann unci +P ublished +ĠH onda +ĠT am +ĠP acket +_ selector +Ġchalleng ed +Process ing +-h over +Ġtr ainer +_c ancel +ĠNS Dictionary +ab ric +ĠM LS +_s ensor +Ġshr ink +ĠF X +th reshold +ĉH X +-m ark +` .` +S cheme +(f ull +_w riter +ĠS ys +Ġf led +ĠC in +-w idget +ĠPre vious +G ender +_ question +Fe ed +Ġscr ut +(p refix +ãĢĤ ãĢĤ +Ġin fections +Part s +Ġhier archy +_DE LETE +ĠPat ient +_p ay +Ġprom oted +Ġì ĭ +Ġcivil ian +Ġagricult ure +ĠP iece +Ġst ance +uts che +Ass ign +.A CTION +F ig +_r adius +ĠS ync +du cer +f ailure +ens ed +pt ime +B M +_dat etime +qu ivo +QUE UE +èĢ ħ +Ap pear +Ġsum mit +: void +Ġv ine +è® ¤ +on ne +_TR ANS +.g reen +_ cc +Ġhung ry +Ġ" > +() );čĊčĊ +Ex tract +iz ens +Ġsol ver +Not ify +Ġeng lish +ĠSh opping +inter faces +RE Q +Ġil leg +ĠUI ImageView +Ġdis connect +ĠUnt il +ĠConserv ative +@ Column +Ġshift ed +Ġ: čĊ +Ġf ich +Ġd la +Ġsh oe +"), čĊ +ular ity +_RE SP +We ather +UI Application +. iterator +Ġag ing +.P arent +ow ie +(e qual +ĠCon v +/ default +Ġmeas uring +.pre v +.Is Valid +.F at +Ġs Äĥ +key words +with out +Ġso vere +Ġex changes +Ġm elt +Ġis lands +ĠInt egr +Ġjump ing +Ġg le +Ġjournal ism +Ġd ated +Local ized +ĠRef resh +Part icle +Ġa a +ĠSTR ICT +Ġb od +.Pro cess +_A UTO +ĠP ublished +e very +Ġtechn ological +ls x +Ġir rit +Add itional +Ġdel imiter +_l anguage +- area +bo ys +ĠT ube +Ġw at +Ġmechan ics +_ owner +Sp ell +ĠSt ories +.Append Line +Table View +h em +st ick +oll ower +I FF +ĠU V +oll ision +S UB +Ġcompar able +Ġdon de +s ales +ll vm +Ġ} ],Ċ +OTT OM +ĠPur pose +L ab +Ġinterview ed +o is +as il +.set Id +ĠIn struction +-- > +ĠMod ified +ation ally +ĠMe eting +è¯ ¯ +# region +Ġrout ing +.f ocus +ĠYou th +< D +ĠN ag +contact s +Ġform ing +Ġm ie +',[' ../ +ĠB P +Ġapp et +ĠTe acher +ĠT P +Ġann ually +outed EventArgs +ĠSpe aker +Ġre name +CF G +(" // +æİ ¥ +/p ages +Ġpr és +ĠSp ell +.All ow +ĠINT ERRU +Ġ( # +âĢĻ ĊĊ +_G eneric +.im show +_t im +- face +(& ( +atin um +Ġrevolution ary +ĠH ours +r ain +Ġany time +Ġab b +.j sp +Scroll View +ĠTr uth +Ġanticip ated +Ġacc ent +. checked +Ġspec ifies +Ġca f +Ġcell padding +Ġcook ed +ĠH ugh +pe ek +_R ATE +Ġd orm +/ čĊ +IV ITY +.Cont roller +(p art +.con straint +Ġinv asion +MO VE +Ġgl uc +l ename +Ġam en +eng lish +ĠSw itzerland +";ĊĊ Ċ +pe st +.col lect +N ib +ĠD ict +ĠE mb +(sub ject +Ġoutr age +Ġdec iding +Ġsent enced +F echa +" A +Ġqu er +Ġfont Family +Ġqu adr +- Y +_C ACHE +Ġanaly zed +Ġg aining +ĠAgain st +ĠSou l +ta u +Ġlight weight +ĠT F +ĠEffect s +.T ypes +.add Class +Ġv egan +é ģ +.' " +ĠExpl orer +.d etect +.sh ift +Ġoblig ations +last Name +Ġassoci ations +ĠTime Span +un ter +ĠF resh +Compat ible +P ub +id ges +. option +var i +.hash Code +Ġg eb +. section +- not +ĠSub mit +T N +reg istry +_m edia +Ġn aj +ff t +Ġm ate +-th ird +Ġp ockets +est a +Ġb ent +ĠN ord +Ġretail ers +ĠMor ris +."" "ĊĊ +W rong +Ġ ÅĽ +R ay +. ec +ĠB ind +_H AND +(n on +is Valid +Ġsimilar ly +_L IMIT +Ġdynam ics +Ġdist inction +ãģ Ĩ +< N +Ġor th +ĠToy ota +ĠK ate +ĠL S +or ie +ĠSpr ings +Ġf reak +last name +_M ULT +-st ep +" ( +AD DR +Ġentert aining +_CON F +Ġdec oded +Ġst reak +Ġwait ed +Ġnot ified +rodu ced +vis ual +.Layout Params +æ ° +es ian +f its +s pring +ĠBern ie +User Defaults +Ġped est +Ap pearance +ĠW iki +ĠNOT ICE +Ġs sh +Ġdur ante +ĠZ ip +ı r +ĠNAT O +Ġtw elve +Ġro yal +ï ¸ +Ġmer chant +ĠF urniture +'] ),Ċ +, X +Ġfold ers +ĠG ate +ĉf unc +p ick +_us uario +ĠV erm +ment ion +ur pose +Ġalert s +x ious +_s ig +ĠF u +Ġ( : +Ġd umb +åħ ³ +Ġaccur ately +éĩ į +R B +-s creen +ĠV ER +j our +Ġrom ance +uc ceed +. choice +Ġad ip +_d ims +Serial izable +ãĤ ĭ +.j ob +Ġpro g +uch ar +Ġg ently +ĠR SS +ict ured +_ENABLE D +ĉ label +aw ks +ĠEn sure +rem ember +ìł ķ +Ġtrans mit +{{ $ +.Trans action +ur se +_rel ative +Ġs ized +ĠX X +ĠPr incess +ĠL arry +Ġpr ó +ĠÑģÑĤ ÑĢ +Ġs isters +estr uct +Ġcheck point +: length +ĠCar los +/ icon +_T ARGET +T okens +Ġpat ience +ĠSe lected +q ty +.show Message +Ġwild life +ĠP rops +b m +- arrow +Ġpar cel +fire base +ĠBen jamin +cess o +.t im +ĠG arc +. any +ĠHOW EVER +ĠK o +Ġgrab bed +_f rames +Ġobject AtIndex +ĠADV ISED +Ġsub ur +ĉ GL +Ġ}) }Ċ +-l ength +ìĭ ľ +ĠPot ter +_b uff +.g ui +ĠEnc oding +E lect +-m essage +Ġ � +Ġ ÈĻi +ĠArgument NullException +а ÑĨи +Ġmin imize +Ġrespond ing +$_ [' +ĠInd ividual +á c +ĠIN TER +Ġmast urb +ĠB in +(' $ +ëĵ ľ +Ġopen ly +Ġ> < +Ġun to +olog ically +ĠM ul +VID IA +Ġsl im +ĠCommission er +( on +Ġunder neath +/ db +v ote +( Message +ĠP ope +Def ined +Ġsw ift +ur f +Ġadapt ed +SE L +Ġreven ues +Ġdiv ine += y +Grad ient +_ act +Ġ/*! < +Ġpoly gon +ĠF DA +ĠC arr +at ables +(std out +Ġrefr iger +Ġco ordin +avor ites +ÑĪ Ð¸ +Ġcompass ion +ĠPOSS IBILITY +- secondary +ur acy +Ġcomp romise +_A V +_ os +Ġbes ide +ĥ Ŀ +Ġl n +.pl ugins +Cap acity +al ah +.b in +ĠC RC +_b alance +Ġflex Direction +Ġam bit +Ġnick name +ĠFor ces +C LE +ĠSh ell +Ġs ail +ĠW riter +ĠA lice +d w +ĠInd ians +ĠMar shall +_S RC +Ġnormal ized +ĠJ ag +ãĤ Ĵ +ze it +r pc +ÃŃ c +.in line +Ġtrav ers +_n umeric +Ġutil ities +Ġev ac +IN PUT +ĉ register +M X +ĠCamp bell +Ġdatas ets +Ġdem anded +Ġinitial State +g an +Ġe i +Un expected +- web +tr ait +, Y +ĠT odd +Ġske leton +Ġoptim ize +ç¬ ¬ +ĠU pon +ĠSt Object +Ġap lic +.' P +v ron +. UN +Ġpaint er +izar re +Ġl av +Ġp om +p reg += function +( serial +ific a +um ing +åľ ° +ãģ Ĥ +- op +U CH +ĠH end +.prop Types +Ġy o +Ġrout ines +Ġcar ing +S em +Ġres erves +Ġprior ities +red its +IST R +Content Type +ĠSch w +/ media +Ġe str +Ġclim bing +- week +cher che +s ensor +To Array +ĠMont real +Ġcloud s +ĠInject able +ĠR ice +Ġpropag anda +_pro vider +Ġind oor +Ġin aug +Ġdipl om +Ġmess aging +_m ut +å ¦Ĥ +Ġk w +ON S +ari ans +R PC +) ]čĊ +-r ay +ĠS or +m all +Ġmarket place +Ġv tk +M a +og an +ig i +Ġspons ored +ĠD ani +.S EVER +>' .$ +m ultipart +ĠW ol +Ġtable Name +ĠUser name +Background Color +Ġf right +_E MAIL +Sept ember +_val s +op ia +Ġsp otted +- Ch +Ġdata Source +/ "Ċ +ек ÑĤ +ĠRequest Method +ĠRe place +-d o +ah n +ĠPh D +] .ĊĊ +N ON +g ement +ĠTh r +Ġquiet ly +Ġtort ure +Ġte as +ĠC Y +Ġa tr +develop ment +-d etail +Ġlight er +Ġarg uing +Ġdes erves +Ġcur riculum +_CON TEXT +ÅĤ y +H ITE +ĉ ID +/ uploads +Ġt its +re o +_d rop +. UTF +Ġpick up +Ġgro cery +ĠP ure +Ġeas iest +Ph il +.f eature +(" * +Ġinvest or +t ok +Ġj ar +L os +âĢĶâĢĶâĢĶâĢĶ âĢĶâĢĶâĢĶâĢĶ +. queue +-s peed +M al +um blr +ĠCON ST +ĠH RESULT +ĠD ance +(file Path +Ġattrib uted +ॠį +ĠB und +co ins +Ġs ão +Ġp ir +person al +Ġpre lim +Ġprop ose +ĠT L +] ]) +ĠSub scription +ĠK re +, len +.First OrDefault +) -- +_product s +.Get Bytes +Sh ip +Ġenc rypt +ĠS G +ĠM yst +h ir +Ġiter ate +Ġint end +.mock ito +Ġch apters +( angle +ĠV lad +è® ¾ +' .ĊĊ +Response Body +ĠAb d +de al +Ġbar riers +-out line +b ill +ĠF alls +_se cond +. include +. ceil +Ġoccup ation +ph ony +.move To +ĠJenn ifer +AST ER +; ">< +ĠEn abled +Ġtermin ate +ĠI o +l ations +ĠTHE ORY +Ġear liest +Ġr ack +ĠSc ar +sh ake +ch ip +Ġu v +Ġall iance +п иÑģ +ĠGOOD S +z ione +ĠV I +Ġ{ - +Ġfilter ing +Ġmis con +.Dock Style +Ġb ush +Ġj unk +æ Į +ĠQ UE +Ġhook s +Ġfirm ware +Ġmiddle ware +d ic +ĠOak land +Ġarr ives +P ayload +p ixel +] | +Ġstart Date +.P RO +_a udio +Ġmid field +igid body +ĠSw iss +ĠCl ip +ĠD ump +ĠText Box +Ġg eh +y ield +od s +Ġrefer endum +Back end +ĠC ream +Ġdomin ated +ĠArch ive +Ġrid ers +.prepare Statement +Ġqu ando +Ġche f +w iki +in el +am pling +(" \\ +Ġs ag +_pro xy +ãģ ķ +p do +.getElementsBy TagName +Ġdemonstr ation +ĠN PC +Ġarch ivo +end ance +Ġefficient ly +( actual +.t ableView +Ġm ush +Ġbe ars +_thread s +j as +ah un +Ġne ural +Ġdesign ing +ĠG DP +Ġlift ed +çĽ ® +ĠJ oint +ĠIn clude +ĠGi ants +Ġwithdraw al +ĠR ent +n ative +ĠSe ek +gress ion +_C PU +\ S +ĠSh ield +Ġsol ic +Ġbo om +yect o +Ġmanufact ure +ĠâĢ ĭ +Ġb box +Ġearth qu +ollect ors +:@" % +Ġlo ops +J e +alk ing +ĠWh ats +ĠBo ys +. book +ARG E +_p ixel +Ġsus pects +Î ¹ +us p +ĠBM W +ie ces +(p erson +å¼ Ģ +é » +ĠPod cast +Ġb ou +( Item +à » +( Input +Http Get +Ġb urg +) ^ +BO ARD +*/ , +Ġg ulp +ĠB enn +Ġdeck s +.status Code +Ġac ute +Ġh ug +ug u +Ġp led +," % +h ape +Ġз ап +ĠMain e +.re al +Ġd alam +ĠMin or +.F loat +dis p +Ġt l +Ġen count +=> $ +Ġf g +te es +ĠRec omm +ä l +Ġchem istry +Block s +O ID +Ġfore x +ĠApp end +Ġ{ * +ĠSup ply +CG Float +(b l +Ġat e +ador a +Ġg ust +Ass oci +> .Ċ +F ETCH +.s erial +widget s +ard less +ie fs +_F ULL +ernet es +ĠP red +Ø Ń +äº ĭ +ub ernetes +ĠL aura +Ġl abeled +High light +Ġanno ying +/ update +(d escription +Ġintim id +$ c +")) )Ċ +.A P +Ġ[] * +ĠEX IT +.H ost +ĠOP EN +.send Message +_c amera +_t ile +Ġth erm +onom ous +Ġdis adv +Ġna ar +index Of +ĠP P +.prot ocol +AF E +Ġtext ures +################################ ################ +umb ai +.st ats +ĠG E +Ġi e +ĠST D +ĠM ann +.ref lect +K B +Ġd ive +.w av +/* ---------------------------------------------------------------- +/ settings +.l ifecycle +Ġda ughters +or us +ub er +N ING +st ri +ĠT ip +Ġz n +Ġswitch ed +in et +uff y +ĠTransport ation +( conf +fr ica +ĠX L +ĠLe ad +_per cent +< Map +Ġthr ust +or b +ik k +Ġtra uma +Access or +ĠF it +ĠString Buffer +ex pl +(s creen +Ġaud iences +ĠO PTION +_ round +[ node +be h +-> __ +per missions +ĠD etermine +.M an +Ġadv ances +. InputStream +Ġstrong est +Ġe Bay +Ġ# - +Ġdir name +ĠS MS +Ġmedic ations +Ġam ended +Ġchurch es +ĠImper ial +$ row +ĠMad ison +ĠIn sp +Ġaff air +Ġpsych ology +v h +Ġsever ity +âĢ IJ +Ġstri ps +A H +vert ising +Ġcon se +IM AGE +ĠSt ats +ĉs c +.C ursor +Ġfree ze +ss on +(x ml +ĠSus an +.t ile +ed ed +ĠĠĠĠ ĉĉĉ +uel le +ĠMitch ell +b ased +Oper and +½ æķ° +ĠF F +ĉstr cpy +ounc es +ild o +.execute Query +Ġapproach ing +ĠSe ven +Ġn uts +Ġr ic +ass ignment +Ġcalcul ator +ĠMur phy +ĠB ou +í Ħ +Ġbut t +Ġt icks +Project s +il ib +.text Color +m ov +_log o +( template +ĠIN IT +Ġimage View +scri ptions +OR ITY +Con sumer +Ġun precedented +Ġtour ist +Ġbr on +Ġcontract or +Ġlic ence +ĠN am +æ ¯ +( transform +_AT T +P ref +ĠG am +Ġvess els +Ġh av +L ater +.To Lower +Ġurl s +Ġbreak down +Ġpen alties +Ġf oster +ĠU E +Ġcl ue +com ed +åIJį ç§° +-m ain +Ġp ts +Ġcount ed +ict s +/ post +Ġget attr +Ġp ing +ANCE L +Ġp ec +Ñħ од +ant om +ĠBlue print +ĠEvent Emitter +Ġl ä +æ ² +Ġstr aw +( comp +' une +> N +- client +es Module +-b ase +Ġret reat +_s imple +ĉĉĉĉĉĉ Ġ +fe e +') čĊčĊ +Control Item +Ġsubscri bers +ple ase +ĠE ff +Ġp ound +ĠBy tes +ĠTe a +_ activity +Ġmax im +Ġop code +B SD +. constant +; } +omb res +Ġcare ers +) .ĊĊĊĊ +Ġsp reading +-exp anded +ĠOr d +amar in +Ġmob ility +Un fortunately +ak k +N L +_ redirect +ĠP G +ĠS ensor +b ol +t ap +_MEM ORY +ĠUI Alert +plit ude +We bsite +ĠLog o +lo ve +[ ind +Ġalto gether +Ġwonder ed +Ġes per +ĠLib eral +Ġo ss +Ġel it +Ġst iff +od ox +_ment ions +ĠDou glas +_p id +ĠC K +ĠinitWith Frame +.b log +p kg +ang hai +QUI RED +u u +Ġm kdir +AT AL +Ġun h +in ces +st h +Ġhypo thesis +Ġc ata +ĠT B +ĠCl ar +Ġpre decess +Ġsitu ated +-w orld +)) / +Ġhead lines +.st at +Ġout break +sp ath +_FLAG S +ĠServlet Exception +S un +F ROM +ĠD ir +ãĥ»ãĥ» ãĥ» +_co ord +ĠOpt im +Mon itor +.b it +XX X +Ġtod as +f eld +ÑĢ Ð¸ +im ir +Ġpolit ically +Ġmolec ular +Ġtrad ed +Ġ{{ $ +ĠSw edish +Ġ'@ / +_RE AL +Ġw arehouse +t oday +, L +or p +< section +- br +ym e +ĠUser Service +Ġlib erty +Ġmoment o +( Image +< size +S ch +Ġj og +i ology +arent ly +Ġquant um +ĠAb u +Ġr im +Ġman a +Font Size +Build ing +st airs +AIL ABLE +Ġ& ' +Ġs ect +Ġs igh +(b atch +.I Container +p oll +ĠCor ps +Î µ +ar u +ĠK ay +.r ange +_click ed +ĠRobert s +.N etwork +fin ish +- Man +Ġcolleg es +ĠF ine +")) ,Ċ +f ilm +Ġrem inded +Ġgest ure +out il +Ġthread ing +Ġobj et +Ġt ours +activ ated +.m kdir += user +Ġre de +f ü +_SY STEM +p v +Ġcon gr +Ġmass asje +Ġpract ition +Un iversity +Ġtab index +Ð ĺ +S ets +Ġcount ies +g uest +f an +Ġword en +.d i +на Ñĩ + ¿ +ig Decimal +Ġsh ore +Ġg ö +Ġrep airs +Ġhelp ers +Ġcenter ed +OL LOW +Ġmap StateToProps +Ġc ents +< A +Ġexpect ation +Oct ober +Ġbg color +ca les +.C ON +ĠV el +Ġcry ing +-se ason +Ġfunction ing +_LOC ATION +ü ss +ber y +Par a +omin ator +- le +Ġeth ical +has htags +emp lo +Ġn úmero +( activity +.St op +.str ftime +IL D +Ġto e +ĉ Node +") čĊčĊ +ĠPu erto +Ġexec uting +ĠG UID +Ġoppos ing +al ph +Ġexhib it +_fl ash +Ġme ille +Ġjson Object +H ero +aint ed +_D OM +Ġw il +Ġslo pe +Ġm Ã¥ +ĠIraq i +Ġorgan ize +ĉj Query +H UD +sh ine +. we +ĠSk ills +pons or +Ġcon clusions +Ġre forms +Ġrel uct +n amed +ĠOl iver +Ġ// }Ċ +- looking +Ġf og +ĠH O +ĠF ried +Ġinev itable +ĠData GridView +H our +il les +log ical +Ġconnect ivity +.tw ig +ĠK yle +(d st +- Sh +ĠStud ios +( Level +.j et +_PRO TO +-de coration +OT HER +Ġread ily +.Param eter +Ġmultip ly +ĠL IB +ar med +Ġsoon er +æ Ħ +_ ES +Ġfoss il +ĠA nc +âĢľ This +l odash +Py thon +Ġhist ogram +west ern +Ġinf ant +Ġco ordinator +Ġn ib +: m +Ġres pected +Ġdef init +& T +_p ad +ĠTr igger +th al +Ġimage Named +Ġbeat en +ĉ rc +ĠPal ace +Ġhaz ard +Ġisol ation +_ rc +cont re +OUT PUT +Ġre ign +ĠPl ate +AT ES +Ġfl ux +Ġpack s +.get Selected +Ġparticip ated +Ġneed le +-de pth +:::: :: +-l aw +ins pace +on itor += no +ĠAt omic +ĠBr ain +Edit able +-s c +red ential +ĠP erry +k ie +Ġ ----------Ċ +.st roke +( Intent +Ġun ity +um lah +F urther +Ġpr ze +Ġs ø +ãĤ Ĭ +ĠPROC UREMENT +ĠH ousing +Ġatt orneys +Ġcomp ose +atter ing +" What +dra ul +Ġstraight forward +In stant +.J TextField +Ġtr ades +л а +Ġ{ ! +Ġl ately +IM G +ĠA ld +ĠIN NER +Ġcart oon +.S ource +F ALSE +Ġd ough +f en +( rect +Data Table +N ick +ĠBut ter +read s +_com ments +EN V +ĠConnect icut +-F IRST +ĉĉĉ ĠĠĠĠĠ +ach i +.M sg +re ction +Ġrelax ed +Ġsha ft +Ġe f +ĠAdd ing +Ġbre ach +Ġ ï¼ļ +ram a +Ġconduct ing +Ġ( ; +(g l +ĠCA USED +ash i +ĠF LAG +ĠCom merce +ĠIN TEGER +h ours +ĠSchool s +Ġn ucle +Ag ain +pro j +Ġsevent h +EMPL ARY +(m ock +'] ,čĊ +_S PEED +> false +Ġsp a +ĠN ear +ì ķ +Ġintr ig +_m embers +w ave +Ġanalyst s +_O S +ed in +ĠF ri +Ġretrie ved +Reg ular +_ obs +EX PORT +')}} " +" class +__ (( +b ucket +Ġst ro +ĠP atch +yst ick +ful ness +ap os +D a +ĉĉĉĉĉ ĠĠĠ +Ġen rich +un ordered +h ole +C ong +< Product +ĠC urt +( the +_l ower +Ġavoid ing +Ġbu zz +Ġv iable +ub a +- is +are l +Ġact ed +-d etails +ภĩ +ĠThe ory +ĠP un +ĠAn onymous +... "Ċ +è res +åı ¯ +ĠV ision +_se m +ash a +Ġcelebr ity +Ġend Date +Ġpop ulate +Ġcu is +qu ant +f loor +Ġglob ally +Ġcru ise +ĠStan ley +Ġb ikes +.get Connection +Ġpoor ly +_ other +amp ing +." );ĊĊ +od i +_A DMIN +.color s +ĠG aming +> ';ĊĊ +STR UCT +Q R +ID s +(arg uments +_a ux +( Event +_PR IVATE +ĠTre k +Ġdownload s +m utable +_STR UCT +(w x +Ġdom ains +js px +ĠVi agra +Command s +J s +.c fg +Content Pane +ĠEdit Text +à¥į ठ+Att ach +ĠAR M +posit ive +ĠGener ated +Ġse ized += : +Ġelectron ics +ĠApp Component +/ ',Ċ +.equals IgnoreCase +Do ctrine +d isk +ĠPolit ical +CH O +< F +ĉ height +ĠB ug +. le +ik h +Ġmill iseconds +Ġconstit u +m ag +.n l +-r ange +ang gal +', [ +ropol itan +Ġà ľ +ĠU C +.d esc +-L AST +f stream +ib il +Ġf ier +VER Y +Ġë ³ +IR T +_ UI +( abs +Ġkne es +Ġro okie +ĠV ac +are na +comm end +- \ +ĠSUB STITUTE +So ft +Ġpart ir +we alth +è¦ ģ +(d ataset +ĠCl imate +- show +Ġreli ability +_ch unk +ä» £ +_st ock +ĠEX EMPLARY +ï¸ ı +Ġv ÃŃ +Ġsm iled +Ġdr ill +.F unction +ĠS I +Ġreg ression +- X +ĠJ ar +p ref +ĉs uccess +ĠHit ler +Ġinst inct +Ġfem mes +Ġlo ver +< Ċ +Ġmulti plier +r il +Res ize +ĠAuthor ization +ĠK an +Dispatch ToProps +Ġc rops +t okens +ec n +ential ly +ĠINTERRU PTION +f ake +Und efined +ĠA K +ĠTest Case +Ġr ab +Ġtor rent +ĠO t +B ars +Ġlect ure +Ġen jo +Ġrespond s +Ġindex ed +Of Work +_ch ain +)) -> +ĠBeaut y +Ġ` < +Ġtouch ing +Ġ| -- +ĉf lag +normal ize +Ġtr apped +Ġestablish ing +/b uild +A J +f y +- react +av n +RI PTION +Ġk ut +ĠF ashion +ĠIn form +cur ities +< byte +ĠUkr ain +Ġs ug +Ġconsist ing +ood le +. ctx +.To List +Ġcomment ary +Ġtransf ers +Ġn ost +ih ad +ĠU pper +Ġconf using +miss ing +- cl +Ġbound ing +Ġcongress ional +Ġreve aling +d h +r up +Ġt res +re peat +, ĊĊĊĊ +_t ac +Ġexp ed +G irl +h orizontal +Ġ"../../ ../ +( option +Ġwe iter +ĉs ql +Ġ=> {Ċ +Ġgar lic +Ġre pr +Ġrepl ies +( prop +Ġspir its +Ġins pire +Ġbas ement +.re ject +Ġhint s +Ġpoll ing +ĉ ĠĊ +_r ating +Ġc ath +av ier +Ġcomp ressed +ĠV S +] ' +Ġjud icial +ĠT rend +tr aining +EST AMP +ogn ition +Ä ģ +SE NT +vent ions +Ġconsult ant +um ph +Ġuser Service +, NULL +k h +D ear +_B AD +it ations +Ġmet aph +' é +and ise +-f ont +.ch art +Ġs g +_ Controller +.j peg +ĠUL ONG +ĉg ame +( ss +ĠM aj +ĉg o +ĠS ad +ĠB erg +ĠM ine +P ack +Ġres istant +ĠR OM +Ġp eg +ĠStan ford +ĠY ahoo +Ġsca led +Ġl an += [] +"/ > ččĊ +Ġs ud +ĉ background +Ġsch olars +-m uted +ar á +Ġ= ==== +Ġ__ __ +C reat +ene ver +/w p +ĠV PN +Error Code +) ],Ċ +(b uilder +ĠEn emy +S ensor +us a +Ġtr iggers +Ġplayoff s +_RE Q +Ġ( ~ +ĠBar ry +Ġperman ently +ĠR UN +Ġb ure +.Fat alf +Ġch ick +ĉ panic +ps i +ok a +éĢ ī +> [ +Ġunderstand s +ĠJun ior +ĠIN FO += mysqli +ust ain +-s ource +s erv +ĠC REATE +. au +Ġsell s +ĠĠĊ ĠĠĊ +E urope +z w +pre h +ĠNS A +Ġx y +ภ´ +ĠB eyond +Inst ead +Non Query +Ġar ise +Ġavoid ed +.em place +_model s +} ),Ċ +Ġh id +Ġ& _ +.p oints +.get Width +.Ex ec +Ġ// // +ĠS essions +... \ +ĠCol omb +Ġacceler ation +rest ore +Ġ ile +ob ic +< Node +ĠD X +ĠBes ides +. age +ĠCont ains +N ational +ĠIm plementation +Ġeff ic +ĠR M +H y +ĠWed ding +ok ies +Ġrec ursive +Ġprosec utors +.Se lection +ĠForm ula +Been Called +[i i +ĠFr an +Ġtraged y +_F EATURE +Ļ ¨ +comp ass +ĠB h +? ĊĊĊ +.w riter +ĠH our +Db Context +io v +am on +re pr +é ĥ +ĉf i +'] ] +ĠD ry +. ro +ĠO bserv +æł ĩ +Form er +ĠB alance +ĉ json +Ġpr zy +I SS +( sock +ĠL INE +Ġde ce +Ġal ly +Ġtend ency +F un +Ġschem es +Ġinter ven +æĺ İ +Ġad verse +quote lev +Ġsacr ific +_s ide +Ġmut ex +AG IC +Ġocc urring +ĠCommunic ation +um ar +ç¼ ĸ +ĠTreat ment +.p erson +ĠL C +Ġe ch +( (" +ĠDise ase +ä d +ĠA Z +.A ccount +Ġcontinu ously +END ING +ĠRET URN +- string +.f ilename +syn thesize +Res ponder +( opts +reg s +Ġn uest +Pe er +// ------------------------------------------------ +Ġg auge +ĠK in +.s chema +Ġarr ange +ĠBl ake +_Type Info +C over +ĠHamp shire +P aper +-in ner +util ity +Ġcross origin +F OR +Ġign oring +ĠD D +av an +Ġtrad itions +Ġget String +Ġeth ics +ĠMaterial s +DE SC +Ġen zym +io let +ĠCh ip +ĠMc Donald +Ġn erve +ç Ħ +") ] +æ± Ĥ +ĠS ugar +_S IM +j peg +Ġdiscret ion +ĠT N +bo ve +ĠMin imum +ĠForm Group +Ġwork force +ĠExec ution +err er +ĉ ĠĠĠĠĉ +Ġpres cribed +.Text Align +OP EN +ĠP B +im ity +ĠEx ternal +° C +ĠApplication Controller +Ġb arr +imp licit +_d ot +ĠCol on +C OLOR +.Pro ject +* }Ċ +pl aint +get Text +Ġindivid ually +Ġcheck box +U Y +ĠL amb +Ġdys function +ĠL ar +à ° +ĠCre ating +');ĊĊ Ċ +" They +loc ations +_C ORE +Inter action +umbn ails +ĠPart ner +b rit +Ġless er +ĠSl ot +set Attribute +ĠW ave +.p o +/ store +Ġbrows ing +_p d +sum e +s ed +Cur ve +Ġpl asma +Ġsusp icious +ìĿ ¸ +ĠB ah +ĠExp licit +_C C +.Client Size +\ View +Ġsub stit +lo on +ĠG AME +ĠB rid +Ľ 建 +_ User +Ġsqu ares +f one +Ġsac red +ug hs +] interface +ĠTh row +ĠK irk +Ġemp ire +Ġassess ed +T ax +ĠHe aven +-b uffer +_STAT IC +én é +-b ordered +Ġpun ct +(m ode +Ġke ine +S ent +ĠCal cul +ĠE ve +Ġsty lish +Ġoil s +.Test Case +Ġtrad emark +Ġliter ary +Ġconcentr ations +ĠRel ations +( Class +Ġstd in +Ġv æ +back up +. VERSION +.AutoScale Dimensions +st arter +Transaction al +- panel +St udio +k c +ĠCh amber +ĠSpi el +Ġr ho +ا ÙĦ +! ' +.At tributes +Ġmurder ed +apeut ic +Ġint imate +Ġtext Field +ĠBuff alo +d ummy +" % +ĠLib erty +ob ar +ĠT ank +ĠPop ular +erv isor +ĠIn iti +ĠM all +ĠP rior +C AP +ĠCl ay +ĠCert ificate +.L ock +-st rip +-dr iven +/ all +ĠMessageBox Buttons +_SE CRET +_p b +Ġr ats +ा ठ+Ġn t +.R outer +_top ic +Ġt ennis +ĠP UBLIC +ĠActiv atedRoute +Ġ' ,Ċ +Ġcost ume +Ġj okes +. Handle +ĉ byte +Ġflav ors +( cc +Ġperson as +ĉ image +ĠN azi +Ġgram mar +Ġú lt +Ġval ve +Ġv ic +ĠR achel +_in valid +P refs +std int +(r oute +Ġhtml specialchars +Ġpe oples +pl ine +Ġn v +ĠQu ant +opp ers +Ġcurrent User +ĠC atal +Ġrecon c +Ġconj unction +l x +amb urg +Ġinflu ential +d anger +ind ers +Ġ% @", +.config uration +os ome +. identity +Ġpick er +n ost +ĠDI Y +Aug ust +ab lo +Le af +ĠRec o +ck o +DO C +ĠH erm +: any +ĠInt erview +ĠT ex +x fe +( work +Ġle ap +He ading +Ġqu arters +\ Bundle +re b +Per haps +ĠG mbH +B irth +ĉ sum +ĠWat son +.n il +ç ¡ +{ }ĊĊ +ica id +Get ter +" name +Ġ" čĊ +_n one +z m +ac ute +uest o +Ġs ous +Ġre build +Ġnewsp apers +ĠH az +Ġk its +if o +Bl ur +Ġsu ited +- In +à ¯ +ĠKe ith +ĠNor way +IN IT +ire ccion +iet ies +_us age +ĠDou g +r ise +Ġtr illion +im ited +ĠR EL +al ic +Ġcritic ized +the orem +Ġce ase +Ġsid ew +ĠT erry +Ġsubs idi +Ġfirm ly +Ġaw s +Ġh ott +Ġdress ing +bad ge +ĠApp lications +è¿ ĶåĽŀ +Ġlaugh ed +Ġh obby +Ġmus icians +Ġ* . +. placeholder +Ġcount ers +ĠCap itol +SD K +Ġhel met +and box +qu it +Ġcriminal s +Ġteen ager +( update +G l +.se lection +Ġdis charge +Ġpresent ing +ufact urer +_UN KNOWN +Ġstress ed +å ύ +Pro to +_cor rect +ha us +Ġren ov +Ġfire arms +Ġtechn ically +-b rowser +Ġc andy +St roke +Ġexec utor +Ġocc urrence +ĠIP v +_INTER FACE +ĠRetrie ve +.b ad +Ex change +Nav bar +ĠK id +(get ApplicationContext +_ST OP +ĠB oss +List eners +Ġshoot er +ĠAl b +ä ch +Ġp ix +.key Code +al one +Ġabs urd +ĠC um +ĠNewton soft +ik t +Ġlaugh ing +Ġcapital ism +ree Node +T x +_QU ERY +.S leep +( login +Web Element +Ġcelebr ating +Ġde precated +Ġma ar +Ġart istic +_ASS OC +ĠBorder Radius +ĉw p +Ġsurviv ors +In ner +- red +Ġprosec ution +_ pp +(" $ +Ġcomm a +un checked +graph ics +r ors +G ROUND +( public +Ġcustom ized +ĠArk ansas +ĠR ew +Ġexp iration +× ķ +ĠC ul +Ġn ons +.F ilter +Ġsen ator +_def inition +ash ington +ym ph +/ J +Ġf use +ram id +ĠSup plier +Ġaut ocomplete +Ġ} ), +." ĊĊĊ +_function s +ĉ to +.e val +ĠT Object +Re ferences +Ġhe ated +H AL +Ġ)) }Ċ +} $ +ĠB arr +_UN IT ++ $ +Ġget Value +ip ed +ch ied +(v m +c ue +_int eger +_c ourse +th ird +Ġrevis ed +** /Ċ +_D IRECT +Out Of +(" ( +ĠFe el +Ġre ass +Ġsub title +per i +n f +Ġenjo ys +Ġtreat s +) this +-t abs +anc ers +Ġcontin ent +Ġcard io +S er +. question +Ġph rases +Valid ators +Ġpop ul +Ġl ÃŃ +s ong +_IN TERNAL +Ġadvis er +Ġp uzz +Ġambit ious +ĠT ob +ĠD P +Ġpres idency +Ġsurre nder +Ġwatch es +_b inary +ĠSo on +Ġcan ada +(" ")Ċ +] =' +ĠBr andon +eps ilon +r w +.add Child +.C opy +Pr incipal +Ph otos +Ġmarg inal +Ġbas ics +e ing +M ust +_ String +Ġo le +M agento +.c ustomer +(p rev +ภ¥ +Ġlo yalty +C og +Ġprot ocols +ĠCom panies +Ġtheoret ical +Ġaccess ing +ĠZ en +. ones +att ice +_w orld +z es +Ġtatto o +Ġmen os +Ġinter sect +"] ;ĊĊ +bel ie +Ġin active +.read line +-label led +.d one +lick r +ĠW ORK +Ġderiv ative +Ġd atabases +âĤ Ĥ +Ġs x +.is Array +Ġy s +Ġp ada +ĠBul let +(` / +is Active +ĠCG Size +(equal To +ĠColum bus +Ġmar ry +DE V +_l imits +ron es +I AS +Ġt au +min o +_W rite +ĠW ine +Ġ[ [' +ĠP ull +rit ers +ri ents +Ġsh ifting +up p +_TIM ER +ĠCondition s +Ạ¥ +ĠOr ders +ĠSt rength +æī Ģ +Ġvalid ity +Ġf ot +et ur +Ġb olt +åĨ ħ +ĠAl ong +os hi +Ġassum ptions +Ġmag azines +_S PI +Ġp unt +_PRO DUCT +Ġrel ay +ĠJ avascript +. te +- es +Ġwidget s +(f s +< Item +_ex tra +Ġrecru iting +E t +Ġnecess ity +p w +Ġnov els +uss els +Cre ator +ĠM VP +ĠO C +th ood +cl ients +)) * +Ġcharacter ized +_SE ND +ut i +T y +.from Json +@ Service +ãĤ Ĥ +Ch ris +_ Is +ĠJohn ny +Ġclean er +ĠInitial izes +UN K +( axis +еР· +ie val +ĠWar riors +} )( +DM I +âĻ Ģ +ĠTre asury +Ġfe as +Ġsl a +_EN UM +l hs +ĠIn stit +ipp ers +Line ar +Re ading +quir ies +-c ell +ch rome +.S earch +IN A +ç±» åŀĭ +ĠĊ ĠĊ +ĠSam uel +Ġmill s +Ġdon ate +ĠGe o +( rows +Ġshe ep +Ġé l +ä½ ĵ +Ġb em +_UN USED +ĠR CC +Ġintrodu cing +att a +ĠP riority +ĠF B +ĠSer ge +> "; +atch ing +ĠKnow ledge +ĉ The +; margin +less ness +op ard +um atic +() ));čĊ +Ġf als +(c ache +Type Id +éĢ ļ +_ choice +ĠGo th +ĠS ites +M G +_b order +Ind ices +Compar er +ĠRed istribution +Ġclo set +Ġvers atile +Input s +**************** **** +Ġob esity +qu iz +gr a +(g lobal +åĬ ¡ +Ġcollect or +Ġk or +ov able +AD C +ĠEvent Handler +. nc +Ġplay back +ient os +_p erm +_W ARNING +ĠOlymp ics +.n orm +ĠBroad cast +_sm all +dr ive +. iloc +Ġtyp ed +M EM +_con s +DM ETHOD +Ġl un +.d istance +(p ar +po on +Ġb ast +activ ities +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +: čĊčĊ +S ER +) && +_l st +ĠPol ish +Ġknock ed +Ġfrustr ation +au kee +Ġph osph +iqu id +_c oeff +æŃ ¤ +L atest +ĠD ust +T ipo +Ġmaint ains +Ġmar sh +inc inn +l bl +C are +Ġneighborhood s +_g pio +ĠAr senal +D em +ĠW he +_h ook +Ġl dc +ĠHar per +ĠBer keley +Ġgrad uated +Per cent +Ġarr iving +ĠAdvent ure +(s cope +(' * +qu arter +ĠMar ie +Spe aking +_code gen +Ġimm un +c aster +ãĤ Į +åķ Ĩ +ĠDim ensions +.rec ord +Ġtext o +ĠMich elle +P ending +( by +_P AR +uch t +be e +.Th read +amp ire +k now +ĠClin ical +Ġmargin Bottom +Ġdistingu ish +.F ull +. undefined +ĠSequ elize +################################################################ ############ +Ġeduc ated +_O VER +åº ı +ĠÂł ĠÂł +_e ach +Ġur ge +de part +Ġdon ors +ĠA u +Ġbill ions +Ġbelong ing +_ age +_ Int +Ġsub stances +m achine +!! !ĊĊ +Ġjson ify +ib bean +ĠC ad +Ġend Time +Ġc ycling +ĠUIT extField +Ġle verage +Ġvan illa +e at +La unch +( pt +st ates +ĠControl s +ĠRes pons +ĠJ ake +Ġas leep +fort unate +.next Line +Size Mode +ìĿ ¼ +Testing Module +G erman +ĠInvest ig +.re verse +ĠB ACK +( DateTime +Ġnon profit +ĠEx pect +Ġt anto +'] ), +ĉ the +M ultiple +(get Activity +_W AIT +Ġj á +de cor +lev ance +ĠGit Hub +min ation +_qu antity +.Sc anner +ĠL ion +éĶĻ è¯¯ +Ġd re +Ġtan tra +Ġcontent Type +Ġf id +_ alt +NS IndexPath +- pl +åĮ ĸ +Ġantib iot +table s +ac ial +ĠReg istry +Ġol ive +ig ers +Ġsubscri ber +_p res +ĠSy ntax +Ġlo vers +. Byte +old ers +_for ward +al ways +C aption +Pr iv +ĠT ampa +is ateur +-labelled by +ĠTo String +Ġì Ĥ¬ +Ġinit iated +W F +Ġinstitution al +in ject +ĠSc r +Ġdo ctrine +Ġsp acious +is ure +ĠAn a +" time +ess aging +Ġc id +ĠN an +Ġin complete +T AG +-b uild +Dec ember +Ġres idual +(P DO +ĠList en +Ġg lyph +Ġg aps +ne a +.R ect +Ġsa u +ĠPhot ograph +Ġexec utable +ĠExp ert +Cor outine +_s izes +ĠN L +.is Valid +); }Ċ +- reg +Ġc iting +c wd +ĠOtt awa +ĠB att +Ġrenew able +Ġprelim inary +Ġas ylum +Ġw rist +Ġutil iz +Ġdet ention +F ast +Ġan ge +incinn ati +Ġste ering +ĠNa N +ios ity +/ page +Ġè ¿ +ster ol +Ġdis g +( DB +ĠDESC RIPTION +Ġ_ $ +Ġobst acle +Ġb izarre +Ġextr action +_ex pected +Ġlos es +ĠCele br +Ġhtml For +Ġexplo it +олÑĮз ов +XY Z +Ġmagn et +amp ed +Ġat oms +S ources +pect ives +Ñģ ли +Ġ= čĊ +Ġd are +ĠWal ter +Ġbright ness +Ġan notations +ë ı +is ke +S chedule +. images +ros so +Ġ" .. +g amma +Ġin structor +Ġover write +- am +Ġdevast ating +ĠSaint s +Ġh s +Ġbon uses +$ output +ij d +(Action Event +mon itor +Ġmatt ress +Jan uary +.j p +Ġcar acter +Ġim pose +_re st +ĠSign ature +Ġcoron avirus +ãģ Ĭ +_com pare +Me asure +it ated +el ijk +ig os +es ar +Ġrush ed +met ry +_SE PARATOR +_W E +_ATTR IBUTE +Ġy aml +Ġspec s +ĠR ah +ph eric +ĠInvest ment +ä ll +Ġappe aling +Ġview port +ç © +Ġmargin Left +Ġsub tract +ĠED IT +ĉ ArrayList +gr ading +ĠF ailure +as per +EE K +(n ow +< object +ĠAl ignment +ple ado +q tt +( ERROR +ĠIN VALID +Ġuser id +ra ises +ID I +Ġvari ance +ĠN il +/ delete +_M AIN +.T oken +.C ategory +> )Ċ +Coll ision +ĠGre ater +ĠR acing +al an +Ġmon etary +, new +ĠS orry +. Enable +ĠInstant iate +oll en +ë© ´ +ĠCall ing +_h our +AD A +Ġsh y +) ** +Ġ== > +Ġes pecial +Ġinterpre ted +! =" +Ġpharm acy +.s ingle +ĠC ialis +Ġpar as +.to UpperCase +ĠDem on +Pr ime +Ġrank ings +Add ing +_H ASH +ĠEx am +Ú © +ĠVict or +Ok ay +"] ;čĊ +Ġfort une +ĠF ETCH +exp and +.Inter op +Ġb arn +æ ¶Ī +ue vo +Ġspec ulation +âĶĢâĶĢ âĶĢâĶĢ +ĠN u +ĠBl ues +(f name +Ġinhab it +Ġ\" % +C ES +ular io +_c r +Ġvalid ated +Ġmid night +ank ing +Ġincorpor ate +Ġpurs uit +EX P +pr ime +P id +- US +ĠN urs +ĠW heel +é ĺ +Ġin p +Ġsupport ive +.m ember +ĠSh ot +.Check Box +Ġaff irm +T or +Full Year +Ġconsider ably +cred entials +_ opts +R oll +( round +Ġcom ent +_U ART +Ġext ending +R G +result ado +it u +.get Session +Ġattr action +& D +$ html +ĠJess ica +ĠAssoci ate +a ñ +_ ed +ĠL ag +Ġorig ins +()) -> +add EventListener +IAL OG +åIJ ¦ +.Com pare +Al bum +ĠK u +< Q +arg est +Ġpro long +Ġconfig urations +Ġaccident ally +_ph oto +Ġ'' ;čĊ +Ġver se +B ob +Ġfarm ing +del ivery +ĠM ack +Ġuse Selector +.bootstrap cdn +keep ing +en y +. upload +ĠM ETHOD +cre ator +< _ +ĠE aster +. -- +UI Button +ãĤ ī +om eters +Ġsh ine +Ġh ogy +\ s +Ġh arness +.C ell +Ġlif ting +Ġcomb ines +ĠOcc up +ex clude +pat ial +Ġres pir +_f it +Ġfif ty +ĠM ol +Ġtun ed +-d imensional +Ġq s +Ġto ps +> ";ĊĊ +quis ite +ch annels +/ res +ĠAn alytics +.app compat +/ to +Ġon Error +( attr +IR M +Ġrag az +- as +.Se cond +orient ed +Ġdon n +Ġlight ning +f id +ĠP le +ãģ¾ ãģĻ +t ro +.Tr ue +O bservable +× Ļ +umb ing +Ġpros pective +-f ilter +Ġpurs uant +(p oints +.B ind +Ġp alm +clear fix +ö s +ĠG onz +Ġwe aken +Dr ive +en ido +l ld +ob ox +ane an +G ot +ä¿ Ŀ +Reg ex +æ ĥ +Ġsal ad +ass is +" net +inherit Doc +ĠR V +qu ier +Ġcl azz +ı ÅŁ +oster one +Ġair line +.list dir +Ġdownload ing +ĠP alm +w aukee +& lt +.B L +_IN LINE +off s +<< ( +_new s +Ġch ase +/ >< +Ġeuro s +ĠEgypt ian +ĠSt ainless +_BO OL +ĠG uild +ĠD ynam +[index Path +Ġ ï +Ġmemor able +ĠCh ampion +Resource Manager +.Log in +ĠForm er +yp ed +Ġl leg +; ", +D WORD +Ġtax i +Ġbom bs +ra h +.t ags +_test s +st ones +âĢĿ ) +[ g +r type +Ġv u +Ġhost ile +Ch ars +ĠPatri ots +/ status +< B +ĠIn come +ĠD ad +Ġpat rol +_CH ANGE +Ġup graded +Ġch ina +set q +Start ed +.U ndef +Ġcheck sum +Ġfrustr ated +{ o +Ġen f +Ġwood s +ĠAny one +Enc ode +ĠQt Widgets +are as +Ġshe er +sk i +end point +_T est +S oup +~~~~~~~~ ~~~~~~~~ +(f iles +ĉĉĉĉĉ čĊ +.sp ark +Ġval ued +Ġ% Ċ +.control s +ĠXCTAssert Equal +Ġf ame +ĠR ic +D OT +ĠAlbert a +ä½ ¿ +os al +.Web Controls +Ġ ------------ +ĠM is +ĠS YS +Non null += item +Ġexp ire +Dec ode +_ operation +ĠValid ator +.C ENTER +uff s +* m +Ġav ant +æ¬ ¡ +âĢľ You +.per mission +... ) +ĠL ic +_co ords +.n ombre +c lo +.Int ernal +ĠCh o +_s w +ĉ Il +cl k +Ġcast le +(l ayer +p it +Ġgu ided +Ġâĸ Ī +Ġsuper b +Ġsup plements +_c ent +Ġpe ek +IN ARY +.Content Alignment +f alls +")) ; +W all +). čĊ +ĠD anny +irm ingham +IAL IZ +( create +" In +Service Provider +Ġpr iced +mac ro +am ac +. box +---- Ċ +ãĥ « +ĠS uit +ur st +br u +ourn als +num ero +__ ()Ċ +D as +ĠM itt +ud er +? \ +f u +[ B +Ġ: )ĊĊ +(int er +br ains +Ġatt itudes +Ver ify +Ġsign atures +ack Bar +Ġg d +J ack +.c at +Ġz z +war f +FT ER +");ĊĊ Ċ +Al ive +IC LE +ĠWh atever +Ġout lined +s prite +еР² +_A B +_DE PTH +Ġcrush ed +aa a +(e v +æľ º +Ant i +IC O +is EqualTo +.s un +ic ulo +s ale +_h ex +ĠV k +apt or +Un ion +ĠDis count +list a +.Undef Or +Ġautom ation +N or +å¯ ¹ +åı Ĥæķ° +Ġref lex +ĠLa ure +.showMessage Dialog +.t emp +Ġa kan +Ġ__ ____ +.Is True +ARE D +ag le +E nergy +Ġquant ities +âĢĻ Ã© +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +Ġcitizens hip +m outh +Ġin appropriate +ĠOut door +White Space +An onymous +load s +webElement Properties +T en +Ġacc idents +Ġadvertis ement +ĠY emen +(c all +Ġsl avery +Ñģ п +ĠL am +_BIT S +ome ga +ĠO le +Ġkid n +_A n +ĠR aid +Cre ation +s aved +Ġpro port +W ARNING +\ P +Ġp wd +Data Reader +is cher +ade on +ĠP redict +Ġreason ing +Ġdestroy ing +H el +* d +ĠLeg isl +_P r +ĉĉĉ ĠĠĠĠĠĠĠ +Ġsymp ath +Ġch ess +Ġm am +: hover +Ġconvert s +Ġp ela +Ġprogress ion +Ġ"_ " +ĠG ill +ĉ show +Ġsupposed ly +ac curacy +el in +Ġunf olding +ĠHy per +Ġw anna +Ġup s +( # +ĠCr iminal +( Point +at Lng +act ly +Ġcontract ors +'] } +draul ic +ód igo +ĠT T +ĠW ide +ĠAR G +_ ic +FLAG S +S chool +Ġclear ing +-be ing +={ [ +, const +man ent +Over lay +(' " +éĩ ı +ĠT imestamp +Ġmail ing +ĠC ake +.Th at +Ġmed itation +q p +Ġemp resa +ĠL ions +Ġw eld +ĠLinked In +Ġc ush +Ġgen ome +.Index Of +ag ain +Ġf allback +Ġcamp ing +re dd +-strip ed +Ġd v +Fe bruary +ĠPro xy +us k +Ġdies el +W RITE +RE AK +L orem +.In voke +- div +Inter ceptor +ĠD H +ia les +Ġvill ages +Ø ´ +ĠEN V +S ys +.X R +Ġpo em +à Ĥ +c ade +pl ots +Ġ{ ( +.g it +/s vg +nc mp +ĠÄ į +ain es +åĩ ½æķ° +Ġ( )ĊĊ +ops is +ĠRel ationship +_ aut +ĠB omb +ĉ com +* sizeof +off icial +_p ayload +ĉĉĉĉĉ ĠĠ +.m anager +ĠA round +ĉs end +ĠEx ercise +ĠB illy +iv i +Ġneed ing +_url s +_t asks +ĠH em +Ġtear Down +enc rypt +.t ie +Ġas m +IC H +ĠCGRect Make +ìĦ ± +ul ong +Ġit r +ĠG ST +Ġoffer ings +ro be +EE E +oper ators +_PRO P +ind ent +A DE +or f +ë IJ +Ġbless ed +vas cular +Ġcon oc +H appy +B ridge +ilit ation +j oint +ĠAdmin istr +- transform +Ġmeant ime +/ K +ĠBed room +Ġrig id +Ġbrows ers +EM PTY +.S erialize +_ ED +Ġst itch +Ġj an +ell t +Ġbr ace +Ġtr ails +p ublished +å¯Ĩ çłģ +} ')Ċ +Ġac ids +Ġ! !! +_d irect +> ());Ċ +aj Äħ +_O CC +Ġplan ets +æ Ł¥ +ĠDub lin +Ġser ie +.print f +de ep +` ) +Ġ\ $ +ĠÎ ¼ +_V IDEO +end ors +ĠC rypto +F ar +.Trans parent +.T R +ias m +_tr aining +Ġteach es +ĠB elt +Ġlimit ing +ĠK ath +ĠIndex Path +Ġachie vements +Ġser á +interop Require +Ġdis se +.I f +arm ing +uls ion +P o +_DE TAIL +Prot otype +ĠC AL +Ġagre es +.v o +.Execute NonQuery +ĠTop ic +Ġ' {} +Ar m +Ġe cc +M ag +Ġserial ized +ĉ conn +c ached += tf +ĠByte Array +prot obuf +var char +ĉ ASSERT +Ġlist e +_tr igger +· ¸ +Fe el +T ahoma +ĠL ik +Ġstruct ured +erg us +.In itial +_ ge +cl js +.cont act +Ġand ere +$ stmt +_C URRENT +ĠDis cover +$ res +form atter +H a +vang st +Ġem erge +ãĢĤ âĢĿ +ĠCabin et +-s quare +éĥ ¨ +Ġr age +ĠA J +ĠV T +sh adow +ĠFa ith +en ames +pret ty +has il +part y +Ġvar char +Ġf otos +Ġal um +ĠBelg ium +.y label +Ġde j +_num bers +Ġh u +.set Adapter +ĠUs ually +(s ample +.Sh ared +Ġbook ed +Ġ>> = +Ġmin erals +"> +pro g +bo o +_m d +_p ack +(ex press +ut z +\ Auth +, id +ĠCh ile +act ice +Ġrecruit ment +Ġpos es +Ġvulner ability +inst anc +or um +d ess +Ġx l +%%%%%%%%%%%%%%%% %%%%%%%%%%%%%%%% +( fig +Ġdelet ing +.d el +) ')Ċ +ĠWeek ly +?? ? +(str cmp +sm ith +Ġpurs uing +- so +ĠApp s +/ 'Ċ +Ġdec is +FO RE +Every one +Ġl anes +V irtual +. attach +( Log +ĠMed icaid +( Path +ĠTurn er +/ application +Ġport rait +Ġopp ose +check out +Ġfinish es +_M E +Bar rier +S ong +V AR +Ear lier +rell a +Ġh ast +az ar +Ġpull s +ng x +Ġinspir ing +Ñĥ Ñİ +-d irection +Ġexplos ive +Ġcreated At +st o +Ġwhe at +ĠB uilt +' ai +Ġtrack ed +ham mad +RowAt IndexPath +_ heap +D ue +Ġconnect s +.p ublish +em u +Ġbul lets +B AR +ol ate +Ġintern ally +Ġcatch ing +-p assword +ou ched +æĢ § +e ous +Ġx range +Q uality +v v +Man age +( ($ +ac ements +ĠBro thers +ĠHE AD +ĠUn supported +s an +es i +** *Ċ +Ġadapt ation +ĠWork er +'] / +.save fig +( trans +Ø ¬ +ne e +Cor rect +... ")Ċ +Ġsubmit ting +-p ath +ĉ last +iss an +.x label +ĠS epar +/ no +_b est +ĠM ills +_s ock +(f lag +Ġdest inations +em ption +ĠF AIL +å ĴĮ +Ġr p +f act +ĉ len +D AY +Ġse iz +_d st +l ip +.Line ar +ĠB asket +$ t +$ i +- brand +ĠNe il +ĠE q +Ġth ou +og ene +Ġscholar ship +æĽ ´ +Ġs wo +ag inator +en i +( book +Ġbl ink +th us +Ġcancell ationToken +ĠPalestin ians +Ġprofit able +Ġback pack +ens on +< Long +Ġp ools +Ġst icks +Ġspokes woman +Be ing +ĠHer itage +ĠN ike +SH A +ĠNotImplemented Exception +$ core +ĠR ico +/ latest +ĠC zech +ner Radius +(l ines +Ġsem ester +Ġw ounds +Pro cedure +.m ail +() ):Ċ +Ġcor rid +ter ed +ĠN CAA +Ġgal axy +_k ind +il k +Ġtr as +_P OL +ĠH et +Ġrefuge e +Ġteen age +.b inding +post al +Ġiç in +ĠData Type +é ĸ +ycl erview +, value +_id entifier +< b +Ġout file +čĊ ĠĠĠĠčĊ +Ġcr é +Ġrespond ents +ĠBe ast +ce led +Ġinter f +-th eme +g if +ĠR angers +IT AL +Ġauthentic ate +Com pletion +urs ors +Ġcin ema +Ġdisc our +ĠJ aw +OCK ET +Ġpr ayers +ĠL uis +fr ag +=[ Ċ +Ġbr ave +_p ose +C ertificate +- fe +ifer ay +ĠFl ags +Container Gap +ĠC rit +Result Set +ĉc ur +Ġcorrespond s +St aff +.Http ServletRequest +Ġneur ons +ĠMain AxisAlignment +ed ar +Ġg ad +_p arts +ĠÎ ² +Ġf x +/ files +ĠB ros +hip s +Ġgluc ose +Ġfar ms +Ġment ally +rest aurant +Table Name +ĠMer cedes +. Visual +Ġan ch +inal g +_r untime +Ġpropri etary +Ġintent ions +iz i +S lice +; "> true +ĠNY C +Ġb ored +ĠD etect +Ġapp ar +Ġje ans +ĠT ak +I OD +ĠH orse +( FILE +( ? +ri que +optim izer +n at +lo ys +ĉ Token +oub ted +u ess +oco a +Data Member +_P OWER +class List +Push Button +ĠWi Fi +. Stream +.g uild +Ġn og +ĠPortug al +ĠUnt er +Pr imitive +b oss +ĠDe utsch +Ġerot ic +Ġstr conv +.Try Parse +Ġgr ams +.S uccess +_p k +ĠHar vey +-m inded +.c ountry +[] " +Ġang el +Ġbe ats +ĠV or +il io +.m aster +s omething +ĠP ACK +( if +Request Body +Ġant es +/w idget +Ġmod o +ĠA W +find er +Ġoptim ized +Ġmiss iles +N B +ĉint ernal +t ex +ĠS ri +Ġdam aging +ĠM ais +- Allow +ĠZ h +- alt +Ġ ));ĊĊ +è ī +Ġinflu ences +Ġc atal +_REG ISTER +ĠAPI s +-cent ury +Ġbi ology +ĠAct ual +Ġhe els +TR ACE +_D IG +D ataset +ĠM atter +Ġclass ifier +.w ikipedia +ĠRog ers +Ġdon ated +raw ler +en en +Ġcas inos +ort al +Ġpr ive +s pe +duc ers +. ep +Ġgr asp +ac ji +Ġd airy +Ġb uses +.com m +. ins +ĠI RS +ĠBe er +ad c +o ard +_M ET +Ġ' +' +r ans +Ġkind a +ĠâĶ Ĥ +ĠM aur +аР³ +Ġband width +ib us +ĠD ifferent +(m at +ĠRes ume +_UN S +est ablish +Ġfon ction +Sub scription +_com pany +Ġlight ly +.con firm +.y aml +ĠBo ost +Com merce +- template +_DEL AY +ĠH I +Ġn avig +(S ender +ĠH S +_ "+ +ĠRE QUEST +Ġw ifi +=" "Ċ +]) -> +Ġro pe +Ġviol ated +Ġgl ance +ĠK urd +Ġè ® +de ck +ĠIS BN +Ġin fect +ĠF oo +Ġget ter +Ġt ener +ap pe +.h h +_h ot +< AM +p oly +! ",Ċ +Ġconver ting +ĠW WE +RO S +(' { +Com mit +) L +ĠO re +Ġsp arse +Ġdis posal +Ġcan celed +åIJ İ +Ġa er +Ġvin yl +á» ĥ +rec ogn +ark ing +Ġtrick y +* s +Ġproceed s +Ġis o +Ġco conut +Ġcraft ed +IEL DS +Ġquest o +Ġcomm un +_CON NECT +Ġtraff icking +De ep +a ções +c odigo +ve au +Ġbet ray +int a +T ED +æ r +m art +_B US +/ sc +ial ly +Ġcigaret tes +è¯ ģ +(n n +Ġmodel ing +/ products +w arn +Ġmet ro +ĠI v +& ) +ĠC able +Î » +Compar ison +g ary +ĠB A +P ART +Ġp v +_up dated +C redit +orth y +observ able +Ġthe atre +B LE +; }ĊĊ +la unch +_str ings +ug o +ĠR PG +- auth +Ð ł +hol m +ĠP and +U id +Ġim ply +ìľ ¼ +'] =' +/ User +Ġstr cat +нÑĭ й +Data Adapter +Ġland sc +Ġdipl omatic +ï¼ ĵ +************************************************************************ **** +ĠCh icken +Ġbc rypt +.In f +[ col +ĠQu antity +- position +Ġdiet ary +Ġfil mm +Is rael +Pre v +ĠMill ion +Ġrem ed +Ġbill ing +Ġout doors +.t m +Ġn ad +F org +Z Z +Ġs sl +], ' +K T +f req += document +bl ur +¬ ¸ +ĠJeff erson +C s +(s ave +Ġstr ap +Ind ia +Ġide ology +BO SE +ĠF P +( ans +Ġfe ver +ĠY am +K ing +à ² +AT ING +bo hydr +roll back +Ġnew Node +ĠN VIDIA +Ġhon our +ĠCon firm +xb d +Ġsuccess or +/ u +l iv +ourn aments +Att achment +Ġgr up +Ġtri be +Ġca res +e ft +_s ame +' label +Ġ ãĢIJ +M otor +Ġin exp +Ġ" (" +_POS ITION +Ġval ley +ĠResult Set +Ġpres erved +Ġmut ations +Ġquestion ing +mun ition +parse Int +ĠS r +ĠMet adata +âĢĿ ï¼Į +timestamp s +Ġtrans itions +í Ļ +Ñ Ĭ +i om +.D o +Ġp ine +Ġf ung +Ġtrans mitted +ct ime +ĠF am +Re vision +B as +UP ER +D estination +toHave BeenCalled +Ġun fortunate +IN ES +_pro f +Am ong +ĠCy ber +ĠB attery +gen re +ĠView Model +- = +Ġutil ized +p aint +.Integer Field +ern ity +comp iler +âĢĭ ĊĊ +ĠM asters +.To Array +Ġstrt ol +ĠUkrain ian +} ));Ċ +Ġsh emale +" That +for all +/ download +Ġrhet oric +.l atitude +ĠWH EN +Ġshock ing +IF IC +.N ormal +_F OLDER +Ġdr ift +Ġmount ing +- book +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ Ċ +ĠWire less +> ".$ +Ġrel ies +( Console +Int ernational +-> {$ +M id +Ġdis sert +dd s +Ġdepos its +ĉd river +# ga +pr ising +print ln +Ġpres enter +Ġmin es +C SS +ĠD ual +(! ( +Ġk am +Ġis Loading +ĠProt ect +. upper +ar ium +]: ĊĊĊ +Y ii +-sh irt +ĠIM AGE +_color s +Ġur gent +.Cont ainer +! (Ċ +S aturday +Ġsoci eties +ĠTh an +ĠC od += @ +Ġattach ments +.m obile +Ġsp ite +Ġb ounce +raw l +instanc etype +ĠTr uck +Ġmanip ulation +( Config +-in st +Ġst or +it ution +Preferred Gap +Ġmain AxisAlignment +Ġlist ened +'' 'ĊĊ +ott age +- project +.AP PLICATION +ĉ root +Ġwh it +Ġb ilder +Ġk er +Ġappl iances +row ave +ìĿ Ģ +ematic s +ĠO rg +op ing +_SE ARCH +Ġch am +add ContainerGap +Ġ( ). +ĠAr row +Il legal +Current ly +Ġus a +Ġpassword s +Ġre nown +av ern +ĠEv il +Ġconc at +Ġdu o +Ġv ale +ĠBe an +Ġindic ators +cm ath +ĠP ump +Nov ember +ific ant +_DOM AIN +reg ar +ĠPort al +" $ +Ġformer ly +"] :Ċ +ĠVis ibility +.getElementsBy ClassName +_RE D +Ġch ampions +à ´ +Val or +_ es +* a +-re peat +B and +.st age +Ġbure auc +C nt +et en +- function +Ġm uito +P ID +_ editor +Ġcrash ed +de ad +k at +ag h +ĠEX T +ass er +-sm all +Ġreal iz +( Entity +ú s +ĠAct ually +ĠEl ite +Ġhel m +(non atomic +ash er +Comm unity +all eng +ir y +ĠG rowth +Ġs ue +Ġfrequ encies +_des criptor +.At tribute +Ġrecip ients +_N S +/ "+ +ib an +Ġath lete +ĠI gn +_D MA +(d s +ĠRequire ments +AD I +ere z +\ Admin +br aska +ĠR ust +Rel ation +C OD +ĠV ERSION +em ma +)) { +.D uration +ĠC amb +- logo +Ġread able +Ġcre ators +() ];Ċ +Up Down +-h alf +.get Month +(s f +P ic +Ġhun ger +.t x +Ġexceed ed +_se ed +( ^ +_s k +.per form +Ġ> :: +Ġm ongo += float +bind Param +Sm art +if a +Ġse curities +Ġpre jud +Ġ, " +Ġcor ps +Ġv ra +amac are +it err +(M edia +uch e +Ġc ob +Ġlib er +. geometry +Loc ator +Ġsl iding +Ġsurg ical +_C UR +Ġcon sect +[ * +ĠRes ort +St ub +_DO UBLE +ĠS oph +Ġelect oral +_dis able +ĠÑģ о +ĠLight ning +Ġment ions +oc y +Ġle aked +Ġrelax ing +Pres enter +v sp +Ġgu ilt +=- =- +.re ply +ĠMir ror +C amp +Ġ+#+ #+#+ +Ġ+#+#+#+ #+#+ +.A uthor +Ġdirect ive +-h ook +íĦ ° +}ĊĊ ĊĊĊ +@ pytest +_r and +m is +Ġcolor ful +u je +lass es +ĠClass es +.h ave +% ), +é¢ ĺ +Ġdistur bing +sub string +ĠK oh +In vest +p urchase +Ġrec ycling +ĠA RT +ier archy +Ġf ps +.check Box +íķ ´ +_m aterial +duc ation +Ġf w +ud it +Ġreview ing +ĠS id +S yntax +ĠW ritten +arg ar +UM E +/ q +Class ifier +Off icial +Ġj azz +Ġom ega +Ph ysics +Ġl ugar +_access or +.command s +Ab ility +ĠB atch +R AM +Ġencount ers +. Qu +BY TE +ĠD istribution +Ġus o +ĠReco very +appro ved +Ġden ial +/sh are +Linked List +)čĊčĊ čĊ +udd y +Ġf ines +Ġr y +Un icode +ĉ render +Ġprem ises +Ġp on +ali ases +/F oundation +c uda +ĠC ock +,: ) +(f older +Ġm éd +dr ag +Ġtal ents +ĠĠĠ ĊĊ +е ÑģÑĤв +m ob +.y ml +Ġa ster +Ġdis cre +go al +ĠGT X +ĠS UCCESS +ĠL ONG +(f ind +Ġsing ular +_s z +ĠEth ereum +.. Ċ +Ġir res +')) {Ċ +Ġmin isters +St eps +ivers al +ĠNever theless +- led +Ġ( %) +ç¡ ® +Ġtime zone +Ġstr anger +(re nder +Ġsh util +Ġm ph +Ġtri o +pp y +Ġpred omin +Ġend ors +ĠRuss ians +ĉ row +Ġw izard +.s erialize +Ġcompl ained +Ġs ido +Ġdelight ed +-m e +ĠR av +H uman +ad ays +rec v +Work ing +J ump +ĠÃ¥ r +ĠAut omatic +_B ase +æł ¼ +aur ants + ¯ +æ ¸ +(C Type +IF I +( amount +Ġbelie ving += mysql +Ġf ir +Ġrest oration +ere co +Ð ¢ +_ '+ +Ġe book +Ġde bris +(input s +AY OUT +Ġscre aming +av ia +land er +Ġdist ress +Ġas sembled +ĠA void +( thread +ĠR PC +_EX IT +( queue +и ÑģÑĤ +D ll +Ġsk ull +_p ub +che z +min ate +ens en +Ġins ane +b ounds +ĠR osen +Ġcondition ing +process ed +v ideos +f our +.Con v +| ;Ċ +Person al +cer pt +:UIControlState Normal +Ġdos es +ĠKar l +ĠFre qu +.B ASE +ĠV ote +Ġcon current +ĠMessageBox Icon +Ġà ĸ +ĠDub ai +ĠR etail +: number +ĠOb server +ĠBig Integer +_ origin +_W ORK +F rames +Ġnot ably +. âĢľ +Ġtrop ical +Ġn iche +am ina +.s ys +(t okens +mod ify +os it +st rom +ĠCom ics +O PTION +T icket +Ġfact ories +Ġdis put +_F ile +ĠFin n +ee e +ĠDisc ord +_m oney +.t pl +_s afe +L B +Ġgl ut +J K +.fl ow +- cont +g os +Ġhor izon +ĠR ush +:: * +P ipe +ull a +bor ough +he imer +(m ove +( Text +} );čĊčĊ +w elcome +ĠCom ponents +Ġgovern ance +c losed +ĉm argin +Ġla undry +ĠTerm inal +iz ards +. âĢĶ +.rem ote +.r adius +ĠQue bec +Ġd h +T ech +ĠM ist +s eller +_l iteral +Ġgen ius +Ġbr ains +g em +ĠMe asure +Ġcata st +r ance +.Text Field +Ġconsum ing +Ġ'\ '' +oubted ly +ĠC ertain +E v +ert i +be ing +Ex perience +Ġ// [ +ĠArab ic +ĠC rist +ĠAz ure +Ġhor a +l adesh +\ Blueprint +d ar +.re l +Ġsup rem +ĠRe agan +ĠAt tributes +-s idebar +Ġuse Styles +ĠA irlines +Ġh ills +/x html +v inc +_m ock +Ċ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ +ĠP ill +.Layout Style +ĠCommand er +] < +sign ature +Ġ{ }čĊ +Ġhat red +Ġë ĭ +ole sterol +Ġ ******** +ancell or +c rop +T IM +ĉĉ ĊĊ +ys qli +uit ive +ĉun set +_s el +Ġmen us +t ick +Ġconstit ute +ĠElement s +ĠRed is +agg io +_f p +_de pend +em as +CA ST +or ange +j on +ĠEm ily +Ġpot atoes +Ġre ceptor +ĠElect ronic +ĠL ights +Ġcomb ining +ĠSome one +Ġ######## . +ĠT OD +/ show +X d +." ' +af x +Ġtr agic +St yled +ĠMar co +G allery +d ale +.âĢĿ ĊĊĊĊ +é rie +/s ervice +äº Ĩ +Ġamb ient +_SET TINGS +.Ad apter +l ene +Ġtrav els +Not ice +Ġcle ans +ĠF em +ch air +Ñĥ н +/ my +_b ad +ĠEcon omics +IS A +_C NT +(M enu +äº İ +ĠR idge +Ġlength y +D ot +Ġjump s +Ġhe y +$ pdf +Ġw orm +Ġs ut +Ġsh er +iam o +ĠCal c +trie ve +Ġc ops +ĠCh rom +Ġreg ulated +reat ment +ĠHigh er +ok s +Ġde ze +LOC ATION +ongs To +Ġfin ite +Ġvar ies +Ġposition ed +' il +éĩ ij +Ġh ike +(d one +play list +Ġad a +Ġcoast al +ĠN ancy +.DateTime Field +Cpp CodeGen +ĠSimilar ly +re ur +ĠCon tr +ĠH idden +ĠB eta +atch ed +_inst all +. Output +Look up +ĠRich mond +qu ared +Ġm anga +-control s +ĠBern ard +L arge +Ġslic es +Ġoff ence +ĠM ega +Ġest ar +Ġjoint s +Ġsum m +_pl atform +B uff +.add Subview +Ġret ained +Let ter +.d im +Ġess ere +ĠS caffold +EX PECT +ĉ RE +.long itude +ü nd +Ġstat ue +.add Widget +ĠCar ibbean +add PreferredGap +il de +UIL abel +ĠOp port +Ġimper ial +urs ion +Ġmand ate +Ġpromot ional +Ġv k +ia ÅĤ +Ġp yl +ĠCre ation +оз д +Ġsim pler +. what +ĠRec ent +St orm +. quantity +ĠL ov +" - +ubb les +_not ification +(w orld +ur ger +* (- +: "Ċ +h m +ans hip +ĠAl most +Ġmotor cycle +_f ee +Ġabsor b +ĠVin cent +Ġsound ed +ÃŃ st +Ġpharm aceutical +ht ag +ĠKind le +ital ize +ĠEm peror +oust ic +Ġspecial ists +åħ ¬ +Border Style +/ \ +RE LATED +(', ', +(ex pr +Ġh t +åį Ī +_C reate +Ġspecial ly +Ġ[] ;čĊ +Ġhe el +Ġse pt +_ arch +(in itial +% .ĊĊ +\", \" +Ġdiscuss es +Ġu pt +Ġ[ & +Ġman us +.h and +ĠM AIN +ĠDen mark +Ġ], čĊ +Ġcr yst +Ġn ack +Co ords +_in ner +Ġmid st +Ġaw ake +ĠÐ ŀ +-b reak +ÃŃ vel +_P ASS +ĠParam s +Ġdet r +Ġsp ider +ĠCon cept +Ġpre nd +CH ED +.Ex it +Ġpop ulated +Ġvirt ue +_SE SSION +Ġnou vel +o auth +Ġд аннÑĭ +r ink +.Header Text +atur ated +Ġer st +Ġå ħ +ॠĩ +_vis ible +ey er +Ġli able +Ġde be +Ġb w +{- # +_W IN +df s +H over +ĠP UT +- angle +Ġnob le +Ġtr aces +enc v +Ġuser Data +_in s +ĠS uz +Ġnews letters +ĠMod i +Ġentreprene urs +Ġtrib ute +Ġrum ors +Ġr r +ĠQu arter +ê³ ł +Ġfeed s +ó g +Ġen velope +Ġle ar +Ġk ø +develop er +Sim ilar +: ")Ċ +sub scription +Mod ifier +ital ic +Ġn asty +Ġtermin ation +Ġchar ming +Ġâ Ł +ton s +.tr ace +h ots +ĠU R +M ont +Ġjust ified +ĠG ang +ine a +Ġb og +( ap +_ $ +Ġcont amin +.D ot +ĉ Debug +( exports +Ġpa ired +ĠAss ignment +Ġautom obile +ĵ į +Ġph ases +v w +@ SuppressWarnings += \ +r ant +- ed +ĉ await +Ġcert ificates +'> " +Ġint act +CT RL +M ike +greg ation +AT TERN +Ġre public +_up per +ili ary +Ġcomput ation +h ire +ĠSh in +_ ANY +ĠManufact urer +ĠC arm +Ġbear ings +_c omb +c ad +ur istic +Ġwholes ale +Ġdon or +.inter faces +press o +ĠBr un +-c lose +pro ve +_S K +ĉf rame +et ros +ĠP ain +_EX P +ĠL T +_f s +.dat as +ĉ ss +vo ir +ĠA xis +M ajor +=" < +[ h +Ġprof ess +igr ate +(s core +Key word +" os +ĠĠĠĠ ĉĊ +an alysis +Ġre play +.p ass +\ d +t ls +Ġsan ct +.l ight +_m obile +ÑģÑĤ ÑĮ +ĉt otal +u ity +Ġpa used +N AS +Ġen core +lo e +Ġ-* -ĊĊ +.h igh +am pler +ĠSec ure +Ġfrag ments +_ vel +ill ary +ĠSte in +ĠD awn +Ġmax imize +ภ¢ +Ġ/ ^ +Ġcontin ually +Ġsh adows +ĉ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +ĠI ActionResult +Ġinform ación +C HECK +.Selected Item +b undle +ol ley +< Int +AIN ER +ĠW ing +tit les +ount ain +C Y +ĠLoc ale +form er +< context +R adioButton +_s chedule +Ġfab ulous +Rob ert +_PRO FILE +Ġg ates +IM P +ĠPent agon +g old +b ach +employ ees +R otate +Ġch amp +Ġsel bst +Al tern +Ġconvert View +/ , +Ġ~ ( +St reet +_ place +Ġpersonal ized +P ublisher +ĠSO CK +_NAMES PACE +ĠStand ards +so ever +_C ENTER +Inter est +ô t +tem perature +View port +get Resource +Ġeat en +Ġsem pre +Ġab normal +Ġc ylinder +Ġtroub les +n od +Ñĭ в +g ames +_g l +Pl ane +g rey +_t bl +.Component Placement +ĠCh ase +Log ging +man y +ì Ĩ +Ġfl ame +="< +Ġtra jectory +_r ing +Ġhydro gen +tr on +Ġstat ute +Ġcondition al +Ġtr ay +-s chool +(w idget +$ config +Ġrequest ing +. uint +et on +brit ies +Of Type +AD MIN +p redict +Ġg egen +ĠH app +OC UMENT +ĠA part +Ġ---- - +ro e +u ide +just ify +ĠSqu ad +Ġprof es +.b ot +_c urrency +inn en +ĠM umbai +ĠNum bers +avana ugh +agn itude +âĢľ There += http +çī ĩ +Ġv b ++' {{ $ +Ġin ode +s il +Ġh ace +Ġsever ely +ĠOver view +Ġspr aw +Ġbeach es +: left +· » +($ { +ĠF IRST +ĠSp a +- ass +Ġb aise +ĠN ODE +ĠP izza +P et +(se q +\ ">Ċ +CppMethod Pointer +Ġv p +Ġi a +_se conds +em et +/b lob +_TH RESH +... čĊ +D est +ĠN H +.data Source +it és +ĠJ ak +s ell +Ġwork shops +< u +Ġr ivals +ĠEX ISTS +h om +-t oken +compat ible +.J Panel +Ġphys icians +art in +Ġdes irable +Ġdistinct ive +.D ep +g id +ili ate +, max +Ġprem iere +Ġq Debug +Ġadvoc acy +Ġwh isper +P t +Ġun changed +_q ty +请 æ±Ĥ +Se ason +avel ength +ĠP ul +Ġd ÃŃa +'] ]],Ċ +al is +(" & +bor o +Ġb m +ĠR adi +w rong +ĠGo ing +ime Type +ij i +- feedback +ĠN ames +ĠB apt +Ġprob able +ĠE ther +ĠPolit ics +_prot ocol +lin ing +S at +Ġcor rel +.Pr imary +(null able +RI ORITY +Ġcolor ing +Ġutil izing +d as +Ġexport ed +Ġcar riers +Con v +. editor +i ó +(h andles +Ġapprec iation +. import +ĠAust ria +ĠStr ip +il ight +Ġappropri ately +ĠP rest +ĠW ir +ĠUI Application +al chemy +ĠM ob +ĠD etermin +ergus on +register ed +_con vert +ĠVlad imir +.Show Dialog +ref lect +Ġsh ook +Ġass ure +ĠO ften +Ġcivil ization +Ġvocab ulary +fore ground +ĠS cope +Ġunw anted +act ing +Ġ( [] +Ġmark ing +. original +ĠMO VE +Ġsport ing +ception s +NS Number +S izes +Ġprovinc ial +_Tr ans +Ġproblem atic +d igit +ĠEm ma +lock s +ĠC rew +ib a +') : +ish a +Ġm amm +Ġocc ured +w cs +(r ule +Ġmerch andise +es pecially +ĠT win +Ġn aming +Ġs log +Ġimpro ves +Ġad her +: text +.h adoop +_HT TP +.to List +.dis abled +Ġl enses +.in i +ĠR are +ĠUb untu +Ġsc ram +ol ation +tit ulo +Every thing +Ġnod ded +icht ig +_const ant +z c +l ift +ĠNot ify +ond o +ĠIN F +(" + +ĠK az +Ġd read +.m apper +le ur +ĠCome y +ĠN B +ic ers +.P ush +ĠH ack +ĠBrazil ian +_pro d +Ġ// ĊĊ +Ġb icycle +Ġun available +Ġadoles cent +bl k +Ġmit ig +_bl ue +ì ĺ +fade In +ĠUtil ities +ĠM N +; k +< style +- status +ind o +Ġinn ings +Ġg j +Ġ|| = +.e u +: Number +Ġcuis ine +ĠURL s +ie k +Ġw ires +ĉ ps +ie g +.m k +so ap +Ġsom etime +Ġst ap +_s eries +.T arget +æ º +.dest ination +OUN TER +R aises +& A +Ġsmart phones +NI Env +.s dk +Ġhelicopt er +Ġim pe +ĠB irth +A U +b readcrumbs +co ords +Ġexplo red +Ġl od +ĠI p +g able +ian e +Ġart ifacts +Box Layout +ا ر +list ener +.c art +ĠH uff +ĠHind u +ĠData Types +ĠDr upal +IGN ORE +Ġoffset s +ĠR TC +- login +æ ® +ĠQ Object +Ġprosec utor +R ock +_ch at +W ay +ì ² +Ġneg lig +Ġd ude +; < +Ġdeleg ates +_f ailed +/ dev +/ work +( New +et able +() " +( Icons +Ġp ork +ĠModel AndView +ĠV IP +ĠK or +m ix +Ġox id +ĠSC REEN +ĠFour th +/ ",Ċ +Ġte e +ĠSte vens +t icks +Ġp ledge +ib bon +ĠLo an +Ġne o +n umpy +ĠShared Preferences +- oriented +ĠLogger Factory +ĠGraph QL +zen ia +" _ +W omen +.c ast +Ġdeliber ately ++ b +ĠAr n +font Size +Ġm aze +Ġbl amed +.m as +} )čĊ +eler ik +Ġsc anning +ĠWork shop +Ġfind en +Ġca ut +UI Font +( return +al in +cast le +//////////////////////////////////////////////////////////////// //////// +Ġincent ive +op ath +b lob +Ġcigaret te +Ġfert il +*/ ĊĊĊ +ĠSh ar +Ċ ĠĠĠĠĠĠĊ +Ġunc ertain +ĠS ton +Oper ations +ĠSp encer +Ġdef in +ĠS olo +on est +·» åĬł +Ġu omo +G ive +Ġdent ro +; padding +ent ai +ĠC ars +Ġenthus iasm +ĠOper ating +S kip +par ation +Ġprotect s +Ġre ver +d g +ĠC incinnati +Ġconsect etur +Ġm uss +employ ed +a uses +ink le +. Values +£ ¼ +lo v +_W ARN +Ġbook mark +ĠAp ollo +. axis +Ġm ét +Ġop ener +Ġtum or +d an +Ġelement ary +Ġsk ipped +ĠK er +as ia +_res p +Ġdem ol +ĠCan adians +Ġt astes +U Integer +Ġ' ${ +.aw s +RO ID +ri ans +M Q +ord able +Ġcous in +Prop agation +(S ession +ph alt +UL D +ĠSc alar +Ġblo ody +Ġ ঠ+.m ask +, q +ĠUn its +Ġcent res +ĠPr im +. ]ĊĊ +ĠSh aw +P rom +ĠTh ought +Check er +_output s +( chan +E INVAL +Ġb ob +_c mp +P ed +Ġmat rices +Ġvrou wen +Ġgenu inely +high light +(d isplay +) != +Ġdel icate +ĠL uther +ĠM iles +Ġuser ID +% = +ate urs +_B UF +---- ---Ċ +imit ives +Ġsh elves +sl ow +_in formation +LE G +W r +.form s +cel and +/ un +: & +.âĢĻ ĊĊ +=" % +Ġpro st +Ġfont size +uc ión +get ic +am t +=" . +Dec or +B rit +Ġ"" ). +Ġfound ing +.File Name +ĠT ier +Ġdisc lose +á m +.s yn +.View Holder +lic ant +_st age +Mon day +Ġdes erialize +t alk +Ġtradition ally +æĢ ģ +Ø ® +LE X +Ġe h +ĉ ROM +Ġ{ })Ċ +Quest ions +nc py +Ġfix ing +к Ñĥ +_ Key +: x +ĠSTR ING +ĠÑĦ ай +ĉ left +ĠBen ch +ell ij +UR RED +ĠDi agram +} catch +/ time +ĠMiss ing +db name +Ġs ore +ĠW alt +ugg ing +rep resent +ĠG S +ne ys +ĉ page +Ġvol can +(b tn +Ġexceed s +Ġ erg +Ġpil ots +ĠS ed +ers ions +Ġpat ron +R V +/ top +. asset +_c ross +. Editor +.t b +Ġwel coming +SC REEN +) findViewById +C oder + ",Ċ +_P in +ues e +Ġover rides +_ ready +Adv anced +Ġop i +-c art +("/ ", +ĠDe b +CR Y +ĠVert ical +ĠO VER +ĠCorpor ate +Ġ"" ; +Ġste pping +e j +Ġaccus ations +Ġor az +_t ail +Ġindu ced +Ġel astic +Ġbl own +, // +Ġbackground s +âĢĻ une +-s dk +Ġset Interval +Ġincent ives +Ġveget able +_ On +exp anded +p ix +_sh ader +ĠSP DX +@ example +ĠW rapper +.Z ero +Pos itive +Ġsp inner +Ġinvent ed +ĠG ates +оÑĤ оÑĢ +Ġcompar isons +è · +.pr imary +data Provider +add itional +ĉ options +s napshot +.set Horizontal +Ġ" {} +ĠFish er +hal ten +< Type +Ġmax Length +ĠM t +Ġê° Ģ +.jet brains +Ġident ifies +Ġflow ing +ĠDisc ussion +ats by +Ġsch w +ught y +Ġr ivers +.un ique +_PH Y +ed ral +( ll +Ġcs rf +pp ers +ü l +ĠEs pecially +port ed +ĠHarr ison +****** */Ċ +Text Color +ìĬ µ +w ire +Ġstatus Code +ĠFin ish +c ence +ĠMcC ain +ĠW or +( await +Ġ) -> +ĠRegister ed +IN ED +k al +par ison +Ġobj eto +V i +mand a +Ġrenew ed +ĠS of +ess el +.nd array +Ġcr ap +ç® ¡ +.ab spath +( up +Ġclear ance +ĠT W +_C OPY +ĠĠĠĠĠĠĠĠĠĠĠĠ ĉ +Ġforest s +Ġarg uably +ĠA SS +he y +am el +_f ore +ĠSou theast +Ġab used +Ġpract icing +aked irs +ä¸ » +_res ources +Ġp ond +.F ixed +Last Error +ĠPsych ology +Ġ" // +! : +Re usable +Ġmens aje +Ġro spy +Ġb our +Ġvar ieties +Ġem path +(( { +_ org +ĠM es +ĠMag ento +IST ORY +Un less +Ġh j +ĠD uty +J un +, size +Ġpaint ings +Ġdisp ens +d art +Ġbehavior al +Ġr pc +cal culate +fr uit +_m m +ĉp thread +Max Length +Ġc urrencies +_cap acity +ĠO z +Ġfire arm +Ġcoeff icient +Ġbankrupt cy +w art +Ġfat igue +AV A +Ġes pa +_p c +ĠQu otes +_L IGHT +ĠT ickets +Ġrel ates +Ġpublish ers +Ġunlock ed +Ġ// ---------------------------------------------------------------- +ĠInterrupt edException +Ġout look +r n +Ġreb els +W ritten +Ġas ian +ot to +Ġ ĉĉĉĉ +_g pu +T xt +.Image View +Ġsu is +_t ables +.Rec yclerView +Ġwhat soever +è ģ +] ++;Ċ +assert True +_ verify +ĠR ivers +Ġ ][ +J et +id ian +S ibling +Ġgen res +.A ccess +OP S +Ġtr ivial +ภª +al en +в ед +ĠS word +Ġscrut iny +(c b +Ġcomm erce +Ġguarante es +_ad v +ĠL ET +rec io +Ġh ilar +Ġback yard +ãĢ ı +Ġillustr ated +/v endor +. Util +Ġw ow +LO Y +ĠMar shal +"> '.$ +ĠB ak +Ġmod ifiers +d ictionary +ĠSt re +m ultiple +")) , +ĠC ort +'] "). +( admin +ĠCre ator +Int ernet +( ms +log y +DECL ARE +ĠMarc us +<< << +ãģ ł +_m y +(in st +Ġsc iences +ND ER +. enter +Ġit u +Ġbeh ave +P an +omb ies +=' < +')) ;čĊ +ĠM ENU +ĠWork ers +.No Error +Ġbind ings +Ġdis abilities +{ \ +ĠM unicip +Ġco res +ur ple +ĠN okia +us ions +ĠF itness +.handle Change +Ġjav ascript +ìļ Ķ +( dec +Ġpack ing +-de pend +Ġtrans cript +z eros +_ alert +? ",Ċ +lib s +± оÑĤ +Ġ| ĊĊ +tr ained +ĠG ent +ĠR ab +x p +_config uration +å¤ © +_ accept +.rec yclerview +: url +ĠMu hammad +Ġprivile ges +_b ank +uk u +w allet +ĠRO OT +Ġenc uent +? family +ĉ position +Ġc g +Ġprec ip +method s +_f ast +in crement +ĠT iger +_OCC URRED +qu ip +ĠH AS +_d om +Ġw reck +b j +Ġd ern +Ġorg ans +. entries +Ġ_ (' +ram ento +ĠJam ie +Ġp unk +IP P +Ġprogram a +Ġatt ain +Ġpro ves +/s ign +Ġanswer ing +Ġl adder +************************ **** +ĠW almart +ĠCONT ENT +duct or +Ġver bal +ĠP ID +c rypto +_CALL BACK +Ġ= ================================ +Ġpot ent +Ġshort s +.U ri +.un iform +; border +ĠW er +Ġhere in +ll a +ĠI hr +P ixmap +l iteral +! )ĊĊ +g eneric +r ust +_script s +ost o +it us +ĠCoal ition +Ġrem ot +de ploy +ĠEag le +ãĢģ ãĢĮ +Ġimportant e +ĉ object +Ġseason al +ne j +aid u +Bind View +ĠSi erra +-b g +Ġmake Styles +[ offset +G ames +Ġhorm one +AR IO +head s +( select +ĠStart ed +@ param +_de cl +_b log +Ġa ño +\ Api +ĠMil waukee +Pro vid +An imated +Ġcool er +ĠSe ed +. Edit +Ï Ħ +ĠT aking +Ġborder Color +-found er +.Logger Factory +Ġ"" ĊĊ +AL T +ĠL ate +EDI ATE +Ġ);ĊĊ Ċ +af a +Ġcancell ation +At om +ĠB irmingham +emp resa +HE MA +asc al +Ġup side +.V ersion +ĠF older +ĠE ight +ĠV intage +ĠApp Delegate +ĠPre vention +.se parator +ST M +( room +gener ator +Ġc attle +ĉ Z +ĠPart icle +' };Ċ +Ġneighb ours +ĠState less +Ġalt itude +Ġsa int +об ав +Ġconv inc +ĠCont ents +Ġje une +(t s +Serial ization +(c ollection +ĠJ azz +ĠD od +ĠR och +ac io +comm ended +DEF INE +.on load +Ġspecial ty +PL ACE +_MO VE +Ġaccount able +Re uters +Ġf icken +Ġde pr +W ow +V oid +.s pace +à¸ Ĺ +Ġt q +ĠP ets +< $ +(C urrent +ber ries +plan ation +Ġlist Of +ĠTh u +ĠPR INT +Ġm ismo +Ġdo i +ch k +ĠUn icode +( role +Ġvir gin +< Point +_RESP ONSE +-h ouse +ĠVenez uela +EM AIL +Ġp úb +_ex ist +B all +.C L +re ferences +ĠBeautiful Soup +ĉ Expect +TH IS +Ñĥ д +b ane +Ġtemp oral +ER IC +et as +Ġrefresh ing +Ġsec ular +@ synthesize +ac cur +Ġn ella +ĠS OL +.p ipe +Ch annels +èĩ ª +Ġinsert ion +á» ĭ +el ia +Ġadjust able +Can ada +ĠI TEM +Ġcur ves +ĠChe ap +let ing +Ġoptim istic +al lo +Ġpolit ician +_down load += edge +ORT H +Ġmodel o +art o +. rotate +Ġs elenium +æĪ ij +_al ias +Ġrenown ed +.' . +Ġc zy +Ġal les +.Com piler +ĠB ass +Conn ector +.R ole +L INK +Ġc riterion +lem etry +Success fully +/p ng +Ġey eb +asp berry +( gr +Ġd angers +Ġcorrect ed +Ġgl ow +Ġelabor ate +ĠB ears +aw ai +=" '+ +Ġpromot ions +Ġmathematic al +Ġ" ` +_Generic Class +ĠChe f +.S ort +table Name +R IC +Ġvolunt ary +ĠBl ade +-e lect +ĠCom bat +ĠAb ility +Ġab dom +Ġd uck +T mp +åħ ¨ +Ġer ase +.P h +ĠDefault s +p artment +_US B +ê te +; ' +Ġp ads +ĠOb amacare +.T otal +Ġdiv ert +Ġcr icket +Ġrecre ational +( red +ĠC le +R U +Ġmist aken +ĠMont ana +Ġstr ive +_sl ider +ĠPl astic +Ġdecor ated +ĠV P +lic o +ĉf alse +Ġpre fs +( \" +_f alse +i endo +Ġ@ $ +B ucket +act ical +ĠZ hang +.c ols +.B inding +Ġw ax +_ST ORAGE +Ġlaw n +Ġr f +.Sc ene +ĠCal culator +.d esign +Ġres il +л ем +E mploy +ĠPr ices +ĠP WM +ag i +.e valuate +ĉ param +Ġbr ass +bb en +Ġinflamm ation +ull ivan +Ġan not +Ġp H +iam eter +ĠB TC +( box +Story board +Ġcl ay +.assert Raises +| string +.App ly +Ġmatch er +und ed +Ġsatisf ying +Ġìł ķ +Render ing +_app ro +ind rome +AN EL +_f ix +br ush +.M atch +Ġsm iling +on aut +S unday +Ġdelet ion +Ġencour ages +P ull +Ġreven ge +Ġqu arry +tr ade +Ġc ables +(d elta +ites pace +Ġf h +.b unifu +Ġvi el +_IN CLUDED +ĠT ail +ad ar +of s +Ġmet als +g om +_method s +Ġn j +.St d +(w in +$ (' +Ġt urtle +ur on +Ġen rolled +ĠH z +ĠBox Decoration +Ġp ont +rel ationship +B i +³ » +Ġmas cul +Ġsh ades +Ġv r +ĠLog ic +Ġa in +ĠD IST +Ġcoll ar +" profile +Generated Value +ĠP ossible +Ġe ines +ĥ ģ +.time out +ĠE c +Ġjer sey +.D ouble +Ġqual ifying +v or +CRE EN +_A pp +_rec v +Ġali ens +It s +E sc +i ator +ĠE clipse +Ġg h +V ict +ĉ html +to o +. const +Ġant erior +ĠW u +(key s +Ġul tr +_p oly +ĠT ap +ĠB ud +A WS +Ġcrash es +_t ot +Cont in +-h anded +alth ough +ภļ +ific ent +Ġde ve +ut ory +ĠW orth +_M S +Ġfloor ing +Ġsell ers +ĠThank sgiving +Ġp ng +Ġval ores +Ġslee ve +Ġfil le +Ð IJ +Ġappoint ments +Ġv im +User Info +BO OST +Ġpos ed +initial ized +.product s +ĠLeaders hip +man uel +' % +em arks +Per centage +(d ist +. avatar +(h Object +ä» Ĭ +_ iff +ic one +; ) +_n il +Ġab ol +е ÑģÑĤ +Ġven ues +.Con vert +! ')Ċ +.B itmap +sk in +_C OLUMN +Re v +G RESS +g ow +Ġw ished +tract s +.assert False +Ġscreens hot +Ġfo is +Com b +Line Width +ĠGr ab +Ġint ensive +ĉ sh ++ ) +.first Name +_PRO CESS +Ġt ilt +it ored +.L OG +Ġb ak +Ġintention ally +.play ers +(c anvas +)) )čĊ +.Pro vider +_P UBLIC +T alk +ĠL iv +ched ulers +Ġl c +ad ic +feature d +.res ources +Full Name +Ġmean while +B uffers +Ġres olver +ĠS AP +_T E +G NU +ĠForms Module +_ wh +ĠS we +.widget s +Ġcabin ets +Ġsus cept +ĠB ott +activ ex +av ar +ant ics +Ġ" =" +_k wargs +Ġgame Object +ĠAng le +.I ter +mar sh +ĠB irthday +ĠC MS +request s +ĠPear l +_E OL +Ġlin ux +( org +_M ouse +.con structor +Ġz d +Ġk icks +art isan +Ġe ax +K n +pon ge +ĠFin land +Ġmet res +ĠAss essment +part ner +/ pre +! ',Ċ +[ Int +Ġos lo +date picker +/ String +op lay +ĠHe brew +, double +Ġtrab al ++" \ +ĉ EIF +/ text +_F IRST +ĠP ete +Ġe go +Ġextr as +P DO +Ġreg ulate +ĠQ Widget +st s +ĠSh ows +ĠN HS +.c ourse +p thread +ĠF uel +.t imes +Ġ ° +Ġstr ides +($ ('# +( words +Ġrhyth m +Ġsp ont +Ġsens ation +Ġsp ike +C losing +页 éĿ¢ +N umeric +Ġbreat he +Ġfin ale +_F ACT +in ion +Ġch ill +Ġform ally +ANG ED +Ġ' :' +ĠпÑĢ Ð¸ +a q +ĠFab ric +(l at +ĠPr incipal +Ġer ro +oc ale +N om +Ġf ost +_C USTOM +.int ellij +ert ools +Ġcl asse +adi ents +Ġfundra ising +EN E +_OPTION S +_ ob +// }Ċ +Ġprote ctions +.se ed +N V +term inal +;; ; +P redicate +Ġì ¶ +Ġbomb ing +G F +Ġch ew +)) ). +qual ified +] ={ +list en +C ENT +d igest +E ast +Ġd iver +Ġend points +Ġe e +Ġcolle ague +Ġdissert ation +_com mit +_D AT +. rc +Ġbre asts +ĠR ug +ĠP il +Contract s +ĠBry an +Web View +Ġconcent rate +ĠIn ner +Ġ' | +std out +_S ub +> -->Ċ +V ol +ĠS SD +)) ), +. Optional +Ġnurs es +Ġor b +_ pe +);čĊ čĊčĊ +pl aced +ess er +Ġther apeutic +Ġwhites pace +Ġa ston +Success ful +Ġpr aised +ĠW es +Ġe ighth +ir al +Ġvrou w +Ġf action +_b ias +Ġw itch +Ġnp c +(s b +ĠRod rig +_b ig +Dep endency +ĠAb raham +ard i +C AR +n os +Ġabund ance +Ġnut rients +in stein +.V ert +ĠI SS +< U +Ġsum s +_h ist +Ġfar mer +ĠA br +Sh ot +ĠBad Request +Ġh ass +ĠR ails +Ġaffili ated +æĿ ¥ +Ġer f +IN F +ĠView Holder +min i +ĠR oth +Ġfaith ful +ĠPhill ips +AND OM +]. [ +_P AY +ĠAr ctic +f aker +D igit +M ale +std err +se ys +Ġ Å¡ +_rem ote +li que +Ġin def +ĠIndust ries +it ra +_p airs +< iostream +Ġsal aries +ik en +.F rame +PL IC +_S PEC +ĠMed iterr +Ġsystem atic +Ġinter rog +Icon Button +se a +int ro +ĠIss ues +enc rypted +Ġintern ationally +Ġsn printf +Ġpast a +ĠBrad ley +_ Status +AL K +_P AD +.l aunch +< select +Ġhar dest +Ġph y +Ġ(( * +-s lide +ĠNob ody +S u +Ġas ÃŃ +close st +_initial izer +Ġsupport er +-g en +Ġt ales +Ġcor p +_f u +s at +ne ighbor +.M igrations +Ġal gun +Ġsin on +.S pec +? ,Ċ +.G L +m ale +Ġmon itors +yl an +-L icense +.m atches +ĠA BS +ĠM ast +ĠW allet +($ ("# +Dir ty +Ġco pe +Ġinterpol ation +ous ed +ĠJ ets +.F LAG +.C ancel +.Event s +ne ver +ĠM Hz +> D +Ġs ervlet +bast ian +Ġ> & +S ID +_cl k +Ġdiv isions +} ',Ċ +Ġd ildo +Ġpar ade +m ajor +Ġab oard +; ++ +Ġf usion +"}, {" +ĠDialog Result +ĉ arr +- em +_n r +(h andler +.N ET +.Xtra Reports +ĠSh ah +ĠB rief +- , +Ġprec io +ĉĉĉ ĠĠĠĠĠĠ +Ġt ant +ĠGrand e +/ xml +_IC ON +ĠR etro +un que +Ġn ag +to Fixed +X L +Ġdecl aring +ĠCon crete +ĠAm azing +ĉprint k +Ġdeb ates +D ATED +Ġaest hetic +emet ery +Routing Module +ĠNash ville +W AYS +Ġw olf +Ġobserv ers +OT A +ans on +Ġe a +Ġgreen house +ĵį ä½ľ +Ġst air +Ġimmigr ant +_app ly +pe are +ĠBloom berg +_PL AYER +Res p +æŃ £ +Cho oser +ĠI Collection +P eter +Er ro +.detect Changes +Map s +Ġs queeze +ĠHom es +weg ian +Ġformat ting +Ġnegot iate +ul d +ĠN ep +ĠQ B +Ġeconom ies +Ġ*/ , +Ġredu nd +ĠA ber +.IsNullOr WhiteSpace +yc led +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĊ +_S h +Ġske pt +Ġre created +Ġget Type +Ġmarg ins +Ġcolon ial +ch arts +// @ +Ġprocess ors +è¯ ´ +b atis +æĦ ı +ator io +mention ed +P atient +Ġpre y +Check box +_x path +.s kip +ĠMorm on +ĠMemory Stream +CRE MENT +Ġk u +m eld +\ Data +ĠK ernel +il tr +éĢ ģ +( profile +Car bon +RO LE +( pl +] *( +.m emory +Ġmed al +Ġadvis or +it ät +Ġh dr +ier ung +ĠProvid es +( alpha +Ġteen agers +- parser +.L atLng +] ()Ċ +Ġfel ony +ĉĉĉĊ ĉĉĉĊ +BO OK +Ġsl ash +Ġclear fix +ĠPro phet +å® ¹ +right ness +-f i +.k ind +ert on +J im +Ġmanip ulate +Ġworks heet +ol in +st ars +Ġart ifact +_EM PTY +ĉm ain +------------- ' ; +Ġexpress ing +ĠI Q +ĠF act +/************************************************************************ *******Ċ +_m ass +)) : +Ġcon dom +Ġcreate State +omet own +Ġir r +Ġ> ( +> B +iter ation +ãĥ ª +Ġshirt s +ount y +-> $ +_S IGN +ĠD ale +Ġj j +E asy +F re +ĠN y +Ġch lor +match ed +ĠG erm +- UA +ĠN athan +educ ation +-y ard +- che +h ouses +r itional +Ġprox imity +Ġdies em +áºŃ p +Ġd rought +.a udio +ĠLe o +Ġfavor able +in ch +ĠD aw +rib ly +_st udent +id able +O VE +Ġlack s +ounc ing +.b usiness +Ġre open +may be +_G LOBAL +Ġdress es +ĠEd wards +ens ible +ĠHard ware +ĠEx cellent +ĠTime Unit +CTION S +Ġsched ules +Ġseg ue +Op ens +am men +- Identifier +Ġst aring +Ġhapp ily +ĠH ob +' _ +Ġ" ); +ament os +et ched +Ġ/> }Ċ +. Users +Ġinterrupt ed +Contact s +Ġreg istro +in burgh +CH A +_ imp +ph is +s ay +Ġretail er +.N ODE +/ maps +_L AST +ĠCh arge +_g uard +Coll ider +ĠStateless Widget +": [" +(" ../../ +iox ide +ĠS und +Ġ'' ; +un set +add Widget +л Ñİ +el les +alk er +A rc +Ġded uct +G UILayout +ĠV illa +Ġfor bidden +_ where +Ġ\ / +ĠT ib +_A X +] čĊčĊ +ĠB ir +Ġb end +ĠMA KE +ĠM ET +Ġfut ures +Ġweight ed +"" "čĊ +Ġauthor ize +(pro gram +}, {" +Ġcoeff icients +ê s +Per Page +ĠBath room +ĠPublish ing +G PL +Ġsub missions +ĠNUM BER +j Äħ +Ġaddition ally +em pre +ĠSh el +ot yp +S olution +Ġth under +_ ec +ĠĊ ĠĠĠĠĊ +ĠF ellow +Ġk ay +Ġnew State +ONT AL +Im plementation +.L ook +Ġ ents +Ġl ors +ĠB IG +f ab +Ġaver aged +ĠFe edback +ĠW ells +Ġm artial +Ġind ul +ĠComm unist +ĠFore x +ĠAgricult ure +" [ +Ġqu ar +ĠK ont +ĉ view +. Bytes +des ktop +ĠM akes +akes peare +.Null able +Ġspot light +V B +ow y +(t orch +tr idge +_b ounds +Ġapolog ize +.add Item +ant d +* );Ċ +, u +(g en +ç» ĵ +re ator +ĠC ord +ou pper +.m etro +Ġ ew +ĠW ORD +.A fter +Ġdet ained +ĠHam mer +ex isting +Ġo st +Ġmon ument +-c ustom +User ID +ĠN om +Ġre jection +(d im +Ġsingle ton +ĉd ie +ari ance +re ports +] != +eld a +Ġpreval ence +_reg s +." . +Ġfemin ist +Code c +Ġ **Ċ +(label s +_M ARK +FA ILED +Ġadminister ed +W N +ĠĠĠĠĠĠĠĠ ĉĉ +Ġn oun +w ig +Ġg otta +Ġr if +- im +ĠPaul o +ĠCommand Type +] ))ĊĊ +-z ero +Tr aining +Ġl ord +_ art +re ddit +C ert +Ġpes o +R ot +Ġend anger +.d r +user Info +un ts +n v +ĠTrail er +-f irst +(m ake +Ġbenef ici +-bl ack +i ÃŁ +Ġund oubtedly +Ġm ex +ĠAnc ient +( as +Ġdes cent +P ick +Ġrep lica +$ obj +ä hr +Ġar rows +ft y +ĠLib ya +ug a +charg ed +T ur +Ġh omic +iss en +ĠF ake +Ġbe ers +Ġsc attered +( Time +UT IL +Ġbureauc r +/pl ain +Ġstick ing +FA IL +ĠC ovid +Th ird +_p resent +ĠPier re +Ġë ª +Ġ[... ]ĊĊ +Pro b +ĠTra ffic +ica o +do ctor +Ġ), ĊĊ +T abs +al u +ï¼ļ âĢľ +Ġinher ent +_N o +rit is +ĠPro of +.b asename +ä¼ ļ +Ġch im +ĠProt ected +c rit +Ġpr one +Ġк он +ĠHero es +Ġan xious +Ġan os +Ġweek ends +Ġs ext +Ġredu cer += UTF +h alf +ĠS aw +.m m +Ġnue va +.current Target +.l ua +_EXT ENSION +ĉ reg +ĠC trl +_ align +accept able +Ġrush ing +fr ac +Ġbo asts +F ive + ± +ĠTem perature +> ): +Ġchar ter +RE ATED +Ġsubject ed +Ġop c +health y +使 ç͍ +ĠScient ific +Ġfra u +ri ages +à¸ Ķ +.in ventory +ation ale +M ad +min utes +>> ();Ċ +ĠEn v +Ġrecord ings +Ġsusp icion +sql ite +ĉ read +ãģ ¦ +Ġwor ries +.put String +ĠSh anghai +( uid +r er +ĠvÃŃ de +") : +Ġmethod ology +Ġк оÑĤоÑĢ +cc c +av ad +Ġindu ction +ĉ Thread +, string +ạ i +neh men +u ition +Ġ* __ +.em f +Ġì ľ +/th emes +ĠN ine +. One +ĠEm bed +Ġf az +u ations +Ġpriv ately +Ġl ing +[ F +ush i +Ġlaunch es +( KEY +G MT +Ġaim ing +pat ible +ĠB iden +i w +ĠD egree +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +Ġ$ ('< +á rios +to UpperCase +ìł ľ +ĠE UR +Ġovers ight +Ġtable sp +Up dates +.m akedirs +Ġhum idity +/ template +Al ways +( IS +_c ert +D ig +Ġunder way +ort on +ĠHur ricane +Ġsp ends +ĠSeg ment +Ġfl ies +ĠT oggle +ĠLyn ch +Ġs enses +ĠK os +set Enabled +ist ically +Ġtest er +Ġadministr ators +Ġtag ged +Ð ĵ +Ġshort cut +ĠRes olution +Ġsuperv ision +ĠAsh ley +Tr acking +ul atory +and el +ist en +Ġun re +(d iff +ANT S +Ġr ider +Ġs Äħ +.S eries +_ orders +ORIZ ONTAL +Ġret ention +ãĢĤ čĊčĊ +Ġdi agonal +ĠC ancellationToken +_ Internal +Ġru in +.Q t +ocr atic +T el +ĠAn swers +m atic +Ġx p +at em +_j obs +_ any +Ġsen iors +Ġland mark +ĠQ List +Ġman eu +ot ify +/ ";Ċ +/ server +ĠPhil osoph +uten ant +( io +h z +Ġauthentic ated +d v +- Compatible +Origin ally +, function +ãĢĤ čĊ +ĠRepresent ative +as ily +irc uit +.d t +(m ath +.M arshal +[ , +ĠC ities +_ turn +| )Ċ +Ġcant idad +al ter +ĉ ui +ĠNe braska +Ġsk irt +.b g +Shared Preferences +( style +Ġg rief +g ew +Ġsaf eg +ol ang +_l ists +ì Ľ +Ġgran ite +Ġhott est +.j dbc +.C ustomer +Ġâī ¤ +Ġwa ar +_sc ene ++' / +ĠJ TextField +Ġse ating +Ġwe ars +Ġ` / +C ases +ĠY outube +ı m +Ġbal con +, G +Meta Data +- price +SC R +Un ity +Ġtr unk +={` ${ +Ġearthqu ake +Part ial +Ġsub st +Ġelim in +=" '. +//* [@ +Ġsuperv isor +vro let +_ article +Ġp ane +b io +Ġmot ors +N M +F rank +Ġon ion +- word +Item ClickListener +Ġb rit +end encies +Com puter +_r unning +( day +- he +(n amed +ĠS ach +о Ñĩ +c ampaign +.Ab stract +(w rapper +.p ay +Ġu w +Ge o +r ails +/ select +icht e +son s +E VENT +Ġal iment +Pro viders +A wait +_INTER VAL +. off +Ġgl uten +_cl oud +Ġw en +.ex tract +ĉ button +/ MM +Part y +Ġdem ographic +_err no +Ġh iking +(' ')Ċ +", @" +Ġw it +r á +olog ie +ĠSt yles +ĠBrowser Module +.Request Mapping +ic ans +P AGE +cre ation +ĠF erguson +ud ed +num bers +ĠGT K +Ġpresent ations +ĠB obby +_s pan +est yle +Ġilleg ally +abel a +Ġbattle field +cap acity +ter ror +] ");Ċ +Ġwar rior +le ader +ĠDB G +ĠRe venue +Ġvig il +Ġcounter parts +( Error +ACT ER +Ġhe eft +Ġselection s +ze ug +t om +-t wo +. ;Ċ +_st atement +ĠA id +ĠV ul +_r gb +Ġpr izes +Ġedit able +ĉ form +ın ı +.de cor +D emo +lic es +Ġen ctype +rat ulations +ĠR OS +_ch ars +ĠJ ahr +part ial +Ñĥ ÑĤ +ĠRe ceive +ĠL ands +AP TER +Ġch opped +.. " +ĠAn aly +ĠU ID +ĠR adeon +ĠB ee +Ġun m +> M +.find all +Token izer +ĠWH AT +Ġs j +D rawing +E ss +ON D +Ĭ ¶ +(p acket +âĢĶ but +Inv ocation +ĠN uclear +? ;Ċ +Ġgrand es +ĠC rypt +rem ark +Ġ'../../ ../../ +Ġin ability +m agic +c ats +Ġsim ulate +: ${ +in flate +Ġen er +: NO +ip les +Ġmer it +ĠR ated +Ġgl ue +/b log +Ġg ren +Ġthr illed +.C H +unc an +ĠPR IMARY +Ġper sec +Ġfe ared +.M IN +ĠThe ater +é Ĵ +ategor ie +æ® µ +Ġappet ite +s quare +ĠAlex and +.User Id +_g t +_ enter +Ġgradu ates +Fragment Manager +Author ize +-N LS +(M y +Ġtri umph +ust ing +_PARAM S +Char acters +(: ,:, +_B UILD +M Hz +Ġwash ed +Ġun cle +Ste ve +ard own + ${ +_confirm ation +Ġtro phy +Work s +ĠElect ronics +ĠMediterr anean +_m etrics +Ġannounc ing +ĠD AY +_pro to +Ġp ear +base Url +ĉĉĉĉĉĉĉĉ Ċ +Ġcoord ination +: N +.an imate +ĠC otton +_h it +â ľ +Ġjet zt +if ter +(f ields +own load +ific acion +.c uda +ĠLi u +> equals +ĠA ce +ÑĢаР¼ +ĠSuper man +ĠGarc ia +Ġarrest s +ag ar +Ġ{} ) +Ġmac ros +rou pe +ê tre +Ġtw isted +str uments +_ (" +_ vertices +ĠTrans ition +и к +[ max +m ind +Ġaccess Token +Ġun le +m us +c op +ĠF actor +Ġcon ced +Ġre tr +.l inalg +-s lider +ob l +_Static Fields +Ġz ombie +s elling +Ġch ap +Ġsh aking +ĠTrans late +ĠAm sterdam +ĠE TH +_EX TERN +k d +_d isc +Ġpreced ing +Ġpri x +Object Name +_mod ified +ard ware +Ġ?> "> +ĠD W +` ${ +Ġ?> ">ĊĊ +Ġspin ning +_p ending +Match ers +. Keys +ĠP V +en us +ant is +Ġdisc ard +Ġh aul +Ġem pir +Ġpath way +Ġo ak +м ен +-ind uced +Ġimp air +ĠCal gary +.is Hidden +d z +_ include +Ġg m +Ġ' (' +P Y +uggest ions +Ġcommod ity +c ro +/ sub +Ġget Instance +ĠLeg acy +ĠK il +B al +( short +In form ++ x +* r +ĠHope fully +or ate +Ġmach en +Ġtreat y +ĠO ri +.p ublic +-h orizontal +Ġtact ic +Ġb ord +w ares +Ġam mo +ĠL ists +Ġequ ations +/ her +ĠNS W +B ounding +_C ollections +Ġav ail +.Drop Down +è ° +Ġh h +Ġl Ãł +.p b +Ġmemor ial +ĠAT TR +Ġexhaust ed +Ġt sp +ĉ redirect +Ġlik ewise +ST ER +L java +Ġcondem ned +oca ust +(str ict +Ġexem pt +Ġs ms +Ġex agger +S YS +Ġl ounge +: ^ +Ġto dd +de b +ator ial +ĠPort er +Ġtu ition +Ġexem pl +Ġp aren +.line To +Ġkid ney +Ġç a +Ġc ui +ï¼Į 请 +X C +Ġmo ż +Ġnomin ated +l ung +Im Gui +ĠB uzz +Ġstere o +port al +res as +Ġk lass +Ġdraft ed +Ġproject ile +/g pl +(param eters +* )Ċ +Ġassist ed +ĠNS Integer +s itemap +:n th +.View s +.Argument Parser +Ġme er +z ier +ĠD ig +Ċ +Ġpl ag +p ine +Ġblank et +Ġ: - +Ġl cd +------------ --- +(" " +Ġtact ical +ĠRon ald +ex tr +ĠF est +Ġf uer +-n avigation +Ġk b +gh ost +Ġhandle Change +_cl s +() != +Com parator +.v m +ĠCo x +_re view +/ @ +_c ookie +Ġrecogn ised +ld ap +Thread s +ĠSex ual +ĠB earing +(S QL +Ġx r +Ġth igh +URL Connection +ĠSU V +Ġm Context +Ġinc idence +ĠE ste +.s up +_t e +(EX IT +C MD +/ "> +Al most +ĠU ne +Ġand eren +ĠSingle ton +Ġb ore +Th ink +Ġn arc +] initWith +_sh op +(str ategy +! ', +her its +ĠDes k +_m achine +.net ty +ı nda += < +ĠQ R +ĠS idebar +.split Container +Ġon Success +Ġmon key +En joy +(n odes +pect rum +Ġ(* ( +ĉU INT +, height +ĠNetwork s +.t ail +.l inspace +Ġ" ... +List en +Æ ¡ +.Ch annel +- defined +Re peat +ad just +ER M +_ application +.assert NotNull +- stream +Ġr abbit +Ġposition ing +Ġw oke +Ġf ing +Ġmulti player +Ġregister ing +un til +Ã¥ n +( :: +uss ions +Ġpot ato +ĠE quals +.S up +/ap ache +Ġ( = +. ") +.p tr +ĠSpe ech +.cl ip +ĠGab riel +Ġmusic ian +/ issues +.sh op +ĠH ier +_RE T +_b ucket +ãĥ ¡ +av s +Ġro z +fl ower +Write Barrier +ĠMil an +Ġlegisl ature +ĠD oll +Ġprov ing +.concat enate +âķ IJ +Ġg char +cdn js +b les +ĠList ing +л о +.xr Label +ĠS ak +just ice +ĠVal entine +un less +Ġp iger +(r un +Ġtest ified +AN A +ĠRem oves +)) ));Ċ +rec ated +ĠRuntime Method +Ġcon qu +ãĤ ¢ +Ġt issues +ail er +ét é +- Star +Ġfl ames +.set Icon +Ġsup ern +Ġvag ina +- variable +Ġwell ness +C UR +Ġbel le +.get Request +Ġp oco +ben h +ag ens +Ġsp ill +ĠJ ur +Ġdispatch er +н ого +emon ic +(dir name +ĠÐ Ķ +Ġpas se +Ġg anz +ric ing +E U +Ġmuj eres +ess en +.at tribute +j j +ĉĉ ĠĊ +[ ^ +Ġstrtol ower +lex er +ect ar +hot el +.s quare +Ġr all +Ġlower ed +hand led +Mark et +ĠUs es +iv as +.B usiness +ãģĹãģ ¦ +D IV +Ġw asted +Ġav oir +ê m +_ACC OUNT +. et +ĉ SDL +k ap +Ġf ox +up pet +{ },Ċ +", ' +F avorite +P END +ĠA ES +} ), +Ġded uction +Ġpol ÃŃt +Ġcomponent Will +ĠT elerik +_SE LF +Ġm use +C raft +Ġd ens +ठ¿ +( tp +Ġt asty +Ġbal ances +Ġded ication +ĠWall ace +Ġun law +\"> \ +Ġm um +- update +ement e +Ġs oda +Re public +as mine +é ric +( Status +ĠJson Convert +ĠD isk +.Red irect +Ġfilm ing +/m ol +R o +Ġv ille +Ġtrab aj +Ġsyn thesis +reg a +Ġr l +S cheduler +ISH ED +current User +(error s +' h +_b ot +x imo +ĠUS ART +_s uper +_DEC REF +н ой +_RO W +Ġprom otes +ĠT A +Ġhor as +ĠRep resents +Ġname of +ĠEx c +ĠGar age +Ġse ine +, # +Ġher b +/ resources +Ġple aded +.r adioButton +Ġæ ĺ +O ps +ĠN est +c string +ĠDef ence +Ġref ere +_le af +Ġrevel ation +ë § +.execute Update +_W ORLD +Ġexp ans +(" \" +j ab +Ġdoub ts +ĠGe ometry +Ġintrodu ces +Ġsen ators +Ġcan al +.h elper +ĠBi ology +_SE NS +.pre vious +-t ouch +ab it +Ġimpact ed +Ġbr ackets +.d irect +acc um +Ġtest osterone +ĉ action +ĠCh ance +Ġpe aks +CppCodeGen WriteBarrier +Ġun belie +_p ress +.R el +ang led +/ templates +-- >čĊ +l ime +Ġsufficient ly +_ nt +Exp and +.is file +Ġis Empty +Ġq t +Ġmul her +ac ob +Ge orge +å¸ ¸ +Ġass im +as o +Ġcompr ised +O V +(CON FIG +ĉw riter +Ġdes p +Ġten ure +(c r +.p ool +ĠB rend +Ġc ensor +(time out +Ġple a +.W rap +Ġtight ly +ĠW ere +ĠI gnore +abe i +Ġbr idges +Ġcondem n +Ġsimp licity +Ġrout inely +Ġblack s +j b +ĠP it +U tf +Ġ/ Ċ +re load +Ġset Object +/g lobal +Ġf atty +Ġsock s +Could n +Ġerot isk +æĿ ¡ +ĠPress ure +ĠM az +n pos +tol ower +ĠE Q +ute ur +ĠM oment +Ġet a +{{ -- +Ġgraph s +ĠGu ar +r ine +( -- +ĠHttp Status +(st udent +* np +Ġrail way +Ġas ynchronous +_v m +'] ,' +, text +mer chant +(G uid +ĠG ra +ix er +fetch All +.add Listener +fl ip +* $ +> (), +Ġsun light +ass igned +Ġab c +ĠC OLUMN +ĠðŁĻĤ ĊĊ +) ... +Ġen semble +Ġnew line +_S INGLE +ied ad +Ġdark er +orm ap +Ġl ion +pl its +Ġillustr ation +ĠI EEE +Ġv ista +ous ands +****** * +ĠTom my +Ġh ue +S el +Ġa ura +ĠTher apy +Ġanim ator +.con straints +Ġv ague +(" ") +Ġvill ain +Ġbless ing +Ġstring Builder +ĠM isc +ĠD IR +f ax +- node +ĠWalk ing +ĠA U +s ess +Ġgr ill +VERT ISE +ĠF oods +Ġt ournaments +à ĵ +ĠMar sh +Ġw onders +Long itude +.Command Text += input +_enc oder +page Size +Ġget State +> >Ċ +.g rey +p od +Ġread ings +Ġre consider +Start up +Ġexc er +.b alance +_c ycle +_T ime +LOC AL +ĠE FI +ĠRe yn +.set Foreground +by n +Ġdis connected +ACT IVE +Ġembed ding +ick ers +Ġsurround ings +* c +Ġgar ant +Ġb f +Ġw ipe +Ġ ä¸ĭ +_T RA +ado x +ç ķ +Ġsu cks +ĠS ongs +ĠAssoci ates +ĠB ald +ĠB rett +ven ile +Ġv t +Ġin ade +Ġres igned +ĠGl enn +.p attern +.Data Bind +Ñĥ м +Layout Inflater +ch et +ĠTest ament +.m s +Ġp av +ĠReact DOM +ur dy +AD ATA +M u +/ actions +ĠJ s +_ex tract +ĠBr ing +: id +str t +iv ation +Ġoutr ight +az u +loy ment +и Ñı +al do +ĠP ublisher +E ducation +Pa lette +_d rv +Ġ($ ( +ĠAnd a +Ġrem edy +Ġincons istent +te ction +Ġregul ators +Ġshort est +(p air +ĠInstall ation +Ġdefend ants +Ġ( ); +-l arge +M el +Ġthreat en +н Ñı +Ġfet ish +ot ine +_d ic +Ġ< $ +Ġst agger +sp i +$ response +S erv +-b orn +j os +ĉ img +ĉW HERE +_l t +å½ ĵ +.c ost +ĠT ue +.label s +ĠL V +wcs store +ĠJes se +ภ« +Tr ade +Ġpredecess or +ë Ĥ +fin ally +_g eneral +ogg ler +_REG ION +n ement +Ġblog ger +ĠHar bor +ĠD ataset +[ w +Ġattend ees +. ico +max imum +.Un lock +_SY NC +ág ina +Ġdown s +ĠW ii +]) / +Ġkick ing +unic ation +ĠD AC +ĠID S +ĠR ental +Ġcurrent Time +Ġvacc ines +ĠDev il +Ġn ors +_m ouse +urre ction +(n o +Ġ> čĊ +Ġaggress ion +Ġbre eding +.s ymbol +im an +Absolute Path +ĠWH O +_fl ush +- root +arn a +& M +Ġf athers +ĠR ocket +ive au +Ġw ander +Ġcom pos +ĠWar rior +ĠSe at +ĠClin ic +_in voice +(dis patch +Product o +at uring +oss ier +ĠM AY +Ġd agger +Ġsanit ized +ĠR FC +Ġpro ph +Ġur ine +Ġgr ind +ĠExp anded +des cripcion +-f w +ĠK erry += name +Ġch k +Ġnation ally +Ġthe e +In c +Ġ? >> +.R adioButton +.Http ServletResponse +/ Y +ĉf ield +Ġhom me +y per +Ph ysical += v +Ġdr iv +ĠErr ors +Ġc Äĥ +De ath +ĠW INDOW +Ġpo et +ĠSh arp +ĠImm utable +ĉ create +Ġge ht +ĠRe form +ais er +ĠInitial ization +Ġimm unity +.com pose +Ġlat ency +ĠLeban on +ĠPar ad +Ġfu els +ĠEx hib +co h +% ">Ċ +ĠCL I +) initWith +-Z a +_C LEAR +reg n +Ġfin ances +.st andard +_C ATEGORY +.lib rary +Ġtravel ers +_w p +ĠE valuation +start ing +Ġ )),Ċ +ep isode +ĠV ariant +Ġda emon +ĠJul ia +ĠN R +Ġdoub les +< v +/r untime +Ġinterpre ter +ĠIN DEX +ĠHol mes +_D IM +Ġp addle +_ex ample +Ġfore ground +.r outes +Ġs owie +S UCCESS +ĠC DC +ĠB D +_ - +as ured +W riting +Ġcurrent Page +( answer +ĠASC II +à ¨ +Ġsocial ly +yy y +ĠSpecial ist +(c ustomer +ist ani +ke st +ĠM ak +Ġth o +. pt +( comment +ĠCon verter +g am +b ins +. tele +ĠVeter ans +_AL LOC +олÑĮзов аÑĤ +inn amon +; width +oh l +Ġfant as +Ġs ung +ĉ K +( Json +Ġneighbour hood +Ġv ow +Ġs ins +on acci +Ġepoch s +im agen +.Ch ange +.my batis +Se ek +W ER +管 çIJĨ +Ġinter ess +_ Event +eder land +Ġterr itor +Ġci udad +uck ed +Ġsn ack +Ġtransport ed +ĠMan ifest +ĠD AT +_th eta +Ġw ont +.ĊĊ ĊĊĊĊĊĊĊĊ +Ĭ¶ æĢģ +ĠEp ic +De ck +l tra +_Z ERO +Ġ[] ; +/ scripts +Ġ---------------------------------------------------------------- ---------------- +æĥ ħ +Ġwe ed +N BC +Ġrap ed +ĠG ateway +[ M +ĠTime out +ench mark +.View Model +Ġporn os +ĠY a +th ritis +ĠFly nn +Ġme ga +ac in +Ġtrib al +.app le +ĠB lo +â n +ib i +ro v +ĠL ives +^ . +get Request +ĠEst ablish +cont ainers +Ġst arring +Ġcele brities +ĠRel ative +ĠHe ights +Ġtq dm +ĠNorth west +iv ic +ĉ cl +Ġautom otive +ent ric +Ġfort unate +Ġfire place +se ud +nick name +; s +_C AL +h alt +(n s +_de leted +Develop ment +m ovies +Ġident ities +Ġprompt ly +ا ÙĨ +Ġant e +Ġ" ',' +åı £ +imp se +Ġy ap +Type Name +Ġb itch +Ġassoci ates +HE ME +- empty +ĠØ ª +ol vers +Ġpist ol +Sc oped +ag ner +'] ==' +ĠI MP +ex c +Ġo mitted +Ġmind set +Ġ[] ( +Ġor n +_C AM +A vg +Localized String +ĠN atur +Ġcom poser +ĠPlay ing +Ġover d +_ utf +.s k +ĠF ol +$ page +, Object +Ġbe es +al ary +bul let +_lib rary +O ffer +loc ated +Ġ(_ , +âĢľ He +ĠOwn ers +) ).Ċ +Ġb ri +.Ad min +kt ion +лÑİ Ñĩ +Ġerot ici +Cancel led +Ġa gr +re views +_d ma +RI CT +Ġg fx +mp i +pp o +Ġ// @ +Ġupper case +Ġcommit ting +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +User Data +Ġv ai +ĉs ort +Ġcongr at +Ġd ioxide +д а +. area +ĠJosh ua +ĠK och +_b reak +az ure +ist ical +_AL PHA +_ views +Ġelim inating +OM B +en umer +ĠHy dro +(* ( +ERT ICAL +Ġinev itably +Ġst ole +-e ast +ier on +Ġl inger +/d oc +Å º +ĠAl ready +as io +Ġ-- Ċ +Ġabb rev +ĠAt om +h im +ĠINS ERT +s un +âĻ ª +CON NECT +er ator +ĠM anning +Ġ: ( +g as +=> ' +Ġquery set +; }čĊ +ĠPop ulation +uted String +res ident +_F ONT +ĠRes pond +Ġobsc ure +Ġo bservable +ĠContrib utors +k on +ĠMus k +ex ao +ĠT ub +Boot Application +S OR +.H orizontal +.find By +.p ower +Ġposit ively +ven ience +ĠJ ong +Ġwh istle +Ġз наÑĩ +Ġl ending +Ġdestruct ive +Ġon Delete +author ization +(); ?> +_ original +sc ience +at ra +?, ?, +ĠAs c +Ġconvinc ing +$ a +org en +_D ate +ĠPro vide +Ġlon ely +) 'Ċ +ex change +; ?>Ċ +.f ast +S amples +L ondon +'] )čĊ +ĠI onic +Ġp esso +ĠKn ights +ĠR af +_attr s +Ġrepe al +> Main +ĠOrder ed +_N ew +=" "> ";Ċ +ĠS ERVER +ĠHE ADER +_ velocity +ĠIn voke +.timestamp s +Ġs ulf +I QUE +Ġinhabit ants +ph ins +azz o +Ġmon o +Leg end +Ġnon ce +IF E +; ";Ċ +- create +" ",Ċ +per mit +ĠImm igration +Ġpath name +ffect ive +âĻĢ âĻĢ +Ġex ams +- event +ĠT ill +[m id +F IX +; color +( Order +_tra its +Ġorder By +Ġs unt +ĠNich olas +Ø ² +Ġsun ny +in ers +Ġaccess ibility +ĠH B +.com p +ĉ op +Ġminor ities +ethe us +Ġcollabor ative +pr it +H IR +Ġwr aps +ĉd raw +g od +ĠI X +.app s +ĠN M +Ġirre levant +ĠT igers +Ġdi ag +G V +ĠAccess ories +k ont +Ġsimpl ify +ĠF avorite +_t ools +([] );Ċ +Ġtow ers +B es +Ġhun ter +Ġsal on +(b uff +ĉ debug +Ġmal ware +M oving +- options +) +' +ĠLO VE +_S OCKET +_f in +ĠDel aware +Ġsher iff +-in valid +ĠF ULL +Ġп од +el as +" strings +ĠRepresent atives +s urface +res olved +ht docs +)) :čĊ +Ġpress ures +Ġnorm s +Ġpl a +Ġs urname +Ġpost al +ĠDep art +Ġsla ughter +or ida +Ġhe bben +Ġdes ar +comp act +_L ANG +åIJ Ī +op oly +_r ad +ĠST DMETHOD +L azy +ĠĠĠ ĉ +... , +( web +ĠP ont +Ġet was +Ġup ward +_h at +Ġ], ĊĊ +Ġbase Url +Ġworry ing +-add on +(get Class +S PI +Ġcapt uring +) },Ċ +Effect s +Ġcompet ent +Ġf oul +Ġsubscri bing +ĠO BJECT +IX EL +b ucks +( edge +(p ass +ĠPet erson +Ġbo obs +ĠD elay +_s quare +el im +ot ers +_P C +% E +on click +ĠSV G +Ġto pped +Ġf ist +sm art +ĠR alph +( owner +j ours +Ġbron ze +ĠArgument Exception +( original +_S CALE +_c p +Ġrecomm ends +.set Style +S ure +L AND +Ġrepe ating +M att +. Visibility +Ġenter prises +.Set up +(sc ene +ĠRe active +ur ge +b w +.P ut +p ersist +.c ookie +ĠAud i +` s +sup plier +( Form + ¡ +_s o +Į Ģ +ĠLeg ion +t te +N d +L oss +( attrs +.sc atter +Ġg room +Ġgl impse +Ġn ails +Ġcum ulative +Ġf azer +_s ervices +.N um +ib ilit +_res olution +ĠT x +umin ium +op a +.s chedule +sm tp +ภķ +ur ry +ü k +go og +_sign ature +.int o +ĠSte ps +Ġhome owners +ĠNS URL +ĠP AC +ĠĠĠĠĠĠĠĠĠĠĠĠ ĊĊ +> ')Ċ +en h +Ġinc ap +$ MESS +Ġmo ins +ĠF i +Ġoff season +press ions +> .Ċ +ĠGr ass +ĠGo al +_p df +Hand lers +Ġstack s +.get FullYear +=[ ];Ċ +è½ ¦ +, V +(s plit +Ñĥн к +Ġbake ca +Ġ~ /. +pe z +t ails +ĠG len +Ġset Image +ĠCom ic +B LOCK +ĉ This +o ader +Ġcapital ist +_ST EP +( Boolean +ĠCor rect +r ina +Ġconc aten +å® ŀ +() :ĊĊ +Ġun anim +ll i +al ars +- ne +Ġdiv or +ĠKick starter +]. _ +< number +/m enu +GR APH +vis itor +Ġimpro per +_N EXT +Ġb isa +background Color +/ input +Ġmo i +Go al +li qu +Ġmiscon duct +Ġcompr ises +aw ns +ĠP ie +ra is +role um +Ġcur se +y u +_p oll +.current User +ES H +]) [ +Ġstory t +)? ;Ċ +* = +ĠB urg +/ layout +_back end +; ?> * '+ +åĿ Ģ +ac ency +( URL +_h alf += l +Ġlist View +( section +.to Array ++ / +ĠRodrig uez +ist ream +Ġelig ibility +:: - +.new Instance +P B +ĠAs sets +ĠCom posite +ĠL abs +ĠHam as +++ );Ċ +Ġbl k +ĠNe o +L uc +@ login +Ġun aware +.m et +_RE LEASE +( ST +AM IL +ri ke +Ġ( ){Ċ +(s printf +ĠAccount s +ĠV IEW +ĠA j +ãĤ ° +Ġwh isk +Ġid i +Ġro de +Ġih n +ĠElement ary +Q ty +Ġintrig uing +Ġå ¤ +J obs +ĉ offset +ĠAh med +ĠTal iban +Ġè İ·åıĸ +Ġinject ed +.Auth entication +_line ar +.Dec imal +Ġapp les +Ġshare holders +Ġb aked +.d iff +ĠE ddie +ok ers +Ġconfront ed +vo ices +Ġt us +ĠSp in +N ODE +_ Un +CT X +/g oogle +Tem perature +Ġ' '). +Ġmagn ificent +Ġstart Index +semb les +Any one +z k +eh en +ĠD ame +. strict +Ġrepl aces +Ġline back +Ġpush es +Ġche ek +ĠSh i +_BY TES +RE A +ả n +_CON NECTION +G ateway +ĠTr avis +ĠA X +ĠBas ically +ĠUp grade +à ª +th emes +erm o +k or +F emale +_att ach +ĠìĤ¬ ìļ© +Ġpo z +============ ==Ċ +(s ymbol +ĠS ector +__ )ĊĊ +_p adding +ï¼ļ " +Ġf abs +Ġr anged +set Name +Ġp error +â Ĺ +ĠFile Reader +Ġful filled +_C urrent +Ġdom inate +Ġsm ugg +Post Mapping +_for ce +Ġb loc +ĠG iant +(v ideo +ĠC U +System Service +Ġ elf +Ġkont akt +ë ª +ke es +gt k +Ġparam Int +Ġmark up +u ales +Ġaccount ed +Ġgang bang +RY PT +ĠW rong +Ġcred ited +ĠM ESSAGE +Ġfl aws +Ġbb w +Ġmetab olic +ĠO EM +/ event +(C ollectors +mont on +ap pear +Ġopt ed +Ġche at +Ġd av +ĠPro ceed +Ġê ¸ +ank ed +и з +ans k +ĠH ang +ĠC ler +Ġdis gu +Ġc map +.cl js +Ġa ument +le z +ĠJo ined +_re ceived +Ġa erial +ot el +Ġgre et +" s +ĠGen esis +ĠCal if +pan ion +Ġtail ored +m apping +and Expect +.tr ack +at omy +ĠO w +ull ah +.Y es +ĠSimple Name +db h +' en +Ġnons ense +Ġphilosoph ical +(get Context +Ġis so +ĠA CE +start Date +Ġb ÄĻd +ĠAUTH OR +ĠGlo be +Ġinsect s +_A l +ush ing +è® ° +/ Home +ĠLocal Date +need ed +hes ive +Ġill usion +äº Į +Ġtr at +x o +/d etail +_M ATCH +Ġbroad band +Ġw al +ĠIllegal StateException +IRE CTION +Ġnor theast +es ium +ĠClient e +ul ance +nt y +Ġt ecn +Dev ices +Ġgr ains +ĠO g +ĠS EL +ud iant +Ġ++ ;Ċ +Ġexplan ations +oc co +Ġdi ets +Ġco hort +( controller +.Iter ator +-r ich +ro cess +G D +Ġcar bohydr +Ġfri ed +ĠEmploy ment +ìŀ ¥ +ĠLeon ard +_ ${ +qu ares +Ġcompan ions +Ġpar is +Ġstim ulation +ĠZ oo +Ġre levance +ĠCol our +Ġspe ar +ot ional +ĠL ite +ĠK osten +Ġà ³ +_att achment +orph ic +Ġdam it +Ġd lg +Ġthr ive +CH ANGE +ĠApp arently +Ġat ual +Ġroot ed +( images +aw i +ari at +Ġch erry +STAT IC +m nt +ĠUser Id +il let +ĠHis panic +Ġn ak +Ġcent ro +Ġdim s +_initial ize +ı k +ĠCent ers +RE N +Ġevolution ary +ĠTop ics +_d amage +em er +Ġr und +Ġpun ished +Ġcub ic +f air +[] ;ĊĊ +Ġinstant iate +Ġover see +- delete +unte er +start Time +ĠP ipeline +_G AME +ĠC ir +ĉ Null +.Format ting +uc umber +ĠR ide +Ġz oo +Ġcheck er +åIJ Į += C +Ġg rit +"); // +_x y +ĠDe claration +Ġcall able +F oo +ĠList Item +Ġin accur +ml in +ĉ Data +Ġev olving +aw an +Ġca fe +fol k +_ID X +ĠAny thing +ĠPalest ine +ĠGrid View +Ġcol ony +ĠGerm ans +( + +.p id +.js x +ĠSuper ior +Christ ian +ĠL ect +ĉ Game +Ġinstrument al +Anim ations +д ал +ĠMos es +ĉĉčĊ ĉĉčĊ +z s +k te +ä¸ ļ +_D IST +bit map +d B +Ġp ersistence +ÑĢ Ð¾Ñģ +$ l +B ron +Ġ{ | +_ch art +ĠCon sum +Ġh emp +Ġ" ))Ċ +Ġattack ers +Ġknowledge able +Ġc et +Ġvir uses +' I +Ġpitch er +Ġsweep ing += list +apt ops +.de pth +Ġinstruct ed +ĠR us +benh avn +Ġи н +S ports +Ġon set +æĿ ĥ +. RED +_s i +ĠP ST +.on Change +> tag +ĠR oh +_char acter +ĠLaw s +ĠB achelor +_s wap +.re activex +Ġreward ing +Med ium +- [ +ĠRec ently +J oint +part ition +ĠMin utes +Ġind o +Ġabsor bed +ĠG N +_IN D +Ġsab er +Sp awn +output s +ĠJeff rey +Ġmed ieval +h ed +Gu ide +Ġpsy cho +Ġgl am +E lim +äd chen +_pl ain +ĠS au +-f our +Ġanaly zing +QU ERY +Ġtom ato +_button s +V EN +.set Status +. Url ++ ĊĊ +Ġcompl aining +deg ree +conf irmed +Ġsub t +p arsed +Ġtor que +Ġtroub led +ĠT ARGET +Ġtrad emarks +ĠCo ordinate +ĠV iv +Ġ// }ĊĊ +Ġapr ès +.get Position +(Key Code +ĠSil va +Ġmet eor +Ġendorse ment +Over view +ĠP oss +.In ject +Ġeven ly +Ġvisual ization +Ġw char +ĠH DMI +Ġfun ct +ick name +',' ',' +Ġfor wards +Managed Object +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠ +ĉ server +ĠOut look +ĠChron icle +Ġdub bed +Ġd ok +ĠW ear +.A L +pare n +. Interface +Inter faces +.c od +Ġd ib +.Global ization +ĠAcad emic +Ġass ms +Aut om +Ġl w +ĠN W +Ġ&& čĊ +Ġproble ma +ĠManufact uring +lim its +-m obile +Ġfil me +/ map +Ġdo it +ĠIn k +Ġsu ed +. arr +Ġunder min +ĠPro c +croll View +__ $ +Ġsidew alk +( that +ภ· +[ q +gram mar +Ġt ë +qu ito +Ġspir al +ext ended +Ġf ocal +Ġdig ging +p as +ĠT all +.pro xy +it ures +TR ACT +ĠRe alm +Ġf eder +Ġorient ed +ĠAltern ative +Ġo we +Ġsour ced +ink er +.d et +S ep +ĠQ ui +ĠPal mer +(_ , +s amples +oy er +ull an +que z +Ed ges +Ġsh out +ĠA chie +Ġha ar +_Con struct +Ġprem ature +Ġre vert +'). Ċ +Ġs chn +filter ed +null ptr +S aved +itect ure +CL A +Ġv l +st ell +ĉ Me +ĠL ip +n ational +Ġwh olly +Ġspr ings +.T imer +ĉs rc +els en +åħ ¶ +Ġcommunic ating +ĠQu iz +Ġt eng +Ġge z +ĠOut side +.S ign +(c s +Ġdisput es +ĠWe iss +ann es +> No +ĠB ach +.remove All +re fer +/d ashboard +ĠA jax +Index Changed +ĠWe ak +' "Ċ +Ġs ights +access Token +ĠJ oi +(d omain +ĉc v +Ġcontin uation +Ġpl um +ad ir +.set Message +Ġ ï¼Į +Ġsw allow +ĠL amp +Ġq w +Ġu u +C oin +ub ic +ĠDe als +r ace +Ġdict ator +Ġmem e +turn ed +ĠJul ie +.grid Column +Ġpup py +Ġp am +Ġ) {čĊ +Ġinv iting +Ġf rench +v im +Ġwr apping +Ġ#- }Ċ +([ - +Ear ly +Ġsh iny +.f aces +Ġreb ell +abc def +ä lt +Ġest imation +ph ys +los ures +_RE L +Ġex clusion +ĠSk ype +we ise +-st op +no thing +ĠE gg +is ors +Rich ard +Ġcounsel ing +Ġcomm em +ĠQ MessageBox +ĠSy nd +ĠFro st +ĠCompet ition +ĠAw ake +Ġt ed +ic iones +ĠDev Components +VERTISE MENT +ott i +.run ner +Ġuniqu ely +.fl ag +ĉ rs +_g eneric +Ġ`` `Ċ +ACH INE +Ġme in +( Application +( br +Ġrat ios +: , +ĠXCT est +ustain able +- www +it les +_T EMP +Ġs yst +umeric UpDown +ĉassert True +Ġw f +. peek +ĠBul g +Ġterr ifying +.M ODE +ĠG W +á r +Ġf ic +Ġcommit ments +- tech +ĠL iquid +ope z +z heimer +a ña +-m edia +( animated +_go al +Ġg um +yst one +.S ET +ĠW end +set CellValue +Ġmsg s +c ash +AL LOC +/ aws +Ġmic rowave +.Point er +ĉ Console +_s orted +ĠFil ip +Pro d +Ġ//! < +ing roup +Ġk s +_T RI +Ġteas poon +ĠAT T +Ġrecover ing +ĠG LOBAL +.P ar +Ġ/> ;Ċ +Ġmar ble +ul ators +ĠC ycle +Ġher bs +_m etric +) ! +_C LOCK +_ Button +H arry +è¿ Ľ +Ġstr ains +ĠApp Bar +ĠCh an +/v ideo +Ġb am +.Pro gress +$ f +lem en +Ġir regular +ĠD uncan +ĠM int +-v ideo +ঠ¾ +ó wn +ĠEM PTY +Ġstack ed +ĠH A +_c ut +Ġwhere in +ĠW ays +(count er +è¯ ķ +Form Group +Ġble w +c ourses +Ġproduct os +ry s +ĠRest r +Ġsty ling +> s +Ġp iv +Ġit ertools +get Repository +ĠI k +_dev ices +lay ui +Ġhalf way +Ġfran ç +Ġtun ing +O A +_N ode +ar de +Ġfier ce +lic ted +# čĊ +Ġbreak through +ĠE rik +Ġb ride +Ġ. " +cul us +ins ide +ĠIndian apolis +ĠE E +Ġy og +urre t +.f s +. grad +_c ards +_ac curacy +_ep i +qu eda +/ org +é ªĮ +Ġcom pte +)) [ +Out side +G reater +ĠRender er +. actor +Account s +Id le +_h ours +ern er +Jo ined +Ġmen j +requ ires +ĠO PER +.remove Child +ĉs p +Ġes se +r ift +xF E +ĠSh akespeare +________ ____ +Ġbudget s +Model State +fill able +- component +oc os +ĠBUT TON +/ io +, out +s ms +Th omas +ĠAr med +res ume +Ġrot ating +ĠV ault +Ġse us +. (* +Ġa mino +Ġ[] );ĊĊ +Ġprov oc +no x +.Get Enumerator +==== ===Ċ +æĸ Ļ +_sc roll +Ġfil med +ĠS oci +g ap +g ro +V ote +" But +_R C +An imal +Â Ģ +ib ile +Ġaw aken +ore st +in ja +ĠI van +( Command +Ġ ***** +Î · +Ġkv inder +/h elpers +_c ases +t g +ìĦ ¸ +Register ed +ĉp ass +_d igits +Ġcont our +Ġinf ants +Ġjust ification +ĠFort unately +Con tr +ĠonCreate View +_S AMPLE +Ġallow Null +Ġn ud +Ġfet ched +_e qu +ĠUn able +=\" " +> {Ċ +Ġcommit tees +ist ema ++ ". +ÃŃ an +m ant +Ġsou theast +ï¼Į Ċ +dialog s +PRO JECT +charg er +- port +(u uid +. export +S ix +ĠR P +P rem +Ġconsc ience +Ġmargin Right +_d istribution +y aml +res izing +D ock +ĠLoc ations +G Y +Se ed +B UFFER +oss ip +ull en +Th ings +- self +.p oll +PL AYER +Ġå ® +G ROUP +ĠA way +Ġg ospel +xf d +M ary +ĠPort able +T URE +Ġutil is +Ġse it +Ġstr and +Ġtrans c +Ġ( ^ +ĠAl fred +.m em +.c ircle +Ġ~ / +for cing +Ġr iot +pro x +TH ON +iz ación +ĠN I +ro st +Ġdis pro +_in stances +ï¼Į âĢľ +ograph er +end as +ĠIsa ac +ĠP ine +/d is +Ġcolor With +iter ate +_str ide +Ġpun to +.Event Args +( center +Ġneighb oring +ĠPr ison +ĠMess enger +Ġepid emic +da o +_com plex +Ġgr avel +_D IP +é ment +ĠA ri +_bit map +.qu it +( valid +Ġp end +Ġrespir atory +Ġre bound +Default Value +ãĥ Ń +Ġcomm its +.test s +_f r +it et +.s f +Ġspace craft +c ritical +Ġde pressed +ĠAny Object +Ġun b +Ġdisc ern +(m ysql +L atin +ĠB og +ĠWild life +To File +iox id +@ RestController +Ġ"$ ( +Ġ<< " +Ġdefect s +Ġdat um +h in +Ġreal izar +any ahu +ĠS ig +@ Data +ad aptive +ĠC atherine +.c r +ĠCO OKIE +Ġp ictured +ĠFight er +Query able +ĠAny way +ĠGL FW +_n amespace +_ ft +Ġ] ) +Organ ization +Ġconstit utes +Ġqu and +(ch unk +"/ >čĊ +ĠL akes +main window +Car thy +sp in +(c sv +: red +-com merce +ภ¹ +Ġdiscover ing +Ġe co +_f ac +inc eton +ĠGre ens +j wt +Ø µ +ĠBron cos +ĠGood s +(G TK +Ġreturn Value +Ġsi empre +Ġneut r +w ent +ĠN atal +Ġenthusi astic +á» į +F N +/d atabase +C atalog +Ġbr un +ĠK ash +_P l +isc rim +, width +Ġin mates +Ass ignment +ĠH aven +Ġplay ground +ex am +@ Controller +ul iar +.get Parent +Ġ" ;ĊĊ +: size +iss ors +Ġf is +Ġal c +ens ation +ĠN ixon +Ġmight y +- str +_s pecial +_A DC +ĠTw ig +um bling +- address +Ġher oin +Y TE +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĊ +F riend +Ġa ve +ĠP NG +ĠKurd ish +DataSet Changed +Ġbl ades +br al +St eam +Ġsig u +IRT UAL +ac os +UD P +(d atabase +he c +ĠString s +_scal ar +ĉd esc +ĠT LS +; "Ċ +ĠCor byn +Simple Name +u ell +ĠEnt re +ell ites +- place +Ġfrank ly +ĠE rf +CE L +Ġpa ÃŃs +Ġh edge +Ġlat ent +ĠIR Q +ĠH erald +ĠP rec +ë³ ´ +.T EXT +Sal ary +Ġaut umn +Ġtrav ail +.S um +Ġc ared +M or +Ġint uitive +Ġj ournals +_ IT +ĠT rou +ä¼ ł +Has ColumnName +Com posite +Ġsp ice +_d isk +_CODE S +ĠInt roduced +ion a +Ġnue stra +o ct +ĠĠĠĠĊĠĠĠĠĊ ĠĠĠĠĊ +(param eter +Ġstud ios +Ġproject Id +Ġbd sm +.Sql Client +im izer +ĠC ARD ++ t +a an +.s ol +_Ad just +Ġright eous +ĠLog ging +.f ilters +_T AB +ĉs ys +roph ic +other apy +ĠB rowse +key board +R ON ++ \ +ro pped +Ġext ensively +f k +Ġl ime +year s +Ex c +Ġs ph +Ġche ating +and ro +ÃŃ o +Ġpr ince +o ire +ĠD estination +ĠConvert s +Ġup stream +o led +Ġserv ants +Ġsem antic +Ġcr unch +Ġevent ual +run ner +/ error +Sp in +Ġsecret ly +Ġas semble +.P erson +end error +_ < +Ġp endant +S leep +ĠChem istry +Ġboss es +l k +)) ),Ċ +Block ly +DE VICE +Ġreflect ing +Ġam ple +Mill iseconds +ĠPresident ial +Ġus uarios +ĠN Z +ĠSal ary +ĠA manda +_n p +j ury +Ġkö n +Ġtherap ist +Ġhomosex ual +ĠDr ake +-w indow +ĠLoc ated +.D river +ĠV IDEO +Ġmerch ants +ĠC hest +- lock +/ php +Ġmil ano +_ST YLE +arg er +ide a +G UID +adv anced +me al +Options ItemSelected +=' % +ĠCh am +: data +(st at +Will Appear +Ġinform al +aj i +Ġre productive +ĠC AS +ãģ £ +F UNC +ĠR uth +)+ ( +CON ST +ĠF ans +Ġgroup Id +xffff ffff +Ġsam pler +Ġ}} "> +. the +Ġh ollow +W AY +ĠFac ulty +Attrib utedString +ĠLook s +ĠR ex +j k +ĠM IL +Ġb ard +.L ong +Ġliv est +Ġsk al +ic ism +MA IN +Ġmu cho +B ODY +Ġes e +ĉ use +F oot +.SQL Exception +Ġinherit ance +re ceived +Ġput as +ed is +als a +ĠError Message +Book ing +Ġtr act +ac z +ĠC ant +_reg ex +Ġide ological +Ġj ihad +h os +/s ys +col m +(p ool +Ġest án +ĠP ending +em ás +Ġktó ry +));ĊĊ Ċ +trans actions +Ġw ield +it ere +ert ure +_s s +Ġstretch ing +Ġprison er +.Read All +Ġbes ch +-- ;čĊ +Ġcr isp +_SC AN +Ġa e +Str ict +ĠMin neapolis +ĠBo eing +ar is +re k +_p ipe +Ġpri ests +(E IF +eh icles +ĠInter active +b etween +ĉNull Check +ĠBl air +ĠL t +_in line +eth yl + ¼ +_p ackages +Ġbarrel s +_ he +Ġreg exp +_ pts +_H andler +ing ular +ĠN issan +ĠR anch +Ġper ch +Un supported +Sm ith +ĠLeg ends +M i +Ġg f +st eder +Ġacqu iring +Ġsim ulator +() ," +re ceive +Ġin place +A CTION +ĠWeb Driver +files ystem +< Order +lo pen +ĠHE IGHT +.set Border +į ° +__ [" +Ġcl amp +Seg oe +b ands +to List +amb a +>' +Ċ +Ġcred ible +am at +play ing +.setImage Resource +qu el +Ġpod r +ge om +E k +ĠQ atar +Ġg eld +? ',Ċ +Ġc yl +( ax +ĠW I +ur ally +ĠBr asil +Ġsen za +ale y +on en +Ġb ah +Ġmolec ule +R ad +è¿ ° +AN CH +- background +- agent +Ġprol ifer +: boolean +Ġt ide +erial izer +_ ;čĊ +F ee +** ) +erg y +ĠHon or +.Log ging +ir is +Ġunder mine +ĠD y +Ġt yr +Ġde que +Ġdam er +([] )Ċ +.layout ControlItem +pe ated +C AN +rag ments +L and +) ]);Ċ +ĠS ah +ĠDE CL +With in +ĠN amespace +an other +sem bling +.des cribe +Con sum +ĠF ear +g iven +Or ange +< boolean +Ġstead ily +pa Repository +Ġresult Set +_ ENTER +_re peat +Ġt ones +ĠPRO P +n al +part icle +Ġsign aling +Ġaccess ory +ĉĉĉĉĉĉ ĠĠ +Ġvie le +ĠNo ah +- ag +Ġmur ders +Ġa ired +ĠPL AY +ĠS ullivan +_C ore +Ġul ong +Ġblog ging +> This +Ġdata Index +Ġprint able +ĠE yes +_target s +(P y +. over +Ġbr u +am pton +Ġplaint iff +< Key +b ull +Ġ⣠¨ +Iss ue +.cor nerRadius +C ritical +_p hi +. angle +Ġdynam ically +! ");čĊ +> );Ċ +in vest +.* ĊĊ +Ġt élé +Ġsuper f +Ġcas cade +DT D +Ġviv id +Ġsubsid ies +ĠH ass +Ġcoll aps +Ġcer amic +{} ". +ĠLeak age +-tr ash +coll apsed +-s ocial +ĠCh ad +Ġincl ined +Ġst o +Ġstory board +.p ayment +stack overflow +ĠRaid ers +Ġ# ' +olic ies +ìľ¼ ë¡ľ +em ap +Ġk j +Ġqu ota +ĠGard ens +ë² Ī +ĠAng els +Ġof t +Ġlower case +Ġi Param +Ġche apest +un ta +_p kt +ic ators +Ġle urs +Ġdecre ases +ĉ define +PRE C +amm ers +ĠPre paredStatement +(d irection +Ġcre ws +ark ed +ĠMem phis +ĠS ell +G TK +Ġm aid +: disable +éĽ Ĩ +ĠP f +Ġal beit +open h +?> ">Ċ +.get Source +(s cale +D u +ĠP IL +_ref resh +Ġbet s +(c ar +ĠV on +| --------------------------------------------------------------------------Ċ +ĠGr at +M uch +( Dialog +.stop Propagation +Ġte k +Ġex its +'], $ +Ġphone Number +uc s +ec imal +------------ -- +in p +.po jo +Ġcor pus +Ġpractition ers +.p ic +" testing +Ġstring By +.Not Null +Ġr ang +.D ynamic +_R ender +аÑĤ а +Wait ing +ĠW ik +Ġoverwhel med +% "> +ĠA E +}} >Ċ +u w +_t yp +Ġbuck ets +Ġgre eting +Ġla ughter +Ġant agon +uggest ion +- email +ĉt op +Ġer os +_tr i +Ġiss uing +Ġh á +Ġisol ate +Over flow +, E +Ġnut ritional +ĠAbb ott +Ġn f +.t ouch +.fetch all +_z ip +") }Ċ +Ġam at +ĠC isco +Ġn Ã¥ +PLE X +Ġse i +f oto +.to Json +å¤ ļ +ĠKle in +Ġlib c +Ġmin ers +å ¢ +- print +ĠP ride +T odos +Ġmask ed +Ġset Data +Ġtele fon +Ġunh appy +ĠT ables +ge b +( debug +_all owed +- access +Ġlog istics +Ġg ems +ĠM ature +Ġr sp +ĠAl le +.get Bytes +\ web +ynchron ized +Par agraph +Ġth rottle +.sql ite +cons ulta +ĠSe ah +C e +Ġsub mar +ER E +V ous +Ġre ddit +Ġsql alchemy +-m ile +oc ide +P our +}} ">Ċ +st ead +Ġ@ ( +Ġ[ ]) +ĠAd s +Ġover load +r idden +ĠDes ert +ĠW rap +ĠPortug uese +et z +ĉf irst +Ġmile stone +æĹ ł +Ñĥ Ñī +(s uccess +< Vector +co ol +Ġ[ ]);Ċ +erv als +Ġin vert +" io +cur so +fr agment +Ġfeas ible +.set Position +Ġel m +Ġimag in +@ Spring +Ġb ats +pu és +ga lement +ns ic +gi ene +ell ation +ĠBa iley +Sh ar +ĠT ul +ĠH K +Ġfree zing +gl m +ce ans +-c ut +_c ircle +åij ĺ +n egative +Ġind ian +s alt +Ġt ing +ĉm od +Ġs int +ak in +um l +ĠText Input +Ġpop ped +T MP +Ġpark ed +×Ļ × +ĠF usion +Ġhe ater +ET F +ro zen +h all +ĠM ik +lev ard +- heart +ĉ order +M aking +Ġpled ged +Ġdir s +$ post +ĠH err +stant iate +, "Ċ +.get Color +ĠS AT +Ġtimed elta +ĠM ai +ĉm ethod +Ġid iot +ĠTr av +ident ified +ĠDiv ine +.get Path +D ash +Ġinf iltr +Ġhandle Submit +bro ok +.g eneric +.short cuts +................................ ................................ +Ġdat ings +ĠM V + # +} "ĊĊ +Ġimprison ment +ason ic +rou d +uc ion +æĬ ¥ +Ġdia lect +Ġon Mouse +const expr +.label Control +Ġwe aker +Ġman kind +ĠRE CE +Ġd iz +Ġapp Bar +Ġqu é +f ra +_default s +Ġal iqu +_at om +: indexPath +Ġmiss es +Ġvis ually +ĠH ands +STR U +i ates +_ asset +F inder +mid t +Ġsn acks +(__ (' +. uri +ĠIn strument +ven ir +($ __ +.Dot NetBar +Ġconfig s +Ġguess ed +ि ठ+Ġinitial izer +Ġ? ", +ĠVer izon +man ifest +ge ben +.d etails +G ate +pons ible +ĠEl im +, str +Ġwrit ings +ĠD erek +ĠCo ordinator +Ġpill ow +Ġnotice able +R s +Ġduplic ates +ern els +k J +.z z +oll and +ĠSE CTION +_f name +uff led +'].' ")Ċ +ĠD ollar +Ġem oji +Car ousel +- player +Ġadjust ing +Ġjug a +alleng es +g ene +(body Parser +lop edia +ĠBeh ind +Ġslee ves +Ġdrag ging +ĠChe vrolet +Ġb iz +iv ities +ĠFrequ ency +, char +.W HITE +_pre view +) ';Ċ +_ ax +ION S +.c pu +.input s +UB E +_fe ed +ĠSup plement +! ). +es us +ĠU DP +Ġmicro phone +Ġconf irms +.is NotEmpty +":" ",Ċ +_S CREEN +ĉ expected ++-+- +-+- +ĠH ait +fast call +Ġdep ict +v b +_p icture +ĉd escription +ĠW ife +uc i +Ġv icious +ä» ĸ +ue ba +Ġset User +ãģ ¡ +Ġd iving +Ġoper a +user content +ar ah +) }, +y un +vel t +Ġun covered +Ġh ips +Ġosc ill +Ġassert ing +ĠX i +.re store +ke a +Ġsp elling +Ġder ive +ab we +ĠD ow +.set Type +_v s +Ġco zy +.c ategories +O rg +_m gr +Ġd ungeon +collection View +ĠBl ank +ac ias +ä ä +_clean up +_ACT IVITY +Ġtri angles +.Menu Item +Ġip hone +ĠW on +] ]ĊĊ +ĠCompar ison +.D oc +Ġcan onical +ĠSud an +') { +Up Inside +b uiltin +ENC Y +x be +Ġch uck +Ġcontrad ict +Ġnuest ro +Ġarchitect ural +ĠF ib +Ġcomp ares +* k +C fg +çĦ ¡ +nt en +Match es +ĠDOWN LOAD +_HAND LER +man agement +[ S +EN G +ÂĢ Â +f ang +Ġsl ipped +ĠL anka +esc aping +Ġtack les +ĠPed ro +.P rop +.' ' +.G enerated +.New Guid +at rigesimal +ill on +Ġstat istic +spec ies +hold ing +Dr upal +Ġfundament ally +Ġbond age +Ġres olutions +Inline Data +\ Type +est ion +.w rap +Ġwar riors +ĠLOC AL +Arch ive +Ġembr aced +á» § +.V er +ĠAff ordable +oles ale +ĠAp plied +ĠCon version +m ega +_c am +Ġcer emon +aur us +ĠVol k +.op ens +/ about +ĠSt d +j ournal +()) {čĊ +," \ +( Arrays +ĠD ense +ase ña +än ner +/ stat +user Data +Ġg erman +Ġt z +worth y +Format Exception +ph erd +Ġsm iles +ĠWh enever +( adapter +.bad logic +Ġbrief ing +.Grid Column +- char +dim ension +ĠC opper +Ġnin th +Ġ' {{ +Ġr av +_T able +Ġderiv atives +ĠR aise +ĠF ut +arm or +-p adding +Ġre min +ĉ style +ĠMembers hip +Ġspread s +Ġgall eries +ĠClar ke +Ġcon ception +min ute +Ġab usive +_ad j +Ġterr ific +Ġover t +our cing +Ġentr ada +level s +Ġcrit ique +Ġrespect s +ĠM MA +i ene +Ġenc aps +ĠRay mond +Div ider +iv able +b az +Ġ@ _;Ċ +ĠCl aire +Ġur ging +CE E +Ġtransform er +disc ord +ĠJ ourney +t os +Ġcompet itions +ĠO BJ +ĠB is +Ġrelax ation +id y +_IN STANCE +ĠP ref +d ados +ici encies +ĠMedia Query +ĠC ube +ĠStr ange +g pu +(d ays +_Init Struct +Ġfinger print +em at +ĠGe cko +Ġr ails +ĠL um +str action +ig ung +(m ovie +_d ictionary +_int errupt +ĠQ C +ik ed +append Child +rec ipient +r é +V e +Ġtow el +.last IndexOf +Ġplace bo +ĠW ie +.es p +( Debug +oper ative +Ġdece ased +& id +ĉm utex +el ic +Ġb apt +ĉ čĊčĊ +Ġfar ther +H alf +.dis able +.menu Strip +le ccion +Ġresult Code +Ġc ans +-e lection +f emale +_F IX +aus ible +ĠP OWER +Ġrecon struction +Ġsc ans +.Xtra Bars +âĢĺ s +Rem oved +Ġparagraph s +_m argin +Ġl ymph +Ġb os +ling ton +ĠBapt ist +Ġadvertis ements +ĠMan age +/ yyyy +IO US +ENC ES +ĠF iction +ĉm enu +ĠFile OutputStream +ov an +ĠF eng +Ġsk ipping +get Class +ann i +Ġreb ounds +Ġpublic ity +Ġing res +use ment +Ġthought ful +.Ch art +Ġhat te +pass port +Ġhook ed +ĠL ens +Ġflag ship +Ġst ip +ĠG EN +Ġcl ues +ip v +ĠR ise +ĠG ew +tab lename +Ġfore most +_ validate +_an alysis +oll a +Ġqual ifications +Ġdistrib utions +ĠFl ower +Ġt ense +Ġthank ful +Ġcl utch +Ġun ified +ro ads +Ġsit i +Ġst all +_P RIORITY +c stdlib +_USER NAME +.by tes +? page +ermal ink +ĠVe get +/v nd +- author +.N ONE +ĠCon current +ĠC ry +Ġstart ers +ĠInter action +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠ +ĠLE VEL +E ll +Ġcom boBox +ĠTh eresa +te k +_H andle +Ġab y +.g dx +, end +(L ocal +O l +kn ife +ar ial +ĠH off +Ġprostituer ade +Do ctor +Inst ances +.Set Value +ĉf rom +Ġlux urious +Ind ent +Alloc ator +_D RAW +(", ", +ĠFr ances +Ġgroup Box +(s chema +Print f +OR IES +- gradient +Ġre put +ar in +_D ONE +in cre +ig nty +Ġex ert +Ġ- . +/ App +-th rough +Ġdecl ining +Ġdess ert +Ġinc umb +Ġdesign ation +.P ORT +, strong +Ġsand box +Ġw ines +ĠP av +$ str +ask ell +Ġh ö +ĠP Y +Get Instance +Text Input +game Object +/ events +created At +Ġlocal Var +ĠWH ITE +per ed +ile ge +eff icient +, color +c ate +ĠC afe +Ġsimilar ities +Ġp umps +ĠHung ary +.User name +Ġsk ate +Ġtouchdown s +Ġacceler ate +ĠH elen +OM EM +ĠK un +_v ol +Ġfind All +ĠMens chen +a head +); " +kom men +Ġpossess ed +.arg max +.trans ition +AR P +OLUM E +(s cript +ĠÐ ĺ +ĠF inding +on ces +I o +B old +Ġrenew al +_D IALOG +Ġdis reg +INT ERN +Ġt oute +Ġelect r +ĠG ross +ĉ true +.F ields +ĠW IDTH +ĠD ent +Ġà ģ +NS Notification +Ġa os +Ġme lee +. Validation +ĠDE C +-depend ent +Ġsu ic +T raits +$ message +ĠD ear +ĉ FILE +l anguages +.P rot +.add r +-g eneration +IC ON +Ġtrans plant +-d escription +Ġch asing +Ġche es +Ġ} */Ċ +Tr ad +qu eries +/widget s +sub package +Ġes pec +Ġcr acked +Ġcompet itor +P urchase +- team +olec ular +or Thunk +& P +Ġrel ent +/ #{ +Ġproduct Id +Ġè ¾ +ĠL av +ĠAl ter +.M ode +AD IO +gr p +æ ·»åĬł +Qu it +Ġdepth s +-c ategory +ĠD ATABASE +S PELL +ĠFal con +ĠQString List +Ġ'' . +ĠIn stitution +d amage +az or +bel ongsTo +ver ages +ĠN ONE +ipp ets +, \Ċ +Ġfoot print +_ archive +n ak +.get Field +ĠRef lection +Ġ' ] +ĠH BO +_dis count +Ġin cest +ĠD odge +ĠW ade +.N O +" encoding +ĠBlock chain +Ġlaws uits +ĠM aint +ch ten +Ġét ait +Ġktó re +_ ctl +(t imer +B attle +iz o +ay ed +I OR +ĠGlas gow +Ġsyn th +_log s +.p ose +_Adjust orThunk +(( & +Ġuns ure +yst ate +íķĺ ëĬĶ +O ULD +. ng +Ġdefault dict +work space +Ġselect ive +Picker Controller +YNAM IC +.method s +Ġpath ways +ĠF ew +K G +CRY PT +follow ing +ĠD LC +ĠS ara +Ġpres et +estruct or +ĠK urt +Ġair plane +Ġo mp +ĠParent s +ĠMart inez +.com plete +Ġbroad ly +Ġsc are +ĠM é +Ġelim ination +Ġpou red +/ sw +Ġcom un +Ġm asc +ĠOrgan ic +ĠString Utils +il ateral +Ġreluct ant +- age +Ġn z +." \ +Ġpast or +ale z +Ġe fect +pro v +/ init +Ġp enn +und s +Ġs size +ĠPro j +bas ename +Ġsh ells +ĠNe ck +ĠEn forcement +vid ed +st own +S phere +$ r +uss en +af il +ĠTele gram +Ġanaly tical +нÑĭ е +us ually +x n +Ġhistor ian +ĠGreg ory +ol ph +ĠUn a +Ġcon tributes +% - +anti ago +ÑĢ ÐµÐ´ +.reg ion +Ġab rupt +ĠUnsupported OperationException +ĠT ASK +_f inish +Ġnot orious +ĠV s +ĠM Q +Ġsun set +Ġun acceptable +ar cer +Ġill umin +ĠOr b +Ġb h +E ste +_dis patch +Ġr ipped +Ġtou jours +ĠPar cel +_ ll +.user Name +.class es +S OURCE +( Number +ел Ñı +Ġhead phones +(s ide +const itution +ann ah +čĊ ĠĠĠĠĠĠĠĠčĊ +Ġcl iff +- ref +Ġmo strar +ĠPow ell ++ y +ĠB G +_f ragment +.P ort +Ġreal izing +param ref +Ġh ometown +@ Table ++" --}}Ċ +F rench +Entity Manager +ĠPl ain +//////////////////////////////////////////////////////////////// //// + ³ +( RE +c apt +Ġorgan isms +Ġj ets +ol ocation +ĠApp RoutingModule +Ġgl orious +æľ į +Ġdisc arded +ĉĉĉĉ ĠĠĠĠĠ +ĠArn old +l ug +Ġpar l +Ġhorm ones +Ġm ah +ĠSon ic +Ġorgan izers +_PL ATFORM +.in v +Ġch ord +vent ional +ĉ of +Ep isode +. Enum +unk t +ĠD h +ĠJ ared +ĠN ak +Ġint ends +End ian +Ġa ustralia +_c v +(res olve +Ġclin ics +lik ed +ASH INGTON +in ha +' * +ĠN P +_b eh +Ġh f +Ġw ür +c ategoria +$ form +Ġsub way +Ġis Active +pop ular +C our +Ġco oldown +Ġa insi +ĠGL uint +ere al +Ġarray Of +Ġh atch +======== == +ress es +_P P +. ^ +_dec ay +ĠB less +met rics +ĠCOPY ING +ĠDump ster +ĠJos é +ĠDesign s +< +Ġ" }Ċ +time zone +Ġe er +max cdn +ĠE SC +ig aret +_conn ected +_re verse +Ġquestion able +ĠUS C +Ġtut ti +Ġdrop out +ĠActiv ities +ĠW inds +')) );Ċ +Ġcon gest +ÄŁ ı +Ġprolong ed +è¿ Ļ +ĠCross AxisAlignment +LE EP +ĠVAL ID +ĠG az +Ġdepend ence +ĠP rix +.Compiler Services +j ump +Ġstr at +c irc +ĠC USTOM +x aa +Ġb mp +Ġb ureau +Ġw aren +N X +( Window +ĠChrist ie +_F E +Ġt n +ĠOm ega +communic ations +Home Page +com pletion +Ġsupply ing +YP ES +á vel +åĪ ¶ +(c lick +\ Contracts +/ questions +Ġe z +AM S +.m esh +Ġ' \Ċ +Rob ot +Json Object +ĠD F +ĠProcess or +_sh ould +.prot obuf +- users +Ġemb ry +F ONT +Ġstart ups +ĠData Source +) # +uro s +_C olor +Ġstand alone +} [ +j d +Ġforg ive +Ġng x +ĠGener ally +Ġconfig urable +/ order +Ġv as +') ";Ċ +ĠR R +ĠT roy +Ġcomprom ised +ĠSw an +int endent +Cent ral +_ keeper +Ġar quivo +ĠRead Only +_cur ve +k v +ent in +è ± +ĠE y +.im read +ĠP am +if fe +at ivity +xb c +Ġgr im +-f illed +names e +'] : +Ġa ur +ĠGib son +.Mouse Event +Ġl ado +avad oc +Ġfam il +ĠM oder +f ps +ãĢĢ ãĢĢ +- example +ĠAl zheimer +ĠU tf +_arg uments +Con clusion +text Content +rem aining +Ġinterrupt s +ĠBack up +ĠM ong +Ġrecept ors +h istor +.cor outines +Ġsh outed +Al arm +Ġcomb ust +Ġg rote +ult ural +( ids +---------------------------------------------------------------- ---------------- +ipl inary +O pts +ĠY ale +local Storage +Ġequ ival +ĠF leet +\ b +* pi +ĠQ Label +æ ¡ +Ġv x +ĠA CL +Ġsu cesso +Ġper c +ĠNot re +Ġan arch +R ing +sp b +Ġstr pos +st ores +ĠMap le +(Main Activity +(" ")) +Ġview Holder +Qu ad +Ġig ual +ors che +.m argin +Ġind ie +Ġfr anc +ĠForm Builder +ĠPart icip +.fl ash +Ġstorm s +U lt +Ġf en +[ new +E ver +=" Ċ +Ġlocal ized +_f ollow +Ġn ave +Ġdomin ance +(t ile +J ournal +ĠV C +Ġpenet ration +ï¼ ķ +Ġcomp artment +Ġb ids +Form atted +****** /ĊĊ +(c ity +âĢĶ it +[ C +Ġuse Callback +a ub +) ?. +ĠV AR +ĠSe bastian +ĠM oss +Ġabund ant +G reg +ÑĤ а +_c i +Ġbib li +CR M +ĠAt tempt +ism e +d ash +ãĢ İ +_m u +.Formatting Enabled +Ind eed +-d irect +Ġsuck ing +Ġp ne +ocab ulary +ĠPack ers +.N avigation +Ġp ied +cri bing +ĠSt uart +.To Double +ĠSecond ary +S aving +ĠD ut +ĠM add +M agic +, H +.document Element +ĠB ST +Ġdiff ers +Ġmore over +_ nd +SE ARCH +п ÑĢав +æ ´ +to Match +Ġdecre asing +-m ember +amp us +( boost +D aily +Data GridView +ĠHttp Context +Ġh ipp +_work ers +-l anguage +é ĵ +Ġconsist ed +ath ing +ĠMer cury +$ content +Ġpract iced +ĠMod ules +_D AY +Ġweakness es +ĠL odge +Ġn ar +ĠM ate +Ġj p +ĠHttp Headers +Ġsm o +ĠT OKEN +] )( +Ġaqu i +sw agen +Ġs rv +ĉ ans +A round +ĠMan uel +Ġfiction al +ĠIM G +Ġ. ' +ĠB erry +Ġwall paper +sex ual +ier o +Ġ çļĦ +ìĨ Į +Backing Field +ĠAd rian +BASE PATH +Ġrepe ats +Ġbl ues +Ġunp redict +_c oll +st acle +ĠT umblr +ĠEl f +Ġass urance +Ġc ensus +ĠIM PORT +END ER +an os +Ġ= ( +ĠEll is +" ĊĊĊĊ +.w in +ĠA bove +al on +_t ick +Ġrepresent ations +Ġæ ķ +w id +ĠAr ms +List a +_f ailure +_c m +.Flat Appearance +Ġthr one +P atch +ĠV oy +eng l +Ġnegot iating +> ` +Ġshoot s +ĠF PS +.Y ear +ĠK iss +enc ión +reet ing +From File +Ġresign ation +Ø · +Ġtw ins +ưỠ£ +Ġge bru +.get Content +.T ree +ĠEmploy ees +ĠF IFA +Ġcert ainty +(C l +Ġtot als +edit able +à¥ Ģ +.Report ing +M as +qu iet +.r ules +ĠV O +con exion +, K +Ġalloc ator +ĠPow der +\ Repository +Be at +_t ipo +Ġ[' ', +_IN TR +Ġ<< < +< hr +") == +ugg age +ĠC raw +Ġé galement +Ġg inger +Ġprim era +Ġprod uto +lt k +.User Name +Ġstr error +m ith +_n b +Ġdis comfort +']; ?> ");čĊ +drop IfExists +ĠB eg +_H AL +Ġcross AxisAlignment +ĠE vidence +Ġpec uliar +Ġinstit ute +ve is +Ġf ft +à ģ +Ġzo ekt +an aly +ĠHom eland +Ġpen etr +udden ly +ĉ element +ĠB ren +ĠTr udeau +ĠCub an +j am +us lim +_e v +Ġst ems +} % +Ŀ å§ĭ +Ġbrand ing +Ġcorrespond ence +.j query +¢ åįķ +ĠRead s +(Http StatusCode +ass in +(s lot +ĠGrad uate +/// < +Ġinform ations +EN ABLE +Ġp uis +Ġfind er +ĠBr is +Ġnett steder +_m id +Ġo gs +ĠSter ling +Ġar rog +str ftime +| ĊĊ +Ġvo x +ĠReg ardless +Ġes o +ĠCom fort +.Boolean Field +Ġu h +AC Y +Ġsque ez +ĠV ic +cont ro +. lo +Ġ ire +ĠCom edy +ë ¶ +Ġorigin ated +Ġsh ipment +| max +_g uid +lev ation +на Ñı +( undefined +ĠD DR +Ġshoot ings +ĠLat ino +END OR +Ġaver aging +Ġgre eted +Ġthe aters +о е +Ġd B +Ġg st +Ġdef inite +. Storage +.h er +Ġa fore +ĠRe ality +ĠGod s +vers ed +Ġhands ome +Ġex cluding +( ad +Qu otes +ĠS cheme +? q +ĠT amil +T icks +Ġp est +' n +Ġporn ography +_mod al +Ġ ---------- +Ġdis posable +F REE +Ġsh ark +C HE +Ġdep icted +Ġdemonstr ations +ĠK illed +ĠR ULE +Ġobs essed +Ġsimpl ified +Post al +Ġconcept ual +Ġp st +L as +_PRO JECT +ucceed ed +ol u +ÄŁ i +Ġpersonal ities +Ġres hape +Ġenc losed +ĉp tr +Ġtutor ials +Ġexpl oded +_DIRECT ORY +åĨħ 容 +Ġcan on +Ġrecogn ise +P AD +ĠAppro x +ĠRest ore +ĠImport ant +Ġheav ier +.Se quential +Ear th +ĠMil k +.set Request +.t em +Ġre construct +Ġskept ical +_Pr ivate +BU F +qu a +: a +Ġse k +Ġd well +oss a +Ġreward ed +и й +(top ic +_part ition +Ġ__ ________________ +Key words +ĠFr anco +L ite +Ġn aken +Ġз а +O BJECT +Ġcraft s +ĠSw ap +.X na +.Con nect +Ġbalcon y +(re al +ĠBarn es +b ir +ĠTw enty +ay an +at ars +ĠProp el +ĠIh nen +Up grade +Ġcur b +- second +Ġn eph +.p res +ìŀ ħ +.se q +Ġp added +" ? +j l +ãĥ ¬ +') a +Co ordinates +Ġen acted +ENT S +Ġl ac +.f inal +ĠPhp Storm +c alled +Ġin quiries +.m iddleware +ĠD owntown +/ ';Ċ +Ġkil omet +ac cel +Ġqu ien +w string +set Data +Ġman era +Ġmod ular +rim p +Ġtar iffs +âĢĻ il +_TH ROW +/c olor +ĠHT MLElement +Ġcar ro +Ġpr ere +Ġplot ting +ĠPos itive +ĠMach ines +OT ES +á» Ľ +ple asant +Ġal te +Ġa inda +th ese +Ġc ors +ip ay +ĠAdvis ory +ĠRub io +j q +Ġl imestone +Ġdet ached +设 ç½® +ten ant +ĠDep th +al ore +ĠÑģÑĤÑĢ Ð¾Ðº +ĠF ORE +ĠL ay +p resentation +) ');Ċ +.sub plots +Ï ĥ +N OW +G ar +hand les +ab ra +put ies +ĠElect rical +M iddle +rop ic +ĠJ D +ĠD yn +ĠB ristol +ĠMc Carthy +Ġstri ker +Ġenumer able +ĠEv an +.default s +qu ences +) || +ĉt oken +â Ĺı +-d ropdown +ST ORE +ĠGraph ic +( pp +Ex pl +Ġup wards +ĠD istributed +ĠW EB +J er +is NaN +çĶŁ æĪIJ +> R +üss en +ef s +Ġun cover +Ġl ud +.cal culate +Ġint ptr +Ġmidfield er +. Headers +Ġm f +ere f +.M etro +ĠSpe aking +: b +Ġcryptoc urrencies +Ġdem ons +ĉ EXPECT +Ġw icked +y outube +: Int +ĠHind i +ĠC AT +ĠØ ¹ +r ar +om ore +/ per +/lic ense +Ġre im +Ġawait ing +Ġle thal +ĠE F +round ed +ĠPl atinum +ĠвÑģ е +.co ords +.De vice +/ item +ĠW enn +compile Components +ĠK inder +.remove Item +Ġand a +bn b +Ġpr a +( transaction +Ġembarrass ing +ĉ BOOL +.content View +Ġevent data +at ore +Ġprovided In +ir ma +Ġz ona +_H W +æ Ļ +Ġst ove +Ġcounter part +_Pro duct +_MAN AGER +Ġinfr ing +ĠE RA +_p arty +Ñ ij +Ġin ici +_ Request +Ġmir acle +Ġcancel Button +S py +at ó +Ġpol ish +ĠNic ole +.display Name +\Request s +Ġuse History +Router Module +Ġst ared +ID ER +Ñĥнк ÑĨи +Ġnot a +$ arr +pec ified +Ġto pp +_DR IVER +/ ng +å ł +_t m +% timeout +< s +Ġ( *) +ĠHttp Request +_TR ACK +(n ote +ĠExp lore +_s erv +Ġç » +B inder ++ ", +. att +ĠEth i +Ġc ódigo +=' \ +.l ines +( Of +å° Ĩ +miss ible +Ġv é +Ġac oustic +Ġcraft ing +n it +.b a +ĠLuc y +Ġi Pod +Ġpup ils +-m ax +_w r +(c p +ĠRE PORT +Ġd ns +ĠRe ferences +Ġundert aken +Ġkø benhavn +Ġch ai +ĠC roat +_ Log +rown ed +_m ed +ĉ date +# __ +Ġcost umes +ĠRe quires +aff le +ç Ĭ¶æĢģ +-S emit +ela ide +еÑĤ од +Ġp estic +Ġd ra +DOC UMENT +Ġ... čĊ +}` }Ċ +ĠA uction +ĠD ock +xxxx xxxx +(get String +ħ į +Ġborder Width +ĠMach inery +Ġpredict able +.S H +Ġam plitude +.for Root +IN avigation +Table Model +at trib +Ġmaneu ver +Ġexc av +B ERS +Ġd apat +Ġinstall ations +.A sync +Ġr ays += âĢĿ +; ččĊ +.c rypto +_db g +ĠEnum erable +Of Size +_epoch s +m w +M ENU +out line +ĠP apers +============ Ċ +Ġuniform s +ĠG ig +- package +ĠJen kins +ĠHome Page +.is Selected +Ġmechan ic +M K +ĠS ounds +//---------------------------------------------------------------------------- -Ċ +Ġresearch ing +Ġinf os +ograph ics +ers et +([' / +ĠTim ber +. agent +.to JSON +_command s +par ing +_ad just +.n ome +(g lm +Status Bar +file path +? âĢĻ +Ġdetect ive +Ġunser er +ĠTib et +EN DED +(se ed +Ġsne ak +Ġam or +=" // +ĠPan thers +all ax +ĠL IVE +ĉD WORD +]= - +Ġtorn ado +/ min +Ġlung s +-c urrent +ĠBook ing +åĪĹ è¡¨ +Ġenjoy ment +ठ° +J A +typ ed +.B tn +f at +ug al +ĠSh ares +Ġdis gr +ĠB AR +ĠFO X +Op code +ĠS z +key down +iction aries +Ġdetail ing +} ))Ċ +Ġp ok +Ġdemonstr ating +Ġnot ation +l ayers +@ if +ĠN PR +.strict Equal +ĠRec ipes +.T ensor +Ġliqu or +Ġdeb ts +.ends With +W heel +.P os +CS V +$ arity +Ġun stable +( loss +ENS OR +Ġele ven +ĠL opez +ĠHop kins +con om +ĠS eth +Ġpo ems +Qu ant +Ġg sl +Ġsy rup +Ġs ibling +Ġc ass +-v ous +ö t +_P ATTERN +_SE CTION +est imated +up grade +.m ongodb +ĠBo at +_C TX +Ġfetch ing +ust in +pi el +M arg +Ref lection +Ġd uct +ĠMunicip al +Ġb x +.Get Current +ml ink +ĠAccount ing +ĠGene va +_P os +Ġpass er +Ġhear ings +com pan +Ġfrag ile +Initial izer +walk er +.M aterial +ĠHun ting +trys ide +Ġk at +Ġcl erk +á Ł +do ing +ĉg roup +Ġsan ction +.l b +ĠL azy +ĠCon straint +P agination +Ġpou vez +ĠInd icates +M ER +Ġcour s +Ġyear ly +Ġgros se +abb rev +ĠD ON +Ġproceed ed +ent lich +Ġproperty Name +ĠTe aching +st adt +Ġc utoff +orn ers +Ġa frica +Ġrend ers +ĠYan kees +ĠTool bar +sp aces +.fill Style +Ġseg undo +_str len +.F irebase +å¤ Ħ +Ġmention ing +\ ( +ĠVal ve +Set ter +Ġsp ans +ĠAl cohol +ĠLet ters +\x e +ĠT K +_B LE +.get Result +< Player +ĠP att +Ġeas ing +Ġtur key +ĠF en +') " +Ġconf ined +Ġin clus +Sup erview +(with Identifier +enc ial +Ġstuff ed +Th eta +Ġeconom ists +} ));ĊĊ +co okies +ĠRo ose +ĠChe ese +Ġfich ier +Ġen forced +AB B +no ÅĽci +_AL LOW +Ġrecru ited +Ġexpend iture +-n ight +Ġassert NotNull +_ex ecute +ĠØ ¯ +IN DEX +_F MT +Ġresc ued +ĠMonth ly +ĠCons ervation +ĠG eb +Ob ama +Ep och +ic ies +ĠOr t +Ġso it +( icon +F riends +m ol +Ġground ed +ĠC ause +ad ena +WE EN +ĠL un +IT IVE +. loop +_un til +Ġcor r +.ed ges +Ġhyp oth +ched uling +trans lator +ĠÐ ľ +R om +ãĢij ĊĊ +ĠX amarin +Ġviol ating +. anchor +--- ĊĊ +Ġtr ader +AD VERTISEMENT +Ġuns ere +ĠD AO +Ġbl ond +ĠP AT +.g lob +Ġè¾ ĵ +Ġsplit ting +Ġun subscribe +Ġatmos pheric +ĠTr im +Ġcit ation +Ġin ference +ĠF t +ĠDar win +find One +ĠG el +( Convert +Ġaccess or +; text +(s orted +Ġjud ged +); \ +: p +Ġme ine +ĠS lim +.Command s +Ġper ceive +coh olic +< Data +.entry Set +Ġassert False +ĠPat rol +ense m +ÅĤ Äħ +¨ ¡ +W IDTH +ĠRes cue +ĠU IF +_THRESH OLD +ĠMich el +ATER IAL +opens ource +ĠD iana +Ġinv ites +_B ODY +Ġreserv oir +Ġro i +c ust +(t c +ï¼ģ ");Ċ +Ġfest ivals +Ġperform ers +Ġclim bed +Ġj ungle +String Length +Ġunlaw ful +ier re +vertis ement +Ġst akes +Ġh ats +Mod ify +ĠLET TER +.H ide +Ġstat utory +_ white +ĠPer l +uten berg +em ple +.W orld +Ġoverlook ed +Ġcon cludes +/* ================================================================ +-w ise +ĉ stream +pop ulation +Ġevent o +Ġillustr ations +ft s +Ġaut of +ĠPro cedure +Ġdes erved +-t imes +Ġg ol +N SError +cre st +ĠPak istani +any ch +get Current +Ġl ar +nt l +ĠRe becca +Ġm ateria +Ġfind By +/ ad +Callback s +ĠAl s +ĠKat ie +ĠObservable Collection +ĠDocument ation +Typ ed +ĠCulture Info +ĠTim othy +Ġlater al +" type +Ġun authorized +Ġteach ings +Ġdebug ger +[ value +Ġal ors +Ġu z +Ġsc atter +Ġdown ward +Ġmig li +status Code +Ġ( )) +ĠM W +Ġм ож +RO SS +.b uf +Ġfair y +ĠInf rastructure +=> " +t lement +$ (" +From String +ĠB ild +Ġconvent ions +_n ative +ĠIns pector +ĠP ist +ub ar +Ġreg s +ĠP ilot +Th us +>' + +Ġc ela +.new s +( Product +L iving +R ussia +Ġfac et +et ical +Ġ[' $ +/ [ +ĠD ire +Ġg ases +ĠIN FORMATION +ĠE at +ĠFor ums +ĠChar acters +_m et +Ġìĭ ľ +Ġk ings +ach ie +ĠL ambda +Ġtim ers +ĠLight ing +ĠCase y +add ir +and ex +. answer +ĠH ip +ĠPr incip +Start Date +Ġ ãĢĮ +t res +Ġ& # +.Max Value +ĠPro blems +Ġlat ex +Of Class +ĠLyn n +// ' +Ġvoy age +Ġshut tle +ĠRoll er +ĠRuntime Error +uy a +D ic +ĉb uilder +Ġbul lying +Ġsimple st +.c alled +ĠL R +Ġmor ality +Ġst urdy +tr acking +.sw agger +_B IND +IT OR +-url encoded +ĠÑ ħ +ĠTr inity +Ġtr aps +Ġ| - +Ġset Text +Ġbarg ain +Ġbr akes +.get Code +Ġmigr ate +Ġrib bon +) return +Ġcharg er +ac om +ADI US +ĠAmb assador +-a fter +Ġann i +ĉs pin +Con cept +ĠHend erson +ĠH OST +.r ank +ĠNor theast +Ġber lin +Ġrequ is +.f eed +Ġsource Mapping +ĠRen contre +. ajax +nest js +Ġtre k +ĠN acional +Ġ& [ +Ġpay able +ort ex +Ġde pt +field Name +Ġcomple tes +ĠR VA +Ġon ions +al ignment +Form ats +Ġ' {$ +Hash Set +ĠB od +.Invariant Culture +Ġsettlement s +Ġhy dr +. updated +vent h +( seconds +="/ " +Ġweb page +( ĊĊ +Ġt ir +Ġto es +ĠBr ick +Ġamb ition +P ot += max +ET IME +Ġdep ot +c alls +ĠNor wegian +` : +Ġbur ger +Ġprofess ors +ĠAl locate +-third s +-ch art +Ġfor d +* N +.k otlin +Ġpaper work +ĠDE VICE +% @", +res pect +(m p +é «ĺ +- if +Ġcush ion +ob ot +Ġpar c +SP ACE +ĠNet anyahu +Ġself ish +fe at +Ġclient es +-to ols +Ġpor ch +Ġj q +. verbose +Ġlib erals +] )ĊĊĊ +p ies +Not Blank +( term +ÈĽ i +_Param s +.normal ize +B ullet +AS IC +(h ex +_client e ++ , +_D I +Ġforth coming +} ")]Ċ +se o +U m +> Name +Ġcomfort ably +irection al +W ITH +/ pr +ĠP oor +ĠVit amin +v ic +G H +Ġprior it +ĠN N +ĠC losed +¤ í +Ġis Open +\ Console +And Feel +.S UCCESS +_OPER ATION +pol ation +ĠT as +ps z +> '. +C URRENT +V endor +host s +ĠE rd +>tag ger +ĠsourceMapping URL +Ġmar athon +_c losed +Ġexem ption +Ġrecogn izes +ides how +' $ +('/ ');Ċ +m its +war z +ĠCh erry +µ ¬ +n or +port e +Ġw l +_back up +.get Boolean +.get Resource +Ġdefinit ive +. EditText +Ġs ÃŃ +.C ONT +ĠPL AYER +.c ards +ĠSh ore +('/ ')Ċ +cl uir +Web Driver +(m onth +-re lease +Ġins pector +å £ +ĠN F +_cl ip +åŃ IJ +Ġinteract ing +.t mp +Ġ'' 'ĊĊ +Ġde e +Ġfro st +"] ))Ċ +ĠPl aces +Th rows +f ork +/ day +i Phone +ĠM IC +Ġfold ing +Ġcro re +ĠCh iefs +pher ical +( price +.Write String +Ġexit ing +] ',Ċ +ight ing +Ing redient +( vertex +Ġscroll View +h f +: new +SE N +se ctor +Ġsp ins +ĠS cheduler +ote chn +sem icolon +Font OfSize +ĠSpecific ally +fl amm +.Object Id +Ġcont a +_per missions +ĉF ROM +IC ODE +/ kg +ĠHot els +-m ed +ĠD in +Ġn avy +get Param +Ġm end +Ġportray ed +ĠMet ropolitan +Paint er +Ġref erral +_g ood +Ġmar vel +osa ic +> (& +. ur +Ġest os +Will iam +Ġtim ber +Ġquel ques +ĠDoc uments +.X aml +Ġbatch es +éģ ĵ +ĠRe leased +T ail +CO OKIE +he id +_st ation +ĠV ia +S ale +ĠRe peat +Ġprom in +ĠZ o +- forward +ĠI on +it ary +Ġj us +- request +Ġproud ly +ĠStream ing +(Mouse Event +ĠS print +_ rotation +Re positories +Ġt art +ĠÑģ в +Ġm appings +è ª +C u +C ycle +Ġb un +ĉl ua +ãĥ ī +Ġ(( ! +Ġcollect ively +ĠCon d +Ġwsz yst +(l ib +openh agen +_s kip +.Column Header +é Ĥ +peri enced +ı è¿° +_p rops +Ġcontr ace +Ġmatch up +ab etic +.m embers +RE CT +(d at +Ġs og +ren om +_M ethod +Custom ers +full name +Z N +re try +Ġk ap +ĠNe u +è Ĭ +add Child +will Return +_p ermalink +Ġener getic +ĠW et +ĠMor r +Ġg cd +count s +, type +d ig +( Login +Ġcr acks +Ġbacter ial +ĠMe at +ĠArm strong +ĠBron ze +Ġapprox imate +_dir s +lig a +ÅĤ ad +Ġkind ness +Ġcont re +ĠE VERY +M ET +Ġannounc ements +g pio +ĠWaitFor Seconds +ĠPhotos hop +Ġdis contin +/ dd +Ġtop ology +an ical +. interface +auc oup +.Hash Set +ARI ANT +(r outes +ĠT eh +Ġh ype +] "). +Ġsl am +Ġbro th +- inter +ĠR id +-m anager +Cancel ar +ĠP agination +Ġsound track +Ġpost erior +Ġscr ub +cre ating +- * +ir teen +.d y +.s ymmetric +Ġ"" . +============ === +Ġch assis +ĠnumberOf Rows +Develop er +_b ins +ĠO UR +ri eb +Pro s +Ġwi ÄĻ +" d +Ġasync io +ze igen +_s pi +.A LL +Ġscre ws +Ch inese +Ġapi Key +Ġun successful +ĠSeah awks +OR G +ç« ł +Ġprofession ally +ĠCou pon +åŃĹ æ®µ +Con vention +Ġpol ym +æī ĭ +Ġsalv ation +Ġengine ered +ĠW rest +ĠG CC +Ġwar mer +Layout Constraint +Ġag grav +Script s +vent ure +Ġrefriger ator +Ġinnov ations +ĠRun ner +N IC +ĠRoll ing +Control Events +Ġlo os +p ac +ĉ panel +ef e +ĠBudd ha +------------ --Ċ +åº ĵ +(for Key +Ġl umin +Ġ( ? +ĠA IDS +, user +im ientos +content Type +ant lr +é ¦ +ĠW elt +Produ ction +m ight +ĠV II +", ( +Ġobserv ing +Ġdeliber ate +( control +Ġwith d +Ġsem ana +ST ACK +uch en +N ice +ĠDeutsch land +ĠSpec ifies +d ma +iz io +ĠF acts +_pop up +ĠDirect ors +{ : +[ R +ĠÑį леменÑĤ +Ġpl at +Ġdirect ing +ä¸ ī +ĠGil bert +â̦ .ĊĊ +.q ml +Ġthere after +Ġdis position +d raft +Ġsurge on +ĠIns ider +Bl end +ĠT rev +tr insic +Top ics +rie ve +_FILE NAME +Ġaut res +J ose +Produ cer +er us +Ġpet it +ĠN EXT +ĠF ilters +Ġreplic ate +"] ). +Ġl enders +] ",Ċ +; charset +Cpp Object +Ġfl oral +ĠT ipo +Ġcirc uits +e asy +(& $ +itt a +ery l +_COMM ON +'}} >Ċ +-back ed +(var iable +( Index +Ġvo ir +_loc ations +++) { +ĠLouis ville +Ġgrat itude +.Mock ito +ĠP owers +ie urs +Ġge ographic +ra le +Ġc ra +ĠSp urs +iph ertext +AC ION +- common +Ġvict ories +ĠFinal s +.sh uffle +-m illion +_PRO C +ass ume +Ġil s +DB C +Boot Test +Ġl avor +.test ing +. ast +"] / +m oid +Ġqual ification +ges ch +ĉ put +Ġair ports +J I +Te acher +_un iform +Ġn ama +ĠB ast +ert ype +c apture +get All +ĠReyn olds +oo led +.com ments +Ġch in +). * +Ġи ли +t gl +ud os +Ġd ÃŃas +ch ai +.pro gram +Ġps z +ĉ icon +ph il +ent ral +_WR AP +ov i +Ġnost alg +In finity +ĉy ield +Ġvit amins +Qu aternion +S ink +_g oods +Ġ ........ +ĠW ings +ur idad +-st ory +"] )ĊĊ +idel ity +Type Def +G tk +Ġí Į +_M ain +Ġche z +ĠR aven +Ġpay roll +Ġfreel ance +LL U +ĠM end +ed ay +Api ModelProperty +.Form BorderStyle +Ġeconom ist +stan bul +Ġfre ight +-A gent +(m eta +Ġsym metry +Ġ' .. +.C alendar +- aut +g f +p ent +yc lopedia +Ġwish ing +ĊĊĊĊĊĊĊĊ ĊĊĊĊ +Ġgentle man +Ġê ³ += # +Ġlect ures +âĢľ In +Ġ! _ +Ġh b +ĠV endor +Recent ly +_n otes +æıIJ 示 +" My +Headers Height +_S O +Ġunw illing +Ġsuper hero +g io +ps y +ĠPe er +j avax +& apos +ĠCr isis +ord inal +Mem cpy +++++++++ ++++++++ +- val +Ġwork book +- ap += k +Ġmetal lic +_ peer +By PrimaryKey +_S D +u ator +_SH ADER +) Math +.Trans form +Ġc ows +Ph i +ĠC lem +(_ (" +ĠL ud +-d elay +ĠSec urities +ĠOrth odox +Sym fony +(re port +Ġent ertain +E PS +iz oph +ex ual +IR D +ä» İ +Ġl ith +Ġsanit ize +Ġfemin ine +IS BN +.auth entication +_p ipeline +/ constants +ĠCON F +Ġluc r +ric ia +.t tf +.set Content +Ġst an +ore an +ĠL loyd +.raw Value +Ġg or +ĠBrow ns +Re gression +Ġlower ing +na issance +Ġbl ows +Ġam azed +Ġun related +Re views +Ġrub y +ĠMod ifier +Ġgi ants +. thread +Ġcontain ment +ĠStart Coroutine +um at +ore lease +ĠR andy +@ endif +D igest +Ġsubur ban +=" );Ċ +Ġann once +. variable +\F oundation +Ġa cre +V an +Ġt uples +d ns +ĠStand ing +_l arge +Ġbox ing +Support ActionBar +ĠFort une +ĠR um +_m ultiple +arch ical +Ġf write +_ quote +Ġfool ish +Ġcompr ising +Ġо п +- selected +v f +ma id +N ama +(d atetime +Ġindirect ly +g art +fix tures +ch os +ĠH alo +Ġrec urring +- news +v il +ĠNurs ing +- produ +ĠH Q +\Http Foundation +enc i +au en +Ġv y +ocr acy +Ġdeleg ation +Ġas phalt +Ġset Selected +k ok +/ rest +met ics +ĠNS Date +Ġtravel led +Ġrec ib +Ġm ime +CL IENT +ĠG U +ĠH ANDLE +/ Q +[ z +Ġbother ed +ĠBB Q +ç as +_ex amples +_F IN +Ġwhite Color +Ġastr onom +-d ir +Ġsovere ign +Ġb reeze +Ġin ning +ĠEd monton +g li +.blog spot +js x +Ġvers a +ĠMoh ammed +.J ob +-t oggler +Ġп олÑĮзоваÑĤ +ard on +Ġnew born +Ġnav al +note q +Ġtum blr +Ġh entai +ĠTyp ically +Ġlo ot +.S prite +Fl ight +Ġw avelength +-s k +ĠEl le +_ exports +Ġ Ñı +ĠI H +izoph ren +Ġí ģ +_pr imary +Ġmo is +ĠB N +Ġsystem ic +Ġdifer entes +IN CT +Ġ'' ĊĊ +$ q +Widget Item +cl ide +$ file +L emma +/ table +ag rid +ĠMongo DB +int e +Ġapp rent +ÂŃ ing +.D b +Ġà Ĥ +ham mer +=' ';Ċ +Ġbro kers +it lement +sembl ies +E le +{ x +Ġlast name +< - +Ġfl atten +_b and +.R oot +.read FileSync +==== == +.r x +? čĊ +Ġmetaph or +T i +con te +Ġdeb it +Ġcont empt +Cpp Type +æĶ ¯ +Form Field +r atio +os opher +Ġimpl ant +P URE +Ġal ta +_man agement +Ġref ine +ĠCheck Box +ĠChar l +- version +cond itional +ven ues +Ġrif les +Ġoff spring +Ġmill ing +Ġshar ply +Ġunder water +( origin +_ Control +Ġ. $ +Pl ugins +Ġdry ing +Ġillustr ates +- u +Ġveget arian +n pc +He art +; ',Ċ +com ma +te enth +as an +/s pec +_m oves +-m argin +Ġing en +³³ Âł +Ġpro jet +Ġo tra +Ġbr as +. utc +Ġsle pt += sub +ab ilit +post er +Ġs dk +ounc ill +Ġw d +Pre paredStatement +ĠDr um +( attribute +ĠEther net +ĉ DB +Cal ifornia +c ube +[ I +.C reated +ĠH M +Ġtr acing +Forms Module +- you +.c urrency +feed ing +Ġt body +L i +acc ion +n as +Ġtr ouver +N ONE +"} ,čĊ +Ġf tp +With Identifier +pol ate +File Info +Ġpurs ued +ĠĠĠĠčĊ ĠĠĠĠčĊ +DE SCRIPTION +} */Ċ +From Nib +Ġdecor ative +_S SL +(ch at +T LS +Ġsurpr ises +al culate +ĠS plash +( Configuration +ĠS EM +im son +/lib rary +< Double +. robot +³³³³ ³³³³ +ĠCP F +ĠUnder standing +Ġcos metic +ĠX t +t ips ++ k +(" ' +ĠP DT +W AR +.get Object +ĠTrad itional +.sl ug +ĠDi pl +=" ", +ĠFil ms +ĠAn im +.h elp +Ġemb assy +ĠBoot s +Ġb unk +-r isk +Ġp ci +Ġ/ \. +ĠI PT +Ġcrash ing +Ġip v +_ ke +ĠRES P +.Log Error +Ġinade quate +I on +ĠF ür +ric ula +Ġshould Be +al ready +']." +G ED +fa q +Ġoption ally +_D is +ĠSuccess ful +ĠC ensus +Ġinc arcer +_C ARD +Ġav iation +ĠG ym +Author ity +.B ean +sh ader +Not Exist +_Text Changed +ĠST OP +( team +" H +w g +Ġgr inder +Ġstri pe +Ġpres ervation +Cl aim +avers al +ware house +target s +Tr ust +Ġal lev +, www +ous se +_ch an +_S ize +system s +Ġobj ection +ĠK ane +Ġcor ros +ĠD SL +Ġu a +ĠM H +ĠStrateg ic +_t cp +Ġê° Ĵ +Ġborrow ed +ĠA ch +ĉ command +Ġg ps +le ston +iche ver +ĠU A +Ġassault ed +Ġspecial izes +ĉ search +Hot el +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ čĊ +ĠP itch +Ġ Ùģ +READ Y +Ġparent al +Ġg éné +Ġdonn ées +Ġdet ain +T ARGET +Ġprotagon ist +Ġclear Interval +ĠIcon Button +ĠGet All +Type Info +E H +âĢľ They +Ġ{ [ +Ġg ag +Ġ Ú© +ĠD ropdown +.f ree +g one +im ens +Ġinst al +ĉc url +_C AN +ĠB one +ï¼ Ķ +ony ms +-g overnment +.binding Navigator +ĠD ans +ĠMc L +( en +>( _ +ÐĴ Ñĭ +.* ;čĊ += j +-c or +S on +.ToolStrip Item +- around +_X ML +end Date +Ġsl ack +Ġrot ated +Ġno qa +Ġc ottage +Ġencontr ar +_s kill +hou ette +! čĊ +. weather +Ġemphas ized +å® ¶ +ĠÑģ пиÑģ +ĠComp iler +( android +ĠâĢ º +. turn +Ġsup pression +_c alls +Ġ* @ +(str len +.h ex +ĠB ills +ĠR SA +Ï Ĥ +ĠEs cape +ement ia +Ġfront end +Ġp int +_ex c +zz o +[ ],Ċ +Ġ"',' " +. Environment +Ġafore mentioned +Ġend ure +prot otype +ther apy +ss i +D eg +_pl ugins +.user Info +Print er +ĠPRO GRAM +Ġru ins +Ġempir ical +Ġcraw l +ĠBo iler +- comment +.sub plot +_ et +Ġ'. ', +min or +ĠCustom s +Ġy aw +under line +ĠCom o +( (' +(m ean +Ġcha que +ĠBlock s +.r ad +ilib rium +Ġweb driver +Ġmel hor +d ana +ĠAb use +ĠSouth west +ĠP aren +PERT IES +ĉ IL +Ġscre am +v u +Ġin comes +Ġn im +Ġl ace +Ġcompens ate +Re verse +D at +_att ack +Ġn our +ach en +ce k +< Func +w ie +com pressed +-m atch +(" ")]Ċ +im ized +. orientation +.compare To +Ġmass aggi +Ġìľ Ħ +Ġel bow +Ġant ioxid +undred s +/ tools +ĠR OW +an mar +ĠW ow +_t icket +Program ming +Ġthe or +-re view +() )));Ċ +ĠRichard son +ĠP ocket +] [] +am pp +_ health +ĠP OP +ĠNav al +Gu ess +Ġancest or +.Get All +.local Scale +ĠM apper +Ġaccum ulation +Ġsim ulated +ĠDr ivers +Ġd és +cur ring +Ġele phant +Ġadvert ised +Ġmail box +SH IFT +ĠMon ica +Ġan c +Ġward robe +Ing redients +Ġ|| čĊ +ipp y +Ġantibiot ics +av ings +(c x +ĠFerr ari +ĠAn imator +.d type +rem oved +order by +Ġc res +oc ê +Ġp ym +ĠCirc ular +@ index +ĠW arm +S ay +ĠAss istance +Ġcur tain +ĠMont e +IL ER +ĠC VE +ĠD uck +ĠAll ows +_f ire +ĠDer by +Ġre pos +Ġhttp Client +Ġpsych iat +Ġnow adays +Ġcaut ious +ĠComput ing +Ġcompletion Handler +ĠWel sh +ĠB EST +Ġstress ful +_P E +æĹ¥ æľŁ +ĠData Frame +ĉ Integer +_P rint +M oves +Ġtransform ing +.B atch +y ahoo +Position s +ze j +Ġno od +io res +_ * +Ġcl k +ĠF loyd +Ġh ap +font size +Ġn az +.not ification +ĠDep ression +Ġac ne +*** ĊĊ +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĊ +.cont ents +yn th +ĠStra ight +')}} "> "+ +Ġtoken izer +Ġsovere ignty +ĠP ence +() ");Ċ +Ġpesso as +.G e +ĠIn cluded +Ġpag ina +Ġex posing +е ÑĪ +_SC RIPT +/$ ', +Th umbnail +× Ķ +webElement X +webElementX paths +press ure +ĠCur ry +_C P +OL UTION +ILE S +prot ect +ool a +Work space +{ };Ċ +ĠU NS +Ġsymp athy +ro ker +Ġrem odel +ĉc ell +Ġat op +.Full Name +Ġfa ut +ĠE asily +_d ynamic +Ġfr amed +Ġmot ive +è· ¯ +s am +Ġmar ca +ĠText EditingController +Ġde structor +cre am +Ġr ude +ĠB old +ĠInd igenous +Ġg ens +Ġrel acion +(s ystem +ĠUIF ont +_char ge +UST ER +E V +.N amespace +Ġmer ger +Ġcal loc +g ang +Bad Request +Ġs per +-d esign +Ġâ ĩ +Ch an +Ġorgan ism +, ) += id +_pl ane +ĠC ases +elf ast +ĠLegisl ature +ĠF aker +Ġinv oking +- utils +(). ' +.f ace +Ġguard ian +my Modal +Ġclip board +ĠAT M +Ġpe as +ĠS ylv +.c alc +ĠContact s +int Value +Ġmodify ing +ĠBar b +. loss +_per centage +Ask ed +(l st +ategor ical +- files +ĠRoman ia +.A c +Ġh ai +ĠF lying +Ġ ż +j p +ĠTr ainer +. arc +_de g +Ġtrace back +Or Fail +F LOW +. old +oy a +g mt +is empty +Ġvacc ination +Ġob solete +recogn ized +Ġru ined +ĠRe in +ĠTr acking +xf b +ا ÛĮ +Ġvæ re +Ġbr yster +ĠIT S +Ġdest iny +Ġsw ear +Ġred es +Ġcl f +Ġfl ipped +ĉ head +Bl uetooth +ĠOver rides +: Boolean +_ = +_l r +sp awn +: index +VAL UES +is key +? ");Ċ +.syn thetic +ĠCheck ing +struct ures +ip ing +Ġvoc als +- Up +ĠManufact urers +ĠMar riage +代 çłģ +Ġgar ner +_C lient +par allel +RI END +Ġvine gar +seg ue +J B +Ġcontact ing +ĠCar roll +Ġout reach +t ensor +_var iant +Ġthe at +lic able +{ | +t iny +_ letter +Ġp encil +HeadersHeight SizeMode +ilt ro +.auto configure +.d rag +.use State +ĠB MI +h int +Com pile +* \ +en ary +Ġl vl +.C ache ++ =" +_t v +ruit ment +Ġf read +Art icles +f ila +Ġpack aged +âĺ Ĩ +AT HER +ĠPl anned +s cheme +Ġdi ary +Ġoff enses +/ F +ĠSt ick +Ġc erc +ĠS lee +ĉĉ ĠĠĠĠĠĠĠĠ +< Image +Ġè® ¾ +- editor +pie ces +ĠD rama +Ġ// //////////////// +ĠT asks +AR C +g ateway +.get cwd +.M etadata +Ġguess ing +åľ° åĿĢ +Ġsm arter +ĠGet Enumerator +Ġe fter +/ operators +ĠGL float +Ġf ør +Ġop aque +ä¿Ŀ åŃĺ +Sp read +SY STEM +Ġinv ersion +ĠBasket ball +Ġsim ulations +Ġden ies +Ġa vez +_list ener +Ġenh ancing +ĠMy th +ĠL akers +_M D +Nd Ex +D ATABASE +Ġt á» +ar th +[ left +Ġcontest s +st ile +(K ERN +_f c +_p m +Ġpres idents +Ġhospital ity +Ġfade In +RO PERTY +_m aps +ĠDefinition s +Ġassess ing +Ġus ar +Ġquant itative +mo z +Be autiful +[ (( +b ons +f requency +Cont ain +Ġpuzz les +ĠCast ro +Ġv illa +Ġkind ly +Font Awesome +ern a +epoch s +_dat as +ĉ ip +.p adding +ĠCont est +Ġed itions +Ġdispro portion +ĠI CO +Ġcome back += value +ri ad +-s ort +Sub mitted +(n etwork +ĠC el +Ġinstall ment +l ashes +.List View +ĠV atican +(Media Type +IV ED +reach able +: Is +ĠC ITY +äº ¬ +ĠHelp ful +Ġba ÅŁ +% čĊ +Ġpsych iatric +Ġrec ycled +FORM AT +ĠG row +b ine +G it +.s s +ĠWe apons +ĠSt y +_ arrow +* self +ire ment +Ġdeg li +App Delegate +_b anner +Ġcoordin ated +ĠWeb cam +Ġcelebr ations +. act +******************************** **************** +( show +Ġweek day +Ġconc erts +ол н +cl in +Ġcr on +ĠN im +.set Vertical +ĠEll en +س ت +ĠS AM +E ff +g z +ste am +Ġant ique +ph ysical +ĠForm Data +.set ter +ĠPO INT +B on +Ġflav our +erv ention +_ENT ITY +ĉ ĠĠĠĠĠĠĠĠĠĠĠĠ +Ġintr insic +Ġæ İ +append To +aram el +) ]) +ĠRecomm end +) m +OutOf Range +Ġkn ight +Ġsat ellites +ĠTit ans +Ġweigh ed +ĠD ana +e ase +Ġs ip +S IM +ĠDevelop ers +mal ink +/ check +_P LL +n ung +Ġdry er += A +.d w +_S QL +Ġsub plot +D ROP +Ġprot otypes +Ġhour ly +display Name +Ġas i +ĠViol ence +Ġastr onaut +Ġdat atype +Ġinformation al +Ġinvestig ative +etermin ed +ren al +; '> +ĉc ol +V G +_ boolean +re cent +Ġ* )ĊĊ +ĠRain bow +om men +Ġl ur +Ġopp ression +(", ");Ċ +ĠFac ility +DEF INED +Ġne on +Ġoff ender +AF P +ĠClean ing +[] ): +Ġund ocumented +.Re positories +ĠG uitar +аÑģÑģ ив +Sk ills +Ġtestim on +rypt ography +ĠAm ber +ĠSt alin +Ġl one +Ġap enas +Ġdies es +ĠAr duino +è½ ¬ +== - +_A ct +Ġc oded +âĸ ł +amb urger +-link s +Ġarm our +.H igh +get Content +st ag +Ġhe ck +ĠìĹ Ĩ +ĠMc Connell +ĠCon cert +ĠAl loc +ä re +.replace All +Ġpart itions +rot t +ĠF le +_T REE +reason able +ĠReport ing +Ġbillion aire +s cores +min s +- eye +M ORE +ab ort +ĠSW T +Ġin verted +ĠTe achers +; n +Ġast ro +н ов +ани ÑĨ +product o +c ountries +ĠO wen +Ġcont amination +Ġv ibe +ĠEll i +.s cript +ĠOl ive +D MA +v ier +: semicolon +-m odule +gress ive +ag u +_ players +Ġresult ados +start ed +scroll Top +==== = +Ġweigh ing +Ġ[[ [ +z ahl +( NS +ĠAssert ion +le ague +.setText Color +ĉ Message +Ġmom s +_A F +. wh +AL S +Ġaut re +] ĊĊĊĊ +.op acity +ĠBudd hist +Ġde af +ĠOrgan isation +(G lobal +ens ch +Ġhead ache +ĠAli en +_in ode +ĠSt ark +Ġæ ī +-l nd +ore f +_fe at +Ġpedest rian +Ġnom inal +Ġbal loon +Ġspr ites +Prototype Of +ĠA post +ĠF EATURE +O H +Ġre cess +ĠDon na +con sumer +$ GLOBALS +ĠG IF +- frame +In icio +Ġpass ages +Date String +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠ +.by te +B ug +initial izer +p kt +od ium +ĠD ER +. ops +ler i +Ġgift ed +Ġdet ach +ter rain +elt ers +ãģ ı +. loader +ĠN GO +str ncmp +K h +(font Size +ro cket +Ġpreced ent +ĠAur ora +ĠEx periment +is phere +Enc oded +ĠâĢĵ ĊĊ +Ġpy ramid +ĠAnn iversary +of il +ë Ł +( plugin +C oeff +Ġcooper ate +Ġpredomin antly +IS M +Ph rase +_DEF INE +Fl ip +AMIL Y +ĠMark ets +ĠStream Reader +ĠComb ine +Ġmanus cript +z za +, tp +Wh atever +IT ICAL +ighb our +Data Provider +.Text ure +priv acy +.S DK +Ġre charge +Ġc pp +ĠC FG +(h older +(p y +m ot +Ġsav oir +ĠR osa +ĠPC s +Ġí Ļ +.her oku +Ġf ren +ĠR iley +ag ate +Ġs ond +.x lsx +Ġh acked +st ad +G i +Ġsan ity +ĠSql DataAdapter +... ", +ĠP ussy +Ġ **************** +Ġhass le +_P ARENT +ĠU AE +Ġbegin ners +( Client +Ġstatist ically +.h our +ed elta +Ġtr action +uel ve +ar at +Ġsa una +IN VALID +Ġindict ment +AL LE +Ġdiss ent +ĠTyp ography +Ġintention al +s it +ĠAn imals +Ġcoun tryside +Ġu art +} \" +Ġseam less +¾ 示 +Ġaut os +Ġ"' ";Ċ +Fl ush +ANN OT +Ġal gebra +ass oc +ĠW aters +Ġprepar ations +ron ym +[, ] +S ans +Ġarm ies +ipe g +Ġcream y +. art +et re +ĠAn imated +Ġun pleasant +eme an +g reat +i Äħ +ĠEar lier +Ġch ic +Ġpres erving +(ex ec +ĠInvest igation +ĉG PIO +Ġrig orous +ij o += num +Ġtool Strip +) set ++" & +ĠAcc eler +Ġdevelopment al +is posable +Ġflaw ed +re ne +Up dating +Ġwatch dog +Ġden ominator +Ġsubur bs +Ġ... ) +Ġconv ictions +c losure +.I P +Ġtransl ates +.sw t +.Tr ace +Ġmet tre +.is Enabled +ĠEffect ive +.to Int +Ġen chant +Ġst unned +Ġpo i +/ code +ad m +.datab inding +ĠL orem +________________________________ ________________________________ +Ġled ger +Ġcar a +ĠG ir +Ġwa its +Un o +Ġc wd +è¾ ij +ĠT Result +Ġre jo +Ġem itted +ĠWest minster +ä¸Ģ 个 +ne k +_T is +Ġen act +ĉ with +org ia +Ġj ue +Per form +SP ATH +.top ic +ĠD aten +Ạ§ +Ġsit io +_M M +" So +b ial +Ġsc oped +Re quires +ĠT OTAL +ĠCh ancellor +( contents +Ġste alth +dev ices +-p ass +ili h +ĠMal colm +ĠDep ot +Ġconfig ur +a ussian +_con straint +в еÑĤ +G RA +ĠR ates +.dataGridView TextBoxColumn +ĠNob el +it ics +Ġignor ant +ĠReport er +ĠEb ola +ĠSh ock +_re lation +ĠNin ja +) c +Ġt icker +.is Checked +ĠSup pliers +ĠRap id +Level s +âĤ¬ âĦ¢ +ĉ queue +Ġch op +ĠUn ix +re ject +-c alendar +(s ort +è ne +erc icio +Ġh ect +CALL TYPE +rou pon +Ġrent als +auth ors +{ name +ĠF IFO +Ġl assen +ĠN ous +Ġsn apped +Ġfert ility +" log +click ed +Ġplant ing +Ġg b +/ output +PE AT +Ġc ategoria +Ġb ach +Prof essor +in th +"] čĊ +Rec order +ser de +ĠTrans mission +tr ad +Ġtur bo +_VER TEX +\ Event +il ver +Ġbod ily +ĠS ources +Ġkill ings +.xr TableCell +Ġfold ed +/ legal +un er +ĠR ifle +ĠM IDI +_Selected IndexChanged +.Size Type +ĠWeb Socket +Ġsele ccion +S and +ot ros +Ġenv ision +/ etc +ĠMel issa +Sp ot +но е +_ ARM +At tempt +ĠB I +ãģ Ķ +ĠD U +Ġback lash +str ide +/ classes +Ġtext Color +_st aff +ob lin +agent a +.c ollections +ill age +' čĊčĊ +fl atten +_s ales +_M ASTER +T W +_d a +P itch +ph ies +Ġz ombies +ĠV ERY +ĠPharm acy +Ġprogress Bar +Ġhas htag +S idebar +@ stop +(p c +ол ж +MA KE +ĠCor on +Ġkv inner +ĠM aid +b ob +.title Label +Ġsuccess es +ĠDemocr acy +ĠSurg ery +Ġcou gar +Ġcur so +Ġl oro +ist ency +Sen ior +æ k +ĠA AA +ĠBO OK +к о +W STR +Ġ*/ ,Ċ +oy al +.v ector +ĠS PEC +SS F +Ġcomp uls +ĠAppe als +ĠW inston +ĠMock ito +con trib +. available +entity Manager +ari as +_s ale +_r s +Ġdec oding +Ġloc ator +ol ith +Ġk ol +Ġasc ii +ĠR ut +/ interface +ĉĉĉĉĉĉ ĠĠĠ +ĠN umer +.fl ip +-d el +Ġbol ster +on omic +Ġz m +L G +Find By +Ġadapt ive +lo o +Ġv ue +(re verse +_c anvas +. roles +ific ado +ven ient +" As +ĠEn tr +al igned +Ġbere its +/// ĊĊ +.g wt +. employee +_cl i +Ġanticip ate +éĻ IJ +Ġp ik +Ġmush rooms +(t t +Ġo ma +ĠSan chez +_g oogle +. Valid +ĠFile Name +iv ative +k ed +-w ar +Ġm aturity +и д +Ġmin er +Reduc ers +ĠLat Lng +_ST D +D igits +Cal c +-up load +Ġhand ic +ี à¹Ī +egr ated +ĠST M +C lients +ĠTur bo +SY NC +Ġphotograph ers +. Out +.char acter +B UILD +.un lock +Ġar ises +ĠCommand s +(" ");čĊ +_F ORE +; ', ++" ' +. Images +") { +ĠM eyer +Ġneg atively +ĠD LL +Ġex e +Ġdef iciency +Ġwild ly +-s witch +con struction +Ġexception ally +ĠL iz +/j ava +Ġtheir s +ĠCont emporary +l is +.fill Rect +ĠN FC +Ġre he +(num bers +Ġr aster +Ġfig uring +Ġshow c +ĠJ ill +Ġarc ade +ĠConstruct s +md l +(' | +Ġident ifiers +Ġst ellar +( Connection +Ġ" {{ +y or +(m ysqli +Ġdo ve +Of Birth +.dis connect +_h i +Ġzw ischen +ĠGr und +i ros +_A rray +.on click +ans om +An swers +ĉ remove +F a +Ġhur ry +-in f +Ġget Class +ĠReg ulation +ĠFLAG S +m isc +K en +_ heading +G Hz +- entry +Ġbi ography +S ig +-m f +Watch er +âĢľ A +} px +Ġsp icy +_s q +L ost +(tr ack +а ли +Desc ending +< bits +qu ine +ĠAdv oc +_S N +ĠHann ah +PO P +Ġem itter +Ġc yn +ĠC AD +? ). +/ set +ĠS ister +ĠEnd point +Ġmen or +Ġinter p +r k +id le +Ġout fits +. vertex +Ġc lic +ARE N +Ġpost ure +ĠOpport unity +v x +ĠFor bes +.D irection +Ġres ide +Ġremember ing +nest y +Auto resizing +pro viders +ĠA H +Ġhur ting +ĠL ily +eval uate +lij k +p apers +ĠSm ash +ĠL AST +Ġwell s +w asher +_RO LE +ĠD anger +* (( +_re pository +ĠRes olve +ĠRoom s +_R G +ĠQ T +o op +ĠHe ap +Ġslow ing +Ġgrat uite +_c atalog +Ġpol ynomial +L y +pc s +F ox +ĠC yr +Ġdim in +/ month +S alt +Ġh ind +.P ER +For um +c en +_p ol +íĺ ¸ +Ġin ser +( ~ +@ test +ĠGold man +Ġupload ing +F c +Ġkom mer +Ġm itt +_log ged +Ġbu cks +-l ayer +) };Ċ +ĠO M +Ġv eg +col our +Ġоб ÑĬ +Std String +_ que +ĠT ian +Ġspecial ize +и п +Ġк л +tr ial +- edge +Ġm ars +OG LE +Ġempath y +ĠB om +Ġcoll isions +Ġcart e +ĠTe il +ĠM PL +Ġporn ô +Ġa irlines +A ws +N s +ĠSp awn +( use +é» ĺ认 +Ġy acc +st or +Ġconf ess +Ġpe que +r age +? "Ċ +/dat atables +ĠSh ower +__ / +Ġcryst als +Ġbus car +ĠH aus +iz ação +_ entities +ķ Į +ļ Į +x cc +v irt +-che vron +( Result +c ake +COM E +Ġprohib it +ĠCh ess +Ġbe aucoup +ĠÑĩ ÑĤо +R UN +ĠI K +ó ÅĤ +_ Update +Ġsle ek +ĠSpec ify +_c redentials +ÅŁ t +ĠUser Name +ĉ Value +Ġarray List +Ġex changed +ips is +.re lated +ĠSe ite +_B AR +ĠL em +ĠW ATCH +ĠC lients +Ġ. * +ĠEar l +-re port +Ġforeign ers +Ġstrengthen ing +ĉ Description +(g o +.tool bar +Ġcalcul ates +ĉs ource +Ġcz as +Ġre cl +ab o +Ġlocal host +Ġ^ {Ċ +.P op +ĠDes igned +\ Abstract +H old +ĠGuid elines +ipl ine +Ġc aching +.Re ader +_ext ernal +.str ptime +ĠWeek end +-M ar +ĠBe i +Ġ{* } +ĠR ud +Ġexpl or +ĠBou levard +C ash +Ġprep ares +Ġserial ization +ew ater +Ġad c +: ĊĊĊĊĊĊ +Re fer +Ġsc anned +} }ĊĊ +ĠF ul +Ġtour ing +ãĥĥ ãĤ¯ +> (( +sur vey +Ġí ĺ +... ')Ċ +ĠDiv ider +os l +_C ANCEL +_pre pare +st in +ĠHe ath +.Primary Key +ĠâĨ IJ +ĠLocal DateTime +Ġcooper ative +L earning +.en queue +Ġgo og +ĠReg ression +im ates +Ġvoy eur +ĠDr ink +pl ug +Ġl ender +man a +Ġperson nes +yp se +Ġun link +ĠRav ens +Ġhur d +Ġperiod ically +ARG S +ĠG H +char acters +... "ĊĊ +- establish +Ġd n +( condition +ĠGr avity +Ġest as +_f ocus +Creat ure +(s ite +Ġc arr +ĠR L +ĠR I +ĠM oto +AS F +ĠLuck ily +ĉ Route +Ġent ropy +(" ," +Col lect +( contact +ĠFlo rence +Ġpremium s +Ġlif ecycle +Ġb ans +x ef +Web Kit +ĠFlo ating +Ġcos a +Spec ific +ĠLo ans +b read +Ġdes criptors +Ġ{ :. +TH READ +ĠT rent +Ġsc op +Q A +ĠAnt ar +p el +_d ifference +_ch anges +(... ) +ĠR otation +ĠLG PL +ĠJ UST +(T ask +_sub set +ĠTR ANS +åĬ Ľ +ĠSc out +-p opup +Ġsm oked +_C lass +Ġturn over +br akk +ĠRock y +t as +.Regular Expressions +ĠElli ott +ĠSp inner +DU CTION +Ġlib re +Ġmol to +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠ +ĠF TP +m peg +(f eatures +Ġb ald +ĠV id +Ġsh outing +L int +Ġsock ets +Ġpro w +Ġnouvel le +isc ard +ĠS ponsor +Ġconsult a +)) ); +Ind ian +ĠR aspberry +Ġteam mate +ĠJ WT +ĠGh ana +Ġc akes +pr imer +form a +erg arten +_M anager +Ġpre season +G AME +| " +ĠBro ck +Ġoccup y +Ġdecor ations +á nd +Ġc ot +Ġpar an +D isk +rem ain +> ? +Str ong +Ġfr ance +ĠE ra +-c r +.Buffer edReader +ĠParad ise +ĠV AT +ĠAnd ers +Ġlim b +amp oo +Ġimper ative +UT ILITY +ĠRec ognition +Ġragaz ze +Ġpop s +yp ress +Ġemb argo +// {Ċ +Ġsy ll +P TR +åŃĺ åľ¨ +Ġdid nt +Mail er +Ġacad emics +ĠFra uen +ne ider +- rel +Ġrain bow +( In +Ġslic ed +============ =Ċ +(s end +NSMutable Dictionary +v os +(p ackage +Ġord inance +view er +ĠSant os +-s elling +Ġgo v +ett le +Ġfound ers +Ġw aking +sl ashes +-p ound +re cht +ا ت +.on Click +Ġn ord +st änd +_ when +UT ERS +ic c +Ġcaps ule +ĠW id +M arc +ภ¸ +ro red +UG E +LO UD +ĠAud it +ip ients +op ian +ĠS ue +Ġwur den +.H elpers +Ġf actions +[ np +-th an +Ġre co +Ġk as +Ġcmd s +/n etwork +xb f +get Color +Ġbi ased +ĠL ak +D atas +vent s +Ġë ² +_P S +. Validate +Inv oker +Ġne uen +Ġju venile +V ISION +Ġdev ote +Ġlin ha +Ġdiscount ed +\ Config +Ġworth while +Ġskin ny +ĠC ourses +le ys +ĠMort gage +K evin +Ġannounc es +]) * +res ervation +Ġæķ ° +Ġprejud ice +ĠString Comparison +Ġbe ard +-w in +ĠS ão +ĉ ms +j al +ĠE arn +_ ports +ĠN ombre +_C OR +ĠB UILD +.s ound +Y ellow +Ġlineback er +Ġchar itable +j ug +_NON NULL +ĠD ental +"> ${ +ĉm atch +R ussian +Ġvers ch +Ġp inned +Ġadopt ing +Options Menu +P ag +Ġpair ing +Ġt read +erc ises +ĠSp read +) i +ĠB AD +_t f +UI ImageView +pop ulate +b ab +ĠÏ ĥ +[ ++ +Ġopi oid +Ġ## Ċ +d type +ĠStart s +('/ ') +Ġperson als +-mark et +Ġredund ant +ĠEss ential +Ġscrap y +Ġи м +a cl +Ġcre ar +ĠB end +Ġrel ieve +- room +w ife +Ġv Ãł +ĠQ Point +Ġqu asi +Ġmethod Name +\x c +ĠPer u +/ The +. orm +Ġv iz +/p df +Loc ated +Ġconfront ation +ĠChampionship s +Ġhyp ert +Ġd j +ĠUser Info +ĠåĪ Ľå»º +\x b +(s im +Ġ== Ċ +Ġst aging +Ġdr astically +åŃ ¦ +l ords +. less +вед иÑĤе +ĠB ucket +ĠM am +. term +_p i +c zy +.p ub +prec io +ĠV irt +Ġrom an +it at +L ex +_inf os +Ä ° +. other +VE LO +Ġp onder +Ġh anno +( Page +do i +Ġpol ite +Ġprogram mer +D ies +$ d +Ġrep lication +add Column +fr ican +Ġl eng +be er +o it +Ġw asting +yl im +me asure +N eg +Ġpart ie +.con sole +ĠGu inea +TE L +_f act +.ch unk +Ġl ent +Ġall er +Ġठķ +_id le +Ġad missions +JSON Array +Ġv ibration +.h elpers +å¤ ĸ +Ġh en +j ohn +Ġì ĥĿ +Ġjud gement +Ġge en +ter ra +^ { +ĠI z +Ġc â +inst ances +Ġthreat ens +Ġm üssen +Kind OfClass +Ġstoryt elling +_d emo +ri as +Priv acy +h ift +ĠY i +es or +íķ ł +ens itivity +.W riter +ภĤ +D istrict +.get JSONObject +Im pro +(get Resources +ĠS PELL +rodu ce +Ġslow ed +Ġlin ewidth +Ġhonest y +ĠCo ord +ĠF ork +ĠDispatch Queue +ĠCl iff +ĠW iring +_TIM ESTAMP +oll ah +av oid +++ ];Ċ +sem antic +-c ss +Ġv eto +ĠM err +Ġlegisl ators +CEE DED +Ġquestion naire +ĠP ills +Cal culate +(c ore +' e +Ġdis like +ĠPre ferences +_EX TERNAL +è° ĥ +Ġd odge +æľį åĬ¡ +.n ames +.draw Image +_p rom +uck land +Ġ<$ > +ı z +/s ite +é¡ ¹ +rop he +Ġcomp elled +Ġl aptops +Ġun i +C LOSE +Ġcasual ties +ĠUn iform +Term inal +. "," +D AT +(T reeNode +ĠGand hi +(st mt +AX B +* M +Ġumb rella +an imal +Ġgr pc +Ġwhere by +Ġfloat s +ĉ arg +Ġdb g +Ġexceed ing +Event Type +.SaveChanges Async +Ġ{ {{ +Ġow ed +ahren heit +Ġì § +Ġequ ipo +ur ai +Ġid ol +] ")Ċ +_m ajor +Ġentire ty +inger print +ç os +/ account +ĉ right +urs os +ĠE DT +_INS ERT +Ġsh ining +Ġ< : +Edge Insets +Ġcolon ies +. IM +ĉĠ ĉ +RO AD +CC CC +pl acing +Ġget Activity +em acs +' %( +.click ed +ĠTh em +is ia +Bus car +.re name +Ġo ath +Ġafter ward +ĠU FO +AP S +ĠJackson ville +.s ome +Conf irmed +.s can +ig Integer +Decor ator +sh ield +ress ive +.d id +请 è¾ĵåħ¥ +Ġsh utter +D am +Ġparent ing +ey ed +$ item +-de velop +Ġextract s +Ġdecentral ized +ĠEl sa +_sp in +]) + +-in itial +Ġmult itude +Ġsens ory +ĠMODE L +Ġsafeg uard +ì ¹ +Ġhunt ers +ĠT iny +IN O +decor ate +ĠNo Such +H o +( Response +Ġr uler +ĉ short +Ġc aster +Ġclient Id +Ġp db +ëı Ħ +it ic +ĠGame State +Ġnew Item +)ĊĊ ĊĊĊĊ +ou is +n oc +.BL ACK +_V ECTOR +---------- (); +.get P +any e +Ġneur on +if old +ĠK nown +Bit coin +Any way +ay ette +Ġ' [' +Ãł nh +m gr +Ġcor related +Ġn ause +Ġment ality +has Many +ĠF G +amp ie +IT U +F s +.S p +_b etween +Dep endencies +ou g +Place holder += text +ĠMan aging +ocal ypse +åĮ Ĺ +_m ag +f ld +â ij +C AM +ĠHelp ers +Ġd ost +/ out +Ġassass ination +.get Image +ĠKenn y +.' )ĊĊ +){ // +ĠR anger +Ġg ek +Ġsinc ere +< Value +ĠD OT +ĠVict ory +Ġleg ends +Ġpr isons +(ex pression +ĠR abbit +_s entence +Ġbit es +Ġon Failure +ĠâĪ Ī +K im +.g ender +ĠÎ » +Ġ[ . +"] ); +land ing +-d igit +TE MP +ĉ entry +Ġstrt ok +Ġdesc endants +um no +Ġlean ing +Ġspecific s +q n +ĠSp art +Ġpor r +EDIATE K +Ġse per +' aut +ĠSTE P +ĠBorder Layout +Ġret ros +ĠSalv ador +ĠEN GINE +x dc +T weet +v k +Ġì ² +] << +het ics +c oding +Re ach +.re q +gu ide +.s cope +sh irt +rog ate +SET TING +ĠProte in +Ġe ing +. EMPTY +.d f +Ġclear er +Ġc rossover +ĠTo ys +Ġco ated +.M onth +ĠAtt ach +/ run +.t abs +Ġogs Ã¥ +B rown +.D ATE +Ġf os +åŃŠ符 +W ood +-th ree +her ited +Ġ rop +( ac +Ġembod iment +ĠKenn eth +Ġcan non +Ġb idding +čĊ +.get Resources +Ġl ump +_const s +( ext +ĉd ir +â Ŀ +Ġpadding Top +Ġobs ession +Ġb anning +ĠApp Module +Ġpart isan +Ġcatalog ue +Ġmin ors +Ġpitch es +we ep +Ġundert ake +Ġthem ed +aud it +.scroll Top +Ġr er +Ġsympt om +Ġopen ings +.block s +open id +Ġas sh +-s ave +ĠP ig +Ġreg ain +Ġin icial +/f avicon +ĉ exp +Ġsp ices +isk a +claim s +m ak +definition s +Ġcorrespond ent +ĠCann abis +__ ,Ċ +ĠL ucky +ĠGa ussian +ĠN early +C AD +'] ]Ċ +Ġadequ ately +ĠT ITLE +constitution al +-m m +_ override +Ġbl as +.ready State +Ġremin is +Ġrein forced +ĠColl abor +Ġdecor ating +Ġb achelor +ERRU PT +Ġup right +ip ation +ĠNob le +Ġvalue ForKey +Ġset Loading +.I gnore +å ģ +G lobals +ĠM ent +AS SES +Ġlim bs +ĠH UD +inc i +. iv +ĠQ ModelIndex +F use +Ġped al +_F REQ +( verbose +Ġlong itud +ĠChar ter +ê ·¸ +Ġbund les +. ignore +um bo +EM A +.... ... +s x +.C ard +Ġhe ute +Ġste er +j umlah +Ġ{ _ +_Check ed +Ġf ax +ĠG ust +itch ens +Ġ ))ĊĊ +Ġremark ably +/ XML +- remove +_b t +Ġinc ub +.p ackage +.current Thread +ĠHigh lander +.s ide +s plash +Ġ ici += D +Ġp uck +Ġball ots +Ġhug ely +co eff +Ġp Data +.C OLUMN +ĠHe aling +Ġord in +! ), +Ġ' ',čĊ +(m d +ĠS ask +< strong +Ġsurviv or +.s eries +Ġcaffe ine +Ġ` ( +.TRA ILING +_ Input +(" ^ +z d +& );Ċ +ĠP ing +Ġv oucher +.r ating +-sh irts +ĠRetrie ves +.al ibaba +Or acle +_MO V +Old Data +Ġ/* čĊ +Ġg boolean +Ġ=> čĊ +Ġr á +Ġbl unt +ĠImage Icon +if ik +RT C +Ġfib ers +Ġto ile +.s ent +ĠPy Qt +$ app +Ġmed io +Ġgrant ing +Ġtsl int +ĠM ö +(fig size +Ġhur ricane +Ġlif es +Ġà Ħ +rocess ing +_st andard +- option +')) ) +Ġvac ant +å· ¥ +ĠH ollow +handle Change +Ġdiv ider +ĠEngine ers +Ġsv ens +Ġcompl iant +t anggal +ĠC redits +ĠEm irates +Rule Context +Ġreal ization +Ġdistr acted +]+ = +Ġaug ment +ĠD w +ot p +or rent +Edit ar +.st ock +St udy +pe ctions +ĠGame Manager += cut +Ġf lock +ĠRom ans +th em +-h op +Ġscreens hots +Ġ/* !Ċ +Ġconvers ions +Ġnormal ization +(config uration +Ġa eros +_se curity +! 'Ċ +B onus +ĠDR IVER +ĉ Date +t ie +ĠWy oming +St and +it re +Ġsh oppers +Ġdisadv antage +Ġlik ing +ç¬ ij +Ġunderstand able +SE E +Ġh oy +Ġnin ete +Ġcon fer +Ġnow rap +ĠV ern +, čĊčĊ +imest ep +Layout Manager +à · +ĉw ait +PLE TED +J apan +Ġindu ce +Ġå ¯ +оз в +_END POINT +.h orizontal +Ġacceler ated +rim on +IV ES +Trans actions +Le an +ĠSO UR +wh ether +y g +Ġo id +ĠEntity Manager +OUN TRY +Ġfil a +OLUM NS +IN UE +ĠAn chor +TR AN +wo o +block quote +ĠN urse +ĠCar p +Ġrede em +. try +ĠJ P +Ġtimestamp s +Ġ?> ">< +ĠREM OVE +ĠStar bucks +Re ally +Ġflood ed +.C allback +Drop Down +ip ro +Ġt ended +l te +Ġproport ions +- te +ĠR ena +lic ate +for ces +.ex tra +.auth enticate +в од +¡ ° +Ġfor ControlEvents +Ġsen ha +Ġke in +Ġmin ist +ĠPre ference +ĠTele graph +Ñĥ п +str pos +Ġillness es +Ġp igs +Ġget Intent +S ol +Ġ ¡ +(c pu +[ prop +s creens +'); ?> +ĠAct s +Ġstr dup +Ġaver ages +an al +ĠCas ual +Group Box +ĠHand book +/ comments +Ġnumber ed +Ġbroadcast ing +çĽ ij +.native Element +.m u +Ġupdated At +ĠDoes n +.A C +.c oll +Ġrec order +_sh a +B g +b il +Ġbol ts +Ġç ¬ +Ġim posing +ĠInformation en +_flash data +e conomic +Rem ark +uc as +ĠOff icers +ĠT ER +W alk +Ġmerc ado +_g enerate +H Y +Call ing +s nap +script Id +. operation +ĠFl ame +l iness +Ġrent ed +_t oggle +-ch anging +ĠT Y +' util +EE P +Ġgraph ql +ĠUn i +Ġimp ulse +.B asic +Ġenerg ies +M ARY +ĠMar cel +Ġmort al +Ġf res +m ens +m otion +Ġsample d +âĢľ That +id ay +qu ipment +get Int +ĠA bsolute +,' " +un ed +.sh are +Ġ} )( +mm m +ĠR ising +ä» » +Ġun employed +x fa +.f ollow +ĉĉĉĉ ĠĠĠĠĠĠ +sl t +.P hone +Ġkn ives +Ġe ve +on Click +] ))čĊ +ĠW itness +ĉ NS +ĠE OS +ĠSte fan +ĠPri est +âĢĶ which +Get String +. By +Ġup stairs +Ġdetr iment +bro ken +emb ro +Ġnic otine +il ion +Ġaston ishing +_ aff +ĠLess on +Ġaccident al +od or +Ġdec ir +Ġnew Name ++ . +çĽ ¸ +igs list +ĠG ithub +Ġsuccess ive +rac ial +Ġen viron +éªĮ è¯ģ +Ġredirect ed +T OTAL +Ġgrab bing +ĠL ance +Ġfor fe +_C B +å¾ ® +El apsed +_w ay +(Dialog Interface +_me asure +x bb +D og +Dep art +-s rc +res olver +with standing +_sh ell +ĠLast Name +ĠAv iation +Ġbegin ner +("% . +(to ol +Ġн ов +: init +(A PI +ĠMorr ison +vt Color +Ġstap le +/ INFO +Ġsupern atural +Ġste ak +tim eline +zz le +" `ĊĊ +Second ary +ĠNep al +.String Utils +Ġad am +Ġ( ... +Ġsub stitution +Ġboard ing +ĠKey word +ĠAss ault +dbc Template +Ġorder Id +( engine +.assert That +ĠVen us +Ġhomic ide +ĠA val +Ġg utter +ĠSupport ed +/p art +Ġac claimed +H istor +Ġmes es +ü ber +ĠRen ew +Ġgr as +ĠE k +Ġin file +ind y +.m usic +.S croll +ĠA ges +ĠNar uto +ĠG ather +Ġconfirm ing += (" +Ġpitch ed +ole y +Fr ance ++' " +$ total +Ġon de +Ġd itch +_s igma +Ġcontinu ity +re ward +- load +Ġproces o +Lock ed +st aw +Ġsp inal +l azy +! == +j est +Ġd un +ĠRod gers +ĉ grid +Ġlog os +ĠBeng al +.s uper +Provid es +Ġnut rient +.T imestamp +IZ ATION +åĨ Į +Ġf ats +ĠX xx +ct ica +Target s +Ġcont ours +Ġre ordered +: Array +Ġtoler ate +V ir +Ġter ribly +Ġbr icks +(& _ +h b +Port al +ĠB read +. which +ÂŃ t +as InstanceOf +Ġj object +ĉ length +_M T +; ">čĊ +_EX IST +Ġmat ernal +RE L +Ġê²½ ìļ° +he e +Ġlayout s +ĠL ap +ais y +Ġst umbled +ĠU IG +ĠS co +Ġimp aired +RES SED +Ġab uses +V F +AR B +.N AME +r ch +prim ir +_com pleted +Ġp enny +Ch rome +(b egin +ern en +- checkbox +Plain OldData +ĠL PC +r ade +sp ir +Ġcon ceived +T ips +ĠIo T +ĠG an +èģ Ķ +Ġbi ases +Ġconsult ants +ple d +_ ht +associ ated +], ĊĊ +Ġdelight ful +ĠÑĤ ек +Hel vetica +( load +-exp and +_W IDGET +to a +ĠA kt +Ġom n +Ġcl auses +Int el +*/ }Ċ +_reg istration +Ġold Value +Ġrest oring +Ġun real +O VER +ĉĊĉĊ ĉĊ +AT S +_pro be +Ġdiv isor +.update Dynamic +å¹ ³ +Produ ces +st amp +.j boss +ĉt ask +! (: +Ġpsych ic +@ class +M artin +ĠPass ed +clar ations +h el +а Ñĩ +ĉc opy +-b in +z an +ig ram +া ঠ+(s ig +ĠC aval +_ ## +Ġ% = +out lined +ĠAc id +Ġunpredict able +-d ashboard +Hex String ++ c +.P ublic +Ạ© +Ġconvey or +ĠE B +Ġselect s +Ġknock ing +ĠC ec +IBUT ES +owa Äĩ +g atsby +* v +ent ropy +Ġdispatch ed +Ġcam el +ĠSat urn +Ġover weight +( phone +par able +% B +_v ectors +Ġbrew ing +ĠT k +ĠDownload s +ĠS aved +.Pr ice +Ġcur ved +ĠParen thood +è ¶ +.p nl +plet ely +.D ay +Ġadvertis ers +Ġej ec +Ġpr zed +ë ¯ +! ';Ċ +ĠK ush +ĠT AB +Ġquest s +Ġcoinc idence +umm ies +ĠKash mir +ĠEth ics +_g rowth +Ġakt iv +Ġgroup ing +å¢ ŀ +_tr uth +åIJ ¬ +t odos +is et +Tex Coord +ä tt +ĠZ ur +ro ys +_M AGIC +Ġbrew ery +( State +ĠSM ALL +ĠPl ants +it bart +each er +ĠAd elaide +L u +Ġf ick +und les +_load ed +и е +P oll +rit ic +EL Y +Ġ+ ' +ĠProf ession +Ġst amps +ĠS ew +scroll View +Ġcomm unist +/pro blems +}čĊčĊ čĊčĊ +, o +Ġu dp +Ġob ese +appro ve +ancell ation +_G ame +ĠHas htable +adaptive Styles +Ġpossess es +.match er +function al +M rs +ĉs ave +ĠDb Type +Ġk en +get Context +Ġm ans +( rel +ĠBrother hood +) `Ċ +è§ £ +.In formation +OutOfRange Exception +ĠS ek +C as +Ġblog gers +E ither +(" "" +Ġpin ch +Ġco arse +) p +ĠP ulse +Ġlear nt +Ġdent ist +Ġon change +Ġdirect ives +( actions +ny der +ĠSh ir +T rait +_de p +ĠP ET +ĠRE P +.App Settings +cu ador +iden av +Ġenv i +Ġsl ammed +ĠSh oot +Ġdate Format +.j oda +ve ys +Ġ) .ĊĊ +Ġcare g +ĠPar allel +_ translation +.function s +. obs +Runtime Exception +[] = +over view +ĠSch l +Ġno isy +ĠOn PropertyChanged +S ending +Ġunf amiliar +U pon +ĠPrint s +.t yp +Ġflee ing +ĉm ove +( Un +Ġq r +× ľ +_b eta +Ġsk ies +ĉm e +W ND +Ġstick ers +bl as +Ġinsert s +Ġvers es +ĠD ew +Ġtang ible +Ġhe cho +P OL +Ġte ardown +om nia +IB E +.c over +_str ategy +^ - +set Position +u ale +S igned +Ġif ace +as eline +.set Time +ĠMin eral +ĠFight ing +sk ins +Ġdiscrim in +Ġdans k +ĠPr inceton +ac ist +Ġ( ));Ċ +tr acks +imon ial +ad ecimal +EP ROM +ugg le +.Not ification +$ mail +c antidad +ĠJ ung +Ġseek ers +Ġpl ausible +t ier +еР¶ +Ġr apper +ĠMan a +ĠHttp StatusCode +Ġburn t +los es +ĠF oto +ĠJson Object +Inst agram +Ġsys call +Ġreal ities +ĠMAT LAB +:^ {Ċ +TER M +ĠC bd +ĠPar agraph +Ġtrav és +Ġconstruct ing +Ġsw al +Ġp ige +LL LL +-ex isting +G ets +Ġmelt ed +Ġmitig ate +H en +Ġh m +im as +ĠA o +ĠP erez +ĠD AL +Ġëĭ ¤ +Ġdiv is +Storyboard Segue +ĠMod ify +ĠÃľ ber +_O VERRIDE +.p em +unt os +Ġespa ñ +Ġ{ ? +ĠP AY +_ip v +ĠF ury +__ .__ +el ow +-center ed +check s +_ Reg +-J avadoc +ĉ load +ĠLik ewise +ا Ùħ +UN E +.se m +x cb +ĠC ave +_s leep +Ġsil ently +ĠExt reme +.To Upper +ĉC HECK +Ġc ue +ĠQ ByteArray +Ġcorrupt ed +ĠD é +Ġimp ed +Get Name +Ġinaccur ate +Ġso ber +е е +Ġbar code +-- ){Ċ +ink i +Ġé p +Ġd ri +ĠAL T +>>>> >>>> +ont a +[ L +Ġinter es +ver ting +Ġdi agnostics +p dev +è © +ĠIntegr ated +). ' +_g c +$ text +.g ames +ĠT erra +' Re +.trans fer +_F IFO +get Model +Ġbl and +ĠCole man +Ġpr imes +Ġæ Ī +Ġcross es +n k +G ING +Ġ' ^ +ĠB lob +Ġinter course +ĠBl vd +Ġweigh s +_reg ular +ĠPer th +Ġsepar ating +Ġb illed +.tab Control +Ġpup pet +Ġutil ization +Ġâĸ ł +Ġsucc es +Ġl amps +_pro j +E ric +Ġren ovation +ĠFam ilies +ĠB its +part ials +-M en +s olution +Ġd warf +.IN TEGER +ĠLO CK +. ct +Ġexcer pt +ĠP ix +ĠFirst Name +ANT ED +ĠAd mir +-h elp +P rior +ĠAl ign +.IN STANCE +Line Edit +('/ : +Ġin et +od us +.p kl +ĠK Y +up ert +Ġn erves +_grad ient +} ',' +_un ref +Ġs aturated +ĠConn ected +ĠF N +EX IT +Ġtele port +Ġav ait +Page Route +Ġdivor ced +(l ang +f st +ĠT yr +Ġmess enger +if stream +X S +ĠBank ing +Ġinfect ious +ĠM ons +_LO OP +Ġzur ück +Ġobt ener +/re pos +V el +ac ro +Ġuser Repository +style Type +ĠS RC +VML INUX +rec ursive +/ bar +_ch ip +omin ated +ĠN it +âĢĶ to +ĠBudd h +ом еÑĢ +ĠM AG +ĠC HE +_d en +. raises +_de gree +Ġpump kin +_tem plates +_M EDIA +ĠTim eline +Ġb ots +Object Type +Ġbu ys +.post s +C AL +wait ing +ĠDani els +Ġd abei +ĠS igma +il or +ig el +, W +AD S +( panel +ì² ´ +it ating +.p alette +Ġmos quito +Ġt ego +(parse Int +Ġdes pués +p romise +Ġw ij +types cript +ĠT v +_IDENT IFIER +).ĊĊ Ċ +_fl at +its u +US R +ex perience +-f it +ph inx +_th resh +Ġide ally +ĠFre eman +, DB +_r w +çŃ ī +U b +_stat istics +=" ">< +Ġch ore +Ġy ork +inst alled +Add itionally +Ġp stmt +yl ko +:: Ċ +Fore st +Ġhead set +Ġgall on +ÑĢ ÐµÐ¼ +Ġwithdraw n +ĠC andidate +Ġmel ting +Ġfree zer +Ġh l +_HE LP +m ime +( /* +Ġth irst +$ return +member of +еР± +ĠHttp ServletRequest +( ob +_ Result +Ġassert ed +Ġfulfill ing +Ġstret ches +par ated +-f unded +Ġå Ľ +ing les +_c a +. condition +ĠDis plays +Ġor ang +ĠC RE +Ġgl Bind +ĠSelect or +/ type +ĠAlex a +ched ules +ĠPen insula +Ġpar ity +ĉ dest +ĠDo ors +čĊ ĉčĊ +_dim ension +Ġa load +.St oredProcedure +(p aren +ĠBur ke +') ]Ċ +- engine +Ġqu ir +ĠHy brid +ĠDo e +Ġout lines +ĠTrend s +_N V +per iments +ĠH in +? ', +ĉ Text +F UL +Ġsm ells +Ġs lick +Ġmis erable +ĠArray Adapter +Ġparam String +H om +_l iterals +us uarios +Ġprompt ing +_l azy +ĠActiv ation +_ oc +We ak +Ġan ecd +ĠU CLA += re +isse ment +ĠEsc orts +Ex cellent +ĠP ause +Ġre positories +T OR +ari ate +_is o +up dates +hal b +udi ante +ë¡ Ŀ +Ġna ive +ĠP eg +ĠL ounge +ARG IN +(b in +On ClickListener +ĠFA ILED +Ġl ite +Ġd zie +ĠL iteral +iv or +fc ntl +Ġe ats +Ġq ed +Un lock +rid ing +und ai += M +AT TER +Configure Await +ici as +ustom ed +Ġsuccess ion +end Time +ĠJ upiter +Ġjud ging +d ration +_d ocs +.m o +Ġeduc ators +ĠV ine +Con d +[ out +q b +\ Validator +Ġmean ings +Ġpresent ly +Ġdiv iding +otten ham +asc ular +Ġtrail ers +ĠC LOSE +ам и +âĢĻ ai +ĠG ain +w or +Ġpl anner +Ġdistrib uting +v at +month s +x label +H F +V iol +.BASE LINE +еÑĤ ÑģÑı +ĠR otate +Ġtx n +: bold +Ġb loss +Forg ery +( embed +Ġjak o +s printf +the ir +Ġexhib its +- static +he cy +get ActiveSheet +.c lients +ãģ į +_h ide +[ word +C b +add Item +ax e +_r adio +al ion +mod ifier +Ġsat uration +Ġden om +_p ixels +m ess +(f l +at if +Ġse cs +Ġpro stitution +Ġgrand children +Ġparad ise +ĠF eld +_B INARY +it ous +๠Ħ +Ġflash ing +-s ided +Ġcontrad iction +/* ĊĊ +y label +ĠT et +Ġadm ire +res o +Ġlet z +ĠSE ARCH +sl ots +ĠRew ards +ĠH og +ĠNS Data +st ash +F all +ĠA mer +Line arLayout +/ photos +Ġfe ather +Ġ| čĊ +Download s +.Start sWith +Ġ// # +ine Transform +Ġaff id +V tbl +ĠRog ue +scri bed +Ġfa uc +ĠMon roe +Ġdecl ares +mod ern +re on +ay be +P ASS +f ers +_MULT I +ĠMath ematics +Ġsud ah +_ATT ACH +Ġnumber With +ĠSol omon +j in +ograf ia +ö l +_d esign +cul ated +ĠL una +ies z +Ġ=> ' +Ġrevel ations +Al ong +( ed +ĠF ilename +Ġy label +Sec ure +Ġbus ca +agn osis +_RE CE +Ġoverl apping +Ext ent +Ġanticip ation +Check s +ĠALS O +or c +iling ual +it ational +Ġadv ancement +ou ro +ĠP redicate +å¾ Ĺ +er ia +ĠPier ce +or io +Ġmer its +Ġpe anut +.P ackage +ĠCon duct +_SENS OR +Ġbo iling +Ġin tra +ĠI GN +ĠF ur +.Ref resh +ĠRe ach +_dec oder +.Ex p +ĠÑĤ ак +p ill +, Q +ĠGr ill +Ġpop ping +.A g +Ġpro yecto +Ġmile age +Ġec ological +] ]);Ċ +ĠÂ Ń +sub plot +ac ad +ĠTry ing +rec ipes +$ criteria +ĠPers ian +-b ound +M ASK +ĠG esture +Ġk k +ĠP VC +Ġprohib ition +Ġcom ando +ĠLO OK +Sh opping +Ġdist ortion +< Boolean +.Get Length +um pt +\ Product +ell ery +Ġfire wall +form atted +.red is +Ġes a +ĠRh ode +S om +.n on +Ġ' ). +Ġget View +ạ n +pr us +Mat thew +Ġs ia +ĠF ors +G PU +ient ras +_IN ST +Ġol arak +Ġimport ing +T CP +/ ");Ċ +e ither +Ġfresh ly +c ascade +(char acter +ĠJe ep +ot ics +_ UTIL +.Xtra Printing +.first Child +ĠEx cell +Ġd vd +Ġt aller +Ġr as +yp ass +Ġassign s +Ġgri ev +-m ore +J D +ĠBurn s +' >čĊ +.D ependency +.Query String +.O wner +Ġexp iry +Th u +( Vec +Ġhazard ous +Ġr pm +AP ON +Ġadd Target +sv ille +p Net +ĠIm g +ĠTIM ER +.An imation +Ġbe k +Ġass ort +Ġle bih +Ġbody Parser +Ġvibr ating +ID L +Ġbutter knife +int ers +Ġpersu ade +ĠLGBT Q +è ĭ +.s oft +Ġbe ams +_s ur +.D ef +Ġl abs +ĉ plt +Ġsk ins +Ġtransf erring +Ġimag inary +_E nd +; background +Ġl aps +_COM MENT +(S DL +ond s +.Rec ord +ĠIm plements +_t icks +() ))ĊĊ +Ġa rose +] ? +ĠM p +ĠI Command +Ġsculpt ure +Ġcontract ed +< HTML +Ġcal end +at y +/ Sub +Ġkv inn +_ IGNORE +ĠSh ane +ML S +Ġstim ulate +Part ition +Ġm un +ó m +eral a +- account +.B inary +c é +Ġse ize +connection s +ĠĊ ĠĠĠĠĠĠĠĠĊ +ĠDi agnostic +V ISIBLE +ĠRun s +Ġimpress ions +s uite +ob le +~ - +ak ukan +< Person +ĠN os +ĠG ui +.wait For +RE SET +Ġpost pon +Dis cover +arr ison +sh aw +b lood +AJ OR +æĽ´ æĸ° +ĠM use +æĶ ¶ +Ġret aining +ot te +Ġmos que +ĠS ne +Ġstandard ized +Ġmain land +_th ree +unge ons +get Doctrine +Ġwh ale +Ġag g +ĠP orsche +now led +lat ent +ĠRel ation +Ġ// ' +Ġshut ting +ĠRem ix +_c ov +Ġs ailing +Ġv owed +Ġp ots +out u +Ġhair y +cast s +Rel oad +Ġre connect +ter a +.child Nodes +ĠR ack +Ġcurrent Index +Ġall en +Ġ ç͍æĪ· +ĠC ubs +[ X +_SE Q +_RE MOVE +.get Action +(/ ^ +err ar +Ġ ether +cur ve +Ġsl ap +Ġu om +O thers +Ġen gr +Dis position +Ġst aged +E ye +ĠA ux +auth enticate +Ġ$ ? +ĠAndre as +Ġset w +.A rt +Ġforecast s +Ġa unt +-m iddle +Ġmis d +des k +Ġescort e +ĠCas a +rop ical +Ġexem ple +plan et +(U INT +Ġwh ip +ĠPC B +clide an +=" \ +Ġox ide +Ġsucceed s +der ived +ĠEcon om +_co ordinates +ir as +D raft +Ġvisual ize +B rian +_ASS UME +ĠObject Id +Ġtrain ers +_FOR CE +Ġcon soles +- process +lic her +ĠSim mons +T aking +ĠCl aims +Ġdiffé rent +Activity Result +Ġsn s +éĢī æĭ +ĠCr us +Ġll am +r ab +ĠJo an +AA A +ĉf ilter +ish ops +get ting +à µ +Ġquant o +P ast +ov ich +Ġin justice +ĠF LOAT +Ġal right +\ DB +( GameObject +u ish +(b ot +Ġgall ons +ĠR é +ĠS aid +ĠSTDMETHOD CALLTYPE +ais ing +_process or +ell idos +ter dam +ĠBe am +Text Area +Ġret orno +.M ake +Ġ$ ("< +Ġlock down +Ġremed ies +Ġve el +x ee +do ctype +F il +ĠExp and +Ġemp loys +Ġsession Storage +Ph p +P ublish +Ġret al +f abs +ynam ics +Ġtoss ed +ĠnumberOfRows InSection +x path +\ modules +Ġdis astr +ĠM ULT +.M esh +-st age +Ġs df +it ung +ug es +Ġ?> ">' +kin son +Ġк ол +ogn itive +_ li +Ġim minent +Ġaff inity +.sign al +Ġnot ch +ĠSteel ers +max length +K K +ĠEug ene +_P WM +ro i +Ġâ Ĺı +ĠH amburg +.M ust +Ġax e +en ef +Ġamb itions +ĠSpec ies +ĠSt ress +Ġa while +Ġб Ñĥд +Ġwith stand +ĠDec oder +_in ventory +Ġ{ ččĊ +Ġt gt +Ġrail road +W ASHINGTON +Ġnegot iated +N ST +- phone +, U +Ġexerc ising +á» ¥ +_P IXEL +av ors +iter ated +Ġv ampire +ad al +In grese +Ġun g +ject ive +.c ells +Ġn ano +Ġmark down +_R ULE +(event s +Ġl uggage +MESS AGE +ig keit +$ count +Attribute Name +IG INAL +_E nt +ĠB F +ĠCOM MENT +_in i +ĠEurope ans +ĠB elle +åij ½ +) [' +åº Ķ +ĠUse ful +.re ference +() ", +_ grade +ĠK aw +Ġsent encing +Ġsocial ism +mon ster +_L AYER +Ġdee pest +w k +ĠNo ise +### ĊĊ +Ġpr éc +ot le +ÑĤ е +a uf +ib al +Ġcon quer +> Email +Ġamb ulance +O AD +Ġ(" % +ĠF I +.f ixture +Ġter se +ĠĠĠĠ ĉĉĉĉ +Ġsanct uary +ug i +ĠCom parator +Definition s +Ġast hma +Ġl act +Ġhard wood +.c lock +Ġattract ing +ĠM our +(d istance +ic its +Ġbon ne +ĠAC CESS +.Deserialize Object +ĠTyp ed +Ġje u +Ġapp Id +ĠCl ara +ĠH F +ĠRe ich +ipp les +//---------------------------------------------------------------- ---------------- +_del ivery +erial ization +Ġplaint iffs +Sc ient +sh opping +ĠD ummy +ĠW ald +Group Name +Ġins cription +el og +:::: :::: +_ ld +Back Pressed +.R aw +ĠOn Trigger +Ġmuse ums +ĠBe en +ĠAdvent ures +Ġsl ate +Ġlet t +Ġsu nd +ĠG in +ĠMechan ical +.s hip +App Component +Ġdest ined +Ġdw elling +Prof iler +Pre pare +ze ich +Ġsil icon +(h as +Ġ# % +VID EO +Ġcollabor ate +L in +Ġsc opes +( className +(s d +and in +.h am +Service Impl +-des cribed +Ġiron y +st ial +ĠHu awei +(re po +Ġunexpected ly +ĠK ai +.inst all +\x f +Ġexhib ited +_T CP +ĠO x +_CH O +Ġprostitu erte +Ġv ä +Ġsit o +Ġconstitu ents +ĠContin ued +ĠS AVE +r ss +/ message +ub es +Ġmisd emean +Ġtax ation +Ġstory line +h air +ĠFind s +S IG +ver ification +~ = +.h p +Iter able +Ñĭ е +ator i +Ġc tr +R x +_ );ĊĊ +d ag +.p in +Ġp seud +Ġinv o +ÑģÑĤ ÑĢ +_p ix +为 空 +Ġsw orn +âĢĶ or +_reg istry +Ġdis asters +ĠRO I +ĠâĢ ķ +akt u +fore st +be iten +âĢĶ I +ue va +eg t +Ġsp ikes +URE S +ĠRecomm ended +Ġexplo ited +ĠFreder ick +_COMP LETE +ĠDr ugs +!!!! !!!! +ĠR iv +ST OP +RO OM +ĠP ASSWORD +C ookies +.E l +á» Ń +ĠB ert +Ġhash ed +ic ester +Ġdecor ator +Ġquery String +: ;Ċ +Ġ" [" +oto pe +-A meric +ĠMatthew s +UR AL +âĢľ , +Sum mer +f os +_CONT AINER +_A CK +Ġfil tr +_dis p +_ Re +Ġfac ile +а ÑĪ +Ġìķ Ĭ +Ġe ben +Ġspr ink +ĠQ uint +> V +Ġhistor ians +our met +ĠMonitor ing +led ger +c ott +Ġw are +GG LE +c ars +ĠM EDIATEK +Ġvol upt +_ View +HE L +(c opy +(st ats +Ġchrom osome +ĠCurt is +- conf +( asset +Ġhv or +File System +< >();čĊ +oc oder +ĠC annon +) x +ĠSm ooth +ĠS AS +_ ce +ĉ prev +_m ovie +E c +_w all +< Button +ĠF AST +Ġon View +ul an +ĠS UPPORT +Ġgesch ichten +ĠS ons +Im m +$ IFn +Ġfair ness +Ġd pi +ats u +J osh +Equal ity +Ġ} ()Ċ +_ less +ĠR atio +ĠC ats +ĠS tern +Mon ster +Ġmer cury +ü hr +Ġplus ieurs +.des erialize +sc opy +.F alse +) animated +ĠExp erts +Ġ"") {Ċ +.W hen +see also +.un pack +LE M +.select All +Ġperception s +ud ing +ir ling +ĠPrint ing +gram s +ĠFile Stream +erv ille +il og +ic mp +_C ount +Ġlivest ock +- ca +doc uments +Ġpo les +ĉw ant +Ġflu ores +Ġstand point +ĠH uge +Ġradi ans +ĠUIB ar +EDI UM +ĠHistor ic +_h older +ĠMar ines +Ġt ä +.L ight +quir er +ason ry +div ider +ĠFl utter +_f b +restrict ed +ĠEvery body +N ão +Ġkn ot +ĠT witch +Ġhall way +(C ollider +Input Element +? )Ċ +/ off +/ ) +play ed +[ OF +Ġbat ting +_d l +Ġcom edian +Ġé v +ĠD EM +ĠEd en +: white +' ', +Con struction +acer b +Ġtask ed +.man age +Rel ationship +Ġph on +n z +_B GR +Validate AntiForgeryToken +_ air +âĢľ When +Ġgl fw +ĠCon versation +_T OTAL +, Z +Ġg raz +Ġiter able +ĠP ASS +Ġadvert ise +Ġmö glich +/ train +ĠVolk swagen +Ġcreep y +Ġ" )čĊ +QU ENCE +Ġalt ar +Ġed its +comp iled +aw ning +ĠD ungeon +Ġo sg +Navigation Bar +Ġtrend ing +ĠE co +ogg les +cd ot +| - +S ie +ec ret +ĠN egative +ĠL ing +ĠD IM +ĠC WE +ĠCar rier +Ġcar tridge +_us b += os +ĠJack ie +Ġo tras +Ġcommod ities +ĠP resentation +)&& ( +ĠMar tha +ĠCath olics +ĠM ond +об Ñĭ +_ absolute +Ġash amed +pons ors +t al +Ġsad ness +Ġpu ò +F ade +-pre view +ĠRequest s +ĠCal vin +h orn +Reuse Identifier +(pro vider +/app s +ime o +ĉ Class +S amsung +ĠW ORLD +Ġc innamon +dot env +ĠI User +ĠDE V +_C har +.ib atis +et i +/ me +s st +.s ym +ĠRug by +-m aster +aj ar +ĠY EAR +Ġo dp +ĠR oles +Ġbip artisan +ail le +Ġblock er +Ġgre ens +.SE CONDS +Ġbelie vers +ĠL ikes +F LOAT +Ġm ak +Ġg cc +âķIJ âķIJ +(" ~/ +SCRIPT OR +Ġton nes +ĠS ang +Ġtrans pose +enn ai +P red +Ġsoll te +.github usercontent +( print +ĠH ole +çľ ĭ +ad get +Ġprompt s +Ġgen etically +ĠH od +Ġvert ically +_control s +ÑģÑĤ ан +") {čĊ +$ title +Ġ} ),ĊĊ +Ġstate wide +ĠCor respond +ĠAt tr +it ant +Element Type +Ġout ward +Ġfam ilia +( article +Ġbl at +Âł Ċ +Ġgl Get +ĠRe ceiver +Ġ% - +ad am +W inner +Ġtail or +_p wd +ert en +St an +ĉ all +al ive +strt otime +� s +s essions +$ conn +ass ist +Ġchat ting +ĠM ant +Ġ% @ +Ġ"" );ĊĊ +Ġd gv +Ġíķ ¨ +.re peat +_M essage +Ġadvis ers +/ path +Ġk es +) } .ĊĊ +ogen esis +ĠOPTION S +upt ools +Ġmilit ant +Ġex ited +ig ar +ĠCOM M +ĠDis posable +ay cast +Ġrow span +Ġsyn thes +Ġsond ern +ĠĊ +ĠJ acket +R ATION +.getSelected Item +- init +ĠReg isters +_se p +ĠTool kit +.d ict +Ġx label +\ Table +t oc +_com bo +ĠComp act +Ġr ugged +à¥ĩ ठ+-man agement +')}} ">Ċ +ĠSt amp +ı l +ro x +Ġlandsc apes +_NOT E +mon ary +c ab +Ġmo et +x af +rc ode +- cli +_g ate +[ event +SP ORT +g ia +ĠS UPER +/ Login +_sh utdown +int errupt +Ġpret ending +Ġfr inge +ĠRed s +ĠC UDA +ĠUN IX +v it +Ġbr ig +dr v +ĠConn ector +There fore +Ġl ia +D etection +_ actor +Ġtemp file +Ġecc entric +- role +Ġpad x +d ent +West ern +Ġê ·¸ +ĠApplication Record +Ġcampaign ing +_run ner +ĠC ivic +ale igh +Ġdire kt +.s ul +ĠĠ ĉĉĉ +ant en +Ġiss uer +Ġassert ions +( orig +AT IO +Ġlean ed +ä s +.D TO +expl ode +.O bservable +Ġstagger ing +Ġkidn apped +Ġprogram mers +ĠInn ov +.param eter +Ġdom ination +Ġske ptic +Ġæĺ ¯ +Ġavoid s +.Ver ify +ub by +ĠAS N +Ġformat o +ĠBeat les +_b rand +Ġin set +y outu +Ġto c +-f inal +Show ing +ĠD oub +ĠM esa +Ad j +_m edium +Cre ates +(end point +ĉ UP +bb ie +Ġst alk +.datab ind +.S can +ag ents +$ , +ind ividual ++ )/ +ĉv m +(not ification +Ġin ex +ĠClass ification +ren o +Ġo lig +-r ated +Ġform ulation +', { +Ġa cept +_un pack +_C A +.P ow +ĉ im +Ġal uminium +AN O +Ġx n +Ġcó mo +ĠIng redient +Ġseiz ures +åħ ± +ific ador +Ġsigu iente +ĠIn fragistics +Ġduplic ated +ĠDe e +Ġn ø +ĠAC CEPT +(c rate +иÑĤ елÑĮ +- less +Ġinf inity +An alyzer +-D ay +rit t +(c in +ĠG y +Ġmulti plied +uch i +ĠBald win +/ ip +Ġshort cuts +.A DD +Ġvig or +_in struction +( ; +_ eta +è¿ ŀ +utor ials +Ġboost ing +b v +Ġacknowled ges +List ening +FA Q +; b +(( - +Ġarchitect s +Ġz we +Ġpul s +Ġget Count +ver bs +ãĢ ľ +(C ollection +k re +Ġjuris dictions +_b ridge +ĠCr ack +ĠDiff iculty +K O +Res ervation +_re quires +T our +ãģĹãģ Ł +.set Current +Ġk y +ĠAlb any +Ġè § +ll er +agn a +work ers +.bl ank +ĠPr ayer +M IC +Ġresil ience +Te X +ĠL anguages +st udy +ĉc urr +Ġenzym es +Sl ug +ĠíĮ Į +str al +Ġtum ors +Ġseg unda +=' { +in struction +ĠL isp +/ info +Ġ" {$ +,: ), +Ġg v +( ErrorMessage +Ġ' = +}- ${ +.Doc uments +" Well +Ġreminis cent +Ġg az +iro pr +eh r +Ġsup pressed +ers h +.scroll To +Ġcad ena +Ġgame State +ÃŃ m +( conv +ĠTom orrow +ĠC CT +M ongo +ul g +.C amera +.hand lers +m ph +Ġst k +Ġgen etics +AC ING +Tr ivia +ĠB am +(m arker +.St retch +ĠSun ni +ĠBet ty +.t olist +un likely +.Rect angle +ob solete +IL ON +inner Text +emb ourg +a N +ĠV ehicles +un lock +: utf +n ob +ĠSee ing +ĠNE VER +Ġt ls +Ġfil les +Ġbenef ited +ĠCl int +*/ ), +.f old +Ġpos ible +A DED +th ouse +.D AL +ĠO dd +ro kes +ĠSun ny +ĠPartial Eq +_B uffer +ĠLe vi +long rightarrow +eld on +g ages +_w arn +.Create Table +ĠD ip +_ questions +.log ic +Ġ# " +={() => +Ġt ep +Ġju icy +ì Ĥ¬ +en ko +ia lect +Ù ī +Ġon board +Ġæ ı +ĉ rt +_ UTF +ĠQ Action +âĢ ŀ +( Component +(a udio +.h it +g te +Ġprogram med +state Params +Ġpoly ester +f ires +by ss +] =( +_ quality +Of Day +ĠFair y +Ġy elled +op l +(user Name +ĠD ifference +Ġevalu ations +iff any +Ġcycl ists +Ġc idade +Ġtext book +Ġprof iling +__ ), +de a +. activate +Ġindic ations +Ð ķ +Touch UpInside +Ġinval uable +ĠM ASK +Ġcont end +F req +Ġrecru its +(int erval +ĠUser Profile +Ġ'./ ../ +ed u +_C allback +Ġanal ogy +ĠTro phy +app hire +V ideos +ĠCh er +ĠH av +â̦ " +. validator +g fx +ĠU Object +class names +tri angle +ĠEnc oder +.s py +Ġpred ators += status +-s afe +: ",Ċ +ĠIn cluding +Ġ{} ;čĊ +* cos +Ġend ured +.sul ake +Ġnurs ery +Ġfrag rance +Ġre building +Ġn th +ĠFr aser +.set Date +ĠV ince +_RE ST +Ġvent ilation +æµ · +cri bes +.as m +lp Vtbl +ĠA be +uis ine +, array +ĉ className +err als +Ġ' ĊĊ +Check out +Ġsol icit +A ux +_c apture +Ġrib s +rag on +vi ol +top ics +Function Flags +ĠM arty +b ike +ĠT ucker +(k ernel +ĠO ps +Close Operation +/d emo +ild a +ĠlÃŃ nea +APP ING +Ġsu ites +.visit VarInsn +ur us +ĠMin ute +(m anager +Ġbutter fly +Ġap are +Ġw olves +J WT +ĠSal on +ĉd elay +-es lint +is ations +.r pc +)| ( +ĠSnap chat +/m m +M N +cer ies +.text Alignment +ĠFrank furt +Ġad o +(new Value +( access +( Expression +ĠSign In +ĠHait i +_t p +.set Parameter +Min ute +Ġmanual s +ric anes +ĠP TR +ĠOut er +Ġget line +oc ations +_C D +ĠLy on +/g ui +_l ive +id an +.ge om +Ġborder Bottom +im uth +_check point +Ġme u +ĠIr ving +Ġpeu vent +(M AX +ĠAR CH +Ġp ov +.source forge +Ġjam ais +Ġar k +ĠBaghd ad +ĠC LEAR +Menu Bar +Ġtro is +CHED ULE +Ġ# čĊ +(C all +$ order +(M aterial +Ġencontr ado +$ list +ĠMETHOD S +.begin Transaction +_M AG +Style Sheet +Ġmaj ors +Ġindef initely +clean up +Ġhom eland +(d to +D ates +P resentation +ĠD K +={` / +ĉ Key +( Block +_check box +ne eds +Ġon Complete +ric o +Ġgle ich +Ġx m +O OD +B etter +ĠSQL ITE +. Book +x ad +ĠG one +ĉd p +Ġdev otion +Ġst m +Ġobs ess +ĠBack end +Qu eries +I k +// **************************************************************** +Ġdivid ends +.parent Element +} ")ĊĊ +ĠMaterial PageRoute +: num +Ġexp lic +ĠO L +le ast +O ops +iment os +Ġins urers +Ġhero ic +ĉf ields +.img ur +.btn Cancel +ĠDetect ive +(s m +ĠMutable LiveData +.l ab +(( [ +Ġha irst +ĠTrans actions +å¼Ģ å§ĭ +Ġstd Class +uent o +G IS +_c od +Instruction s +C alls +Pointer Type +ĠR w +Ġassort ment +ĠD IG ++ r +_C ERT +Ġinst ability +Ġv ib +on as +Ġro ku +ap ellido +Ġan gl +prene ur +Ġfluid s +ise ase +Ġde ed +qu ist +_CONST ANT +Ġequ ilibrium +_de legate +ĠQuant um +re i +Cap abilities +rect angle +? >< +al ien +ĠJ ug +D NA +T ickets +Occ urs +ĠHaw k +.setHorizontal Group +\ Collection +ff iti +Ġre arr +.setVertical Group +Ġc avity +Ġadult e +Fac ade +- wh +ĠL OL +Ø ° +Ġgrand parents +Sw ift +ĉw x +æīĢ æľī +if en +ff set +B eyond +// }ĊĊ +Ġw ager +Ġb ury +Ġcomm ence +reg istro +sc ient +ĠPer cent +Ġд олж +( identifier +.set Model +Ġs eldom +nt on +Ġappl iance +am us +rys ler +Ġpant ies +engu ins +Ġmim ic +Ġon Changed +Ġal coholic +.reload Data +Ch arge +ĠF ax +Ġj ScrollPane +Emp resa +Ġsh attered +x ba +Font s +? s +Ġpost season +ret ain +_r ates +Ġrequest Code +.t odo +´ s +CH K +ĠKeep ing +enge ance +Ġvs code +IPP ING +Default CloseOperation +_ raise +ĠO culus +ogram s +ra j +pc i +Ġcorros ion +.handle Submit +Access ible +ĠP iano +l ittle +AC L +Äĩ e +.un wrap +ĠCon vers +ĠLe ben +ione er +ĠMer chant +ĠJ orge +Ġembr acing +Ġvent a +á st +Ġvi ene +< QString +Ġexplos ions +Ġdistur bed +." < +m emo +ĠAb original +Ġcomple to +Tex Parameter +Ġuom ini +( agent +Ñĥ ÑĢ +ĠWh olesale +/ am +ĠBook mark +dr agon +Ġglo ve +Ġ" "));Ċ +iv ariate +now rap +In Children +.B r +Ġcon exion +Ġback bone +Ġe clipse +Ġpersec ution +': ĊĊ +/ link +ĠP ero +and as +ĠT ek +. "); +-an alysis +Ġer ad +Mar shal +Ġanch ors +og er +Ġconver gence +st icky +Ġnave g +int ern +_DE SCRIPTOR +ĠConsult ant +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ Ċ +ĠA uch +Ġer re +ÅĽ li +ĠHor izon +col a +Install ation +hot mail +C NN +.C ollectors +ch s +(tr ace +ĠEnc rypt +Ġ---- -- +ĠBase Controller +Ġag ua +Ġre active +id l +Ġclass Names +ĉ Session +ĠDod gers +H ad +_l v +Is Valid +ĠHEL P +ut to +ĠVer ification +Ġget env +_p a +.b mp +: f +ĠLou ise +(' ; +/ socket +Gr anted +.c alendar +( IP +ĠP X +.R oom +Ġprogram m +ens i +Ġtablesp oons +Ġle ve +Ġmo str +.t ipo +/ an +(d i +Ġb iod +Ġdb Context +ĠJS X +ĉ results +. END +ht e +l ify +P recision +èĬ Ĥ +ARS ER +)did ReceiveMemoryWarning +at tempt +IS P +& a +_P OP +ĠT ac +Ġprepared Statement +Ġзап иÑģ +Ġow ing +, start +Ġreview er +Ġr st +Ġprop Types +Ġrock y +_lo cale +ĠStrateg ies +ĠWe ber +.C ascade +_equal To +Ġcos as +ĠDe letes +ĠMax im +Ġsh rimp +re trieve +.In clude +IG IN +ĠO E +] );čĊčĊ +.en umer +Ġco ef +_N ull +R a +ty ard +ĠSh awn +keep ers +Ġq q +_s b +om ens +ĠExec utes +# " +TT Y +ĠValue Type +); */Ċ +ĠAbs olutely +ĠT ottenham +/ art +Ġbless ings +Ġswift ly +b uster +Ġa vid +COM M +, temp +Ġ} ?>Ċ +-g rowing +Ġdeep copy +A ck +egg ies +Ġ__ (" +Ġno ir +terror ism +Ġanth em +ag ency +_PACK AGE +ĠC losure +.reg istry +Ġmamm als +< L +U ICollectionView +ĠLED s +Ġvol ley +( Buffer +_N ATIVE +lib c +impl ode +Scroll Bar +ĠMar ion +.Con tracts +_A t +ĠWe instein +compare To +ĠH ose +en ity +.create Query +_r outer +Ġstim uli +Ġ++ ) +ĠCh amp +ĠBay ern +ass a +.v a +Ġdistrib utors +Ġfile private +Ġdepart ed +cc cc +@ click +ĠL unch +> L +Ġbl uetooth +.De ep +- standing +ác il +Ġro oft +ĠPath s +_iter ations +Invalid ArgumentException +.s pi +ĠUIAlert Action +uy e +sign in +.p riority +ĠEss ays +=' {$ +Ġè¿ ĶåĽŀ +_s igned +.p ersist +Ġred esign +To Lower +ĠNew man += start +ĠIsrael is +asis wa +Spe ech +Ġnum eros +hand lers +ĠW ong +Ġм еÑĤод +We ights +ĠGu jar +te il +ĠNon etheless +_E FFECT +Ġv ect +ĠO sc +Ġco ats +ĠW heat +Ġge ek +ĠPRO PERTY +w orm +_const ants +ĠB oulder +ĠP arm +co le +Ġdefault Center +ĠRou ge +: A +xc f +ĠVen ice +med ian +Ġred emption +F resh +Ġcos m +Ġfig ur +Ġref urb +CO PE +.c d +Ġch ords +ĠS gt +Å į +VP N +ĠS END +ain en +_account s +Ġtent h +Ġdiss olved +< App +ĠCover age +use State +é ro +.. < +Ġì £¼ +Ġdream ing +ĠFore cast +.C ursors +Ġvis as +/ script +_start ed +Ġga str +(P RO +]; // +.T ile +* sin +( Adapter +ĠSand ra +_S IG +ard ash +ĠO val +Ġdescri pcion +(s l +ĠDes criptor +Ġ` $ +/f ree +ĠKey words +Ġt udo +ion ale +(f ound +.x yz +ĠGeneration Type +_DISABLE D +( area +Ġel ites +Ġh ombre +(m essages +ĠR ac +Ġext ingu +ĠEst a +op o +. vel +mouse out +Ġconv olution +ĠHand ling +Ġceil ings +T ek +ĠAre as +.writer ow +< View +ĠCorn ell +_B IN +.in valid +'' 'čĊ +ie ż +_P osition +Ġk idding +PC ODE +Ġwatch er +lo x +Ġâ Ĺ +D ave +_all ow +Ġbis exual +Ġun ordered +ĠSch we +_se gments +Ġt earing +IN LINE +Ġund es +.g oods +.c am +ĠL W +ĉ where +Cal culator +-th reat +- alert +ĠSuz uki +ĠIP A +ĠAtt achment +AC CESS +(d type +O pp +_s ymbols +Ġdans ke +l age +or get +res olution +е Ñĩ +ĠQ Color +ĠBar rett +аÑĨи Ñı += \' +ĠNav Controller +/ ref +(c ountry +_H DR +Ġterse but +pet ition +Ġsu f +cred its +๠Į +x m +ĠDav ies +.re ddit +Ġw oven +ĠO bl +ĠK M +ĠConsider ing +ens ored +.per iod +Ġd dl +$ wp +Ġextrem ist +; \Ċ +Ġk im +al ers +Ġspan ning +Ġco herent +Ġconse gu +.text Label +.g eneral +_d ashboard +л ение +k ick +_P ID +ĠExt ensions +reg exp +ĠCl ause +_m ov +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠ +ĠR eward +ĠLEG O +A k +=-=- =-=- +ĉ parser +Ġon ze +éĢ Ģ +âĢĿ ãĢĤ +_b all +(r hs +Ġch orus +< count +as urable +Ġwirk lich +ĠEr in +ĠMS NBC +Ġet ter +ĠC ron +_F LOW +Ġ, čĊ +Ġcal idad +ĠFile Writer +ĉ stmt +( Byte +_p at +Ġte lescope +Ġgre ed +ĠT ort +(w rite +\ application +ĉRT LR +ĠConfiguration Manager +Un ix +End Time +In cludes +ĠHar vest +en berg +ĠAustral ians +Ġë ĵ +Ġr n +Ġreput able +Ġbl ending +UL ATION +ĠBrend an +d ad +Ġm ø +ĠW oo +_d c +U ne +Ġr ue +with in +ang ep +Ġp ouch +\" ", +ĠS ic +âĢĿ ), +aly ze +ĠG ef +c overs +Ġd bo +replace All +ĉ Logger +Try ing +[ state +-p iece +éĸ ĵ +beh avior +all ows +l rt +_p ython +ert ura +-c ountry +ĠT G +.UI Manager +b ens +ale x +ĠBre itbart +b ac +Ġpredict s +Ġg ab +Ġcard inal +.Time Unit +ĠVis itor +ĠM ing +Ġliv re +Ġparent Id +port un +Ġdimension al +ĠV est +en ic +à ³ +Ġ Ùĩ +ĠBL UE +Ġitem Count +Ġfe athers +ĉp stmt +ĠPol ar +{ // +und i +Ñĥ ж +z ar +Error Response +ì ĥģ +Rep resentation +* _ ++ ] +pre pend +Ġ' > +Ġlegitim acy +Ġo o +S linky +Ġnation als +. words +; p +tr ap +oman ip +Ġc ues +Ġgradu ating +Ġsem aphore +"] );ĊĊ +ace y +RE ET +Gr ab +ĠFel ix +( Id +_ne ighbors +Ġmeaning less +(d el +Ġj eder +ĠContent Values +.abs olute +/ cl +Ġx b +dat um +Ġtort ured +Ġrub bing +S cores +ĠðŁĺ ī +Ġav ons +Ġam sterdam +E OS +H al +Ġtrust worthy +# = +.EX TRA +Ġman o +is icing +-s upport +ĉc ursor +ĠSp o +aim assage +M ission +[] {" +Ġprint ers +G REEN +Ġt eg +Ġabdom inal +! ĊĊĊĊĊĊ +.Sh ort +аз в +ĠGift s +} ") +(b inding +x ce +âĢ ij +inf os +Form Data +Ġd art +Ġele ms +(in v +Y L +t in +GEN ER +á» ¯ +ĠT aken +uck le +: e +Ġspect ral +.b aidu +/ ');Ċ +Ġgre edy +es ion +,,,, ,,,, +Ġ/> ,Ċ +Internal ServerError +NSNotification Center +ĠA i +Ġsp it +Ġaug mented +Ġstandard UserDefaults +FIN ITY +R ace +: C +ĠRE CORD +ĠHigh light +Ġ' ` +Ġdef icits +Ġne i +Ġresearch ed +T a +Ġc opp +.Get HashCode +): čĊčĊ +On Click +ĠWell ington +Ġrev ival +æ¯ Ķ +éĹ ® +ĠN SS +Ġfor n +Ġint é +ĠKu wait +_fl ip +_ bo +_ \ +Ġocc urrences +ĠScient ists +S RC +og ens +igr ant +RE MOTE +ĠS ID +. opts +u ve +() ])Ċ +Ġlibert arian +ĠGl ide +les en +Ġform e +ow ania +Ġannoy ed +Def s +ĠExec utor +Ġcast s +.set Checked +ĠSh aring +.Serialize Object +Ġselect ors +_ OTHER +ë¯ ¸ +(s uper +( OS +_VER IFY +id unt +< header +Ġ/> ';Ċ +Ġvidé o +ĠNeg ro +ĠL ords +ĠT ours +Ġsoft ly +.re ceive +ĠE RC +Ġdata Set +Bad ge +ĉ Event +Ġper l +Ġ{} \ +(s entence +Or Update +Ġdim inish +P IN +(d raw +.To DateTime +.Equal To +(p in +-p encil +lu ent +ĠCall er +Ġplay ful +- '+ +x ca +sw ick +){ }Ċ +}: ${ +ĠM eth +.get Cell +.b reak +Ġy max +=' Ċ +ĠH iro +( TRUE +as urer +Ġcu er +U ber +. Operation +Ġol an +Ġthr illing +< Response +ĠF emin +Ġtravers al +Ġp oc +Ġset Status +decl ar +std afx +Ġaddict ive +ĠB tn +Ġexplos ives +ĠCook ing +ĠPl aint +Ġaccum ulator +ĠApp ointment +, password +ĠF AR +lu et +Further more +decl spec +_Static s +.D ictionary +"> '. +ĉ valid +" ", +In strument +> J +Ġno str +ĠR ift +_P ort +Ġvec es +[ [' +Ġrall ies +- series +Ġv v +. uc +Ġr tn +State Changed +( ins +ĠCl a +------------ Ċ +c us +ĠRel oad +//---------------------------------------------------------------- -------------------------------- +.se conds +_dest ination +Ġscrew ed +> c +Th ickness +Design er +Ġgr ids +n Äħ +( cookie +T rip +-M obile +Ġv oll +Ġgen ital +Ġconf isc +ĠConfeder ate +Ġweb View +Ġm ise +Ġcl er +(se lection +$ date +Ġshar pen +rag en +And Update +Ġrem ix +Ġh tons +R W +M PI +Ġretrie val +Ġric hest +.Dec ode +:init Components +ĠT Value +S aint +@ include +ĠPER SON +.se p +ĠLD AP +g ba +Ġgro ÃŁe +Ġreli ably +ĠD FS +.getItem Id +Ġprés ent +.get Token +Ġch inese +ĠMe al +Y OU +"> >ĊĊ +b ower +Ġsw apped +/ install +Ġs inks +etr ize +Ġdecl ines +ĉm ysql +ĠC String +ĠMotion Event +.L anguage +R oad +ÑĤ еÑĢ +asc imento +')) -> +. about +( editor +ĠR atings +in come +Å¡ e +.de queueReusableCell +ĠAust rian +Ġs ulla +ĠTrib unal +ĠDid n +ов аÑĢ +Ġins pections +B oss +Ġcock tails +Ġapolog ized +_sub plot +op al ++ =( +Ġreson ance +ib u +Ġë ¦¬ +rom a +res erve +pl s +ĠT ah +ax ies +OP LE +ĠDar ren +ĠZ ombie +_M ap +Ġ] )ĊĊ +ĠQ i +ĠS ail +Ġrestrict ive +Ġeros ion +- par +WH ITE +Ġold u +Ġap erture +Ġbit coins +text o +ĠCom cast +Ġtime less +en kins +Ġfeed er +/ tmp +res den ++' _ +.D estroy +Ġç ok +ĠD OCUMENT +.l ng +.tag Name +Ġk ullan +eg rate +Ġ(* . +ç¼ĸ è¾ij +Ġhand shake +s oc +_ geometry +ĠDam ascus +Min or +ĠK afka +ìĹ ¬ +Fl orida +_com pute +.ex pr +Ġpar alle +ĠD iaz +c ir +[ target +Ġj oking +Ġgl or +(set q +_hand lers +H ang +Ġf err +rim inal +ĉĠĠĠĠ ĉĉ +ent ies +def ines +-t ax +json p +ĠU PS +met ro +__ ;Ċ +ĠUg anda +])) :Ċ +_t d +x ae +l w +. OS +ĠLog ged +ac id +ĠMay o +as pect +Ġvag inal +Ġinitial izing +Ġster oids +f iction +G RE +g end +Ġli abilities +ĠL ets +M ech +( nc +( change +Ġconnect ors +: k +Ġt ast +! ");ĊĊ +th ings +ro phy +luet ooth +ĠSign Up +. ctrl +Ġthere in +ord a +. escape +ig ator +Ġpet rol +Ġspec imen +Ġdeb uted +- Pro +Ġcr ises +.add View +ëı Ļ +-d oor +Ġmon et +Ġmill is +Ġv ier +Internal Enumerator +Ġadmin s +ĠL air +z in +get Query +umb les +L IMIT +ĠV ig +_s ong +< Character +:: . +_h om +_b p +ĠSup ervisor +sub mission +ab ile +Ġno i +Or Create +Ġpe el +Ġon Start +Ġsent iments +veh icles +Ġclass rooms +Ġs zer +Ġb ending +Ġlong evity +Ġa cl +ĠAle ppo +ĠU M +ĠR icht +Ġmultip rocessing +DOM AIN +"," + +_Y EAR +Ġsc rape +Ġsol itary +Ġ"] ";Ċ +/ errors +ìŀ ¬ +ľ ëł¥ +b etter +ĉ number +ĠL F +ĠAc ross +Pub Med +\" " +ĠExcell ence +Ġus ando +ĠU IP +Activity Indicator +_V OID +Ġbre eds +ï½ ¥ +uest as +ĠTre asure +ustral ian +(f ace +ĠT ennis +ĉ Int +ĠHans en +ç µ +: I +Ġâľ Ķ +GR AY +O USE +Ġhe pat +ł í +A IR +ó ż +Ġque ued +vinc ia +ĠChrom ium +Ġcompet ence +ung al +ill i +Ġget By +ĠF inder +Ġincap able +Ġs add +Ġc ites +ĠChurch ill +S dk +More over +As pNet +( Float +$ password +ĠConn or +-s ession +_d m +* )) +Ġde utsch +ĠN X +Ġper ks +_S ORT +_TO OL +_V ISIBLE +.as p +æĪ ĸ +ĠBre ath +D etect +ĠD uel +.c mb +[ it +.Set Bool +Ġnarc iss +Ġab ide +Ġej emplo +ĠâĦ ķ +Ġm ornings +Ġcomput es +.s sl +j t +Ġmuch os +_S S +[ end +Ġbas in +Ġalgun os +ĠCroat ia +lin ewidth +(t ags +(h idden +ÃŃc io +Ġap ar +ĠÐ ¶ +ä¸ İ +. food +ĠR ural +Ġbread th +å½ ± +(s ess ++ ") +ĠP aste +Ġserv idor +ĠBit Set +ĠTr an +la us +v ette +ey es +ĠCL ICK +ĠV III +ĠTurn s +ĠLe Bron +ĠM uj +ĠD eg +ĠAdult s +_s uite +process able +ĠPH Y +g hest +.F ail +ĠSl ack +ce j +\ Carbon +Ġsuper star +Ġhold ings +( forms +Ġ'# ' +M ultip +("[ % +-s olid +/ url +-t ier +[ length +ĠStream Writer +ĠMarket place +get text +_T ICK +ĠFor ge +Ġblack jack +ĠDO ES +ĠM atters +w aves +Ġwhisper ed +Ġl ush +ìĺ ¤ +d igital +Ġwr ink +ĠH ogan +Ġrust ic +.Apply Resources +ĠHard y +os omes +A UT +.ST ATE +Ġnarr atives +ĉ store +b ib +ĉ Scanner +ĠC ody +\ Repositories +Ġre union +and um +âĢĻ h +Ġsn iff +NS Bundle +Ġcompreh end +_US AGE +_ occ +URRE NCY +J NI +Ġspecial izing +Ġvis ions +Ġdol ore +Ġv á +ĠChe vy +ĠSt yled +imp act +all en +Ġk art +ĠTable t +st uff +re esome +аÑĤ оÑĢ +//---------------------------------------------------------------- -----------Ċ +_Ad min +Ġcell phone +Ġaut oplay +Ġcamb io +Ġmar itime +_BO OT +- quarter +Ġlat ina +ĠAJ AX +e quiv +ĠFront ier +ĠX Y +} ]Ċ +ĠR ough +.pro to +Ġcorrect ness +Ġfac il +ĠRe ached +ãģĿ ãģ® +V IS +.p s +Ġstr ncpy +Ġdiff usion +.start Activity +�� � +Ġaccom p +AMES PACE +imon ials +ĠBl ast +aby rin +Ġd ome +Ġextr av +Ġy en +Ġcul inary +P RI +ĠComm unities +n id +_oper ations +.h s +ĠMil ton +Ġno ises +Autoresizing Mask +(c id +}ĊĊ ĊĊĊĊ +] },Ċ +ĠD etection +tab la +Ġlib erties +_D YNAMIC +w get +ĠT ür +ĠP ascal +Trans parent +Delay ed +] () +ĠHer bert +< ActionResult +ch allenge +Ġmush room +.insert Before +ĠR in +Ġhum our +Ġf ø +api Key +alloc ated +Ġconf ession +. ",čĊ +ĉassert That +ĠS ORT +ĠL ORD +Ġexport er +.set Level +p okemon +ash tra +Ġf é +ur ator +(M SG +Ġt up +ĠH ull +Ġyield ed +.Sub ject +\ Route +! ? +ĠÑĥ дал +\ Security +- ar +Ġalleg ation +( Settings +ä nder +Ġell ipse +ĠRetro fit +Ġregul ating +ĠM olly +ĠL ok +_C ustom +ĠProm o +is in +Ġres umed +Ġmet ropolitan +.error Message +: ------------- +Ġpas ado +th ank +_De lete +ĠBright on +, unsigned +ä½ľ èĢħ +Ġaspir ations +-h ow +R ose += (( +_ne eded +_pl ural +< Application +ĠW EEK +ĠUn lock +ĠT EMP +S ou +Ġschizophren ia +Ġt roll +Ġcomplement ary +ĠNET WORK +Ġbl ir +Ġprogress Dialog +" %( +ĠAttribute Set +ĉ ts +.iter items +è¯ Ŀ +Ġesc rit +v ous +_pl aces +H K +Ġseg uir +_f w +ĠR ounded +Ġdis posit +è§ Ĩ +par m +w ow +STRU CTION +. allow +ĠChar Sequence +ĉ extern +Ġprosec uted +Ġmort ar +ĠJ uda +- msg +Ġest ud +.get Description +Ġs ow +amb re +Ġrom a +En h +bon us +Ġsqu at +Ġdist ra +ed Image +Ġpe ppers +-per formance +, ĊĊĊ +, file +ĠM IME +_con cat +AB S +-f ashion +Ġunder cover +One ToMany +Ġre claim +C OPY +Ġb inds +ĠT ape +Ġg ossip +ĠEqu ity +/ Card +. activ +' am +Ġdrain age +< Scalars +ĠonBind ViewHolder +() ?. +Ġs orrow +ĠI b +up y +_U UID +ĠCh arm +ĠElection s +.on Destroy +ĠInterest ingly +ounding Box +_d etection +-h eld +_ unknown +Ġrefr ain +Ġmét odo +Ġe Book +EN OMEM +Ġd ang +Prof essional +Ġd ictionaries +/m ysql +ĠST UD +Ġmas se +s cape +Ġdre i +: name +.log o +Sign Up +Ġt ahun +( theme +ĠFem me +Ġbom ber +ĠJ ade +ĠT ay +Ġsubmar ine +_cl ause +zy ch +Ġsimult aneous +Ġcas os +. boolean +(l hs +Ġcontin ental +-s ale +ĉ env +ĠC ute +ĠFactory Girl +ab us +/ value +Ġj adx +Ġst ern +> >ĊĊ +Ġsurf aced +Ġìł Ģìŀ¥ +pl atz +ĉ email +cept ors +"> ( +Ġep ile +è¯ » +ĠDe bt +åij Ĭ +N OP +" https +: j +Form Item +_L ICENSE +.get Double +ĠAg enda +ĉf inally +(f ilters +( av +ç¾ İ +AP ER +Ġl ava +еÑĢ Ð¶ +)) ))ĊĊ +Ġfault y +_n m +Ġtr ava +(B itmap +Ġspeed ing +> '). +Ġscreen ed +_ roll +ĠMac Book +ĠA UD +Ġdiagn ose +.G enerate +Ġ^ ^ +Ġstr s +[ Test +Ġr ansom +ĠDH CP +eld en +Ġinterpret ations +() ]. +flat Map +Ġline Height +_m ount +ĠW izards +Ġsl uts +eh ler +od al +Ġmilit ia +å ² +earn ed +Ġmis ery +int val +f und +Ġh ides +Ġdi arr +ĠWes ley +Ġx mm +Ġqu em +ĠAr abs +if th +ategor ized +Dis posable +P ure +_NOT IFY +sn ippet +ĠGar rett +.run ning +. weights +Ġ( -- +Ġin variant +äºĭ ä»¶ +ĠAll owed +dir s +Ġpass ions +Ġl ad +ĠFl ush +men us +: block +Ġcompr a +.ch omp +alloc ator +Ġcur ated +ĠKnow ing +ĠPatt erson +Ġtel ah +' ex +Ġdo omed +Ġphil anth +ott y +.st yles +Own ed +Ġallerg ies += params +oc ese +it elist +ĠS ending +b ef +orr ar +ĠN ão +ĠF argo +ĠL ub +ĠComb ined +_g iven +ĉĉĉĉĉ ĠĠĠĠ +Ġreconc iliation +Pattern s +az ard +Ġbiom ass +ĠH ouses +resp uesta +cc o +/top ics +ĠY uk +Ġweaken ed +_c alendar +Ġmulher es +ĠMar l +Ġs ine +ĠT il +ĠSou ls +ĠDe utsche +ĠF OLLOW +Ġpip elines +ĠBever ly +_DIP SETTING +" # +ĠPro to +.b ig +ĠSav ings +ĠT anz +j un +ĠG amma +ĠS add +Ġadvis ors +Ġro ast +Ġun ters +ud ies +_l on +-point er +ĠElement Ref +\ Builder +example Input +.web driver +data Type +ĠQu ite +ĠCelt ics +u il +-def ense +b ish +ĠUI Window +ĠS uddenly +.h ot +.re ason +Ġg ör +AM D +.M ulti +auth enticated +reg ions +; ( +а ÑĢам +ĠKir by +$ route +PREC ATED +ĠDur ham +ow o +ĠPer forms +Ġdisreg ard +n st +ĠP ols +Ġget P +"] : +-col ored +( Keys +ĠAl leg +_mod ify +_ loading +str ained +Ġat roc +_p hr +< Sprite +Ġsatisf actory +m anship +.p ipeline +T ony +Ġth ief +pol ator +( lock +bur st +ĠOptim ization +Ġsurf ing +" Yes +Ġdesc ended +æ Ĵ +_C lear +Ġc ries +ĠFro zen +D IRECT +- Con +ĠLe icester +å¥ ³ +O OM += db +Ġget Message +< Student +_b atches +.M ask +_ eth +\ ) +Ġsom a +C atch +[ ch +Own ers +ind le +: auto +. vert +iv r +.set Location +Ġfl uent +_END IAN +ĠCar lo +cept s +add Action +.o auth +< UnityEngine +re ements +.S kip +? )ĊĊ +.default Props +Ġc abe +ĠSh en +eros is +ĠPro fit +Ġpo is +_C REATED +Ġremove From +(w s +? action +( Field +Ġerr one +.min imum +ĠRetrie ved +Ġd ado +ĠPR IVATE +-s pec +Ġg zip +p data +Ġpos Y +(l ow +Ġqual quer +/ cloud +ê² Į +( common +ĠAr beit +organ isation +Ġtid y +ĠRol and +( ph +.z one +Ġgent lemen +ượ c +å± ± +Ġenc losure +ĠMan afort +ĉ Color +St encil +N ic +Ġthe orem +ĠV G +Ġcol oured +V BoxLayout +uls ive +Drag on +c ff +et est +ens a +of day +.A zure +:UIControlEvent TouchUpInside +_up dates +Ġtrend y +ug as +weak Self +Ġr idge +ib ri +Ġì¶ Ķ +(C G +ĠMon key +.write Int +.tim edelta +ViewController Animated +ĠProvid ence +ãģ Ī +Ġbl ends +/Sub threshold +ĠAp pl +Ġat an +Ġreload Data +umb otron +st üt +O Auth +ĠG iving +ĠìĦ ¤ +ĠFinn ish +check ing +. Embed +sequ elize +Ġinitial izes +ĠOs lo +Ø ¶ +get Extension +_AL T +(bl ank +Ġfatal Error +Ġdem ise +**** *Ċ +ĠX S +(A F +ĠEn s +an tha +ĠP OR +Ġn ich +.N amed +Ġgig antic +ĠObserv atory +.Res olve +ĠPay ments +g uild +Ġcurrent State +============ ===Ċ +ĠS ey +p Data +Ġdead lines +Ġcentral ized +ĠScholar ship +_s upported +.ch rome +() ]);Ċ +Ġc yan +ĠC age +Auth ors +_ čĊ +/ os +k im +de e +.t ex +Ġyours elves +Ġm gr +Ġal k +-inst all +Ġdraft ing +Ġrum or +Ġstat ues +Pool ing +ol ina +AAAA AAAA +/* ---------------------------------------------------------------------------- +Ġextrem ists +Cal cul +ighth ouse +In set +(IN PUT +Ġsynchron ization +iv irus +. axes +ĠG ap +- An +_T emplate +Ġgam er +ĠCr icket +Ġl int +Ġauthor itarian +NS UInteger +Ġred o +Ġadip iscing +_F ETCH +che id +ĠF ang +. indices +t one +д ел +Ġ{{-- < +bra him +Ġsal a +get Code +Ġcommunic ated +start sWith +ert z +Read able +Item Id +oref errer +cred ible +á ria +Ġcombine Reducers +** /ĊĊ +Ġbl iss +Ġad orn +dep ends +ĠRO OM +Ġfr aming +Ġ? ', +aut y +_p ot +_t abs +Ex act +, ", +Ġ'} ';Ċ +Ġarbit r +ahr ain +.getString Extra +Ġ$ \ +Ġoutput Stream +Ġcomm enc +an us +ch y +< Employee +Ġhex atrigesimal +Ġn acional +(serial izers +_put char +_S AFE +ential Action +ItemSelected Listener +.Dis patch +Conf lict +_ about +os aur +Bound ary +Ġclear Color +( Location +ĠMON TH +ĠT aste +- General +ĠW AR +Ġer halten +-s aving +Ġcou pling +-tr igger +m otor +Ġy yyy +ĠPat ent +pt o +Ġmisdemean or +vas ion +ĠAdmir al +à¹ī า +_P WR +Ġdevast ated +fol ios +ITU DE +urre ct +Ġrobot ic +ĠSan ct +ĠHawai ian +.R oute +- condition +Ġr k +/**************************************************************************** Ċ +create Element +ĠK op +ign ant +. rollback +Ġsal ud +_ ', +ĠAN SI +Ex cept +ĠDraw able +.Utc Now +":[ {Ċ +Ġk ole +L ua +ĠBel ieve +Com put +Ġhall uc +ĠSign s +r st +.h u +ĠKN OW +W i +ĠBr ass +ĠR as +@ hotmail +Ġsed iment +Ġap k +Ġì ĥģ +_reg ions +Ġpod ium +< Book +ж е +Ġsix teen +ĠAli as +Ġinfr ared +ĠV ander +ĠLe ading +uc ing +,: ,: +_h or +w at +Ġdé cou +_W idget +S ounds +_n avigation +Ġschn ell +(g enerator +uc ene +Ġrem ake +IP v +Ġré al +_IN CREMENT +Ġhypoth etical +_ ang +Ġof s +Ġ! Ċ +.com pleted +Get Type +Ġkom men +ál ido +add On +Ġz ÅĤ +UL A +_ind icator +'] ĊĊĊ +ap ache +_S elect +ĠGre ene +Wh ats +_an im +Ġrepet itive +m uch +ĠTh reshold +Ġl f +(C ategory +con e +M ix +_MET ADATA +ays ia +Ne ighbors +ĉĊ ĉĉĊ +IP HER +ĠFr ag +ĠC ells +Ġnames paces +( back +ĠRest aurants +sv c +Ġл и +ote ch +-s l +¥ ¿ +ĠW T +ĠRed uction +Ġd otted +ĉf ound +ĠTE AM +B orn +ĠM ush +ĠCompar able +Ġh itch +AT O +Ġmax Height +begin Transaction +ÃŃ v +_b n +Ġher d +Ġrevers al +ĠH ond +del imiter +Ġconf use +Ġh ops +Ġcent roid +Ġcourt room +.decor ators +Ġm pi +ĠImpro ved +IN NER +ĠBang alore +ĠT amb +Ġbo ast +() ))čĊ +Ġil licit +ĠMor occo +greg ator +_res ume +Ġcrack down +Ġport raits +/h igh +( \' +Ġay ud +_fe edback +Ġc ate +/ avatar +Ġhe b +Point Cloud +Ġå ĴĮ +Ġ< ![ +Ġget Resources +} :{ +Oper ating +ĠF og +ĉt ab +ĠResearch ers +Ġfabric ation +.datas ets +ĠCamp o +ĠKa uf +Ġd ll +lig t +] ));ĊĊ +st ellen +ACK ET +l vl +ĠGl ory +.date Time +Ġcomm ute +ĠonCreate ViewHolder +ĠX Element +ĠT okens +< thead +_p ick +ì ¤ +v on +depart ure +(render er +phone Number +(P erson +gen es +ĠL ars +Ġ) {ĊĊ +ĠJson Result +Ġmet odo +VO KE +.get UserId +Acc eler +ĉ required +Ġchampionship s +Build Context +/t ask +/re leases +C ategoria +_over lay +Ġscar ce +_l im +n gr +ah len +ĠArt ificial +sp read +Ġbow ling +.an alysis +SM TP +ĉp assword +Ġbath s +] )){Ċ +current ly +ac iente +_se parator +Ġde ber +ĠDis abled +i ères +Ġâ ķ +_process ing +Ġprotest ing +ĠR OT +gr ab +Ġз ак +Ġpro active +word press +ĠSe ver +ind en +Ġw ikipedia +){ čĊčĊ +_w indows +is lation +Ġun rest +Ġdismiss al +.N UM +_F AST +iss ued +ĠF ACE +_u nder +Ġpl ugged +Ġå ° +ĠbÄĻd zie +ĠI CC +Ġcombust ion +Ġkiss ed +Ġstar red +ĠW atts +Ġspi elen +-p urpose +ĠE val +arg es +, result +techn ology +Ġnational ity +ic us +ĠN ug +ĠÑĤ о +ĉĉĉĉĉĉĉ ĠĠ +col o +Ġg astro +ante ed +OL ID +.b ias +_t ele +.ins pect +Ġve il +. footer +Ġneglig ence +Ġjud gments +Room s +yn n +ĉcount er +occup ation +Ġ çĶŁ +un as +Ġ(^ )( +L ambda +f el +.Param s +Ġд обав +set Layout +Ġdeport ation +Ġlocal Object +ĠPharm aceutical +cept ive +ĠN ome +Equ ipment +F an +Un iversal +ĉ socket +Ġgr in +Ġex poses +Ġhab er +Ġsincer ely +Ġc ams +Ġm ü +en ia +E mer +C rypto +Sl ow +(x hr +! =( +-s ervices +ĠP W +Ġprend re +Ġm ädchen +em ons +озв ÑĢаÑī +.M anager +ì Ļ +Ġg raf +- ra +met rical +/ fl +Ġc emetery +g ens +Ġp ÅĻ +ĠMySql Command +- To +Ġv Ã¥ +Ġa irst +oment um +Ġserv o +m illion +ĠMir anda +" She +Ġadvoc ating +-c aption +ĠAt tribution +Ġwel che +_v endor +ĉ Status +arr is +Ġprint k +"," # +Ġrel ativ +if ferences +izz es +Ġdec imals +ĠPro v +.max imum +Ar n +Ġhelicopt ers +_B OTTOM +ch ure +od ings +' ( +")) );čĊ +( bean +.f d +F und +Ġhang s +app id +/k ernel +.p oi +.Min Value +- validation +L uke +c df +ĠFun eral +ĠS amples +ĉ de +Ġto astr +Ġtax able +Ġcl ustering +Ġ'\ ' +Ġre straint +ec ed +ch ains +ãĢĤ ï¼Ī +_GR APH +Ġfue led +éľ Ģ +H p +å¤ į +T iles +Ġa unque +J C +Ġhost age +ĠE sk +Ġm av +Ġgest ion +Ġb anners +} {$ +.int Value +.' "ĊĊ +_M ATRIX +Ġce ased +ĠG OD +_CAM ERA +.Allow User +tr acked +C ook +b airro +( company +Ġview point +.get Writer +ĠN ets +w ives +Ġ( ))Ċ +example Modal +ĉ child +Ġmyth ology +Ġ// " +_ axes +ib old +.D ark +ĠMax well +Ġg pointer +olic itud +B at +ul ner +bal anced +mail er +Ġcont empor +æīĭ æľº +(" __ +Ġ" )" +re ar +ĠHu ang +] ')Ċ +× © +FT A +ĠCalling Convention +ĠOutput s +P k +.Re ference +lect ual +Ġ) :ĊĊ +Ġbrace let +ug er +ĉ Error +S weet +("/ ");Ċ +h x +Ġun reasonable +Inter preter +Ġlo ft +_product o +Ġsoci etal +.P arser +ĠAd apt +. foo +( where +.F eature +ĠYam aha +g lass +For ge +Ġprohib its +Ġcapac ities +Ġíķ¨ ìĪĺ +Ġper mutation +Ġih m +F ld +el ial +======== ===Ċ +@ Configuration +Ġge ared +ios o +iest a +trans lations +Input Change +Pop ular +ĠPL US +Ġv f +_F ree +b box +Ġcaus al +PI LE +Ġsch ö +Ġiron ic +M ir +. @ +åį Ĺ +Ġè ĩ +R ew +ul ence +fl en +Ġcan Activate +- response +Ġacc ents +ign ored +° F +.Dependency Injection +ĉ point +Ġconting ent +Ġsqu ash +Ġpar ms +ĠC emetery +Ġdelta Time +ĠD OS +Ġvan ished +аÑĢам еÑĤ +ĠD PS +t foot +ĠZ us +_IN STALL +G AN +Ġar b +Ġmunicipal ities +Into Constraints +AutoresizingMask IntoConstraints +, image +_ ignore +Ġdanger ously +quis a +pl uck +Ġhar us +up pe +Http Exception +Br acket +.' 'ĊĊ +ĠT ol +ĠView er +zb ollah +.Code Analysis +ì nh +Ġcorrect amente +.d a +ĠAl ger +× IJ +ba um +ĠPan ther +part icipant +å¿ ħ +-s up +Ġem ulator +Ġf ading +ĠW olver +cre ates +Ġbook ings +.Q uestion +§ è¡Į +Ġstress es +Ġre written +.PI PE +ed es +Ġc bd +": "/ +Ġenh ancements +_s y +B IN +ĠSl ip +Ins pect +ĠW eg +Ġcon gregation +Ġ_ : +_r m +Frame buffer +Ġ'& # +ĠFall out +Is Required +ĠPear son +ĠF ACT +Ġrel ie +ĉ box +ĠShe pherd +ĠWiki Leaks +ĠCollect or +Ġres ized +method Name +Ġevent Type +ĠA then +Des criptors +Ġb ers +- oper +ĠInitial ly +å ¡ +_B TN +ĠĠĠĠĠĠĠĠĠ čĊ +á b +_c ampaign +_w atch +F ord +-date picker +Ġvis c +Ġsat u +_s ms +Ġcont ador +-s vg +ĠDO I +$ args +Ġkn ob +.B OLD +Ġdeb ated +img s +sock opt +tr uth +ĠFe es +Ġh Wnd +_f ood +Ġab ras +Ġnot ions +ĠT od +: create +ĠConf lict +Us uarios +OT OS +Ġm sm +K HTML +([ ( +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠ +Ġ} ] +w izard +Ġm ientras +Ġdata List +Ġemerg es +Äĥ ng +.Read Int +PG A +ILL ISE +I Enumerator +(t uple +Christ mas +Look AndFeel +og enerated +Ġ# ĊĊ +control led +Ġex quisite +Ġa cest +Read Write +G ain +ãĢį ãĢĮ +Ġcopyright ed +Ġdo om +.Table LayoutPanel +ĠD ort +Ġch ili +Ġwer k +ĠEVENT S +ĠBe acon +Ġship ments +Ġse bagai +up on +ut om +.con verter +.Drop Table +={ }Ċ +f ic +~ ĊĊ +Ġlesb ians +_n a +Fore ign +ĉ then +/ ms +Ġor i +get Property +ĉsn printf +hes ion +ãģ ¤ +"} ," +Ġac rylic +P ers +@ Enable +I sl +(C ard +. Stack +L icensed +_G UID +: title +Ġh ust +Ġprincipal Table +an itize +/ embed +Ġens ured +ĠE GL +ÙĪ Ø± +ĠåĪ Ĩ +/ ,Ċ +Ġfundra iser +Key Name +Ġmarch ed +_VAL UES +ĠSc enario +Ġmet ic +_ass oci +ĠPast or +ĉĉĉĉĉĉĉĉ ĉĉĉĉĉĉĉĉĉĉ +er ate +Ġinv itations +quo ise +Ġbl aming +Ġd aring +UM MY +Ġrich er +em aker +ĠIdent ification +ĠìĿ ¸ +ĠBinding Flags +ch as +Ġresil ient +_p g +Ġre leg +ĠI RA +ST E +Ġtr actor +- loading +ĠPre viously +ĠV acc +/ be +Ġn Ã¥r +Ġurl encode +ĠNor folk +.Re lease +ĠNe utral +ä¸Ń åĽ½ +ĠAr lington +Ġalleg es +ĠW riters +Test er +ĠR ally +Ġc á +ĉ Print +Ġâĩ Ĵ +ĠUser Controller +ĠSeek ing +.V AL +List Node +_ ff +ĠPhill ip +FA CT +Ġc aramel +ĠM ultip +ĠCom pared +ĠSer bia +Ł ³ +Ġrev ive +ĠK anye +Ġver ge +ĠBulg aria +get Body +Ġ| > +ce ph +.DateTime Picker +." ;ĊĊ +ĠT ie +, item +Ġm enn +G as +och a +_v irtual +Ġmaster piece +_se quences +L TE +ĠSub mission +Call er +$ \ +S port +ag us +Constraint Maker +Ġcol oc +Ġw ig +ĠÐ £ +ĉ Array +Look s +ĠGT A +.st eps +atch ewan +_r anges +ext Alignment +ĠBren nan +Ġab straction +uler Angles +.m isc +Ġantib odies +Ġexponent ial +ĠCH ANNEL +exp ense +' y +Ġdetect ives +Ġpur ported +Y STEM +Ġradio active +ĠLat ina +.Enc oding +.T AG +x in +D egree +ur acion +pr ices +ĠRefer entialAction +Ġr arity +Ġp iles +g ende +_project s +_g lobals +.start Time +Ġê µ¬ +SE CTION +_p ublish +F ault +DD L +_p rior +M om +Ġth icker +Ġsequ elize +Ġessential s +str as +in tr +>( () +.man agement +e il +éĹ Ń +A ware +.C ity +ĠAr bit +_D M +_key board +L Object +- webpack +ĠNew port +Ġprincipal Column +leg ant +Ġp allet +Ġfract ure +Ġg mail +.M eta +A bove +.Key Event +j it +_mac ro +_P USH +á» © +/ controller +åĬł è½½ +Ġsuperf icial +exter ity +Ġmens agem +W ind +ist on +.open api +и ÑĢов +ĠSerial izer +uct ive +Ġz ar +Pl aces +.St atic +B a +Ġin advert +ĠIndones ian +_IP V +(h orizontal +Ġget Title +ide press +ĠConsole Color +ip ers +$ out +Ġfest ive +Ġeven ings +.Get Data +uit ka +ĠManual s +uss ed +_M ax +.Ch at +ĠA ircraft += com +FO UND +ap ro +Ġtre asures +_al ive +Ġgad get +ek ing +Button Down +B rowsable +.PER MISSION +P ASSWORD +ĠH ASH +f é +\ TestCase +LO SS +o thers +, J +Ġassh ole +wer k +Ġm ã +. ie +ev il +kont akte +//////////////////////////////////////////////////////////////////////////////// Ċ += sys +ĉ lock +-- ;ĊĊ +_F UN +Fill Color +ó a +pre nd +Ġcompress or +M other +ĠAr cher +.g oto +Ġwür de +Ġbam boo +ï¼ İ +ĠT rees +Ġb umper +Ġsa usage +ĠEl asticsearch +Ġhor izontally +ĠG ul +Im mutable +Ġlos er +Ġabort ed +-d emo +ĠH atch +Ġund e +Ġprocess o +-c all +In come +å ĥ +_ returns +']." ' +(s w +C BS +am ilies +ĠYour self +ĠH olt +.M ON +à§ ĩ +ÑĪ Ðµ +an on +ĠFont Awesome +produ cer +j r +Ġm au +ĉint er +Ġdish onest +Ġmagn a +ĠCollect ive +Ġvra iment +Ġcho ix +st ay +Ġweld ing +r ising +, min +ĠF ate +g lob +RGB A +Ġdet te +V en +Ġembarrass ment +.DE LETE +greg ar +-re nder +(b ucket +"> ĊĊĊ +.wait Key +Bus y +Ġdifferent iation +ĠC ST +.Con stant +Ġline Number +(m atches +Ġweb socket +Ġbar red +Ġpued es +M ono +C ORE +I ID +ĠĠĠĠ čĊčĊ +Ġpúb lico +lean ing +Ġcleans ing +Ġcr is +ĠDev ils +_SET TING +unt ary +. );Ċ +Ċ ĠĠĠĊ +[ curr +ts y +ĠAlex is +rit el +Ġpet roleum +.pre processing +m atter +For Result +- license +Ġtrav ellers +ĠDispatch er +enn ifer +Ġdigest ive +P ED +hib ition +MAS ConstraintMaker +ĠW att +Ben ef +.set View +d to +TE E +ĠPel osi +_EX TRA +Ġmed als +x hr +fore cast +Ġn argin +oun s +-f ill +_CUR SOR +Ġsuperv ised +Ġtur f +ĠEd gar +POS ITION +Ġcategory Id +â ī +_ ER +á»§ a +Sh own +. ll +_POL ICY +(), ' +ĠPre v +ĠString Field +ĉG lobal +ass ed +Through out +o stringstream +.awt extra +Ġslo pes +ĠSe quential +Ġgi orn +Ġz elf +Ġvers atility +lene ck +.c gi +Ġdou bling +ĠBang kok +Ġbu urt +Ġusu ário +st udio +Ġje unes +Ġm uted +Ġ ips +_f raction +&& ( +Ġst unt +'); ?>čĊ +Ġev apor +b able +ĠPR ICE +Ġæ ³ +lu cent +Ġv amp +ĠTechn ician +Ġuniqu eness +M es +ur ban +.param etrize +ĠRe play +S essions +em br +-Americ ans +_PRO XY +Ġp ian +Ġtri e +ĠD estructor +Game State +ĠIM F +ch in +Ġport e +ĠSw al +åŁ İ +Sub string +im ing +/L ibrary +Ġfright ened +w rites +Ġrecurs os +ar Result +_INIT IALIZ +ĠBad ge +_c rc +E ight +ĠDIST INCT +Ġth ro +@ Xml +ĠLegend ary +-t witter +_e asy +Ġ+ ++ +(D ATA +.L ocale +Ġk ä +Ġn urt +Ġcr uis +_ ios +Ġsens ing +_L ine +Ċ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ +pon g +ole on +Ġwild card +ç͍æĪ· åIJį +Ġbeg ging +R od +ĠÃ İ +_C ELL +Research ers +. selector +_ ing +Ġaspir ing +Ġimm ortal +Ġy min +_ robot +Ġpl ur +B TC +ĠD ID +Ġpier cing +* u +_DEFIN ED +ĠTh i +ita ire +(m edia +- ons +Ġche fs +Ġ"* . +/ AP +Ġraz or +Ġsearch Data +Ġ= & +Ġ ãĢĤ +Ġm ourn +ting ham +Ġo li +ĠVern on +_R S +ŀ æĢ§ +Ġf ácil +ang en +cel ain +Ġa il +le st +ĠQ COMPARE +g ain +ĠÎ µ +ĠK ob +ĠF ault +_config s +ç»ĵ æŀľ +. + +cal ar +(color s +M ul +_ ART +Ġexperiment ing +erm en +ĠAng lo +.Fixed Single +Se a +Ġc txt +.s lider +C ollapse +G rey +Ġf ld +-pro of +.cap acity +get Parent +ĠCom pliance +Ġburg l +- rec +Ġover written +M U +Ġrout ers +ĉ Model +Ġfantas ies +av ian +_p rec +ĠSc andin +Ġ// < +/o ct +Ġceremon ies +Month s +und y +Ġqu ed +ĠN ou +ĠV ibr +.r gb +Ġcit rus +Ġbr aces +-upper case +get Table +Ġdop o +ĠK err +_CH ILD +- cloud +ĉ Matrix +Ġgard ening +S ing +al most +Require ments +ugu ay +( Property +sub scriber +FA ST +re action +(l p +) })Ċ +` ). +.w allet +_ex change +.Max imum +ĠVer b +âĶ ģ +() < +ï¼Ľ Ċ +RO T +C ARD +ub it +{ @ +_k el +ĠTool tip +My SQL +Main Activity +ar f +Ġm align +Ġse inen +ap ist +Ġ< % +Method Impl +M il +ĠM ick +.de pend +< ID +Ġpredict ive +ĠAP PLICATION +le f +dim ensions +Ġconoc er +/ conf +ĠTr acy +F oto +_rem aining += file +Ġpage Index +ĠPar ish +Ġt exas +ĠM AGIC +ĠH ew +d ifference +Ġalt ura +c um +ĉdata Type +Ġcaracter es +avi ours +ĠV OID +è¿ ij +P UBLIC +B io +ĠstringBy Appending +Parse Exception +ĠS uff +ĠN orton +/d etails +.n ull +>> & +ĉ ok +-l ow +. usuario +n ested +X B +OUR S +.Border Color +Ġb row +ĠÐ ķ +cor r +ĠRed skins +.get Tag +.get Transaction +Ġst igma +hard t +ĠPlayer Prefs +als y +uc son +L anguages +ĠOl ivia +Ġt ac +Ġb li +Ġc aval +Ġconsolid ated +Ġper il +Ġde le +Ġform ulated +Ġhigh ways +.sp awn +== $ +ĠN iet +Ġv eggies +yp o +-r ule +ĠV ie +/e pl +Ġenf ants +string Literal +Ġtou ghest +buy er +Ġcov ariance +Ġil i +ĠSoph ie +ĠB AB +Ġ" ), +ĠU k +current Index +_user data +.code c +ĠPun jab +ĠSN P +l ol +adv ance +Ġcom fy +Json Ignore +Ġfashion able +ĠI CON +Ġor a +ĠP ricing +< num +ĠI RC +ER V +ĠMe in +ĠID ictionary +AD OW +is New +ĠDev on +at l +(request Code +ĉ PreparedStatement +IM PORT +Ġmar ital +_SELECT ED +get Response +ar Down +B V +ib Name +ĠP ATCH +ä än +Ġda ar +ĠFile Mode +Ġm arty +.Spring Application +c ene +amp oline +get Size +Rest art +æķ Ī +.project s +ĠEthi opia +Ġstatus es +T ION +(b g +ĠX unit +Temp orary +ĠEng agement +Ġx f +Ġprox ies +Ġgen esis +Pager Adapter +ĠSl ave +Ġsung lasses +ĠCh loe +Ġko ji +ad em +ĉ JSONObject +Î ³ +Ġh ors +* w +ó r +es ch +Ġcritic ised +z ial +ĠSale m +.Vert ical +ĠR ash +> E +ter ing +/s creens +Ġheight ened +аÑĢ ÑĤ +Author ities +_b box +ün st +.font Size +ĠBO OLEAN +div ide +ĠSlo ven +uc er +Ù Ĵ +st ub +Ġnavig ating +: animated +_N OW +_v ect +} {Ċ +@ ( +Ġtele com +Ġcontract ing +ĠAss ange +Ġextract ing +Ġgr ö +c obra +.D IS +Ġcr ab +Ġtw itch +Ġvert s +Ġreject s +ĉ format +Ġreg eneration +.S ys +s olve +ĉd ialog +sh i +m eter +(b est +valid ators +Ġon wards +Ġg uru +Ġmoder ator +ow ied +ex periment +r ub +Ġm qtt +ĠCa ucas +Ġnational ism +Ġm ange +ĉ ImGui +/ Edit +Ġin h +Ġint ellig +ero kee +ĉ export +Ġdiscrim inate +sub tract +ĠM oodle +ens er +ĠGuid es +R AP +-h ot +_gr p +.p icture +X A +Ġinit View +_Com m +Ġoverd ose +Ġ+ ĊĊ +ĠSil ent +show s +Ġinterpol ate +Form ation +Ġb isc +mark ets +( SC +Z e +ĠNetwork ing +Ġad renal +ĠG uns +ete or +Decl ared +orget own +Ġk arena +/ password +_address es +ITER AL +B uzz +ĠCon way +(c ase +P WD +he iro +( act +** čĊ +());ĊĊ Ċ +Ġan v +Ġ. .ĊĊ +(Menu Item +(m ail +_section s +ĉ net +Ġpl ut +Ġw rench +/ object +ĠI st +ĠV IS +/p ub +al ten +Ġguit ars +Ġantibiot ic +ï¼ ĸ + ¹ +Ġ" +" +form ula +Ġbab es +ĠP rompt +Ġen im +/ player +ĉ ref +Ġby Äĩ +Ġconsum es +ĠH ast +ĠT ao +Ġ' ))Ċ +Ġcl am +Ġthigh s +Ġmot if +Api Operation +ĠW L +get C +ĉf lags +oint ments +Ġeconom ical +need le +x ls +pr actice +ut zer +time ofday +- output +Ġfind ById +ĠBudd y +Ðŀ ÑĤ +Se ven +ĠB ark +Ġenv oy +_al gorithm +åĪ © +Ġball istic +ç§ » +r ades +ĉd oc +rodu cing +ĠE ating +Un mount +/data Tables +_b onus +Ġl itt +pp s +) localObject +per f +ĠHel vetica +sh utdown +/ ml +.t okens +ĠHard core +, row +/b g +Sc aler +âĢĶ as +_log its +âĢĻ int +ĉ App +Imp licit +.F printf +ET O +Ġterr a +Ġpossess ing +.r strip +, ), += yes +ĠStr ipe +? = +ne utral +.g ood +Ġk ennen +ĠS ung +f ault +ystate change +Can adian +',' ".$ +ĠM its +æ nd +ĠSTR UCT +ĠURL WithString +ĠCom pass +Ġ-- ĊĊ +ĠNS LayoutConstraint +| min +-ad just +Ġreb uilt +L IGHT +/ se +-m ount +vp n +valid ated +(Q Object +Ġign ition +ĠCharg ers +RYPT O +]initWith Frame +ĠFl uid +Ġcad re +Ġnomin ations +Ne ill +ĠH ou +Ġcurrent s +_g ene +(in p +Par is +z ÄĻ +ag gregate +Ġass oc +weet ed +err at +âĢĵ ĊĊ +Ġ'/ ',Ċ +fix ture +ĠH ighest +amb ient +Ġch mod +Ġcon te +Ġsens ual +Ġgar ment +z ers +ĠPower ed +dom ains +R eward +i omanip +Ġcock pit +out file +Ġbuilt in +Ġins isting +. vars +zip code +Ġ ���� +f ails +Ġconsolid ation +_ oid +Plan et +Ġ= ", +ĉ el +UIL T +ät z +af ari +ĠMc Cl +Tim eline +Est a +Ġfr am +Y E +Ġcere bral +Of Month +ĠP regn +Ġкл аÑģÑģ +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ +ĠF res +Appro ved +.S pecial +ĠProtest ant +Ġallerg y +_p cm +ĉC opyright +Ġsuper Class +" strconv +ĠMoh amed +Ġ' // +Fore Color +Ar thur +ĠJ ungle +Ġve ins +S ad +Ġback ups +ĠOp inion +û t +Ġinter mitt +ody n +ĠChrist ina +Ġand re +Ġevac uation +pa lette +h orse +ĠRes ident +ĠHass an +.N il +Ġa isle +ĠG rowing +Ġblog info +/s ql +_io ctl +Sc aling +ĠMon ad +_c pp +ĠH utch +ĠApple WebKit +Exp ense +_J OB +Ġpoint less +From Body +ant al +Ġdepict ing +ĠC ELL +Ġref in +ĠC NC +ì¹ ĺ +_dim ensions +ĠS AN +Ġa ft +Ġfoot steps +cc oli +_PH ONE +/m ath +-k ind +ĠMe ans +ich ael +.g una +Ġinaug uration +-dr iving +( delete +Ġtotal Count +_M C +.Ext ension +Com mercial +Ġz Index +< Customer +" g +-sh are +Ġp act +ag ara +ĠS IL +_m odes +ĠM olecular +Ġsystem atically +< G +_s cr +ĠO ro +as ers +Ġb ic +Ġdest roys +PI PE +.Start Position +Ġc á»§a +ire z +.B unifu +_F unction +Ġs ü +_f uture +ĠWe alth +ĠNatur ally +æĢ » +_y es +Ġabrupt ly +String Encoding +ĠCGPoint Make +Ġz h +Ġimp erson +Ġpiv otal +ĠSom alia +Ġsegment ation +_AN AL +ĠLogin Component +Cons ult +Ġtr uncated +] ";Ċ +.get Config +Ġintern ship +B aby +ê° ľ +Ġstrengthen ed +_M I +b asket +Ġnicht s +ĠTV s +ĠSh an +ãĤ µ +rac use +.Re LU +/ interfaces +ĠgetItem Count +Ġret iring +Ġspecial s +Ġentity Manager +bel ief +Ġs older +da ughter +ij kl +Ġutil izes +.f ixed +S U +Ġdr astic +Ġh acks +gr und +ĠM U +ĠSt arter +.Com ponents +_m otor +Gold en +Ġl odge +Ġ )); +ĠCor inth +иÑĩ еÑģÑĤво +ón ico +gre SQL +ĠFl uent +Ġmar c +.Load Scene +.Group s +Ġer h +ĠAut umn +St opped +Ġitalian o +Ġmin ions +ĠAssert ions +Ġm ux +B u +Ġ---------------------------------------------------------------- -------------------------------- +ĉ up +read ystatechange +_M eta +Ġcurrent Date +ĠChap man +Und o +Se an +ap r +Ġpar m +_ icons +ĠSt a +á z +Ġsub division +Ġalter ing +P NG +ponent ial +Ġpost gres +ĠB DS +-ex istent +ĠBrad ford +ĠO MX +_W HITE +_PRO GRAM +q c +Ġtypings Slinky +ĠP ics +_M ETA +IT TER +_sub scription +IRON MENT +ĠHy undai +();ĊĊ ĊĊ +ĠØ ³ +Ġj ac +Ġelimin ates +) });Ċ +Ġcomp rend +ĉ insert +_f aces +"> $ +Ġeb ay +Ġcapt ive +pl iant +ĠCalcul ates +ol ta +est ing +_re vision +Ġm ús ++ m +"," "," +WH AT +Ġcompassion ate +h arga +[ random +Ġmod ulo +(s n +Ġoccup ations +//// Ċ +ĉ board +ĠB alk +wi Äħ +ĠW ifi +.Pro file +:m aj +ĉm at +LOCK S +(j Button +Ġ(' $ +M ur +æĮ ī +b ble +Ġf rog +-h ide +Ġbroad caster +ภŀ +ha led +Ġam using +_predict ions +_in tr +Ġe agle +аÑĤ елÑĮ +Ġget List +ps ilon +Ġcharacter ization +AR DS +Ġre location +Ġr ulers +P AY +ĠDef initely +_A ction +Ġclos ures +Ġfact ual +odyn amic +Ġpreca utions +nie j +ĠPart ies +ĠSub aru +Ġcous ins +ar beit +.m oney +gun ta +( and +get item +.Style Priority +Ġsl id +single ton +Ġg arn +ĠP AS +Ġd azz +a ż +Ġbog us +ĠM og +Ġrival ry +is ol +Ġland marks +ñ as +B ern +ĠSach s +Ġ" )ĊĊ +Ġhost ility +_m ex +m ere +M ot +p ictureBox +Def ense +Ġaffid avit +other wise +.d irectory +_ UnityEngine +-b log +.s kin +ph em +Ap ellido +er chant +[ class +Ġw art +." [ +ale ur +/ back +ĠĠĠĠ ĉĠĠĠ +Ġprecip itation +Ġob struction +Ġp Obj +Ġr upt +UCK ET +ay e +æİ Ĵ +g x +Ġe cl +Ġsecre cy +/ Header +ĠLes b +Ġle i +ĠBullet in +Ġgive away +.H ome +_RO OM +" W +Ġcow ork +_ ra +ĠC ycling +ĠP aw +Ġpup il +/ arch +ĠFile Utils +é¦ ĸ +r sp +Ġfreed oms +ĠL ear +}` ). +Ġbow ls +/b lock +_log ging +Ġmeth ane +Ġhorn s +Ġwonder fully +Ġalter ations +Ġex ile +ls en +_p ause +_L ANGUAGE +ĠUS DA +_m ysql +_AM OUNT +ĠL IFE +Ġyoung sters +Ġri ots +[ E +Ġun forgettable +, },Ċ +Dis posed +ĠAss assin +UN G +ĠNew sp +User Service +: aload ++ ', +Ġsett lers +Ġscre ams +Ġincon venience +.R otate +Ġj ars +ĠP uzzle +Ġm est +ars i +ĠSh arma +| ( +.d s +ĠSac red +_e vt +Ġexpress es +Ġh och +ĠD uch +.c alls +th r +ĠShe ffield +.Alert Dialog +Ġrad ically +Ġtr ous +Ġprev ailing +ĠWW II +âĢĻ n +ens ely +ĠY esterday +ĠSir ius +Ġkill ers +ĠF FT +Ġo val +') :čĊ +Ġìłķ ë³´ +our age +ĠCheck box +Work book +.def er +_f loor +Ġc ouncill +Ġnors ke +mo il +ore a +Ġmarket ed +_S UR +x AA +Ġst ained +e ut +ĠM eng +Ġi eee +. extern +eg ie +Ġr app +ĠPy ongyang +' class +M ob +Ġinitial Value +_w ave +Ġj ab +Ġmascul ine +Ġampl ifier +Ġt ty +Path Component +_ xt +ĠG FP +/ sec +ĉdis patch +mark down +ĠS chn +bo le +· · +mouse move +Ġerr Msg +Ġas ign +_m ono +To Selector +ĠZ u +(R ect +ĠError Code +lat in +ang ible +v tk +CG Size +P okemon +Ġclass mates +Ġattract s +ĠT atto +ult an +ol óg +Ġhalt ed +ठ¨ +ĠK art +Ġ ue +_Init Structure +Test Class +ĠAir bnb +_ ", +Ġchar coal +Ġip c +ĠSt retch +.g lide +lates AutoresizingMaskIntoConstraints +Ġpot ion +ITT LE +Ġcount ert +_h d +pre pared +Ad s +ĠV ampire +rob ots +.Create Index +Status Label +Ġt ucked +af ür +U t +Ġswe ater +_F N +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĉ +ata ka +Ġeyeb rows +ac oes +ud en +.LinearLayout Manager +Ġsw ay +Ġmult in +() )))Ċ +ĠNS UInteger +ĠMy Base +Part ner +uts chen +ĠC ater +.setBackground Color +Ġaccompl ishment +_pro blem +.d td +Ġpage Number +Ġj ackets +Ġcro pped +u els +ĠH ep +Ġc apped +* Math +_callback s +Ġpub b +ĠBrun swick +.res pond +[" _ +Ġbed ding +hyth m +O X +(s peed +Ġpestic ides +Ġ---- --- +.Bl ue +Ġnood les +ĠGo es +Ġs aver +o xy +_com pletion +ĠSw inger +Ġget Date +Ġmind ed +int egration +ĠLot us +(st op +(', ');Ċ +Ġflood s +ĠWork flow +Ġerupt ed +Mac ro +ĠSau ce +Ġevent Name +\ Input +Break ing +ĉ when +_p w +IND ER +ĠWell ness +Ġvox el +ĠM ell +ĠM EDIA +SE NS +ĠFund s +ĠM ild +< Array +- this +ump ed +/f w +ĠDb Context +W I +girl s +H OW +'); ?>Ċ +Ġtempt ing +Ġtest ament +Ġb ible +Ġconsult ed +ĠIndex Error +è¨ ĺ +Ġkey pad +izz o +( ok +Ġwhats app +ĠRemote Exception +Ġteam ed +âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ +» , +Ġget Time +di ag +iss y +Ġh ed +Ġkn ots +j om +Ġfun nel +-m ails +Ġexport ing +ĠV L +ĠK arn +ĠBuddh ism +ĠAll an +_R ADIUS +Ġw ording +ĠFor get +ĠCor ona +ip hy +Ġlim burg +ugg y +ĠUser Repository +im in +(e le +Ġlabel led +ç¤ ¾ +ĠH erman +.q q +Ġ" ));Ċ +ie ber +.Trans late +ry n +Ġdes env +um d +Sim ply +ĉm ode +R pc +ĠVal encia +Ġstaff ers +Ġsel v +ĠSpi ke +Ġdel ic +Ġer u +_D T +J udge +á» ķ +ĠBas in +.m utable +" url +Ġtar iff +ĠSlee ve +Ġfl are +.drop out +Ġbr ides +)) ,čĊ +_con straints +de struct +Out line +Ġdisappe ars +_lock ed +ĠNS LocalizedString +ck e +ĉ null +ad resse +Ġto pping +ĠJ oker +b ishop +но ÑģÑĤÑĮ +and ering +_ amp += time +_S pace +_P ULL +' = +Ġant iqu +Ġc ach +___ ĊĊ +ON ES +о Ñı +Ġun read +.p olicy +oooo oooo +ëŁ ¬ +Ġu sted +ĠRe ce +Ġal lem +ãĥ¼ ãĤ¹ +ĠThought s +ve illance +istr ate +_l ane +Ġfam ed +.Get Name +Ġsmo other +ĠQual ified +az ers +_ geo +F ax +ĠM inds +ĠR aises +Ġtrans cripts +Con versation +Ġremark ed +ëĤ ĺ +d ling +Ġdeploy ing +Ġshared Application +Ġk p +FontAwesome Icon +_d ummy +reib en +ĠJane iro +Direction s +.get Bean +s ass +Ġcommand ers +v ation +error Code +ĠAl loy +.local ized +Ð ij +Ġdish washer +ĠSou p +N u +_D efault +Ġune ven +Ġ/> ";Ċ +-B ased +Ġseam lessly +- null +ĠX C +Ġst ew +(d elay +AT ORS +ĠWhe eler +" H +e ast +. air +âĢľ But +Object Context +success fully +_l and +Ġfold s +_CO ORD +Ġsub po +.get Address +in str +Material s +Ñĥ ÑģÑĤ +de posit +-l ast +_GR AY += find +Ġmut ant +Ġlesb ienne +let cher +RO UGH +ure ka +.c apture +Ġen n +Ġ([ [ +ĠFl u +Ġtask Id +ĠHus sein +.f older +Ġa usterity +ISTR ATION +_ Impl +注 æĦı +Ġdec ree +- chat +Ġimp lication +Ġguess es +ul kan +An alytics +. plus +COM MAND +е ли +» ĊĊ +_S ITE +Ġequal To +Support FragmentManager +ĠRec ording +å®Į æĪIJ +Ġbag gage +Ġpitch ers +ĠE h +o que +ĉc nt +Ġ=> $ +/ foo +IR A +ĠSat ellite +bor ah +Ġ}} "Ċ +ĠEnd s +ĠSpr ay +, param +.Ch rome +* q +th ought +ibr ated +Ġth ieves +Ġbenefici aries +Enter ed +ottes ville +Ġveter in +By ID +qu ipe +um ption +- unit +Execution Context +@ s +ĠG iov +.Tool Tip +_f riend +( attributes +Ġdump ing +ĠJ C +_D OCUMENT +ĠArm our +( insert +.Horizontal Alignment +ĠQ ed +ãģĦ ãģ¾ãģĻ +/g it +ĠY YYY +ĠCard iff +Ġap a +organ ic +ĠWhere as +Ġæ Ŀ +ĠM ia +Ġdemol ition +Ġsc ars +Ġp ai +Ġre tries +Ġr q +ĠDen is +( Utils +Ġallev iate +ĠP IC +id ue +Ġacknowled ging +Ġ// //////////////////////////////// +ç¡® å®ļ +Ä « +\ Json +.b inary +Ġx type +sign als +ĠAp pearance +& r +} s +C i +ĠI llum +por ate +h og +Ġindex Of +\ Command +_par allel +ĠSher lock +í ĥ +Ġ" ")čĊ +//////////////////////////////////////////////////////////////// //////////////////////////////// +Ġcritic ize +ĠSo ap +ĠMatch er +Ġgr illed +* T +Ġad ore +ull ing +Ġjed och +_ref s +lean up +ĠJ AXB +Ġro ses +ĠL iam +size i +Ġget char +Ġtar de +-to oltip +Ġqual ifier +ĠInter mediate +_W indow +ĠMal ta +Dis connect +ew here +Camp o +Ġirr ational +led o +ĠD N +ARG V +Ġout ro +Ġth irteen +Jose ph +M AR +/g l +J ess +ĠPsych iat +Ġpadding Bottom +- loop +/ fonts +_se en +Te ams +React DOM +(m an +(x path +.get SimpleName +>( * +ĠP vt +Ġel ders +Ġp ies +.user Agent +- region +ĠGree ks +(f ragment +st u +Ġcouncil s +Ġst amina +ĠGod dess +è ¥¿ +Ġphilosoph ers +Ġpers one +ĠL ose +ĠCL R +ĠD ocs +Ġso ak +ĠHOLD ER +Ġb ells +hash Code +R ATE +_WE IGHT +in ous +end ra +oph obic +Ġpro se +Ġfin ely +/o auth +(s pace +ad ge +ĠM ama +Ġstring Buffer +Ġst int +Ġmis ma +Ġvill ains +ĠCrime a +Ġdipl oma +Ġпо Ñģл +ĠBe a +(j oin +Ġíķ ´ +CH AT +per ing +ĠC ros +Ġmon keys +Ġpred s +yl a +,, , +Ġvibr ator +ĠN U +åħ Ī +f ant +z et +Ġb ietet +un ft +sw orth +.F low +Ġpsy ched +ĠContin ental +> t +Ġqu ilt +. UP +Ġexpans ive +Dis pose +(l anguage +C aps +_Z ONE +Ġrec ycle +ĠMan aged +current Color +.b roadcast +sign In +.p rom +ll u +ue blo +Ġpunch es +Ġautom at +Ġassign ing +Ġcreate User +ĠAll ied +Ġconduct or +Ĥ ¨ +Ġs addle +Ġd ni +omed ical +-W est +Positive Button +Ġit alic +? [ +(tr igger +Ġele phants +":" "," +Ġcal iber +raft ed +d igits +Ġmar shal +mill iseconds +mark ers +m om +/ place +Ġhol istic +: t +# , +Ġb oto +Ġnause a +ĠSh ooting +ite ch +Ġtext Status +< Class +ĠDes cribe +Ġbuff et +g il +Ġlog its +std call +mod s +ĠSk ull +ĠB are +h ope +ĠIn tr +F air +ĉ pt +Ġacompan h +Ġf kk +_r pc +Inst alled +_ ans +.get Minutes +â̦ "ĊĊ +- thread +Ġpres chool +AIL S +Ġdiff ic +( convert +ĠN ath +ĠDO J +Ġreg imes +Ġenthusi ast +Ġwarrant ies +Ġfasc inated +_b inding +_N ot +oft en +_R W +/m ail +Ġtitle Label +Ġvill agers +ĠJ iang +Ġsw agger +.Row Index +_img s +rap y +VER AGE +. Up +Ġno op +c io +ĉ ST +Ġdecre ment +Ġmagn esium +_ rotate +S it +Ġnieu we +Ġter med +íķ ©ëĭĪëĭ¤ +Ġur g +_t ouch +Ġsw arm +Ġcl ave +th est +ĠL af +H X +ĠH ulk +Ġplaint ext +ĠSof a +get Session +L ed +Ġecosystem s +he i +ĠK ills +Ġhus bands +Ñħ ÑĢан +(d om +_t iles +Nib Name +Ġdon ating +. acc +Ġlifes pan +.b n +_RG CTX +æ ¥ +ans en +Ġmod elling +Layout Params +ĠonChange Text +rs a +- location +.P e +(b us +(s ong +Ġprodu k +ĠSH OULD +ĠC J +Ġs os +ĠHome Controller +.load ed +(D ocument +.s ocial +t iles +Ġl ame += df +.parse Long +Ġpr ac +Ġdet ox +ĠV E +Ġpunt os +Ġdo ctr +Ġan cor +CA PE +Ġc mb +çĦ ¶ +*) " +:// / +Value Type +Ġmort gages +; q +ĠRock ets +s port +UG C +ct s +ãĤ ģ +ie ur +ĠAppe al +(n b +//////////////////////////////////////////////// //////// +IM ATION +ĠC res +ĠMan ip +C ause +at ypes +man ufacturer +# ---------------------------------------------------------------------------- +Ġsp or +es on +Ġpun ched +Ġbook marks +ĠBul k +Complete Listener +ĠTalk ing +ĠEr nest +Ġrub bish +k ills +ĠDE FIN +Ġneighbour ing +ar lo +ĠP CA +ĉm atrix +lo k +Ġat las +ĠG ur +Ġw yn +-n egative +Ġt ul +Ġre lic +ĠV oltage +ĠPre is +ĠJ NICALL +ĠPM ID +ak et +ĉ attr +Ġet iqu +ĠM J +ĠG mail +cl r +_exec ution +éĶ ® +pos itor +. af +N r +Ge orgia +Top ology +Ġperch é +Ġmus lim +Ġepid emi +Ġsab ot +act us +Ġë ĮĢ +ĠIO Error +. est +p refs +ĠKr ish +.Read Key +NAS A +u ção +_D b +umer ator +W ide +(st atement +.end point +.... ..... +Ġ[ * +stream s +m time +P x +at r +Ġt pl +R oman +Ġscen ic +.n z +ĠSe conds +sub menu +Ġìĭ ¤í +_b undle +Ġde ÄŁ +ĠS isters +pre ferences +Ġport a +Ad visor +max Length +ĠG REAT +__ (Ċ +ole st +ĠLabel s +Ġen fer +ĠĠĠĠĠĠ ĊĊ +ĠThe ft +_F ILL +ĠW ise +) application +un ami +> ())Ċ +ADD RESS +B ST +et zt +ĠQ gs +S ense +Exception Handler +ĠCh u +.get OwnProperty +Ġexerc ised +iot ic +ĠRe leases +Ġp interest +ol ie +is oft +Ġsequ encing +Ġpad re +] ));čĊ +(r adius +.m ed +aint ies +.Object Model +Ġem ple +Ġseg uro +St ars +Ġqual itative +lem n +á» ± +> "). +Ġg x +-c ert +ĠAST M +Ġfull name +Ġte lemetry +ĠCamb odia +_ ul +ĠCl are +C USTOM +Q C +ĠUn s +ĠHTTP S +ĠPark inson +ancy box +',' . +T ue +.get Last +Ġab i +Äħ d +A st +ĠEd iting +.Un ity +j mp +Ġm ats +Ġshared Preferences +Capt ain +.page Size +Ġr tl +Ġan meld +Runtime Object +Ġdemand e +(" ; +se ite +-head ed +ĠK ra +ĠF ONT +` \ +Class NotFoundException +. avg +atic al +A j +Ġpermit ting +Pro j +ERR Q +Ġcre ampie +ĠBuy er +-mod ules +ĠSund ays +| `Ċ +Ġday time +Ġ+ ( +Ġgl itch +ĠOper and +Ġtox ins +iny a +D NS +ĠS as +C ake +ĠNation als +.add To +Ġs inking +Ġcompreh ension +Ġsc or +ag ements +Ġt ard +Ġmarch ing +ĠM TV +Ġs ane +Create Info +Ạ¯ +Ġend Index +ĉ layout +ĠåIJ į +S ITE +ĠT HERE +Ġ[ {' +opath ic +Ġtrans mitter +/ body +Ġp und +ĠC losing +Ġset attr +Ġbound ed +At las +sum ing +(t imes +par er +yn om +fe it +Ġf rem +- leg +ĠBr as +> # +Ġì¶ ľëł¥ +ĠIN STANCE +ĠC ouch +_host s +lik elihood +.M arker +ĠM asks +Ġcere al +util ities +Ġelement al +Ġdist orted +in active +c ry +W L +UPPORT ED +.Th rows +/s chema +ser ie +." ', +ĠBened ict +-p icker +ig gs +ĠPir ate +åij¨ æľŁ +ĠTh ema +ĠSouth ampton +Ġarray With +ĠPaul a +Ġpredict or +- Ass +.user id +Ġper i +Ġexagger ated +ur ate +arse ille +ĠCon cent +ĠP ik +Ġ@ _;ĊĊ +Ġform ations +Ġden omin +"/> .Ċ +ended or +Ġpan cre +Ġam t +Ġon Resume +on Delete +ĠB CH +) (" +m ovement +Ġpot assium + čĊčĊ +ĠMah m +} ";ĊĊ +Ġd q +ĠPublish ers +ĠAm pl +ĠDani elle +Ġt ern +èµ · +no ÅĽÄĩ +e in +ĠAsync Storage +un ger +rou w +Ġsc issors +/ assert +.b ucket +/ archive +_M an +Ġint oler +Ġ() => +ĠÐĴ Ñĭ +Ġsa i +.x y +." čĊ +Ġur inary +es ub +IST ICS +ĠÎ º +Ġcompl iments +Ġtypings Japgolly +ih ar +Exp ansion +ĠS erving +_st udents +ĠX BOOLE +( il +Ġì² ĺ +Ġj ó +(t ol +( JS +ĉC G +ĠD RAW +tw ig +Ġo at +_sm ooth +ĠC SL +Ġos ob +Ġens uing +Ġbank er +ĠBack pack +_p ing +Ġwish list += ax +ĉĠĠĠ Ċ +Dis ney +stead y +"> % +Ġproph ets +ĠZ X +Ġminimal ist +.PL AIN +Se attle +. ordinal +ĠPI PE +Ġret orna +Ġjug ador +ĠB ret +ĠâĶ ľ +Ġpl ush +UL ATOR +Sort ing +.grid y +ect omy +_ activ +r ack +Inter active +ĠAntar ctica +Ġv engeance +en so +_k nown +up plier +.Mod ules +ĠConnection State +éļ IJèĹı +@ FindBy +Ġpl acer +\ model +< ()> +.is Successful +-g ood +b z +ĠDr aco +Ass istant +-ex tra +аб лиÑĨ +Ġhyp ocrisy +Ġt st +ĠA gr +$ txt +Ġlog istic +lic ensed +ĠH of +Ġt at +( iv +Ġinto xic +post Id +_st rike +Ġhum iliation +pc odes +" sync +(rec ipe ++ N +rent e +ĉ Client +ycop g +ĠZur ich +ĠPro files +C ountries +Ġp ict +Ġroll out +requ encies +Ġpatch ed +Ġcar tridges +Ġsh ading +J ar +Ġsalv age +ĠTax es +Ġstand by +apor an +E igen +. angular +ĠN ested +äº « +Ġis Visible +ĠDw ight +_BR ANCH +.D elay +Ġk end +Ġfacilit ated +.flat Map +Ġs anta +ĉS end +/m essages +Ġof Type +ĉs wap +# plt +ĠTur ks +N ES +Ġprogress ively +ĠRes idence +ĠT REE +Ġno en +d io +Ġn elle +Ġsog ar +itt i +week ly +Ġambigu ity +_Set tings +W are +.ne o +_D ST +Ġæĸ ¹ +pre p +lob by +@ email +/m ovie +Ġfun kc +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ Ċ +ÂŃ s +Ġguard ians +- pos +Ġconfig uring +ĠC PS +ĠDe us +Ġvidé os +_ empresa +Ġsl apped +< Model +Ġunders cores +U h +.access Token +SET S +ĠS parse +ĠCal d +: path +ĠS ervers += batch +Ġkn itting +Ġx a +Ġsearch Bar +Ġsn ag +Ġinf used +.b am +le ver +Ġtax onomy +Ã İ +Ġatt aching +Ġh ern +_N OP +Click able +(P arse +ĠDynam o +-b uilder +Ġdere g +Ġsc attering +è¿Ľ è¡Į +an zi +ĠShe pard +"> ',Ċ +_X DECREF +ĠBuzz Feed +_M ARGIN +P LOY +.sm all +Ġm imeType +Ġh olog +ĉc amera +li as +Ġsusp ense +ody nam +b au +Ġgrave yard +_n amed +":" ' +Ġ******************************** **************** +Ġgame Over +ĠLENG TH +ĉs creen +Ġdo InBackground +_depend encies +Ġr tc +/ up +_ ROM +H all +Ġdef iciencies +( te +' # +_e quiv +Ġpre order +ĠA xe +ом Ñĥ +.send File +Ġfil t +ĠLim its +ĠCaval iers +.dis count +âĨ IJ +ĠW it +QRST UV +Ġi j +Ġt egen +Ġ: ", +diff iculty +p unkt +ĠEmail s +ch lor +(f un +.U int +ĠSt all +_ verified +u D +File Type +Ġple asures +Ġjud iciary +Ġsh am +ip ur +_PL US +off ers +( foo +_G T +ĉc ore +ENT ION +ĠLib eration +Command Line +_de partment +.A r +_ne ighbor +ĠSub mitted +ĠĊ +Ġdro its +Ġhomosexual s +Ġab duction +ĉw idget +$ headers +ĠD AR +Ġfl a +th reat +Ġlou is +.Get Property +" Just +(f rames +ry o +prof ession +| i +íķ´ ìĦľ +(s v +Ġun recognized +I onic +F ashion +Screen State +ĠIn coming +Not Nil +Ġsync ing +em ie +Ġtherm o +_pro cs +Ġincons istency +rel igious +.m j +Ġperson n +Ġmoment os +or arily +Ġæ Ĭ +_ne urons +Ill ustr +im oto +il ik +ĠW oj +Tr ading +Ġapp are +Ġentre prises +ach at +Ġ ¬ +Ġne igh +BUTTON DOWN +ĠMah er +ag han +-h ash +" f +Ġclient ele +.add Button +ĉ SP +Q i +Ġgr ated +POS ITE +: > +ĠHow ell +ĠCompar ative +ĠIS C +ÂŃ i +O cean +D avis +ĠFil me +W ins +ĠJ IT +oc cer +ĠC orm +ENCH MARK +rch ive +ica ção +Ġm ata +Ġchild birth +ĠOption ally +En s +Ġx http +Ġel ucid +_Osc InitStruct +)) ):Ċ +Ġint uit +ĠDon ate +Ġcorrel ates +> Delete +Ġequ ipe +Ġb oca +Ġinfl atable +er ah +ĠDateTime Kind +Ġcal ves +\ Lib +Ġem lrt +ĠTr ilogy +ĠP anc +ĠD uis +ĠpelÃŃcul a +WAR DS +_DE TECT +-section al +dh cp +For Row +-de struct +ĠPres enter +/s lick +, on +ĠCit adel +logged in +_sub type +Ġsig ue +Ġc uring +ĠFire wall +Ġfluores cence +ĠItal ians +иÑĤ ÑģÑı +.get Style +In Seconds +j ie +-S mith +Ġx link +Ġsub missive +он ÑĤ +arbon ate +ĠF aul +_go als +ĠCommission ers +chart Instance +_POST FIELDS +Ġmed ial +Ġman os +Ġdel t +sv m +.Ap is +ep hy +Ġasym pt +Ġapp Delegate +Ġimpro bable +ck a +sim d +/ Error +. âĢĵ +ĠP TS +de er +Ġs ina +m agnitude +ID ADE +'] }' +Ġmay ores +ĉ comment +/ console +" @ +v olt +.s ell +ĠM acy +Ġmel od +Ġim ágenes +_ch g +Ġin out +ident e +) '),Ċ +d ni +.b lob +Ġtyp ography +Ġe erie +_O ID +pes an +aj an +Ġch opping +Ġbl uff +ad f +_b ases +.Form atter +Ġ\ % +ĠPage Info +Car rier +ĠCal ibration +com o +-b odied +Ġfinanc ier +ĠIN A +. ERR +Ġhood ie +ĠSan ity +gu arded +.opend aylight +ISM ATCH +High lights +ün k +ani em +anger ed +assign ments +Ġregistr ado +ĠU PPER +ampil kan +ash ire +ĠNik ola +ĠC FL +ĠH DC +Ġp oids +ĠIP s +Ġprevent ative +ips oid +if ix +.c amel +.g a +V olumes +- ste +Y ahoo +_s ibling +H ighest +opt group +Ġkvin na +âĢĿ ãĢĤĊĊ +ĠAppl iances +Ġ" >< +') ")Ċ +ht t +ĠIdent ified +Ġpenc ils +Ġmember Id +Ġappend String +.load Data +Ġmock Mvc +Ġj ub +ĠSl ut +ĠTai pei +st att +Pol it +Ġpart ager +Did Change +Incre ases +) }. +ĠB aba +_CL IP +[ unit +Ġк лÑİÑĩ +Ġalc uni +ĠL ola +Ġcl inging +@ PostMapping +(con cat +Ġss id +ĠFa uc +ok it +ĠRecord ed +á lez +($ ('< +.assertIs Not +Ġk ali +V olt +Ġwarm ly +Ġsca res +get ti +füh rt +_d oes +. EMAIL +im ations +Ġspring fox +ĠDec om +arc y +Ġgl itches +ĠM off +ĠV oll +.b etween +Ġcoord en +ĠPart icularly +GB P +Ġsem ble +East ern +_M SB +]) {čĊ +m organ +ĠE VAL +d ere +HO USE +mo ire +ist ique +_l stm +-com mit +yster ious +Ġtw ink +-th umbnails +en ÃŃ +:' ', +Ġblack out +ĠFlo ors +Ġso fas +Ġou i +lesh oot +ĠRa q +- abs +Ġk ra +M ining +sha ft +.set Columns +Cl azz +PRE TTY +.play list +éĸ ¢ +-Sah aran +M ING +ĉ bl +è® ® +j f +DO CKER +hope fully +( ignore +ĠUsers Controller +ĠMitar beiter +ĠL ES +Ham ilton +-m etadata +ĠK K +ikt ig +Ġwoll te +egr ator +] bool +, current +Ġvalue Type +Ġexcav ation +ol and +Ġv erv +/file path +Auth Provider +Ġpro crast +ĉ ULONG +_MEM BERS +Ġup lift +ĠAut onomous +Ġart works +ĠOut reach +Ġp ore +Home page +Dialog Title +ĠGener ating +PAR SE +Ġsem anas +Ġhuman o +JSGlobal Scope +Ġvol te +Ġb ella +(is instance +Ġpl c +\C atalog +Ġeste emed +éĽ · +(s uffix +Ġswe eps +ĉ ORDER +Ġdo ivent +ĠSw arm +ĠComp iled +get Page +AD R +.R ichTextBox +ĠN aming +ag ged +ĠG ANG +r asing +ode led +Ġg ala +ĠJS Name +dd f +Ġill ust +ĠLans ing +[ port +-de ath +Ġdin heiro +ĠE ighth +Ġb ian +st Ã¥ +Ġvers ión +ĠLinear Gradient +ĠHard ing +. *) +ec zy +$ header +Ġv Ã¥r +Un checked +Ġko je +ĠPal adin +() )), +G iving +() })Ċ +Ġd ips +F riendly +Ġport rays +Ġhel ium +Ġinsurg ency +_ex piry +ĠstringByAppending String +Ġa antal +s lope +m ast +.get Integer +Ġ################ ######## +_PIPE LINE +Ġdens ely +Ġmut ating +m idi +ĠSe it +ay ne +NOW LED +ĠDes mond +ĠF Name +ĠN airobi +\ Context +Ġcalc ular +-d en +Ġc ott +] ):čĊ +ĠRecommend ation +ĠRole x +Ġvalidation Result +.p at +Ġn Ãły +ĠRest Client +ĠG PI +ĠAshe ville +ĠO SP +ĠPER MISSION +ÐĶ Ð°ÑĤа +/ notification +K night +_W ord +ĠB ender +rank ing +Ġpart ida +_res ervation +Ì Ģ +Ġm Name +Ġget ch +Ġb orr +Ġdilig ent +Disc uss +æŃ£ åľ¨ +ape ake +ion ed +-N azi +.c um +ĠK ron +=$ ('# +/s ingle +Ġerot isch +ĠV ib +Ġrat ified +Ġconcert ed +ĠREG ARD +Ġdo br +.Driver Manager +' r +Port able +ĉs uite +Ġrel aciones +ĠD op +emplo i +DO B +Ġcr umbs +Ġx ls +_App lication +(': ', +Ġ---------------------------------------------------------------- --------Ċ +m se +Ġber k +ĠReturn Value +ĠBel ly +Ġcam ar +ĠPe ek +els ing +Ġnot ifies +ĠTr istan +ĠG AR +em me +ĠElev ated +_C SV +(ch alk +Ġtw enties +ĠSearch Result += search +ĠMix ing +ý t +Ġrecru iter +ĠIDE OGRAPH +ĠA go +( Operation +$ values +Ġworld ly +ĠRosen berg +ĠConfigure Services +>* Ċ +Ġsn ork +_op acity +ĠinitWith NibName +i ado +A AC +Ġ] ). +; z +_par agraph +Ġnos es +stand s +if r +_m E +I raq +.P redicate +ena ire +]] ];Ċ +Ġun idad +Ġretire es +_h ello +Ġmode le +ĠUIT ableViewController +f write +_num ero +_vis ited +Ġrece be +( Notification +Fant astic +_sub menu +ĠP EM +ĠCup ertino +approx imately +class ed +.Read String +Ġdomic ile +_P W +Ġball park +ĠK ale +con tra +_f avorite +/ of +Qu ite +ĠOT A +Ġacceler ometer +did n +| ^ +ĠRohing ya +ivic rm +ann abin +обÑĭ ÑĤи +or ado +') + +Ha unted +, ID +( UIAlertAction +ur v +_b el +ĠMex icans +/ terms +ĠPaint er +Input Label +ĠV inci +ĠRos ie +\ uc +< Menu +Ġcool ant +(current User +_d ual +) "},Ċ +& p +Ġconver ged +Ġrestr ain +ĠYugosl avia += target +Ġimp uls +ds a +Search Tree +Ġh box +ĠImp ress +§ Ãĥ +get FullYear +(d a +ĠY YS +.al ignment +.Get Text +.token ize +ĠOlymp us +Ġmur ky +ore station +Ġdiss atisfaction +ĉT Array +_ kses +.Add Singleton +ĠStart Time +Ġfan atic +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĉ +Ġentity Type +. override +Ġ ------------- +ĠDat agram +f out +(with Id +Ġ# __ +Ł èĥ½ +ek yll +.f riends +ame leon +Ġz ach +.simple Button +ret orno +Ġkon k +/s mall +ĠQuick ly +un read +Don ate +Detail View +Ġdu a +Ġpenetr ated +OM UX +Ġn ir +_p data +"], [" +Ġlow es +Ġdop ing +Ġas ymmetric +Ġneed less +our cem +Ġup ro +ĠGu zzle +af b +Ġsext reffen +-c ollar +Ġcol ossal +Mon key +n ish +Ġhandle Message +Incre ased +* dx +ĠChatt anooga +f org +ĠOr den +Ġsh ri +ĠV and +Ġ" @" +Image Sharp +ĠWild cats +pon ible +.sc enes +Ġpaint ers +ĠPf izer +ĠZ ah +To Local +ĠFl am +Ġé taient +)) ^ +ĠSand box +ĠTR ADE +Ġchrom ium +Ġac claim +Ġpac man +´ t +) reader +M ari +.Dispatch er +.A DMIN +ĠRem ed +Sw eden +Ġoverl ays +. er +Ġp ang +Ġclean ly +aven port +Toy ota +patch es +Ġv tx +ĠE is +cl ado +ĠR itch +RO LS +Ġh ade +Ġconspic uous +Ġdo cks +(j q +ĠPrem iership +ĠBe z +ĠâĦ ĸ +ĠÑĥ Ñģл +_tot als +Ġprov a +ĠC ue +Ġsa úde +ĠGame Controller +IM IZE +, port +ãĢĤ ( +.C decl +Instant iationException +Ġcoll age +ĠIO C +Ġb ais +Ġon Finish +-st ars +set Size +Ġmog ul +Ġdis illusion +Ġche vy +(S chedulers +( IR +_loc s +Ġcann ons +Ġcancell ing +/b us +Ġbuf io +ĠY ours +ĠPik achu +Ġter me +r Ã¥ +f ahren +Ġowner Id +Ġoblig atory +Ġcul p +Ġacid ity +-m ult +ĠBam boo +Ġ' "> +_g s +Ġcomp il +n ard +-ex c +Ġrh yme +Ġbut to +s ays +ant asy +ë ¸ +Ġcitt Ãł +Ġche g +Time String +Ġpos itivity +ĠD abei +Ġw ang +Ġes cre +" c +ĉv ideo +ĠRank ed +.str ings +>> >( +Ġин ÑĤеÑĢ +Ġrest a +[: ,: +Ġrend re +Ġdes er +J os +Ġdis ruptions +Ġоп еÑĢ +s ampling +sup press +Ġcontainer View +ĠSeam less +Ġair y +Ġon load +.Window Manager +ĠPL A +br aco +.set PositiveButton +Ġp du +Ġg si +ĠC li +_gr adients +Ñı д +ĠWh isper +c stdint +Ġl äng +Ġform ulations +én om +ourn emouth +[$ _ +Ġordin arily +.set Username +Ġfacult ies +MIT TED +/ values +Ġwe ir +ĠA pt +M Z +ĉc f +uck en +ĉĉĉĉĉĉĉĉ ĉĉĉĉĉĉĉĉĉĉĉĉ +def ense +[i Var +ĠBusiness Exception +Select ors +(co ordinates +ĠRes ets +ĠDr inks +ole ans +(st ypy +_IO C +.x xx +ĠSl ater +ĠBel ize +Ġ/ ************************************************************************ +add in +_ep isodes +Ġis chem +legal ArgumentException +D anny +Ġp ared +.code haus +ĠAss y +ĉ Rect +â ŀ +.list a +Ġв аÑĪ +Ġv ets +HW ND +ison er +Ġx o +Ġor ally +ĠSt mt +.r nn +ĠD PI +ĠStr ikes +.setViewport View +Ġèĩª åĬ¨çĶŁæĪIJ +Y ELLOW +GL enum +part ners +ĠImp licit +Ġtak o +âĢĻ elle +Ġerm ög +total Count +G il +ĉ work +Ġpr atic +in ati +ab ies +ĠSk inner +Ġspir ited +Ġpancre atic +Ġh df +' em +Ġpsych osis +olic it +Ġ" {" +_at ual +Ġé lect +TE AM +Ġd ak +ĠSW AT +.Fragment Manager +Ġprovision ing +l ifetime +_EXTENSION S +ĠC ASCADE +Ġ! [ +(K P +Ġv em +ĠInterr acial +'] },Ċ +sp acer +_k v +W arehouse +R DD +_f sm +.Stretch Image +, Yes +ĠRefuge e +ĠBr inging +Ġv álido +.inter section +Ġsp ooky +_port al +Ġmo th +ĠZ odiac +ĠSOC IAL +M imeType +'] }} +_Bl ue +Ġbot anical +Ġfr ags +Ġfamil ial +- du +Ġse izing +(block s +.r d +.check NotNull +Ġmis er +Ġmax x +ĠK nee +View Item +Inner HTML +D anger +(( __ +Ġprz ypad +create Url +** , +ĠDecor ating +ATEG Y +?> / +.Design er +hex digest +ĠEvery where +all eries +.TEXT URE +.Block s +z ell +Ġpre ço +S uddenly +input Email +(s ync +.b d +gold en +> '); +ĠDick inson +>> (Ċ +ĠQUE UE +Ġget Column +ĠS AND +.p iece +lic er +Fl utter +Ġget Version +Ġresource Id +og l +ÅĤ aw +.Br anch +ĉ web +Ġfr amerate +PP P +Ġfr ay +C NT +Ġinformat ie +'] čĊčĊ +ne as +Header Code +Ġæ ¸ +Ġtr g +raw types +H onda +Ġmark eter +Ġrequest Data +ĠP g +ĉ not +Ġpage Info +Ġakt uellen +ãģķ ãĤĵ +ĠA MS +push ViewController +ĉ AL +Ġv ests +produ ce +-m ême +ĠRah man +F unny +E Z +_ Valid +Ġsquad ron +Ġl ash +Ġ irm +ias co +ĠPar an +Ġpet ites +ĠDec ay +Ġun initialized +priv ileged +Ġm bedtls +å¤ĩ 注 +Ġ^ . +Ġec static +D etroit +Ġpart en +Ġsou venir +.get Login +моÑĤ ÑĢ +en ção +ĠmÃŃn imo +ĠAccess ed +ri ó +M ic +ĠV ocal +.Set String +Ġmens ajes +åĢ į +Ġattr avers +ĠA ph +Ġ' );čĊ +ünd e +Ġench anted +ĠRoot State +ĠCLOSE D +ĉĉĉĉĉĉĉĉ čĊ +Ġcal iente +or ris +Ġphysic ists +h wnd +_v i +Ġráp ido +Ġcapital ized +ed By +Ġmach ining +Ġhub by +ĠSt acy +.B us +dr ink +H ur +Ġprop ia +Unit Test +Ġmiscon ception +__ ));Ċ +/d c +ĠMay weather +_m C +.create From +ĠQ Painter +rops ych +inn itus +ay as +Ġg eg +(d w +Ġus ado +Ġtrick le +Ġann ihil +ĠP asta +Ġ++ Ċ +(Expected Conditions +.post Value +ic ap +ĠDon etsk +_s oup +-p ublish +ĠP b +ment ions +AC CEPT +.P ull +,âĢĻ âĢĻ +Ġret arded +_AT OM +ĠTermin ator +-c ourt +ĠCLLocation Coordinate +Ġrever ence +ĠS SC +ut ely +ĠW ON +ĠG SL +fre i +.get Longitude +Ġopen FileDialog +.B utter +- important +_M ANY +ĠG ong +âĢľ How +Ġg orge += msg +ĠEz ek +create Command +: checked +Ġinf ographic +.W EST +Dir s +Ġguard a +Ġbeet le +< small +- android +Ġcred itor +ĠM éd +Ġfinal ist +Ġab l +ne v +_inter action +ĠMonter ey +j ah +Ġcand ies +ĠQu incy +èª Ń +Ġbatch Size +ak it +Ġo be +(p ara +Ġexperiment ed +Ġcouncill ors +Ġcl ashed +s qu +-st rokes +ĠG K +ĠEx pires +Ġprosec utions +ĠCreat ures +Ġy ö +x lim +_IM P +Entry Point +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +.Default CellStyle +Ġbre ve +ĠBrit ann +Ġsweat y +Ġle th +Ġflash back +per manent +ĠJ DK +_D etails +E uro +p pt +Ġrich TextBox +/ board +Ġtr ance +.c ycle +'); ");Ċ +Ġtox in +_de init +Ġover arching +Ġconfig parser +ĠKaw asaki +.th umb +Ġplay a +ĠJose f ++ _ +Ġzero es +Ġa up +ĠH ari +comm itted +N it +.file Path +ĠDis abilities +man ufact +-al igned +.RE SET +Ġrust y +E y +Ġou sted +cos a +Struct ured +.get D +Ġs ábado +> Loading +_m A +.get Random +bl ings +Ġchees es +tt i +. âĢ¢ +ĠBurg ess +ender it +. ',čĊ +(" "+ +ac b +% p +index ed +_pred icate +nes ia +Ġb ied +ĠC IT +( Pos +_r adi +ä»· æł¼ +B iz +ĠAdoles cent +Ġvi ên +c ycl +_C ancel +Ġcon clusive +Ġappell ate +inform atics +S J +Ġelect ive +role Id +Fetch er +ĉ Command +(" (% +Ġf art +IL A +get Block +A USE +Ġд ан +ĠAr te +Ġnot ifying +Ġge le +.s ame +ĠReg el +ĠBa ÅŁ +.c reation +ĠV N +_comm unity +Ġuns ustainable +SE X +Ġgrid Size +res cia +avers able +(', ')[ +ĠPh elps +á»ķ i +ANCE LED +- IS +.run ners +ĠSt okes +.P rodu +Ġwh ipping +_ac quire +Ġinvestig ación +f ried +.copy With +ĠHard cover +- Se +áŀ¶ áŀ +inv itation +les ai +ĠD orm +ĠÑģпиÑģ ка +Ġconcaten ated +oph il +Ġthink er +/font awesome +ĠLe opard +Ġ"/ ");Ċ +Ġresidual s +ĠMic rowave +Ġconform e +th rop +Ġdis emb +ĠO MG +ĠDisc ipline +ĠAc robat +/re pository +df a +_M ED +buf io +Ġméth ode +_H OLD +ias i +_ legacy +) ččĊ +æ£ Ģ +Get ProcAddress +Ġy ay +ot ence +order id +-t w +Ġdear ly +In coming +/ il +Ġneu rop +uc z +); čččĊ +ĠInnov ative +Ġprof und +ig mat +Selection Mode +re levant +.G O +Ġbru ises +Ġs ach +ode f +Ġre imb +/d esktop +-s pot +und ance +Ent ropy +\ core +Ġsug er +ĠM vc +ĠGN OME +_ind x +ĠYY STYPE +ĠMat lab +ĠC IF +Ġ* )) +Ġproduct List +ĠAl right +ac emark +ÑĤи в +mod ification +int ernational +Ġhom ers +Ġdict s +ĠQ Font +.SQL ite +Ġtransplant ation +ĠMessageBox Button +ĠEl ves +'] ])Ċ +(Q Icon +Ġcin emas +CO ORD +- China +Ġkh ẩu +æĪij çļĦ +Ġskull s +Ġpain staking +f ce +.XR Label +Ġspec ifier +Ġpref erring +/ activity +( Photo +á lt +.l ot +' '. +ann once +.google code +-p df +ĠP oke +_A CL +Ġend owed +dis cover +.om g +Ġwood land +.M agic +Ġvol ont +Not Allowed +Ġch ave +BM W +',' =', +ĠS IX +æĪij 们 +Ġkos her +Ġaspir ation +int l +_ref ptr +'+ Ċ +ment or +.cl ub +Window State +.A RR +Ġz za +Ġmessage Type +.e qu +Th or +Ġin just +Ġg ums +Ġborder Side +//// / +ĠTrans mit +Ġbuf size +Ġh ak +Ġell as +R ANDOM +ĉm c +Ġpe a +ek o +document o +Ġhyster ia +Ġaren as +Ġgun men +Ġm ike +Ġimp unity +atis ation +_Z ero +_COMP ANY +ĠG ors +Ġuse Class +( redis +ĠRUN NING +ĠB air +vel te +Ġ',' . +аÑĤÑĮ ÑģÑı +ö st +encode URIComponent +_re strict +Ġdec als +ĠPed ido +Ġalter cation +Dis plays +ĠApp licants +C US +Text area +ĠAng ola +.f uture +ĠUS HORT +Ġsuppress ing +Ġset zen +AP olynomial +Ġto ch +Ġhall mark +Ġ$ $$ +ĠCHAR SET +.r pm +ĠD ich +---------------- ---- +_p arm +è¿ ĺ +acc iones +h ait +WAR DED +_r outing +ĠN OM +Ġen clave +ĠLot to +ĉf r +complex Content +ĠBall ard +k ube +/w in +.getColumn Model +_RE PLACE +Header Value +Ġest udiantes +Ġap is +Ġb pm +ĠType Name +And Get +rit a +Pl ans +> Note +Ġfet isch +Ġton ed +_g oto +ons ense +Ġm olds +Ġinfiltr ation +ĠGuerr ero +ub bo +ck i +($ (". +_ activities +(ch anges +Ġof App +ĠKe pler +ĠD emp +ĠCont inent +.T icks +ĠUn signed +ĠJah res +Ġfresh men +ĠArch ived +ĠкоÑĤоÑĢ Ñĭй +Ġ' :: +T utorial +C c +Ġtable LayoutPanel +from Json +.level s +_trans ient +Ġendors ing +ĠD IC +la uf +Ġsh red +_E MIT +ific antly +AL A +/ proto +Ġnarrow ing +U tc +Fact ors +Ġsent ient +æŀ IJ +lix ir +ĠC ROSS +met eor +Ġgro in +Ġm db +ĠRot terdam +Ġcom ida +ĠOp Code +ĠDefault Value +Permissions Result +Ġheter ogeneous +Ġm oot +Ġde ceived +-in dependent +ĠObject OutputStream +Ġover power +.d up +Ġl db +Ġdomest ically +Ġbest ellen +Ġlo v +ĠContract ors +Tri angles +Ġfod der +Ġfilm es +ä¼ ģ +Ġrev olver +Startup Script +/ validation +ĠResource Type +i ÅŁ +ĠL az +f ef +Ġlst m +{ * +. attachment +.h its +ew ith +DO G +Al abama +Ġmedium s +.m Context +-c ols +åı ĭ +.not ice +Ġat tn +ĠP acking +ĠL n +_COM PLEX +/ Users +.sav etxt +ĠR ounds +?,?, ?,?, +Ġing l +ĠR OC +_f emale +ĠSt ard +]] ; +Ġwrest lers +Ġtorrent s +Ġsin h + ĊĊ +ë³ µ +s ense +how ever +.Ph ysics +Inf rastructure +ĠSac r +F el +ĠD ISTRIBUT +é ments +ĠValid ates +################################################ ############ +Ġ| / +Ġes l +Ġré seau +ĠB ip +BY TES +_W ATER +Turn ing +EL S +Ġj uxtap +Ġlesb ische +ý ch +( Unknown +Ne o +@ JsonProperty +Ġal umnos +ĠRaq qa +ime i +.get Bounds +.Mouse EventHandler +#### ### +Generic Type +/c ms +Ġturn o +Ġм ин +Ġfolk lore +ĠE vo +Ġconduct ivity +Ġle ben +Ġgear box +-v s +ĠÏ Ĩ +Ġdrink ers +Ġcon exao +ĠTe eth +Ġget Arguments +ĠR AT +ent ious +E duc ++ W +ĠInstitution al +ĠB ord +is Equal +(p wd +Ġign ited +ĠR ousse +Ġimpact ful +ĠM alk +Ġg eral +ĠP ivot +Ġa zt +Ġcsv file +ĠR ope +ĠSOL UTION +ĠArbit rary +Ġlet to +.Mouse Adapter +Ġ} }} +ĠSail or +der a +Put ting +Ġconcentr ates +Ġauth Domain +âĢĿ çļĦ +-f inals +, strlen +Mu on +ĠOrd inary +fire fox +ĠLa TeX +ĠH und +engine ering +/ blue +ed TextBox +(" "); +ĠC DDL +ke pt +ĠGet String +K ir +() =' +ĠO CD +ant ium +$ menu +ĠAppalach ian +Secret ary +ë¥ ĺ +ี ย +Sem antic +Ġ* [ +est one +ung kin +Max Y +-t one +"} ;čĊ +_P art +< Member +tr am +Ġtrans istor +Ġ---------------------------------------------------------------- ----------Ċ +ĠDes de +Ġright ful +ĠCorn el +æ ij +.H OUR +Ġsidel ined +ref errer +m aze +Ġhol ster +Ġcripp led +ĠDate Formatter +oph age +_m D +Ġdes elect +ra ud +ĠPK K +row Data +Ġlock smith +.res ponses +(product Id +_ST MT +Key Type +.Th en +z ee +Ġcr t +ĠGrand ma +@ Resource +Ġbit wise +-c mpr +ãĢĤ www +zeit ig +& display +Cart Item +- No +Ġnum éro +Ġm aur +Ġinst ancia +ĉd t +_n pc +Ġskate board +âĢľ All +ĠCrow d +Ġä n +Ġb raz +ca e +yn et +/p m +/s creen +OPT ARG +ĠV Box +Ġle opard +_g reater +c pt +< dd +Ġmechan ically +osp els +) f +.l wjgl +.get Port +ĠP REF +.Add Transient +pp ard +Ġí ļĮ +Ether net +Ġsal ine +(level s +Ġservice Provider +.A ngle +alt itude +illa ume +Ġs cape +_CAL C +_ quest +ĠDiss ertation +ĠE DM +-C ds +Ġhon orary +st ops +Ġsub dir +ĠV H +ĠChe at +Ġright fully +Q E +.Write Byte +fig ures +enn ie +( DBG +Ġvoks ne +Ġexp ended +UN ICATION +il inx +ĠRec ap +_ verts +Ġtra umat +Ġget Player +Ġverb ess +Ġcultiv ating +Ġiniti ator +Th ông +find First +_per ms +Ġbu c +Ġ""" čĊčĊ +T YPES +object Manager +(Configuration Manager +Ġtim id +Ġsnap chat +Ġcon seg +ĉd istance +_right s +_D es +ĠF lesh +- ver +Ġa fl +fra uen +Ġblas ph +ĠQual ität +ma f +Monitor ing +.D iff +Ġshore line +Ġresponse Body +mem set +< decimal +Smarty HeaderCode +Ġin sets +ĠBinary Tree +amed a +Ġn ihil +ĠN ay +ym ology +ĠW G +Ġt api +ĠInst alled +m aintenance +)} "Ċ +ĠX O +-per iod +s ar +Ġning una +ORM AT +.set PrototypeOf +ĠK b +ĠHen rik +ét ique +ĠLah ore +ĉ Address +Ġmel ts +N y +_adv ance +Ġveloc idad +Ġalum no +Ġsanit izer +Ġph ishing +ĠCom et +Ġch iar +ĉs pec +trim med +(state arr +on nen +Re venue +L ens +Ġcha ired +ĠAss umes +Tr ash +_un set +\ Bridge +Point Size +ĠPol ic +Ġsex uales +ĉd fs +ĠWide String +Ġaccru ed +Y W +_S CHEDULE +Ġk ite +Ġparach ute +[ table +Ġactive ClassName +.Qu ad +Israel i +ĠÅ ĵ +Ġho og +Ġch á»ī +ew ear +Ġtire lessly +set Error +.get Amount +.set Items +ĠM anson +ĠBay esian +_F lag +AC HER +/ original +Ġimm ac +ĠLos ing +' >ĊĊ +L ic +ĠMir age +ĠAssembly FileVersion +Te V +ĠValue EventListener +-s olving +Th o +rou lette +_W P +Ġunint errupted +Ġfield Type +.T yped +Ġam our +Ġmock ery +(v ol +ĠSub committee +ĠR uf +ero x +:UIButtonType Custom +ĠBl ur +Ġwy kon +nc es +ASH BOARD +!! ");Ċ +Ġmurder ers +.d aily +ĠDI AG +j ing +Ġdol phin +Ġl òng +Ġb ö +ĠV ocabulary +.St Object +') "> +Ġz un +Ġscrim mage +tr éal +ĠL ig +[ vi +C ole +Ġfrost ing +.Pl ayers +- translate +Fe els +=\" / +.Butter Knife +Ġ?> ;Ċ +Ġav i +inn ie +.F ailure +Ġsp indle +Configuration Exception +_h op +Ġpos ição +ĠA wait +UIImage PickerController +ĉ day +Ġgen om +C ab +ĠÑĢ ÐµÐ·ÑĥлÑĮÑĤаÑĤ +OR IGINAL +Ġejac ulation +(t cp +SE COND +Ġton ic +ĠList Box +Ġ ĉĉĊ +() >Ċ +Ġqu atre +ượ ng +with Errors +.M aybe +, â̦ +token Id +_UN DEF +Ġfresh ness +ĠAmend ments +.map box +.C V +(b log +_get time +. quest +s parse +Ġres ale +Ġenthusi astically +ĠProstit utas +W a +C argo +.Parcel able +SENS OR +ĠRy u +La ughs +_N ative +/ pg +yst s +Ġphot oc +ç® Ģ +ado pt +.spec ies +conc iliation +Adjust ed +.Firebase Auth +ut tle +ord ination +Ġm unch +ĠSt ake +.p ing +ank er +(QString Literal +Ġsub script +ĠĠ ĉĊ +ĠM CC +_C md +se xy +i ou +ĠM ANY +Ġn anny +TR AIN +Ġflour ishing +ĠW atches +ĠQ Map +ĠF erm +Ġwas m +ĠA bed +_ UD +ĠGlass es ++ v +Att end +.Ch ain +Ġdec ency +ĠSupplement ary +h unter +-t xt +Ġ" }";Ċ +.set WindowTitle +(" +Ġmasc ara +( Profile +åĬŁ èĥ½ +imit é +Ġwild fires +- ROM +.is On +(group Id +Re pair +accum ulate +Ġ< ", +Ġhand written +Ġach eter +ĠM GM +ĠIr ma +->{ _ +ge e +cr iminal +Ġèĭ¥ è¦ģ +Ġmoment arily +") != +_l it +Ġexpires In +." ). +éķ¿ åº¦ +Ġfr ække +vl c +Ġor bs +), $ +Ġvent ured +/ >\ +char m +N uitka +eld ig +aton in +W itness +-l at +Ġset Hidden +Ġrelic s +Ġcons ulate +. IGNORE +" After +Ġset Address +Ġbeste ht +Ġ'' )ĊĊ +.x axis +Ġser ão +Ġmis led +_UN IFORM +ĠV IA +inc r +Ġzen ith +Ġvis cosity +Ġthin ly +.get SharedPreferences +.Error Code +"), " +ĠMillion en +Ġ/> )Ċ +Scroll Indicator +-se eking +ĠPOLIT ICO +as ca +_r l +N avig +(full file +Ġsol itude +Ġju ven +Ġhaul ing +ĠMac ros +ĠG ry +Ġexerc itation +ĠATT ACK +Tick Count +Ġr ites +Ġdo e +Particle System +Ġsl u +Window Text +ĠClass Name +Ġsl ander +ĉ Port +j ong +? a +.D ial +âĢĶ at +$obj PHPExcel +Ġso ar +EN N +appe ared +Ġquot id +em achine +Ġn ip +Ġmicro time +ĠAl ma +; ! +---------------------------------------------------------------- -------------------------------- +ĠPass age +Ġdump sters +ĠEx clude +Ġsuggest ive +ĠCircularProgress Indicator +_cl r +Array Type +ILL A +Elapsed Time +Dr iven +Ġresource Name +ĠG arrison +ser ir +-a head +Ġp innacle +ĠEs presso +S parse +Ġass ays +ĠGirl friend +im id +]=' \ +ONGL ONG +Ġportray ing +L ane +Ġb úsqueda +Ġrein forcements +ĠSpread sheet +ĠArray Collection +, arr +light box +ic ana +< " +build ers +K id +ĠMat SnackBar +EX PR +od cast +ĠFound ations +Ġind s +=' ${ +F izz +-function al +(work space +Ġstem med +_p atches +ĠJar vis +READ ING +Ġdisrespect ful +ĠQ Dom +Ġ$ {Ċ +est atus +Re ached +! .ĊĊ +IL T +ĠN DEBUG +ĠCour age +birth date +ĠT ing +Ġutil izado +án chez +Out door +Ġhand guns +Ref Count +É Ļ +rom o +Ġt ts +.S he +ĠP ane +ãĢij, ãĢIJ +ĠIO CTL +/ black +ins cription +Ġbi opsy +ĠTime Interval +.Test Check +ĠGUI Style +ĠCap ability +ĠBeit rag +don nees +T reatment +.back up +Ġsign ings +ĠB oca +dr m +.M AIN +Ġgo ede +ĠMark up +G REE +ĠBase Service +.C reator +Ġj ails +ĠK ahn +Ip Address +ACH I +Ġinhib ited +Ġ@ $_ +ĠAss ass +Ġenvi ado +Hero es +ÐŁ еÑĢ +ĠM aven +.l s +Ġ ive +| RF +Ġresize Mode +Ġrum pe +_attach ments +T U +Ġtact ile +Attempt ing +Ġro bin +y aw +Ġmerc enaries +ĠHab itat +end date +Ġo xy +ĉR andom +oh on +Is Null +ĠValidation Result +ãĥ ļ +um bed +pp v +Ġar p +ich ick +_r nn +ĠT FT +Tex Image +" On +ĠSam pler +top l +Ġj ane +y ling +ĠUN ICODE +Tab Index +< {Ċ +s uspend +uv ian +, application +ол иÑĩеÑģÑĤво +y at +ez ier +ĠCH UNK +ĠAd ler +/ Add +ĠKey Value +Ġspos ób +Sam pling +ch ers +_AM D +R u +.Must Compile +N ation +Ass oc +Man aging +ĠEng l +_G B +Ġsucc inct +Ġdis liked +ĠI ke +Bullet in +_ARCH IVE +Prop osal +Ġjog ging +.C REATED +Ġch ol +è£ ħ +Į ¨ +-p ush +Ġreserv a +core v +è tre +TH R +Ġincompet ence +Ġchar isma +æĦ Ł +Ġ" == +BT N +ĠLoc ator +iv et +('. ')Ċ +Ġfor IndexPath +ô me +Ġcapac it +w aters +ĠWR ONG +ho a +ĠM IPS +Ġem iss +ĠJacqu eline +(c mp +Ġe ens +Le o +.tim ing +CLUS ION +Ġ(" - +åĵ Ī +.k ode +ĠUnd ert +Ġbew ild +ĠEss en +.h d +Ġren egot +Ġm ower +Ġl sp +Ġpen chant +Ġman oe +Ġag li +Ġrec al +ĠOPER ATION +(^ )( +ĠÎ ½ +ĠSc oped +Ġ@ "Ċ += label +[ loc +Int l +ĠN z +table t +.Column Name +Ġscreen Size +DB us +co oked +- registration +âĢľ One +-n on +ĠwiÄĻ c +Ġcost a +.add Tab +. conditions +ĠH ess +MEM ORY +ĠAval anche +() }}Ċ +Ġtri plet +Ġl abyrinth +ĠNode List +ĠNY T +Ġy eni +d ff +.Html Controls +AV IS +/ Math +Ġmem cmp +Ø§Ø ¡ +оÑģ ÑĮ +c rap +(p ages +Ġl xml +ĠQ DateTime +_t cb +Ġopen id +Ġsyn aptic +ĠMD MA +(s lug +igm atic +en or +Ġcr amped +G OP +Ń IJ +.is File +ĠD ifferential +Ġ=" ";Ċ +ĉĉĉ ĠĠĠĠĉ +ĠC ooke +ĉU FUNCTION +Ġpersever ance +Relative Layout +IMPORT ANT +Ġex on +Ġо н +ib ase +(C ONT +n ovation +ä½ ķ +[ sub +Admin Controller +HTTP Header +cre ar +ĠN IR +ĠDrop DownList +Ġval ide +Ġde hydration +. '] +(W IN +Ġ... \ +Ġphotos hop +ĉ Init +_c ou +Ġtime Zone +dar win +rom atic +Navigation ItemSelectedListener +br ates +] --;Ċ +Ġtraged ies +ĠPed iatrics +SM ART +-A PI +ĠMessage Lookup +ĉ vo +Ġprejud ices +Ġm A +U ps +ĠMISS ING +ĉ ad +C ream +ĠT b +ĠMon a +_ ghost +ĉt ypes +Em b +ĠDocument ary +');ĊĊ ĊĊ +Ġl up +_ Reference +ĠB ATCH +Ġintertw ined +< Cell +ĠCab r +n ation +Ġis Connected +.remove Listener +Ġcon g +_t i +ĠSil icone +Ġê²° ê³¼ +ĠW AN +ĠG ibraltar +/ response +ĉp erson +ch ants +V IP +em ergency +Pixel Format +- Am +Ġsouth western +_pl l +if ers +_ON CE +ĠF ayette +.nc bi +_P anel +.Q ual +Ġpol ys +Ġcreate StackNavigator +� t +Ġlay offs +ĠBl anco +Fe at +ĠV imeo +_ch i +_l ifetime +POINT S +, private +Ġunb earable +print ing +Ġc gi +.B ACK +Ġintern s +ĠNew ly +inf eld +( IB +ĠK ata +ĠDef endants +Th r +é¢ Ħ +_V F +FFFF FFFF +Ġdavid jl +Ġbitter ly +S uggestions +.set Cancelable +FIN AL +ason s +_rw lock +_WRAP PER +Ġhapp iest +(row Index +ós ito +TOT YPE +Autom ation +Log File +Ġcons olation +ãĥ Ģ +Ġt êm +Ġpr er +rg yz +ĠG eg +ĉd to +.default Value +ĠK ami +ĠA SE +optim ized +Ġíı ¬ +Ġorigin ates +err Msg +Ġespa ço +(S YS +ĠMc B +d ance +_det ected +Ġfr ü +ĉĉ ĠĠĠĠĉĉ +< Date +(com b +ĠDec ide +\ Field +ĠProp osed +R ib +Ġdis likes +ĠW ien +ĉ Document +Ġtr af +Ġst oria +ĠT ells +') == +C ri +( VALUE +ĠBurn ett +, void +Ġdan h +Ġc cp +Block chain +:"- "`Ċ +IC lient +IS ODE +Iss uer +) }čĊ +, but +ĠU ph +( Sub +Ġtélé phone +ĠonData Change +Ġmarsh aller +-an alytics +, content +Ġdeb acle +_Value Changed +Ġfa una +Ġ# => +Ġf oyer +'util isation +ĠMü ller +ĠFet ish +Ġdefault Manager +Ġback track +B ah +Exp licit +_A SCII +Ġm Activity +(M sg +Ġê² Į +ĠTER MS +ĠAng ie +HS V +ĠMos que +.N ames +íĬ ¼ +rest e +_p arms +Ġgap ing +Ġcro pping +Data Frame +Ġrespons iveness +_ undo +_tr an +. terminate +Ġitalian e +Ġwalk through +Ġattract iveness +д е +_ST S +_ learn +Ġchocol ates +ier archical +-th inking +Ġ ))) +ish ments +.Log f +ĠTM Z +ĠCan ary +fo il +ĠVacc ine +.v x +ĠSur round +Inter mediate +Ġi ov +v ais +'; ";Ċ +ï½ŀ ĊĊ +éĢģ æĸĻ +â̦ it +Se ats +Cl ar +W ars +ĠHutch inson +ĠHas an +! ')ĊĊ +ĠRich ie +che iden +($ (' +Y ork +Ġl ids +Ġal phanumeric +ĠG lock +.sh apes +Ġspark ing +_ epsilon +uplic ated +.dir ty +]) == +ĠìľĦ ì¹ĺ +Ġsc n +Ġ/ **************************************************************** +_PRE VIEW +_H C +ield ing +f gets +ĠAdd ison +Ġproduct Service +- figure +(ret val +z ano +Ġaut ob +ĉs d +_n umer +ĠSet LastError +ĠF ior +ific ance +Unt itled +Ġin field +Ġ{} ));Ċ +Ġsp ac +Ġro okies +(des cribing +ng en +ி à® +.r df +.M utex +Ġkne eling +ĠQ E +set Max +Read Stream +Ġvent as +s ut +cm peq +.WriteAll Text +ĠEx perienced +$ __ +Ġka um +ĠL IS +Ġdocument os +_HE ALTH +icont ains +Ġart isans +OWN ER +Ġblink ed +get Display +Ġto en +Ġrow Num +Ġav ril +Ġinv is +ĠK ear +toBe InTheDocument +ap ur +Ġr acked +ĠMc Master +_ATTR IB +H az +Ġfact ura +/ ts +ĠÑĢаз меÑĢ +Ġz f +Ġshort fall +.f asta +ĠCONST ANT +.man aged +g ems +Shared Pointer +Ġblur ry +b rightness +( components +Ġ... "ĊĊ +SE LL +ĠIllustr ator +.get Channel +Ġtrou vé +yst ers +Ġvo is +ĠLind en +Ġem ojis +Ġb rawl +ĠMS R +ĠE lo +ĠCroat ian +Popup Menu +L ewis +.J WT +Ġaston ished +B ush +(item Id +Ġdet achment +ĠEnc ore +å° Ķ +Ġre kl +Ġcr am +)$ / +.get Host +_re commend +- HT +_cal ibration +Auth enticate +.firebase app +UN IX +ĉC amera +ĠHE AP +I deal +. office +Ġgoof y +(S ymbol +Ġjou er +_part itions +Ġrapid ement +ĠGN UNET +id User +Ġsuperv ise +( Contact +AW N +ãģ ĺ +Ġna am +Ġa ust +åľ¨ 线 +_soft max +Allow Anonymous +amm able +RO UTE +* D +Ġad en +ĠCrist ina +ĠCrist iano +Ġblood stream +sub class +_person a +CH ILD +-k now +Ġnavigation Options +ĠZuk unft +ĠPix ar +Ty ler +Ġunder world +Ġsincer ity +Ġdispens er +Ġk ter +idd ers +.add Node +- checked +Ġke yst +ĠW TO +.sign als +Ġadvent urer +ĠP ang +\ R += pos +Ġdispens aries +ĠClo set +("{ \" +ide on +Ġnécess aire +() "Ċ +_RECE IVED +Ġrésult ats +Ġmod en +ĠIceland ic +; d +. allowed +(new User +Ġmerc iless +.Wait For +Ġday care +ĠCon veyor +ç ĸ +ð ¬ +ç ĥ +ç Ĺ +ç ł +è Ħ +é ² +å ¦ +çĿ Ģ +å¾ Ī +é ħ +ç ĭ +é ª +æ Ĥ +é ¥ +è ħ +æĥ ³ +å ¨ +é ¹ +ç Ĥ +å Ĵ +ç Į +è´ ¨ +æ ¢ +æ° Ķ +ð « +æķ Ļ +ç Ł +å Ħ +åıij å±ķ +åĪ Ľ +è ij +æ ħ +å ŀ +åģ ļ +æĪ ĺ +æ IJ +å¼ º +æ· ± +åĩ ł +ç ¿ +å © +è ŀ +å§ Ķ +åIJ Ħ +è İ +é ¸ +é º +åı Ĺ +èģ Į +å ĺ +æ ½ +é£ İ +èIJ ¥ +åħ ļ +è ľ +éĤ £ +é¢ Ĩ +ç ij +é ³ +æľ ¯ +ä» Ģ +æĪ ¿ +ç² ¾ +å ª +é Ĩ +å¤ ª +èĤ ¡ +è Ľ +åħ ī +æŀ ģ +åĬ ŀ +è ĵ +ç ĺ +å ´ +å Ĺ +èĬ ± +çł Ķ +å¿ « +å¸ Ī +è¶ Ĭ +è§ Ĥ +æ ¤ +æ ¦ +ç ŀ +èĤ ² +çĪ ± +çĻ ½ +ä¸ ĸ +ä»Ģ ä¹Ī +çľ ¼ +å ³ +è Ĵ +æ ĵ +è¢ « +å¹ ² +çĹ ħ +å£ « +ç Ĵ +è ¸ +æ ¾ +å·¥ ä½ľ +è® © +çĥ Ń +è¾ ĥ +åĦ ¿ +åĬ © +ç§ ¯ +ç ³ +ç ĵ +ç £ +å Ĥ +è ¹ +è ļ +å· ± +çĻ ¾ +åĬ ¿ +èµ Ľ +æ ¨ +æ ¿ +è ĸ +æĿ ij +å¸ ¦ +å¢ ĥ +æĬ ¤ +é Ń +å « +èĩª å·± +æµ İ +ä½ İ +åĮ » +éĺ ² +åĨ ľ +è Ĩ +ç Ĩ +é « +åĨ Ľ +æĪ ı +åį ĩ +æĸ ¯ +ä½ ı +èIJ ½ +åħ » +èĩ ´ +ç Ĭ +ç ĩ +ç ħ +è Ķ +ä¼ģ ä¸ļ +åĽ ¢ +æī į +æł ¡ +åĩ Ĩ +å¥ ĩ +åī ¯ +é ¼ +æ¼ Ķ +é© ¬ +èµ ° +ç¥ ŀ +åħ ĭ +æľ Ľ +æ² ¹ +è¾ ¹ +åį ĥ +å¾ Ģ +åĪ ĩ +æ © +ç ¶ +å Ļ +éĻ ħ +çī Į +社 ä¼ļ +游 æĪı +æĸ ½ +ç ħ§ +æİ § +æ» ¡ +è¯ Ĩ +éĩį è¦ģ +è¶ ³ +çķ Ļ +ç» Ĩ +åį ı +éĢ Ĥ +æ ĩ +æ § +é Ħ +è Ŀ +å¸Ĥ åľº +ç»ı æµİ +ä¹ ł +æĸĩ åĮĸ +éļ ¾ +ä¹ IJ +åĨ ³ +æ¬ ¢ +è§ ī +åĽ Ń +åħ ´ +åħ ħ +ä¸ ¾ +æī ¹ +è ķ +æĬ Ĭ +æĬĢ æľ¯ +ç© ¶ +第 ä¸Ģ +ä¾ ¿ +åĵ į +çİ © +åĿ ļ +èŀ į +åį Ĭ +åĸ ľ +å± Ĥ +ç¦ » +ä» ħ +é Ł +åij ³ +å¿ µ +åŃ £ +ç´ § +ä¹ ħ +é ¤ +é ŀ +è ¤ +åĢ Ļ +åĨ µ +ç Ł³ +åģ ¥ +æĢ İ +å® Ŀ +è¡ Ģ +åŁ Ł +æĹ © +çŁ¥ éģĵ +è´ Ł +åį ļ +å· ´ +äº ² +å± ŀ +ä¸ ¥ +äº ī +å¯ Ł +è º +ç ° +建 设 +产 ä¸ļ +åIJ ĥ +åŃ © +æĹ ħ +æł ¹ +æĿ IJ +ä¼ Ĺ +éļ ı +å® ĺ +åº ķ +å½ © +å¯ Į +æ¸ © +åį « +åī § +çĽ Ĭ +æĬ Ĺ +è´ ¢ +çº ª +æ Ĩ +çĶŁ æ´» +çº ¢ +çĶŁ 产 +è¿ ľ +éĴ ± +åĶ ® +ç¾ ¤ +çı Ń +æ¥ ¼ +éĩ ĩ +èī º +å± ħ +åģ ĩ +è° Ī +æĻ ļ +é ¬ +èĪ ª +å® ³ +è Ĺ +ç į +å µ +çİ ĭ +åº · +è İ· +ç» Ń +äº ļ +é£ Ł +åİ ĭ +æĭ Ľ +èĮ ĥ +è® ¸ +åĽ ´ +é ½ +éĻ į +çº ³ +åĵ ª +æķĻ èĤ² +å·² ç»ı +å¾ · +æŀ Ĺ +å®ī åħ¨ +é¾ Ļ +大 å®¶ +éĿ Ĵ +åº ľ +æ² ³ +åı ¤ +èį ¯ +åĿ ĩ +æĻ º +ä¹ ¡ +çķ ¥ +åĨ · +ç¦ ı +å® ¤ +ç» ´ +æī ¿ +å± Ĭ +è¯ ī +åĪ » +è Ł +æ ª +å°± æĺ¯ +è¿Ļ 个 +ä¸Ń å¿ĥ +ä¸ĸ çķĮ +åŁİ å¸Ĥ +éĿŀ 常 +åĪ Ĵ +åı Į +æĢİ ä¹Ī +åΰ äºĨ +æľ ĥ +åı ² +ä¾ Ĩ +å¾ ĭ +å¥ ĸ +ç» Ī +åª Ĵ +å® ģ +è¯ ¾ +èģĮ ä¸ļ +åħ į +æµ ĭ +æĢ ¥ +æķ ij +çĭ ¬ +èŃ ¦ +é¤ IJ +æĦ ¿ +è´ « +çĸ ij +å ļ +å¥ ¹ +åı Ī +åĽł 为 +ä¸į æĺ¯ +å¤ Ł +æĸ¹ éĿ¢ +éķ ĩ +äº Ĵ +éħ Ĵ +è® ² +çĸ Ĺ +æĺ ¥ +æ¹ ĸ +å¤ ľ +è´£ ä»» +人 æ°ij +åħ ° +çŁ Ń +æķ ħ +åĩ ı +æĻ ® +äº ® +ä¾ Ŀ +åį ° +éĿ Ļ +åĢ ĭ +å¾ ģ +åIJ ¸ +ç¼ º +æĶ » +åĩ Ģ +åħ ¸ +åĽ º +è® ¿ +ç ¹ +ç Ģ +æıIJ ä¾Ľ +ç» ĩ +å¾Ī å¤ļ +çłĶ ç©¶ +è· Ł +主 è¦ģ +æĥħ åĨµ +çŃ ĸ +æŃ » +大 åѦ +æĶ¿ åºľ +å½± åĵį +ä¹ ° +åħ Ń +éĻ © +åħ « +æŁ IJ +è´¨ éĩı +åį ł +å· ® +æĽ´ å¤ļ +æľ ĭ +éĿ © +å® £ +çł ´ +è½ » +åº § +æĺ ¾ +ç¨ ³ +è´ µ +èĥ Į +èī ¯ +çĸ « +æ¯ Ĵ +ä¹ İ +åĢ Ł +è¿ · +çŃ Ķ +æ¿ Ģ +åij ¼ +äºĨ ä¸Ģ +è¶ £ +ä¼ ´ +ä¼ Ļ +è ¼ +ð¬ Ń +åĽ½ å®¶ +æ´» åĬ¨ +çݰ åľ¨ +ç§ij æĬĢ +åį ¡ +ä¸į åIJĮ +个 人 +è®° èĢħ +ä¸į æĸŃ +éĹ » +ä¹ Ŀ +èij Ĺ +ç» ¼ +ä¸ ĥ +æł ij +æľĭ åıĭ +åį ĸ +ä¼ ¤ +æ² Ļ +åĸ Ħ +å¥ Ĺ +è½ ® +ç© ¿ +è¡ ¥ +ä¸Ģ å®ļ +çª ģ +çĿ £ +è¿ ½ +å¨ ģ +åı ¦ +åĽ ° +æŀ ¶ +ç» Ŀ +æķ £ +æİ ¢ +æ´ Ĺ +ä¸ ´ +ä¼ ¼ +è´ ¸ +ä¸ ° +æĺ¯ ä¸Ģ +ç« ŀ +è¿ İ +èģ ļ +è « +æį Ł +æī § +é© ¾ +è¿ Ŀ +è ¥ +è ł +ä»ĸ 们 +æĹ¶ åĢĻ +å® ĥ +人 åijĺ +è¿Ļ æł· +å·¥ ç¨ĭ +åĪĽ æĸ° +åŃ© åŃIJ +å¸ Į +éĥ¨ åĪĨ +éĵ ¶ +代 表 +é¦ Ļ +å¸ ® +æİ¨ è¿Ľ +çĽ ĺ +积 æŀģ +éĥ¨ éŨ +åŁ ¹ +æŃ ¦ +ä¸į ä¼ļ +çŃ ij +éĢ Ļ +çİ© å®¶ +æĭ ¿ +åİ Ĥ +æ¯ Ľ +çģ µ +æŃ Į +ç »¿ +å¦ Ī +çĽ Ľ +é¦ Ĩ +é¡ º +èĦ ¸ +å° ¼ +ä¸ ½ +å¥ ¥ +éģ ĩ +è¯ į +å° ģ +ä¸ Ŀ +好 çļĦ +æĭ ħ +èĦ ± +æģ ¶ +åİ ļ +åĬ ³ +çĽ Ł +æĬ ĺ +åı ¥ +æĢ Ģ +æŁ ĵ +书 è®° +åĨ ł +é² ľ +æ ¦Ĥ +éļ IJ +å¹ ħ +èµ ŀ +å¹ ķ +æ¥ Ń +éģ Ĺ +åĪ ¤ +è ĺ +å ¶ +æĬķ èµĦ +è¡Į ä¸ļ +äº ij +çݯ å¢ĥ +åѦ çĶŁ +åIJĪ ä½ľ +åģ¥ åº· +é£ ŀ +ä¸Ģ æŃ¥ +ä¸Ģ 缴 +åıij çĶŁ +éĺ ¿ +é¢Ĩ 导 +åĸľ 欢 +åºĶ 该 +çĤ º +è® Ń +æĿ Ģ +æ¸ ¯ +交 éĢļ +éĺ ¶ +éĴ ¢ +ä» ¤ +å° ½ +æ¯ į +è¡ £ +ç² ī +é¡ ¶ +ä¹Ł ä¸į +æĬ ĵ +èĭ ¦ +å¹ ¸ +ç¤ ¼ +第 ä¸ī +大 çļĦ +éģ İ +çĥ Ł +éģ ¿ +ä» į +åº Ĩ +æĢ ķ +è° ¢ +çĽ ĸ +å° Ħ +éľ ² +æĸ Ĺ +ç Ĭ¶ +åŃ ¸ +æ¯ ķ +å· ¨ +çŁ ¿ +çļ ĩ +å¸ Ń +çĹ ĩ +æī ¬ +å» ¶ +ä¾ § +æ· ¡ +çļĦ ä¸Ģ +ç¶ ² +æ´ ģ +ç ¸ +è§ Ī +çŃ ¹ +ç§ ĺ +è¯ Ĭ +çı ¾ +èª ī +æ¯ « +ð ¨ +åį ´ +æĪIJ 为 +èĥ½ åĬĽ +é» Ħ +æĹħ 游 +èĪ ¬ +æ¯Ķ è¾ĥ +èµ· æĿ¥ +äºĨ è§£ +èĩª çĦ¶ +ä¸Ģ 次 +åŁº æľ¬ +æĽ ¾ +综 åIJĪ +èı ľ +è§ī å¾Ĺ +第 äºĮ +è· ij +æ³ ¢ +åĢ Ĵ +ç¡ Ģ +åħ µ +èį ī +çĶ ³ +çĶ ° +æĤ £ +è§Ħ å®ļ +èĥ ľ +èµĦ 产 +æ¢ ¦ +æľ Ŀ +è¿Ļ éĩĮ +å¤ « +æĮ ¥ +ä½ Ľ +å® Ī +éĽ ¶ +æĸ ¼ +ç¯ ĩ +å² Ľ +åĵ ¥ +éŃ Ķ +ä¸į åΰ +æī ĺ +åº Ĭ +æ¬ § +èį £ +æ± ĩ +æī © +åģ ı +å¢ Ļ +è® ¯ +å© ļ +æĥ ł +æ´ ĭ +å® ľ +æ¶ ¦ +æħ ¢ +éĢ ı +å® ½ +é¡ ¾ +ç´ ¯ +æ± ¡ +çĪ Ĩ +ç§ Ł +æĥ Ĭ +æ¶ ¨ +é¥ ° +éĺ µ +é¥ ® +æļ ĸ +åº Ł +æĹ Ĺ +éļ Ķ +ç¶ ĵ +åĭ Ļ +å¯ ¦ +éĢ Ķ +æī « +çĥ Ī +éĽ » +åĪ ij +éĹ ľ +éĹ ª +å¥ ĭ +å Ĥ¨ +ç¼ © +ä¾ µ +å ¬ +𬠶 +åĽ½ éĻħ +ç»Ħ ç»ĩ +ä¸ĵ ä¸ļ +åıij çݰ +å¸Į æľĽ +ç»ı èIJ¥ +åı « +æĿ¥ 说 +éļ ľ +ä»» ä½ķ +交 æĺĵ +éĩį çĤ¹ +çļ ® +ç» į +æ´ ¾ +ç§ij åѦ +åºĶ ç͍ +建 çŃij +èĤ ī +æĶ¹ éĿ© +åŁº ç¡Ģ +æ± ī +åĩº æĿ¥ +è¿Ļ ä¹Ī +åĪ ļ +åĿ IJ +ä¸į ä»ħ +ä¼ļ è®® +éĿ ł +åªĴ ä½ĵ +æ° ¸ +åĨ ² +èĭ ı +å¤ ® +çĪ ¶ +åł Ĥ +å®ŀ éĻħ +è¡ Ĺ +ç« ¥ +éĺ ħ +äºĭ æĥħ +åİŁ åĽł +éħ ¸ +以 æĿ¥ +å¨ ± +å® « +åĿ Ĺ +ç» © +éĩ İ +ä¸į å¾Ĺ +ä¼ł å¥ĩ +ç¡ ¬ +åİ ħ +æĹ ¢ +ç» ĥ +èĦ ij +å¼ ± +æİ Į +è´ ´ +æĮ Ĥ +åħ³ éĶ® +å° ļ +é¥ Ń +åº Ħ +çĻ ¼ +åľ ĭ +æİ Ī +个 æľĪ +äº Ī +å¸ ģ +è· Ŀ +æ² ī +ç« Ł +åĨ ¬ +æĬ ½ +éĨ Ĵ +å¼ Ł +è§ ¦ +èģ ĺ +è± Ĩ +æļ ´ +åijĬ è¯ī +è± ª +èµ ¢ +è· ¨ +è³ ĩ +çĪ ¸ +æĬ ± +æµ ª +éº » +ä» ª +è¡ ¡ +å¥ ¶ +çģ ¾ +èµ ¶ +èĤ ¥ +å§ IJ +åĢ º +éľ ĩ +è® ¢ +æ¬ Ĭ +ç · +å» ī +ä¿ Ĺ +å¿ ĺ +å¦ ĩ +ç¼ ĵ +åŃ ķ +æ¼ « +è£ ģ +çĩ ĥ +é» ĺ +çī ¢ +çĪ · +æĬ µ +å® ¾ +æľī ä¸Ģ +è¿ ¹ +è¿ « +è² Į +æľī çļĦ +ð¬ ĺ +è¿ĺ æĺ¯ +æīĢ ä»¥ +ä¹Ł æĺ¯ +è¿Ļ äºĽ +对 äºİ +åIJ § +缮 åīį +èĩªå·± çļĦ +èĥ½ å¤Ł +å¦Ĥ ä½ķ +æľº æŀĦ +åıª æĺ¯ +ç½ij ç«Ļ +åħ¨ éĿ¢ +为 äºĨ +å¼Ģ åıij +æĸ° éĹ» +éĩij èŀį +ç» § +客 æĪ· +ä¸Ģ èµ· +èĮ ¶ +åħ³ 注 +æ°´ å¹³ +åİĨ åı² +å¢ŀ éķ¿ +é ± +åŁº éĩij +åº Ń +åı ¶ +ä¿ ĥ +éĽ ¨ +æ¶Ī è´¹ +èĪ ¹ +çŁ¥ è¯Ĩ +æĪĺ çķ¥ +ç»ı éªĮ +å³ ° +æĽ ² +èĦ ļ +åĨ ° +å¤ ı +å½ Ĵ +ç¬ Ķ +èĻ ij +çĶ ² +åľ Ī +è¯ Ĺ +é½ IJ +容 æĺĵ +çłĶ åıij +éª ¨ +çº ¸ +è· µ +æĹ § +çķ ¶ +åĪ ¸ +è´ · +åı ¬ +ç§ ĭ +æ¶ ² +è¡Į æĶ¿ +çĮ ® +èĤ ¤ +éĢ IJ +è¶Ĭ æĿ¥ +è¶ĬæĿ¥ è¶Ĭ +æĦı è§ģ +èĪ ŀ +åī Ĥ +æ¶ ī +ç¨ĭ 度 +åħ¬ åħ± +æ¢ ° +æľ « +çº ¯ +åĶ ± +æ´ ² +æĬ ¢ +æ¤ į +å¿ Ļ +ä¼ ° +å¼ ¹ +æ³ ī +æľĢ 大 +è¶ ĭ +å· § +ç¦ ģ +æī ¶ +åį ± +çı ł +çĨ Ł +æĭ ľ +主 ä¹ī +æĿ Ĥ +éĻ Ħ +éģ į +æIJ Ń +æĮ ¯ +å¤ļ å¹´ +æķ ¬ +æij Ħ +çº · +å¼ ĥ +æ¹ ¿ +å¨ ĺ +æ¡ £ +é© ¶ +æľ Ĺ +æ® ĸ +æ¦ ľ +åĵ ¡ +ä¸Ģ ä½ĵ +æŁ¥ çľĭ +ç¹ ģ +æµ ĵ +åħ¬ å®ī +æ½ ľ +è´ ¯ +éª Ĺ +æ IJľ +å· ¡ +è ¬ +é Ĭ +å§Ķ ä¼ļ +æĤ ł +åī © +æı Ń +åŃ£ 度 +ð «ĺ +𬠬 +ä ´ +ð ª +ä½Ĩ æĺ¯ +éĥ½ æĺ¯ +å¹³ åı° +åѦ ä¹ł +åĵģ çīĮ +ä¸ Ķ +è¿Ļ ç§į +æĶ¿ çŃĸ +æĭ ¬ +认 为 +ä¸Ģ èά +æłĩ åĩĨ +æĶ¯ æĮģ +模 å¼ı +åħ³ ç³» +çļĦ æĺ¯ +è¿Ļ ä¸Ģ +ä¸į è¦ģ +çĶ ļ +ç²¾ ç¥ŀ +æĭ ¥ +åĪ© ç͍ +ä¿Ŀ æĬ¤ +ä½ľ ç͍ +èĭ ¥ +åĽ½ åĨħ +ä»ĭ ç»į +ä¸Ģ ä¸ĭ +å·¥ ä¸ļ +缮 æłĩ +æľĢ åIJİ +ä»· å̼ +å° į +éĵ ģ +è° ģ +ç»ĵ æŀĦ +éĽ ª +æĻº èĥ½ +ä¼ł 绣 +ä½ĵ èĤ² +çĶŁ æĢģ +æĭ į +æİ ª +åĨľ ä¸ļ +çī¹ èī² +è§Ħ 模 +æĹ¶ 代 +è¿ĩ ç¨ĭ +éĴ Ī +æĿ ¾ +åĶ IJ +åĮ» çĸĹ +çģ ¯ +åζ éĢł +æł¸ å¿ĥ +ä¸į åı¯ +ç³» åĪĹ +åIJ ī +åľ £ +åĢ ij +ä½ ³ +æĿ¥ çľĭ +æ¯Ķ èµĽ +ä¸ĭ æĿ¥ +åĩº äºĨ +å¹² éĥ¨ +å¾® ä¿¡ +å½ĵ åľ° +åį · +åį« çĶŁ +ä¼ Ł +çĸ« æĥħ +è° · +åĩł 个 +éĺ ´ +çĶŁ çī© +å° ¤ +ä¼ Ĭ +èĤ ¯ +éĿ¢ 积 +åĪĽ éĢł +æı ¡ +åľ Ĩ +æĻ ĵ +æĪIJ äºĨ +åĩ ¡ +çĸ ¾ +ç«ŀ äºī +è® ¨ +主 é¢ĺ +é² ģ +è¿ ª +ä¿ Ħ +æĢ ª +ä¸ ¦ +èĻ ļ +æ½ ® +çĥ § +èĢ ³ +æ± ł +éĢĤ åIJĪ +æł¹ æľ¬ +åĬł 缣 +ç͵ è§Ĩ +æ· · +ç¼ ĺ +çª Ĺ +çĬ ¯ +æĥ ¯ +æĦı ä¹ī +åĬŀ æ³ķ +ä¼ ij +æ» ij +åĭ ĩ +æķ ¢ +å¯ » +è¦ Ĩ +éĢ ĥ +ç»ı çIJĨ +åĿ ı +æ³ ½ +ä¹ ĺ +åĪ º +å± ı +é¡ ¿ +äº ¡ +éĤ Ģ +åħ ¼ +åĭ ¤ +æ® ĭ +æĺ ł +æ¯ķ ä¸ļ +æĪ ª +è· Į +å£ ģ +åı¦ ä¸Ģ +羣 å®ŀ +ç£ ¨ +è¯ ļ +å¿ħ è¦ģ +æģ ĭ +æĩ Ĥ +å¾ Ĵ +è° ĵ +æķ ı +æ ύ +èĥ ¸ +æĭ ¼ +å¦ Ļ +è¯ ¸ +èģ Ĭ +æĤ ī +éº ¼ +åĩ Ń +èĪ Ĵ +æ¶ Ĥ +è¿ ģ +æ² ¿ +å¡ ij +æĽ ¿ +æ¾ ³ +å¿ į +èĢ Ĺ +éľ ¸ +åĩł å¹´ +åĪ Ĭ +èĦ ī +èħ IJ +æ¡ Į +çº ł +æ» ļ +æĤ ² +åĨ Ĵ +å¦ ¹ +çķ ħ +çº µ +æij ĩ +å¤ º +è·¯ ä¸Ĭ +å¿ ½ +èĸ ª +æģ IJ +æĦı æĢĿ +å« Į +æı ´ +æ° § +èĢ Ģ +éĺ » +è½ ¨ +å¹ » +æį ķ +åĿ ¦ +åĵĪ åĵĪ +çĭ IJ +æ» ¨ +è² » +è¿ Ł +人 éĥ½ +ç» ĺ +åı ¹ +çµ IJ +æī ° +æ» ĭ +å¥ ij +åĭ Ł +ç¢ º +ð ¦ +éĽĨ åĽ¢ +æĿ İ +å¼Ģ å±ķ +æıIJ åįĩ +åħ¨ åĽ½ +æ±½ 车 +åѦ æł¡ +æł¹ æį® +è¿Ļ æĺ¯ +åĩº çݰ +éĻ Ī +ç½ Ĺ +èİ· å¾Ĺ +åĪ ĺ +éĶĢ åĶ® +æľª æĿ¥ +éľĢ æ±Ĥ +å®ŀ æĸ½ +åĿļ æĮģ +åħ¨ çIJĥ +éĵ¶ è¡Į +æİ§ åζ +é¡ » +åľ° åĮº +æīĵ éĢł +çļĦ è¯Ŀ +帮 åĬ© +ä½ĵ ç³» +è¾¾ åΰ +è§Ħ åĪĴ +åŁ¹ è®Ń +两 个 +æĬ¥ åijĬ +åľ° æĸ¹ +å®Į åħ¨ +æİ ī +ç»ĵ åIJĪ +宣 ä¼ł +æ³ķ å¾ĭ +èīº æľ¯ +ç͵ å½± +èª ª +ä¸Ģ çĤ¹ +è¶ħ è¿ĩ +ç͵ åŃIJ +æĢĿ æĥ³ +æķĻ åѦ +éĺ¶ æ®µ +åķĨ ä¸ļ +çī© æµģ +åĪĽ ä¸ļ +æĸ¹ æ¡Ī +çݰ 代 +æ¡ ¥ +èIJ½ å®ŀ +带 æĿ¥ +产 çĶŁ +ç§ Ģ +æ³ ° +ä¹ ± +åħ· ä½ĵ +åĸ Ŀ +èĵ Ŀ +å® Ĺ +åįĩ 级 +æ·± åħ¥ +ä¿Ŀ éĻ© +ç®Ģ åįķ +çĹ Ľ +稳 å®ļ +è¾ Ĩ +å±ŀ äºİ +å· Ŀ +ä¸į å°ij +åĴ ¨ +举 西 +å½¢ å¼ı +娱 ä¹IJ +æŃ£ 常 +é¸ ¡ +åħħ åĪĨ +å®ŀ è·µ +éĩĮ éĿ¢ +è· ³ +èĻ İ +æĪIJ éķ¿ +æļ Ĺ +çĿ ¡ +ç½ ª +çIJĨ 念 +æĮ ij +èµĦ æľ¬ +å¤ļ å°ij +ä¸ĭ éĿ¢ +å¸ Ŀ +åħ¬ å¼Ģ +æ¸ IJ +éķ · +å± ĭ +欢 è¿İ +å¿ĥ çIJĨ +çĤ İ +æ¹ ¾ +è® ĵ +éĤ Ħ +ç³ ĸ +ä¹ Į +åĬ ± +çī Ļ +èħ ¿ +å² Ĺ +ä¼ į +æĪIJ åijĺ +åŃ Ķ +å°ı ç¼ĸ +èij £ +æ³ ¡ +åħĪ è¿Ľ +åħ § +åĺ ´ +è´ Ŀ +è » +æIJ ŀ +æ³ Ľ +é¸ Ł +ç½ ² +èĽ ĭ +主 ä»» +缮 çļĦ +ä¹ ı +æ´ ¥ +æĪ ´ +严 æł¼ +çħ ¤ +çĮ « +åĶ ¯ +å° Ĭ +çĶ ľ +åŀ ĥ +åľ ¾ +æĭ Ł +çĦ ¦ +é« Ķ +å® ı +æ© Ł +é© » +æĹ ģ +å½ » +éĥ½ ä¸į +æij © +ä» ĵ +ä¹ ³ +å² ¸ +è° ĭ +大 å¤ļ +çģ Ń +èħ ¾ +æŁ ľ +èĪ į +åħļ çļĦ +å° ĺ +åįģ å¹´ +æĭ Ĵ +è£ ¡ +æŁ Ķ +å¹ ¼ +éĶ ģ +ä¸ĵ 项 +æī İ +驾 é©¶ +ç¢ İ +è¢ ĭ +éĶ ĭ +å£ ® +å° ĸ +ç͵ æ±ł +è¿ Ķ +æ¼ ı +å¾ ª +èı Į +èĥ ĥ +è¾ ħ +éĢ Ĵ +èĥ İ +éĻ ª +å¯ ¿ +å¥ Ķ +çĮ Ľ +çº ¹ +çŁ¥ åIJį +å¿ Ĩ +æ¡ ĥ +æ£ ĭ +éĢ Ĩ +çĤ ¼ +ç± į +çī § +æł· çļĦ +è¾ Ľ +åł Ĩ +å®ŀ åľ¨ +ä¼ ı +å® ¿ +èµ ı +è£ Ĥ +åįĬ å¹´ +åĢ ¾ +满 æĦı +æ¢ ¯ +æĦı åij³ +åŃ ¤ +ç¥ Ŀ +æĻ ¶ +èµ Ķ +åģ ¿ +èĦ Ĥ +ç½ ļ +ç¢ į +æ² ĥ +æ ĵį +å´ ĩ +æļ Ĥ +è· ĥ +æIJ ¬ +å© Ĩ +é ī +éī ´ +åħ´ è¶£ +èIJ¥ ä¸ļ +è® Ĭ +èĦ ı +è¾ Ī +å·ŀ å¸Ĥ +è´« åĽ° +ç© · +ä¸Ń å°ı +æ¼ Ĥ +çĻ Į +èľ ľ +ä¼Ļ ä¼´ +çī µ +æĤ Ł +éĻ · +èµĽ åŃ£ +æ¨ £ +åģ ¶ +æĺ Ĩ +è¢ Ń +æį IJ +èī ° +æ Ĥ¬ +çĶ ¢ +èij ¡ +çĽ Ĺ +å© ´ +å° İ +çº ½ +åĢ ¡ +æī ® +è¨ Ń +æĬ ij +ç¡ ķ +è¾ ĸ +éĥ ģ +è¾ © +éĤ » +çݰ åĩº +è¦ ı +å½ ¹ +éĺ Ķ +åī µ +è¯ ± +æĥ ij +æ· Ģ +é¢ Ī +ä¾ ¦ +æģ ° +æ£Ģ å¯Ł +éĨ « +çĦ¶ æĺ¯ +åĭ ĥ +èĮ « +ä ĵ +𠬸 +ä½ľ 为 +çļĦ 人 +éĤ£ ä¹Ī +ç¾İ åĽ½ +è¿ĺ æľī +æıIJ é«ĺ +èĻ ½ +åħ· æľī +åĮħ æĭ¬ +æĪĸ èĢħ +ä¸į è¿ĩ +ä¸Ĭ æµ· +åĮ» éĻ¢ +èµĦ éĩij +çĶļ èĩ³ +åζ 度 +è§£ åĨ³ +èģĶ ç½ij +ç»§ ç»Ń +建 ç«ĭ +è¿Ľ ä¸ĢæŃ¥ +æĿIJ æĸĻ +ä»Ĭ 天 +å¿ħ é¡» +åIJĦ ç§į +çݰ åľº +ä»ĸ çļĦ +å¢ŀ åĬł +é¢Ĩ åŁŁ +åıĤ ä¸İ +æĮģ ç»Ń +ä¹ĭ ä¸Ģ +çī¹ åĪ« +é± ¼ +åħ± åIJĮ +åĬ ª +çİ ī +人 们 +åħĪ çĶŁ +ä¼ĺ åĬ¿ +ä¿Ŀ æĮģ +ä½ľ åĵģ +çī Ľ +æĪIJ æľ¬ +æĶ¶ åħ¥ +åıĬ æĹ¶ +è´Ł è´£ +æİ¥ åıĹ +èį IJ +åıª è¦ģ +羣 çļĦ +导 èĩ´ +æľº åζ +è¡Į åĬ¨ +æĸ° çļĦ +å®Į åĸĦ +为 ä»Ģä¹Ī +ä¸Ń 央 +æĪIJ ç«ĭ +æĦŁ è§ī +åıĺ åĮĸ +åıĹ åΰ +å¹¶ ä¸į +åŃ Ļ +æĸ½ å·¥ +æĺİ æĺ¾ +è¿ĩ åİ» +åıij æĮ¥ +羣 æŃ£ +åŁº åľ° +æĺİ ç¡® +èĥ ¡ +许 å¤ļ +ä¸Ģ å¹´ +æĸ¹ åIJij +æģ © +缸 ä¿¡ +åľ ³ +详 ç»Ĩ +äºĭ ä¸ļ +çĶŁ åij½ +åĴ¨ 询 +æĸĩ æĺİ +çij ŀ +绿 èī² +èİ « +æĦı è¯Ĩ +æĬķ åħ¥ +åĬł å¿« +æ¢ ħ +ç¿ » +å¼Ģ æĶ¾ +æĻ® éĢļ +åįı ä¼ļ +æĪIJ 绩 +ä» Ļ +å¯ Ĵ +è¯ģ åΏ +认 è¯Ĩ +ä¸ ¹ +大 éĩı +è¿ ħ +åģļ åΰ +设 æĸ½ +è´¸ æĺĵ +èĥ½ æºIJ +æĹ¶ æľŁ +ä¸Ģ 天 +æ²» çIJĨ +åĺ ī +å® ĩ +丰 å¯Į +举 è¡Į +æĪIJ æŀľ +èĤ¯ å®ļ +çĭ Ĺ +åĬ¨ åĬĽ +æ£ ® +åĩł ä¹İ +åĽł ç´ł +æ°ij æĹı +æ´ ŀ +ç½ij åıĭ +åIJĪ çIJĨ +广 大 +æ® Ĭ +æ´ Ľ +æĿ ¯ +èĴ Ļ +ç͍ äºİ +èŀį èµĦ +ç¥ ĸ +æľº 械 +举 åĬŀ +èĩª åĬ¨ +åĬŀ åħ¬ +é» ŀ +éĽ Ħ +å̼ å¾Ĺ +çĮ ª +以 为 +æĺ Į +è·Ŀ 离 +åIJ¸ å¼ķ +ç» ķ +éļ Ĩ +计 ç®Ĺ +éĺŁ ä¼į +大 ä¼ļ +å¼ķ èµ· +çī¹ çĤ¹ +èĥ ¶ +å¹´ è½» +æľ¬ 身 +æľº åħ³ +å®ĺ æĸ¹ +éĥ ij +æµ Ļ +è§Ĵ èī² +èij£ äºĭ +为 主 +æĹł 论 +ä¹ł æĥ¯ +æ¥ ļ +æĭ ĵ +绣 计 +åħ Ħ +广 æ³Ľ +åį Ģ +污 æŁĵ +è« ĭ +èĬĤ 缮 +ä¼ ¦ +è¦Ĩ çĽĸ +èĢ IJ +æī¶ è´« +ç»ı åİĨ +éĩįè¦ģ çļĦ +èĤ¡ 举 +æĭĽ èģĺ +åĽĽ 个 +æĩ ī +èĥ ŀ +æij Ĩ +é«ĺ éĢŁ +éº ¦ +åİŁ åĪĻ +èİ ± +æĽ´ 好 +éķ ľ +åĩ Į +åŀĥ åľ¾ +éĢ ² +çģ ° +éĵ º +äºĭ æķħ +çĶ ĺ +空 æ°Ķ +é¾ Ħ +èı ² +çĵ ¶ +æĺ ¨ +æĹ¥ æĬ¥ +æµ ® +åľ° åĽ¾ +åij Ī +大 åĬĽ +ç» ª +å¸ ħ +æľį åĭĻ +ä¸į éĶĻ +乡 æĿij +å± ¥ +å¹³ æĸ¹ +éĹ ² +æī £ +ç´ł è´¨ +èµ ´ +éģ Ń +èIJ ¨ +èĩª 主 +éĩij å±ŀ +èī¯ å¥½ +两 å¹´ +æ³ ¥ +é¢ ľ +ç²¾ 彩 +ä¸Ń åįİ +æĻ ĭ +ä¹ł è¿ij +ä¹łè¿ij å¹³ +æĪĺ 士 +åģļ çļĦ +éª ij +æ» ´ +çĵ ľ +çīĪ æĿĥ +èĤ ł +æľĥ åĵ¡ +çı į +ç¨ ® +ä »¿ +çī© ä¸ļ +åĢĭ 人 +å¦ » +ä¼ ¸ +æ± Ĺ +æĹ º +çIJĨ æĥ³ +æij ¸ +è¿Ŀ æ³ķ +å®Į æķ´ +åİ ¦ +è¸ ı +æĸ ij +æ¡ Ĥ +ä½ĵ åζ +å¸ « +æĿ Ĩ +æ® ¿ +æ¯ ģ +é¦ Ī +è§Ĵ 度 +æ¬ £ +çĥ ¦ +èĤ º +éĩĩ 访 +æij ĺ +æĮ ¡ +æ· ĺ +åħ» èĢģ +çĤ ¸ +è¿ Ī +åİ ī +åĿ Ĭ +è¾ £ +åĩ Ŀ +æ³ ª +çĸ ı +æİ ĺ +åĥı æĺ¯ +éĽ ķ +ç¼ Ŀ +èį · +æį · +åł ¡ +åı¥ è¯Ŀ +çĸ ¼ +æł ı +éģ µ +ç¢ ³ +å·¥ åķĨ +æIJ º +åĪ ¥ +ä¹ Ļ +æĹ ĭ +æĥ ľ +ä¸Ģ 大 +å±Ĥ 次 +èµ ĸ +æĬ ¬ +æ¨ Ĥ +è¯ ŀ +åħ Ĵ +ç¯ ® +èĤ ĥ +å§ ¿ +æĬ ļ +çĵ · +ç͵ åĬ¨ +æĸ° åĨł +æ¶ µ +ç¢ ij +æ· ® +æĹ ¨ +è¸ ª +æ¸ Ķ +æĦ Ī +åı Ķ +åįĹ çľģ +ç¾ © +å§Ķ 书记 +è² ¸ +æ¶ Į +è« ĸ +èIJ Ħ +æı ı +å¿ § +è¾ ¦ +å¦ Ĩ +æī Ń +åij µ +éģ ¥ +è¨ ± +ä» ĩ +åįģ ä¸ī +åī ² +èª į +èĪ ° +é¢ ĩ +é¥ ± +çĭ ł +é«ĺ çļĦ +çµ ± +æħ İ +é¢ ģ +åIJĪ éĢĤ +æµ ´ +èµ ĭ +æĬ ¼ +å¦ ¥ +éĻ¢ éķ¿ +èĢ ķ +è¾ ¨ +æħ ° +åįģ åĽĽ +æľ µ +èĵ Ħ +æŀ ¢ +å» · +æĤ Ħ +æ¶ ¯ +çŁ © +åŃIJ éĩĮ +çĬ ¹ +å±Ģ éķ¿ +é IJ +å¥ ł +ä¼ļ éķ¿ +æĵ ļ +ä¸į åıĬ +åįģ ä¹Ŀ +æ¬ º +èº º +éĺ IJ +çº Į +è¨ » +åĨ Ĭ +èŃ ĺ +é«ĺ çŃī +èħ º +å¤ ķ +ç» ij +åĶ ¤ +èķ ´ +çķ ľ +æħ ĭ +åı Ļ +åı ĥ +å³ ¡ +人 大 +éħ ¿ +éģ © +å¥ ¢ +åı£ æ°Ķ +éĮ Ħ +é ı +åĭ ĺ +è´ ¿ +éļ ª +é ĭ +éļ ¶ +ð ¥ +𬠣 +ð £ +ð« į +𬠳 +ð« ĵ +ð« Ħ +ð« Ł +𨠱 +ä Ĺ +以 åıĬ +æľī éĻIJ +åij ¢ +åIJ Ĺ +çľĭ åΰ +计 åĪĴ +è¿Ľ åħ¥ +缴 æİ¥ +åĪĨ æŀIJ +åıª æľī +设 å¤ĩ +åħ¶ å®ŀ +åĬł 强 +ä¸Ń çļĦ +ä¿Ŀ éļľ +èĢģ å¸Ī +人 æīį +å¾Ĺ åΰ +é£İ éĻ© +ä¸Ģ ç§į +空 éĹ´ +æĪij åĽ½ +ä¹ĭ åīį +ä¸ĵ å®¶ +æĿ ¨ +æĹ¥ æľ¬ +群 ä¼Ĺ +åıĤ åĬł +æķĪ æŀľ +æľī åħ³ +å®¶ åºŃ +åĮº åŁŁ +åĬª åĬĽ +éļı çĿĢ +æĹł æ³ķ +交 æµģ +è¡Į 为 +æ£Ģ æŁ¥ +æľŁ éĹ´ +å¦Ĥ æŃ¤ +èĤ¡ 份 +å½ĵ æĹ¶ +è£ħ å¤ĩ +åĩĨ å¤ĩ +éħĴ åºĹ +è¿IJ åĬ¨ +æıIJ åĩº +å·¦ åı³ +æİª æĸ½ +é£Ł åĵģ +æ¶Īè´¹ èĢħ +åѦ éĻ¢ +æĮĩ 导 +è¿IJ èIJ¥ +éĩį 大 +åĨľ æĿij +éĢł æĪIJ +æĶ¿ æ²» +éĴΠ坹 +æŃ£ å¼ı +åıĸ å¾Ĺ +éĤ£ 个 +éĽĨ ä¸Ń +åıª èĥ½ +å¿« éĢŁ +身 ä½ĵ +åħļ åijĺ +èģĶ åIJĪ +åĬĽ éĩı +éĥ½ æľī +æ ħ§ +å¡ Ķ +åĪ« 人 +表 çݰ +æķħ äºĭ +ä¸Ģ åĪĩ +å° ĩ +èµĦ æĸĻ +åŁ¹ åħ» +éĺħ 读 +æľī 人 +èIJ¥ éĶĢ +çĽij çĿ£ +çݯ ä¿Ŀ +èĢĥ èĻij +æ·± åľ³ +严 éĩį +èĮĥ åĽ´ +å§Ķ åijĺ +çĽij 管 +ä¸ī 个 +è£ħ ä¿® +åħ¬ éĩĮ +åĪĨ åĪ« +çIJĨ è§£ +éŁ © +åĬł å·¥ +认 羣 +ä¸į 好 +åİ» å¹´ +éĻį ä½İ +æľº ä¼ļ +åįı è®® +符 åIJĪ +å¢ŀ 强 +æĬĢ èĥ½ +é¦ĸ åħĪ +ç§ ¦ +ä¸ ģ +å° ¾ +æľī äºĨ +åľ° 产 +æ¸ ł +æĸ¹ 便 +ç§» åĬ¨ +éĢŁ 度 +å°¤ åħ¶ +éĢļ çŁ¥ +åĿ Ľ +éģ¿ åħį +æģ ¢ +è´ ¡ +èģĮ å·¥ +å®ŀ åĬĽ +æĺ¯ä¸Ģ ç§į +åIJ¯ åĬ¨ +çĸ¾ çĹħ +æĿ¥ äºĨ +缸 对 +çݰ å®ŀ +èŀį åIJĪ +åIJĮ æł· +åħ¬ åijĬ +çī¹ æ®Ĭ +ç´ « +ä¸ĭ åİ» +ä¼ł æĴŃ +æľĢ 好 +ä¼ĺ è´¨ +æ² Ĵ +æĮ º +æĹ ¦ +è¯ º +ä¸Ģ åIJį +éģĵ è·¯ +示 èĮĥ +è¿ĩ æĿ¥ +åIJĮ åѦ +é¼ ĵ +æĿ Ń +æľ¬ 次 +åIJĮ æĦı +ä¸ĸ 纪 +ç¾ Ĭ +æ¬ ² +å·¥ èīº +çĵ ¦ +人 士 +æľī æīĢ +ä»İ äºĭ +æľī å¾Īå¤ļ +ä¸į äºĨ +å²Ĺ ä½į +åıĺ å¾Ĺ +åĬ³ åĬ¨ +å¤Ħ äºİ +å¹³ åĿĩ +å½¢ 象 +å¡ ŀ +åħ± 享 +çĿ Ľ +åĪ© 润 +æŃ£ æĺ¯ +å¾Ģ å¾Ģ +缸 æ¯Ķ +æ¨ ª +åĪ · +æµĻ æ±Ł +大 éĥ¨åĪĨ +å¤ļ 个 +æĤ¨ çļĦ +ç͵ åķĨ +å¾® åįļ +å§ĭ ç»Ī +çĬ¯ 罪 +æĺ¯ åľ¨ +ç»Ħ åIJĪ +åİŁ æĿ¥ +æ¸ħ æ¥ļ +åIJĦ åľ° +æĦŁ åıĹ +å½ĵ ä¸Ń +è¶ĭ åĬ¿ +æĻ¯ åĮº +羣 æĺ¯ +ä¾Ľ åºĶ +转 åŀĭ +çĭ Ĥ +èĨ ľ +èĭ Ĺ +å¿ ł +å¾Ī 大 +èĤ¡ æĿĥ +ç¾İ åħĥ +æİĴ åIJį +åĬ¨ çī© +éĶ ħ +å¢ ¨ +主 å¸Ń +å¾Ī 好 +ç»Ŀ 对 +æĿ ľ +转 è½½ +çĴ ĥ +æĿij æ°ij +åIJ ¨ +åĽŃ åĮº +é«ĺ 度 +çī© è´¨ +è¾ ī +æĹ¥ 常 +æı Ĵ +ä¸ī å¹´ +ä½ĵ çݰ +æīį æĺ¯ +代 çIJĨ +ä¸į 管 +æģ Ĵ +åľ° ä½į +ç² ® +èĸ Ħ +æĺİ çϽ +ä¸Ģ èĩ´ +æĽ ¼ +åĵ Ń +åĩ ¤ +åĬ ² +æķ Į +æĪĺ æĸĹ +主 ä½ĵ +åħ¬ å¸ĥ +åıĤ èĢĥ +èĪª 空 +å¯ º +åѦ ä¼ļ +åıį æĺł +ç¾İ 丽 +太 éĺ³ +建 æĪIJ +æħ¢ æħ¢ +åIJĦ 个 +éĤ ¦ +ç»Ħ æĪIJ +ä¸ī 大 +éĶ ¦ +大å¤ļ æķ° +æ¦Ĥ 念 +éŃ Ĥ +åħ¬ çĽĬ +èį Ĵ +身 份 +æ·± åĪ» +åħ © +ç»ı åħ¸ +åIJĦ 项 +èĻ ķ +è¿Ľ æŃ¥ +åįģ äºĮ +æī§ æ³ķ +æĥ³ åΰ +æĦŁ æŁĵ +åķĨ åĬ¡ +å°ı ç»Ħ +èĶ ¬ +çıŃ åŃIJ +åIJĮ å¿Ĺ +éĿ¢ 临 +çĤ Ĵ +å¤ļ ç§į +è§Ĥ çĤ¹ +åĵª éĩĮ +å° Ŀ +å§ Ĩ +èħ ¹ +åŁİ åĮº +太 å¤ļ +çĹħ æ¯Ĵ +åľ¨ äºİ +æīĢ è°ĵ +æĻ ° +æŀ Ŀ +æĭ ĸ +å® ħ +æķ´ æ²» +ä½ı æĪ¿ +åģ · +çĨ Ĭ +èµ ģ +æ° Ľ +æł¼ å±Ģ +åŁºç¡Ģ ä¸Ĭ +èĥ Ĩ +åħ ½ +鼶 åĶ® +åĿ ¡ +女 åŃ© +æĴ ŀ +åħ¨ åĬĽ +åĴ ĸ +èĤ © +çľ ī +èĩ³ äºİ +åħļ ç»Ħ +ä¸Ģ ä»¶ +æĭ Ĩ +äºĭ å®ŀ +åĤ ³ +æ¹ ĺ +ç¶² ç«Ļ +循 çݯ +åIJĮ æ¯Ķ +æĭ Ķ +åĮ» èᝠ+åħ» æ®ĸ +åĽº å®ļ +å®ŀéĻħ ä¸Ĭ +è®° å¾Ĺ +åĪ© äºİ +æĤ ¦ +æĭ ³ +èĤ Ŀ +æķĪ çĽĬ +è© ² +æ°ij 主 +çĹĩ çĬ¶ +é¢ ¨ +å¹¼ åĦ¿ +å§ ij +æĪ Ĵ +ä¸ĭ çļĦ +æ¸ ¡ +å¹´ åºķ +è®° å¿Ĩ +åIJ IJ +大 å¹ħ +å¾ ½ +åħ¬ ä¼Ĺ +ä¿¡ å¿ĥ +çİ Ľ +ä¼ļ ä¸Ĭ +ä¹ Ķ +æijĦ å½± +æ£ĭ çīĮ +éĻ ķ +åºĶ æĢ¥ +æĶ¶ è´¹ +æİ§ èĤ¡ +仪 å¼ı +çŀ ¬ +æīĢ åľ¨ +ç¢ ° +å§ ĵ +é¡ Į +æĶ¯ éĥ¨ +使 åij½ +çĤ ī +å¯ Ħ +ç¿ ¼ +åľ° ä¸ĭ +è¾ ŀ +ä¿ ± +主 æĮģ +è´§ å¸ģ +æģ ¨ +èĤ Į +çĽ Ī +éĶ » +å¿Ĺ æĦ¿ +ç±» ä¼¼ +æĮ ĸ +éĢ » +ç¸ ½ +纪 念 +åķ ¥ +å¼ ¯ +åIJį åŃĹ +åģ¥ èº« +çļĦ å¿ĥ +é© ± +èĥĮ åIJİ +æ³ķ å¸Ī +ç² Ĵ +èĥ½ éĩı +è¾ ° +èī ³ +å½ ¼ +段 æĹ¶éĹ´ +åIJĪ æ³ķ +æĵ ¦ +ç¾ ½ +åİ ¨ +æĪij 说 +äºĭ åĬ¡ +åĩł 天 +åħ ģ +ç¼ ´ +åį ĵ +两 ç§į +çĭ¬ çī¹ +å¸ ¶ +éĴ » +æĥ © +é¢Ĩ åħĪ +è¶³ å¤Ł +å£ ³ +æĦıåij³ çĿĢ +åĪĨ å¸ĥ +ä¹ ĥ +éģ ĭ +ä½ © +è° ± +çģ £ +èį ¡ +è´¯ å½» +å¹ ¾ +ç£ ģ +åħ¸ åŀĭ +åī ĩ +åĨ » +æ¬ ł +ä¸į ä¹ħ +æµ ¦ +éŃ ħ +å¼Ģ äºĨ +使ç͍ èĢħ +è¿Ļ 款 +å° Ī +èĦ± è´« +æĶ» åĿļ +ç®Ĺ æĺ¯ +ç¨ Ģ +æĹł 人 +åł µ +å¥ ı +éĥ½ å¸Ĥ +åı¯ è§ģ +ä¸į åĩº +æ ·» +äº ı +ç¾İ 好 +èĥ ĸ +éŁ µ +æłĩ å¿Ĺ +èĬĤ èĥ½ +æĬ « +å° º +å¯ ¸ +ä¸Ģ 代 +é¢ Ĺ +èĢ ¶ +èĴ ¸ +åĸ ® +æ »¿ +çĮ ľ +æµ Ĩ +åŁ ĥ +åįĥ ä¸ĩ +èµ Į +èģ ² +ä½ľ é£İ +è³ ª +å¯ ¨ +å¹´ 人 +åį° è±¡ +æ¡ ¶ +æĴ ¤ +åįģ äºĶ +æ¯ ħ +æ² ª +åĽ½ æľī +大éĩı çļĦ +å¾ ¡ +å¯ ĵ +è¦ ĸ +æ¼Ĥ 亮 +çľ ł +ç ĤŃ +é» İ +èĻ ¹ +åĪ© äºļ +èŃ ī +æµ ı +åįģ åħ« +ä¸ ¢ +è¾ ½ +æľīä¸Ģ äºĽ +æħ Ī +åģľ è½¦ +å® ł +è§£ æĶ¾ +æľī å¤ļ +éĤ Ĭ +常 è§ģ +æĬ ¹ +çº ¤ +è¦ ª +æ¡ Ĩ +èİ ŀ +æ°§ åĮĸ +è¿Ļ ä»¶ +åĩ ° +æŁ ´ +åıij ç͵ +é¼ ł +转 åĮĸ +å¨ ĥ +æĮ ¤ +ç½ © +å¯Ĩ åĪĩ +æĪij ä¸į +é«ĺ æĸ° +ä¸Ģ ç¯ĩ +è¿Ľ ç¨ĭ +è¡ ° +è¿ĺ ä¸į +ç ħĮ +æĸ° åįİ +èĤ ¿ +æ» © +ä¸Ģ æµģ +è¯ Ī +å®ŀ ä½ĵ +å¤ĸ åĽ½ +èº ² +èµ ł +è¦ º +æ¢ Ŀ +ä¸į è§ģ +è¨ Ĭ +åĮ ¹ +åį µ +çĩ ¥ +æħ ķ +é½ ¿ +å® ´ +é¥ ¼ +èij¡ èIJĦ +å°ı å¿ĥ +æģ ¼ +éĻ Į +æĺ Ĥ +åĥ ¹ +èĬ Ŀ +æ¯ı 个人 +åīį æıIJ +ä½ĵ ä¼ļ +æ¨ Ļ +æIJľ çĭIJ +对 åħ¶ +ä¸ § +èľ Ĥ +æµ ¸ +èª ¿ +åĿ ª +é¢ ĸ +åIJį 为 +ç¬ ¼ +èĪ Į +æľ¬ 书 +èģ ¯ +çº º +ç®Ģ 缴 +éĽ ¢ +ç¾İ çļĦ +éļ ¨ +é«ĺ å³° +è¿Ļ å®¶ +å Ĥ¬ +å° ¸ +ç¡ķ 士 +èŃ · +è° ¨ +æĺ ı +æĶ¿ åįı +è¡ Ķ +ç¿ Ĵ +åľ Ĵ +åĽ½ æ°ij +主 è§Ĵ +è£ ķ +ä¼ ª +åº ŀ +æ°ij èIJ¥ +æĥ § +ç§ĺ 书 +çĹ ķ +çϾ åĪĨ +æº ¶ +æĹł çĸij +çļĦ çľ¼ +æĵ İ +ä¼Ł 大 +å½ ° +åħ¬å®ī å±Ģ +ç³ ķ +å¼ ¥ +åĤ Ļ +ä¹ ¾ +毫 ä¸į +注 æĺİ +åī¯ æĢ» +æĦ ī +æķ ¦ +é¦ ¨ +æĶ Ģ +éĢ Ŀ +åı¯ éĿł +å¤ ¸ +åľ ĺ +éĿ¢ ä¸Ĭ +æĬ ĸ +èĦ Ĩ +é© ° +ä¼ IJ +å¦ ¨ +å®ļ äºĨ +ç³ Ĭ +æŃ ¡ +éĥ¨ éķ¿ +ç§ ī +èĪ Ĩ +åĪij äºĭ +åIJ µ +æ¤ Ĵ +è¡ ĵ +è± « +èı © +åŃ µ +é¥ ² +å°± 好 +åł ª +ä¸ī è§Ĵ +åľº æ¯ĶèµĽ +ä¸į åģľ +æĵ ħ +åħ¨ æĸĩ +æ³ ģ +åѦ ä½į +æ± ° +éł ĺ +åı ł +éļ Ľ +å¸ IJ +çľĭ åĩº +åĮ ł +å±Ģ éĿ¢ +æ³ Į +è° Ĭ +åIJĮ æľŁ +æĬķ æłĩ +å¥ ´ +æĿ¥çľĭ çľĭ +èĦ ¾ +èŀ º +æŃ ī +çĽ ¯ +ç¨İ åĬ¡ +å» Ĭ +æİ © +æħ ¨ +çĽ ¼ +èĬ Ĵ +è® Ģ +æĮ £ +èĮ ħ +æĸ ¥ +æ¤ ħ +åΰ æĿ¥ +èijĹ ä½ľ +çĭ ± +äºĮ æīĭ +ä»İ æĿ¥ +çĸ ² +åºĬ ä¸Ĭ +æĸ° 浪 +æ³ Ħ +å¢ŀ å̼ +ä¸ Ľ +æļ ij +ä»İ ä¸ļ +æ· ĭ +å¤ļ æł· +æľ ´ +份 é¢Ŀ +æŀ £ +西 çľģ +æľ¬ è´¨ +æ·± æ·± +èī ĩ +ç» µ +产 å̼ +æ¼ ł +èħ » +çŃ Ľ +åİ Į +æģ Ń +å«Į çĸij +æĪ ¶ +æ» ŀ +èĨ Ģ +åĬ £ +座 è°Ī +常 æĢģ +çļĦ æĥħ +è¦ ½ +å¯ Ĥ +åĮ Ĩ +èĩ º +é¡ ¯ +çķ ı +éģ £ +åį ľ +çŃī å¥ĸ +è² ¬ +æº ¯ +é İ +çĤ¹ 头 +èĵ ¬ +æ± º +éħ ¬ +éģ Ĭ +è³ ¼ +註 åĨĬ +æľ¬ æĬ¥ +çµ ķ +æ´» æĢ§ +åħ ij +éĮ ¯ +åĨ ¶ +åĸ » +æº ĸ +èĤ ¢ +æº ĥ +æĹ ¬ +åī Ĭ +çIJĨ äºĭ +å± ł +æ² § +èļ Ģ +鼻 åŃIJ +为 æŃ¢ +常 å§Ķ +çµ Ĥ +éĬ · +çĭ Ģ +ä¾ £ +èĥ Ģ +èŃ ° +ç͍ 车 +åĻ ª +æŃ · +åį Ķ +åĪ ¹ +竣 æĺ¯ +é© Ĺ +èIJ Ŀ +çĻ « +çĹ « +æŃ § +å¼ Ĭ +åª ½ +çı Ĭ +è¡ · +éľ ī +åŁº çĿ£ +éļ ± +æ° ¨ +ç» ¸ +å°¼ æĸ¯ +çĥ ĺ +æľŁ åĨħ +è° ħ +éĽ ĩ +éļ Ļ +å ĸī +åī ¥ +çĹ ĺ +æĮ ½ +çĵ £ +æ¹ Ľ +æ¨ ± +æ¾ İ +æ¹ ĥ +åĨ¬ 奥 +æ£ µ +å® ° +åŀ Ĵ +æ§ ĭ +ä¾ Ī +èĮ Ħ +åĺ ¿ +èı ĩ +ç ĻĤ +åĬ ĥ +é į +èĶ ½ +çŀ Ń +æķ ŀ +ä¹ ĸ +éŁ § +è¾ ľ +æĩ Ī +ä½ £ +çŀ » +åŁ Ķ +èĪ ħ +å®ŀ äºĭ +é ¨ +å§ ¥ +çµ ¡ +åĺ » +çķ ¢ +æ²ĥ å°Ķ +è¿ Ħ +èĤ ĩ +æħ ij +ã § +ä ı +ð ł +ð¬ ĩ +ð« Ń +ð« IJ +ã ³ +© ½ +ð« ł +ã Ľ +ð¬ į +é ¿ +ð¬ Ĵ +ã Ļ +𬠤 +ð ¬´ +ð« ĸ +ð ¤ +ã ¬ +ä ² +ð« Ķ +ð« ļ +è¦ģ æ±Ĥ +ä¸Ģ äºĽ +å®ŀ çݰ +èĢĮ ä¸Ķ +åĽł æŃ¤ +çͱ äºİ +åħ³ äºİ +çĦ¶ åIJİ +æİ¨ åĬ¨ +ä¸Ģ æł· +æĮī çħ§ +è¿Ļæł· çļĦ +å½¢ æĪIJ +æľī äºĽ +æĽ´ åĬł +ç»ı è¿ĩ +建 è®® +æ²» çĸĹ +ä½ł 们 +æīį èĥ½ +ä¿ĥ è¿Ľ +åijĺ å·¥ +ä½ĵ éªĮ +èĪ ĩ +åģļ 好 +ä¿Ŀ è¯ģ +æķ´ 个 +æĺ¯ ä¸Ģ个 +éĩĩ ç͍ +çIJĨ 论 +æ¯Ķ å¦Ĥ +ä¸Ĭ çļĦ +æİ¨ èįIJ +çͳ 请 +天 空 +éĥ¨ èIJ½ +åįģ åĪĨ +æĿ¥ èĩª +ä¹ĭ éĹ´ +è°ĥ æķ´ +æ¯ı 天 +è°ĥ æŁ¥ +æĤ£ èĢħ +è¿ĩç¨ĭ ä¸Ń +é¦Ļ 港 +广 åijĬ +éĿ¢ 对 +满 è¶³ +éķ¿ æľŁ +è§Ħ èĮĥ +æķ´ ä½ĵ +æĶ¹ åıĺ +æĻº æħ§ +å¦Ī å¦Ī +å¦Ĥ ä»Ĭ +åIJĪ åIJĮ +éĥ½ ä¼ļ +åĦ¿ ç«¥ +åĩı å°ij +éŁ³ ä¹IJ +ç»ı 常 +ä¸Ĭ å¸Ĥ +ä¼ĺ ç§Ģ +çļĦ éĩįè¦ģ +ä¸Ģ æĿ¡ +æµ· å¤ĸ +åı¦ å¤ĸ +ä¸Ģ å®¶ +åİĭ åĬĽ +大 åŀĭ +çľĭ çĿĢ +åĪ Ģ +幸 ç¦ı +æİ¨ 广 +åIJ Ľ +å¾ IJ +æī¾ åΰ +äºİ æĺ¯ +èĩª 身 +ä¸Ģ ä½į +åľŁ åľ° +åĬł åħ¥ +æİ¢ ç´¢ +æ¢ ģ +主 åĬ¨ +å°± ä¸ļ +女 æĢ§ +çªģ çł´ +ä¸įåIJĮ çļĦ +è¿IJ è¾ĵ +èĩª çͱ +å±ħ æ°ij +æŃ¤ 次 +çļĦ æĹ¶éĹ´ +å®¶ éķ¿ +ä¸Ģ个 人 +æ£Ģ æµĭ +åĨħ éĥ¨ +广 å·ŀ +缴 æĴŃ +ä»İ èĢĮ +è´· 款 +åı¬ å¼Ģ +æĶ¹ éĢł +人 çĶŁ +å±ķ 示 +æ¯ı å¹´ +女 人 +çļĦ æĸ¹å¼ı +æķĪ çİĩ +å±± 举 +æ¸ł éģĵ +ä¼¼ ä¹İ +æ¡Ī ä»¶ +åĪ© çĽĬ +çľĭ çľĭ +å¿ĥ éĩĮ +ç»´ æĬ¤ +å®Ŀ å®Ŀ +ç½ij ä¸Ĭ +论 åĿĽ +å°± åı¯ä»¥ +ä¸į è¶³ +æģ¢ å¤į +å¸ĥ å±Ģ +è´¡ çĮ® +ä¸ĭ éĻį +æİĮ æı¡ +çļ® èĤ¤ +å·¥ åħ· +éĩį åºĨ +åĵģ è´¨ +æİ¨ åĩº +çĶ· 人 +æī¿ æĭħ +çªģ åĩº +èĢĮ è¨Ģ +æ² Ł +åįı è°ĥ +æĺ¯ ä»Ģä¹Ī +æ± ¤ +æĴ ij +çĭ¬ ç«ĭ +çݯ èĬĤ +æī© 大 +æ´ ª +æĿ ° +çĽ IJ +ä» ģ +æ¶ī åıĬ +èĢģ 人 +åį³ ä½¿ +åįĹ äº¬ +éħį åIJĪ +é¬ ¼ +çζ 亲 +ç½Ĺ æĸ¯ +å°ı åĮº +æķĻ æİĪ +åĨ³ çŃĸ +é¢Ħ 计 +æľ¬ 人 +ä¼ ¯ +ç« ¹ +åΰ åºķ +å¸Ĥ æ°ij +åĩº åı£ +éĩĩ è´Ń +æĢ» ç»ĵ +æŃ¦ æ±ī +åĬł 大 +广 举 +æµģ ç¨ĭ +人 åı£ +å¦Ĥæŀľ ä½ł +åĩº åİ» +åĩ ī +åĨľ æ°ij +çݰ 象 +åĬĽ 度 +ç»Ļ äºĪ +åħļ å§Ķ +è¯Ń è¨Ģ +线 ä¸Ĭ +æĢİ æł· +åĦ¿ åŃIJ +ç¡® å®ŀ +ä¹ĭ å¤ĸ +éĥ½ åľ¨ +èī ¾ +çļĦ æĥħåĨµ +éĩĮ çļĦ +åĽ´ ç»ķ +æĽ´å¤ļ çļĦ +ä¾Ŀ æ³ķ +åħ¬ åĽŃ +å®¶ éĩĮ +æ¯į 亲 +ä¸į åĨį +èĭ ¹ +æ³ķ éĻ¢ +飩 åĽ½ +缸 å½ĵ +ä¸į çŁ¥ +è¯Ħ ä¼° +ä¸į ç͍ +顺 åĪ© +éĩį è§Ĩ +è´¢ åĬ¡ +ä»ĸ åĢij +åıij è¡Į +ä¸ĵ éŨ +åħ· å¤ĩ +å¹¶ ä¸įæĺ¯ +è¶³ çIJĥ +é ŀĭ +åıij 表 +æ°¸ è¿ľ +èIJ¥ åħ» +éħį å¥Ĺ +æķ´ åIJĪ +è´ º +åĽŀ çŃĶ +æĶ¶ çĽĬ +ä¹Ł 许 +è» Ĭ +æİ¥ 触 +æĶ» åĩ» +åĽĽ å·Ŀ +æĢ§ èĥ½ +åĽŀ åΰ +èħ ° +ä¹Ł 没æľī +å¼ Ħ +设 ç«ĭ +éĺ² æİ§ +æĬĢ å·§ +éĢļ 常 +è´¢ æĶ¿ +éĥ¨ ç½² +åľº æĻ¯ +æ±Ł èĭı +表 è¾¾ +åĸ · +女 åĦ¿ +èĪ ¶ +çµ ¦ +ä¼ļ åijĺ +æĪĸ 许 +äº © +举 æĸ¹ +天 æ´¥ +è¿ij å¹´ +çľĭ æĿ¥ +æ¯Ķ ä¾ĭ +å² © +éĵ ľ +çİ » +å®ŀ éªĮ +æĢĿ ç»´ +æĭħ å¿ĥ +æ² Ī +身 è¾¹ +æ·± åĮĸ +ç²¾ åĩĨ +ç§ģ æľį +æ¶Ī éĺ² +åİ» äºĨ +ç»Ĩ èĥŀ +çIJĥ éĺŁ +æĺİ æĺŁ +é£Ł çī© +å¾Ī å¿« +让 ä½ł +ä¿¡ ç͍ +å͝ ä¸Ģ +åħ¶ å®ĥ +çŃī æĸ¹éĿ¢ +å¾ĭ å¸Ī +æŃ» 亡 +æ Ł³ +ä¸Ģ æī¹ +ä¸Ĭ 涨 +æľº åľº +å½¢ åĬ¿ +æĦ¿ æĦı +éĽĨ ä½ĵ +æĸ° åŀĭ +æį٠失 +æĽ ¸ +ä¸ĭ åįĪ +æ¯ı 次 +æĪIJ å°± +åħ¬ è·¯ +èĻ « +åĴ ± +西 å®ī +æľĢ ä½³ +ç§ij çłĶ +å¤į æĿĤ +æľº åύ +çα æĥħ +çħ§ çīĩ +å¹´ é¾Ħ +è³ĩ æĸĻ +ç² Ĺ +åĩĨ ç¡® +åĬł ä¸Ĭ +åĩº çīĪ +è° IJ +å®¶ å±ħ +èĥĮ æĻ¯ +ä¸Ģ 线 +äºĭ 项 +åĬ¨ ä½ľ +ç¥ ¥ +æĢ» ä½ĵ +æĪ¿ åŃIJ +ä¹Ł å°±æĺ¯ +大 æ¦Ĥ +é«ĺ æķĪ +åIJ ¹ +æİ ĪæĿĥ +éĻĦ è¿ij +æ¡Ī ä¾ĭ +éĹ ¹ +çΏ çΏ +彩 票 +æĢ Ĵ +举 æĬ¥ +æĻ® éģį +çķĻ ä¸ĭ +è¡£ æľį +æĹłè®º æĺ¯ +åħħ 满 +æ·± 度 +æ¡ ij +æĪª èĩ³ +带æĿ¥ çļĦ +éĻ µ +æĦŁ æĥħ +èµ ļ +åĵª äºĽ +æķ´ æĶ¹ +æĪIJ çĨŁ +å¨ ľ +é¼ » +çŁ Ľ +çĽ ¾ +好 好 +第 åĽĽ +åĨł åĨĽ +è´¢ å¯Į +æľĢ 好çļĦ +车 åŀĭ +éĸ Ģ +åį³ å°Ĩ +åĪĨ 为 +éĿĴ å²Ľ +纷 纷 +ä»Ĭ æĹ¥ +å¹³ è¡¡ +å¹³æĸ¹ ç±³ +éĤ£ ç§į +åĩº çĶŁ +éĿĴ æĺ¥ +人 群 +人 å·¥ +ä¹ĭ ä¸ĭ +æ¹ĸ åĮĹ +åľ¨ æŃ¤ +åįļ 士 +æĹ¶ åĪ» +æ²³ åĮĹ +æĶ¾ å¼ĥ +éĢļ éģĵ +森 æŀĹ +çĸ Ĩ +æķ ¸ +èĬ ³ +æīĵ åĩ» +æĽ ¹ +åĮĸ åѦ +æĥ³ 象 +ä¸ĩ 人 +è´¢ ç»ı +åħĥ ç´ł +ä¼ļ 计 +åħ¨ ä½ĵ +æĦ Ľ +é«ĺ ä¸Ń +æľº éģĩ +声 éŁ³ +æĹħ è¡Į +æµ © +æŁ ± +å°ij å¹´ +åĽ½ å¤ĸ +èijĹ åIJį +çĶŁ åŃĺ +å§ ľ +带 é¢Ĩ +é¢ľ èī² +ä¸Ĭ ä¸ĭ +产ä¸ļ éĵ¾ +æĽ´ 好çļĦ +å² Ń +ä¼ĺ æĥł +便 æĺ¯ +åħ§ 容 +ä¸Ģ åıª +çIJ ´ +梦 æĥ³ +ç§Ł èµģ +å¼Ģ åIJ¯ +è´Ń çī© +åĮħ åIJ« +åĪ© çİĩ +èµ· äºĨ +æľī åĬĽ +éĤ£ éĩĮ +审 æī¹ +对 æīĭ +çݰ éĩij +天 çĦ¶ +çĽ Ĵ +çĪ ½ +å¿ħ çĦ¶ +åĮĸ å·¥ +ä¸ĵ åĪ© +åķ ¡ +å¼Ģ å¿ĥ +人 ä½ĵ +éģĵ 士 +æĢģ 度 +空 è°ĥ +æĭĽ åķĨ +å§ » +第 äºĶ +æ£ Ĵ +ä¸Ģ ç³»åĪĹ +åį± æľº +转 åıĺ +åľº æīĢ +é¸ £ +æĪ¿ éĹ´ +éĢ ¼ +è¯ķ çĤ¹ +对 å¤ĸ +åĩº åı° +åľ¨ è¿Ļ +åİĤ å®¶ +å·¨ 大 +ç®Ģ ä»ĭ +çľĭ äºĨ +åħļ 建 +æĮĩ æĮ¥ +çŁ³ æ²¹ +ä¸į åı¯èĥ½ +èİ ² +ä¸į 太 +åĪĽ æĦı +第 ä¸Ģ个 +è´µ å·ŀ +è¿ĩ äºĨ +æľ¬ æĿ¥ +éģĵ å¾· +çŃĶ æ¡Ī +éĻ ¶ +ä¸Ģ è·¯ +èĤ ĸ +æ¸ħ æ´ģ +æľī æľº +åIJį åįķ +æĿ ± +åij¼ åIJ¸ +ä¸ Ī +ç¦ı 建 +è¯ķ éªĮ +å¼ķ åıij +ä¹Ł 没 +ä¸į ä½ı +çĨŁ æĤī +èIJ ¬ +ä¸į èī¯ +çł ĸ +èĩ´ åĬĽ +çѾ 订 +åIJ Ĭ +ä¾ ¯ +çĺ ¦ +å§ij å¨ĺ +æĸ ¤ +妻 åŃIJ +æĺ¥ èĬĤ +çĪ ¬ +æĽ Ŀ +çĥŃ æĥħ +éķ¿ æ²Ļ +èIJ¥ éĢł +éħ · +éĵ Ŀ +åŁºæľ¬ ä¸Ĭ +åij¨ åĽ´ +ä»Ģ 麼 +认 åı¯ +åĪĨ åŃIJ +ä¸Ģ æĸ¹éĿ¢ +è½ ´ +å¼ · +马 ä¸Ĭ +éĽ ¾ +èĩ £ +å° ¿ +çĶŁ æĦı +å®ī å¾½ +ç¥ŀ ç»ı +åĩº å¸Ń +èᝠåĵģ +çIJĨ çͱ +åįı åIJĮ +æµģ åĬ¨ +åıij åĬ¨ +åĿļ å®ļ +表 æĺİ +åIJİ éĿ¢ +ä¹ī åĬ¡ +å¦ ĸ +æľī åı¯èĥ½ +å¹´è½» 人 +大 éĻĨ +å² ³ +ä¸į èµ· +çŀ¬ éĹ´ +ä¸įå¾Ĺ ä¸į +çѾ 约 +åIJĪ æł¼ +åħļ æĶ¯éĥ¨ +æµİ åįĹ +便 åĪ© +éļı æĹ¶ +å¥ ī +ç§° 为 +产 æĿĥ +åIJ ķ +çĽ Ĩ +课 åłĤ +ç· ļ +æ£ ī +线 ä¸ĭ +èĩª è¡Į +举 æİª +åݦ éŨ +èĩª ä¿¡ +å½± è§Ĩ +ä» Ķ +çĶŁæ´» ä¸Ń +æĿĥ çĽĬ +çϽ èī² +å°± ä¸į +è¿Ľ å±ķ +æ¯ı æĹ¥ +ä¾Ľ ç»Ļ +æĿĥ åĪ© +æĹł æķ° +çIJĨ è´¢ +ä¾Ŀ æĹ§ +ä¸Ĭ åįĪ +è¯Ĩ åĪ« +çĽĪ åĪ© +çł Ĥ +许 åı¯ +åIJĮ äºĭ +åĺ Ľ +éģ ¸ +çĿĢ åĬĽ +éŨ åı£ +ä¸į å¤ļ +åħ¶ 次 +ç¢ § +çī© çIJĨ +åĨħ å¿ĥ +çϾ å§ĵ +æĢ» 绣 +å¹² åĩĢ +积 ç´¯ +åıį é¦Ī +æłij ç«ĭ +社 交 +ç§ © +åįģ ä¸Ģ +éĤ ĵ +驱 åĬ¨ +å±ķ è§Ī +èĪĴ éĢĤ +åŁº åĽł +å·® å¼Ĥ +转 让 +å°ı å§IJ +æł· åŃIJ +ç¿ Ķ +é«ĺ åħ´ +å½±åĵį åĬĽ +æīĭ ç»Ń +缸 åIJĮ +缸 åºĶ +æĻ Ĵ +è§ Ģ +å¸Ĥ å§Ķ +èĬ ¯ +å±ķ çݰ +åľ° çIJĥ +éĤ ª +ä¸Ģå®ļ çļĦ +åħģ 许 +ä¿¡ ä»» +æī ij +éĻ¢ æł¡ +ç®Ģ ç§° +åģļ æ³ķ +ä¹ĭ è·¯ +æĹĹ ä¸ĭ +èħ Ķ +æ¶Ī 失 +ä¸ĸçķĮ ä¸Ĭ +åŁİ 乡 +èĪŀ åı° +å¾Ī 大çļĦ +绣 çѹ +åħ¬ å¹³ +èĤ ¾ +çļĦ 好 +æ± ģ +çľ¼ åīį +éĽ £ +å¹ ½ +åħ± 产 +主 åĬŀ +å¤Ħ ç½ļ +åº Ļ +éģĵ çIJĨ +å¼ µ +æİ¥ çĿĢ +çĮ İ +çģ Į +çͱ æŃ¤ +人 åĬĽ +æµģ è¡Į +ä¾ ł +åı¯ä»¥ 说 +èĴ ĭ +å½¢ æĢģ +æĹ¥ åŃIJ +æ¼ Ĩ +çķĻ åѦ +缸 éĹľ +æľĢ å¤ļ +åĩŃ åĢŁ +åħ¬ 交 +æĮĸ æİĺ +æĿĤ å¿Ĺ +主 人 +éļľ ç¢į +æł¡ éķ¿ +æĸ¹ ä½į +ä¸Ĭ çıŃ +å¤ļ åħĥ +è ĥģ +éŃħ åĬĽ +èĮ Ĥ +åħħ ç͵ +强 大 +çĥ ¤ +å¥ĭ æĸĹ +å®ŀ ç͍ +éĺ ģ +ç»Ļ äºĨ +æľ¬ ç§ij +æł ĭ +æĭ ¨ +æķĻ ç»ĥ +éĥ½ çŁ¥éģĵ +æ¯ķä¸ļ çĶŁ +ç¢ Ĺ +åŀ Ĥ +è® ¼ +å®ģ æ³¢ +åѦ èĢħ +è°¢ è°¢ +åŁİ éķĩ +æĢİä¹Ī åĬŀ +éģ Ķ +æĪIJ 交 +æ½ľ åĬĽ +åį § +æĸ° å¼Ģ +éħį å¤ĩ +主 åĬĽ +åij³ éģĵ +çĥ Ĥ +é£ŀ è¡Į +å« ģ +大 大 +ç»Ļ 大家 +å¤ĸ éĿ¢ +éĨ ī +åıij è¨Ģ +æĹ© é¤IJ +åIJĦ èĩª +å® Ļ +èᣠèªī +æĬ« éľ² +é¡ ŀ +åĨħ çļĦ +èĤ ª +è¾ IJ +æ³ µ +æĬ Ľ +æĺŁ æľŁ +ä¸Ģ 带 +çĶŁ ç´ł +ç»ı éĶĢ +åĩ ¶ +åľ° ä¸Ĭ +åij½ è¿IJ +åĵ ² +ä¸Ĭ åİ» +æĸĩ çī© +è¯ ij +æĮ¯ åħ´ +éķ¿ æĹ¶éĹ´ +ç¥ Ń +åIJĪ èĤ¥ +è¿Ŀ è§Ħ +èģ ª +ä½İ äºİ +éĢĤ å½ĵ +æľī åºı +æľ¬ ç½ij +çķĻ è¨Ģ +æĥ³ æ³ķ +çѾ ç½² +å§ ļ +æĢ§ æł¼ +èĴĻ åı¤ +æŁ ı +åŀ « +åѦ åİĨ +ä»ħ ä»ħ +讲 è¯Ŀ +éĶ IJ +æĢ ĸ +åī ª +èĭ į +åIJ ĵ +强 çĥĪ +åģ¥ åħ¨ +çĸ ¯ +åı¤ 代 +å¥ Ī +ä¸į çĦ¶ +乡 éķĩ +æľĭåıĭ 们 +åĤ ħ +èģ ½ +个 æĢ§ +æ³ķ è§Ħ +å°ı éķĩ +çĶ» éĿ¢ +第 åħŃ +ç¶² è·¯ +åīį æĻ¯ +åIJ¬ 说 +ä¼ł åªĴ +æĿ¡ ä¾ĭ +åĪ« çļĦ +ä¸į æĩĤ +顾 éĹ® +强 度 +éĺ¿ éĩĮ +èµ° åĬ¿ +å¸ ½ +çļĦ ç¡® +åĮº åĪ« +éĮ ¢ +主 管 +ä¸Ģ çľĭ +æĸ ľ +åŃĺåľ¨ çļĦ +ä» ² +åᱠ害 +éĵ Ń +游æĪı ä¸Ń +éħ ± +é¾Ļ 头 +人 å¿ĥ +éĢĢ ä¼ij +æµı è§Ī +åĬ « +éĺ² æ²» +ç® Ń +å± Ī +è¾½ å®ģ +å£ ¤ +è¿İ æĿ¥ +éŀ į +ç͍ æĿ¥ +大 åľ° +ä» ° +éĢļ 讯 +å¼Ģ å·¥ +è£ ¤ +å¦Ĥ åIJĮ +éª ¤ +éĺŁ åijĺ +è½ © +ç¾İ æľ¯ +èĻ Ł +åIJĮ ä¸Ģ +åľ ĸ +书 æ³ķ +æīĵ åį° +åIJ« æľī +éĽĨ æĪIJ +éĹ · +å¸Ĥåľº ä¸Ĭ +æĹģ è¾¹ +åľ° æĿ¿ +产çĶŁ çļĦ +ç² ¤ +éĩį ç»Ħ +è¡Ģ æ¶² +çŃ ĭ +åĬŀ äºĭ +常è§ģ çļĦ +ä¸Ĭ åįĬå¹´ +å±ı å¹ķ +åIJī æŀĹ +å· © +åĸľ çα +ç¿ ł +ä¸ī ç§į +æ¡Ĩ æŀ¶ +举 èİŀ +çĶĺ èĤĥ +èĬ ¬ +åĽ¾ 书 +åĩ¤ åĩ° +æ°Ķ åĢĻ +å° ´ +å° ¬ +两 天 +è¾ħ 导 +åĢŁ 款 +æĹ¥ èµ· +æ´ Ĵ +ä¸Ģ 度 +è¹ Ī +æ½ Ń +æī ĩ +çĻ ľ +æĸ° åħ´ +åĤ ² +诸 å¤ļ +è´ ª +éĻ· åħ¥ +èĪ Ł +èĤº çĤİ +ä¸Ģ æł·çļĦ +åİ ĺ +åľ° çIJĨ +æĬķ æ³¨ +éļ Ĭ +åħī ä¼ı +ä¿Ŀ åģ¥ +åħ Ķ +åħ¬ åĬ¡ +æīĵ çł´ +çĶ· åŃ© +åĬ³ åĬ¡ +ä½ł ä¼ļ +ç͍ åľ° +æº ¢ +åıij è¾¾ +èĤ ļ +è¿ĩ äºİ +èĩ Ĥ +éĢĻ æ¨£ +è½» è½» +ä¸Ń åħ± +åIJĦ åĽ½ +åĶ ĩ +å®ŀ ä¹ł +èĻ ¾ +æ§ ½ +ä¸į ä¸Ĭ +åħį çĸ« +åįł æį® +å·¥ ä¼ļ +åĽ Ĭ +èĪª 天 +åı¯ çα +æĸĹ äºī +çĺ ¤ +å¦Ĥ æľī +éĽ ĸ +对 æĪij +åĩº ç§Ł +好 çľĭ +太 大 +æ°´ åĪ© +åĬ¿ åĬĽ +åħ¨ æ°ij +ç½ ¢ +èµ¢ å¾Ĺ +ç͵ ä¿¡ +车 éĹ´ +æĻĤ åĢĻ +å°ij æķ° +éĵ ¸ +åħ³ èģĶ +ä¸įä»ħ ä»ħ +为 æĤ¨ +åĴ ¸ +æľº åĬ¨ +è£ Ļ +åĵį åºĶ +éģ ł +è² · +ç© ´ +å¢ ħ +éĶ ¡ +çµ Ħ +çģ« è½¦ +è³ĩ è¨Ĭ +åĨ³ èµĽ +污 æ°´ +èª ŀ +å´ Ľ +ç´§ å¯Ĩ +缺 å°ij +å¤ļ 人 +æĢ» 书记 +éĶ Ī +èij Ľ +å¿ĺ è®° +éĻĮ çĶŁ +éķ¿ å¤§ +åħĪè¿Ľ çļĦ +ç¡ ħ +åıij æĺİ +å©´ åĦ¿ +æīİ å®ŀ +èĽĭ çϽ +ä¸Ģ çϾ +缮 åħī +æ ħĮ +åĬł æ²¹ +åIJ ŀ +ä¸Ģ 群 +ä¸Ń ä»ĭ +å¸ ĸ +å¿ Į +èģĮ èĥ½ +广 æĴŃ +çĽij å¯Ł +ç§ĺ å¯Ĩ +çĭ ® +è¿Ļ æĿ¡ +éĢ ¢ +æĢ ¨ +åįģ åħŃ +è© ¦ +说 åΰ +åĩĿ èģļ +æĮĩ 示 +æ° ¢ +å¼ ĺ +éĺ Ģ +æĸ © +éł ħ +ä¸Ģ å¼Ģå§ĭ +æİĴ è¡Į +åľ¨ æĪij +纪 å½ķ +æĬ Ħ +æł ª +说 æ³ķ +ä¸Ń èᝠ+好 å¤ļ +åıª ä¸įè¿ĩ +çķĻ åľ¨ +个 å°ıæĹ¶ +认 çŁ¥ +çķ « +è§ģ è¿ĩ +å°ı å¾® +ä½Ľ å±± +çľ ¾ +讲 è¿° +æ¢ ³ +ç§° åı· +æĹ¥ æĻļ +è¢ ĸ +åķ ¤ +æľª ç»ı +æľĢ æĹ© +æī® æ¼Ķ +è¡Ģ 管 +çº ± +æĥħ èĬĤ +第 ä¸ĥ +æį § +ä» Ĺ +æ¿Ģ çĥĪ +æĹł 线 +ä¸į 容æĺĵ +å¼Ģ å¹ķ +æĸ° çĶŁ +ä¸ĵ 注 +èij ± +åįĹ æµ· +çĩ Ł +èµ· ä¾Ĩ +æ´¾ åĩº +åĦ Ĵ +ä¾ ¨ +è¼ ĥ +åįļ è§Ī +éĢ ¾ +åĮ Ģ +ç»ıæµİ åѦ +æ¸ Ĺ +ä¿Ŀ èŃ· +çī º +çī ² +çİ « +çij ° +æľĢåIJİ ä¸Ģ +æĶ¿ åĬ¡ +æ§ Ľ +èĻķ çIJĨ +éļIJ æĤ£ +æī¿ åĮħ +æ¥ µ +æ¡ © +çĽ ² +导 åIJij +èĩ´ å¯Į +ç¼ Ĩ +æģĭ çα +ä¸į åĬ¨ +ç»Ļ 人 +å· ¢ +表 æĥħ +举 åįĹ +åĨħ å¤ĸ +è¾Ī åŃIJ +åı ī +åįļ ä¼ļ +åĬŁ æķĪ +æ¸ ´ +å± ¬ +æİĴ éϤ +éĢ Ľ +ä¸Ģ ä¼ļ +ä¸į å¼Ģ +å¼Ģ å¥ĸ +é»ij é¾Ļ +é»ijé¾Ļ æ±Ł +å¿« ä¸ī +度 åģĩ +åĿ ¤ +éĤ® ä»¶ +æĩ Ĵ +ä¾Ľ ç͵ +å» £ +好 è¯Ħ +ç§ĺ书 éķ¿ +æĪĺ åľº +好 å¥ĩ +ä¾µ æĿĥ +æĨ ¾ +æľĢ åĪĿ +æī¹ åıij +åİ ķ +è¼ ķ +æŀ ¯ +ä¸ļ åĨħ +è´Ń æĪ¿ +ä¸į åľ¨ +纪 å§Ķ +æīĢ éľĢ +å¸Ĥ éķ¿ +è³ ½ +å¼ķ æĵİ +çģµ éŃĤ +éĬ Ģ +æ» ¤ +çĿ IJ +å¤ļ 项 +åĽŀ 头 +èī ĺ +å¤į å·¥ +éĥ¨ ä»¶ +ç´§ ç´§ +æŁIJ ç§į +使 åħ¶ +æĸ° 人 +æŀ ļ +æ³ķ å®ļ +å·´ å·´ +æ¶µ çĽĸ +ç¨ » +æĭ ¾ +æĻ ķ +è½ ¿ +éĢļ è¡Į +åĵ Ģ +æ³ Ĭ +温 馨 +éĽĨ èģļ +çĨ Ļ +åĩ ij +åįģ ä¸ĥ +æ°Ķ æģ¯ +æıIJä¾Ľ çļĦ +æ³ ³ +奥 è¿IJ +çģ¾ å®³ +åĩĢ åĮĸ +è·¨ è¶Ĭ +åĵª æĢķ +éŁ ¿ +å¢ŀ æ·» +çĦ Ĭ +æ®ĭ çĸ¾ +ç¢ Į +æĤ Ķ +è§ģ è¯ģ +è¾ĸ åĮº +å¿ĥ èĦı +éļ § +åį ¸ +åı¯èĥ½ æĢ§ +æľī è¶£ +åī¯ ä¹¦è®° +åĮĸ å¦Ĩ +ä¿ Ĥ +æ£ ļ +éĨ ĩ +带 头 +éł Ī +追 ç©¶ +æij Ķ +è¿Ļ éĥ¨ +ä¸į 论 +ç¥ ¸ +å ³» +éģ ķ +çĶŁ èĤ² +å¤ ł +å¤ĸ 交 +è¯Ħ 为 +ä»İ å°ı +å°ı å°ı +é ¥¿ +æĴ ¼ +è·¨ å¢ĥ +被 åijĬ +åįĹ å®ģ +身 å¿ĥ +åĨį çĶŁ +æīĢ è¯´ +æĹ¶éĹ´ åĨħ +åĪĹ åħ¥ +éĿĴ æµ· +çα 好 +çª Ħ +èĪ Ī +è¿ĩ 渡 +æ¿ Ł +éĽ Ģ +审 è®® +åĽ½ èµĦ +æŃ¥ ä¼IJ +轨 éģĵ +ä¿¡ 念 +ä¸ī åĪĨ +çĨ ¬ +åѵ åĮĸ +ç¼ ł +éĥ Ĭ +èĪĴ æľį +纪 æ£Ģ +ä¸Ģä¸ĭ åŃIJ +鼻 話 +è² ł +éĴ ¥ +åĮ Ļ +çĹ ´ +è¶ ģ +ç» £ +çĪ µ +è½ ° +éª Ħ +å§ ¨ +æĭ ĺ +çĮ ´ +è® ¶ +è¿Ļ 座 +çį ¨ +æ·ĺ æ±° +çĹħ ä¾ĭ +æ²Ļ åıij +è§Ĩ 为 +头 æĿ¡ +å¿ħè¦ģ çļĦ +åı¯ è°ĵ +è¯Ŀ 说 +ç¯ Ħ +æĹ© çĤ¹ +æŀ¢ 纽 +ç¾ ¡ +çα åĽ½ +çªģ åıij +éĢ Ĭ +æ½ į +èᣠèĢĢ +èŁ ¹ +æ¦Ĥ çİĩ +å¾Ī ä¹ħ +æĥ ķ +è¨ ´ +åľĨ 满 +çļ ± +åĪĨ æ³Į +åħħ è¶³ +çľĭ æ³ķ +è¾ Ł +æĭ ¦ +æĭ © +对 åºĶ +为 æł¸å¿ĥ +èħ Ĭ +å¤ļ ä¹Ī +æµ ij +å®ı è§Ĥ +èĦ ĸ +åIJĪ èµĦ +çĶŁ 涯 +å®ŀ è´¨ +ä¼ĺ çĤ¹ +ç͍ æ°´ +寿 åij½ +æ² « +åIJ ģ +è© ¹ +åĽ½ éĺ² +å´ © +åĿ İ +èĨ ı +ä¸Ģ è½® +éģĹ äº§ +æ¹¾ åĮº +ç» İ +åįķ 纯 +æ¾ Ħ +åīį åĪĹ +身 å½± +é»ĺ é»ĺ +æį ī +çĴ ° +èı Ĭ +æĢ ľ +åħĭ æĢĿ +æĢ» å±Ģ +çĩĥ æĸĻ +ä¸ļ æĢģ +åIJĦ æł· +åĴ ½ +åĩº èī² +åĪĿ å¿ĥ +åı Ľ +çłĶ 讨 +è¡ « +åİĨ ç¨ĭ +ç¦ ½ +è¶³å¤Ł çļĦ +èį Ĩ +çľĭ å¾ħ +è´ © +åĨ³ å¿ĥ +è£ ¹ +å¸Ī èĮĥ +åŀ Ħ +æĿ ł +åĩ ¸ +çĬ¹ 豫 +çĥŃ è¡Ģ +åIJĪ ä¼Ļ +éħ µ +èIJ½ åľ¨ +åįł åľ° +è¡ ¬ +èĵ ī +æĦ ¤ +æ¸ Ĭ +åĪĨ æķ° +ç¬ij çĿĢ +太 å¹³ +çĤ « +æİ¨ ä»ĭ +æĸ¯ åĿ¦ +å½¢ 容 +æĵ Ĭ +æĦŁ åħ´è¶£ +åĨĽ 人 +åĩĮ æĻ¨ +对 çħ§ +åıij çĹħ +å· ¾ +èĪ ī +æª ¢ +ç¬ij äºĨ +ç¡® è¯Ĭ +è´Ł åĢº +壮 大 +æĪ ļ +äºĴ èģĶ +èª ² +èħ ¦ +æĹ ± +åıĹ æ¬¢è¿İ +åį ī +éĻ¢ 士 +æ© ¡ +ä¸Ģ 对 +è¾ ± +æ² Ĥ +åı² ä¸Ĭ +æIJ ı +å´ ĸ +代 è°¢ +ç£ · +é¡ ĺ +æµ ĩ +常 ç͍ +åį ij +åĩº åĽ½ +è¯ ł +稳 æŃ¥ +ç»ı 纪 +å¤ļ å¤ļ +æīĢ å¾Ĺ +为 主é¢ĺ +ä¸Ģ åĪĨ +æł ½ +é¡ § +çº ² +åĥ ħ +å£ ĵ +åĦ ª +ç¿ ° +æİ Ģ +人 为 +åª ³ +æ´ ½ +èĿ ¶ +å¤į åħ´ +ä¼ļ å½±åĵį +åIJĦ çķĮ +éĤ£ ä¸Ģ +é¢ ¤ +çĢ ı +çĢı 覽 +å¯ ŀ +åı¯ æĢķ +åį³ æĹ¶ +çķ ´ +ä¸ĭ åįĬå¹´ +ç¬Ķ è®° +éĻĦ åĬł +çĥŃ æ°´ +å¥ ¸ +ç£ ħ +æĿ ī +æ¸ħ åįİ +éĸ ± +ç° ¡ +å¤Ħ å¤Ħ +åIJĪ éĩij +æ²³ æµģ +ç´ ° +è´Ł éĿ¢ +çļĦ 羣å®ŀ +åύ 械 +èĴ IJ +西 äºļ +å· ħ +ç² ¹ +åİŁ æĸĩ +æŀ ķ +è¡Ģ åİĭ +åļ ´ +å¸ ĺ +åĨ Ģ +æĮ « +ç͵ è·¯ +å°ı ä¼Ļä¼´ +èĿ ´ +æľĢ å¿« +æĭ Į +å® ª +æĸ · +ç¿ ħ +åĴ ³ +åĹ ½ +ç¾ ŀ +躺 åľ¨ +èµĽ 车 +æ² IJ +éĻIJ 度 +为 ä¸Ģä½ĵ +èĴ ľ +å¹ « +æIJ ħ +åĭ ĭ +åī ĸ +纳 ç¨İ +éķ¿ æķĪ +ç½ ķ +åī¯ æľ¬ +ç© į +éĴ © +ç¹ ¼ +åĽ½ åľŁ +è¼ ī +ä¸į å¿ĺ +èѦ 示 +çģ ¿ +å¿ĥ å¾Ĺ +æĦ ļ +忽 çķ¥ +åĽŀ äºĭ +åįł æľī +æ· Ħ +çī ¡ +çĽij äºĭ +ç¿ ¡ +éĴĪ对 æĢ§ +çª ĥ +è£ ½ +èĨ Ŀ +ç³ Ł +港 æ¾³ +太 太 +æ¾ ¡ +ç»Ĩ åĮĸ +åĶ® åIJİ +å®ŀåľ¨ æĺ¯ +ç« £ +çį ² +å̾ åIJij +å¼ķ ç͍ +é¹ ħ +ç¬ij 容 +ä¹IJ è¶£ +æ°ij æĶ¿ +éŨ æĪ· +å± ģ +è¿· 失 +éĶ Į +å°ı 康 +åĭ ī +æ³ ¼ +ä¾ĭ åŃIJ +ä¸ī ä½į +å» ł +èĶ ĵ +广 éĺĶ +èĢ į +èĢģ èĻİ +åĭŁ éĽĨ +èĦļ æŃ¥ +æĭ ¯ +åŃĹ åı· +çĦ ° +é¢ ł +èļ Ĥ +èļ ģ +é£ ¯ +人 æĢ§ +æĴ ° +åİ ¢ +å±Ģ éĻIJ +æľª æĪIJ +åĵª åĦ¿ +大 åıij +ä¸į å®ļ +å¾ģ æ±Ĥ +éĥ µ +åĢº æĿĥ +çα ä½ł +èº ģ +ä»ħ ä¾Ľ +è¿ľ å¤Ħ +éĨ Ľ +åĥ µ +积æŀģ æĢ§ +æİ ¡ +åīį ä¸ī +äºİ ä¸Ģä½ĵ +çŀ Ħ +çĿ ģ +æ² ¸ +åħ± èµ¢ +éĢĢ å½¹ +è´Ŀ å°Ķ +æİ ı +æĪ ² +è¡ į +éĶ Ĥ +ä¸ĩ ä½Ļ +ç§ij åĪĽ +æ¼Ķ åͱ +欧 åħĥ +æ·¡ æ·¡ +éĿĴ å±± +èĹ Ŀ +ç» ½ +令 çīĮ +éĽĨ 群 +ä½ľ çī© +çĢ ij +å¤ ¯ +ç½ij 游 +åħ« 大 +éª ļ +èª ĵ +ä¼ļ å±ķ +åħļ åı² +æ£Ģå¯Ł éĻ¢ +åĸ ĺ +éĺ ± +èĢĮ åĩº +éĢļ 车 +éĴ ĵ +æĥħ 人 +æ¸ Ľ +ä¸Ń ç§ĭ +çĪ Ń +åıª åī© +æĺ Ķ +éĩİ çĶŁ +ç¡ « +èIJĿ åįľ +æĬµ æĬĹ +çĻ« çĹ« +éĻ Ģ +èĶ ļ +å¸ ľ +满 满 +èı ± +éļĨ éĩį +æĺŁ çº§ +æ½ ĩ +åħ¬ åħĥ +è° £ +æ¯Ķ äºļ +æ¡Į åŃIJ +èµ £ +è² ¼ +æĦ¿ æľĽ +é¡ ½ +æ´¾ éģ£ +ç¥ Ľ +åª ļ +éĺ ľ +èij « +èĬ ¦ +æ³ » +å¡ Į +çĭ Ń +å»ī æĶ¿ +å¥ij æľº +æĹĹ èΰ +æĥ « +严 åİī +åıĭ æĥħ +å¦ Ĭ +å¨ ł +åĵª å®¶ +èĨ ¨ +è¶ Ł +æĮ ª +èĻ IJ +é łģ +çŀ © +éº Ł +ç¨ £ +èģĶ éĢļ +åı ® +çİĭ èĢħ +ä¸į ç¡®å®ļ +ç ijľ +è° İ +çī¢ è®° +ç¢ ¼ +æĬ¤ èĤ¤ +é¡ · +çĦ ķ +åģļ 强 +éļ± ç§ģ +éļ±ç§ģ æ¬Ĭ +åıĹ å®³ +ä¸į çͱ +çĥ ¹ +é¥ ª +é© ³ +ä¼ ½ +ä¸Ŀ 绸 +è¥ Ħ +åįģ ä½Ļ +éº Ĺ +æ¬Ĭ åĪ© +èģ ŀ +åı¤ èĢģ +éģ ı +åIJĦ å¼ı +å°± è¡Į +åħ¥ å¢ĥ +ç ĥģ +èľ ĺ +èĽ Ľ +çº ¬ +çŁ « +è» Ł +æ´Ĺ è¡£ +æĦ § +é¢Ħ æ¡Ī +éľ Ĩ +æ·± åİļ +éĺ¿ æĭī +åĨĻ åŃĹ +åį ¦ +éķ Ģ +模 æł· +åĤ į +æIJ į +èĸ ¯ +åł ħ +åħ¬ 积 +è¨ İ +ä¼ł æŁĵ +æ¯ ¯ +çIJĨ å·¥ +åĨ· éĵ¾ +ç«ĭ æĸ¹ +æ¢ Ń +åľ£ è¯ŀ +综 èīº +çİ© ç¬ij +æĥ³ ä¸įåΰ +æijĩ 头 +æ· ¹ +åģĩ æĹ¥ +åĢ ĺ +èĢ ½ +èİ ĵ +åŁ · +èĩª è´¸ +åįĬ 天 +æª Ķ +æ¾İ æ¹ĥ +éķ ij +ä¸ « +éĩĮ ç¨ĭ +å¼Ģ èįĴ +èı ı +å®Ŀ è´µ +èŃ ¬ +åķ Ł +æŁ ł +æª ¬ +é© Ń +æ± Ľ +çĨĬ çĮ« +èķ ī +éļı ä¹ĭ +å± ij +è¾ĥ 强 +èĥ ³ +èĨ Ĭ +éĿĻ éĿĻ +åĴ ª +æĭĽ åij¼ +代 è¨Ģ +ä¿¡ ç®± +è£ħ éħį +æĤ į +åįķ 车 +èIJ İ +å¤ļ 彩 +éĻ ¸ +ä»İ 严 +æ© Ħ +æ¦ Ħ +éĢ ® +éĩĮ æĸ¯ +å§¿ æĢģ +太 æŀģ +éĩ Ŀ +æº ī +è¿ Ń +ç§ ¸ +ç§ Ĩ +å·¥ å§Ķ +æ± ķ +èģ Ĩ +ä½ ¬ +ç¼ ħ +çĶ ¸ +åī¯ å±Ģéķ¿ +éĹ º +èª ¤ +è¤ IJ +ä¸į éĻIJ +èħ ķ +åij ķ +çŁ ¶ +åĨľ å®¶ +管 å§Ķä¼ļ +é¥ º +èĬ ľ +æ¾ Ī +è© ¢ +å¨ģ å°¼æĸ¯ +ä½ķ åĨµ +å°ı ä¼Ļ +奢 ä¾Ī +è¿Ļ ç¯ĩ +è¯ µ +竳 ç¨ĭ +ç´ Ģ +éIJ ĺ +éĤ ¢ +ç³ Ļ +ç¼ Ģ +ä¹ Ĵ +ä¹ ĵ +çī¢ åĽº +åĿ ŀ +å¼ Ī +ä¾ĭ å¤ĸ +å» ³ +è§Ħ 竳 +èĬ Ļ +ç¯ · +èº ¯ +æł Ī +åĿļ å®ŀ +åŁº 建 +çĿĢ çľ¼ +ç· ´ +èij © +ç¼ ļ +æ¦ Ĩ +主 åĭķ +ç¥ Ģ +äºĴ éĢļ +å°¤ 为 +å® Ľ +éª ¼ +æ± ² +ä¾ ĥ +æĤł ä¹ħ +æij § +æĭ ĩ +é« ĵ +éº Ĵ +éĻ Ľ +æŀ ¸ +æĿ ŀ +è´ ¬ +å°ı é¾Ļ +åĵ ® +èĵ¬ åĭĥ +åĮ Ī +çķľ çī§ +å¨ © +个 å¤ļ +æ² ¥ +æĺ § +çĦ ļ +æĬij éĥģ +çĸ ¡ +èĺ ij +éģİ ç¨ĭ +æ© ± +éĿ ĵ +大 çIJĨ +é« ¦ +åĪĨ 辨 +æ¸ ¤ +çĸ ¤ +åĬ¨ èĥ½ +å¼ł å®¶ +ä¸ĩ åįĥ +æ» ¥ +é¥ ¥ +åºŁ å¼ĥ +å¸ ³ +æ¼ ³ +è± IJ +ä» ij +å« ī +å¦ Ĵ +çŀ Ĵ +è¡ ħ +çĭ ¸ +å¾ģ ç¨ĭ +éĤ ¯ +éĥ ¸ +ç¥ Ī +ç¥ · +è¶ ´ +ç»ĵæŀĦ æĢ§ +è§Ĩ åIJ¬ +è¬ Ŀ +çĴ Ģ +çĴ ¨ +åĩº å¤Ħ +è¯ Ģ +å¾ ĺ +å¾ Ĭ +çľ ¨ +åĸ ĩ +åı Ń +åĺ ² +çķ ¸ +å¹² äºĭ +æļ § +æ² Ľ +åĦ Ħ +å» ĵ +åİ¿ éķ¿ +èĥ ļ +çIJ ¢ +çŃ · +éĩ ĭ +ä¾ ® +åIJ © +åĴ IJ +åĮ ¿ +æĬ¬ èµ· +æ³ £ +æ¶ ¤ +éº ½ +æĽ Ļ +åī¯ éĻ¢éķ¿ +åħļ åĴĮ +æķ£ åıij +润 æ»ij +åĵ º +æĥ ¬ +漫 éķ¿ +ä¸į æĩĪ +åŁ ł +åĹ ĵ +èĢģ çĪ· +è® ½ +æĪĺ ç»ĦåIJĪ +æ£ ł +åħ¨ åŁŁ +èł ¢ +è¯ ¡ +åīį çŀ» +æķ Ľ +ä¸Ģ å°ģ +å¹ Ĥ +èİ Ĩ +è¯Ŀ è¯Ń +ç»Ĩ åĪĻ +å± ¿ +åµ Į +éĢ į +åĺ ± +æ¸ ² +çĥ ¯ +çĿ ¹ +é¦ Ĵ +èħ ¥ +æĬĹ åĩ» +çĿ « +èį Ķ +éļ İ +æ³ī æ°´ +è¬ Ĥ +ç Ĥ¬ +åĩı æİĴ +è¸ Ĭ +è ·» +æ· Į +éľ ¾ +å¥ĩ 纳 +å¯ Ŀ +æ¤ İ +æŁ ¬ +æĸ¯ åŁº +åħ¬ ç«ĭ +è¨ ĵ +é£ Ļ +é© ¿ +åĤ µ +èĽ Ļ +ç¯ĩ 竳 +åĪĨ æĶ¯ +ä¸Ĭ å¹´ +çŃ Ŀ +ç¼ ¤ +èĢģ æĹ§ +åĻ ¬ +æľ ¦ +èĥ § +æ¶Ī è²» +æĵ Ķ +æ¦ ´ +æ¿ Ĵ +ç³ ¯ +æ³ ¸ +æį Ĩ +ç» ļ +èµ İ +çIJ IJ +èµ Ĥ +æħ ® +æ² Į +çĦ Ļ +æĴŃ æĬ¥ +æ· ĩ +åĪĩ åħ¥ +çij ķ +çĸ µ +éģ ´ +ç¨ ļ +ç© © +èŀ ĥ +æ£ ķ +æĨ § +æĨ ¬ +ä¼ º +æ¯ Ĺ +æį į +æĬ ī +ç´ Ĭ +å¼ Ľ +æĭ Ń +æĹı èĩªæ²» +åĿ · +ç« ¶ +è© ³ +è¿Ħ ä»Ĭ +è° ´ +çŀŃ è§£ +æŁ ¿ +é¢ Ĭ +ç° § +çĥŁ èĬ± +ä¾ ¥ +çĿ ¦ +éħ Ŀ +æ° ĵ +çIJ ī +å§ Ĭ +æ² ® +æħ · +èľ ķ +çij ļ +éĩĩ çŁ¿ +åł ° +åºķ èķ´ +èĨ ³ +è¾ ķ +éŁ Ń +åĴ Ļ +ç² ½ +åī Ķ +æ² ¦ +èĤ ´ +éķ ¶ +æĺ ¼ +è¾ Ĺ +å© ª +åĮ ® +æĸ ĵ +æ± ¶ +éĥ ´ +éł » +çª Ĵ +è¢ ± +åĽ ± +èĢ ĺ +è ļĮ +çĭ Ļ +çĹ ¹ +ç¥ ī +æı ® +æ· Ĩ +ç£ ĭ +éĺ ª +æ « +ã ¸ +Ļ ¶ +ã ij +𣠲 +ä ¢ +ã Ń +𬠨 +ð¬ Ģ +𬠮 +𬠯 +ð¬ ľ +𪠨 +ð« Ĺ +ð¬ Ĭ +𬠱 +ð¬ Ł +ä İ +ð ¡ +ä ĥ +ã ł +ð © +ð© ¾ +𬠺 +ð¬ Ļ +ãĢ Ķ +ãĢ ķ +çļĦ æĹ¶åĢĻ +æľīéĻIJ åħ¬åı¸ +ä¹ĭ åIJİ +ä¸ļ åĬ¡ +åķ Ĭ +èϽ çĦ¶ +æĭ¥ æľī +äºĴ èģĶç½ij +éĤ£ äºĽ +ä½ł çļĦ +åĨ³ å®ļ +éϤ äºĨ +åĽ¢ éĺŁ +åı¯ æĺ¯ +以 åIJİ +社 åĮº +çļĦ éĹ®é¢ĺ +å¹¶ ä¸Ķ +æķĻ å¸Ī +å°± ä¼ļ +天空 éĥ¨èIJ½ +æľĢ ç»Ī +å½ĵ çĦ¶ +ä¹Ł æľī +ç¡® ä¿Ŀ +æĥ³ è¦ģ +è´Ń ä¹° +人 çļĦ +åIJ ´ +çļĦ åıijå±ķ +ä¸į çŁ¥éģĵ +软 ä»¶ +æĪij们 çļĦ +çζ æ¯į +åī ij +èĢĮ æĺ¯ +å®ī æİĴ +åIJİ æĿ¥ +çļĦ åľ°æĸ¹ +èµ µ +èĢĥ è¯ķ +çªģ çĦ¶ +ä¸Ģå®ļ è¦ģ +åζ ä½ľ +è¯Ħ ä»· +åħį è´¹ +è´¹ ç͍ +绣 ä¸Ģ +çĦ¶ èĢĮ +è¿Ļ 次 +éĿĴ å¹´ +人 ç±» +äº ¦ +让 人 +è´Łè´£ 人 +éĩĩ åıĸ +çļĦ äºĭæĥħ +ä¹Ł ä¼ļ +车 è¾Ĩ +æĽ´ æĺ¯ +强 åĮĸ +æĪij åĢij +以 åīį +ä¼ĺ åĮĸ +å§Ķåijĺ ä¼ļ +åĽ° éļ¾ +å¹´ 度 +ä½į äºİ +æĮĩ åĩº +åĨį æ¬¡ +åĬŀ çIJĨ +æ¯ı 个 +对 æĸ¹ +è¿Ľè¡Į äºĨ +æľĢ é«ĺ +课 ç¨ĭ +身 ä¸Ĭ +æĽ¾ ç»ı +åĮ» çĶŁ +å®ī è£ħ +æľ ± +è¿IJ è¡Į +åıĮ æĸ¹ +æľĢ 大çļĦ +æŀĦ 建 +è¿ŀ ç»Ń +çļĦ å°ı +她 çļĦ +çŃī çŃī +æĶ¹ åĸĦ +åIJĦ ç±» +éģĩ åΰ +æľī çĿĢ +人 çī© +æĢ» æĺ¯ +è¿ħ éĢŁ +åζ å®ļ +å®ĥ 们 +å®ĺ ç½ij +è¿ĺ è¦ģ +ç»Ī äºİ +æĪ¿ åľ°äº§ +è¯ģ æĺİ +èĤ¡ 票 +åºĶ å½ĵ +èĭ± åĽ½ +è¿IJ ç͍ +æľĢ æĸ° +享 åıĹ +让 æĪij +æĻļ ä¸Ĭ +å¾ ŀ +å°ı 说 +å°¤åħ¶ æĺ¯ +è®Ń ç»ĥ +åħ¨ å¸Ĥ +æĮij æĪĺ +æľī çĤ¹ +带 çĿĢ +çļĦ ä¸ľè¥¿ +é£İ æł¼ +é»Ħ éĩij +å¼ķ 导 +æŃ¤ å¤ĸ +æľĢ è¿ij +追 æ±Ĥ +强 è°ĥ +ä¹Ł åı¯ä»¥ +æĦŁ åΰ +èĩª æĪij +çī¹åĪ« æĺ¯ +æĪIJ éĥ½ +éĢIJ æ¸IJ +å¿« ä¹IJ +ä¹ĭ ä¸Ń +æĬķèµĦ èĢħ +ä»ĸ们 çļĦ +æ° ı +å·¥ä½ľ 人åijĺ +äºĨ ä¸Ģ个 +åķ ¦ +ä¸Ģ åĢĭ +åŁº å±Ĥ +æ²Ł éĢļ +第ä¸Ģ 次 +å¹¶ 没æľī +çļĦ å·¥ä½ľ +åľ¨ è¿ĻéĩĮ +æŀ ª +æĶ¯ æĴij +æĹ¶ å°ļ +æĿ¥ åΰ +æĶ¶ è´Ń +éĿ© åij½ +æĺ¯ ä¸įæĺ¯ +讨 论 +ä¸ļ 绩 +å°± èĥ½ +ç«ĭ åį³ +è¡Ĺ éģĵ +åľ¨ ä¸Ģèµ· +æľĪ 份 +é«ĺ 端 +å¾Ī éļ¾ +ä¿Ħ ç½Ĺæĸ¯ +æīĭ 段 +åģļ åĩº +ä¼Ĺ å¤ļ +å®ŀ è¡Į +æīĵ å¼Ģ +游 客 +ä¾Ŀ çĦ¶ +å°± åĥı +离 å¼Ģ +说 éģĵ +æĸ° èĥ½æºIJ +æº ª +äº ķ +令 人 +ä¸Ģ åľº +æĪij æĥ³ +两 人 +èĩ³ å°ij +çļĦ çĶŁæ´» +æĺ¯ 个 +èĭ± è¯Ń +æ²Ĵ æľī +æĢĿ èĢĥ +éĻIJ åζ +åı° æ¹¾ +ä¸Ģ æĹ¦ +çļĦ ä¸Ģ个 +é«ĺ 级 +åĬŀåħ¬ 室 +å¾· åĽ½ +æĪij å°± +å®ļ ä½į +éĢĤ åºĶ +æĮĩ æłĩ +åħ¨ çľģ +ä¸Ĭ è¿° +å®ĥ çļĦ +åĽŀ å®¶ +欧 æ´² +éĵģ è·¯ +é¼ĵ åĬ± +çļĦ å½±åĵį +é«ĺ æł¡ +天 ä¸ĭ +é«ĺ è´¨éĩı +æĿŃ å·ŀ +èµĦ 讯 +æĶ¾ åľ¨ +æľī ä¸Ģ个 +å°± è¦ģ +ä¸Ĭ éĿ¢ +è§£ éĩĬ +éĢIJ æŃ¥ +å°½ 管 +æľī ä»Ģä¹Ī +çļĦ äºĭ +çĻ» è®° +人æ°ij å¸ģ +è§Ĥ ä¼Ĺ +è§Ĥ å¯Ł +ç͵ èĦij +çļĦ åIJĮæĹ¶ +ä½ľ ä¸ļ +宣 å¸ĥ +çļĦ ä½ľç͍ +åĽŀ æĿ¥ +éļ¾ ä»¥ +æīĢæľī çļĦ +å°ı åѦ +æıIJ åīį +æ¤į çī© +åĩ ¯ +ä¸Ĭ äºĨ +å°± åľ¨ +åħĪ åIJİ +æīĭ æľ¯ +éĥ Ń +éĿ¢ åīį +æ¯ķ 竣 +äºĮ æĺ¯ +红 èī² +éĺ³ åħī +èĭ¹ æŀľ +å¾Īå¤ļ 人 +ç»Ļ æĪij +åĵ ¦ +çľ¼ çĿĽ +éł Ń +ä¸Ģ æĺ¯ +åıijå±ķ çļĦ +åıį åºĶ +æĪ¿ å±ĭ +æľŁ å¾ħ +ç§į æ¤į +æĸĩ åѦ +åį³ åı¯ +é¦ĸ 次 +èĭ± éĽĦ +å¤ļ 次 +åĮħ è£ħ +æ²³ åįĹ +ä¹ĭéĹ´ çļĦ +ä»į çĦ¶ +åIJ¬ åΰ +èij£äºĭ éķ¿ +è§Ħ åĪĻ +ä¸Ģ 份 +大 ä¼Ĺ +使 å¾Ĺ +è¿Ľ åı£ +ä¸Ģ çīĩ +æĢ§ çļĦ +çļĦ 大 +æĪij æĺ¯ +äºĴ åĬ¨ +æ° £ +çļ Ĩ +åħ¬åı¸ çļĦ +ä¸Ģ è¾¹ +åıĬ åħ¶ +èī¯ å¥½çļĦ +æĭĵ å±ķ +å½ĵ å¹´ +广 åľº +åģļ äºĨ +åŁº äºİ +æıIJ éĨĴ +åħĦ å¼Ł +èĢģ æĿ¿ +è¿ij æĹ¥ +çĬ¶ åĨµ +注 éĩį +åĪļ åĪļ +è°ĥ çłĶ +å¿ĥ ä¸Ń +æĬĬ æı¡ +éļı åIJİ +ä¸į å¤Ł +åĪĽ ä½ľ +ç«Ļ åľ¨ +缸 äºĴ +çĸ«æĥħ éĺ²æİ§ +å¹´ 代 +带 åĬ¨ +伤 害 +竣 çĦ¶ +å¼ķ è¿Ľ +ç´¯ 计 +让 æĪij们 +åĽŀ æĶ¶ +æĬ¥ åIJį +åĬ© åĬĽ +èģĶ çĽŁ +çŃĸ çķ¥ +åij¨ è¾¹ +åĭ Ĵ +è¿ĺ åľ¨ +æµģ éĩı +寻 æī¾ +ç͵ åĬĽ +èι èζ +è¿ĺ èĥ½ +æĭħ ä»» +çļĦæĥħåĨµ ä¸ĭ +çļĦ åİŁåĽł +缺 ä¹ı +çIJĥ åijĺ +å²ģ çļĦ +çĶ· åŃIJ +å·¥ èµĦ +è¿ijå¹´ æĿ¥ +åij Ģ +æıIJä¾Ľ äºĨ +她 们 +å®¶ åħ· +çĩ ķ +è½» æĿ¾ +æł¡ åĽŃ +èĢĥ æł¸ +åį± éĻ© +åħļ ç»Ħç»ĩ +æĢ» ç»ıçIJĨ +çļĦ æĸ° +çİ» çĴĥ +è¿Ļ ä½į +对 æŃ¤ +å®¶ 人 +çļĦ è¦ģæ±Ĥ +温 度 +æĮĩ æķ° +缴 åΰ +æŃ¤ æĹ¶ +æ¹ĸ åįĹ +éĥ½ è¦ģ +ä½ľ åĩº +åIJĦ ä½į +èĢĥ çĶŁ +ä¾Ŀ æį® +说 è¯Ŀ +æĪij ä¹Ł +å·¥ åİĤ +åıĺ æĪIJ +ä»ĸ 人 +æĪij è§īå¾Ĺ +åIJĦ 级 +ä¼łå¥ĩ ç§ģæľį +ä¸Ĭ åįĩ +好 åĥı +åĬł éĢŁ +äºĮ åįģ +è¢ ģ +è£ħ 饰 +éĥ½ èĥ½ +ä¸Ģ å¼ł +åĬ¨ æĢģ +å¹´ çļĦ +è¿Ļ å°±æĺ¯ +ä¹Ł è¦ģ +èµĦ æł¼ +æĪĺ äºī +æĦŁ è°¢ +åŁ¹ èĤ² +天 æ°Ķ +女 士 +åı¯èĥ½ ä¼ļ +çļĦ 产åĵģ +ä¹Ł å°± +主è¦ģ æĺ¯ +åĪº æ¿Ģ +ç»Ļ ä½ł +大 æķ°æį® +åĮ» åѦ +åĪ ¤æĸŃ +ä»ĸ 说 +表 æ¼Ķ +äºļ æ´² +ä¸ĵ é¢ĺ +ç«ŀäºī åĬĽ +éĤ£ æł· +å±ķ å¼Ģ +å¹³ æĹ¶ +æİ¥ ä¸ĭæĿ¥ +æī¿ 诺 +æ³ķ åĽ½ +åħ³ å¿ĥ +ä¼ļ æľī +éĤĢ è¯· +é¢Ħ éĺ² +对 æİ¥ +好 äºĨ +åĴ± 们 +çļĦ æĦŁè§ī +æĢĿ è·¯ +éĥ½ 没æľī +çļĦ æĸ¹æ³ķ +女 åŃIJ +åı¸ æ³ķ +è¿ĺ ä¼ļ +è¶ĬæĿ¥è¶Ĭ å¤ļ +åĽł çĤº +æµ· åįĹ +人 æķ° +å°Ĩ ä¼ļ +ä¸ļ 主 +é¤IJ 饮 +å±ħ ä½ı +åıij åĩº +è¿ij æľŁ +å¼ķ é¢Ĩ +æľºåύ 人 +åĩºæĿ¥ çļĦ +çľĭ è§ģ +ä¿ Ĭ +让 ä»ĸ +ä¸į æĥ³ +å·¥ä½ľ çļĦ +è¡¥ åħħ +æµ ħ +çī¹ å¾ģ +ä¸Ĭå¸Ĥ åħ¬åı¸ +ç¾İ é£Ł +广 西 +æ¯ı ä¸Ģ个 +èIJ½ åľ° +åĵģ ç§į +åĴĮ è°IJ +å½» åºķ +é«ĺ èĢĥ +æĺ¨ 天 +åīį å¾Ģ +çĽij æµĭ +çϾ 度 +åľ¨ ä¸ŃåĽ½ +çļĦ éľĢæ±Ĥ +亿 ç¾İåħĥ +åѦ æľ¯ +æĶ¶ åΰ +æĿ¿ åĿĹ +ä¸Ģ 段 +æŀĦ æĪIJ +ä¼ģä¸ļ çļĦ +表 éĿ¢ +æķ´ çIJĨ +ç»ĵ å©ļ +人 å®¶ +åģľ æŃ¢ +åѦ ç§ij +æĺ¾ å¾Ĺ +ä¼ij æģ¯ +é¢Ħ æľŁ +æĪĸ æĺ¯ +çļĦ 主è¦ģ +åºĶ 对 +èµ° äºĨ +ä¸Ń éĹ´ +èµ° è¿Ľ +åijĪ çݰ +æIJŃ éħį +é¹ ı +æĺ¯ åĽłä¸º +æĥħ 绪 +å®ļ æľŁ +社ä¼ļ 主ä¹ī +çŃī 级 +磼 çĽ¾ +é£ŀ æľº +èĩ³ ä»Ĭ +æĶ¶ éĽĨ +çļĦ æķħäºĭ +åĪĩ å®ŀ +å®ŀçݰ äºĨ +å½¢ æĪIJäºĨ +åįĹ æĸ¹ +ä¸Ń åѦ +æµ· æ´ĭ +åIJ¦ åĪĻ +æĭį æijĦ +大åѦ çĶŁ +åĩºçݰ äºĨ +æĦı å¤ĸ +ä¹Ł èĥ½ +çļĦ èĥ½åĬĽ +åĿIJ åľ¨ +åĪĻ æĺ¯ +èĢĥ å¯Ł +å°Ĭ éĩį +éĺ² æŃ¢ +ç´§ å¼ł +读 书 +åĩº è¡Į +å°± æľī +å±¥ è¡Į +çݰ代 åĮĸ +åĽ½ åĬ¡ +åĽ½åĬ¡ éĻ¢ +ç»´ ä¿® +åİŁ åĪĽ +æĺ¯ æĮĩ +ä¼ij éĹ² +çĤ ® +æĸ° æĹ¶ä»£ +éĢĻ åĢĭ +ä¸į æķ¢ +å®Į ç¾İ +ç»Ĩ èĬĤ +éŃ ı +èͬ èıľ +é¢Ĩ导 çıŃåŃIJ +è¶ħ 级 +è¡Į æĥħ +人工 æĻºèĥ½ +åį° åº¦ +åŁºç¡Ģ 设æĸ½ +åıĪ æĺ¯ +èᝠçī© +åIJ¸ æĶ¶ +åį´ æĺ¯ +éĥ İ +å¥ĸ åĬ± +çļĦ æľĭåıĭ +ä¿Ŀ çķĻ +è§Ħ å¾ĭ +æĸ° çĸĨ +è¿ĺ åı¯ä»¥ +æİ¥ è¿ij +æŃ¤ åīį +æī¹ åĩĨ +æĢİä¹Ī æł· +çļĦ ä½įç½® +ä¸Ģ åĿĹ +æĭĴ ç»Ŀ +顾 客 +ä¹Ł åľ¨ +ä¸Ģ çĶŁ +éĥ¨ éĺŁ +å¹´ åīį +æĸ¹éĿ¢ çļĦ +å°Ŀ è¯ķ +羣æŃ£ çļĦ +ç¦ģ æŃ¢ +è¿ĺ 没æľī +æ°ij çĶŁ +èµ° åIJij +èĦ¸ ä¸Ĭ +å½ĵ 天 +éĽĨåĽ¢ åħ¬åı¸ +çļĦä¸Ģ ç§į +西 æĸ¹ +åĽŀ åºĶ +ä¸Ģ 声 +常 常 +æıIJ åΰ +èħ¾ 讯 +æľį è£ħ +为 ä½ķ +äºij åįĹ +å°± ç®Ĺ +ä¼ł æī¿ +åıį èĢĮ +ä¸ĩ åIJ¨ +è´¢ 产 +å¦Ĥ ä¸ĭ +æĹ¥ åīį +åİŁ æľ¬ +æľĢ éĩįè¦ģçļĦ +认 è¯ģ +ä¸Ģ éģĵ +ä¿¡æģ¯ åĮĸ +å¾Ĺ åΰäºĨ +é̲ è¡Į +æĪij è¦ģ +éĢļ ä¿¡ +室 åĨħ +èµļ éĴ± +æĶ¶ èĹı +è§£åĨ³ æĸ¹æ¡Ī +æĪ¿ 产 +çĭ ¼ +æ´» åĬĽ +ç»ıæµİ åıijå±ķ +çŃī å¾ħ +ä¹Ł å¾Ī +åĿ ij +å¾Ī 好çļĦ +éļ¾ åº¦ +ä¸į å¦Ĥ +人æ°ij æĶ¿åºľ +åĩº åıij +åīį æľŁ +æ¼Ķ åijĺ +女 çĶŁ +èģļ çĦ¦ +审 计 +é¢Ħ æµĭ +ä¾Ŀ æīĺ +äºĶ å¹´ +è¡¥ è´´ +æ¸ħ æĻ° +éª Ĥ +çľĭ èµ·æĿ¥ +çļĦ åŃ©åŃIJ +é¢ij éģĵ +ä½ı å®ħ +éĿ¢ åIJij +æľĢ ä½İ +æĹ¢ çĦ¶ +ä¸Ģ å¥Ĺ +æķ° åѦ +群 ä½ĵ +åĮĹ京 å¸Ĥ +å±ħ çĦ¶ +æ°Ľ åĽ´ +éĢĶ å¾Ħ +çļĦ åŁºç¡Ģä¸Ĭ +èģĮ è´£ +åı¯èĥ½ æĺ¯ +åĨĽ äºĭ +æĪIJ æķĪ +åŃ©åŃIJ 们 +计ç®Ĺ æľº +èµ ¤ +产ä¸ļ åıijå±ķ +å·¨ 大çļĦ +å·¥ 人 +çĶŁ éķ¿ +éĥ½ åı¯ä»¥ +çļĦ æľºä¼ļ +èµĦ è´¨ +çĹĽ èĭ¦ +ç²ī ä¸Ŀ +å¢ ĵ +å¹³ å®ī +管 éģĵ +è·Ł çĿĢ +饮 é£Ł +åķĨ å®¶ +å¤ļ å®¶ +åı¸ æľº +åºĶ该 æĺ¯ +éĢı éľ² +认 å®ļ +è¡Įä¸ļ çļĦ +çļĦ ä¼ģä¸ļ +æ¯ı ä¸Ģ +èĮĥåĽ´ åĨħ +è¾ĥ 大 +è´ ¤ +大 èµĽ +å¤ļ äºĨ +é¸ ¿ +临 åºĬ +åľ¨ è¿Ļ个 +çļĦ åĨħ容 +éĶĢ éĩı +å¾Ī å°ij +åŃ Ł +ç»´ æĮģ +åĴĸ åķ¡ +æľ¬ åľ° +èī² å½© +å¹¶ éĿŀ +èĢĮ å·² +温 æļĸ +èIJ § +æĬĵ ä½ı +èĢĮ ä¸įæĺ¯ +åĸ Ĭ +çļĦ åħ³ç³» +çī© åĵģ +éĤ£ æĺ¯ +åĨľ 产åĵģ +è¿Ļ æĹ¶ +å©ļ å§» +æ°´ æŀľ +æĶ¶ èİ· +ä»ĺ åĩº +客æĪ· 端 +æ¼Ķ åĩº +åħ¨ æĸ° +è¿Ļ ä¹Łæĺ¯ +æĺ¯ çͱ +è§Ĥ 念 +æľī 个 +éĢł åŀĭ +èĥľ åĪ© +ä¸ī æĺ¯ +è¶ħ å¸Ĥ +åħļ建 å·¥ä½ľ +æĶ¾ å¿ĥ +线 è·¯ +æĭĽ çĶŁ +åIJĥ é¥Ń +è½ ī +å°½ éĩı +è§ģ åΰ +åIJĮæ¯Ķ å¢ŀéķ¿ +åįİ ä¸º +æĪij å¸Ĥ +æıIJ åĩºäºĨ +æ°ij èѦ +åįļ çī© +åįļçī© é¦Ĩ +è¯ļ ä¿¡ +åīį éĿ¢ +å±± 西 +è¾ħ åĬ© +转 ç§» +æĽ´ 为 +丰å¯Į çļĦ +åį ¢ +å¿« éĢĴ +æĺ¾ èijĹ +çī© èµĦ +åΰ è¾¾ +æľī åĪ©äºİ +åij Ĩ +åŃ©åŃIJ çļĦ +ä¸į ä½Ĩ +çłĶç©¶ éĻ¢ +çͳ æĬ¥ +æļ ¨ +æ°ij éĹ´ +åį » +çļĦ å£°éŁ³ +å¸Ĥåľº çļĦ +ä¸Ģ åı¥ +çľģ 级 +æĿ¥ çļĦ +åĵª 个 +æīį ä¼ļ +åĪĨ éħį +èĶ ¡ +ä»ĸ åľ¨ +åħ± æľī +å¡ ĺ +èĴ Ĥ +éľ į +åıĤ è§Ĥ +ä¸Ī 夫 +ä¾Ŀ éĿł +æľī æĹ¶ +äºĨ å¾Īå¤ļ +ä¸ĸçķĮ æĿ¯ +å®¶ æĹı +ä¸į éľĢè¦ģ +大 å¸Ī +èŀį åħ¥ +éĿŀ æ³ķ +çĹħ 人 +åIJİ æľŁ +大家 éĥ½ +ç½ij åĿĢ +åİŁ æĸĻ +便 å®ľ +æ¶ Ľ +仿 ä½Ľ +å·® è·Ŀ +åı¦ä¸Ģ æĸ¹éĿ¢ +产åĵģ çļĦ +èµ « +æĥħåĨµ ä¸ĭ +éĴ¢ éĵģ +æľ¬ ç«Ļ +纳 åħ¥ +å·² æľī +æľī 没æľī +ä¼° 计 +é£ ĺ +æľŁ è´§ +åĢĭ人 è³ĩæĸĻ +ä¸ĵä¸ļ çļĦ +çĪĨ åıij +èĩ´åĬĽ äºİ +çİ°åľ¨ çļĦ +æľī åĵªäºĽ +çł´ åĿı +æķ°åŃĹ åĮĸ +åľ° éĿ¢ +é»ij èī² +å¹¼åĦ¿ åĽŃ +çļĦ ç²¾ç¥ŀ +äº Ń +导 æ¼Ķ +çݰ æľī +æŃ¦ åύ +èĭı å·ŀ +çİ Ħ +æ±Ł 西 +å»¶ 伸 +论 æĸĩ +è¾ĥ 为 +çİ© æ³ķ +é¼ İ +åIJĮ æŃ¥ +éĩĬ æĶ¾ +æĽĿ åħī +åĿļ åĨ³ +å§Ķ æīĺ +å°Ĩ åľ¨ +äºĪ 以 +ä½ľ æĸĩ +èĢĮ åľ¨ +ä¼ĺ åħĪ +åĽŀ åİ» +ä¿® å¤į +åĽ½åĨħ å¤ĸ +çŃĸ åĪĴ +åıij æĶ¾ +å¿ĥ æĥħ +çļĦ åİĨåı² +éĿ¢ è¯ķ +举 åĮĹ +ä¿¡ åı· +ç²® é£Ł +è¯ģ 书 +æŁIJ äºĽ +è¿IJ ä½ľ +åĨ² åĩ» +çĥŃ çĤ¹ +æĹ¶ æĹ¶ +æĹ¶æĹ¶ 彩 +åľ° çĤ¹ +ä¸Ģä½ĵ åĮĸ +éļ¾ é¢ĺ +æĽ ° +ç«ĭ åĪ» +æĺ¯ éĿŀ常 +åħ± åĴĮ +åħ±åĴĮ åĽ½ +æ¿Ģ åĬ± +æľīæķĪ çļĦ +å¤Ħ ç½® +该 åħ¬åı¸ +æ£Ģ éªĮ +èѦ æĸ¹ +è´ ¾ +äºĨä¸Ģ ä¸ĭ +ä»Ĭ åIJİ +çħ ® +ç͍ åĵģ +读 èĢħ +æĪij åľ¨ +åĽŀ å¤į +ä¸Ģ 座 +è¿ĺ 没 +å®ļ åζ +没 æĥ³åΰ +å¤ ¹ +ä¼ł éĢĴ +ä¸Ģ 款 +强 大çļĦ +çļĦ è¡Į为 +å¤ı 天 +åıijåĬ¨ æľº +é¢ĨåŁŁ çļĦ +å®ŀéªĮ 室 +ä¸Ģ æĬĬ +æĺ¯ 为äºĨ +éĻķ 西 +æĭħ ä¿Ŀ +è¾¾ æĪIJ +è¦ģ æĺ¯ +æĺİ å¤© +ç»Ļ ä»ĸ +建ç«ĭ äºĨ +ä¸į è¡Į +ä¸Ń æĸĩ +åľ° 说 +åIJİ çļĦ +çĽij æİ§ +éĢ ¸ +æĢ» éĥ¨ +æľ¬ æĸĩ +é¹ ¿ +æĻ¯ è§Ĥ +çļĦ 缮æłĩ +èĽ ĩ +åĨ ¯ +ä¸Ń åĮ» +æķĪ åºĶ +产 éĩı +åŃ Ŀ +è´¦ æĪ· +è¿Ŀ åıį +èij£äºĭ ä¼ļ +京 举 +责任 ç¼ĸè¾ij +åķı é¡Į +çα å¿ĥ +èѦ å¯Ł +é¤IJ åİħ +å¸Ĥ æĶ¿åºľ +天 天 +æĸ° é²ľ +éĥij å·ŀ +è¶ħ è¶Ĭ +å½ Ń +çŁ¥è¯Ĩ 产æĿĥ +åĽŀ å¿Ĩ +è·¯ 线 +å»ī æ´ģ +éĿĴ å°ijå¹´ +åıĸå¾Ĺ äºĨ +çľĭ åΰäºĨ +é¦ ¬ +ç²¾ åĵģ +åľ° éĵģ +æĮģ æľī +ä¸ĭ äºĨ +æľī æĹ¶åĢĻ +ä¸Ģ 人 +æĴ Ĵ +ä»Ķ ç»Ĩ +èĢģ åħ¬ +äºĭå®ŀ ä¸Ĭ +èģĶ èµĽ +ä¾ĽåºĶ éĵ¾ +é¢Ħ ç®Ĺ +åζéĢł ä¸ļ +å®īåħ¨ çĶŁäº§ +俱 ä¹IJ +俱ä¹IJ éĥ¨ +çļĦ æł¸å¿ĥ +æīĵ ç®Ĺ +å½± çīĩ +æIJŃ å»º +ä¹Ł ä¸įä¼ļ +æĭħ å½ĵ +å±Ĥ éĿ¢ +åѦ åijĺ +临 æĹ¶ +缸 ç»ĵåIJĪ +对 æ¯Ķ +ä»ĸ æĺ¯ +æĸ° åĮº +è¿Ľ åİ» +çϾ å¹´ +ä¿ © +å°½ å¿« +ç͵åŃIJ åķĨåĬ¡ +æĽ´ æľī +æ¸ħ çIJĨ +åı¦ ä¸Ģ个 +åĤ » +ä»Ģä¹Ī æł·çļĦ +æĺ¯ æľĢ +åij¨ å¹´ +å¾Ī 容æĺĵ +åĽ¢ ç»ĵ +ç´ Ħ +æĹ© å·² +çļĦ åıĺåĮĸ +éľ ŀ +æĹ¥ ä¸ĬåįĪ +失 åİ» +ä¸Ń åľĭ +çļĦä¸Ģ äºĽ +å°ı åŃ© +ä¸ĭ è·Į +éĶ» çĤ¼ +é ij +éij « +å¿ĹæĦ¿ èĢħ +èĤ¡ å¸Ĥ +èµĽ äºĭ +许åı¯ è¯ģ +åı¯ æĮģç»Ń +åijĬè¯ī è®°èĢħ +éĢ» è¾ij +å¼ķ åħ¥ +çļĦ è¿ĩç¨ĭä¸Ń +è§Ĩ è§ī +èĩªæ²» åĮº +è¯ģ æį® +è£ħ ç½® +第ä¸ī æĸ¹ +å¹´ æĿ¥ +å¹¿ä¸ľ çľģ +带æĿ¥ äºĨ +éķ¿ æ±Ł +访 éĹ® +å·® ä¸įå¤ļ +æĺ¯ æĪij +éģŃ éģĩ +æĬĵ 好 +é«ĺ è¾¾ +å¹¶ åľ¨ +èĩª è§ī +ä¾ĽåºĶ åķĨ +æĥħ æĦŁ +ä½ı äºĨ +çļĦ èģĮä¸ļ +çļĩ å¸Ŀ +西 éĥ¨ +åĴĮ å¹³ +çļĦ åĬĽéĩı +æ± ª +åħħåĪĨ åıijæĮ¥ +æĬķ è¯ī +èµ· åΰ +äºĴ 缸 +æ¾³ éŨ +æİ¥ åΰ +æ°´ æ³¥ +模 åŀĭ +ä¸Ģ åįĬ +ç§© åºı +æĪij们 åľ¨ +æī¿ 认 +ä¸Ģ éĥ¨åĪĨ +åįł æ¯Ķ +å¦ĩ 女 +ç² ĺ +äºĨè§£ åΰ +ä¸Ģå®ļ ä¼ļ +åIJĦ 大 +èµ° åĩº +为 大家 +é«ĺ éĵģ +åı¯ä»¥ åľ¨ +ä½Ĩ åľ¨ +çĶŁæĢģ çݯå¢ĥ +èı ¯ +çļĦ ä»·æł¼ +麻 çĥ¦ +æ¿Ģ åıij +éĤ£ å°± +çļĦ æł·åŃIJ +为 æŃ¤ +天 åľ° +çļĦ 缮çļĦ +åĢº åΏ +å·² ç¶ĵ +åĽĽ 大 +åIJĮæĹ¶ ä¹Ł +å½¼ æŃ¤ +æĭ¿ åΰ +åIJ« éĩı +åįģ 大 +éļ¾ éģĵ +å¼ Ĺ +ä¸Ģ 段æĹ¶éĹ´ +çħ§ 顾 +æķ°æį® æĺ¾ç¤º +æĪIJ为 äºĨ +èµ° åΰ +æľ¬ åħ¬åı¸ +ç»Ī 端 +ä¹Ł ä¸įæĺ¯ +头 åıij +大 约 +é£İ æĻ¯ +æ¶Ī èĢĹ +审 æŁ¥ +äºī åıĸ +æ³ķ æ²» +äºĭ çī© +ç¼ĵ è§£ +æĥ ¨ +缸åºĶ çļĦ +çļĦ æķĪæŀľ +åıį å¤į +åıijçĶŁ äºĨ +éĢĻ äºĽ +ç»ĥ ä¹ł +åݨ æĪ¿ +å¼Ģ æĭĵ +欣 èµı +夫 妻 +ä¸į ä¸Ģæł· +产 èĥ½ +èĬ¯ çīĩ +è¦ģ ç´ł +åıį 对 +çİĩ åħĪ +è´§ çī© +æĹ¥ ç͵ +ä½ľ å®¶ +æĶ¹ è¿Ľ +æĪIJ åĪĨ +åĽł èĢĮ +åĩı èĤ¥ +æ½ ĺ +å±±ä¸ľ çľģ +åĬ Ŀ +åŁ ĭ +æŃ¦ è£ħ +æ±ĩ æĬ¥ +ä¸Ģ个 æľĪ +çĥŃ éŨ +大 éģĵ +æ´» åĭķ +éĥ½ å¾Ī +ç͵ 梯 +ç´§ æĢ¥ +åĢº åĬ¡ +客 æľį +ä¸Ģ éĥ¨ +ä½ł æĺ¯ +çݰ çĬ¶ +æŃ£ç¡® çļĦ +ä¹ĭ å¤Ħ +ç¼ĸ åζ +ä½ł åı¯ä»¥ +çŃī åľ° +èİ ī +对 è¯Ŀ +æ·ĺ å®Ŀ +è°ĥ èĬĤ +æİĴ æĶ¾ +åºĵ åŃĺ +ç´ ļ +çļĦ ä¼ĺåĬ¿ +æĿĥ å¨ģ +以ä¸ĭ ç®Ģç§° +ä¸Ģ 项 +èģļ éĽĨ +ä¼łç»Ł çļĦ +æ·· åIJĪ +è¿Ļä¸Ģ çĤ¹ +ä¸Ģ çľ¼ +æĹł éĻIJ +èİ·å¾Ĺ äºĨ +éĢī æīĭ +åζ åĵģ +åįı ä½ľ +çĭ¬çī¹ çļĦ +ä¸Ģ 级 +è¿Ļ个 éĹ®é¢ĺ +æĸ Į +æĺ¯ æĪij们 +æķĮ 人 +æ¸ħ æ´Ĺ +ä¸Ģ缴 åľ¨ +å°ı ç±³ +çļĦ è¿ĩç¨ĭ +åľ¨ åĮĹ京 +ä¸Ģ æĶ¯ +æĹ© ä¸Ĭ +æĸĩ èīº +ç¦ı åĪ© +é£Ł ç͍ +æĦŁ åĬ¨ +åħ¨ ç¨ĭ +æĶ¯ åĩº +æĸ° 建 +å¸ ķ +æĺ¾ çĦ¶ +羣 çļĦæĺ¯ +æĸ°éĹ» ç½ij +èĥ½ åIJ¦ +åįı åĬ© +亲 èĩª +å¾Ī æľī +çϼ å±ķ +æĦı 大 +æĦı大 åĪ© +ç͵ ç½ij +æĹ¥ çĽĬ +çĨ ± +èĤĮ èĤ¤ +çĶ· æĢ§ +ç»Ħ 建 +çŃī éĹ®é¢ĺ +æ¶Ī éϤ +æĬ¤ çIJĨ +å¡ij æĸĻ +ä¹Į åħĭ +ä¹Įåħĭ åħ° +åķĨ æłĩ +çIJ ³ +æĸ° æīĭ +çļĦ çī¹çĤ¹ +åĴ ¬ +å½ĵ ä¸ĭ +设计 å¸Ī +èµĶ åģ¿ +第 åįģ +æĻºèĥ½ åĮĸ +å¼Ģåıij åĮº +åı¯ä»¥ éĢļè¿ĩ +åħ±äº§ åħļ +åİī 害 +çģµ æ´» +æĹ¶ åħī +éĥ¨ ä½į +人 æĸĩ +è¿Ľ æĿ¥ +ä¹ĭ æīĢ以 +ä¸ī åįģ +çļĦ åѦçĶŁ +éĺ² æĬ¤ +åĽ½ 产 +æ·±åľ³ å¸Ĥ +éĤ£ å°±æĺ¯ +åΰ ä½į +çī¹ æľĹ +çľĹ æĻ® +å®ŀ æĹ¶ +åı° çģ£ +èĢĮ ä¸į +æĮĩ å®ļ +åĿ Ŀ +èħIJ è´¥ +çī¹ å®ļ +å¢ŀ éĢŁ +æłĩ çѾ +æĪ¿ ä»· +æĦ ģ +贯彻 èIJ½å®ŀ +æĢ§ è´¨ +çłĶç©¶ çĶŁ +ç¾İ 容 +æī¹ è¯Ħ +ç©¶ 竣 +人åĬĽ èµĦæºIJ +éĸĭ å§ĭ +åĽŀ å½Ĵ +èIJ¥ åķĨ +èIJ¥åķĨ çݯå¢ĥ +ä¸ŃåĽ½ 人 +çļĦ åŁºæľ¬ +è¯Ŀ é¢ĺ +æłĩåĩĨ åĮĸ +西 èĹı +åĭ ¾ +çļĦ 设计 +ç®Ģåįķ çļĦ +å¤į åζ +æ¸IJ æ¸IJ +以 å¤ĸ +èģĶ åĬ¨ +两 次 +æĢ§ åĴĮ +æĽ´ 大 +çļĦ åIJįåŃĹ +éŁ ¦ +ä½ł è¦ģ +å¢ĥ å¤ĸ +æĹ© æľŁ +åĪĿ æŃ¥ +è´¦ åı· +害 æĢķ +æĺ¨ æĹ¥ +åĪļ æīį +ç¥ŀ ç§ĺ +ç²¾ å¿ĥ +æµģ éĢļ +åħ¨ æĸ¹ä½į +以 å¾Ģ +ä¹Ł å°Ĩ +æĺ¯ ä¸ŃåĽ½ +åĽ½å®¶ 级 +å°Ĩ åĨĽ +æij Ĭ +æľĢ 为 +第ä¸Ģ æĹ¶éĹ´ +æ¶Ī æ¯Ĵ +å°Ĩ äºİ +å¨ģ èĥģ +èĭ± æĸĩ +æīĭ ä¸Ń +çIJĥ è¿· +è§Ĥ çľĭ +离 å©ļ +æľ¬ åľŁ +åĪĨ æķ£ +æĻ ´ +è¦ģ 注æĦı +浪 è´¹ +管 æİ§ +åĩº åĶ® +æĢ» è£ģ +ä¸Ģ éĺµ +å¨ ĩ +äºĶ 个 +å½ĵ åĪĿ +çºł 纷 +ä¸ĵ ç͍ +å¤ĩ æ¡Ī +åĪĿ æľŁ +å®ĥ æĺ¯ +åĮº åĿĹ +åĮºåĿĹ éĵ¾ +大 è¿ŀ +è¿Ļ ç±» +åıĺ æĪIJäºĨ +éĤĦ æĺ¯ +åįļ 客 +çı¾ åľ¨ +ä¸Ģ æĸ¹ +å®ĮæĪIJ äºĨ +è¿Ļ个 æĹ¶åĢĻ +åħ¨ å¹´ +ä¸Ĭ 线 +ç½ IJ +ç«ŀ èµĽ +åĩºçīĪ ç¤¾ +åĵ¥ åĵ¥ +å¯ « +å¾Ĺ 以 +èĬ± åĽŃ +äºĨ èµ·æĿ¥ +èĦ±è´« æĶ»åĿļ +çļĦ åİŁåĪĻ +讲 è§£ +æ¶Ī åĮĸ +æį٠害 +æļĤ æĹ¶ +å¾Ĺ çŁ¥ +éĢĤ ç͍ +éŨ åºĹ +è§£ 读 +æĻ® åıĬ +人æ°ij æ³ķéĻ¢ +åī¯ ä¸»ä»» +å¿ĥ çģµ +è¯Ĭ æĸŃ +ç¾İ 女 +æŁ ¯ +å¹´ 以æĿ¥ +æ´» è·ĥ +åĢŁ åĬ© +åħ± 建 +è¯ī 讼 +æĶ¾ æĿ¾ +çªĹ åı£ +ä¼ģ æ¥Ń +åĬł æĭ¿ +åĬłæĭ¿ 大 +ä¹° äºĨ +主 æµģ +æĩĤ å¾Ĺ +å°Ĩ åħ¶ +éĢı æĺİ +å·¥ä½ľ ä¸Ń +èĤ¡ ä»· +æ¡£ æ¡Ī +没æľī ä»»ä½ķ +åijĬ çŁ¥ +å¹´ åĪĿ +æĹ¥ ä¸ĭåįĪ +åİĤ åķĨ +èĬĤ å¥ı +主 导 +è£ Ŀ +åħ³éĶ® è¯į +èģĬ 天 +åĨĻ ä½ľ +æĶ¹éĿ© å¼ĢæĶ¾ +æľī æľĽ +éĢļ æĬ¥ +èIJ Į +æĢ» é¢Ŀ +çŁŃ æľŁ +ä¸Ģ çķª +çĶŁæ´» çļĦ +åĮĸ çļĦ +æĺ¥ 天 +è¿Ļ åľº +æĸ°å¼Ģ ä¼łå¥ĩ +æĺ¯ è¦ģ +å°ļ æľª +åıĺ æĽ´ +ä¸Ģ åij¨ +客 è§Ĥ +æĹ¥ èĩ³ +é¹ ° +çİ ² +å°Ĩ æĿ¥ +客 人 +åıĺ éĿ© +说 äºĨ +åİŁ çIJĨ +èģĮ åĬ¡ +åıĪ æľī +ä¸Ģ åı¥è¯Ŀ +æĦŁ åıĹåΰ +ç¬Ķ èĢħ +ç§» æ°ij +西 åįĹ +ä¹ĥ èĩ³ +æŃ£ è§Ħ +åĪĿ ä¸Ń +çĬ ¬ +å½ĵ äºĭ +å½ĵäºĭ 人 +æĪij们 è¦ģ +åħ¥ åı£ +éĤ£ æĹ¶ +æľīéĻIJ 责任 +å°ij 女 +è¿Ļä¹Ī å¤ļ +åĪĨ åħ¬åı¸ +å®ĩ å®Ļ +çļĦ éĢīæĭ© +å§IJ å§IJ +åıij èµ· +è» į +æĽ´å¥½ åľ° +éĻĨ ç»Ń +æľ¬ æľįåĭĻ +å« © +èµ¶ ç´§ +èĦĤ èĤª +第äºĮ 天 +æĪij ä¼ļ +两 ä½į +æķ ² +åħ¬å®ī æľºåħ³ +ç§ijæĬĢ åĪĽæĸ° +å°º 寸 +è¾IJ å°Ħ +å®Ĺ æķĻ +转 æį¢ +åĩº çİ°åľ¨ +ä¸Ģ é¢Ĺ +æľŁ éĻIJ +åIJĮåѦ 们 +åĮĹ æĸ¹ +ä½ł å°± +ä¸Ģ带 ä¸Ģè·¯ +èĢģ å©Ĩ +游æĪı çݩ家 +çļĦ ç»ĵæŀľ +è¡¥ åģ¿ +å¤ĸ è´¸ +对 å¾ħ +ç»´ çĶŁç´ł +ç»ıéĶĢ åķĨ +è¿ĺ å°Ĩ +åŃIJ 女 +æĽ´ é«ĺ +ä¸į 大 +éī´ å®ļ +让 ä»ĸ们 +æīĢè°ĵ çļĦ +æŃ» äºĨ +帮 æī¶ +åĵ² åѦ +以ä¸Ĭ çļĦ +çļĦ åħ³éĶ® +æĹ© å°± +æĬ¥ ä»· +éģµ å®Ī +æī© å¼ł +æĺ¯ å¾Ī +å¼Ģ éĢļ +æĸ° åĬł +æĸ°åĬł åĿ¡ +ç¿» è¯ij +询 éĹ® +é¸ Ń +ä½ĵ åĨħ +两 个人 +çĪ ¹ +éľ ľ +乡æĿij æĮ¯åħ´ +çĿ¡ è§ī +å®ĺ åijĺ +åĪĽ å§ĭ +åĪĽå§ĭ 人 +ä¼Ĺ 人 +åį³ ä¾¿ +çĸ« èĭĹ +ä¼ģä¸ļ å®¶ +æ¸ £ +ç²¾ åĬĽ +å¤ĸ éĥ¨ +èģª æĺİ +è¿Ļ ä¹Ł +å½ķ åıĸ +åĨ² çªģ +åħ¨ 身 +åŃ£ èĬĤ +忽 çĦ¶ +çļĦ æĢģ度 +åĤ¨ å¤ĩ +ä¿Ŀ åħ» +çļĦ æĥ³æ³ķ +ä¸Ĭæµ· å¸Ĥ +æIJº æīĭ +çļĦ ä¿¡æģ¯ +åķĨ åľº +çļĦ æĢĿæĥ³ +æĿĥ åĬĽ +毫 æĹł +æĢĢ åŃķ +硬 ä»¶ +åĨħ èĴĻåı¤ +æİ¢ 讨 +åħ» çĶŁ +çļĦ 表çݰ +空 ä¸Ń +æģIJ æĢĸ +å¾Ī é«ĺ +ç»ıæµİ 社ä¼ļ +ä¸Ĭ æĿ¥ +å»¶ ç»Ń +éĩį å¤į +éĺ² èĮĥ +çļĦ å½¢å¼ı +æľĪ åºķ +èĢģ 年人 +绿 åĮĸ +å±± åĮº +æĭ¿ åĩº +æĹħ 客 +æĽ´ æį¢ +åħ¬ 主 +èĬĤ 约 +åħ¨ åİ¿ +åĽŀ æĬ¥ +çIJĨ æĢ§ +çĸ¯ çĭĤ +æ¶ī å«Į +åī§ æĥħ +åĨ¬ åŃ£ +åIJİ ç»Ń +è¿Ļæĺ¯ ä¸Ģ个 +æ¼Ķ 讲 +ä¸Ģ å±Ĥ +æľīåħ³ éĥ¨éŨ +æĹł å¥Ī +ç§į ç±» +缸åħ³ çļĦ +æĪĸèĢħ æĺ¯ +æī¶ æĮģ +å¤ļ æķ° +çļĦ ä½ľåĵģ +ä¸ĭ ä¸ĢæŃ¥ +å¸Ī åĤħ +é«ĺéĢŁ åħ¬è·¯ +好 åıĭ +ä¼ĺç§Ģ çļĦ +è¿Ľ äºĨ +æģIJ æĢķ +äºĨ åIJ§ +大 è§Ħ模 +çļĦ ä¸ĸçķĮ +æĢĢ çĸij +å· · +åħ´ å¥ĭ +æĪ ° +æĿij éĩĮ +æľĭåıĭ åľĪ +åĨ¬ 天 +ä¸Ńåįİ äººæ°ij +åįı åķĨ +è¯Ħ éĢī +æĹ Ń +å¢ŀåĬł äºĨ +åıĹ ä¼¤ +ä¸Ģ èĤ¡ +便 æį· +ä¸ ij +é¹ ¤ +å¤ĸ è§Ĥ +å·¥ç¨ĭ å¸Ī +åĴĮ åħ¶ä»ĸ +è¿Ļ å°± +ä¸Ńå°ı ä¼ģä¸ļ +西 åĮĹ +åĽ½æľī ä¼ģä¸ļ +èĭ¥ æĺ¯ +åı¯ æĥľ +çĶŁ æĹ¥ +åĩ ½ +ä¹° åįĸ +ç¥Ŀ ç¦ı +人æ°ij 群ä¼Ĺ +åħī æĺİ +åħ¬ å¯ĵ +æĺ¯ è°ģ +æĪij çŁ¥éģĵ +è¯Ń æĸĩ +æķı æĦŁ +ä¸įéĶĻ çļĦ +æĿ¥ 讲 +æ³¢ åĬ¨ +çļĦ 第ä¸Ģ +åľ° éľĩ +åľ¨ åħ¨åĽ½ +骨 å¹² +å®ī ç½® +å®¶ ç͵ +ä¸İ æŃ¤ +ä¸İæŃ¤ åIJĮæĹ¶ +åıĹ çģ¾ +çĥŃ çº¿ +çļĦ æĬĢæľ¯ +æµĭ éĩı +ä¾Ŀ èµĸ +ä¸ŃåĽ½ çļĦ +çī¹ æĢ§ +è¾ĥ é«ĺ +è¸ © +ä¼ļ åľ¨ +建 éĢł +导 èĪª +æĥ³ èµ· +åħ¨ ä¸ĸçķĮ +建 æĿIJ +ç¯ Ģ +çļĦ åŁºç¡Ģ +èĩªåĬ¨ åĮĸ +åīį åIJİ +çĿ¡ çľł +æİ¨ è¡Į +æį® äºĨè§£ +ä»Ģä¹Ī æĹ¶åĢĻ +ä¸į åĸľæ¬¢ +çħ¤ çĤŃ +éĤ£ä¹Ī å¤ļ +å¸Ĥåľº åĮĸ +ä¸į管 æĺ¯ +ç«ĭ åľº +éĥ½ 没 +课 é¢ĺ +æĪij们 å°Ĩ +è¿ĩ çļĦ +åĨį åĬłä¸Ĭ +çĪ ¾ +身 æĿIJ +çĶ· 女 +è¿ľ è¿ľ +çĶ· çĶŁ +èĩªèº« çļĦ +è´Ł æĭħ +çϾ ä¸ĩ +西 çıŃ +西çıŃ çīĻ +åĩĢ åĪ©æ¶¦ +æ¾³ 大 +澳大 åĪ©äºļ +ä¸į åİ» +æī¿ åıĹ +楼 çĽĺ +å¢ĥ åĨħ +æ·· åĩĿ +æ··åĩĿ åľŁ +æĢĿæĥ³ æĶ¿æ²» +å¸Ĥ åĮº +æĭĽ æłĩ +åĽ¢ ä½ĵ +è¿Ľ 度 +åĨĽ éĺŁ +åıį å¼¹ +äºĨä¸Ģ äºĽ +æİ¥ å¾ħ +çļĦ åŃ¦ä¹ł +éħį éĢģ +é£Łåĵģ å®īåħ¨ +æĽ¿ 代 +æĺ¯ 以 +éĢļ ç͍ +çłĶç©¶ æīĢ +ç¦ ħ +æī Ķ +éļĶ ç¦» +ä¸ĩ å¹³æĸ¹ç±³ +çļĦ è§Ħå®ļ +ç»Ļ æĪij们 +æ¿Ģ åħī +ä¼ļ åĩºçݰ +çŁŃ ä¿¡ +ç©¿ çĿĢ +æ²Ī éĺ³ +æķĻ æĿIJ +éĺ² çĸ« +ä¼ĺ èī¯ +约 å®ļ +æĪij çľģ +åħ¬ æ°ij +éģ¸ æĵ +é쏿ĵ ĩ +å·² æĪIJ为 +ä¸į å¿ħ +ç¥ĸ åĽ½ +å¹¶ æľª +åľŁ 壤 +å¾® ç¬ij +äºĭä¸ļ åįķä½į +çļĦ 游æĪı +åħ¬ 示 +åIJĪçIJĨ çļĦ +çª Ŀ +æ°Ķ 象 +å®¶ ä¸Ń +亮 缸 +åį« æĺŁ +è®° è½½ +è§Ĩ éĩİ +åľ°åĮº çļĦ +ä½Ĩ ä»ĸ +èĤĮ èĤī +äºı æįŁ +åĬŀ åѦ +ä¸Ģ è¡Į +è¯ŀ çĶŁ +åıijå¸ĥ çļĦ +çļĦ æľįåĬ¡ +çļĦ çłĶç©¶ +åij¨ æľ« +产ä¸ļ åĽŃ +é«ĺ 温 +æĪIJåĬŁ çļĦ +æŃ¥ 骤 +åŃĺ åĤ¨ +åŃIJ åħ¬åı¸ +让 她 +ä¸Ń æľī +åĺī 宾 +å¦ ® +æĺİ å¹´ +äºĨ åIJĹ +äºī è®® +æĪ Ī +ä¸Ģ æľ¬ +ç¾İ丽 çļĦ +ä½ł 说 +大 人 +æĶ» çķ¥ +ä¸į æľĥ +å¾ħ éģĩ +ä¸Ģ è¾Ĩ +çīĪæĿĥ æīĢæľī +æ°ij ä¼Ĺ +åĬ٠夫 +å±ķ ä¼ļ +大 èĦij +æ¯ı æľĪ +å°ı 麦 +æµĻæ±Ł çľģ +çļĦ æīĢæľī +ä¸ĭ æ»ij +èĵĿ èī² +è¦ģ æĥ³ +åѦçĶŁ çļĦ +å½ĵ ä½ł +ä½ľ æĪĺ +å®¶ 乡 +å¤ļ åIJį +é«ĺ äºİ +åĿļ 强 +è¿ŀ éĶģ +åIJİ æŀľ +人 äºĭ +ç´ ħ +æ¿Ģ åĬ¨ +è¿Ľ æĶ» +ç© Ĩ +ä¸ ĺ +让 èĩªå·± +以 æŃ¤ +夫 人 +å¼Ģ 设 +æ°Ķ è´¨ +鸡 èĽĭ +çĦ¡ æ³ķ +åIJĥ äºĨ +åĪĨåĪ« 为 +èģĶåIJĪ åĽ½ +å½ĵ 代 +å¦Ĥæŀľ æĺ¯ +è¿ľ ç¨ĭ +åĸ Ĥ +è®° ä½ı +æ¸ħ åįķ +åIJĪä½ľ ä¼Ļä¼´ +åİ» åģļ +æķħ éļľ +模 æĭŁ +å¸Ī çĶŁ +åīį æĿ¥ +ç͵è§Ĩ åī§ +çĥŃ çα +éľ² åĩº +é«ĺ å±Ĥ +ç͵ åύ +纪 å¾ĭ +å¼Ģåıij åķĨ +éķ¿ å®ī +è½½ ä½ĵ +çļĦ å°±æĺ¯ +被 人 +åıĹ çIJĨ +篮 çIJĥ +èİ İ +交 ç»Ļ +æľªæĿ¥ çļĦ +两 大 +åIJķ å¸ĥ +çŃī 人 +çļĦ æĹ¥åŃIJ +åIJĪä½ľ 社 +æĮij éĢī +åŃĺ æ¬¾ +ç³»ç»Ł çļĦ +æĬĬ å®ĥ +没æľī ä»Ģä¹Ī +ä»İ æŃ¤ +ä¸Ń åįĪ +çĸ¼ çĹĽ +å·© åĽº +浪 漫 +缸åħ³ éĥ¨éŨ +éķ¿ åŁİ +纤 ç»´ +ä¸Ĭ éŨ +çĪĨ çĤ¸ +èµ· çĤ¹ +çļĦ éĢļçŁ¥ +èĢĮ æĿ¥ +çļĦ èĢģ +æīĭ éĩĮ +è¯Ń éŁ³ +è¾Ľ èĭ¦ +æ±Łèĭı çľģ +ç͍ äºĨ +身份 è¯ģ +æľī åĬ© +æľīåĬ© äºİ +çī© èģĶç½ij +åĩº éŨ +å¼Ł åŃIJ +æĥ ¹ +è¿Ļä»¶ äºĭ +æĪij们 åı¯ä»¥ +çļĦ çĶŁåij½ +æľīä¸Ģ ç§į +åºĹ éĵº +åıĮ æīĭ +çļĦ æ¶Īæģ¯ +èĢIJ å¿ĥ +å°´ å°¬ +éĤ£ 天 +é¦ĸ æī¹ +æĺ¯ä¸Ģ å®¶ +人 æ°Ķ +åıį æŃ£ +æĪij åĴĮ +å®ł çī© +ä¸į 对 +寻 æ±Ĥ +缸 ä¼¼ +åľ¨ ç¾İåĽ½ +åı« åģļ +åĹ İ +ç«ĭ è¶³ +ç͍ éĢĶ +åħ Ĩ +大 æ°Ķ +åIJij ä¸Ĭ +ä»ĸ å°± +é¡¹çĽ® 建设 +èĭ¥ å¹² +æĺ¯ æľī +æ¿Ģ æĥħ +çļĦ æĦıä¹ī +æĺ Ń +严éĩį çļĦ +å¯Ĩ éĽĨ +èĪŀ è¹Ī +èᣠèİ· +èİ· æĤī +æ±Ł åįĹ +åģĩ å¦Ĥ +æĪ· å¤ĸ +线 ç´¢ +ç§ģ 人 +转åŀĭ åįĩ级 +çļĦ ä»·å̼ +åįķ çĭ¬ +èĢģ çϾå§ĵ +å°į æĸ¼ +åĽ½éĻħ åĮĸ +ä¼° å̼ +æľįåĬ¡ ä¸ļ +èĩ Ń +æİī äºĨ +è§£åĨ³ äºĨ +ä¹Ł ä¸įèĥ½ +åħ ¹ +æĸ¯ çī¹ +æķħ æĦı +è¿ĩ 度 +èĬĤ æĹ¥ +çϽ çĻľ +çϽçĻľ é£İ +ç»§ æī¿ +äºĨ ä¸įå°ij +äºĮ 人 +è§ģ éĿ¢ +æĥ³ æĥ³ +å¤į åIJĪ +康 å¤į +åİ¿ åŁİ +åľ¨ åĽ½åĨħ +åľº åľ° +é϶ çĵ· +è¿Ļ 项 +çľ¼ ä¸Ń +çł ¸ +æĦŁè§ī åΰ +æŀľ çĦ¶ +æĶ¾ åħ¥ +约 æĿŁ +æİĴ æŁ¥ +车 主 +çļĦ æĦıæĢĿ +æĸ° åŁİ +æĥ³ çĿĢ +éģ Ĥ +èĮ¶ åı¶ +ä¹° æĪ¿ +åĨľ æĪ· +é«ĺ æīĭ +çİī ç±³ +æĸ°åĨł èĤºçĤİ +çħ§ æĺİ +æĮĩ åįĹ +è¸ ¢ +æķij æı´ +æĻ¯ çĤ¹ +ç¨İ æĶ¶ +çļĦ æīĭ +æŃ£ 好 +è¦ģ æĬĬ +éļı æĦı +åħ¶å®ŀ æĺ¯ +ç»Ļ èĩªå·± +è°Ī åΤ +æ¯ı天 éĥ½ +æĢģ åĬ¿ +é¢Ħ 约 +åİĨåı² ä¸Ĭ +å®Ŀ è´Ŀ +åīį è¿Ľ +ä¹Łå°±æĺ¯ 说 +çļĦ æĦıè§ģ +åı£ 罩 +åİĺ ç±³ +èĬ± è´¹ +ä½ĵèĤ² æĬķæ³¨ +åħ¬ä¼Ĺ åı· +èijĹåIJį çļĦ +å¼Ģ æĪ· +æĭį åįĸ +å²ģ æľĪ +åĨħ æ¶µ +å®Įæķ´ çļĦ +é«ĺ åİĭ +åħ¬åĬ¡ åijĺ +使ç͍ çļĦ +çĶŁäº§ 线 +妹 妹 +èµ° 访 +æĺ¯ åı¯ä»¥ +åľ¨ å®¶ +æļ´ åĬĽ +æ³° åĽ½ +è´¨ çĸij +ä¸į éģİ +天çĦ¶ æ°Ķ +缺 çĤ¹ +å°ı åŀĭ +ä¸įä»ħ æĺ¯ +é»ij æļĹ +æ¢ ¨ +æĸĩ æĹħ +è¦ģ æľī +ä¸Ń å±± +çļĦ æķ°æį® +å¾Ĺ å¾Ī +以 便 +对 ä»ĸ +åĬł 以 +çϼ çı¾ +设 å®ļ +èĤļ åŃIJ +éĿ ĸ +å¥ī çĮ® +ä¸į åıĺ +åı£ ç¢ij +åľ¨ åĵªéĩĮ +ä½ IJ +è¿Ļ 两个 +çļĦ æĸ¹åIJij +æŀ « +äºĮ 次 +çīĩ åĮº +éł IJ +ç£ Ĭ +æĭ¿ çĿĢ +å·²ç»ı æĪIJ为 +ä¹ĭ ä¸Ĭ +å®Ĺ æĹ¨ +奶 奶 +é«ĺæĸ° åĮº +社 æľĥ +è·Ł 踪 +æľįåĬ¡ ä¸Ńå¿ĥ +æī ¯ +æīĭ æĮĩ +礼 çī© +宿 èĪį +ç͍ å¿ĥ +æıIJé«ĺ äºĨ +亮 çĤ¹ +ä¸į æĦ¿æĦı +æĴŃ æĶ¾ +å¤ļå°ij éĴ± +没 ä»Ģä¹Ī +æķ° åįģ +æĢ» çĽij +çļĦ åŁİå¸Ĥ +æī¾ åΰäºĨ +åĨħ åľ° +åΰ çİ°åľ¨ +æĪĺæĸĹ åĬĽ +åİŁ å§ĭ +åĥ § +åĢĴ æĺ¯ +æľĢ åħ· +è´«åĽ° æĪ· +éĢģ åΰ +级 åĪ« +åĩº èµĦ +æĪª æŃ¢ +ç§į åŃIJ +èĥ½ ä¸įèĥ½ +幸 è¿IJ +èĸ ĩ +项 éĵ¾ +æĮĤ çīĮ +ä¸Ģ 樣 +ä¹ĺ 客 +èIJ½ åIJİ +ä½Ĩ æĪij +æĹ© åľ¨ +åĬ¨ 漫 +å¹³ çŃī +对 ä½ł +ä¸į æĢķ +å¤ĸ çķĮ +å¤ļå¹´ æĿ¥ +é¦ĸ 个 +æ²³ åįĹçľģ +æĪĸ åħ¶ä»ĸ +éķľ å¤´ +åįĹ æĺĮ +ä¸Ģ éĿ¢ +éĢłæĪIJ çļĦ +å´ Ķ +çŃ Ĵ +æķĻèĤ² éĥ¨ +åľ° åŁŁ +æĺĨ æĺİ +å·´ é»İ +æīĭ 游 +ä¸Ģ æĹ¶ +çł į +é¡¶ 级 +åħ± 计 +åİŁ æ²¹ +è¾ī çħĮ +说 æĺ¯ +æĸ°åįİ ç¤¾ +ç»ıåİĨ äºĨ +ä¸į æŃ¢ +è¦ģ ä¹Ī +èĢħ çļĦ +æĢ» æĬķèµĦ +è¡Į é©¶ +ä¸Ĭ å¸Ŀ +å¹´ 纪 +çIJ ¼ +ä¼ł 说 +ç²¾ èĭ± +æĸ¹ éĴĪ +æ±Ł æ¹ĸ +æĪIJ çĤº +æĢ» éĩı +æĬķ æĶ¾ +åĬ¨ çĶ» +èĹ ¤ +ç͵ æºIJ +éĴ Ļ +åIJĮ è¡Į +æĻ®éĢļ çļĦ +åĽ¾ä¹¦ é¦Ĩ +è¯Ī éªĹ +æħĪ åĸĦ +è¿Ļ 份 +主æĮģ 人 +å°± è¿Ļæł· +èĢĮ æĪIJ +èĩªè¡Į 车 +ä¸ŃåĽ½ çī¹èī² +èĤ¿ çĺ¤ +åIJ ¾ +å¼Ł å¼Ł +åıĹ çĽĬ +éĢīæĭ© äºĨ +æĺİæĺ¾ çļĦ +æĬ¥ èĢĥ +ç¬ij éģĵ +éĽĸ çĦ¶ +温 å·ŀ +éĿŀ æ´² +ç§į ç§į +åıĤåĬł äºĨ +è´§ è¿IJ +éļı 便 +å°± 没æľī +ç¸ £ +央 è§Ĩ +ç©¿ è¶Ĭ +çļĦ çݰ象 +åĩł 次 +çļĦ é£İéĻ© +æŃĮ æĽ² +æľ¬ å±Ĭ +å¹´ åĨħ +ä¸į è¶ħè¿ĩ +è¿ĩ å¤ļ +å¿ħé¡» è¦ģ +ç»ĵ 论 +åĢŁ éī´ +ç¥ŀ å¥ĩ +æľŁ æľĽ +ä¸ĵ 享 +éĿŀ常 éĩįè¦ģ +æĦıè¯Ĩ åΰ +åIJĪ å¹¶ +æĬĬ èĩªå·± +å¥Ĺ è£ħ +éŃĶ æ³ķ +å¤ı åŃ£ +ä¸į åĥı +å¢ĥ çķĮ +æĥĬ åĸľ +æľīä¸Ģ 天 +çĦ¦ çĤ¹ +æĪij 认为 +åħ° å·ŀ +ç͵ æ°Ķ +èģĶç³» æĪij们 +ç§ij æĻ® +她 说 +çļĦ æĸĩ竳 +å¥ĩ æĢª +åıĭ 好 +饮 æĸĻ +çļĦ æĶ¯æĮģ +çŃĶ åºĶ +éĩį éĩı +çij ¶ +åĩı è½» +ç§ijåѦ å®¶ +å·´ 西 +éĩijèŀį æľºæŀĦ +åħļ å§Ķ书记 +貸 款 +ç²¾ èĩ´ +ä»İ æľª +åį° åĪ· +åĽŀ 顾 +é¦ĸ éĥ½ +åıij èĤ² +éĹ® éģĵ +è¾¾ åΰäºĨ +å¿į ä¸įä½ı +æīį æľī +æįIJ èµł +ä½Ľ æķĻ +ä¸į æ¸ħ +éĺŁ éķ¿ +缸 åıį +æĬ¥ èѦ +大 åħ¨ +欧 缣 +帮 å¿Ļ +çļĦ æĻĤåĢĻ +缮 å½ķ +è¶³ 以 +èī° éļ¾ +ä»ĸ ä¹Ł +å·¥ ä½ľèĢħ +头 èĦij +缺 éĻ· +æĪIJç«ĭ äºĨ +å°± å¼Ģå§ĭ +认 åIJĮ +é»Ħ èī² +çĹħ æĥħ +覺 å¾Ĺ +è¿Ļ 两 +ä¿¡ ä»° +åľĭ å®¶ +ä¸įä»ħä»ħ æĺ¯ +çĭ¬ å®¶ +èά çļĦ +æĿIJ è´¨ +æµ· ä¸Ĭ +çĤº äºĨ +æľºåĬ¨ 车 +缸å½ĵ äºİ +å¤ļåħĥ åĮĸ +æĽ´ 大çļĦ +èĽ ® +åģĩ æľŁ +å¼ı çļĦ +交éĢļ è¿IJè¾ĵ +çľģ å§Ķ +ä¸į ç®Ĺ +æĶ¾ ä¸ĭ +éĹ ¯ +人 åľ¨ +港 åı£ +æĹ¨ åľ¨ +åij½ 令 +æŁIJ 个 +å¹³ 稳 +åıª 好 +人 人 +äº ŀ +äºĮ ç»´ +äºĮç»´ çłģ +æŀģ 为 +åĪ« å¢ħ +åħ¶ ä½Ļ +大 äºĭ +主管 éĥ¨éŨ +æĹł éĶ¡ +éĹ µ +éģŃ åΰ +说 è¿ĩ +为 ä½ł +è§£ çŃĶ +éªĮ æĶ¶ +çļĦ ç»ıéªĮ +åĮ¹ éħį +çģ« ç®Ń +豪 åįİ +æŁIJ æŁIJ +çļĦ æĹ¶ä»£ +书 éĿ¢ +æģĴ 大 +å»¶ éķ¿ +ä¸Ģ åIJĮ +æľª èĥ½ +交 æį¢ +çĶ¢ åĵģ +çŃī åΰ +åĪĨ 离 +æīĵ ç͵è¯Ŀ +å¹² çĩ¥ +è¾ĥ å¤ļ +å¤ļå¹´ çļĦ +èĥĮæĻ¯ ä¸ĭ +为 ä¾ĭ +æijĺ è¦ģ +å´Ľ èµ· +æŃ¤ åĪ» +æľī æľºä¼ļ +æĿ¡ 款 +é¢Ĩ导 å°ıç»Ħ +çļĦ 身ä½ĵ +åįķ ä¸Ģ +央 è¡Į +ä¸įæĸŃ æıIJé«ĺ +ä»·å̼ è§Ĥ +èĬ ½ +èIJ į +æ³ķå¾ĭ æ³ķè§Ħ +ä¸į éĶĪ +ä¸įéĶĪ éĴ¢ +åĩº äºİ +èĻļ æĭŁ +æį® æĤī +çĥ¦ æģ¼ +åħ¨ æĸ°çļĦ +æī« æıı +çĻ» éĻĨ +èīºæľ¯ å®¶ +çļĦ é£Łçī© +çļĦ åŃĺåľ¨ +客 åİħ +æĪij们 å°± +æŁ¥çľĭ æĽ´å¤ļ +è¯Ħ 审 +å¸Ĥ åł´ +è¬ Ľ +å·¨ 头 +ä¸ŃåĽ½ ç»ıæµİ +äºĨ èĩªå·±çļĦ +åĨ³ è®® +çĽijçĿ£ 管çIJĨ +æĬķ 票 +åĨį 度 +è¡Į çĤº +注 åħ¥ +ä½ľä¸º ä¸Ģ个 +æ¯ı个人 éĥ½ +åįķ åħĥ +è¦ģ çŁ¥éģĵ +被 称为 +ä¹ĭ éĻħ +è§£ éϤ +ä¸ ¸ +æº « +ä¸ī æĺŁ +é²ľ æĺİ +ä¹Ł éĥ½ +æĹ¶ æľº +åĩº æīĭ +æĥħ å½¢ +åķĨ è´¸ +éĢī 举 +对 èĩªå·± +çĶŁ åĬ¨ +åħĭ æľį +个 ä½ĵ +èĭ ij +ç¨ ± +大 åݦ +æĺ¯ 对 +åĪ© æģ¯ +è¿IJåĬ¨ åijĺ +åĮĸ è§£ +åīį æ²¿ +æĦŁ æģ© +æĢ» ä¹ĭ +é«ĺæĸ° æĬĢæľ¯ +åĿĩ 为 +åħ¨ åĮº +æ°Ķ æ°Ľ +åı¯ä»¥è¯´ æĺ¯ +ä½ı 宿 +åħļåijĺ å¹²éĥ¨ +åĹ ¯ +è·µ è¡Į +çļĦ ä¸ĵä¸ļ +èĢĥ éªĮ +èķ ¾ +åħ¬ åŃIJ +çļĦ çĬ¶æĢģ +æ½® æµģ +ä¿¡ æīĺ +è´ ¼ +åIJĦ æĸ¹ +æķij åĬ© +éĿŀ常 çļĦ +æ¡¥ æ¢ģ +åħ¬ æĸ¤ +ä¼¼ çļĦ +çľĭ 好 +å±Ģ éĥ¨ +å®ī éĿĻ +éħį ä»¶ +常 è§Ħ +å¼Ģ 车 +第äºĮ 次 +ä¸Ĭ 级 +åıĤ èµĽ +å®¶ å±ŀ +强 åĬ¿ +åľ¨ ä»ĸ +åIJij åīį +ä¹ĭ åľ° +éĥ ¡ +è¡Į ç¨ĭ +èѦ åijĬ +è§Ħå®ļ çļĦ +åķĨ åŁİ +äºĶ 大 +æķĻ å®¤ +åįģ è¶³ +æīĢ以 åľ¨ +å°Ĩ ç»§ç»Ń +çŃī æĸ¹å¼ı +å®¶ ä¼ģä¸ļ +交 ä»ĺ +çĤ¹ è¯Ħ +ç»ĵ ç®Ĺ +ä¹Ł åı¯ +å¤ĸ æ±ĩ +è¿Ļç§į æĥħåĨµ +æİĪ äºĪ +å¸ĥ ç½® +æĪIJç«ĭ äºİ +é¢Ħ èѦ +管çIJĨ 人åijĺ +å©ļ 礼 +ç»ĵæĿŁ åIJİ +åħ¥ éĢī +æĹł æ¯Ķ +åĴĮ åıijå±ķ +çϽ éħĴ +çİ© åħ· +ä¸ĩ ç¾İåħĥ +çļĦ æĪIJ绩 +æĭį çħ§ +èĢĥèĻij åΰ +ä¼ģä¸ļ åıijå±ķ +äºĨ 个 +çĶŁ æ°Ķ +çļĦ 女人 +äºĶ åįģ +çĪ· çĪ· +纽 约 +éĥ½ 被 +ä¸Ĭ 课 +çĽ ¡ +ä¼łç»Ł æĸĩåĮĸ +æ½ľ åľ¨ +åıij å°Ħ +ä¸Ģ 身 +éĺ² å®Ī +åĪ ® +é¢ĺ 缮 +åľ¨ åĨħçļĦ +ç¾İ 好çļĦ +è¿ĻéĩĮ çļĦ +ä¸Ģ ä¸Ŀ +人 åĿĩ +åĢ¡ 导 +身 åIJİ +æī© å±ķ +大 éŨ +å°± 被 +该 é¡¹çĽ® +æŀ¶ æŀĦ +ä¸Ģ åı£ +ä¿¡æģ¯ æĬĢæľ¯ +å¼Ģ ä¸ļ +æĶ¶ åıĸ +ç½ij 页 +æĶ¯ æı´ +å°ģ éĹŃ +å¡ij éĢł +大 èĥĨ +å¿«éĢŁ åıijå±ķ +çľĭ ä¼¼ +æ¸ Ŀ +è¿Ļæł· ä¸Ģ个 +模 åĿĹ +注æĦı åΰ +çł´ è§£ +èĩª ä»İ +åijµ åijµ +ä¹ĭ å¾Į +ä¹ĭ æĹħ +è·Ł æĪij +æ³ķ 人 +æİĴè¡Į æ¦ľ +åĿļ å®Ī +好 å¤Ħ +çŁ³ 头 +å¹¶ å°Ĩ +èĪ ± +æŃ ĩ +两 岸 +å¤ļ ä¹ħ +象 å¾ģ +个æĢ§ åĮĸ +çļĦ è§Ĵ度 +å¸ Ĩ +ç¦ı å·ŀ +æŁ¥ å¤Ħ +两 åĽ½ +åIJ¸å¼ķ äºĨ +é¦ĸ å¸Ń +大 åĵ¥ +é¤ Ĭ +涨 å¹ħ +éĢī ç͍ +許 å¤ļ +èIJ½ æĪ· +åĵĪ å°Ķ +åĵĪå°Ķ 滨 +åģļ ä»Ģä¹Ī +以 åħį +é¾ į +æĹł éľĢ +åΰåºķ æĺ¯ +æĢ ¡ +åijĬè¯ī ä½ł +éĺ² æ°´ +è¿Ļ æĹ¶åĢĻ +欢 ä¹IJ +转 åIJij +è¿Ļ个 åľ°åĽ¾ +åħ¥ é©» +èįī åİŁ +æĹ¶ä»£ çļĦ +åıĺ åĬ¨ +åĬłå¼º 对 +åģ¶ å°Ķ +å®Ī æĬ¤ +æ°Ķ 温 +人 éĹ´ +æľĿ é²ľ +ç»ı è´¹ +åĽŃ æŀĹ +å·¥ åľ° +è§Ħ æł¼ +åĩł åįģ +è¯ķ åĽ¾ +å¦ ĥ +éĤ£ æĹ¶åĢĻ +å¼ĺ æī¬ +ä¸ļ çķĮ +çļĦ éĢŁåº¦ +ä¼ļ ä¸įä¼ļ +èIJ¥ æĶ¶ +å°ıå¾® ä¼ģä¸ļ +çľĭ è¿ĩ +æĬĬ ä»ĸ +éģµ å¾ª +è¿Ļ è¾¹ +没æľī 人 +å£ ¶ +æ¹ĸ åįĹçľģ +æŀģ åħ¶ +çļĦ人 çĶŁ +ä»ĸ è¿ĺ +转åĮĸ 为 +èµ° è¿ĩ +æĬ± çĿĢ +çīĽ å¥¶ +ä¸ĩ 亩 +å¿ĥ æĢģ +æĹ¥å¸¸ çĶŁæ´» +ä½ĵ æ£Ģ +æĻ ĥ +çŃī é¢ĨåŁŁ +æĩī 該 +åı¯ä»¥ çľĭåΰ +æī¾ ä¸įåΰ +èĢģ å¹´ +æĬĬ æĪij +积 åĪĨ +梳 çIJĨ +ç» ³ +çļĦ æĶ¿æ²» +å¸Ŀ åĽ½ +éĻª ä¼´ +æ´Ľ éĺ³ +åħ¬ æŃ£ +å¼Ģ åı£ +çī¹èī² çļĦ +åĽ° å¢ĥ +ä¸Ĭ æľī +ç«ĭ ä½ĵ +æīĵ å·¥ +åķ¤ éħĴ +åľ¨ éĤ£éĩĮ +éĤ£ è¾¹ +个 åĪ« +ä¸Ģå®ļ æĺ¯ +çļĦéĩįè¦ģ æĢ§ +主 å¼ł +åĴĮ æľįåĬ¡ +ä¸Ĭ ç½ij +è¡¥ åĬ© +åıª éľĢ +å¼ ¦ +éģ ® +åĬĽ äºī +度 è¿ĩ +èij ¬ +é¡¿ æĹ¶ +éĦ ī +纺 ç»ĩ +åľ° åĿĹ +ä¿¡ç͍ åį¡ +ç½ļ 款 +åijĬè¯ī æĪij +éĽ Ļ +书 çĶ» +è¨Ń è¨Ī +æĢ» ä¼ļ +åΤ åĨ³ +ä¿¡ èªī +个 èĤ¡ +å¹³ 常 +æĢİ éº¼ +ä½ĵ çİ°åľ¨ +é»Ħ æ²³ +åĽĽå·Ŀ çľģ +羣 缸 +åIJĦ项 å·¥ä½ľ +åĬ¨ åijĺ +å³° ä¼ļ +ä¸Ģ æľŁ +æľī ä¸Ģå®ļçļĦ +é«ĺ度 éĩįè§Ĩ +ç¹ģ èᣠ+åıijçݰ äºĨ +ç½ij 红 +æīĭ æ³ķ +å®¶ åĽŃ +仪 åύ +è¾ĥ ä½İ +çļĦ å®īåħ¨ +æ¡ IJ +ä»ĺ 款 +æĬij åζ +åįĵ è¶Ĭ +æŃ£ éĿ¢ +åĵ ij +强 åζ +ä»Ĭ天 çļĦ +æĪĺ èĥľ +楼 å¸Ĥ +æĭ¿ ä¸ĭ +é¢ľ å̼ +举 éĥ¨ +çłĶ åζ +çļĦ æĪĺçķ¥ +åľ¨ ä¸Ģ个 +ä¸ī 人 +å®Į äºĨ +æĸ° æĬĢæľ¯ +ç»ıæµİ æķĪçĽĬ +å¯Į æľī +æ¾³ æ´² +åĬ© çIJĨ +é¢Ĩ åıĸ +è° Ń +çĩĥ çĥ§ +ç´ł åħ» +éĤĦ æľī +è¿Ľ èĢĮ +ä»Ģä¹Ī æĺ¯ +çłĶç©¶ ä¸Ńå¿ĥ +éĢĤ ç͍äºİ +æİ¥ æĶ¶ +失 æľĽ +äºĮ 级 +éĹ´ çļĦ +åİŁ æłĩé¢ĺ +èªį çĤº +æį ¡ +对 çĿĢ +对 éĿ¢ +ä¸Ń åİŁ +éĵ ĥ +çĶŁäº§ çļĦ +åıijå¸ĥ ä¼ļ +士 åħµ +è¿Ļ åı¥è¯Ŀ +ç¼´ 纳 +ä¸Ģ个 个 +åѸ çĶŁ +çĸij éĹ® +交 èѦ +示èĮĥ åĮº +天 使 +åľ¨ ä¸Ĭæµ· +åIJĮ æĻĤ +è½» æĺĵ +å͝ä¸Ģ çļĦ +çĥŃ éĹ¹ +ä¹IJ è§Ĥ +çļĦ 身份 +åĸĦ äºİ +大 åİħ +èĤ¯å®ļ æĺ¯ +éĺ² çģ« +å¤ĸ åĩº +æį® 说 +é¡¹çĽ® çļĦ +ä¸Ģ åı° +èĻļ åģĩ +ä¸Ģ ç¬Ķ +ç«ĭ æ³ķ +严 èĤĥ +æī¿ åĬŀ +åįģ åĩł +çļĦ 空éĹ´ +æľ¬ ç½ijç«Ļ +åģļ å¾Ĺ +ä¿Ŀ 温 +æľĪ åĪĿ +åľ¨ ç½ijä¸Ĭ +åIJĦ æĸ¹éĿ¢ +ä¸ī 天 +交æĺĵ æīĢ +è§£ æŀIJ +åħļ ä¸Ń央 +è¿Ľ åĩºåı£ +åĴĮ 社ä¼ļ +次 æķ° +ä¹ĭ å®¶ +ç»´ 度 +æ´¾åĩº æīĢ +产çĶŁ äºĨ +带 æľī +å¾Ī 强 +æľīäºĽ 人 +å¹´ åIJİ +äºĨ 许å¤ļ +å¯Ĩ 度 +åѦ æľŁ +çıł æµ· +æľĢå¤ļ çļĦ +è¾¹ ç¼ĺ +容 éĩı +第äºĮ 个 +ä¸Ģ缴 æĺ¯ +ä¸į ç¦ģ +æŃ ² +ä»ĭç»į äºĨ +ä¼ĺ éĽħ +æ¯Ķ è¼ĥ +èģĮ ä½į +温 æŁĶ +æľī éĴ± +æľĢ é«ĺçļĦ +åįļè§Ī ä¼ļ +ä¸į æĪIJ +éĶĻ äºĨ +è¯ģ çĽij +è¯ģçĽij ä¼ļ +æĪIJ 人 +åĿĩ åĮĢ +æľī åĪ© +è¶Ĭ åįĹ +æīĵ äºĨ +好 åIJĥ +ç³» çµ± +è·Ł éļı +çļĦ åľ°ä½į +æŃ£ å¦Ĥ +ç¨į å¾® +åį° åıij +åĪĽ ç«ĭ +é£İ åħī +å°Ĩ æĪIJ为 +ä¸į é«ĺ +é¢ij ç¹ģ +设 æľī +ä¼ ŀ +æĭĨ éϤ +å½± åĥı +æ¸Ĺ éĢı +å¹´ å¼Ģå§ĭ +ç½ij æĺĵ +è¦ģ åģļ +ç͵åĬ¨ 车 +羣 å¿ĥ +æµ· åĨĽ +ä¼ł æĿ¥ +å·® åĪ« +è°¨ æħİ +çĥŁ åı° +åįĥ å¹´ +è¯ģ å®ŀ +çIJ ª +çļĦ åħ·ä½ĵ +åΰ å¤Ħ +ä¸į å®ľ +èľ Ģ +èĥ½åĬĽ åĴĮ +çīº çī² +çļĦ éĴ± +大 éĺŁ +é¦ĸ è¦ģ +ä¸į æĦ¿ +çİ« çij° +人æ°ij ç½ij +è¿ĺæĺ¯ è¦ģ +åĽĽ å¹´ +æį٠伤 +çļĦ åģļæ³ķ +éĿ Ī +è¡Ķ æİ¥ +åIJĪ æĪIJ +没 人 +éŨ æ§Ľ +ä¿¡ è´· +çļĦ 缸åħ³ +举 é£İ +社 ä¿Ŀ +ä¸ĭ 游 +åĿĹ éĴ± +è¿ĩ åIJİ +çļĦ åºĶç͍ +é¥ ¶ +é¢ģ åıij +ä¸Ģ å¤Ħ +åįİ å¤ı +为 ä¼ģä¸ļ +åıª ä¼ļ +ä¾µ 害 +çļĦ åĬŁèĥ½ +åѸ ç¿Ĵ +ä¸Ńåįİ æ°ijæĹı +åıijå¸ĥ äºĨ +è¿İ æİ¥ +æĪij èĩªå·± +è¿ĺ éľĢè¦ģ +太éĺ³ èĥ½ +åİ» ä¸ĸ +æĺ¯ ä½ł +åIJĪ åĬĽ +ç»ĺ çĶ» +åı° åĮĹ +çĿ£ ä¿ĥ +åĮĹ éĥ¨ +æľī å¤ļå°ij +å¾Ī éĩįè¦ģ +åĪĴ åĪĨ +åı· 线 +æĶ¾ 大 +ä¼ļ 被 +èİ· å¥ĸ +ä¹ĭ åĨħ +失 åİ»äºĨ +çݩ家 们 +éĩĩ éĽĨ +å£ ¹ +å®¶ ä¼Ļ +çϽ 天 +åĽłä¸º ä»ĸ +社ä¼ļ æ²»çIJĨ +å¼Ģ åĪĽ +ç͵ ç¼Ĩ +æĸ° ä¸Ģ代 +å¹¶ è´Ń +å°± å·²ç»ı +çļĦ 社ä¼ļ +éϤ éĿŀ +åı¯ä»¥ ç͍ +å© ī +æ¯Ķè¾ĥ 好 +å®ŀ ä¸ļ +åĪĽ åĬŀ +æıIJ èµ· +é» ĥ +ä½ı åľ¨ +å¸Ĥ æĶ¿ +éĿ¢ä¸´ çļĦ +èĥ½ åľ¨ +çŁŃ çŁŃ +羣 人 +æĺİ æĺİ +èµĦ åĬ© +çļĦ ä¸įåIJĮ +å°ı æľĭåıĭ +é¢ĺ æĿIJ +ç¾İ åij³ +æĺŁ åº§ +ä¸į ä¸Ģæł·çļĦ +çľĭ ä¸Ĭåİ» +ä¸Ģ æł¹ +广 å·ŀå¸Ĥ +åıijçĶŁ çļĦ +é«ĺ ç§ijæĬĢ +ä¸Ģ è¾ĪåŃIJ +交 åıī +ä½ĵç³» 建设 +åĽłä¸º æĪij +çıį æĥľ +ä¸Ĭ åѦ +æĪĺ æľ¯ +æŃ¤ ç±» +交 å¾Ģ +æĮī æij© +人们 çļĦ +åħ¶ 實 +åİŁ æĿIJæĸĻ +渴 æľĽ +缸 å¤Ħ +å¾® å¾® +æ® · +ä¹ĺ åĿIJ +å¼Ģå±ķ äºĨ +é«ĺ åĵģè´¨ +æĹłäºº æľº +ä¸įæĺ¯ å¾Ī +çļĦ æĬķèµĦ +èĬĤ çľģ +èĩ ī +ç²¾ éĢī +çļĦ æłĩåĩĨ +åįĹ éĥ¨ +认è¯Ĩ åΰ +å¹³ éĿĻ +èĹ ¥ +æī« é»ij +æī«é»ij éϤ +æī«é»ijéϤ æģ¶ +éĢĻ ç¨® +建çŃij éĿ¢ç§¯ +ç¡® ç«ĭ +管çIJĨ åĬŀæ³ķ +æĦı å¿Ĺ +ä¸ ¨ +让 åŃ©åŃIJ +æķij çģ¾ +å½ĵ ä»Ĭ +çģ« çģ¾ +åIJĦ éĥ¨éŨ +ä¾µ çĬ¯ +æ¯ı åij¨ +æı ½ +ä¸Ģ次 æĢ§ +åħ¶ä»ĸ 人 +éĶĻ è¿ĩ +ä¸İ åħ¶ +åĭĩ æ°Ķ +çĩĥ æ°Ķ +é¦ĸ å±Ĭ +æľį 饰 +ç² ¥ +å®Į æ¯ķ +å°± æĬĬ +åĬŀäºĭ å¤Ħ +ä¸Ģä¼ļ åĦ¿ +离 ä¸įå¼Ģ +å¦Ĥæŀľ æĤ¨ +ä»ĵ åºĵ +导 å¸Ī +åIJĪéĢĤ çļĦ +毫 ç±³ +å®īåħ¨ æĢ§ +ä¾Ŀ çħ§ +产ä¸ļ åĮĸ +ä½ł çľĭ +羣çļĦ å¾Ī +åѤ çĭ¬ +éĺ² å¾¡ +å¾Ī ç®Ģåįķ +é£İ æ°´ +ä½Ĩ ä¹Ł +æİ¨ åĩºäºĨ +æ°ijèIJ¥ ä¼ģä¸ļ +çłģ 头 +å¤įæĿĤ çļĦ +ç»ĦæĪIJ éĥ¨åĪĨ +åħħ满 äºĨ +è¿ij åĩłå¹´ +çľģ æĶ¿åºľ +æľī å¿ħè¦ģ +éĻ ³ +ä¹ĭ ç±» +ä¹ĭç±» çļĦ +æĢ§ ä»· +æĢ§ä»· æ¯Ķ +åķĨ åºĹ +å¸Ĥ å̼ +人æīį åŁ¹åħ» +æ·± åıĹ +管çIJĨ å±Ģ +æģIJ æĥ§ +ä»ħ æľī +æĬµ è¾¾ +æµ· åħ³ +èµĭ äºĪ +äºĭ åĦ¿ +ä»· éĴ± +æīĭ ä¸Ĭ +èĩª å¾ĭ +åħ³ çα +享 æľī +éģĹ æĨ¾ +å¾Īå¿« å°± +æĽ´ å¿« +æłĩ è¯Ĩ +åºĨ ç¥Ŀ +ä¹Ł 好 +ä¸į æĺĵ +æĪij å¾Ī +æĶ¹éĿ© åıijå±ķ +å¤ĸ åľ° +æĬµ æĬ¼ +è¯Ĺ 人 +åİķ æīĢ +æĸ° åªĴä½ĵ +èĸ Ľ +è°Ī è¯Ŀ +ä¸Ģå®ļ ç¨ĭ度 +èµ° åľ¨ +æľĢ 强 +åĬŁ çİĩ +åħ± è¯Ĩ +大 æ¡¥ +ä¸ĭ æĸ¹ +å¤ĸ èµĦ +ç¢ ± +å·¡ è§Ĩ +æ¹ĸåĮĹ çľģ +个 çϾåĪĨ +个çϾåĪĨ çĤ¹ +çļĦ 责任 +çļĦ åĵģçīĮ +åĬ© æİ¨ +åĪĽéĢł äºĨ +ä»» èģĮ +å¿« æį· +æĿij åºĦ +åİ» çľĭ +æīį èĥ½å¤Ł +å± ¤ +æĪij å®¶ +æĺ¯ä¸Ģ 款 +ç¾ ħ +åĨ° éĽª +æŀģ 大 +çģ¯ åħī +éĨ ĭ +ä¸İ åħ¶ä»ĸ +æıIJåĩº çļĦ +éĿł è¿ij +è°ĥ åĬ¨ +å°½ åı¯èĥ½ +åıij åĬĽ +ç»Ļ 她 +éĢĤ éĩı +è·¨ åĽ½ +åħĪ è¡Į +æĸ° æĿIJæĸĻ +ä½ľ äºĨ +满 äºĨ +ä¸į 满 +çļĦçľ¼ çĿĽ +çľĭ å¾Ĺ +è¿Ļ ä¸Ģ次 +é½IJ åħ¨ +çļĦä¸Ģ éĥ¨åĪĨ +ä¸ Ļ +æ¸ħ æĸ° +說 æĺİ +身边 çļĦ +æīĢæľī 人 +å½° æĺ¾ +è± ¹ +åį ¿ +è¿IJ 转 +æĮĩ å¼ķ +å¸Ĥ åħ¬å®īå±Ģ +åıĤ å±ķ +ä¹ĭ æĹ¶ +éĩijèŀį æľįåĬ¡ +èµĦæľ¬ å¸Ĥåľº +èĥ½ 让 +å¿ĺ äºĨ +天 åłĤ +æ¯Ķå¦Ĥ 说 +éĬĢ è¡Į +èĽĭ ç³ķ +çĶ © +æł¸ å®ŀ +æĻ® 京 +ä¼ĺ ç¾İ +åı£ èħĶ +漫 çĶ» +çľ¼ éĩĮ +äºĨ ä¸ĭæĿ¥ +æĪij们 ä¹Ł +ä¾ į +为 ä¸Ńå¿ĥ +å¥ĩ 迹 +éĿĴ çĿIJ +æĪªèĩ³ 缮åīį +åĩº ä¾Ĩ +æĢ» åħ¬åı¸ +å¼¥ è¡¥ +ç®Ĺ æ³ķ +å·¥ä½ľ 室 +æīĢ以 æĪij +æ°´ åĪĨ +æīĢ å±ŀ +ä¸į 说 +ä½Ĩæĺ¯ åľ¨ +è¦ģ åİ» +åĪĽä¸ļ èĢħ +ä¸į æ¸ħæ¥ļ +åĽĽ åij¨ +æĺ¯ ä»İ +çļĦ æł¹æľ¬ +çģ ¶ +æ¯Ľ æ³½ +æ¯Ľæ³½ 举 +æµ· åı£ +åĽĽ åįģ +ä¹Ł 被 +èģ · +ä¸Ģ æīĭ +绩 æķĪ +çļĦ çĶ·äºº +书 ç±į +ä¸Ģ èĦ¸ +大 äºİ +鼶 éĥ¨ä»¶ +åħ³ æĢĢ +å¹³ ç±³ +æļ´ éľ² +å¾Ĺ å¤ļ +ä¸ī 级 +æľ¬ åij¨ +两 èĢħ +对 ä¸ŃåĽ½ +åıª è§ģ +欧 ç¾İ +å¦Ĥæŀľ æľī +å·²ç»ı æĺ¯ +çľĭ å®Į +çģ« éĶħ +èµ IJ +ä¸Ģ éģį +æĦŁ åĨĴ +ç»ĵ å±Ģ +ä»ĵ åĤ¨ +å®ŀ åľ° +å̻ ç»ıçIJĨ +ä¹Łä¸į çŁ¥éģĵ +碰 åΰ +åIJĪ è®¡ +客æĪ· çļĦ +ç½Ĺ 马 +æĦī å¿« +é£ Ľ +çĥŃ çĥĪ +伦 æķ¦ +åĮ» ä¿Ŀ +éĺ¿éĩĮ å·´å·´ +åĨį 说 +为 åŁºç¡Ģ +çĶŁäº§ ç»ıèIJ¥ +è¿ĻäºĽ 人 +åĪĹ è½¦ +æ²³åĮĹ çľģ +è¿Ļ 段 +æ´»åĬ¨ ä¸Ń +å© · +çĶŁ çIJĨ +ä¸ŃåĽ½ 人æ°ij +éĦ Ĥ +åIJ¬ åıĸ +å¤į ä¹ł +æľī çĽĬ +æĶ¶ æĭ¾ +å¾Ī åı¯èĥ½ +ç½ij绾 游æĪı +们 çļĦ +èµĭ èĥ½ +éļ¾ å¾Ĺ +åĪĨ æīĭ +羣 è¯ļ +åħ¬åı¸ åľ¨ +åĿĩ è¡¡ +åı£ åij³ +çīµ å¤´ +ä¸Ģèά çļĦ +轿 车 +çŃī äºİ +æ²ī é»ĺ +æĪij éĥ½ +å°ı ç¨ĭåºı +ä¸Ģ åī¯ +æī¿ è½½ +åľ° è´¨ +çķĮ éĿ¢ +ç͵ æľº +çĦ¦ èĻij +éĶĢåĶ® é¢Ŀ +æĸ° 车 +ä¸Ĭ 游 +主 æ¼Ķ +éļIJ ç§ģ +åıijå±ķ æĪĺçķ¥ +çļĦ åĬªåĬĽ +å¼Ģ åħ³ +è§£åĨ³ éĹ®é¢ĺ +çĿ£ 导 +对 æĬĹ +å¾Īå¤ļ 人éĥ½ +æĹł æķĪ +产åĵģ è´¨éĩı +å®ī å¿ĥ +åįİ äºº +ä¸į 符åIJĪ +èĩª å®¶ +éĺµ å®¹ +çļĦ åIJĦç§į +çļĦ çIJĨ念 +çļĦ æĸĩåĮĸ +为 èĩªå·± +å±± æ°´ +游 æ³³ +éľĩ èį¡ +çĶŁæ´» æĸ¹å¼ı +è¿ľ 离 +çŁ³ åĮĸ +æŃ¤ äºĭ +æĺ¯ 羣çļĦ +çļĦ æ¯Ķä¾ĭ +ç͍ ç͵ +奥è¿IJ ä¼ļ +ä¿Ŀ å®ī +èĽĭçϽ è´¨ +çļĦ å¿ĥçIJĨ +å· « +åı· çłģ +æ°Ķ ä½ĵ +åıij æĶ¹ +åıijæĶ¹ å§Ķ +åĮ» å¸Ī +æ¶Ĥ æĸĻ +æĺ Ĭ +å¸Ĥ 级 +ä¸ĸçķĮ çļĦ +åĪĨåĪ« æĺ¯ +çł´ 产 +ä¸Ģ æĿ¯ +æĭī å¼Ģ +å¹³ åĩ¡ +çļĦ åıijçĶŁ +åĬ¨ æīĭ +ä¸Ģ缴 以æĿ¥ +æīĭ å·¥ +éĩĮéĿ¢ çļĦ +æĹł åħ³ +ä»ĭ åħ¥ +èµ° ä¸Ĭ +å°±æĺ¯ è¦ģ +å¹´ éĹ´ +åĩº çı¾ +å½± éŁ¿ +å¹ħ 度 +éĽ ģ +éģĵ åħ· +缮çļĦ åľ° +åIJİ èĢħ +ä¸Ĭ æ¼Ķ +äºĨ åĩł +æ®ĭçĸ¾ 人 +å¿Ļ ç¢Į +æĺ¯åIJ¦ æľī +å¹¶ 对 +ä¼ļ 导èĩ´ +æ°´ åºĵ +ç»Ĩ èĩ´ +åIJİ æĤĶ +å¿ĥ æĢĿ +åģļ äºĭ +åİĤ æĪ¿ +çĿ ¿ +è¿IJèIJ¥ åķĨ +头 éĥ¨ +çļĦ è§Ĵèī² +æĺ¯ ä»ĸ +æĹ¢ æľī +å°ıæĹ¶ åĢĻ +强 åĬ² +主 æĴŃ +åħ¨åĽ½ åIJĦåľ° +æį ı +æįŁ åĿı +åķĨ ä¼ļ +ä¿Ŀ ç½Ĺ +çľģ å¸Ĥ +éļ§ éģĵ +æľī ä¸įå°ij +è¦ģ åľ¨ +建设 é¡¹çĽ® +ç³ĸ å°¿ +ç³ĸå°¿ çĹħ +æĿ¡ä»¶ ä¸ĭ +ä¼ĺè´¨ çļĦ +é¦ĸ åıij +å½ĵæĹ¶ çļĦ +丰 çͰ +大 çĽĺ +缸 ç»§ +å®ģ å¤ı +åħ¥ ä½ı +æĪij è¿ĺ +åħĭ æĸ¯ +å®ļ ä»· +å¹³æĸ¹ åħ¬éĩĮ +çļĦ çŁ¥è¯Ĩ +æĪij们 ä¼ļ +åħĥ å®Ŀ +ä½ĵ éĩį +è³ £ +对 æĪij们 +çŁ³ å®¶ +çŁ³å®¶ åºĦ +ç²¾ åįİ +å½¢ çĬ¶ +åıĹ åΰäºĨ +ä¿® 订 +ç¾İ åľĭ +é«ĺ æ¸ħ +çľ¼ éķľ +è§īå¾Ĺ èĩªå·± +带 ç»Ļ +åĶ® ä»· +éŨ 票 +åŃķ å¦ĩ +ç͵è§Ĩ åı° +åıij ä½ľ +çļĦ åij³éģĵ +éķ¿ è¿ľ +åħ¬åħ± æľįåĬ¡ +æŃ£å¸¸ çļĦ +æľī è¿ĩ +é£İ æĥħ +æ¯Ķ éĩį +åIJ » +管çIJĨ å·¥ä½ľ +综åIJĪ æĢ§ +å·² 被 +说 èµ· +æİĴ æ°´ +ä¸įæĸŃ åľ° +æĥħ æĢĢ +è¾ĵ éĢģ +è¿ĩ æķı +çļĦ åı¯èĥ½æĢ§ +æľį ç͍ +æľī 许å¤ļ +å§Ķ åī¯ä¹¦è®° +åĮĸå¦Ĩ åĵģ +æļĤ åģľ +æĬķèµĦ 人 +çıŃ çº§ +说 çĿĢ +åįĹ åĮĹ +åĪĨ è¡Į +çıł å®Ŀ +å¯ ¶ +å¢ŀ å¤ļ +被 åĬ¨ +ç®Ĭ çļĦ +éĹľ ä¿Ĥ +çļĦ èĦ¸ +æĥ Ł +ä¸į ä¸Ģå®ļ +ç¶ Ń +çģ« çĪĨ +ç§Ł éĩij +çŀ § +éĩį 建 +è· ª +ä¸Ģ 種 +çļĦ åIJĪä½ľ +å®ī æħ° +ä»į æĺ¯ +ä¸ĵä¸ļ åĮĸ +è°ĥ è§£ +ä¸į 妨 +éĢĻ æĺ¯ +å¿ħ éłĪ +ä¼Ĭ æľĹ +å¾Ĺ äºĨ +æľįåĬ¡ å¹³åı° +å§ ¬ +åħĪ éĶĭ +çİĭ åŃIJ +çļĦä¸Ģ åĪĩ +æĢ» çIJĨ +åĵ ¼ +çª ij +çļĦå¿ĥ æĥħ +çļĦ éĩį大 +çij Ł +ä¸Ģ ç¬ij +åıijå±ķ ä¸Ń +åģ¥åº· åıijå±ķ +åĵģçīĮ çļĦ +ç¦ ® +ä½Ļ 人 +ä»Ĭå¹´ 以æĿ¥ +æķ° çłģ +çѾ è¯ģ +åİ» æī¾ +åŁºéĩij ä¼ļ +æĬ± æĢ¨ +æŃ£ å½ĵ +çıŃåŃIJ æĪIJåijĺ +ä¸į åIJĪæł¼ +åζ å®ļäºĨ +ç¼ĵ æħ¢ +åζ 约 +æłı 缮 +å¸Ĥåľº ç»ıæµİ +ç»ĦæĪIJ çļĦ +严 å³» +æĹ¥ 讯 +ä¸ĢçĤ¹ çĤ¹ +æĺ¯ æĢİä¹Ī +çļĦ çħ§çīĩ +éĺ» æŃ¢ +模 ç³Ĭ +ç¼ ¸ +éģķ åıį +æIJ¬ è¿ģ +éĩij éĴ± +å½ ¬ +ä¸į å®ī +æĪĺçķ¥ åIJĪä½ľ +å¡« åĨĻ +讲 ç©¶ +åħħåĪĨ åĪ©ç͍ +èĥ½ å¤ł +èij¡èIJĦ éħĴ +éĩĩç͍ äºĨ +åľ¨ ä»Ĭå¹´ +ä¸Ńå°ı åѦ +åľ¨ æĦı +çļĦ åİĭåĬĽ +ä¸į 幸 +åζ èᝠ+åı¯ä»¥ 让 +被 è¯Ħ为 +ç»Ĩ èıĮ +æĪı åī§ +åįĬ 导 +åįĬ导 ä½ĵ +è§Ĩ è§Ĵ +åĸľ æŃ¡ +å¾ģ æĶ¶ +è°ĭ åĪĴ +æŀģ 大çļĦ +çĤ¹ èµŀ +è®°èĢħ ä»İ +两 åIJį +èĩª åĬ© +èµ· æŃ¥ +æĬ¤ 士 +å®Ŀ 马 +太 åŃIJ +å°ıå°ı çļĦ +温 æ³ī +åĩºç§Ł 车 +ç§Ł æĪ¿ +两 å®¶ +éľĩ æĴ¼ +ç§ī æī¿ +ä¸Ģä»¶ äºĭ +çĥΠ士 +å®ĺ åħµ +转 身 +ä¹IJ åĽŃ +çĻĮ çĹĩ +模 èĮĥ +æĦ £ +è¿ĩåİ» çļĦ +代 ä»· +çļĦ æ¦Ĥ念 +åĩł çϾ +è´µ éĺ³ +æĭħ å¿§ +éĢĤ å®ľ +çݯå¢ĥ ä¿ĿæĬ¤ +çĥ « +ä½ł æĥ³ +æŃ¤ åIJİ +ä½ł ä¹Ł +çį İ +éϤ æŃ¤ +éϤæŃ¤ ä¹ĭå¤ĸ +è°ĥ 度 +ç§ij 缮 +æīĢ说 çļĦ +åĬ ĩ +忽 è§Ĩ +ä¸ī 次 +ä¸Ģ æĹ¥ +åŀĤ 缴 +ç«ŀ æĬĢ +éĿ¢ åĮħ +大 æĪĺ +æIJº 带 +å¦Ĥæŀľ 没æľī +åħ» æĪIJ +åĩº è¡Ģ +çα好 èĢħ +æīĵ éĢļ +èµ· è¯ī +åijĪ çݰåĩº +æŃĮ æīĭ +åľ¨ å¤ĸ +é¢Ĩ导 å¹²éĥ¨ +åĨ ¥ +èĪĨ 论 +æıIJ åıĸ +éĺ¿ å°Ķ +æľĽ çĿĢ +ä¸ī äºļ +è² ¡ +åĪ ·æĸ° +æĻļ æĬ¥ +è¿ĺæľī ä¸Ģ个 +åĨ° ç®± +ç½ij çĤ¹ +åĩº åħ· +强çĥĪ çļĦ +æĪij çĽ¸ä¿¡ +å¸ĮæľĽ èĥ½ +çīĻ é½¿ +äºĭ å®ľ +ä¸ļåĨħ 人士 +代 æĽ¿ +åıĺ å½¢ +éĽ ² +è°ĥ æİ§ +åĪĽæĸ° åĪĽä¸ļ +æĭĨ è¿ģ +æł¸ æŁ¥ +éĢ Ĺ +åħ¥ åѦ +æĦı åIJij +æı Ľ +ä¸ĭ 次 +ä¼ł è¾ĵ +ä»ĸ们 åľ¨ +èĢĮä¸Ķ è¿ĺ +æĹ¥ åľ¨ +æķĻ è®Ń +æ´» çĿĢ +çļĦ æľīæķĪ +å¤įå·¥ å¤į +å¤įå·¥å¤į 产 +æĺ¯ä¸Ģ ä»¶ +çŃī çĿĢ +å¾ © +åĭĩ æķ¢ +éģŃ åıĹ +å¥Ķ é©° +讲 座 +说 å®Į +ç»Ļ åĩº +è° ¦ +è¯Ĭ çĸĹ +çĽ² 缮 +客 è¿IJ +å°± è¿ŀ +å¼Ģ åħĥ +å¼Ģåħĥ æ£ĭçīĮ +ä¸įæĸŃ æıIJåįĩ +ç͍æĪ· çļĦ +æĴ ķ +ä¾Ľ æ°´ +ç¶ĵ æ¿Ł +ä¸Ń åĮ»èᝠ+èģĶ æĥ³ +åħ¬äº¤ 车 +èĪª çıŃ +æĬĢ è¡ĵ +å¼ķèµ· çļĦ +å° ¹ +èµĦ æ·± +åĽ½èµĦ å§Ķ +èĺ Ń +é¼» åŃIJ +éĹ ½ +æİĴ éĺŁ +è§Ĥ åħī +éģĹ åĿĢ +举 京 +é¥Ń åºĹ +ä¸įæĸŃ çļĦ +å°±æĺ¯ ä¸Ģ个 +éķ¿ ä¹ħ +çļĦ è§ĤçĤ¹ +å¨ ¶ +æĪij çİ°åľ¨ +çķ ° +å¾Ĺ åĩº +å¿ħ å®ļ +ä¸į åıĹ +åıª éľĢè¦ģ +åĽ° æī° +ç§ijåѦ æĬĢæľ¯ +çīĽ èĤī +è¾ĥ é«ĺçļĦ +è·ij æŃ¥ +æ² ¾ +èı© èIJ¨ +æľĢ å¾Į +ä¿Ŀ å¯Ĩ +æ²» å®ī +éĤ ± +常 è¯Ĩ +èĦ¸ èī² +åĮĹ å¤§ +æ±ĩ èģļ +æijĨ èĦ± +é¾Ļ头 ä¼ģä¸ļ +女 åıĭ +çŃī å·¥ä½ľ +ä¸Ń ç¾İ +èģĮ åľº +èĦij è¢ĭ +åĨĻ çļĦ +饲 æĸĻ +åĬ³ åĬ¨åĬĽ +å± ¯ +æĮģ èĤ¡ +åĽ¾ åĥı +è¿ĩåİ» äºĨ +è² ¨ +è¾ ² +éĹ® æĪij +è·Ł ä½ł +çĶŁ æŃ» +审 ç¾İ +é¢Ĺ ç²Ĵ +ä¸Ń æĸ¹ +åĬł çĥŃ +æĹħè¡Į 社 +çϼ çĶŁ +ä¸į åłª +åĤ · +æ¥ ł +åĬŀ æ¡Ī +æŁ Ħ +æĹ¢ æĺ¯ +å¤Ħ åĪĨ +羣å®ŀ çļĦ +æĬ¥ 纸 +å¸Ī çζ +å®īå¾½ çľģ +åī¯ ä¸»å¸Ń +ä¹ĭ éģĵ +导 å¼¹ +åŃ¦æł¡ çļĦ +åŁİå¸Ĥ çļĦ +è°Ī åΰ +æ¢ Ĺ +å¹³ éĿ¢ +说 ä»Ģä¹Ī +é¢ij çİĩ +éķ¿ ä¸īè§Ĵ +çļĦ åĪ©çĽĬ +é» ¨ +è±Ĩ èħIJ +å®ŀéĻħ æĥħåĨµ +æŀĹ ä¸ļ +纪æ£Ģ çĽijå¯Ł +ä½ı éĻ¢ +çļĦ æķ´ä½ĵ +åīį è¡Į +æĮ ¨ +çħ¤ çŁ¿ +å̻ è£ģ +å°ı åIJĥ +æŀģ 端 +å©Ĩ å©Ĩ +çݰ è´§ +è¯Ĺ æŃĮ +éĴ¥ åĮĻ +缩 çŁŃ +ä½Ĩ è¿Ļ +æĸ° åĵģ +è¿Ļ 对 +çŁ¥åIJį 度 +å¿ĹæĦ¿ æľįåĬ¡ +大 å±Ģ +è¡¡ éĩı +ä½ĵçݰ äºĨ +æ¡ĥ èĬ± +åIJ¸å¼ķ åĬĽ +åł ¤ +æĵħ éķ¿ +åĴ Ĵ +缸 æľº +ä¸Ģ ç«Ļ +ä¸Ģç«Ļ å¼ı +æľĢ ç¾İ +æ°¸ ä¹ħ +çļĦ éĥ¨åĪĨ +åĪĨ å·¥ +å·¥ç¨ĭ 建设 +æIJŃ è½½ +æ°´ ä¸Ń +èĮ ¨ +çļĦ æĵįä½ľ +绣 æ²» +çķħ éĢļ +åħļçļĦ åįģ +è¼ ¸ +æ¸ ¬ +ç¾İ è§Ĥ +ä¸į åĪ© +åıį æĢĿ +éªĦ åĤ² +æłĩ çļĦ +æĿĢ äºº +éĺ¿ å§¨ +é£Ł æĿIJ +åIJĥ çļĦ +åIJİ åĨį +çŁ £ +两 ä¾§ +æ¸ħ æ°´ +è¿Ľ çIJĥ +å¼Ģå§ĭ äºĨ +åIJ¬ äºĨ +çĦĬ æİ¥ +çŁ ® +å¨ Ł +为 人 +éĢģ ç»Ļ +åĨĴ éĻ© +æķ · +ç»Ī æŃ¢ +æīį çŁ¥éģĵ +è¿IJ æ°Ķ +éĢļ é£İ +æĥĬ è®¶ +ç§ijåѦ éĻ¢ +æıIJ éĹ® +太 åİŁ +缸åIJĮ çļĦ +ä» ķ +èģ ĸ +æĥħ æ³ģ +é¢Ĩ导 人 +åĩºæĿ¥ äºĨ +沿 线 +éĻ ½ +æĦŁ è¦º +ä»į åľ¨ +æ© Ļ +约 为 +åĸĿ éħĴ +ç͍ èᝠ+ä¸ĭ ä¸Ģ +æ³ķ å®ĺ +顺 åºı +åģļ ä¸Ģ个 +åĭ ¢ +æŃ ª +ç͵ ç«ŀ +ä¼´ éļıçĿĢ +ä¹ĭ åĬĽ +ä¹ĭ 人 +äºij 计ç®Ĺ +åĪ«äºº çļĦ +ç§ijåѦ åıijå±ķ +第 åħ« +å¹² æī° +女 ç¥ŀ +è¿Ļæł· åģļ +å¤Ħ åľ¨ +æ°´ è´¨ +éķ¿ æĺ¥ +å¸Ĥåľº éľĢæ±Ĥ +ç»´ æĿĥ +è̳ æľµ +æĸĩåĮĸ çļĦ +奶 ç²ī +ä¼ł è¾¾ +æīĭæľº çīĪ +æĽ¾ åľ¨ +äºĮ æľŁ +åİŁåĽł æĺ¯ +æºIJ 头 +åıĪ èĥ½ +è£ ¸ +æĬĢæľ¯ åĪĽæĸ° +æĸĩåĮĸ æĹħ游 +åıij 票 +å¹´ 级 +ä½ł ä¸į +ä¹ĭ å¿ĥ +æķ° çϾ +åIJij å¾Ģ +èĢģ å®¶ +åľĭ éļĽ +çļĦ é«ĺ度 +æľĿ éĺ³ +æ¸ħ éϤ +èĩª æľī +书 ä¸Ń +游æĪı è£ħå¤ĩ +ä¸ĩ å¤ļ +驾驶 åijĺ +ä½ł çŁ¥éģĵ +åĽ½ åºĨ +é£Ł åłĤ +æİ¥ åı£ +æĢ» æķ° +åħ¶ä»ĸ çļĦ +çĶŁåij½ çļĦ +ä½ł åľ¨ +çļĦ 缮åħī +è¿Ļ æĸ¹éĿ¢ +éĥ½ 说 +çĸĹ æ³ķ +åĭĩ 士 +åľ¨ åħ¨çIJĥ +ä¿ĿéĻ© åħ¬åı¸ +çĿ£ æŁ¥ +åĸĦ èī¯ +表 å½° +è¹ ² +è·¯ 段 +æľĥåĵ¡ è¦ı +æľĥåĵ¡è¦ı ç¯Ħ +æĪ· åŀĭ +ä¿ĥ 使 +ä¿® 建 +é«ĺ æ°´å¹³ +åģļ åĩºäºĨ +主 åľº +è¡Į èµ° +空 çϽ +æľī人 说 +è¿Ļ个 ä¸ĸçķĮ +åIJį ä¹ī +å®Į ç¾İçļĦ +羡 æħķ +åıĬ åħ¶ä»ĸ +åı¯ ç͍ +æĭ IJ +è¾ĥ 大çļĦ +æĬĢæľ¯ åĴĮ +å°¼ äºļ +çϾ è´§ +æı ī +éĢī è´Ń +éĺŁ åıĭ +ä¼ł æĦŁ +ä¼łæĦŁ åύ +åıªè¦ģ ä½ł +为ä»Ģä¹Ī è¦ģ +ä¸ĵ注 äºİ +ä½Ļ é¢Ŀ +åħ¸åŀĭ çļĦ +缮åīį å·² +欲 æľĽ +èģĶ ç»ľ +æµģ ä¼ł +çļĦ å®¶åºŃ +åı· åı¬ +çıį è´µ +ä¼Ł 大çļĦ +éī´ äºİ +è·Ł ä»ĸ +产 çī© +ä¸į å·² +è¿Ŀæ³ķ è¡Į为 +头 ä¸Ĭ +åĪĨ è§£ +åı¯ä»¥ çľĭåĩº +æł¡ åĮº +åŃĹ ä½ĵ +ä¿® çĤ¼ +çĶļèĩ³ æĺ¯ +微信 åħ¬ä¼Ĺ +åıĸ 代 +èIJ¥ä¸ļ æĶ¶åħ¥ +æ½į åĿĬ +ä½ł èĥ½ +社ä¼ļ ä¿Ŀéļľ +æ¯ĶèµĽ ä¸Ń +污水 å¤ĦçIJĨ +夫 å¦ĩ +ä¸Ģ å¹ħ +沿 æµ· +åı£ æĦŁ +ä½Ĩ åį´ +å½ĵ æĹ¥ +çļĦ æľĢ大 +æ¯ı ä¸Ģä½į +没 äºĭ +çī¹ åĪ¥ +å¼Ģ åѦ +è·¯ éĿ¢ +å¿ĥçIJĨ åѦ +æĶ¾ ç½® +éĩįåºĨ å¸Ĥ +ä½ł èĩªå·± +æ¶Īè´¹èĢħ çļĦ +ä¸Ģ æ³¢ +èѦ æĥķ +å᧠室 +注 å°Ħ +é£İ 鼨 +沿 çĿĢ +åijĬ 訴 +表 çݰåĩº +åĽĽ æĺ¯ +åı¤ åħ¸ +æĽ´ éĩįè¦ģçļĦ +好 äºĭ +çľ¼ 泪 +æ¨ ĵ +审 åΤ +碰 æĴŀ +车 ç«Ļ +è¿Ľåħ¥ äºĨ +éĽĨ åIJĪ +æł¼ å¤ĸ +宾 é¦Ĩ +æĶ¯ä»ĺ å®Ŀ +她 æĺ¯ +æĺ¯ å¦Ĥä½ķ +人 次 +çļĦ æĪIJåĬŁ +æĹł åĬĽ +æµ· æĭĶ +æĺ¥ åŃ£ +éĥ½ ä¸įä¼ļ +çŃī å¤ļç§į +ä¸Ģ个 å°ı +åģľè½¦ åľº +让 æĽ´å¤ļ +è¿Ļ çĤ¹ +æĪIJ åĵģ +éĴ ī +éģĩ è§ģ +çıŃ ä¸»ä»» +æĦı æĦ¿ +çļĦ åIJĮåѦ +游 è§Ī +åİĭ 缩 +åľ¨ ä¼łå¥ĩ +å¼¹ æĢ§ +æĹ¥ åĨħ +ç¦ı建 çľģ +è§Ĵ èIJ½ +åĪĨ å¼Ģ +ä¼ļ 让 +å¤ĸ åĽ´ +çĨŁæĤī çļĦ +çĨ Ķ +ä¸ĩ è¾Ĩ +å¤ľ éĹ´ +车 身 +ä¸Ń æľŁ +å®ĮåĸĦ çļĦ +åĵģ ç±» +åıĭ è°Ĭ +éĢīæĭ Ķ +éªij 士 +å½ ¦ +çļĦ çľĭæ³ķ +åĽ½ çİĭ +è¾£ æ¤Ĵ +åıijå¸ĥ æĹ¶éĹ´ +åı¤ åŁİ +éļı æľº +ç« ĸ +å¼Ģ è¾Ł +ä¼Ĺ çĶŁ +没 åĬŀæ³ķ +åįĥ éĩĮ +æĿ¥æºIJ äºİ +çļĦ æĿĥåĪ© +æ¯Ķ åĪĨ +满æĦı çļĦ +ä¿® è¡Į +åĿ ł +大 æµ· +èİ ¹ +åĩº 身 +è« ĩ +åħ³ èĬĤ +åIJį 人 +éľĢè¦ģ 注æĦı +æĹ© æĻ¨ +å¤ĸ åįĸ +åıĪ è¦ģ +æ¶ī æ¡Ī +çĶ³è¯· 人 +éĻĦè¿ij çļĦ +åĬłå¿« æİ¨è¿Ľ +æĸ° å¹´ +大 è¡Ĺ +ä¸Ģ é»ŀ +èĭı å®ģ +æĤĦ æĤĦ +èĦ¾ æ°Ķ +å¸Į èħĬ +éļı åį³ +æķ¢ äºİ +å®ŀè·µ ä¸Ń +æĺ¯ 没æľī +æľīè¶£ çļĦ +æĿ¥èĩª äºİ +è£ģ åΤ +女 åŃ©åŃIJ +èĩ³ åħ³ +èĩ³åħ³ éĩįè¦ģ +æĻº åĬĽ +èµ° åĩºåİ» +çŁŃ æĿ¿ +大 åĽ½ +çļĦ 认è¯Ĩ +å¹´ å¤ľ +åĨį åΰ +åIJĮ æł·çļĦ +å¯Ĩ å°ģ +å¤ĸ交 éĥ¨ +çĶŁ æķĪ +æĤ¨ åı¯ä»¥ +ä½ł åĢij +è¿ĩ å¹´ +å¼ ĵ +è¡Į æĿİ +æ¯Ķ èµ· +身 é«ĺ +è¿Ļ个 人 +ä¸Ń å¤ĸ +éģĵ æŃī +çĽ¯ çĿĢ +亲 åŃIJ +éĹ ¸ +çϽ äºij +èĦĸ åŃIJ +ä¸ĢåĪĩ éĥ½ +æ· ij +è° ľ +åģ¶ çĦ¶ +éĿł è°± +é«ĺ 管 +ä¸ĭ åıij +æĶ¾ åΰ +ç±» åĪ« +ä¸ĭ åĪĹ +æ·· ä¹± +åIJĪæ³ķ æĿĥçĽĬ +çݯ çIJĥ +æľīæķĪ åľ° +åķĨ æĪ· +æ¹ĸ 人 +æµ· 岸 +æĬķ 产 +两 个æľĪ +éĥ½ éĿŀ常 +å¢ŀ强 äºĨ +æĿ¥ åΰäºĨ +åī© ä½Ļ +æĤ¨çļĦ åŃ©åŃIJ +æµģ æ°´ +æŃ£ ä¹ī +天 çĮ« +åģļ è¿ĩ +ä½ķ æĹ¶ +æĪij åİ» +çľģ 份 +å¥ĸ éĩij +该 å¦Ĥä½ķ +ä¸ĭ çıŃ +åģ¶ åĥı +æijĨ æĶ¾ +æĸ° 模å¼ı +æĬķ è³ĩ +è·¯ åı£ +åĨľæ°ij å·¥ +大 åѸ +ä»¶ äºĭ +æł¹æľ¬ ä¸į +æµĵ 度 +æµĵ åİļ +è½® èĥİ +æĪ¿ ä¼ģ +éĿŀ常 好 +ä»İ ä¸Ń +人 æł¼ +ç¿ ģ +æĹ¶éĹ´ åĴĮ +è¿Ļ ä¸įæĺ¯ +åΏ åķĨ +æĥĬ 人 +åύ å®ĺ +åĩĨ åĪĻ +æĥħ æĻ¯ +æĽ´ é«ĺçļĦ +åѦ å®¶ +泡 沫 +åľ°æĸ¹ æĶ¿åºľ +å°± çŁ¥éģĵ +åij¼ åIJģ +ç»ı è´¸ +èĬ± éĴ± +æľī ä¸Ģ次 +æĦŁ æħ¨ +ä¸Ģ åįĥ +å¤ľ æĻļ +詹 å§Ĩ +詹å§Ĩ æĸ¯ +è¦ģ éĹ» +ç» Ĵ +æºIJ äºİ +çļĦ è´¨éĩı +注æĦı äºĭ项 +æħ¢ æĢ§ +稳å®ļ çļĦ +建设 åĴĮ +æĻ¯ 象 +éĩı åĮĸ +çļĦ 話 +è¯Ħ 级 +æº ľ +红 åĮħ +éĢļ éģİ +社ä¼ļ 责任 +æĸ° 产åĵģ +åĨ· éĿĻ +çľĭ ä¸įåΰ +èģĶ éĤ¦ +éŃ Ħ +çļĦ åīįæıIJ +çļĦåīįæıIJ ä¸ĭ +è¾ĥ 好 +çļĦ æĦŁæĥħ +客æĪ· æıIJä¾Ľ +çĭ¬ èĩª +å¢ŀ æĶ¶ +æĸĩ çĮ® +æĭ¼ åij½ +管çIJĨ åĴĮ +æµģåĬ¨ æĢ§ +åħ¨ å®¶ +ä¸Ĭ æĸ¹ +æİ¨åĩº çļĦ +ä¸ī åĽ½ +ä¸Ģ个 æĺ¯ +æĸ° ä¸Ģè½® +æĸĩåĮĸ éģĹ产 +æ® º +大 æ¹¾åĮº +éĥ½ éľĢè¦ģ +çļĦ å®ŀéĻħ +ç· Ĭ +大 å¥ĸ +åħī èĬĴ +便 äºİ +çļĦ 表æĥħ +æ¼Ķ ç»İ +红 åĨĽ +å½ĵ æĪij +æ²» æĦĪ +é¢Ŀ 度 +éĿ ľ +ä»»ä½ķ 人 +è¡Ĺ 头 +çī¹ æĸ¯ +çĸ¯ æĭī +åĮ»çĸĹ æľºæŀĦ +ç»Ļ åŃ©åŃIJ +è§Ħ 磩 +è£ ľ +çļĦ 身影 +ä¸ĵ æłı +æĿ¥ 临 +ç«¥ å¹´ +å¤į èĭı +è¨ Ĥ +åŀĭ åı· +åĽ¾ æ¡Ī +ç®Ģ åİĨ +æĭ ± +èį· åħ° +ä»» æĦı +æī¿ æİ¥ +è¿Ļ æīį +客 车 +æľĿ çĿĢ +éłħ 缮 +åı° é£İ +çļĦ æĪ¿åŃIJ +éª ı +æĿ± 西 +éģĹ ä¼ł +è¶Ĭ å¤ļ +äºĨ ä»ĸçļĦ +ä¸Ĭ åij¨ +管çIJĨ åĪ¶åº¦ +失 ä¸ļ +çĶ· åıĭ +æİ¥ ç§į +å¨ģ åIJį +çĴ° å¢ĥ +åıijçĶŁ åľ¨ +个 åĽ½å®¶ +åĪĽæĸ° åıijå±ķ +æĶ¹åıĺ äºĨ +åģ¥åº· çļĦ +å̼å¾Ĺ ä¸Ģ +å̼å¾Ĺä¸Ģ æıIJ +åĽ¢ ä¼Ļ +åģĩ 设 +åı° ä¸Ĭ +è§ĦèĮĥ åĮĸ +éĻª åIJĮ +座 æ¤ħ +åı¯ æĢľ +åħĭæĢĿ 主ä¹ī +æ³ķå¾ĭ 责任 +ä¸Ģ é¡¿ +æĬ¬ 头 +为 éĩįçĤ¹ +è¿ľ æ´ĭ +éĢı è¿ĩ +åħ¨çIJĥ åĮĸ +è¶£ åij³ +票 æĪ¿ +æ¯ı 人 +åIJĦç§į åIJĦæł· +äºĨ åĩºæĿ¥ +ç»Ŀ对 æĺ¯ +ä¸ĭ å±ŀ +ä¸Ģ åıĮ +è¿Ļ åĿĹ +æĬĹ çĸ« +è¦ģ çĤ¹ +å½¢æĪIJ çļĦ +æĪij çľĭ +ä¸ĩ éĩĮ +èĢĥ çłĶ +为 åħ¶ +æ°ij 宿 +å¤ļ ä½į +大 èĩ´ +ä»ĺ è´¹ +åħ¥ æīĭ +å±ħ å®¶ +æīĢåľ¨ åľ° +人 身 +è¿ĩ å¾Ĺ +è¯ķ è¯ķ +访 è°Ī +åĬł éĩį +å°± ä¸įä¼ļ +çĶŁäº§ ä¼ģä¸ļ +åĽŀ åĽ½ +åºķ 线 +èµ¶ åΰ +æĶ¯ éĺŁ +æĪij们 éĥ½ +éĤ® æĶ¿ +缴 èĩ³ +éĴ¢ çIJ´ +åħ ľ +çłĶ讨 ä¼ļ +æľĪ 亮 +åĿļæĮģ 以 +åħ¬å®ī éĥ¨ +éĴ¢ 管 +å°ı çϽ +ç½® ä¸ļ +èģ ĭ +书 åĨĻ +æĿ ı +éħį æĸ¹ +èĢĮ åıĪ +çijŀ 士 +çķĮ çļĦ +èĢģ 大 +æĪIJçĨŁ çļĦ +å¹² ä»Ģä¹Ī +ä¸ĵ项 æĸĹäºī +çŃī å¤ļ个 +èĦ± 离 +ä¸ī 个æľĪ +çłĶç©¶ åijĺ +æĹĭ 转 +æŀģ èĩ´ +åħį è´£ +åħįè´£ 声æĺİ +å¾Īå¤ļ çݩ家 +车 ä¸Ĭ +交 äºĴ +å·² æĺ¯ +ä¸Ģ å°ı +çļĦ éĩįçĤ¹ +èĬ± äºĨ +ä¸į æĺİ +æľīåħ³ è§Ħå®ļ +çĬ¹ å¦Ĥ +çľ ¸ +å¯ ¡ +çļĦ è¡£æľį +åĮħ 裹 +身 åŃIJ +å¸ĪèĮĥ 大åѦ +äºĭ åħĪ +线 æĿ¡ +æ³ķ åζ +åħ» æĬ¤ +稳å®ļ æĢ§ +éĤ µ +åŀĦ æĸŃ +é¡ į +èĢĥ åı¤ +æĿł æĿĨ +èĭı èģĶ +æ°´ ç͵ +åħ·ä½ĵ çļĦ +æ¿Ģ æ´» +æĪij æł¡ +åĪļ å¼Ģå§ĭ +åĩ¸ æĺ¾ +ç¦ ¾ +åħ¼ èģĮ +éĢı éģİ +åľ¨ 游æĪıä¸Ń +社ä¼ļ åıijå±ķ +好 çİ© +å¹» æĥ³ +ä¸į 代表 +注æĦı åĬĽ +æ£ į +ç͍ æīĭ +ç¾İ 人 +许å¤ļ 人 +å¾Ī æĺ¯ +çļĦ çłĶåıij +æīĵ åĩº +åIJĪä¼Ļ 人 +ä¸Ģ å¤ľ +ç¼ĵ ç¼ĵ +ä¿® æŃ£ +æĦŁ çŁ¥ +ç»Ī 身 +æ¿Ģ ç´ł +çݯå¢ĥ ä¸ĭ +次 ä¼ļè®® +ç»ıæµİ å¢ŀéķ¿ +æī Ľ +åıij éħµ +åĪĨæŀIJ å¸Ī +åľ¨ æľªæĿ¥ +主è¦ģ æľī +ä¸Ģ åŃ£åº¦ +çļĦ 说æ³ķ +ä»İæĿ¥ 没æľī +è´§ 车 +缩 å°ı +太 è¿ĩ +æķĪ åĬĽ +ä¸į ä¸ĭ +æĬķ 稿 +èᝠä¸ļ +ç»Ħ éķ¿ +ç«Ļ çĤ¹ +å¾Ī åĸľæ¬¢ +éIJ µ +åĬ¿ 头 +æ¼ı æ´ŀ +æĦ¤ æĢĴ +åħħ å®ŀ +åĪĽä¸ļ æĿ¿ +çĪ ª +æľª å¿ħ +åºķ éĥ¨ +å¾Ĺ åĪĨ +人æ°ij åĮ»éĻ¢ +äºĮæīĭ æĪ¿ +å·²ç»ı 被 +大 楼 +æĸ° æĪ¿ +辦 æ³ķ +ç͍ åĬĽ +æĭĵ 宽 +åĨħ åľ¨ +æĴŃ åĩº +饰 æ¼Ķ +ä¹Ł 让 +ä½ľ çĤº +çī©ä¸ļ 管çIJĨ +åį´ ä¸į +为 ä¸ŃåĽ½ +å±Ģ åĬ¿ +ä¸į èĤ¯ +æľĢ æĸ°çļĦ +åı¯ä»¥ éĢīæĭ© +æĺ¾ çݰ +å°± ç®Ĺæĺ¯ +åľ¨ æł¡ +é¾ Ł +两 æĿ¡ +çļĦ å®ŀåĬĽ +è¶Ĭ 好 +她 åľ¨ +å¿ł è¯ļ +ä¹Ł éľĢè¦ģ +游æĪı æĵįä½ľ +è¶ħ åĩº +å¦Ĥæŀľ ä¸į +æīĢåľ¨ çļĦ +ä½ł è¿ĺ +以 åĨħ +æľī ä¸Ģå®ļ +åı¯ è¾¾ +è·ij åΰ +åī Ľ +建ç«ĭ åģ¥åħ¨ +æķ´ 车 +åīį æĸ¹ +éĹ´ æİ¥ +çѹ å¤ĩ +çĸ² åĬ³ +离 å¼ĢäºĨ +æ± Ŀ +éĿ¢ éĥ¨ +ä¹ĭåīį çļĦ +åıĺ 为 +å¦Ĥæŀľ 说 +对 ä»ĺ +åĿĩ åı¯ +被åijĬ 人 +ç²¾ ç¾İ +èģļ ä¼ļ +çĿĢ æĢ¥ +è°· æŃĮ +ä¸Ģ åı· +红 åĪ© +ä¼łå¥ĩ 游æĪı +å» ĸ +è´ ŀ +ä¹° åΰ +éŃ ļ +ä½ĵ è´¨ +å°ij äºĨ +æ³ī å·ŀ +åIJ Ł +ç»Ŀ ä¸į +é»ij æģ¶ +é»ijæģ¶ åĬ¿åĬĽ +ä¸Ĭ æĺł +çļĦè¯Ŀ é¢ĺ +ä¸ĩ人 次 +ä¸ĸ éĹ´ +ç͍ å·¥ +è´¯ ç©¿ +å®Ŀ çŁ³ +ä½ł 好 +åĪĩ åī² +强 åĽ½ +åĽŀ èIJ½ +æ°´ æĻ¶ +模 仿 +æ´ª æ°´ +éĢĻ éº¼ +åįģä¸ī äºĶ +ä½ ij +éĻ Ħä»¶ +çļĦ å¢ŀéķ¿ +éĻĦ å±ŀ +çݰ å·² +帮 ä½ł +éĩij çīĮ +é«ĺ åİŁ +åľ¨ å®¶éĩĮ +éĺ² èħIJ +ç¡®å®ŀ æĺ¯ +宣 讲 +天 æīį +ç»ıèIJ¥ 管çIJĨ +éĶħ çĤī +åIJĪ ä¸Ģ +è§Ĥ èµı +éķ¿ è¾¾ +主ä¹ī æĢĿæĥ³ +éĤ£ 麼 +é£İ äºij +为主 çļĦ +æļij åģĩ +æĮģ ä¹ħ +å¼Ĥ åľ° +å¼Ģ éŨ +模 æĿ¿ +æī¹ 次 +ä¸į 便 +天 çĶŁ +åĩł 个æľĪ +ä¸ĵ ç§ij +åı¦ æľī +åħ¬å¸ĥ çļĦ +æĩ · +åľº åIJĪ +çļĦå¿ĥ æĢģ +è¿ĺ 好 +å®ŀ æĪĺ +èĢģå¸Ī çļĦ +åħ© åĢĭ +åı¯ åľ¨ +éĤ£ ä½į +å¥ł å®ļäºĨ +ä¿ĥ éĶĢ +æı´ åĬ© +ä¸ĩ çī© +æĥħ æĬ¥ +é¦ĸåħĪ è¦ģ +æĸĩåĮĸ åĴĮ +éĥ½ å·²ç»ı +ä¸Ĭ ä¸ĸ纪 +åĨľ åľº +大 æī¹ +æĺİçϽ äºĨ +çļĦ æĪIJéķ¿ +çļĦ æ¯ĶèµĽ +失 误 +åģļ æĪIJ +ä»Ĭ天 å°ıç¼ĸ +é¢Ĩ è¢ĸ +æıIJåįĩ äºĨ +å¾IJ å·ŀ +ä»į æľī +è¿ĩ 滤 +å¹½ é»ĺ +çĥŃ éĩı +ä¸Ģ é¦ĸ +æ¼Ĥ亮 çļĦ +åĩł ç§į +åĢ¡ è®® +å°±åı¯ä»¥ äºĨ +æİĴ åĪĹ +éĩį éĩį +ä¼ģä¸ļ åĴĮ +ä¸ĵ å±ŀ +çħ İ +亲 æĪļ +çϾåĪĨ ä¹ĭ +稿 ä»¶ +è¿ĺ å¾Ĺ +人 åĵ¡ +äºī 夺 +æĽ´ 容æĺĵ +大 èĩªçĦ¶ +鼻 èħ¦ +太 空 +åľ° å¤Ħ +å¤ ¢ +ä»ĸ 对 +å¿ħ å°Ĩ +ä¸į å½ĵ +严 è°¨ +åĩº åľº +å·²ç»ı æľī +é¢Ĩ åĨĽ +é«ĺ æ¡£ +ä¸Ģ æīĢ +æł Ĺ +让 åѦçĶŁ +æĽ¹ æĵį +æŁIJ ä¸Ģ +伸 åĩº +èĬ± åįī +æ¸ħ éĨĴ +èģĶç³» æĸ¹å¼ı +åĪĨ å±Ģ +èħ ³ +æ©¡ èĥ¶ +éķ¿ å¾Ĺ +绿 åľ° +è¢ į +çļĦ èīºæľ¯ +女 æľĭåıĭ +ä¸Ń è¶ħ +离 åŃIJ +å¤ļæł· åĮĸ +éĺ³ åı° +ä½İ 碳 +ä¸Ģ ç±» +çŃīæĸ¹éĿ¢ çļĦ +å¾Ĺ 好 +模 åħ· +ä¸ĩ 亿 +çķĻ æĦı +临 æ²Ĥ +å°ij éĩı +çľĭ åIJij +ç»ıèIJ¥ èĢħ +çķĻä¸ĭ äºĨ +åĿı äºĨ +åijĬ åĪ« +羣 çIJĨ +ç¼´ è´¹ +æĬĬ ä½ł +çļĦ ä»»åĬ¡ +æĪij 对 +ä¹° åħ¥ +çĻ» ä¸Ĭ +æľī 两个 +ä¸Ģ 头 +æĵį æİ§ +åħ¨ è¦ĨçĽĸ +çĿĢ æīĭ +å¢Ļ éĿ¢ +å¤ļ æĸ¹ +åı¯çα çļĦ +ä¹Ł åı¯èĥ½ +æľĢ æľī +è¿ĻäºĽ éĥ½æĺ¯ +æĥ ¡ +å® ® +å¾Ī å°ı +éĹ®é¢ĺ æĺ¯ +åĿĩ æľī +å¾ģ éĽĨ +说 åĩº +æľī æĦı +é¢ Ĥ +æī¬ å·ŀ +åķĨä¸ļ 模å¼ı +çĶŁ èĤĸ +æįIJ 款 +å² Ĥ +ç¾İ æĻ¯ +è¿ĺ 羣 +æĭ¥ æĬ± +身ä½ĵ åģ¥åº· +æ·± å¤Ħ +çľ¼ ç¥ŀ +çļĦ 形象 +ä¼ĺ è¶Ĭ +å½ĵ æĪIJ +åĮº åĪĨ +åİ» éϤ +注 å®ļ +å§IJ 妹 +åĮº åĨħ +é© ļ +æļĹ ç¤º +æĺİ äº® +æħ° éĹ® +å¸Ĥåľº 份é¢Ŀ +çĮª èĤī +çļĦ èµĦéĩij +åİĨ ç»ı +å§ĭç»Ī åĿļæĮģ +çĶŁ æľº +ä¸į 顾 +éĩij åĪļ +大 声 +éĻķ 西çľģ +é² į +åĨľä¸ļ åĨľæĿij +æľī 害 +éŨ è¯Ĭ +æ¯ı ä¸Ģ次 +çļĦ åĽłç´ł +é¢Ŀ å¤ĸ +åİ¿ 级 +çļĩ åIJİ +åĽ½ ä¼ģ +é¦ĸ éĢī +ç¼ĸ åĨĻ +æĭ¿ èµ· +åģ· åģ· +ä¸İ ä¸ŃåĽ½ +åįĸ å®¶ +ç»Ļ ä»ĸ们 +ç¥ŀ è¯Ŀ +åѸ æł¡ +æĪij ä¸Ģ缴 +çŁ¥éģĵ äºĨ +åį Ĵ +åĴĮ åľ°åĮº +ä»Ģä¹Ī éĥ½ +çĶ» å®¶ +æľ¬ çĿĢ +ä½Ļ åIJį +审 çIJĨ +ä¸Ģ åIJij +åıijå±ķ è¶ĭåĬ¿ +åĮº éĹ´ +注åĨĮ èµĦæľ¬ +çIJ ¦ +ä¸į åı¯ä»¥ +çļĦ åĦ¿åŃIJ +å̼ çıŃ +ä¸¥æł¼ çļĦ +å®ŀä½ĵ ç»ıæµİ +æľī æĿĥ +æĪij åıĪ +éĵ¶ æ²³ +ç«ĭ 马 +æĿĢ äºĨ +åĮħ 容 +管 å®¶ +身 é«Ķ +éĵ ħ +å°ı åŃIJ +管çIJĨ ç³»ç»Ł +æľīçļĦ 人 +é£İ ç͵ +æĻºèĥ½ åζéĢł +ç²¾ ç¡® +æĭĽåķĨ å¼ķ +æĭĽåķĨå¼ķ èµĦ +äºĮæīĭ 车 +åİ¿ å§Ķ +èīº äºº +å¥ ķ +è¿İ æĿ¥äºĨ +ç»ĵæĿŁ äºĨ +çļĦ ä¼łç»Ł +æĭ¼ æIJı +奥 迪 +çĸij æĥij +ä¹ĭ æĹ¥èµ· +æłĩå¿Ĺ çĿĢ +åľ° åįĢ +è¯ł éĩĬ +åΰ æľŁ +åħ¨ éĥ½ +çŁŃ æļĤ +æĺ¯ æĪijåĽ½ +æĪij å·²ç»ı +æ»´ æ»´ +天 èµĭ +对 她 +åį«çĶŁ éĹ´ +çĶŁäº§ åŁºåľ° +æĹ¥ è®° +çļĦ æķĻåѦ +åĵ ĩ +æ°ij äºĭ +è¿ĺ åİŁ +æīĭ ä¸ŃçļĦ +çļĦ èī¯å¥½ +æ· « +ä¸Ńåħ± ä¸Ń央 +åĪ ĥ +åĵ Ħ +åľ¨ ä»ĸçļĦ +å°Ī æ¥Ń +åľº éĿ¢ +éĤ» å±ħ +çĹ Ĵ +å¦ Ħ +å¤ĸ ç§ij +ä¸į éĢĤ +举åĬŀ çļĦ +é Ĥ¹ +åħļçļĦ 建设 +çϼ 表 +è·¨ çķĮ +æ²ī æ·Ģ +大 çīĩ +è¶Ĭ é«ĺ +å°Ĩ æĺ¯ +è§ī éĨĴ +åĤ¨ åŃĺ +å¢ŀ 大 +ä¸į 让 +æķ´ å½¢ +å¹³åı° ä¸Ĭ +åĩł ä½į +è¯ī æ±Ĥ +好 ä¸į好 +åľ į +æĸĩ æľ¬ +é̲ åħ¥ +ç´ į +æł¹ æĵļ +èįī æ¡Ī +åħŃ ä¸ª +åĭ ¿ +åζ æĪIJ +饮 æ°´ +æ°¸ æģĴ +èĩª æĿĢ +åı¸ 马 +éļ¾ çĤ¹ +为 æĪij们 +å¼ § +åī© ä¸ĭçļĦ +åĩĨå¤ĩ 好 +çļĦ æľĢä½³ +èģĶåIJĪ ä¼ļ +æĤ£èĢħ çļĦ +æĪijä¸į çŁ¥éģĵ +ä¸ĭ ä¸Ģ个 +åıijå±ķ æĸ¹åIJij +ç¬ ¨ +æīĢ以 æĪij们 +åĨĻ äºĨ +éĢł æĪIJäºĨ +æ²Ļ æ¼ł +çŃĽ éĢī +çģ¾ åĮº +ä¸Ĭ çľĭ +éħ ¶ +æ»ļ åĬ¨ +éļ¾ åħį +åIJī åĪ© +ä¸Ģ ä¸Ģ +ç²¾ å¯Ĩ +伸 æīĭ +礼 仪 +åħ¨ æĺ¯ +è¶Ĭ 大 +ä¸Ń æłĩ +åıĸ åĨ³ +åıĸåĨ³ äºİ +éĢĶ ä¸Ń +讨 åİĮ +æīĭ åĨĮ +第 ä¹Ŀ +åŃĶ åŃIJ +çĦ¶ å¾Į +ä¸Ģ åħ± +æµ· æĬ¥ +款 å¼ı +æķ´ 天 +è¾¹ çķĮ +è·¯ è¾¹ +æĻĭ 级 +åIJIJ æ§½ +çļĦ åħ³æ³¨ +æĪij 没æľī +å°±æĺ¯ åľ¨ +缮 çļĦæĺ¯ +åį³ä½¿ æĺ¯ +é¡¶ å°ĸ +å·²ç»ı åľ¨ +å®īåħ¨ éļIJæĤ£ +æłĩ æĿĨ +åįĹ éĢļ +ä¼ļ 对 +座 ä½į +èµ¢å¾Ĺ äºĨ +åİŁæĿ¥ çļĦ +身 为 +书 åºĹ +è¢Ń åĩ» +ä»Ĭ æĻļ +以 èī² +以èī² åĪĹ +æĬĸ éŁ³ +åį´ æ²¡æľī +丧 失 +çļĦ å±ĢéĿ¢ +åįģåĽĽ äºĶ +çŃī 缸åħ³ +æ±ĩ æĢ» +å¤ĸ 表 +为 æ°ij +éľĩ æĥĬ +å¥Ĺ è·¯ +çĬ¯ç½ª å«Įçĸij +å°Ĩ 以 +çİĩ é¢Ĩ +éħĴ åIJ§ +è¡Įä¸ļ åıijå±ķ +å¹´ èĩ³ +åύ æĿIJ +åĴĮ æĬĢæľ¯ +æľĢ å°ı +è¿Ļä¸Ģ åĪĩ +èģĮ ç§° +å½ĵ ä½ľ +æİĢ èµ· +åĴ ĭ +ä¸Ń éĥ¨ +æīĭ èĩĤ +ç½¢ äºĨ +媳 å¦ĩ +æ´½ è°Ī +æĹ¶ä»£ ä¸ŃåĽ½ +人çĶŁ çļĦ +æŀģ éĻIJ +ç¦ Ħ +åĮº æĶ¿åºľ +æľ¬ éĴ± +礼 åĵģ +çļĦ éĤ£ä¸ª +侦 æŁ¥ +太å¤ļ çļĦ +å®ŀæĸ½ æĸ¹æ¡Ī +é«ĺ æłĩåĩĨ +æĮĩæĮ¥ éĥ¨ +å̾ æĸľ +çī¹èī² ç¤¾ä¼ļ +çµIJ æŀľ +éĴ» çŁ³ +ç§» æ¤į +çī¹ ç§į +èĩª æĦ¿ +æĭľ çĻ» +åįķ 身 +åį´ åıĪ +åĪ¥ 人 +åIJĪ è§Ħ +æľº ç͵ +çī¹ æĦı +å½ĵåīį ä½įç½® +ä¹° å®¶ +åIJĪ çº¦ +èĤ© èĨĢ +为 åĩĨ +å®¶ è£ħ +çļĦ çĥŃæĥħ +éĿŀ éģĹ +çļĦ éŃħåĬĽ +åİŁ åijĬ +社ä¼ļ åIJĦçķĮ +ä¹° çļĦ +å¤ļ åIJĥ +éĽķ å¡ij +èµ· ä¹ī +åĬł åī§ +éĤ£ä¸Ģ åĪ» +å°Ĩ è¿Ľä¸ĢæŃ¥ +æ¡Ĥ æŀĹ +æĽ´ 强 +对 ä¼ģä¸ļ +æĹł æĦı +ä¹łè¿ijå¹³ æĸ° +æµģ 失 +å¾® 软 +缸 对äºİ +座è°Ī ä¼ļ +主 èIJ¥ä¸ļ +主èIJ¥ä¸ļ åĬ¡ +ç§ģ åĭŁ +å±ķ示 äºĨ +常æĢģ åĮĸ +è² ´ +符 åı· +å¹´è½» çļĦ +å°± éľĢè¦ģ +ä¹Ł æĽ¾ +çļĦæĥħ 绪 +è¾¾ æłĩ +èĩ ¨ +ä½į å±ħ +ä»ħ 为 +é¦ĸ å®¶ +éĺ´ éĺ³ +ä¸įåĨį æĺ¯ +åĽłä¸º å®ĥ +ä¼ģä¸ļ åľ¨ +çĺ ¾ +åIJ¬ è§ģ +åİŁ æľī +åζ è£ģ +å¯Ĥ å¯ŀ +éĢļè¿ĩ 对 +æ»ij éĽª +è¿Ļ å¼ł +çļĦ çIJĨè§£ +æĸ° ä¸ŃåĽ½ +è¿Ļ åĦ¿ +ä½İ ä»· +æĥ³ è¿ĩ +çļĦ ä¿¡å¿ĥ +建çŃij çī© +çļĦ é¢ľèī² +ä¸į åºĶ该 +æĹłçĸij æĺ¯ +å¼ķèµ· äºĨ +åħ¨ åijĺ +æĿ° åĩº +è¿Ļæĺ¯ æĪij +èª ° +èĺ ĩ +éĺµ åľ° +åħħ å̼ +çŁ¿ ä¸ļ +çĿĢ ä»ĸ +ä¿¡ 访 +ä¸ĩ è¾¾ +æij© æĵ¦ +å¼Ģ 端 +èı² å¾ĭ +èı²å¾ĭ 宾 +车 åŃIJ +æľ¬èº« çļĦ +çģ«è½¦ ç«Ļ +常 å·ŀ +为 代表 +为代表 çļĦ +广 ç͵ +亲 人 +åı³ æīĭ +éĽĨ è£ħ +éĽĨè£ħ ç®± +çļĦ åį°è±¡ +æ©Ł æľĥ +åĮĨ åĮĨ +åħī ç͵ +大 æĸ¹ +è¿ĺ æľª +åĪ© 好 +ç»Ŀ 大å¤ļæķ° +åľ¨ è¿Ļç§į +ä¸Ģ ç»Ħ +æĸ° èĤ¡ +转 åıij +æ³ķ åºŃ +æĹł æīĢ +éģĵ è·¯ä¸Ĭ +çŁ¿ å±± +èij ī +æĶ¶ åĽŀ +ç§° ä¹ĭ +ç§°ä¹ĭ 为 +æıŃ éľ² +åı£ 岸 +åIJ ¼ +å¿ĥ æĥ³ +çļĦ 梦æĥ³ +éĽ ¯ +ä¹ĭ åĪĿ +å¥ĸ 项 +订 éĺħ +èĵĿ 天 +åĿ¦ åħĭ +ç«ĭ æ¡Ī +èģĶ æīĭ +ä½Ĩæĺ¯ æĪij +帮 æĪij +ä»ħ 代表 +说 æĪij +çļĦ è¶ĭåĬ¿ +æ¯Ķè¾ĥ 大 +èµ° å»Ĭ +éĩįçĤ¹ é¡¹çĽ® +èµĮ åľº +åIJį çīĩ +æĦŁ åı¹ +åľ¨ åľ°ä¸Ĭ +åıij çĥŃ +èĮĥ çķ´ +çļĦ éģĵè·¯ +éĩij èī² +ä»ĸ åıĪ +ä¼ļ 产çĶŁ +æ°ij åĽ½ +å®ĺæĸ¹ ç½ijç«Ļ +æĶ¶çĽĬ çİĩ +çļĦ åΰæĿ¥ +çļĦ åĬŀæ³ķ +æĶ¹ åζ +ä¸ĩ ç§ij +ä¸į äºĪ +è¿ĻäºĽ éĹ®é¢ĺ +çα ä¸Ĭ +çIJĥ åľº +è´£ 令 +æİĪ è¯¾ +åľ¨ é¦Ļ港 +ç»Ĩ èħ» +å¤ļ ä¸ĩ +åIJĮ å¹´ +大 使 +æĸ ĭ +ä¹Ł 为 +æĥł å·ŀ +åIJī 祥 +çͰ åĽŃ +åĽ½å®¶ éĺŁ +éĩį çĶŁ +åľ¨ åħ¶ +é¦Ļ åij³ +è´Ł èį· +亲 åĪĩ +èĩª 豪 +没 éĶĻ +åĽłä¸º åľ¨ +æĺŁ æĺŁ +éĤ ij +è¿ĺæľī å¾Īå¤ļ +æij© æīĺ +æij©æīĺ 车 +æŃ¥ è¡Į +管çIJĨ ä½ĵç³» +èĦļ ä¸ĭ +éģİ åİ» +æ±ī è¯Ń +对 ä¸įèµ· +çļĦ ç»ıåİĨ +åıĬ 缸åħ³ +ä¸įå°ij 人 +éĩį ç£ħ +åĬ³åĬ¨ èĢħ +大åĬĽ åıijå±ķ +æĢİä¹Ī åģļ +çĭĹ çĭĹ +举åįĹ äºļ +åĭĩ äºİ +åħ¬ éĸĭ +çĵ· çłĸ +åıĤ çħ§ +广æĴŃ ç͵è§Ĩ +举 åĬ¨ +æ±Ł 西çľģ +æķĪ èĥ½ +å͝ æľī +éĿ¢ è²Į +èĩªåĬ¨ 驾驶 +æ¦ľ åįķ +å½ĵ æĪij们 +仲 è£ģ +æľ¨ æĿIJ +ç±³ åħ° +çϽ éĵ¶ +çļĦ 人éĥ½ +å°± åĥıæĺ¯ +æŃ¥ åħ¥ +åįł ç͍ +åĩ» è´¥ +让 大家 +ä¼ļ è®©ä½ł +åİ¿ æĶ¿åºľ +è¦ģ ç͍ +çŃī å½¢å¼ı +åįĩ é«ĺ +责任 æĦŁ +å¤ĩ ç͍ +ä»ĸ 认为 +æ¸ħåįİ å¤§åѦ +ä»ĸ èĩªå·± +éĸ± è®Ģ +太平 æ´ĭ +éĶģ å®ļ +çŃ Ĩ +è¿Ļ çīĩ +æī§ æĶ¿ +è¿ĶåĽŀ æIJľçĭIJ +å°± æŃ¤ +éģĩ åΰäºĨ +å¼Ģå¹ķ å¼ı +管çIJĨ éĥ¨éŨ +å§¿ åĬ¿ +设 æĥ³ +åĽĽ åŃ£ +æĬĢæľ¯ 人åijĺ +å·® çĤ¹ +è¾ŀ èģĮ +èĢģ 師 +çļĦ æĦŁåıĹ +ä¹Ł éĿŀ常 +å¹´ ä¸ĬåįĬå¹´ +æĢª çī© +èĮĥ æĸĩ +æĪĺ å½¹ +åIJ« ä¹ī +åħ¨ è¿ĩç¨ĭ +èĢĮ éĿŀ +éĢļ讯 åijĺ +è¿Ļæł· æīįèĥ½ +æľº ç»Ħ +è£ ı +çķ¶ çĦ¶ +èµĮ åįļ +åIJĦ æľī +å·¥ä½ľ æľºåζ +äºĭ åIJİ +åī§ éĻ¢ +å±Ĭ æĹ¶ +åĺ´ éĩĮ +主 线 +ä¸Ģ åľĪ +主è¦ģ åİŁåĽł +å°¸ ä½ĵ +åĮ»çĸĹ åĻ¨æ¢° +ä½ł æĢİä¹Ī +ä½Ĩ çͱäºİ +æĹ¶ 空 +çĶ· æľĭåıĭ +çĶľ èľľ +é«ĺ åľ° +æĻ ĸ +èĴIJ éĽĨ +åĩĿèģļ åĬĽ +å¤ĩ åıĹ +æĸĩ åĪĽ +马 æĿ¥ +马æĿ¥ 西äºļ +æŁ´ æ²¹ +使 人 +æķĻ ä¼ļ +ç§ĭ 天 +æĺİ çıł +åħŃ åįģ +çݯå¢ĥ ä¸Ń +æ¸ħ æĻ¨ +积æŀģ åıĤä¸İ +å·ħ å³° +为 æľŁ +çѾ åŃĹ +æĦŁ æ¿Ģ +ç§ĭ åŃ£ +æĿij åŃIJ +æ¢ħ 西 +æļ´ 鼨 +çĶŁæ´» åľ¨ +çªĹ æĪ· +æģ¶ åĬ£ +纯 ç²¹ +åľ¨ æİ¥åıĹ +没 èĥ½ +è¡Į 人 +åĭ º +æĭ¨ æīĵ +ä½ľ åĩºäºĨ +çļĦ 主é¢ĺ +æľª ä¾Ĩ +ä¸Ń æľĢ +æ¾ ľ +é«ĺ è¡Ģåİĭ +åħ´ èµ· +æŃ£ èĥ½éĩı +åŁ¹è®Ń çıŃ +æİ¥ åħ¥ +çĦ¶åIJİ åĨį +åѦçĶŁ 们 +é¢ĨåħĪ çļĦ +çģ« çĥŃ +ä¸ĵ èģĮ +æĪĸèĢħ 说 +建 è¨Ń +é» ı +对 åħ¬åı¸ +çī¹ æľīçļĦ +åħī èᣠ+å½ĵ åľº +éĿ¢ åŃIJ +èµĦ产 管çIJĨ +æĹ¶æľŁ çļĦ +çŀ İ +åįİ ä¸ľ +åıĪ ä¸Ģ次 +èĥİ åĦ¿ +å®ļ çĤ¹ +头 çĹĽ +æ¶² ä½ĵ +æĺ¯ä¸Ģ ä½į +帽 åŃIJ +å¹´ èµ· +ä¸į ä½İäºİ +è¾ĥ å°ij +éĿ¢ä¸´ çĿĢ +å±Ĥ å±Ĥ +èĿ´ èĿ¶ +èī° èĭ¦ +éĺ¿ æł¹ +éĺ¿æł¹ å»· +æ¦Ĥ æĭ¬ +请 éĹ® +èµ· åºĬ +å±Ģ å±Ģéķ¿ +稳 åģ¥ +å¦Ĥæŀľ æĪij们 +éħĴ ç²¾ +æĪ· åı£ +æĦŁ æĤŁ +æĪij们 éľĢè¦ģ +æĬĢ èīº +èĩª åªĴä½ĵ +è¿Ľ åĮĸ +æ¿ĢçĥĪ çļĦ +ä½ĵ 温 +èļ ķ +èĩ´ è¾ŀ +宪 æ³ķ +ä¸Ģ çŃīå¥ĸ +çĵ¶ é¢Ī +æĥł æ°ij +èµ° è·¯ +çݰ ä»» +åķĨ éĩı +ä¸ĭ 车 +åĪ ł +責 ä»» +èŀįåIJĪ åıijå±ķ +ç´ł æĿIJ +æ²¹ ä»· +åģļ 人 +çŀ ª +æĶ¹éĿ© åĪĽæĸ° +çļĦ åĮºåĪ« +è·¨å¢ĥ ç͵åķĨ +æ¶īåıĬ åΰ +æīĺ 管 +æĪij è¿ĺæĺ¯ +åĿIJ æłĩ +ç½ij 讯 +å½ĵåľ° çļĦ +追 溯 +åľŁ è̳ +åľŁè̳ åħ¶ +åºķ ä¸ĭ +åĩł åįģå¹´ +ç©¿ è¿ĩ +çĶŁæĢģ æĸĩæĺİ +æİ¨ èĸ +æİ¨èĸ ¦ +éł Ĩ +åĴ³ åĹ½ +åĪĨ æĪIJ +çĹķ 迹 +æĪ· ç±į +éĥ½ ä¸įèĥ½ +æĻļ ä¼ļ +åĢ © +ä½ĵ åĬĽ +è¿Ļ个 èģĮä¸ļ +æĹł å½¢ +åıª æĥ³ +è¿Ľ åıĸ +æĿĢ æŃ» +èĦ Ĭ +äºij åįĹçľģ +æľª çŁ¥ +ç¾İ èģĶ +ç¾İèģĶ åĤ¨ +å¤ĸ å½¢ +诱 æĥij +çĽ £ +è¡Į 使 +åłĨ 积 +çĨŁ ç»ĥ +éĺIJ è¿° +æľĢ大 éĻIJ度 +å·¡ æŁ¥ +夺 åĨł +ä¼ģä¸ļ æĸĩåĮĸ +çĭ® åŃIJ +ä¿Ŀ å®Ī +ä¸ºæł¸å¿ĥ çļĦ +æī© æķ£ +åζéĢł åķĨ +æŁĶ 软 +为ä¸Ģä½ĵ çļĦ +游 çİ© +çĶŁ çĹħ +幫 åĬ© +åͱ æŃĮ +æīį åı¯ä»¥ +宽 æĿ¾ +è¦ģ æ¯Ķ +æĺ¯ æĢİæł· +çģ° èī² +çİĭ åĽ½ +æIJħ æĭĮ +计 éĩı +åij¨åĽ´ çļĦ +æĻºèĥ½ æīĭæľº +常 åĬ¡ +常åĬ¡ åī¯ +é© ´ +å°Ĩ è¿ij +寻 常 +ä¸ŃåĽ½ å¸Ĥåľº +容 åύ +å±± ä¸Ĭ +èĥĮåIJİ çļĦ +亲 å¯Ĩ +æīĢ以 说 +éİ ® +çļĦ çIJĨçͱ +大 åŁİå¸Ĥ +常 å¹´ +æĹħ游 ä¸ļ +å°±æĺ¯ è¿Ļæł· +åĨį æĿ¥ +é«ĺ ä½į +åĨħ 饰 +æŀĦ éĢł +ä¸Ģ èµ·æĿ¥ +çͳ è«ĭ +å·²ç»ı å¼Ģå§ĭ +çļĦ åĬ¨ä½ľ +被 è¿« +éģį å¸ĥ +åīĸ æŀIJ +å°ı äºĭ +å¿ĥ ä¸ŃçļĦ +ä½ĵåζ æĶ¹éĿ© +çļĩ å®¶ +æķĻ åłĤ +åIJĥ å®Į +åĽ½æ°ij åħļ +æĺİç¡® äºĨ +åıijå±ķ è§ĦåĪĴ +第ä¸Ģ æŃ¥ +å¾Ĺ èµ· +åľ¨ åĵª +çļĦ è·¯ä¸Ĭ +é» Ķ +çķ¶ æĻĤ +大åĬĽ æĶ¯æĮģ +åıĮ éĩį +çŁ¥éģĵ èĩªå·± +åIJĪä½ľ åįıè®® +æ°Ķ åĬ¿ +éķ¿æķĪ æľºåζ +ç½ķ è§ģ +åĽŀ æĿ¥äºĨ +ä»ĸ ä¼ļ +ä¸Ń æĸ° +ä¸Ńæĸ° ç½ij +çļĦ åķĨåĵģ +èµł éĢģ +決 å®ļ +å¸Ĥåľº çĽij管 +çķĻ åѦçĶŁ +ç͵ åİĭ +äºļ 马 +äºļ马 éĢĬ +è¿ĺæĺ¯ æ¯Ķè¾ĥ +ä¿ĥè¿Ľ äºĨ +æµģ åħ¥ +æijĦ åĥı +æijĦåĥı 头 +æıIJ åıĬ +åıij æİĺ +æī¾ åĩº +æ¢Ŀ ä»¶ +ç¹¼ çºĮ +æĪij åĸľæ¬¢ +å¥ İ +æ¦ľ æł· +å¼Ģ èĬ± +æ²ī éĩį +åŁº åĩĨ +ä»ħä»ħ æĺ¯ +轨éģĵ 交éĢļ +åĶIJ å±± +çŃī ä¸Ģç³»åĪĹ +ä¸įè¿ĩ æĺ¯ +åŃĺåľ¨ çĿĢ +èĬ± çĶŁ +å¤ · +ç»Ī ç©¶ +ä¹Łæĺ¯ ä¸Ģ个 +åįģ åŃĹ +èĸª éħ¬ +伤 å¿ĥ +æĺ¥ ç§ĭ +åĨ· åį´ +ç²¾ çģµ +çļĦ åľ°åĽ¾ +æ¯Ķ çī¹ +æ¯Ķçī¹ å¸ģ +æĢ§ åĪ« +ä½Ļ ä¸ĩåħĥ +ä¸įå¿ĺ åĪĿå¿ĥ +å¿ĥ çĸ¼ +æĽ² 线 +é«ĺ ä½İ +è¦ı å®ļ +æĻ¯ èī² +è¦ģ 说 +åħ¬åı¸ å°Ĩ +æ¶² åİĭ +è¿Ŀ 约 +åİļ 度 +åºŀ 大çļĦ +è¿ĺæĺ¯ å¾Ī +é¦ĸåħĪ æĺ¯ +çµ ² +åĬ¡ å®ŀ +並 ä¸Ķ +å¢ŀ è¿Ľ +ç»Ħç»ĩ å¼Ģå±ķ +èµ·æĿ¥ äºĨ +è¾ĥ å°ı +导 游 +两 åľ° +ç¿ ĺ +çģ¿ çĥĤ +é£İ éĩĩ +æĶ¯ 线 +æĶ¯çº¿ ä»»åĬ¡ +娱ä¹IJ åľĪ +天津 å¸Ĥ +åĮħ åĽ´ +æľ¬ èµĽåŃ£ +éĩįè¦ģ 讲è¯Ŀ +åıĮ åIJij +åįİ ä¸½ +éĶ ¤ +åĦ¿ 女 +åįĸ åĩº +ä¾Ĩ 說 +ä»ĭç»į ä¸Ģä¸ĭ +åIJ¦ 认 +åĭ Ŀ +æĻ®éĢļ 人 +çļĦ åĬ¨åĬĽ +涨 åģľ +åŁºéĩij 管çIJĨ +ä¸Ģ个 éĩįè¦ģ +è¿IJ æ²³ +çħ ŀ +è´¢æĶ¿ éĥ¨ +è¡Įä¸ļ åįıä¼ļ +éĥ½ å°Ĩ +è¨Ģ 论 +ä¸ĭ ä¾Ĩ +墨 西 +墨西 åĵ¥ +åĽłä¸º ä»ĸ们 +æĢİä¹Ī åĽŀäºĭ +åĬłå¤§ 对 +èĬ Ń +çīĮ åŃIJ +ä¼ļ 使 +妹 åŃIJ +ç«Ļ éķ¿ +å¿ħ å¤ĩ +æłij æľ¨ +æģ¶ æĦı +æ²³ éģĵ +å¯Į è£ķ +ç¹ģ åįİ +代表 åĽ¢ +æµij 身 +é¦ĸ ä½į +èĪªç©º åħ¬åı¸ +鼻 å½± +ä¸ĵ è¾ij +æ°´ æºIJ +ä¸Ń æ¯Ĵ +並 ä¸į +èĢĮ åİ» +é ĥĿ +äºİ æŃ¤ +æĸĩåĮĸ 建设 +èĤ¯å®ļ ä¼ļ +å¸ĮæľĽ 大家 +æıı åĨĻ +ä½İ è°ĥ +æĸ°åħ´ 产ä¸ļ +æ·Ħ åįļ +æĶ¾ å¼Ģ +çļĦ æĢ§æł¼ +çĸ¾çĹħ çļĦ +æķ´ é¡¿ +线ä¸Ĭ 线ä¸ĭ +éĢī 项 +çļĦ 认åı¯ +æķ´ é½IJ +çĶļ ä¹Ī +çľģ åĨħ +åı¤ 人 +æ°ij ä¿Ĺ +çī¡ ä¸¹ +éŨ çªĹ +éĤ£ æł·çļĦ +çĽijäºĭ ä¼ļ +ç¿¡ ç¿ł +ç¦ ¹ +åįĥä¸ĩ ä¸įè¦ģ +æĶ¶ 缩 +çļĦ æĸĩåŃĹ +åĴĮ å°ļ +æĮĩ 令 +åħ±äº§ åħļåijĺ +çļĦ çĪ¶äº² +å®Į å·¥ +åĬ¡ å·¥ +马 æĭī +马æĭī æĿ¾ +æµĭ è¯Ħ +å² ļ +ä¸į åģļ +ä¸ĥ å¹´ +åĿĩ ä»· +主 è§Ĥ +å¾Ī ä¸įéĶĻ +èĤ¡ä¸ľ 大ä¼ļ +äºĶ ä¸Ģ +é£İ åIJ¹ +å¼Ģ éĩĩ +è¿Ļä¹Ī 大 +èĥ½ çľĭåΰ +èĢĥ è¯Ħ +åį³ ä¾¿æĺ¯ +çݰ代 åĨľä¸ļ +æ¯Ķè¾ĥ é«ĺ +è¦ģ çľĭ +没 äºĨ +è§£ 決 +çݯ æ¯Ķ +åĨ² åĬ¨ +æ·± å¤ľ +åĩł åįĥ +ä¿ ı +ç½ij æ°ij +å°± 没 +ä»ĸ 表示 +éĩı åŃIJ +æĹ©é¤IJ åĬłçĽŁ +åįĬ å²Ľ +æIJŀ ç¬ij +ä¸Ĭ æĬ¥ +å¯ © +é¢Ħ 订 +èľĤ èľľ +æŁ¥ æī¾ +ä¼Ĺ æīĢ +ä¼ĹæīĢ åij¨ +ä¼ĹæīĢåij¨ çŁ¥ +æĹ© æĹ¥ +åıij æī¬ +åĴĮ 个人 +åĬłåħ¥ äºĨ +åĸ® ä½į +åĪĨ æĺİ +第ä¸Ģ æī¹ +ç¾İ åĨĽ +æĿĢ æīĭ +éŨ å¤ĸ +åķĨ åľĪ +ä¸Ģ åĪ» +çļĦçľ¼ ç¥ŀ +éľ Ħ +äºĽ ä»Ģä¹Ī +åĬł æ·± +æ¯ı ä½į +å¸Ĥ éĿ¢ä¸Ĭ +åıĶ åıĶ +çļĦ éĤ£ç§į +粤 港澳 +è´´ å¿ĥ +æĸĩåĮĸ 产ä¸ļ +红 æĹĹ +åĺī åħ´ +æĶ¶ çĽĺ +å®ĮæĪIJ åIJİ +ä¼ģä¸ļ 管çIJĨ +纵 横 +ä¸į ä¿¡ +æĪIJ éĥ½å¸Ĥ +æ´Ĺ 澡 +举è¡Į çļĦ +çĶ¢ çĶŁ +ç©¿ ä¸Ĭ +åĪļ 好 +åħī 线 +æīĵ æŀ¶ +è¿Ļ æľ¬ä¹¦ +åĶ®åIJİ æľįåĬ¡ +åĩł åĪĨ +ä¸Ĭ 次 +ä¸į åĪĨ +产 åIJİ +éģ¿ å¼Ģ +ç»Ī æŀģ +代表 大ä¼ļ +æ¼Ķ æĬĢ +åĽŀ è´Ń +åѦ è´¹ +éĺ» ç¢į +ä¸Ģ大 æī¹ +ç«£ å·¥ +åĨ³ å®ļäºĨ +ä½Ĩ å¦Ĥæŀľ +ç͵ æµģ +ä¸Ŀ 毫 +èĥ½å¤Ł åľ¨ +éĶĢåĶ® æĶ¶åħ¥ +åľ¨ åŃ¦æł¡ +æ°´ åĩĨ +è§Ĩ 线 +èĩª åľ¨ +åķĨä¸ļ éĵ¶è¡Į +为äºĨ 让 +çį² å¾Ĺ +çݩ家 æľĭåıĭ +éĿ¢ èĨľ +åĪĨ åī² +åī§ æľ¬ +ç« Ń +说 å¾Ĺ +æĥ³ çŁ¥éģĵ +çļĦ人 çī© +èĮħ åı° +åIJĮ ä¸Ģ个 +æķ°æį® ä¸Ńå¿ĥ +çĶ Ħ +åĸľ æĤ¦ +ä¸ĭæĿ¥ çļĦ +å®ļ åIJij +æŀģ åħ· +çļĦ åľŁåľ° +éĤ£ åĢĭ +æijĦ åħ¥ +äºĨ æĪijçļĦ +马 è·¯ +åħ¨ 社ä¼ļ +è®® æ¡Ī +å±ĭ åŃIJ +åIJį åı« +åĮ ª +åľ¨ å¤ĸéĿ¢ +åįİ åįĹ +åıij è´§ +å¯Ĵ åĨ· +é«ĺçŃī æķĻèĤ² +详ç»Ĩ çļĦ +个 é¡¹çĽ® +çĶŁäº§ åĬĽ +æĹ¶ 常 +å°± æľĥ +ä¸ĩ èĤ¡ +éĻĮçĶŁ 人 +æıı ç»ĺ +å½ĵ çĦ¶æĺ¯ +æĭī åĬ¨ +éĵ¾ æĿ¡ +æī£ éϤ +ä¸Ģ缴 éĥ½ +å°ı åŃ©åŃIJ +伤 åı£ +第äºĮ å±Ĭ +è´Ń ç½® +çļĩ 马 +æĹł èģĬ +表 åĨ³ +诸 å¦Ĥ +åĵį èµ· +é£İ æļ´ +ä¸Ģæµģ çļĦ +ç ·¨ +è§£æĶ¾ åĨĽ +室 å¤ĸ +å°± è¿Ļä¹Ī +å³ ¶ +æīĢæľī 人éĥ½ +æIJľç´¢ å¼ķæĵİ +çļĦ æĪIJæľ¬ +åħļ æĶ¿ +åıijè¡Į 人 +çļĦ äºĭå®ŀ +对 该 +åıĹ æįŁ +ä¿Ħ ä¹Į +é²ľ èĬ± +åĨľ èᝠ+æŀģ éĢŁ +æĢ¥ æĢ§ +两 ä¼ļ +ä¸Ģèά æĿ¥è¯´ +æµ· é²ľ +åĨ Ī +ç͍ 人 +çĶ¨äºº åįķä½į +åĢ ª +åĦª æĥł +æł¹ æºIJ +åĽ¢ è´Ń +ç¾İ æ´² +ä¸ĭ è¡Į +å¹´ æľ« +èľ ¡ +è¯ģ ä»¶ +åľ¨ æĪijåĽ½ +ä¸į åºĶ +æĮī æĹ¶ +åłª ç§° +åľº ä¸Ĭ +å¹²éĥ¨ èģĮå·¥ +æľī å¾Ī大çļĦ +æķ°åŃĹ ç»ıæµİ +æ¼Ķ ç»ĥ +æį® ç»Łè®¡ +å¾Ģ æĿ¥ +广åijĬ æľįåĬ¡ +çļĦ è·Ŀ离 +æŃ ¸ +è¨Ģ è¯Ń +被 èªī +被èªī 为 +åĭī 强 +å°Ĭ æķ¬ +ä¸ĩ 亿åħĥ +ä¸ŃåĽ½ åĽ½éĻħ +å¹² é¢Ħ +å¹´ 产 +èĢķ åľ° +èĮ İ +åį³ æĺ¯ +æĺ¨ æĻļ +æĪIJ为 ä¸Ģ个 +çºł æŃ£ +åij½ åIJį +é¢ģ å¸ĥ +çĮľ æµĭ +ä¿ĿèŃ· æĶ¿çŃĸ +æĭ ¢ +æ´» æ³¼ +çŃī éĥ¨éŨ +åѦ åΰ +å¢ŀå̼ ç¨İ +èĪª 线 +åĨ ¤ +åįģ åĩłå¹´ +æİ§èĤ¡ èĤ¡ä¸ľ +ä¸Ģ éŨ +个 å·¥ä½ľ +ä¸ªå·¥ä½ľ æĹ¥ +æĸ° 西 +æĸ°è¥¿ åħ° +论 è¯ģ +ä» Ĩ +åı¦å¤ĸ ä¸Ģ个 +æĶ¹ ç¼ĸ +严 ç¦ģ +åĸľ 好 +个人 ä¿¡æģ¯ +满æĦı 度 +åĵ ¨ +å¸Ī èµĦ +æĶ¹ 为 +ç«ŀäºī 对æīĭ +åĩº çĤī +åķĨ 人 +大 æ£ļ +æĮĩ导 ä¸ĭ +å¦ĩ ç§ij +è¼ ª +æī ģ +åIJĮæĹ¶ è¿ĺ +å¹¶ éĢļè¿ĩ +æĪĺ éĺŁ +èĶĵ å»¶ +ä¿ ŀ +éĢĤå½ĵ çļĦ +åīį è¾Ī +åĵģ åij³ +湿 åľ° +æĪIJ åŀĭ +ä¸į åıªæĺ¯ +æĥ© ç½ļ +åĩºåı° äºĨ +çİ© 游æĪı +æīį åıijçݰ +åºĶ èģĺ +å¤ĸ æĿ¥ +åįł é¢Ĩ +å±ķ æľĽ +å« Ĥ +港 èĤ¡ +æ¡Į ä¸Ĭ +æĶ¯ æŁ± +çļĦæĥħ å½¢ +广éĺĶ çļĦ +æĶ¯ è¡Į +å´© æºĥ +æľĪ ä¸Ń +æľĪä¸Ń æĹ¬ +ç»į åħ´ +临 è¿ij +æĬ¤ æłı +æļ ® +åįķ èģĮä¸ļ +è¾¹ å¢ĥ +æĹ¥ çħ§ +ä¸Ģ åłĨ +缴 å¾Ħ +åħ±åIJĮ ä½ĵ +æĸ°åįİ ç½ij +æīĵ 好 +ç͵åĬ¨ 汽车 +ä¸į æĺİçϽ +éĢĻ è£¡ +缼 大 +çİĭ æľĿ +åĨį ä¸Ģ次 +åĬŀåħ¬ åİħ +è´¨ æĬ¼ +åIJĪ åĩ» +人们 对 +鼶 é£Ł +éĥ½ä¸į çŁ¥éģĵ +çļĦ è¯Ńè¨Ģ +åĭŁéĽĨ èµĦéĩij +åĬ¨ èĦī +å½ ¤ +è¿Ļ åĩłå¹´ +çŁŃ è§Ĩé¢ij +太 é«ĺ +常 å§Ķä¼ļ +åĬł çıŃ +éĩį å¿ĥ +åªĴä½ĵ æĬ¥éģĵ +没 æ³ķ +éĹ» åIJį +çĥŃ åº¦ +å¹¿æ³Ľ çļĦ +åħŃ å¤§ +çī© ä½ĵ +ä¸į 该 +é¢ĺ 主 +精彩 çļĦ +为 è¿Ľä¸ĢæŃ¥ +èĻ ŀ +åĽº çĦ¶ +è´µå·ŀ çľģ +çºł ç»ĵ +代çIJĨ 人 +æ³ķå®ļ 代表 +åı¦ä¸Ģ ç§į +ä¸į åIJ« +æĭ¯ æķij +ä¼ļ ç»Ļ +è¯Ĺ è¯į +åIJĮ ç±» +å¾Ĺ ä¸įåΰ +æĬĵ ç´§ +以 åħ¶ +åħ¥ åħļ +è¿ĺ åı¯ +æľŁ åĪĬ +å¾Īå¤ļ æĹ¶åĢĻ +æĹ¥ åIJİ +åħ¬ 约 +ä¸Ģ 举 +æ¯Ķè¾ĥ å¤ļ +éĩij æ²Ļ +æį ŀ +æİĴ åĩº +æŃ¦ æľ¯ +ä¸į æĸ· +ä¸Ń èĢĥ +ä¿¡ èµĸ +ä»İä¸ļ 人åijĺ +çģ« çĦ° +éĨĴ æĿ¥ +ä½İ 温 +é̾ æľŁ +åĬ± å¿Ĺ +éħ ¥ +åı¯è°ĵ æĺ¯ +è¿Ļ æĦıåij³çĿĢ +é¢ł è¦Ĩ +åĮĹ京 大åѦ +ä¸ĵ 线 +åıĬ 以ä¸Ĭ +è¨ ª +èĢĮ åIJİ +çŁ¥ ä¹İ +ä¸Ģ对 ä¸Ģ +å¨ĥ å¨ĥ +çģ¾ éļ¾ +åħ¨ å±Ģ +æīĢå¾Ĺ ç¨İ +å®ŀ æĥł +èļĤ èļģ +ä¹Ł çŁ¥éģĵ +温 åĴĮ +èIJ½ ä¸ĭ +åŀĭ ä¼ģä¸ļ +åĨį ä¹Ł +ä¾Ľ çĥŃ +é«ĺ æ½® +çĢı覽 åύ +çļĦ 巨大 +åħΠ天 +å¹´ ä¸ŃåĽ½ +类似 çļĦ +çIJĨäºĭ ä¼ļ +空 éĸĵ +çģµ æĦŁ +åĬĽ æ°Ķ +带 ä¸Ĭ +ä¸į好 æĦıæĢĿ +æľī ä½ķ +å·² åľ¨ +åıĸ åĩº +è¿Ŀæ³ķ çĬ¯ç½ª +åŃ¦ä¹ł 贯彻 +åľ° 带 +楼 梯 +çŃī æĥħåĨµ +ä»İ åīį +çļĦ ä¹łæĥ¯ +ç³Ł ç³ķ +å°± èĥ½å¤Ł +è© ķ +ä¸Ģ å¾ĭ +æĮ« æĬĺ +åİŁæĸĩ åľ°åĿĢ +å½ĵ å±Ģ +ä¸į éĢļ +æķ° åįĥ +éĺŁä¼į 建设 +æĹ¶ èĬĤ +åģļ èµ· +çļĦ è®°å¿Ĩ +ç½ij绾 å®īåħ¨ +åĩ¡ æĺ¯ +æ° ¯ +éĽķ åĪ» +åŁĥ åıĬ +æĪij åı¯ä»¥ +çĽij çIJĨ +æĽ´ åħ· +åŁİ 管 +èĭ ¯ +åı¥ åŃIJ +èĭ¥ æľī +ä»İæĿ¥ ä¸į +缸åħ³ è´Łè´£ +å®īåħ¨ æĦŁ +æĽ´ è¦ģ +çļĦæĥħ æĦŁ +çī¢ çī¢ +è¾ĥ 好çļĦ +æ° ® +ç¬ij è¯Ŀ +车 å±ķ +ä¹ĭ ç¾İ +ç®Ģ 约 +ç±»åŀĭ çļĦ +èĢģ åĮĸ +çľĭ ä½ł +è¿ĩ åĪĨ +éŨ åīį +ä¸Ģ éĹ´ +æĥ³ åİ» +åª Ľ +åľŁ è±Ĩ +åıĪ ç§° +ä¸Ń ä¿¡ +åŃĺ éĩı +马 äºij +èĩ´ 使 +åħĪ åīį +èĢģ åŃIJ +æīĵ æī® +æ¯ķä¸ļ äºİ +æ¯ķä¸ļ åIJİ +ç¾İ好 çĶŁæ´» +å·¥ä¸ļ ä¼ģä¸ļ +就好 äºĨ +èħIJ èļĢ +çıį çıł +åΰ è¿ĻéĩĮ +æīĢéľĢ çļĦ +è¿Ļæĺ¯ åĽłä¸º +çIJĨæĥ³ çļĦ +å·®å¼Ĥ åĮĸ +é ® +é® ® +äºļ 太 +æĹł ç©· +æıIJ çݰ +ä¸ĵä¸ļ æĬĢæľ¯ +çĶ¢ æ¥Ń +åѦ åŃIJ +ç§ij å¹» +åįłåľ° éĿ¢ç§¯ +ä¸į åĩĨ +æľªæĪIJ 年人 +æĶ¶ å½ķ +è¿ĺ 款 +éĴ¢ çŃĭ +æ¼ ¢ +å¾Ĺ æĦı +综åIJĪ ä½ĵ +æŀģ é«ĺ +åįķ è¯į +é«ĺæķĪ çļĦ +骨 头 +æī§ çĿĢ +缼 ä¸ĸ +模 çī¹ +æĽ´ èĥ½ +ç»Ŀ æľĽ +对åºĶ çļĦ +æ¨ Ĭ +æĸ° ä¸ī +æĸ°ä¸ī æĿ¿ +æģ° æģ° +åIJį å®¶ +æł¸å¿ĥ æĬĢæľ¯ +个 å°ı +æĢİä¹Ī ä¼ļ +说 ä¸įå®ļ +西 çĵľ +åĵ İ +ç¢ Ł +å¿ħ ä¸įåı¯ +å¿ħä¸įåı¯ å°ij +ä¹ĭ éĸĵ +åĪĨ 管 +交éĢļ äºĭæķħ +å¼Ģ åĬŀ +å¾ģæ±Ĥ æĦıè§ģ +äº ¨ +鼻åŃIJ éĥµ +鼻åŃIJéĥµ ä»¶ +ä¿¡æģ¯ æľįåĬ¡ +ä½ł è§īå¾Ĺ +缴 è§Ĥ +å·² å®ĮæĪIJ +åĪĨ ä¼ļ +åĽŀ åįĩ +éļ » +好 人 +äºĨè§£ ä¸Ģä¸ĭ +åį« æµ´ +æľĢ çα +åºŀ 大 +客 æĪ¿ +çijŀ åħ¸ +éĥ½ ä¸įæĺ¯ +é¤ ¨ +èĹ ī +çļĦ åIJĦ项 +为 缮æłĩ +çļĦ è®¤çŁ¥ +å½±åĵįåĬĽ çļĦ +夸 å¼ł +佩 æĪ´ +æ±ĩ çİĩ +çļĦ çαæĥħ +æĺ¥ é£İ +æĺ¯ æĪijçļĦ +æ¨ ¹ +åįĬ å°ıæĹ¶ +å±± åİ¿ +å±± 西çľģ +èĢĮ è¿Ļ +æĽ´å¤ļ ä¿¡æģ¯ +è¿ĺ æľīä¸ĢäºĽ +ç²¾ ç»ĨåĮĸ +ç¾İ åѦ +çͱ æĸ¼ +ä»ħä¾Ľ åıĤèĢĥ +å¾Ī é«ĺçļĦ +åıł åĬł +è¿Ļä¹Ī 说 +å±ķ åĩº +åĽĽ å¤Ħ +ä¸ĩ å®¶ +æĭĽ åĭŁ +çļĦ 强大 +æĤ£ æľī +å°ı äºİ +ä¹Łè®¸ æĺ¯ +对 èĩªå·±çļĦ +èģĮä¸ļ æķĻèĤ² +æĿ¥ è¿Ľè¡Į +æ¡£ 次 +æīĵ èµ¢ +éĥ½æľī çĿĢ +åº ¸ +è¯Ń æ°Ķ +çͲ éĨĽ +空 åĨĽ +车 åĨħ +åĽłä¸º ä½ł +å®ŀ æķĪ +æĥħ ä¾£ +åıijè¾¾ åĽ½å®¶ +éķľ åŃIJ +æ¯į å©´ +ä½Ĩæĺ¯ ä»ĸ +积æŀģ æİ¨è¿Ľ +大å¹ħ 度 +çļĦ 女åĦ¿ +é¤IJ æ¡Į +åIJ¬ å¾Ĺ +çļĦ 积æŀģæĢ§ +好 åIJ§ +æĹ¥ æ¶Īæģ¯ +æľī ä»»ä½ķ +æ¯Ĵ åĵģ +æĹ©çĤ¹ åĬłçĽŁ +第ä¸Ģ 天 +å°½ åĬĽ +æł ĸ +主 æīĵ +æĺ¯ä¸Ģ åIJį +çĪĨ æĸĻ +äºĭä¸ļ åıijå±ķ +å¾® åķĨ +äºİä¸Ģä½ĵ çļĦ +çĶŁ çĮª +èĩªçĦ¶ èµĦæºIJ +çŀĦ åĩĨ +è§Ħ模 åĮĸ +å¹¶ ä¸İ +èĤ¥ èĥĸ +å®¶ ç͍ +大 çĪ· +é¢Ħ åijĬ +æĿ¥ åģļ +éĺ³ åİ¿ +æŀĦ çŃij +é¢ģ å¥ĸ +åİĨåı² æĸĩåĮĸ +æľįåĭĻ æĪĸ +æĢ» åĨ³èµĽ +åıij åŀĭ +æĪij 羣çļĦ +æĽ ¦ +åıĤ ä¼ļ +èĦĨ å¼± +åĩĨ åħ¥ +èħ¹ éĥ¨ +åı¸ 令 +æĤ² åī§ +天 ä¸Ĭ +åı£ ä¸Ń +ä¸ĩ 个 +åѦ ä¸ļ +æıIJ åĢ¡ +两 è¾¹ +大 èĤ¡ä¸ľ +åı¤ éķĩ +è¡Ģ ç³ĸ +çļĦ ç¨ĭ度 +æ£ī èĬ± +åIJİ åı° +å°± åĮ» +æķ´ æķ´ +èĴ ² +çĽĪåĪ© èĥ½åĬĽ +ç± ½ +èĦ « +çľĭ éĩį +å®¶ éķ· +èģĺ ç͍ +èµĽ éģĵ +åīį èĢħ +建 èѰ +å¾ĭå¸Ī äºĭåĬ¡ +èīºæľ¯ åĵģ +æľī èĩªå·±çļĦ +åIJ¦ å®ļ +社 åĽ¢ +åij¨ äºĶ +带 åΰ +å·¥ä½ľ ä¼ļè®® +èĤ¡ æľ¬ +å¤ĸ åĮħ +å®¶ åħ¬åı¸ +çĽij çĭ± +èĪ Ĭ +åIJį æł¡ +西 æ¹ĸ +è¶ħè¿ĩ äºĨ +åįĹ å±± +ç»Ħ ä»¶ +å̼å¾Ĺ 注æĦı +æĮ£ æīİ +äºĭ 迹 +ç¶ĵ çĩŁ +ç§ij 室 +好 åIJĹ +æ¤ħ åŃIJ +åľĪ åŃIJ +ä½Ĩ 她 +æµģ çķħ +åIJĦèĩª çļĦ +èģĮ åijĺ +è¡į çĶŁ +åħ¨ åľº +æĴ¤ éĶĢ +åį´ è¢« +å®ģ éĿĻ +åīį æīĢ +åīįæīĢ æľª +åīįæīĢæľª æľī +主 ä¸ļ +åĮĹ ç¾İ +è¯Ħ å®ļ +åĵģ å°Ŀ +大家 éĥ½åľ¨ +主 å¸ħ +ç»Ĩ å¿ĥ +ä¿¡æģ¯ æĬ«éľ² +çļĦ ç«ŀäºī +éĢĻæ¨£ çļĦ +ç§ijåĪĽ æĿ¿ +éĩĩ æijĺ +票 æį® +éĢIJ å¹´ +èĭ± è¶ħ +è¡Įä¸ļ åĨħ +人 寿 +åIJİ åĭ¤ +å¦Ĥ æĦı +ç¬Ķ è¯ķ +æ·¡æ·¡ çļĦ +ä¸į èĪĴæľį +ä½ĵ 积 +ä¹Łä¸į è¦ģ +éĿ¢ æĸĻ +æł· æľ¬ +ç¥ ģ +æĮī è§Ħå®ļ +大æ¦Ĥ æĺ¯ +æĥħåĨµ è¿Ľè¡Į +åIJĦ åįķä½į +çļĦ ç¬ij容 +åĩºèī² çļĦ +代表 æĢ§ +çļĦ ç¾İ好 +éĴ ¦ +å¾® çĶŁçī© +è¶Ĭ æĺ¯ +æĸ¹ åı¯ +å¹² èĦĨ +éģĬ æĪ² +çļĦ åħ´è¶£ +éĹ® è´£ +åĽłä¸º æĪij们 +èĢĥ éĩı +çĶŁ çĶŁ +éĺ» åĬĽ +ä¸į åħģ许 +æıIJ è®® +åĩı æĮģ +åıªæĺ¯ ä¸Ģ个 +æĪij æĬĬ +åıijçݰ èĩªå·± +å¢ŀ å¹ħ +å¦ į +èĹĿ è¡ĵ +ä¸Ģå®¶ 人 +åĪĨ 级 +çļĦ æķ°éĩı +è½® èŀįèµĦ +çŃī åĽłç´ł +大 夫 +èģĺ 请 +é£İ æľº +绽 æĶ¾ +ä»»ä½ķ ä¸Ģ个 +éł Ĥ +éĺ¶ çº§ +æĬĬ 她 +è¿Ľ åĨĽ +èĥ½ åģļåΰ +åŁ¹è®Ń æľºæŀĦ +çī© æĸĻ +ç«¥ è¯Ŀ +æĮĩ导 æĦıè§ģ +éĺ ® +æ·±åħ¥ æİ¨è¿Ľ +主 æľº +æ¸Ķ ä¸ļ +ä¸į æľį +æµĵ éĥģ +è¡Ĺ ä¸Ĭ +ä¾Ŀ 次 +æĹ¶ 段 +æ¢ µ +çļĦ åĸľçα +å¾Ī éķ¿ +åĪĿ 级 +æŀľ æĸŃ +æĬ¢ æķij +é¼ĵ èĪŀ +ä¾Ľ éľĢ +æ·±åħ¥ å¼Ģå±ķ +产ä¸ļ éĽĨ群 +åĻª éŁ³ +åIJ¬ çĿĢ +æ·±åĪ» çļĦ +å¿į åıĹ +ç͵ ç£ģ +强 èĢħ +æ»ĭ åij³ +æĽ¼ èģĶ +åı¯ä»¥ 缴æİ¥ +大 ç±³ +æŃ· åı² +æĶ¿åĬ¡ æľįåĬ¡ +åħ¬ å¼ı +社 群 +éģĵ士 èģĮä¸ļ +ä¹ĭ æĥħ +æµ· æ°´ +æ¼Ķ å¥ı +åºĹ éĩĮ +迹 象 +åıijå±ķ çIJĨ念 +é«ĺ 空 +åij¨ åĪĬ +åĽŀ åΰäºĨ +ä¸į éĢĤåIJĪ +åłµ å¡ŀ +åĬ Ī +æ°´ ä¸Ĭ +çĢij å¸ĥ +纳ç¨İ 人 +çĩĥ æ²¹ +å·¥ç¨ĭ é¡¹çĽ® +峡 è°· +æľī éĴĪ对æĢ§ +åľĨ å½¢ +æľ¬ å¸Ĥ +è¿Ļ è¯Ŀ +管çIJĨ èĢħ +ç¡®è¯Ĭ çĹħä¾ĭ +æĬĬ æīĭ +彩 èī² +ä¸Ĭ åīį +夯 å®ŀ +ç¾Ĭ èĤī +å¾Ģ å¹´ +æĵħ èĩª +è¿· 人 +èĪª æ¯į +ç²¾ ç»Ĩ +åľ¨ æĪijçļĦ +åĪĽ æĬķ +麦 åħĭ +æľĪ ç»ı +åĮĹ æµ· +ä¹ĭ æĺŁ +åı¶ åŃIJ +å¸Ĥåľº ç«ŀäºī +è¿Ļ äºĭ +åıĥ èĪĩ +产 åľ° +åĶ ī +åķĨåĵģ æĪ¿ +èĪª è¿IJ +ä¼ĺ å¼Ĥ +ä»ĸ们 æĺ¯ +鼨 æ°´ +è¯į æ±ĩ +åĨľ çͰ +欧 éĺ³ +çŁŃ 线 +管 ç½ij +æł¹ åŁº +åıªæľī ä¸Ģ个 +éŀĭ åŃIJ +å¸Ĥ å§Ķ书记 +åĪ» æĦı +è¡Į 车 +åıĪ è¢« +åı¯éĿł æĢ§ +è´ ± +ä»» åij½ +åºĶ åľ¨ +å°± å¾Ĺ +æľįåĬ¡ ä½ĵç³» +æĶ¿ æĿĥ +åıijè¨Ģ 人 +è¿ĩ å¾Ģ +两 åıª +èϽ 说 +éĢģ ä¸Ĭ +ä»Ģä¹Ī äºĭ +æķ£ æĸĩ +æİĮ æİ§ +èĸĦ å¼± +ä¸ĭéĿ¢ å°± +主è¦ģ åĨħ容 +å¾Ī éĩįè¦ģçļĦ +å°± 说 +çϽèī² çļĦ +éĤ£ä¸ª æĹ¶åĢĻ +ç»ı纪 人 +çļĦ æ¯į亲 +ç¬Ķè®° æľ¬ +åºķ å±Ĥ +è¿ij 代 +è§£ 说 +è²ł 責 +æľĢ大 åĮĸ +åķĨ éĵº +æł¡ åıĭ +æ² ģ +ä¸į åĩºæĿ¥ +éĻ· éĺ± +ç¨ ħ +åħ¬å¸ĥ äºĨ +åĩĢ å̼ +çĽ¸å¯¹ è¾ĥ +ç¬ Ľ +æł¸ ç®Ĺ +åįİ ä¾¨ +æĢ¥ æķij +æĮº 好 +åħĴ ç«¥ +äºĮ èĥİ +åĩº èĩª +åĿ Ł +æīĭ ä¸ĭ +å± ¡ +åĪĽéĢł æĢ§ +ä¸¥æł¼ æĮīçħ§ +åĨį åİ» +举 缣 +人 æµģ +äºĨä¸Ģ 声 +å°ıæĹ¶ åīį +è´µ æĹı +éľ ĸ +ä¹Łæĺ¯ éĿŀ常 +éĢ ± +çľĭäºĨ çľĭ +ç¹ģ æ®ĸ +èĩ³ æŃ¤ +é¢Ħ å¤ĩ +å¾Ī æĺİæĺ¾ +æ¼Ķ èīº +åĿIJ çĿĢ +ä¿Ħ åĨĽ +åľ¨ è¿ĩåİ» +ä¹ĭ äºĭ +æĬĵ èİ· +åĿIJ ä¸ĭ +çͱ ä¸ŃåĽ½ +ä¹Ł å¼Ģå§ĭ +çŃĶ å¤į +åŀĥåľ¾ åĪĨç±» +éĴĵ é±¼ +åIJĦ 種 +缸 éģĩ +ä¸įåģľ çļĦ +æī¹ éĩı +éĩįè¦ģ ä½ľç͍ +å§Ķ å±Ī +åħŃ å¹´ +ä¸ĥ åįģ +ä¹ĭ æĪĺ +é£İéĻ© 管çIJĨ +éŁ³ æ¨Ĥ +è¡ĮæĶ¿ å¤Ħç½ļ +æľ¬ äºĭ +æĴ° åĨĻ +èģļ åIJĪ +éĢĤ æĹ¶ +æIJ¬ å®¶ +ç¢İ çīĩ +缼 å®´ +ç®Ģ æ´ģ +åı¬ éĽĨ +ç®Ģ åĮĸ +åĮĹ京 æĹ¶éĹ´ +第ä¸ī å±Ĭ +æĿ¥ åĽŀ +常ç͍ çļĦ +京 æ´¥ +京津 åĨĢ +梦 å¹» +è¯ķ è¡Į +æľº åºĬ +åΰ æľĢåIJİ +åĬ© æīĭ +åĪĨ 彩 +åĩº åĵģ +åι 车 +åIJ¯ åıij +ä¾§ éĿ¢ +æ¯ı å½ĵ +缸åħ³ è§Ħå®ļ +ä¸ĸ 人 +è´Ń 车 +å¿ĥ 缮 +å¿ĥ缮 ä¸Ń +äºĶ éĩij +è¿ĺ è®°å¾Ĺ +ä¾Ŀ çĦ¶æĺ¯ +æıIJ æ¡Ī +ç͵åķĨ å¹³åı° +åģļ åΰäºĨ +æĿľ ç»Ŀ +å®ī åįĵ +ä¸ĸçķĮ åIJĦåľ° +åīį éĢĶ +æ´Ĺ åĩĢ +å¥ĭ åĬĽ +åŁİå¸Ĥ 建设 +å¤ļ åĬŁèĥ½ +ä¼ļ éĢłæĪIJ +åıijå¸ĥ ä¼ļä¸Ĭ +ç©¶ 竣æĺ¯ +åĪĨ 红 +çŁ¥ èŃĺ +éĿ¢ æĿ¿ +æĹł 声 +æĢ¥ éľĢ +失 çľł +çΏ å¦Ī +äº Ĥ +åħ¨ æĻ¯ +ç»ıåħ¸ çļĦ +åī§ ä¸Ń +é¢Ĩ导 ä¸ĭ +åħļ åĨħ +åħ¥ ä¾µ +æĭī æĸ¯ +ä¸Ģ å¹ķ +åĬł ä¹ĭ +èĤ Ĩ +èĭ± æł¼ +èĭ±æł¼ åħ° +å·§ åħĭ +å·§åħĭ åĬĽ +ä¸Ģ å¿ĥ +èģ Ĥ +å¾Ģå¾Ģ æĺ¯ +管çIJĨ å±Ĥ +çĻ» åħ¥ +建ç«ĭ èµ· +建 åĽ½ +åŃIJ 宫 +åºĶ ä»ĺ +æİ¢ ç©¶ +第ä¸Ģ ä½į +ä½Ļ å®¶ +çŃī æ´»åĬ¨ +æīĢ èĩ´ +è¾ĥ å¿« +æĺ¯ éĿŀ +æıIJ åIJį +äºĮ èĢħ +åıªåī© ä¸ĭ +åħ¶ä¸Ń åĮħæĭ¬ +ç¼ĸ ç¨ĭ +çł´ ç¢İ +ä¸Ń 举 +å·¥ä½ľ æĬ¥åijĬ +çѾ åIJį +éħĴ ä¸ļ +çŁ¥ æĻĵ +çĥŃ å¿ĥ +éĿŀ åĩ¡ +èIJ¥ä¸ļ æī§ +èIJ¥ä¸ļæī§ çħ§ +人大 代表 +ä¸Ģ个 æĸ°çļĦ +å¨ģ æµ· +éĤ£ 人 +涨 ä»· +æ¶Ī çģŃ +éļ¾ å¿ĺ +ç¶ĵ é©Ĺ +åı£ è¢ĭ +ç³» æķ° +æĸĩ ä¸Ń +好 转 +æĸ° 鼶åĶ® +讲述 äºĨ +å¼Ģ çĽĺ +çķĻ ç»Ļ +æħ¢æħ¢ çļĦ +æĤ² 伤 +æľ¬ æľŁ +äºĨ å¤ļå°ij +è¿Ļ 让 +åIJĮ çŃī +æ¸ħ æĺİ +个 åŁİå¸Ĥ +æºĸ åĤĻ +åĩłä¹İ æĺ¯ +强 åĬĽ +ä¿ ¯ +æ°´ 稻 +åĽºå®ļ çļĦ +æł¸ åĩĨ +说 æľį +顯 示 +è¿Ļ å¥Ĺ +æĻºæħ§ åŁİå¸Ĥ +å±ĭ é¡¶ +ä¸į æĿ¥ +çĶŁ é²ľ +çŁ¥ æĥħ +æĬķ 身 +åijĬè¯ī æĪij们 +ä¸ī åĽĽ +ä¸ĩ ä¸Ģ +è¾Ĩ 车 +为 ä¹ĭ +åΰ æĹ¶åĢĻ +è¿Ļ æīįæĺ¯ +åIJį çīĮ +åºŁ æ°´ +åݻ年 åIJĮæľŁ +å¹´ éĻIJ +éģĭ åĭķ +åıĮ çľ¼ +è¦ģ ç´§ +对 çŃĸ +åľº é¦Ĩ +çϾ ç§ij +è¶Ĭ éĩİ +å¯Į åIJ« +大å¤ļæķ° 人 +æľĢ å°ij +åı¬ åͤ +åħ¸ èĮĥ +åĨľ æľº +æŃ£ æĸĩ +åºĶç͍ äºİ +æ·± èĢķ +ä¿ Ń +ä»Ģä¹Ī ä¸ľè¥¿ +å¥Ĺ é¤IJ +å½ĵ éĢī +å·¦ æīĭ +è°ĥ çIJĨ +æĻļ é¤IJ +éļ¾ åħ³ +åĩŃ è¯ģ +çα 人 +æĮĩ è´£ +è´£ ç¼ĸ +çļĦä¸Ģ 款 +éĵ ² +åįģ 个 +èĢ » +æľįåĬ¡ åķĨ +åľ° çĭ± +è¿ŀ å¿Ļ +åĽ° æĥij +çļ ĵ +ä¸į åIJĥ +çİ°åľ¨ å·²ç»ı +çĽĺ çĤ¹ +ä¸įåģľ åľ° +管çIJĨ 模å¼ı +è¿Ļ 段æĹ¶éĹ´ +æ¤ ° +礼 åĮħ +æµģ 转 +æī« çłģ +éĽĨä¸Ń åľ¨ +æ±Ĥ åĬ© +åįĬ 个 +å¿«éĢŁ å¢ŀéķ¿ +å¾Ģ ä¸ĭ +è¯Ħ åĪĨ +å°± æĥ³ +åķĨåĬ¡ éĥ¨ +æľī éĹ®é¢ĺ +èİ· åĪ© +æ¯Ľ çĹħ +æĦŁ åºĶ +èī¯ æĢ§ +åĪĨ æŃ§ +åĨ ī +æĪij们 çİ°åľ¨ +è¦ģ åĬłå¼º +å·§ å¦Ļ +èŀº æĹĭ +åĪĩ æį¢ +çĭ Ħ +顺 çķħ +å°¤åħ¶ æĺ¯åľ¨ +èĬĿ 麻 +éļ¾ è¿ĩ +æĹĹ å¸ľ +å¤į åį° +å¤įåį° ä»¶ +å¿ħ éľĢ +对å¤ĸ å¼ĢæĶ¾ +éļ¾ åıĹ +åİŁæĿ¥ æĺ¯ +ç®Ĺ äºĨ +é«ĺ å±± +离 èģĮ +çµĦ ç¹ +çµĦç¹ Ķ +å±ģ èĤ¡ +çϾ å®¶ +éģĩ ä¸Ĭ +æĺĶ æĹ¥ +ä¸į 容 +çĽij管 éĥ¨éŨ +主 æĦı +æµģ åŁŁ +è·Į å¹ħ +èĩ³ ä¸Ĭ +åĪ« 说 +æĺ¯ æ¯Ķè¾ĥ +å®ıè§Ĥ ç»ıæµİ +å¸Ĥåľº 主ä½ĵ +污æŁĵ çī© +æķij æ²» +丰 æĶ¶ +åŃĺ æĶ¾ +åĩ Ħ +éĩij å±± +æį¢ äºĨ +ä¸ĵ 人 +éĹľ æĸ¼ +æĹ¢ è¦ģ +åĽ½ è¶³ +éļ ĭ +åıį åĩ» +èµ· 身 +åħĪ æĺ¯ +å¸ĮæľĽ èĥ½å¤Ł +åζ 订 +åºĹ éĿ¢ +åĸ Ģ +æķĻ ä½ł +éĻį æ¸© +åĬĽ æ±Ĥ +ä¸ī çϾ +çī© ä»· +丢 失 +å¢Ļ ä¸Ĭ +éĥ¨ 份 +æł· æĿ¿ +ä¹ĭ æĦı +ç½ij å°ıç¼ĸ +ä¸ĸ ä¸Ĭ +è°ĥ è¯ķ +污æŁĵ éĺ²æ²» +å½± éĻ¢ +å®Įåħ¨ åı¯ä»¥ +éĢļ åħ³ +ä¹īåĬ¡ æķĻèĤ² +没æľī åĬŀæ³ķ +èĢ ¿ +å¦ ³ +æĹł æĥħ +å¾Ĺ çĽĬ +å¾ĹçĽĬ äºİ +æľŁ çĽ¼ +娱ä¹IJ åľº +çͲ æĸ¹ +ä¸Ģ æ±½ +çĹ ° +çĸij ä¼¼ +æĸ°æµª å¾®åįļ +强 è¡Į +å½ĵ ä»ĸ +èĥ º +ç͍æĪ· æıIJä¾Ľ +åĮº å§Ķ +æĦ¿ æĻ¯ +æĬĺ æī£ +失 踪 +è¿« åĪĩ +åŃĹ æ¯į +åĴ ¯ +èªį èŃĺ +ä»Ģä¹Ī æĦıæĢĿ +çĽĴ åŃIJ +å½ķ éŁ³ +建设 å·¥ç¨ĭ +ä¸ļ ä½Ļ +å®ŀè·µ æ´»åĬ¨ +羣 空 +çĤ ĸ +åľ¨ è·¯ä¸Ĭ +主è¦ģ åĮħæĭ¬ +该 æĢİä¹Ī +æĢ» æľī +æĢ§ æĦŁ +æ°ij èĪª +å¼Ģ åºĹ +欺 éªĹ +çªģ åĩ» +缺 失 +æī§ ä¸ļ +åľ° éģĵ +å¹¶ æĹł +æ°ij åĬŀ +ç»Ħç»ĩ çĶŁæ´» +æĪij å¦Ī +è¨ĺ èĢħ +管 åζ +æī¾ 个 +èĹ » +çĤİ çĹĩ +äºĴ åĬ© +æµıè§Ī åύ +çݩ家 æĿ¥è¯´ +éĻįä½İ äºĨ +è£ Ķ +æĮ£ éĴ± +åķĨ æľº +æĶ¹ è£ħ +æµģ 浪 +æĶ¿ æ³ķ +èĢģ 头 +çĶŁäº§ åĴĮ +ç© Ĺ +亲 çα +亲çα çļĦ +å±¥ èģĮ +åŁİ éĩĮ +ç»Ĩ åĪĨ +åĬ³åĬ¨ åIJĪåIJĮ +åľ¨ æĹ¥æľ¬ +å¨ģ å°Ķ +åį« è§Ĩ +éĢ£ çµIJ +çĿĢ éĩį +æĬĺ 磨 +åĽ¾ 为 +çľ · +å·¥ åºı +æĵ ģ +æĵģ æľī +ç½ijç«Ļ åľ°åĽ¾ +çļĦä¸Ģ 大 +ç»Ħç»ĩ å®ŀæĸ½ +æĬĽ å¼ĥ +åĴĮ æĶ¯æĮģ +æ³ķ åĪĻ +浪 æ½® +çݰ æľīçļĦ +åĩł çİĩ +为 客æĪ· +åįģ ä¸ĩ +è ¹Ħ +çªģåĩº éĹ®é¢ĺ +åıĥ åĬł +éĥ½ä¼ļ æľī +çĽ ¤ +è°ģ éĥ½ +æīĭ åĬ¨ +缴 è¾¾ +çĤ¹ å¤ļ +éĺ¶ å±Ĥ +ä¸į ä½³ +éĤ£ 段 +滨 æµ· +æĺ¯ åĽ½åĨħ +æĪij å¸ĮæľĽ +åIJĽ åŃIJ +è§Ĥ éŁ³ +åģļ é¥Ń +æ±½ è»Ĭ +åħ³ ç¨İ +çľ¼åīį çļĦ +æ°´ éĿ¢ +è̳ æľº +追 踪 +æİ¨ éĢģ +éĴ± åĮħ +æģ¶ å¿ĥ +æµ· åŁŁ +å· į +å¼Ģ æĿ¥ +表 æĢģ +仪 表 +å¹³ åİŁ +åįģ å¤ļå¹´ +ä¹Ł æĹłæ³ķ +åħ¼ 顾 +è¡£ æŁľ +æł½ åŁ¹ +æĪ¿ æºIJ +设ç«ĭ äºĨ +ä¸ĩ åIJį +æķ° é¢Ŀ +è¦ģ åĿļæĮģ +åIJīæŀĹ çľģ +请 èģĶç³» +ç»ıåİĨ è¿ĩ +çļĦ æľ¬è´¨ +åħ¥ éŨ +æľ¬ æ¡Ī +çİĩ è¾¾åΰ +åı° éĺ¶ +éĴ ŀ +æĪij èĥ½ +èݲ èĬ± +éĴ ł +ä¸Ģ äºĭ +åİŁ æľīçļĦ +æ¯ı åĢĭ +æ¯Ķäºļ 迪 +æ£ĭçīĮ 游æĪı +ä¸įä¼ļ æľī +å½Ĵ æĿ¥ +äºĶ çϾ +è¿ĩ é«ĺ +鼷 è¾¾ +ä¸Ģèµ· åİ» +æķĻ å¯¼ +å°± è¯Ĭ +å°± å¾Ī +ä¸įåIJĮ äºİ +ä¿ º +å¸ĸ åŃIJ +æĶ¿åįı å§Ķåijĺ +çĸ«æĥħ å½±åĵį +åĪĨ è£Ĥ +为ä»Ģä¹Ī ä¼ļ +äºĶ æĺŁ +å°ij åĦ¿ +æĬ¢ éĻ© +梦 è§ģ +è®°èĢħ éĩĩ访 +å±± è·¯ +æĪij 个人 +æ²Ļ 滩 +è¹ Ń +æĶ¹ è®Ĭ +æĸ°åŀĭ åĨł +æĸ°åŀĭåĨł çĬ¶ +åĮ» æĬ¤ +åĮ»æĬ¤ 人åijĺ +æµ· å°Ķ +åħ³äºİ æĪij们 +éϤ å¤ĸ +åº ļ +宣 åijĬ +ä¸ī åįĥ +æ¦ ¨ +ç§ijæĬĢ å¤§åѦ +ä¸ĥ åħ« +顺 åºĶ +çΏçΏ å¦Īå¦Ī +éĢī åıĸ +åī§ çĥĪ +乡æĿij æĹħ游 +积æŀģ æİ¢ç´¢ +表çݰ 为 +å¾Ī æ¸ħæ¥ļ +大 åĨĽ +æĿ¥ ç͵ +å¥Ĺ æĪ¿ +çݰ è¡Į +享 åıĹåΰ +çľĭ çĤ¹ +åĽºå®ļ èµĦ产 +以 人为 +以人为 æľ¬ +ä¸į å®Į +éĻį 鼨 +åģļçļĦ äºĭæĥħ +å¹¶ äºİ +顽 强 +èĢ ¸ +åĺ´ å·´ +缸åħ³ ä¿¡æģ¯ +æĪij 没 +æĪĺçķ¥ æĢ§ +æĢĿ 念 +åĪĺ å¤ĩ +åĬ© æĶ» +é£İ è²Į +éĿ¢å¯¹ éĿ¢ +积æŀģ å¼Ģå±ķ +çĸĹ æķĪ +çľĭ 书 +缺 åı£ +åĽ½æ°ij ç»ıæµİ +使ç͍ æĿĥ +éģ¥ è¿ľ +å¡« è¡¥ +第ä¸ī 人 +åįĬ å¤ľ +æŃ¦æ±ī å¸Ĥ +æĪij åıijçݰ +ä¼ĺæĥł æĶ¿çŃĸ +é£İ åı£ +å°± ä¸įèĥ½ +为 主è¦ģ +æµģ åĩº +å´ĩ æĭľ +å¹¶ ä¸įèĥ½ +é«ĺ ä¸ī +ä¸ĸçķĮä¸Ĭ æľĢ +æĥ³ å¿ħ +åħ¶ æīĢ +åĢĻ éĢī +åĢĻéĢī 人 +ä¸į çα +åī¯ ä½ľç͍ +人æ°ij æĹ¥æĬ¥ +æĪij ä¸įæĺ¯ +å®ŀ çī© +ç͵ åİĤ +ä¹Ł ç®Ĺæĺ¯ +æľī éĹľ +æľī èĥ½åĬĽ +æĮĤ åľ¨ +çľ¼ ä¸ĭ +约 ç¿° +å°ı åѦçĶŁ +èµ· åΰäºĨ +å·¥ 夫 +åIJĮ å¿ĥ +åĿ¦ è¨Ģ +çł Į +åıijæĮ¥ äºĨ +èģĮä¸ļ éģĵå¾· +è¿ĻäºĽ å¹´ +念 头 +èĢģ é¼ł +åħ¨ èµĦ +åħ¨èµĦ åŃIJ +ä¸Ģ åij³ +å¤ļ ä¸ĩåħĥ +æł¼ æľĥ +éķ¿ éĢĶ +带 èµ° +èĭ± 寸 +æĸĩ ä½ĵ +对 ä»ĸ们 +åĵŃ äºĨ +å¡« æĬ¥ +çīĪæĿĥ 声æĺİ +ç͵ 线 +è´Ńçī© ä¸Ńå¿ĥ +饱 满 +ä½İ 头 +强 è¿« +ä¿Ŀ æ´ģ +欧 åĨł +缸 è¿ŀ +认 è´Ń +çģ« æĺŁ +é«ĺ å°Ķ +é«ĺå°Ķ 夫 +èij« èĬ¦ +æłĩ 注 +çļĦ çIJĨæĥ³ +æł¸ éħ¸ +æł¸éħ¸ æ£Ģæµĭ +åĬ ī +ä¸Ģèά æĺ¯ +æĢĿ ç´¢ +轨 迹 +çĥŃ å¸¦ +éĻ £ +åĩĨç¡® æĢ§ +æĪ´ çĿĢ +åľ¨ çĶŁæ´»ä¸Ń +æīĢ èĥ½ +æľ¯ åIJİ +带 ä½ł +ç¥ ł +æ®ĭ éħ· +ä¹Ł åıªæĺ¯ +çͳ è´Ń +举åĬŀ äºĨ +æľī æĦıä¹ī +æĹº 缼 +åľ¨ ç¶² +åľ¨ç¶² è·¯ä¸Ĭ +å¾Ī大 ç¨ĭ度 +管 è¾ĸ +çĸ«æĥħ æľŁéĹ´ +触 æij¸ +éĺ¶æ®µ æĢ§ +ä¼ļ è§īå¾Ĺ +çļĦ çĶ»éĿ¢ +æİ¥åıĹ äºĨ +表达 äºĨ +éĤĵ å°ı +éĤĵå°ı å¹³ +åħļ é£İ +åħļé£İ å»īæĶ¿ +åķĨ åѦéĻ¢ +åħij æį¢ +é£Łåĵģ èį¯åĵģ +éĿŀ常 好çļĦ +çľ ¯ +纳 ç±³ +åĬ¨ æijĩ +åĽŀ éģ¿ +çľĭ èijĹ +款 项 +åħ« å¹´ +åģļ 个 +æĸĩ æ¡£ +éĩijèŀį ç§ijæĬĢ +åħ¶ä¸Ń æľī +äºĨä¸Ģ ç³»åĪĹ +æĹĹèΰ åºĹ +ç§° èµŀ +éĽ¢ éĸĭ +åζ åĨ· +å®¶ éŨåı£ +åįģ å¤ļ +ä¼´ ä¾£ +çľĭ çĹħ +æĭī çĿĢ +æī Ĵ +çĸ² æĥ« +å°ijæķ° æ°ijæĹı +åĽ¾ å½¢ +è½ § +å¢ŀ éĩı +饲 åħ» +çģ« å±± +æ¯ı 个æľĪ +ä½ľä¸º ä¸ĢåIJį +è½´ æī¿ +æĸĩ 书 +ç¼ ķ +åħ·ä½ĵ æĥħåĨµ +çĹĽ çĤ¹ +缴 éĶĢ +å¡ Ĭ +ä¹Ł æľĥ +çĥŃ æ½® +å¹³ æ°ij +æ¼Ķåͱ ä¼ļ +æķĻ çłĶ +éĢĥ éģ¿ +ä¸Ģ è´¯ +å°± è¶Ĭ +å®ŀ å®ŀåľ¨ +å®ŀå®ŀåľ¨ åľ¨ +ä¹łè¿ijå¹³ æĢ» +æº º +å¿ĥ åºķ +éķ¿ å¾ģ +媽 媽 +第ä¸ī 次 +åĩº æ¼Ķ +çĭĢ æ³ģ +å°Ķ æĸ¯ +代çIJĨ åķĨ +çĨ ı +çļĦ 对象 +ç͵ éĩı +è¡Į åĪĹ +åĽ½ 人 +è·ij äºĨ +åįĶ åĬ© +èIJ¥ è¿IJ +å¸Ī åħĦ +æ¦ ® +æĥ³ åĥı +æĢ§ 强 +ç§ijåѦ çłĶç©¶ +å»¶ å®ī +ä¸¥æł¼ èIJ½å®ŀ +é¢Ĩ ä¼ļ +缸 å·® +è·¯ 人 +çĶ « +æľī ä»·å̼ +æľīä»·å̼ çļĦ +ç¾İ åĽ¢ +æ°ij主 çĶŁæ´» +æĪij æīį +ç¾İåĽ½ 人 +æ°Ķ åij³ +åıį å°Ħ +çļĦ åĨ³å¿ĥ +大 è±Ĩ +交 代 +è¿Ľ åĩº +åıį æĬĹ +æĮĩ çļĦæĺ¯ +ä»· ä½į +è¿Ľ é©» +ä¸Ĭ çϾ +ä½į åĪĹ +ä¸ŃåĽ½ ä¼ģä¸ļ +çļĦ好 å¤Ħ +主 ç¼ĸ +æ±½ æ²¹ +ä½Ĩ æĪij们 +æĢİä¹Ī çľĭ +é»Ħ å±± +å¤ļ åªĴä½ĵ +åIJİ åį« +èİ·å¾Ĺ æĽ´å¤ļ +åĬ¡ å¿ħ +为 å¥ijæľº +é¦ĸ 饰 +ä¸ĩ åįļ +è¶ĬæĿ¥è¶Ĭ 大 +ä¸ĵ项 è¡ĮåĬ¨ +å¥ĭ è¿Ľ +ä»į çĦ¶æĺ¯ +è´¨ æĦŁ +å¦Ĥæŀľ ä¸įæĺ¯ +ç«Ļ èµ·æĿ¥ +ä¹¾ éļĨ +åı¯æĢķ çļĦ +å¯Į è´µ +æ¸ħ ç®Ĺ +åIJij ä¸ĭ +åĢ ļ +çļĦ çŃĶæ¡Ī +èι ä¸Ĭ +çļĦ羣å®ŀ æĢ§ +çŃī åĬŁèĥ½ +åĸľ åī§ +å¨ģ åĬĽ +æĸ° é¢ĸ +æł¸ ç͵ +æĬ¥ éĶĢ +æķħ 乡 +ä¼´ éļı +éŀ Ń +å¦Ĭ å¨ł +åĪĨ åĮĸ +æľī å¾Ī大 +æĢİä¹Ī 说 +æĻĤ 代 +产 åĩº +ä»ĭç»į 说 +å¤ĦçIJĨ åύ +èĨ¨ èĥĢ +åī¯ å¸Ĥéķ¿ +çļĦ 妻åŃIJ +æł· åĵģ +åIJĮæ¯Ķ ä¸ĭéĻį +åħĥ å·¦åı³ +ç͍ èĩªå·±çļĦ +é«ĺ éĽĦ +æĺ¥ æĻļ +ä¹Ł æľīå¾Īå¤ļ +çľ¼ çIJĥ +æķ£ æŃ¥ +ä»ĸ们 éĥ½ +第ä¸Ģ å®¶ +åĬŀ 好 +å®ī éĺ² +ä¸Ģ ä¸ĩ +åľ¨ éĩĮéĿ¢ +éŁ³ é¢ij +åı£ åı· +ä¸Ģ è¶Ł +ç¦ı çī¹ +é³ ŀ +æĥĬ èī³ +æĸ° å¨ĺ +绿èī² åıijå±ķ +ä¸Ń å¼ı +ä¹Ł åıªæľī +çݰ 身 +åı¯ ä¾Ľ +æ¯ı ä¸Ģ个人 +第ä¸ī èĢħ +åľ° å½¢ +éĴ¢ ç»ĵæŀĦ +çĽijçĿ£ æ£ĢæŁ¥ +åı« æĪij +èĩ´ æķ¬ +æ´Ĺ æīĭ +ä¸ĭ è°ĥ +康 çĨĻ +æĪIJ交 éĩı +ä¹Ł æĪIJ为 +åħī æ»ij +å®Įæķ´ æĢ§ +çģ ¼ +ç¶² éłģ +éķ¿ å¯¿ +éģ© ç͍ +çļĦä¸Ģ 项 +çŀ© 缮 +æĬĬ èĩªå·±çļĦ +éĵ¶è¡Į åį¡ +å°± å¿ħé¡» +ç¾İ çϽ +éŀį å±± +æľ¬ é¢Ĩ +ä¸Ģ ç¢Ĺ +æīĵ æ³ķ +æĤ¨ 好 +对 åŃ©åŃIJ +æĬ¥éģĵ ç§° +ä¼ł åĩº +大 èĩ£ +ç¬ ĭ +çĽ ı +é¾ ļ +缴 线 +æĻº åºĵ +ç§Ł 车 +é£İ åij³ +çľĭ ä¸Ģä¸ĭ +æİ¨ éĶĢ +éĥ¨ éĥ¨éķ¿ +è´¨éĩı åĴĮ +åĪĬ çĻ» +å·¥ä¸ļ åĮĸ +çİĩ 为 +鼶 ä»¶ +硬 åĮĸ +ä¸Ĭ åįĥ +ç»ıéªĮ å̼ +å¹³ è¡Į +声 éģĵ +æľįåĬ¡ è´¨éĩı +çĶŁ çĶ¢ +æľĢ 容æĺĵ +ä¸Ģ æŀļ +å¹´ æĬ¥ +åħ¬ ç½ij +åħ¬ç½ij å®ī +åħ¬ç½ijå®ī å¤ĩ +çļĦ èĥ½éĩı +å®ŀéĻħ è¡ĮåĬ¨ +è¦ģ ä¸įè¦ģ +æĹ¥æľ¬ 人 +è̶ 稣 +ç¼ĸ åī§ +æ¶ © +åį° å°¼ +ä¸Ĭä¸ĭ 游 +åĩł åı¥ +ä¸Ń éĵģ +ç°¡ åĸ® +èĩª 带 +çĶŁ äºİ +ä¸Ģ åı£æ°Ķ +åĭ¤ å¥ĭ +éĻį ä»· +å±ķçݰ äºĨ +å¸ĥ æĭī +ä¼ļ éĢīæĭ© +çļĦ ç»ıåħ¸ +好 æľĭåıĭ +车 éģĵ +æķ´ åĢĭ +åľ ĵ +éķ¿æľŁ 以æĿ¥ +æĬķ å½± +çļĩ åĨł +è¿ĩ 大 +åijĬè¯ī ä»ĸ +ä¼ģä¸ļ æıIJä¾Ľ +æĬ½ 象 +éĢĤ 度 +çļĦ 女åŃ© +èµ· ä¼ı +çļĦ åĬŁæķĪ +ä¸ĵ项 æķ´æ²» +åı¯ éĢļè¿ĩ +ä¸įåIJĮ ç¨ĭ度 +å¼Ĥ è®® +åĩĢ èµĦ产 +åij Ĺ +ä»Ģä¹Ī åij¢ +å·¡ éĢ» +è¸ı ä¸Ĭ +ä½Ĩ å®ĥ +ç²¾ 度 +管 å±Ģ +第ä¸Ģ åIJį +åĨħ åŃĺ +æijĨ åľ¨ +åī© ä¸ĭ +主ä½ĵ 责任 +çĤ¹ åįĬ +以 èĩ³äºİ +åħ»èĢģ ä¿ĿéĻ© +æĦŁåıĹ åΰäºĨ +çŁ¥åIJį çļĦ +å¯Į 豪 +妥 åĸĦ +åŃĻ åŃIJ +éĵ Ĥ +说 èĩªå·± +让 æĤ¨ +æķ° æİ§ +çļĦçľ¼ åħī +注 éĶĢ +çļĦ çģµéŃĤ +è¿ĺ ä¸įéĶĻ +éĹ® ä»ĸ +èĩªä¸» çłĶåıij +èĵ ĭ +ç´« èī² +åĽ½å®¶ å®īåħ¨ +è¾½å®ģ çľģ +ä¹Ł æ¯Ķè¾ĥ +ç¾İ èĤ¡ +ä¸įç¡®å®ļ æĢ§ +å¿ĥ 头 +æĪ ³ +级 åĪ«çļĦ +论 è¿° +çļĦ åĽŀçŃĶ +ä¿Ŀè¯ģ éĩij +çŃī è¡Įä¸ļ +幸ç¦ı æĦŁ +æŃ§ è§Ĩ +æľº 票 +æ´¾ 人 +èĩ´ åij½ +åĺ´ è§Ĵ +æĸ°éĹ» ä¸Ńå¿ĥ +æĶ¾å¼ĥ äºĨ +å®ľ å±ħ +åĨĻ ä¸ĭ +éĹ® çŃĶ +è¿ĻéĩĮ æĺ¯ +å¤ļ åľ° +åĮºåŁŁ åĨħ +åīµ æĸ° +çľĭ ä»ĸ +æī§æ³ķ 人åijĺ +åĬ¨ æľº +éŁ³ åĵį +çļĦ åij½è¿IJ +é¡¶ éĥ¨ +åĵ Ł +éĥ½ æľĥ +æīĵéĢł æĪIJ +æĦı åĽ¾ +çļ ĸ +åĢĴ åħ¥ +å·´ èIJ¨ +åĬ© åѦ +å¤į åı¤ +åIJ¯ ç͍ +åĽ½éĻħ å¸Ĥåľº +åĤ¨ èĥ½ +é»ijé¾Ļæ±Ł çľģ +ä¹ĺ 车 +è¿IJåĬ¨ ä¼ļ +ä¿Ŀ åĪ© +çŁ³ æĿIJ +çµ ® +çĤĴ ä½ľ +çļĦ ä¿¡ä»» +å°± æĪIJäºĨ +åı¯ è§Ĥ +çļĩ ä¸Ĭ +è¿Ļ åĩłå¤© +ä¸Ģ éĶ® +åĨ· åĨ» +ä¿Ŀ åį« +æł¸ æ¡ĥ +åIJĪä½ľ åħ³ç³» +éĢģ åĩº +æĹĹ ä¸ĭçļĦ +åľ¨ ä¹İ +为 广大 +åįĪ é¤IJ +ä¸ĵ 访 +æĪĸ å°Ĩ +éĿĴå²Ľ å¸Ĥ +å¥Ķ è·ij +æĹ¥ æĬ¥éģĵ +å¥ij åIJĪ +æĸ° æĺ¥ +ä¸į å°ıå¿ĥ +两 ä¸ī +æĦıæĢĿ æĺ¯ +åĨ· èĹı +çļĦ çĹĩçĬ¶ +æĢ§ åij½ +è¶ħ æłĩ +å¯Ĩ 碼 +ç§ijæĬĢ èĤ¡ä»½ +äºĨä¸Ģ æī¹ +çĿ£ å¯Ł +åªĴ ä»ĭ +å°Ħ æīĭ +ä¿® åħ» +çīĩ åĪ» +éĢĤåIJĪ èĩªå·± +åıªè¦ģ æĺ¯ +åIJĥ è¿ĩ +éĩij éĵ¶ +缴 å±ŀ +åѦ éĹ® +åİĭ åζ +çªĹ å¤ĸ +æĶ¶ åΰäºĨ +åħ¨åĽ½ 人大 +ä½Ĩæĺ¯ 对äºİ +åľ¨ æķ´ä¸ª +çļĦ èĥĮåIJİ +åĩıå°ij äºĨ +åıį èħIJ +åıįèħIJ åĢ¡ +åıįèħIJåĢ¡ å»ī +æĹ · +åĪĨ æľŁ +åľ¨ æ·±åľ³ +æīĵ çĿĢ +æī« ä¸Ģ +æī«ä¸Ģ æī« +æĶ¿åºľ éĥ¨éŨ +æİ¥ è¿ŀ +å±ŀäºİ èĩªå·± +åŃIJ å¼¹ +åIJĮæł· æĺ¯ +æĢ» åħ± +车 ä¼ģ +æ¢ ĵ +åħ¬ é¡· +åıij 声 +éĴ Ľ +èµ°åĬ¿ åĽ¾ +主 èIJ¥ +åĸ Ķ +æķ°æį® åĪĨæŀIJ +ä¸į è¿ľ +æľī åIJį +æľīåIJį çļĦ +åģ¿ è¿ĺ +å¾Ī ä½İ +è®ĵ 人 +èĿ ī +é«ĺ è´µ +å°ij 许 +æ° Ł +å¹ ¢ +亲 æĥħ +è¿Ļä»¶ äºĭæĥħ +ç͍ é¤IJ +缸åħ³ æĸ°éĹ» +å°± åºĶ该 +ç»Ī çĤ¹ +æĺ¯ å¤ļå°ij +çĻ» åľº +è¯ķ 管 +è¯ķ管 å©´åĦ¿ +åģļ 大 +åģļ大 åģļ强 +çļĦ ä¾ĭåŃIJ +åħ« 个 +æĺİ æĹ¥ +çĤ ³ +èµ° åİ» +éģ º +å¢ © +ä½ĵä¼ļ åΰ +åĴ ı +ä¸ĭ è¾¾ +å¤į åıij +追 éĢIJ +æīĵ åĵį +çļĦ éļ±ç§ģæ¬Ĭ +åħ·æľī ä¸Ģå®ļ +è¿Ļä¹Ī å¤ļå¹´ +æłij æŀĹ +æľĢ éķ¿ +åIJĮ èĥŀ +åħī æ³½ +åŁŁ åIJį +æĮĩ åIJij +åıĹ害 èĢħ +æłij èĦĤ +æľīå¤ļ 大 +大 éĿ¢ç§¯ +æĹł ç¼Ŀ +æĶ¹ æŃ£ +æĽ´å¤ļ çļĦæĺ¯ +æľŁ æľ« +æŃ ¼ +ä¹ī ä¹Į +éĤ£ ä½ł +çļĦ 第ä¸Ģ个 +èĮ µ +å° § +èį « +ä¸įä»ħ åı¯ä»¥ +æ¶Į çݰ +æĢ» éĿ¢ç§¯ +æĸ°éĹ» åıijå¸ĥ +æ°ij ç͍ +å°± 读 +æīĵ è´¥ +å¤ĸ è¯Ń +æĪij们 ä¸Ģèµ· +é¢Ħ å®ļ +çĥ¹ 饪 +æľĢ 主è¦ģ +æľĢ主è¦ģ çļĦ +çīĮ çħ§ +åĽł åħ¶ +ä½İ ä¸ĭ +ä¼ļ åIJĮ +è§ģ è§£ +éĹ´ éļĶ +æķĻ ç¨ĭ +å° ī +å¸Ĥ ä¸Ńå¿ĥ +åħ³éĶ® æĺ¯ +æµ· åįĹçľģ +çī¹åĪ« æĺ¯åľ¨ +ä¸ŃåĽ½ 大éĻĨ +åħħè¶³ çļĦ +æĹ¢ èĥ½ +åĤ³ çµ± +çijľ ä¼½ +åħ¥ åĽ´ +æħ¢æħ¢ åľ° +æĬ¥ éħ¬ +æī¹ å¤į +å·¥ä¸ļ åĽŃåĮº +ä¸İ åıijå±ķ +èĥ¸ éĥ¨ +åľ¨ ç½ij绾 +åľ¨ç½ij绾 ä¸Ĭ +交 è°Ī +æĽ´ æĶ¹ +åįłæľī çİĩ +ä¸Ŀ绸 ä¹ĭè·¯ +è¡ Ľ +çłĶ åΤ +åĪ ª +åĪª éϤ +è¿Ļ åıª +çļĦ æ°Ķæģ¯ +åĬł å·ŀ +éĴ § +çIJĨäºĭ éķ¿ +ä¸ĸ å®¶ +æµģè¡Į çļĦ +å¾Ī æľīåı¯èĥ½ +们 éĥ½ +ç»ıèIJ¥ 模å¼ı +è¡Įä¸ļ ä¸Ń +éĢļçŁ¥ 书 +åij½ é¢ĺ +æľ¬ ç¶²ç«Ļ +æ²Ļ çī¹ +åıij åħī +é«ĺ ä»· +å·² çĦ¶ +åıĮ åįģä¸Ģ +ä¸Ĭ è¯ī +ç¿ħ èĨĢ +è¿Ļä¸Ģ å¹´ +大ä¼ļ ä¸Ĭ +éĩ ī +å®Įåħ¨ æĺ¯ +å¾Ĺ 太 +ä¸Ģèά 人 +è¿ĺ ç®Ĺ +æĬĺ åıł +æĬķ æľº +çĤ¹ çĩĥ +çݰéĩij æµģ +åħĶ åŃIJ +ç½ij æł¼ +æİ¥ è¿ĩ +ä¾Ľ è´§ +éĺ´ å½± +åİŁ åħĪ +æį £ +å·¦ ä¾§ +åħĭ æĭī +æīĵ åį¡ +ç§ij æ¯Ķ +æ±ĩ éĽĨ +åľ°çIJĨ ä½įç½® +è¯Ħ å§Ķ +ç»ĵåIJĪ èµ·æĿ¥ +è¿Ľåħ¥ åΰ +åı¯ è¡Į +åı¯è¡Į æĢ§ +让 å®ĥ +åĪ¶åº¦ æĶ¹éĿ© +çĶĺèĤĥ çľģ +åĵ Ĺ +åģı åģı +è¡£ çī© +ç¥Ŀ è´º +æºIJ èĩª +å¹¶ä¸į 代表 +åĽ½ 度 +好 åĿı +æĿ ĸ +æĿŃ å·ŀå¸Ĥ +湿 度 +é² ¸ +åįļ 彩 +æ³° å±± +æĿij èIJ½ +æĸ° èģŀ +èĤ ĭ +åı¤èĢģ çļĦ +çļĦ ç§ĺå¯Ĩ +ä¸Ģ个 éĹ®é¢ĺ +éģı åζ +åįĥ 亿 +è¿ĩ 硬 +å°Ħ åĩ» +èĩªçĦ¶ æĺ¯ +产 åĮº +çĤ¹ çĤ¹å¤´ +åı¯ä»¥ 帮åĬ© +说 å®ŀ +说å®ŀ è¯Ŀ +æĪij åıªæĺ¯ +ä¹ĭ ä½Ļ +åIJĮæĹ¶ ä¹Łæĺ¯ +ä¸ŃåĽ½ éĺŁ +建æĪIJ åIJİ +ä¹IJ è§Ĩ +åij¨ å²ģ +èᝠåºĹ +éĩij åįİ +严éĩį å½±åĵį +è´¨ åľ° +æĹħ éģĬ +åħµ åύ +æķĻèĤ² æķĻåѦ +离 åİ» +åIJĦå¼ı åIJĦæł· +ä»ĭ ç´ +ä»ĭç´ ¹ +å¼Ģ 头 +å°Ĩ èĩªå·±çļĦ +åIJ¬ åĬĽ +ä¿¡æģ¯ ç³»ç»Ł +ä»İ æł¹æľ¬ +ä»İæł¹æľ¬ ä¸Ĭ +æİĮ 声 +欢 åĸľ +å±ķ åĮº +åķ ¸ +太å¤ļ äºĨ +éĹ² ç½® +èĥ¡ èIJĿåįľ +å§Ķ å®£ä¼ł +å§Ķå®£ä¼ł éĥ¨ +åįĹ éĺ³ +å·ŀ åĮº +ä¸İ æĹ¶ +ä¸İæĹ¶ 俱 +ä¸İæĹ¶ä¿± è¿Ľ +å«Įçĸij 人 +èī¯ å¿ĥ +头 é¡¶ +è´¢ æĬ¥ +ä½Ľ æ³ķ +å¾ µ +åİŁ ä»¶ +åĭ ŀ +çĶ· 篮 +å¤ĸåĽ½ 人 +è¿Ŀ 纪 +æī¾ äºĨ +æįķ æįī +缸 è¯Ĩ +æIJľ éĽĨ +çļĦ ä¼Łå¤§ +ä¸ī ç»´ +å°±è¡Į äºĨ +çĭIJ æľĪ +çĭIJæľĪ å±± +å¸ĮæľĽ éĢļè¿ĩ +èĢĮ 对äºİ +éĿ¢ å°į +åĨĽ åĽ¢ +è¡Ĺ åĮº +æĤ¬ æĮĤ +便 ç§ĺ +æľīä¸Ģ çĤ¹ +ä¼ļè®® ä¸Ĭ +ä¸ĭ æīĭ +廣 åijĬ +äºĶ è¡Į +çŃī åĢĻ +ç´§ç´§ åĽ´ç»ķ +æĭ¿ äºĨ +æ¡Į éĿ¢ +ç¥ŀ æĥħ +éĽĦ åİļ +çŀ ³ +楼 ä¸ĭ +å½ ª +äºĭ åıij +åĨį è§ģ +é¤ ĺ +é¢Ħ åĶ® +åİ» çľĭçľĭ +æĪij们 åºĶ该 +ä¸ī å®¶ +æµ Ĭ +ä¹IJ éĺŁ +çľĭ ä¸įè§ģ +èĦij åŃIJ +æĮģ æľīçļĦ +çϽ èıľ +éĹª çĥģ +åĸĿ æ°´ +æİ§åζ ç³»ç»Ł +ä¸ĵ åĮº +æľĿ å»· +æĪij å¿ĥéĩĮ +å±ķ åİħ +èľĺ èĽĽ +åĨ» ç»ĵ +ç² ª +åº IJ +åIJij 社ä¼ļ +åĨ³çŃĸ éĥ¨ç½² +çŁŃ æľŁåĨħ +æĸ° ä¸ļæĢģ +æľ Ķ +æĹ¶ æĬ¥ +使 ä¹ĭ +åĽł åŃIJ +åıĤä¸İ èĢħ +çļĦ 年轻人 +æīĭ 表 +å°ģ éĶģ +为ä»Ģä¹Ī ä¸į +åIJ¸ çĥŁ +æ¯Ĵ ç´ł +åĪij æ³ķ +磫 æŃ£ +身 æĹģ +åİŁ è°ħ +çĽij æĬ¤ +æŃ¤ å¤Ħ +éļ¨ æĻĤ +æŀľ å®ŀ +åĮ»çĸĹ æľįåĬ¡ +ä¸į åIJĪçIJĨ +æIJŀ 好 +çļĦ èĦļæŃ¥ +å¤ĸ å¥Ĺ +ç¶ĵ éģİ +æĶ¾ ç¼ĵ +åģľ çķĻ +æĺŁ çIJĥ +çļĦä¸Ģ éĿ¢ +åĩł ä½ķ +è½® åĽŀ +æ¯Ľ å·¾ +ä¿® çIJĨ +ä¸įçŁ¥ ä¸į +ä¸įçŁ¥ä¸į è§ī +æķ´ 个人 +æ¯ģ çģŃ +åı° å·ŀ +使ç͍ 寿åij½ +é»ij çϽ +æij¸ ç´¢ +é¼ł æłĩ +éĿ© æĸ° +éº µ +ä¸ĵéŨ 为 +å¾Īå¤ļ æľĭåıĭ +å·¥ä½ľ ç»Ħ +åIJĪ å½± +çĤº ä»Ģ麼 +æŀģ 度 +çļĦ è¿ĽæŃ¥ +å½ĵ ä¹ĭ +å½ĵä¹ĭ æĹł +å½ĵä¹ĭæĹł æĦ§ +è´´ è¿ij +å°º 度 +åľ¨ çİ°åľº +éĻį 临 +åħ»èĢģ éĩij +ç£ ķ +åı¯ä»¥ 使 +管çIJĨ æ°´å¹³ +æľ¬æĬ¥ è®°èĢħ +æ³ķ 令 +åį¡ è½¦ +举 æµ· +å¤ļ éĩį +åħ¶ éĹ´ +ç´ Ļ +éĩį大 é¡¹çĽ® +æ±Ĺ æ°´ +ç»Ħ å§Ķä¼ļ +ä¿¡æģ¯ åħ¬å¼Ģ +ä¸į论 æĺ¯ +ä¸Ģ åIJ¬ +èĴ¸ æ±½ +æıŃ ç§ĺ +è¶ħ éģİ +触 åıij +å© ¦ +åħ³èģĶ äº¤æĺĵ +å°± ç»Ļ大家 +好 ä¹ħ +åĢŁ è´· +游æĪı è§Ĵèī² +å¼ĢåIJ¯ äºĨ +æİ ł +åħļçļĦ åįģä¹Ŀ +ä¸ĭ 鼨 +çŁŃ æĹ¶éĹ´åĨħ +å¯ ħ +导 åħ¥ +å·¥ä½ľ ç»ıéªĮ +ä¹Ł åıªèĥ½ +鼷 éľĨ +è·Ł è¿Ľ +åį¡ éĢļ +é¢ĩ æľī +æľº ä½ĵ +æĪĺ士 èģĮä¸ļ +女 主 +ä½ĵåζ æľºåζ +è¶³ åįı +èĪĴéĢĤ çļĦ +åĢŁ åı£ +æī¹ åΤ +æķ° å̼ +è« ¾ +éĺ¿æĭī 伯 +åĺ İ +æħ ¶ +è¾¾ 人 +å¼Ģ æ°´ +大 鼨 +温 室 +ä½İ è¿· +ä»į æĹ§ +éªĹ åŃIJ +亲 å±ŀ +çIJĨ æĻº +æľ¬ åŁºéĩij +å¨ ħ +åĨĻåŃĹ æ¥¼ +å¢Ļ å£ģ +å® µ +èϽ çĦ¶æĺ¯ +顺 çĿĢ +åħ« åᦠ+åķĨ ç͍ +ä¸į 失 +è¿· èĮ« +顺 便 +æļij æľŁ +欺 è´Ł +é¢ij é¢ij +该 æł¡ +æĸĻ çIJĨ +æ·± æĥħ +åīį éĶĭ +ä¿Ŀ èŃī +èģĮä¸ļ çĶŁæ¶¯ +åħ¬ å¼Ģåıij +åħ¬å¼Ģåıij è¡Į +åħ¥ æĪ· +éł ĵ +å̾ åIJ¬ +éŃ ģ +æĦī æĤ¦ +åĽŀ åIJĪ +åħ¨åĬĽ 以 +åħ¨åĬĽä»¥ èµ´ +åĥ¹ å̼ +èĥ½åĬĽ 强 +ç»ı å¼Ģ +ç»ıå¼Ģ åĮº +è¿ľ æĸ¹ +çļĦ éģĵçIJĨ +缴 åįĩ +缴åįĩ æľº +为主é¢ĺ çļĦ +ç»Ļ æĤ¨ +è¿ĺ æĥ³ +æ¯Ķ æĪij +åĨľ çī§ +æµ· åºķ +çŃ¾è®¢ äºĨ +对äºİ æĪij们 +æĹ¶ 许 +éĶ® çĽĺ +å®ŀéĻħ æİ§åζ +çļĦ æ¨¡æł· +åıįæĺł äºĨ +代 åĬŀ +åĮ» ç͍ +éĽĨ ç»ĵ +åıijå±ķ åīįæĻ¯ +æĮĩ çĿĢ +åįİ åĮĹ +è¿Ļ åĩłä¸ª +åIJį æ°Ķ +åĤį æĻļ +èĩª åıij +æ³¢ åħ° +大åĬĽ æİ¨è¿Ľ +èĩª ç§° +èįĨ å·ŀ +æIJį 害 +äºĨä¸Ģ åı¥ +æľĢåĪĿ çļĦ +éĩijèŀį å᱿ľº +æĢĢ å¿µ +è¡Į åĭķ +女 æİĴ +ä¸į è§£ +ä¼ł éĶĢ +转载 请 +饰 åĵģ +åıª 为 +ä¸İ ä¼Ĺ +ä¸İä¼Ĺ ä¸įåIJĮ +èĥ½ èĢĹ +èı© æıIJ +è¿ij 两年 +è¿Ķ 乡 +马ä¸Ĭ å°± +äºĮ çŃīå¥ĸ +æ°´ 管 +æ³ķ åѦ +çģŃ çģ« +大 å§IJ +åij¨ 转 +æľī æľŁ +æľīæľŁ å¾Ĵ +æľīæľŁå¾Ĵ åĪij +å°į æĸ¹ +ç¥ŀ èī² +æ²¹ èĦĤ +ä¸ī çĤ¹ +ä¸į åĪ©äºİ +äºĭä¸ļ éĥ¨ +å°± è·Ł +å¼Ģ æĶ¯ +å°ı 女åŃ© +åħ±åIJĮ åĬªåĬĽ +çĶļèĩ³ è¿ĺ +è¿Ļ åIJį +è¿Ļ ç¬Ķ +çݯ åį« +æľī ç§į +è§Ĩ åĬĽ +çĨŁ çŁ¥ +åħ¬ç§¯ éĩij +æ¶Īéĺ² å®īåħ¨ +é¢ĩ 为 +大 èħ¿ +éĿ ¶ +çī¹ æķĪ +æľįåĬ¡ åĮº +å¼Ģ åĩº +深度 èŀįåIJĪ +æĹł å¿§ +æŁ¥ éĺħ +ç»Ī ç»ĵ +ä¿Ŀ ç¨İ +è¨İ è«ĸ +å½ĵ åģļ +è·³ èĪŀ +å¯ § +女 çİĭ +è®°èĢħ åľ¨ +åħ¨ 产ä¸ļéĵ¾ +è´¯ éĢļ +åħ´ ä¸ļ +éĻį åΰ +å°ģ éĿ¢ +åħ¨éĿ¢ æİ¨è¿Ľ +奶 èĮ¶ +éĢī åĿĢ +äºĨä¸Ģ åľº +åIJĮ ä¼´ +è®® 论 +æIJ ĵ +诸 èijĽ +诸èijĽ 亮 +å¹² åĺĽ +æµģ æĦŁ +ä¸ĵä¸ļ çŁ¥è¯Ĩ +ç͵ ç«Ļ +åĩı å¼± +åĩº åħ¥ +åIJĦ çľģ +éĿŀ常 é«ĺ +åľ° 毯 +åıij æĸĩ +çĦ ī +çĥ§ çĥ¤ +å£ģ 纸 +æģ¶ åĮĸ +èĬ ¸ +èĥĸ åŃIJ +çĩ Ĵ +çľģ éĴ± +çϾ 强 +çIJĨå·¥ 大åѦ +éĴ¢ æĿIJ +åĽ½æľī èµĦ产 +æĪĺ æľº +æ³Ħ éľ² +åIJİéĿ¢ çļĦ +æ°´ èµĦæºIJ +æ¢ħ èĬ± +åĨĻ çĿĢ +ä¹ĭ 声 +æĹł åı¯ +æĺİ æľĿ +ç«ĭæĸ¹ ç±³ +ç· £ +æĶ¾ è¿ĩ +ç¦ı çͰ +å¾Ĺ ä½ı +åıĹ ä¼Ĺ +ä¸Ń 级 +çĹħ åıĺ +ä¸Ģ çŀ¬éĹ´ +æĿĥ éĩį +人æĢ§ åĮĸ +åĮ»çĸĹ åį«çĶŁ +ä¸įåΰ ä½į +æĻºèĥ½ å®¶å±ħ +饮 ç͍ +æ¼Ķ åıĺ +é«ĺ ç´łè´¨ +ä¹Ļ æĸ¹ +åģľ çķĻåľ¨ +èİ· æī¹ +ç©¿ æ¢Ń +客 åľº +æĮ½ åĽŀ +京 åŁİ +çĶŁåij½ åĬĽ +實 éļĽ +çĩ Ī +åĨį çݰ +çݰå®ŀ ä¸Ń +æľī ä¿¡å¿ĥ +çĸı éĢļ +åĺ´ åĶĩ +鼷 éĶĭ +èıľ åįķ +éħ ¯ +è¶ħ é«ĺ +å¾Ī é«ĺåħ´ +çĶŁ æ®ĸ +éĢł ä»· +误 åĮº +æĨ ĭ +好 æ¶Īæģ¯ +å´ Ń +以 èĩ´ +å¼Ģ çİ©ç¬ij +çĽij è§Ĩ +å·¡ å¯Ł +å¾· å·ŀ +æĹ© æĹ© +éĹª ç͵ +æĪª åĽ¾ +åı¯ä»¥ æł¹æį® +æīĭ èīº +æİ¥ 轨 +ç§į æĹı +æĢĢ éĩĮ +åİ» åĮ»éĻ¢ +ä¸Ģ äºĮ +å¼Ģ éĺĶ +åĩı éĢŁ +ä½Ĩ ä»İ +éĢĻ ä¸Ģ +åĩı åħį +主é¢ĺ æķĻèĤ² +å¼Ģå·¥ 建设 +è¹ ¦ +æľĪ 饼 +ä¸ĭ æ²ī +å°Ĭ 严 +éĻ ĩ +å®ŀ æľ¨ +å»ł åķĨ +声 ç§° +èĢĥ åľº +å¸ĥ é²ģ +èĩª æĿ¥ +èĩªæĿ¥ æ°´ +éĴ ¾ +å¹´ 以ä¸Ĭ +大 åıĶ +ä»ĸ å·²ç»ı +åħ¨ æĿij +èģĶç³» ç͵è¯Ŀ +为 导åIJij +åΤ å¤Ħ +对 éĺµ +缮 æ¨Ļ +åIJį é¢Ŀ +客 æ°Ķ +横 åIJij +çŃī åĨħ容 +åĩł çĤ¹ +è°Ī 论 +ä¸į ä¹ı +å±ķ çݰåĩº +è¾ĥ éķ¿ +éĢĨ 转 +å°ı æĻĤ +æĺ¯ å¤ļä¹Ī +æľ¬ æľĪ +è¿ij è§Ĩ +æĪIJç«ĭ 以æĿ¥ +代表 çĿĢ +æĬ¥ å¤į +æĪı æĽ² +è¨Ń åĤĻ +åħ¥ èĤ¡ +å¾ģ æľį +é«ĺ åĩº +èĪŀåı° ä¸Ĭ +å¿ĥ åĬ¨ +两 çĤ¹ +缸 çķ¶ +èĻ Ľ +主 页 +åĩł å®¶ +æĹł ä¸į +åįı å®ļ +æĸ IJ +å¯ĵ æĦı +åħ¨ 线 +æįķ é±¼ +åı¯ä»¥ ä»İ +æľī è¿Ļæł·çļĦ +æģ¶ éŃĶ +åĮħ åŃIJ +æģ ¤ +å¼Ģå¥ĸ ç»ĵæŀľ +ä¸į æŃ» +èĹ į +弯 æĽ² +æµ· 峡 +éĶĢ æ¯ģ +çļĦ çĭ¬çī¹ +示 æĦı +ä¸įèĥ½ åĨį +èĥ½ æĬĬ +éĺ² çº¿ +ä¸įå°ij äºİ +æ± Ģ +çļĦ éĤ£ä¸Ģ +羣 æĥħ +åŀ ® +被 æīĵ +åĽ½ å®ī +ç¾İ å¦Ļ +è¿Ļ åĩł +åĩº éģĵ +æľįåĬ¡ äºİ +æĪIJæŀľ 转åĮĸ +æīį åįİ +天 é¹ħ +åĩł 个人 +åĢĺ èĭ¥ +è̽ 误 +æĬĹ æĪĺ +è¡Į éĬ· +æĿ¥ è¢Ń +åĢŁ éĮ¢ +èįī èİĵ +ä¸¥æł¼ æī§è¡Į +举è¡Į äºĨ +å¤ĸ ç±į +å·² è¾¾ +æĿij åħļæĶ¯éĥ¨ +è¡ Ŀ +éĻį èĩ³ +æµ· éĩı +é¤IJ é¦Ĩ +æĢ¥ å¿Ļ +æ·± è¿ľ +å¾Ģ è¿Ķ +ç¨İåĬ¡ å±Ģ +å¹¿æ³Ľ åºĶç͍ +è®® åijĺ +æĹł æķĮ +çľ¼ åħī +çĥŃè¡Ģ ä¼łå¥ĩ +æŃ IJ +äºĨ äºĽ +è¿Ŀ èĥĮ +è¿Ļ æĺ¯ä¸Ģç§į +ä¸į 稳å®ļ +大家 åĪĨ享 +表 çı¾ +åīį åįģ +è·¯ è¿ĩ +æĴ © +åIJĮ æĥħ +ä¹ł ä¿Ĺ +åıij è´¢ +åºĶ æľīçļĦ +æĿİ æŁIJ +èĤ Ľ +马 åħĭ +éĢļ åijĬ +å·¨ 人 +ä¸Ģ åĽ¢ +éĢĻ æ¬¡ +ä¸į äºĨè§£ +æĸ½ è¡Į +èij¡èIJĦ çīĻ +åıĺå¾Ĺ æĽ´åĬł +æı £ +åĪĽæĸ° èĥ½åĬĽ +çķħ éĶĢ +表 æī¬ +æ¯Ķ åĪ© +æ¯ĶåĪ© æĹ¶ +åĮ»çĸĹ ä¿ĿéĻ© +æĵį 纵 +伤 亡 +æµİ å®ģ +åıĺ äºĨ +æľ¬æ¬¡ æ´»åĬ¨ +åľŁ 豪 +æĥ³ åĬŀæ³ķ +æĺ ķ +å½ĵ æĻļ +åĩº å±Ģ +çĥŃ è®® +è°Ī è°Ī +æĻĭ åįĩ +åĬ¿ å¿ħ +çĻ» å±± +éĤ£ åĦ¿ +åIJĥ åΰ +ä¹ĭ åŁİ +å¿« æĿ¥ +æ¹Ľ æ±Ł +第ä¸ī 个 +åħ¨éĿ¢ æıIJåįĩ +å¥ĸ åѦ +å¥ĸåѦ éĩij +æĬķåħ¥ 使ç͍ +é½IJ é²ģ +åı¯ä»¥ æĬĬ +åĴĮ ä»ĸçļĦ +è´ŃæĪ¿ èĢħ +æŃ£å¼ı åIJ¯åĬ¨ +åįİ æ¶¦ +ä¸įæĸŃ å®ĮåĸĦ +éĴ¢ æĿ¿ +ç´¯ 积 +满 èĦ¸ +åĽĽ æĸ¹ +è´¢ çī© +ä»ĸ们 ä¼ļ +å¤ı æĹ¥ +éĤ£ 个人 +éĿł çĿĢ +çĤ¹ äºĨ +çĤ¹äºĨ çĤ¹å¤´ +æ© ĭ +åıΠ好 +åıĪ好 åıĪ +åıĪ好åıĪ å¿« +éĺµ éĺµ +å°ģ 建 +æľ¬ çͰ +çī©ä¸ļ æľįåĬ¡ +èĩªè´¸ åĮº +åIJ ı +便åĪ© åºĹ +åĽ½å®¶ æłĩåĩĨ +éĿ¢ ç²ī +èī° è¾Ľ +æĶ» åħ³ +æīĵ åĮħ +车 éĺŁ +人 éĢī +åı¯ ä¸įæĺ¯ +äºĮ åįģå¹´ +åIJį å¸Ī +浦 举 +åħ¬ è¯ģ +è¿IJ éĢģ +æĺ¯ æľĢ好çļĦ +æŁĶ åĴĮ +çİĭ æŁIJ +çĹħ æĪ¿ +åĨ¶ éĩij +ä¸Ģä»¶ äºĭæĥħ +åį ¤ +åı¯ æİ§ +çī Ł +æĭ Ĥ +å·² äºİ +人 éĢł +çĶŁçī© åĮ»èᝠ+ä½ĵ çݰåĩº +èĤ² åĦ¿ +èĢģ å®ŀ +åľĸ çīĩ +è« ¸ +ç´¯ äºĨ +æĦŁåħ´è¶£ çļĦ +åĽ¾çīĩ æĿ¥æºIJ +ä¹Ł æĺ¯ä¸Ģç§į +æ¾İæ¹ĥ æĸ°éĹ» +æĹ¶ 表示 +åħī è¾ī +æĬ¥ åºŁ +å²ģ æĹ¶ +éħ ® +æ£Ģ ä¿® +åıĺ éĢŁ +åıĺéĢŁ ç®± +åľ¨ èģĮ +éı ¡ +æį Ĥ +çĿ£ åĬŀ +æ°¸ ä¸į +åģļ ä¸ĢäºĽ +åİĨ æĹ¶ +å·¥ç¨ĭ æľºæ¢° +æģ° å½ĵ +å°± åľ¨äºİ +ç§° åij¼ +éĢļ常 æĺ¯ +æł· å¼ı +åij¨ ä¸Ģ +èĭ± éķij +åĿĩ 线 +ä¼ł éĹ» +ç͍æĪ· ä½ĵéªĮ +èµŀ åIJĮ +骨 æĬĺ +为主 ä½ĵ +æ±Ł å±± +æ¸ħ æľĿ +æĶĢ åįĩ +ä¸į çĽ¸ä¿¡ +éĿ ´ +æŃ¦ åĬŁ +åĭ¤ åĬ³ +æĿ¥ æī¾ +å°Ĩ æĮģç»Ń +丫 头 +æ¨Ļ æºĸ +è£ ´ +深深 çļĦ +åŃķ èĤ² +è§ĦåĪĴ 建设 +æ¸ħ çν +ç²¾åĩĨ æī¶è´« +æīĵçł´ äºĨ +è¿Ļä¸Ģ 天 +å·¥ä½ľ æĢ»ç»ĵ +æĹħ ç¨ĭ +举 èIJ¥ +æĶ¾ å°Ħ +æľī åĩłä¸ª +éĿŀ çī©è´¨ +åIJĥ å¾Ĺ +åĹ ¨ +ä¼ļ åıijçĶŁ +篮 æĿ¿ +å¼Ģ å°ģ +麻 å°Ĩ +èıı æ³½ +ä¸į åIJĪ +ç³»åĪĹ äº§åĵģ +èѬ å¦Ĥ +ç¾İ èªī +èĩªå·± åĸľæ¬¢ +交æĺĵ ä¸Ńå¿ĥ +åIJĪ åͱ +使 æĪij +åĥı ç´ł +带 éĺŁ +ä½Ĩ 对äºİ +æĬĬ è¿Ļ个 +èĤĿ èĦı +åįķ纯 çļĦ +æĶ»åĿļ æĪĺ +缼 ä¼ļ +åijµ æĬ¤ +æª Ģ +èµ¶ ä¸Ĭ +æ¥ Ĭ +ä¹ħ äºĨ +ç¡ Ŀ +çŃĶ é¢ĺ +ä¿ĿæĮģ çĿĢ +è§ģ è¯Ĩ +çĤ¹ åĦ¿ +åįĬ 个æľĪ +æ» ĩ +浸 泡 +ä¼ł éĢģ +åľ¨ å¸Ĥåľºä¸Ĭ +ä¹ĭ 乡 +çī¹ éķ¿ +éĽ ŀ +èª ł +身 å¤Ħ +æŁł 檬 +身 ç©¿ +çľģ åħ¬å®ī +çľģåħ¬å®ī åİħ +åıĻ åĪ©äºļ +åĩł åĪĨéĴŁ +人 åĢij +åľ° 段 +èĩª åѦ +ä¹Ł è¶ĬæĿ¥è¶Ĭ +èģĮ æĿĥ +æĸ § +èĩ » +å½Ĵ 纳 +驾 é©Ń +éĥ¨åĪĨ åľ°åĮº +没æľī æĥ³åΰ +æĴ ĩ +ä¹Į é²ģ +ä¹Įé²ģ æľ¨ +ä¹Įé²ģæľ¨ é½IJ +èĤ² 人 +çļĦ æŃ¥ä¼IJ +å»¶ æľŁ +æ²¹ æ°Ķ +åģļ å®Į +åľ£ åľ° +丰 åİļ +宽 带 +åı¯éĿł çļĦ +åºŃ éĻ¢ +åŃ ľ +å°ı康 社ä¼ļ +å®īåħ¨ 管çIJĨ +å¹´ 第 +æİĴ 污 +èĥĮ åĮħ +å®¶ ä½ı +åħ¶å®ŀ å°±æĺ¯ +ä¼ļ è§ģ +帮åĬ© ä¼ģä¸ļ +ç½ij è´Ń +æĺ¯ ä¸įä¼ļ +飯 åºĹ +æŃ» åİ» +åħįçĸ« åĬĽ +æľ ķ +åĸĿ äºĨ +è½» å¾® +个æľĪ åĨħ +ç»Ħ åĽ¢ +åĴĮ å®ĮåĸĦ +é¸ ½ +æıIJ éĢŁ +西å®ī å¸Ĥ +ä¸Ńå¿ĥ 主任 +æĹ¶éĹ´ 为 +æľŁ æĿĥ +è¶ ķ +ä¸įä»ħ è¦ģ +æľį ä»İ +é¡ĺ æĦı +ä¸į å°ı +ä¸įå°ı çļĦ +ç° ĩ +çª ¦ +åĪĩ æĪIJ +åĵĪ åĪ© +天 羣 +ä¸Ģ次 次 +éĩij å¸ģ +æĢİä¹Ī èĥ½ +ç½ij è´· +ä¼ļ计 å¸Ī +çŁŃ 缺 +对 æłĩ +åıĺå¾Ĺ æĽ´ +åīį åĩłå¤© +éĺ² æ±Ľ +彩 èϹ +åĵģ ä½į +表 æł¼ +严 å¯Ĩ +æ¯Ľ åĪ©çİĩ +çļĦ åį±å®³ +å½ķ åζ +æ°´ åĬ¡ +èĥ½å¤Ł 让 +å¹³ æĿ¿ +ä¹³ æĪ¿ +è¸ı å®ŀ +é¦ĸ åĪĽ +é¦Ļ èķī +æĬ¥ 表 +ä¸Ģ æĬ¹ +åĩºçĶŁ äºİ +è²» ç͍ +åĩº 让 +åIJĪæ³ķ æĢ§ +å°¼ åħĭ +åĨ° åĨ· +é¦Ļ æ°Ķ +åı· ç§° +èµ· çłģ +åŁİ åİ¿ +çİ© èĢį +ä¸Ĭ éĻIJ +ä¼ļè®® ç²¾ç¥ŀ +æĹģè¾¹ çļĦ +便 ä¼ļ +æıŃ æĻĵ +çİ© æĦı +éĽª å±± +åIJij çĿĢ +ä½ĵèĤ² åľ¨çº¿ +说æĺİ ä¹¦ +åĮĸ èĤ¥ +åħļç»Ħ 书记 +åĬ¨ 人 +ä¹ĭ æīĢ +æľĪ èĩ³ +æľĢå¿« çļĦ +èĬĤ åģĩæĹ¥ +ä¸ĵ åľº +èĢĥ ä¸Ĭ +çª Ł +é²ľ è¡Ģ +è¾ĥ强 çļĦ +æĤĦ çĦ¶ +å¤ļ个 åĽ½å®¶ +çªĹ å¸ĺ +æŀģ å¤§åľ° +ä¸įç͍ æĭħå¿ĥ +è¿Ļä¹Ī åģļ +åĥ¹ æł¼ +ç¾İ丽 乡æĿij +å°ıæĹ¶ åĨħ +ç´§ è¿« +大 çģ« +èĥ³ èĨĬ +æĵįä½ľ ç³»ç»Ł +æ®ĭ çķĻ +åĨĻ åĩº +ç¦ģ å¿Į +åĬłçĽŁ åºĹ +è¿ij çϾ +便 åı¯ +æķ´æĶ¹ æİªæĸ½ +éĩĩ访 æĹ¶ +åĶIJ 代 +æ·±åĮĸ æĶ¹éĿ© +çŁ ¢ +éĥ½ åĸľæ¬¢ +è¶ĬæĿ¥è¶Ĭ é«ĺ +èĬ± æľµ +头 çĸ¼ +å®ī 康 +å¢ŀéķ¿ çİĩ +çľ¼ çľĭ +å°±æĺ¯ 为äºĨ +èĢĮ 导èĩ´ +åĬłå¿« 建设 +èĬ± æł· +åĨħå¿ĥ çļĦ +æĺĨ å±± +è³ĩ æºIJ +åĽŀåΰ å®¶ +èıĬ èĬ± +æ°´ éĩı +å¾ģ ä¿¡ +è¡ĮæĶ¿ åĮº +ä¹ĥ æĺ¯ +æĬķèµĦ é¡¹çĽ® +å«ģ ç»Ļ +ç¥ŀ åľ£ +ç¨ ł +æľ¬æĿ¥ å°± +éĢIJ ä¸Ģ +èģĮä¸ļ æĬĢæľ¯ +ä¸įèī¯ ä¿¡æģ¯ +æīĺ è¿IJ +åIJ¯ 示 +ä¹ĭ åħ§å®¹ +éŁ ¶ +奢 åįİ +æıŃ ç¤º +æĪIJ为 ä¸ŃåĽ½ +æ¶Īè´¹ åĵģ +åħ¬ ç͍ +æIJŀ å®ļ +请 ä½ł +æŁ ļ +åĨħ è¡£ +ä½Ĩ ä»ĸ们 +ä¿Ŀ 湿 +该 åİ¿ +饱 åĴĮ +æİ¨ åIJij +èµĦæĸĻ æĺ¾ç¤º +ä¸į å½±åĵį +人 人éĥ½ +åıijå±ķ 壮大 +åħ»èĢģ æľįåĬ¡ +çĶŁæ´» æ°´å¹³ +åIJĦ åİ¿ +ä½ł éľĢè¦ģ +说 çļĦæĺ¯ +å¤ĸ åªĴ +æŃ¤ 人 +次 è¦ģ +追 èµ¶ +åºĶ该 å¦Ĥä½ķ +æĹ¥ åĩĮæĻ¨ +çķ¥ æľī +éĥ½ æĥ³ +游 ä¹IJ +è¿Ļ款 游æĪı +å¹³ æ·¡ +æĺ¯ä¸Ģ åĢĭ +å¤ĩ èĢĥ +åζ æŃ¢ +ä¸Ģå®ļ èĥ½ +å¾Ĵ å¼Ł +以 çĤº +åįĥ åħĥ +äºĶ åħŃ +迪 士 +迪士 å°¼ +éĺ³ æĢ§ +åĨ¬å¥¥ ä¼ļ +å°±æĺ¯ åĽłä¸º +æĮĤ éĴ© +æ¦Ĥ åĨµ +åıªè¦ģ æľī +æ²¹ çĶ» +åľ° æłĩ +ä¸Ĭ è°ĥ +产ä¸ļ åĽŃåĮº +åħ« åįģ +æ£ ± +æ¶² æĻ¶ +æĿij å§Ķä¼ļ +çŃ¾çº¦ 仪å¼ı +è¿Ļ åħ¶ä¸Ń +åĨĻ éģĵ +示èĮĥ åŁºåľ° +éĩİçĶŁ åĬ¨çī© +鼻åŃIJ ä¿¡ç®± +åĽ½éĻħ è´¸æĺĵ +人 æĿĥ +ä¿Ŀ 管 +èĭ¥ æĤ¨ +åİĭ æĬij +é» Ľ +åľ° çľĭçĿĢ +éĻ ° +ä¸Ģå¹´ å¤ļ +ä»İ 容 +ä¸Ń æĸŃ +å¯Ł è§ī +ç§» 交 +éĶ ¯ +æĪĸ许 æĺ¯ +ç¶ ł +两 项 +æľĢ åĸľæ¬¢ +æľĢåĸľæ¬¢ çļĦ +å¤ľ éĩĮ +åIJĮ ä»ģ +åĪĽæĸ° 驱åĬ¨ +è°ģ èĥ½ +é£ ¾ +åħī åѦ +åİ Ħ +èĦ± é¢ĸ +èĦ±é¢ĸ èĢĮåĩº +è¿ ¦ +æĺ¯ ä¸įåı¯èĥ½ +çª ¥ +èĥ½ 满足 +宽 度 +伦 çIJĨ +åı¯ä»¥ èİ·å¾Ĺ +转 ä¼ļ +å±± æĿij +éĵº 设 +åĩº åĩ» +æĸĩåĮĸ èīºæľ¯ +ä¼ļè®® 室 +æŃĮ 声 +æ» Ķ +èIJİ ç¼© +æľįåĬ¡ åijĺ +åıij表 äºĨ +æĸ¼ æĺ¯ +æĺİç¡® è§Ħå®ļ +ç»´ å¥ĩ +æ°´ 产 +æĬķ ä¿Ŀ +éĺ´ éģĵ +èµ¶ å¿« +夺 å¾Ĺ +ä¸ĭ åįķ +çµģ åħ¬åı¸ +çݯ ç»ķ +å½ Ī +ä½ľé£İ 建设 +æĹħ游 æĻ¯åĮº +æľī æĽ´å¤ļçļĦ +丰å¯Į å¤ļ彩 +çIJĨè´¢ 产åĵģ +åĩº å·® +ä»İ严 æ²» +ä»İ严治 åħļ +缸 å¹² +æ»ĭ 润 +主åĬŀ æĸ¹ +åī§ åľº +æ»ļ çIJĥ +æ©Ħ æ¦Ħ +èĩªä¸» åĪĽæĸ° +éĢļ å¾Ģ +æł¼ å°Ķ +çļĦ ä¼ĺçĤ¹ +èĥĮ ä¸Ĭ +çª ľ +çĪĨ åĩº +å¹³ æķ´ +ä¸Ģ èĦļ +åħ¨ä½ĵ åijĺå·¥ +éĻIJ å®ļ +åŁİéķĩ åĮĸ +æ· ³ +éĢ® æįķ +è¡ĮåĬ¨ 计åĪĴ +æīĵ å¾Ĺ +åİļ éĩį +纪å½ķ çīĩ +åĿļ ä¿¡ +央 ä¼ģ +åĨį ä¹Łä¸į +天 涯 +åıĤèĢĥ èµĦæĸĻ +æľī æ¯Ĵ +åIJ¸ 纳 +è¶Ĭ åıij +éĩįè¦ģ æĦıä¹ī +åĽ½éĺ² éĥ¨ +è¿Ļ个 è¡Įä¸ļ +æĻ® æŁ¥ +å¼Ĥ æĢ§ +å»¶ è¿Ł +å°ı å¹ħ +èī² æĥħ +综åIJĪ æ²»çIJĨ +æŃ£æĺ¯ åĽłä¸º +产ä¸ļ ç»ĵæŀĦ +çłĶç©¶ æĬ¥åijĬ +åģľ ä¸ĭ +éķ¿ èĢģ +éĩĿ å°į +åįĹ京 å¸Ĥ +çģĮ æºī +转 è¿IJ +欺 è¯Ī +éĢł åģĩ +åĪĨå¸ĥ å¼ı +æĦŁ è§¦ +æĪij å½ĵæĹ¶ +åıij è§ī +åĽ¾ 纸 +æĶ¹ èī¯ +çĭł çĭł +åĨ² åĪº +æĸ° 京 +æĸ°äº¬ æĬ¥ +ç¥ŀ åύ +秸 ç§Ĩ +çĪ º +å°Ĩ è¿İæĿ¥ +å·¥ ä¿¡ +工信 éĥ¨ +éĻIJ éĩı +æŃ¢ æįŁ +åѦä¼ļ äºĨ +åįİ çĽĽ +åįİ缼 é¡¿ +å¾Į ä¾Ĩ +ä¸ĭéĿ¢ æĺ¯ +ä¸ĭéĿ¢æĺ¯ å°ı +æIJ¬ è¿IJ +ç¾İæľ¯ é¦Ĩ +æ¸ħ åĩī +å¤ļå¹´ åīį +è© ŀ +åįĥ ç±³ +表 è¿° +æ±Ł éŨ +åĬłæ²¹ ç«Ļ +æľ¬ èĥ½ +导 读 +åĽ´ è§Ĥ +å¹¶ åIJij +åŁºæľ¬ æĥħåĨµ +æīĵ å¼ĢäºĨ +è¿Ļ ä¸ī个 +æ±ķ 头 +强 æľīåĬĽ +强æľīåĬĽ çļĦ +è¿Ľ åľº +ä¹Ŀ æ±Ł +çIJĥ æĺŁ +好çľĭ çļĦ +大 æĪ· +æ¹ ¯ +å¥ĩ å¦Ļ +ä¹IJ åύ +æĪijçļĦ å¿ĥ +çľī 头 +åĨľä¸ļ çĶŁäº§ +ç¼ĸ çłģ +åŁº ç¤ +åŁºç¤ İ +天 æĸĩ +åĢĭ人 è³ĩè¨Ĭ +åİ» è¿ĩ +èģĨ åIJ¬ +æĶ¾ åģĩ +ä¸į åħ·å¤ĩ +æ·Ģ ç²ī +大 佬 +åħ¨ 天 +åħ¨éĿ¢ 建æĪIJ +éļIJ å½¢ +ç¼ħ ç͏ +åIJ ³ +è¡ĮæĶ¿ æī§æ³ķ +åŁİ åł¡ +èİ« æĸ¯ +èİ«æĸ¯ ç§ij +æīĢæľī æĿĥ +éĽĨ åľĺ +å±Ģ åī¯å±Ģéķ¿ +åĩłä¹İ 没æľī +æ´ģ åĩĢ +ç͵影 èĬĤ +åŃ© ç«¥ +æīĢ åģļçļĦ +æ¸ħ 代 +æĸ° çīĪ +éĵĿ åIJĪéĩij +为 æĬĵ +为æĬĵ æīĭ +åΤ å®ļ +çī¹ äº§ +æīĭ æ©Ł +ä¸įåı¯ æĪĸ +ä¸įåı¯æĪĸ 缺 +å¸Ĥåľº è§Ħ模 +åĿ ¯ +åĮ» åѦéĻ¢ +å¿« è¦ģ +èĮ ľ +æĬĺ èħ¾ +äºĨ è¿ĩæĿ¥ +æĬ¥åijĬ æľŁåĨħ +çī© ç§į +ç»Łè®¡ å±Ģ +æī© 建 +æ¶ ħ +责任 人 +éĺ İ +è¯Ħ è®® +å¾Ģ äºĭ +æīĢ ç¤º +æķ´ æ´ģ +éĹº èľľ +æĹħ éĢĶ +å®ŀ è®Ń +ä¹ĭ ç§° +å·´ 士 +éĢŁåº¦ å¿« +ä¸įä»ħ å¦ĤæŃ¤ +å®Ŀè´µ çļĦ +åºŁ çī© +æ²³ æ°´ +æİ¥ 纳 +ç²¾ æ¹Ľ +åħ¶æ¬¡ æĺ¯ +顺 å¾· +åħ¬åħ± åį«çĶŁ +è¤IJ èī² +ä¸į æĥľ +æĬĢæľ¯ æľįåĬ¡ +æİ · +æ±Ĥ èģĮ +ä¸ī 峡 +æĬķåħ¥ åΰ +太 åIJİ +åIJ¯åĬ¨ 仪å¼ı +缴æİ¥ å½±åĵį +æĸ° 款 +个 乡éķĩ +çϾ 亿 +åº « +ä¹Ł æŃ£æĺ¯ +åı¶ çīĩ +æľĢæĹ© çļĦ +æĪĺ 绩 +å·¥ æľŁ +æĻļ æľŁ +è¿Ļæł· 说 +è¯į è¯Ń +ä¾ Ħ +æķ£ çĥŃ +éĽĨæĪIJ çĶµè·¯ +åIJį è¯į +æĻº åķĨ +æĭ¥ åłµ +çĭĤ 欢 +è¿Ļ èά +æµ´ 室 +åijķ åIJIJ +æľªæĿ¥ åıijå±ķ +ä¸īä½į ä¸Ģä½ĵ +åªĴ é«Ķ +ä¸įå¾Ĺ 转载 +åĽłä¸º 她 +æĺ¾ç¤º å±ı +ä¾Ľ æļĸ +éĨ« éĻ¢ +æľī æĦıæĢĿ +æľīæĦıæĢĿ çļĦ +娱ä¹IJ åŁİ +åįµ å·¢ +åĪĽéĢł åĬĽ +竳 èĬĤ +人大 常å§Ķ +èĢĮ çİ°åľ¨ +å¤ĸ å©Ĩ +å¢ŀ æĮģ +äºĶ åįĥ +èĢģå¸Ī 们 +æ´Ľ æĿī +æ´ĽæĿī 磶 +æİĮæı¡ äºĨ +ä¸ŃåĽ½ æĸĩåĮĸ +æĸ° æĶ¿ +主è¦ģ ç͍äºİ +åıij çĥ§ +类似 äºİ +åĮĹ æŀģ +æĪij们 认为 +å¼¥ 漫 +åħ¨çIJĥ ç»ıæµİ +é¢ IJ +ä¸Ģèµ· è£ħä¿® +æĶ Ĵ +æĭī èIJ¨ +帶 ä¾Ĩ +åĨ· æ°´ +ä¸ī åĨľ +æĿ¿ æĿIJ +è¿ŀ è¿ŀ +éĵ ® +ç»ıèIJ¥ çIJĨ念 +å±± é¡¶ +å¾Ī æĥ³ +çĺ « +å§ĭç»Ī ä¿ĿæĮģ +åľ¨ 广å·ŀ +ä¸įåIJĮ æĦı +åıĺ åİĭ +åıĺåİĭ åύ +产 éĶĢ +表 éĿ¢ä¸Ĭ +æīĢ以 ä»ĸ +ç»ıéªĮ 丰å¯Į +éĥ¨ å§Ķ +åħµ åĽ¢ +æīĢ è¿° +æķ¦ çħĮ +ç»ıèIJ¥ èĮĥåĽ´ +åı£ è¯Ń +失 ä¿¡ +æ¯ı个人 çļĦ +æīĭ æĮģ +æģIJ æħĮ +åł¡ åŀĴ +é¦ ħ +éĵ¸ éĢł +æĭ¿ åĩºæĿ¥ +æİ¢ æµĭ +大家 ä¸Ģèµ· +å¥ § +å®ŀè´¨ æĢ§ +å°ı åĦ¿ +èĩº åįĹ +èĩºåįĹ å¸Ĥ +å¼Ģåıij èĢħ +åı¯ æł¹æį® +ç®± åŃIJ +饺 åŃIJ +å¿Ļ çĿĢ +æĿ¥ ä¸įåıĬ +缸 ä¼ł +åĽ½ ç½ij +èħ¹ æ³» +è¿ĻéĩĮ æľī +é£İ æĻ¯åĮº +åıĤ ä¿Ŀ +æŃ» èĢħ +æĪ´ ä¸Ĭ +æ©Ł æ§ĭ +è¯ķéªĮ åĮº +ä¼ł æİĪ +æµ· è¾¹ +泪 æ°´ +缸åħ³ åĨħ容 +éĥij å·ŀå¸Ĥ +åħij çݰ +两 åij¨ +èĬľ æ¹ĸ +ç͵åŃIJ ä¿¡æģ¯ +红 å¤ĸ +æĹħ游 å±Ģ +å¾Ģå¾Ģ ä¼ļ +è¿ħ çĮĽ +ä¼ł 羣 +æ¸ħ æ¾Ī +å°± è¿ij +微信 群 +ç³»åĪĹ æ´»åĬ¨ +ç»ı常 ä¼ļ +è§Ĥ æµĭ +å¿ĥå¾Ĺ ä½ĵä¼ļ +éĻĪ åĪĹ +åĮĹ æĸĹ +è« ® +è«® è©¢ +è¿ĺæĺ¯ ä¼ļ +æµĭ ç®Ĺ +æĺŁ ç©º +宽 容 +çī©ä¸ļ åħ¬åı¸ +æĪĴ æĮĩ +å¸ħ æ°Ķ +ä¸ĢæŃ¥ æŃ¥ +åħ± 鸣 +åĨ³ ä¸į +æİ¥ 管 +å¦ĩ èģĶ +æ¯Ķ åĸ» +é²ģ è¿ħ +æĮģ çºĮ +缸 亲 +å¨ģå°¼æĸ¯ 人 +ç«ĭ 项 +åĪ Ŀå§ĭ +èĩª åζ +è¿Ī è¿Ľ +ä¸Ĭ æ±½ +å®ı ä¼Ł +æł¹æľ¬ 没æľī +æĸ°åĨł çĹħæ¯Ĵ +åĵª ç§į +康 åħ» +è¡° èĢģ +å½ķ åĥı +é«Ķ é©Ĺ +ç»ij å®ļ +é¢Ŀ 头 +äºĶ æľĪ +èĬ± å¼Ģ +ä¸Ģ线 åŁİå¸Ĥ +åΰ åľº +æĬķ éĻį +çĹĺ çĹĺ +åıĹ ä¸įäºĨ +æīİ æł¹ +æĽ´ ä½ķåĨµ +æĬ½ æŁ¥ +åĩº è·¯ +审议 éĢļè¿ĩ +ä¸į åĥħ +èī² è°ĥ +çϾ ä½Ļ +èĤł éģĵ +æ·±åİļ çļĦ +马 åĬĽ +æĹ© æĻļ +æŃĮ èĪŀ +éĺ² æĻĴ +æľĢåIJİ ä¸Ģ个 +樱 èĬ± +å°ıä¼Ļ åŃIJ +åľ¨ å½ĵåľ° +å°ıä¼Ļä¼´ 们 +èµ· æºIJ +åħ¨ åªĴä½ĵ +ç° ½ +éħ± æ²¹ +æĹłè®º å¦Ĥä½ķ +裤 åŃIJ +åģľ äº§ +ä¸įçͱ å¾Ĺ +çīµ å¼ķ +ä¼ł åĬ¨ +ä¹Ŀ é¾Ļ +åĬł åĽº +ä¹Łä¸į æķ¢ +æĬĢæľ¯ æĶ¯æĮģ +ä¸Ĭ å²Ĺ +ç»ıéªĮ åĴĮ +æł¼ æŀĹ +åIJ¸ éĻĦ +æľªæĪIJ å¹´ +奢ä¾Ī åĵģ +追 æį§ +好 ä¸į容æĺĵ +èķ´ åIJ« +ä¿Ŀ å®ļ +æĬ¥ ä¸ļ +æµ· åĨħå¤ĸ +ä½ł çİ°åľ¨ +æ²¹ èĢĹ +è´¨éĩı 管çIJĨ +æ½ľ æ°´ +丽 æ±Ł +转 åħ¥ +è¿Ļä¹Ī ä¹ħ +æĺİ ä»£ +责任 åζ +éĩį å·¥ +大 å·´ +触 åıĬ +èµ· åĪĿ +大 å¦Ī +æĸ¯ å¡Ķ +åĨĽ å·¥ +书 éĻ¢ +å³ ¨ +æİ¨ çIJĨ +è¿Ļç¯ĩ æĸĩ竳 +è¿ģ ç§» +åľ¨ åIJĮä¸Ģ +ç»Ĩ ç»Ĩ +åīĬ å¼± +书 æĪ¿ +ç¶ĵ 常 +è¯ķ é¢ĺ +æĤ£ ä¸Ĭ +çĻ«çĹ« çĹħ +åĨ² æ´Ĺ +å¤ĸ æı´ +åħĭ åζ +åįģ æľĪ +åģļ ä¸įåΰ +ç¾İ åĮĸ +å¦Ĥ æľŁ +è¿ĺ éľĢ +天 åºľ +å°± æĦıåij³çĿĢ +çļĦç¡® æĺ¯ +éªĹ å±Ģ +å°ıç»Ħ èµĽ +è© © +ä¹Ŀ å¹´ +æĻĵ å¾Ĺ +çłĶç©¶ 人åijĺ +大 éħĴåºĹ +ç§ij åѸ +åħŃ åIJĪ +çķĮ å®ļ +车 è½½ +å¼Ģ çĿĢ +毫 æĹłçĸij +毫æĹłçĸij éĹ® +è¿IJ ç»´ +ç¦ģ åĮº +èĦ± èIJ½ +讲 å¸Ī +产ä¸ļ åŁºåľ° +é«ĺ æĢ§èĥ½ +åħī 彩 +çݰ éĺ¶æ®µ +åĩ ¿ +è¾ĥ å·® +饮 çĶ¨æ°´ +éĸĭ çϼ +ç½ij åIJ§ +çĮ´ åŃIJ +æŃ¦ æŀĹ +å®ī åİ¿ +ä¸įåı¯ æĢĿ +ä¸įåı¯æĢĿ è®® +éĬ· åĶ® +è´« ç©· +为 åķ¥ +éº ĵ +å¹¾ åĢĭ +è§Ħ模 以ä¸Ĭ +æı ļ +被 åĽ° +缺 å¸Ń +å¿« é¤IJ +æĬ¢ åįł +æĻ Ł +å¤į æ´» +æľ¬æĬ¥ 讯 +åĪĽ ä¸ĭ +æµ· 滩 +éĩı 产 +å¦Ĥä½ķ åİ» +车 ä½į +å¯ ĩ +äºĮ åįģåĽĽ +ç»ıæµİ æįŁå¤± +éħįå¥Ĺ 设æĸ½ +åŁºæľ¬ éĿ¢ +äºī 论 +就好 åĥı +çłĶç©¶ æĪIJæŀľ +éĻĪ è¿° +æīĵ åĬ¨ +ä¸ĭ å·´ +ç§Ĵ éĴŁ +对 人ä½ĵ +æĬĢæľ¯ çłĶåıij +åİŁ åŃIJ +æĺ¯ä¸Ģ 项 +äºĨä¸Ģ 份 +æĮĩ çͲ +ç͍ éĩı +è¿ĺä¸į å¤Ł +æĶ¿åºľ éĩĩè´Ń +çŁ¥è¯Ĩ çĤ¹ +ä¸ŃåĽ½ 梦 +å¾Ī å¼Ģå¿ĥ +礼 è²Į +éĿŀ常 å¤ļ +éĿŀ常å¤ļ çļĦ +åĽ ļ +æĹħ é¦Ĩ +å°½ æĥħ +æŃĮ åͱ +æ²Ļ é¾Ļ +车 åİ¢ +客 æµģ +åģı å·® +积累 äºĨ +æ¡ Ķ +çĶ» çĶ» +ä¹Ł åºĶ该 +åºĶç͍ ç¨ĭåºı +èĥĥ èĤł +以 å¾Į +豪 å®ħ +æ·± åĬłå·¥ +缴 è¨Ģ +åĮĸ çŁ³ +åĽ½ éģĵ +ä¸ĥ 个 +ä»İèĢĮ 使 +èĤł èĥĥ +æĹ¥ è¶ĭ +çζ åŃIJ +ç· © +æĭĽ çīĮ +产 å¦ĩ +çķª èĮĦ +æĪij éĻ¢ +建çŃij å·¥ç¨ĭ +å±ķè§Ī ä¼ļ +å®¶éķ¿ ä»¬ +åĨľ ä½ľçī© +æĹ¥ å¤ľ +æĶ» æĵĬ +è§Ħ éģ¿ +èĪŁ å±± +便 æ°ij +åħ« åŃĹ +ä¸į æĽ¾ +æĶ¯ éħį +çĨ¬ å¤ľ +人 é¡ŀ +ç´Ģ éĮĦ +ç»ıèIJ¥ æ´»åĬ¨ +大 涨 +å¸Ĥå§Ķ 常å§Ķ +åĪĨ éIJĺ +ä¸Ģ个 èģĮä¸ļ +çĹħ åĽł +è¿Ļ 对äºİ +ä¸įå¾Ĺä¸į 说 +åıijç͵ æľº +æľīæīĢ å¸®åĬ© +缮æłĩ ä»»åĬ¡ +åĽł åľ° +åĽłåľ° åζ +åĽłåľ°åζ å®ľ +å°Ĩ è¾¾åΰ +ç²Ĺ ç³Ļ +稳 åĽº +å« £ +çİ°åľ¨ å¾Īå¤ļ +ä¸ĸçķĮ 级 +å¼ł æŁIJ +çĤ¹ ç¼Ģ +èij µ +社ä¼ļ ç»Ħç»ĩ +å¾Ģ åIJİ +åĬł æģ¯ +åĻª 声 +æľī åħ´è¶£ +为æĤ¨ æıIJä¾Ľ +æ²¹ æ¼Ĩ +ç¬¬åĽĽ å±Ĭ +çļĩ 宫 +ä¹Ĵ ä¹ĵ +ä¹Ĵä¹ĵ çIJĥ +éļ¨ èijĹ +éģ© åIJĪ +åįĹ éĿŀ +æĵ ´ +西 æ´ĭ +åĬł å¯Ĩ +æĪIJåĬ٠䏾åĬŀ +åı£ æ°´ +æĪIJ 年人 +æīĢ æıIJä¾ĽçļĦ +éļĶ å£ģ +åľ¨ 京 +å½ĵåľ° æĹ¶éĹ´ +çŃī åIJĦç§į +é£İ æ°Ķ +å±ĭ éĩĮ +ä¸Ģ åŃĹ +çļĦæĹ¶éĹ´ éĩĮ +åĺ¿ åĺ¿ +å¿« 讯 +ä¸Ń åľº +ä¸Ģ çĵ¶ +æ» ķ +é¢Ĩ è·ij +好 èݱ +好èݱ åĿŀ +没 åħ³ç³» +åĩº å¢ĥ +ä¸įæĺ¯ ä¸Ģ个 +éĥ½æĺ¯ éĿŀ常 +éľĩ åĬ¨ +èİ· èĥľ +åįļ å¼Ī +æĬļ åħ» +对 ç«ĭ +æľįåĬ¡ æľºæŀĦ +è°£ è¨Ģ +社ä¼ļ ç§ijåѦ +åIJ¬è¯´ è¿ĩ +æī ³ +æīĵ 磨 +åı£ æľį +好 åĥıæĺ¯ +以åıĬ åħ¶ä»ĸ +çī¹ è´¨ +亲 è¿ij +ä¸Ģ ç»ı +æ¶ Ŀ +éŃĶ æľ¯ +éģĵè·¯ 交éĢļ +è§Ħ模 æľĢ大 +å®ŀæĸ½ æĦıè§ģ +ä¹ ŀ +ä¸Ģ ä¸ĸ +åŁ· è¡Į +è±Ĩ çĵ£ +åĪĹ ä¸º +æķħ 宫 +çĶŁ åij½åij¨æľŁ +ä¸īç§į èģĮä¸ļ +详ç»Ĩ ä»ĭç»į +å®Į å¤ĩ +岩 çŁ³ +éļı æīĭ +é£ ² +æķĪæŀľ åĽ¾ +ç§ĭ åĨ¬ +åĬŁ å¾· +è§Ħ竳 åĪ¶åº¦ +æĹ¥ æ¸IJ +æīĢ éľĢè¦ģ +æīĢéľĢè¦ģ çļĦ +å²Ľ ä¸Ĭ +åĩº åľŁ +åĽ¾ æĸĩ +ç§ijæĬĢ è¿ĽæŃ¥ +éĢļ èĥĢ +èĢģ 太太 +èĭĹ æľ¨ +éĵ¶ å·Ŀ +å¸IJ 篷 +éĿŀ è¦ģ +éħį ç͵ +å¤Ħ å¢ĥ +èĤ¡æĿĥ æĬķèµĦ +ä¸Ģ缴 åΰ +åĿĩ çͱ +æĬĹ æĹ¥ +æį® ä»ĭç»į +ä½ł åĸľæ¬¢ +åĪĽæĸ° åŀĭ +åıĺ è¿ģ +è§Ĩ å¯Ł +å®Įåħ¨ 没æľī +åħĥ æĹ¦ +åı¯ ä¿¡ +åı¦ è¡Į +æĿij 级 +åħ¥ åľº +æIJŃ æ¡£ +ä¹Ł åĽłæŃ¤ +æį¢ æĪIJ +ä¸į è´Ł +äºĨ 大éĩıçļĦ +éģĶ åΰ +å¸Ĥ åİ¿ +å¹´ è¼ķ +å¿« æīĭ +å¸Į å°Ķ +èĩª èIJ¥ +éĽª èĬ± +æIJ ģ +çľ¼ ç§ij +æŃ£ 確 +çļĦ å§¿æĢģ +åĿļå®ŀ çļĦ +æĮĩ 纹 +æªĶ æ¡Ī +ç½® äºİ +佩 æľį +豪 éŨ +åĵ Ĵ +æģ° 好 +檢 æŁ¥ +åĪĿ è¡· +大 åĶIJ +约 ä¼ļ +èĴ¸ åıij +çѹ åĪĴ +å¹´ ç»Ī +è¡Į æ¥Ń +åħ± éĿĴ +åħ±éĿĴ åĽ¢ +ä¼ļ å¼ķèµ· +ä¸Ń ç§ij +ä¸Ńç§ij éĻ¢ +æĮ¯ åĬ¨ +åį´ åıijçݰ +ä¸įåĬ¨ 产 +èĮ ¹ +æĪ¿éĹ´ éĩĮ +è´§å¸ģ æĶ¿çŃĸ +æ²» çĻĤ +æħİ éĩį +å¡ŀ å°Ķ +åĽ½ ç±į +åĽł æŀľ +çŃī çī¹çĤ¹ +å±± è°· +ä¸ĭ è¼ī +è®ĵ æĪij +饮 éħĴ +è¿Ļ个 游æĪı +ç»Ŀ 大éĥ¨åĪĨ +åĴ¨è¯¢ æľįåĬ¡ +å¹² æ´» +è®® ä¼ļ +æ¦Ĥ è¿° +åĪĨ åĮº +æŃ» åIJİ +ç«Ļ çĿĢ +主è¦ģ é¢Ĩ导 +åIJĮ åŁİ +大 æłij +对 åѦçĶŁ +社ä¼ļ ä¿ĿéĻ© +å¢ŀ èµĦ +主人 åħ¬ +å®£ä¼ł æķĻèĤ² +æĸĩåĮĸ 交æµģ +客 æĪ¶ +çŁ¥åIJį åĵģçīĮ +æ»ŀ åIJİ +äºĴ è¡¥ +æĦŁ äºº +åī ¿ +åIJİ ä»£ +äºī 龸 +æķĻèĤ² åŁ¹è®Ń +éĿĻ èĦī +ä¹ı åĬĽ +说 åĩºæĿ¥ +çİĭèĢħ èį£èĢĢ +åĢ « +åįĩ èµ· +éķ ģ +åĩº 游 +éĢļè¡Į è¯ģ +å·¥ä½ľ å²Ĺä½į +åĮł å¿ĥ +æĭ¿ æĿ¥ +æ´Ĺè¡£ æľº +æĪijä¸į æĥ³ +é¢Ħ è§ģ +æ¼Ķ 示 +ä¸Ģ缴 没æľī +è·Ł 她 +对çħ§ æ£ĢæŁ¥ +ç° ¿ +ä¸ĵ å¿ĥ +è®® äºĭ +åīį 端 +åį¡ å°Ķ +è¨Ń å®ļ +设置 äºĨ +å©ļ 纱 +åľ¨ åĽ½å¤ĸ +åı³ ä¾§ +è³¼ çī© +å¥ĩ èij© +å¢ŀåĬł å̼ +好 è¿IJ +åĽ½éĻħ æľºåľº +ä¸ĭ ç§° +缮åīį 为æŃ¢ +ç¥ŀ ä»Ļ +å®ĥ åı¯ä»¥ +æ¾Ħ æ¸ħ +èĥ½ 使 +游 åĩ» +游åĩ» éĺŁ +åĩ ¹ +ä¸įè¦ģ åĨį +åĨ³ èĥľ +åĨ³ æĪĺ +æĭ ½ +缼 åħ¸ +å¾Ī好 åľ° +æľĢ ç¾İçļĦ +åĥ ļ +å·´ åŁº +å·´åŁº æĸ¯åĿ¦ +æľĢ éĢĤåIJĪ +é«ĺ èģĮ +ä¿Ŀ å§Ĩ +æİĪ æ¬Ĭ +说åΰ è¿ĻéĩĮ +æİ¨ å¼Ģ +çİĩ è¾¾ +ä¸īåĪĨ ä¹ĭä¸Ģ +管çIJĨ ä¸Ńå¿ĥ +交 æ±ĩ +森æŀĹ åħ¬åĽŃ +å¾Ģ ä¸Ĭ +éªij è¡Į +æį® æŃ¤ +纽 带 +ç» ŀ +ä¸ī æĸ¹ +æĦıä¹ī ä¸ĬçļĦ +æİ¨ è¿Ł +å¤ļæł· æĢ§ +æĥ³ èµ·äºĨ +æİĴåIJį 第 +å·¨ é¢Ŀ +æĿŁ ç¼ļ +å®ī å®ļ +äºĭ 實 +çļĦ æĦ¿æľĽ +è£ħå¤ĩ åζéĢł +人 å±ħ +人å±ħ çݯå¢ĥ +å¿ĺè®° äºĨ +该 游æĪı +楼 ä¸Ĭ +å¼Ģ ä¼ļ +æģ ³ +åıĭæĥħ éĵ¾æİ¥ +ç¡ Ĵ +ç»ĻäºĪ äºĨ +åģı 好 +åĵ ī +交éĢļ å®īåħ¨ +éĽ Į +æ²» çĹħ +è§īå¾Ĺ å¾Ī +衬 è¡« +å¿ĥ æĦ¿ +æ´ŀ å¯Ł +æ°ij æ£Ģå¯ŁéĻ¢ +æıIJ çĤ¼ +è¦ģ è¿Ľä¸ĢæŃ¥ +驾 车 +æĻ® æĥł +æķ ĸ +ç¦ı éŁ³ +éĢģ è¾¾ +è§ĦåĪĴ 设计 +æīĭ å¥Ĺ +å®ī ä¿Ŀ +è¿ĺä¸į å¦Ĥ +åīį è¿° +æłĩ è®° +ç´§ æİ¥çĿĢ +æ§ IJ +深深 åľ° +满满 çļĦ +æĺ¥ è¿IJ +æĹ¥ 产 +çα æĬ¤ +åħ¨ æĹ¥ +åħ¨æĹ¥ åζ +转 åĬ¨ +ç¥Ń ç¥Ģ +ä¹° ä¸ľè¥¿ +对 æľªæĿ¥ +æ¶Ī失 äºĨ +åļ´ éĩį +ä¸ī æĿ¡ +éħ¸ 奶 +éĽĨåĽ¢ èĤ¡ä»½ +西 è·¯ +åıª å¾Ĺ +éĢģ åİ» +çĭł æĬĵ +åĪ©ç͍ çİĩ +ä¸ĭ åij¨ +å¥ĭ æĪĺ +æĺ¥èĬĤ æľŁéĹ´ +è´Ł 责任 +æĺĤ è´µ +å°¾ å·´ +ç¯ĩ æĸĩ竳 +åħ ® +è®Ĭ æĪIJ +å¹ ¹ +çĻ» éĮĦ +ä½ Ī +å·¥ åĮł +åĵªæĢķ æĺ¯ +åıį åĵį +ç§ ĥ +åĩº 轨 +æĹ¥ åĨĽ +åIJį èªī +æķı éĶIJ +æľįåĬ¡ æ°´å¹³ +çħ§ å°Ħ +ä¼Ĭ æĭī +ä¼Ĭæĭī åħĭ +åĨħ éĺģ +èĬĴ æŀľ +ä¸ĩ åĪĨ +éĢĢ æ¬¾ +缴æĴŃ éĹ´ +æĭ¿ åΰäºĨ +å°İ èĩ´ +空æ°Ķ ä¸Ń +客æĪ· æľįåĬ¡ +è¿IJ åĬ¿ +ç»ĵ çŁ³ +ä¸į å¿ħè¦ģçļĦ +èĥ¶ åĽĬ +çIJĨ ä¼ļ +æĬ½ åĩº +空æ°Ķ è´¨éĩı +æ¯ķ 竣æĺ¯ +åĨ· æ¼ł +ä¸Ģ å¦Ĥ +ä¸Ģå¦Ĥ æĹ¢ +ä¸Ģå¦ĤæĹ¢ å¾Ģ +æĤ£ çĹħ +åĬł æĮģ +èµŀ åĬ© +é« ® +åij½ ä¸Ń +æĦıä¹ī ä¸Ĭ +ä¸į èĪį +åģļ æ¢¦ +æīĵ æī« +æĺŁ åħī +æĸŃ è£Ĥ +åħ¨ å¥Ĺ +è£ģ å®ļ +马 åħĭæĢĿ +骨 骼 +ä¸Ģ è·¯ä¸Ĭ +å®ļ æĹ¶ +å·¥ç¨ĭ æĬĢæľ¯ +å½¼ å¾Ĺ +æ±² åıĸ +ä¸Ģ è§Ī +åIJµ æŀ¶ +ä¿Ĺ ç§° +æłª æ´² +åºŁ æĹ§ +è¡Į æĺŁ +åıijçĶŁ åıĺåĮĸ +é¦ĸ ä»ĺ +åįģåĪĨ éĩįè¦ģ +æĬĬ è¿ĻäºĽ +ç¥ŀ å·ŀ +æıIJä¾Ľ åķĨ +æ¥ · +å± İ +çĬ¶ åħĥ +åŁİ å¢Ļ +çľĭ ä¸Ģçľĭ +çĶŁäº§ èĥ½åĬĽ +åŁºæľ¬ä¸Ĭ éĥ½ +æīĵ æī° +åĪĿ 次 +åĩº 示 +åħ¶ä¸Ń ä¸Ģ个 +çĶŁæĢģ ç³»ç»Ł +æīĭ æİĮ +æµİåįĹ å¸Ĥ +åľĭ åħ§ +æŃ£ å̼ +å¹¾ ä¹İ +æİ¨èįIJ éĺħ读 +è¿Ń 代 +è°ĥ ä¾ĥ +饮 åĵģ +å¢Ļ ä½ĵ +åıĺ çݰ +äºĨ 好 +äºĨ好 åĩł +ä¸į çķĻ +çĪ ² +å°½ æĹ© +æŃ£åľ¨ è¿Ľè¡Į +åĩº éĻ¢ +æĿĢ å®³ +æıIJ 款 +åıijå±ķ 空éĹ´ +åīį 身 +ä¸įæĸŃ å¢ŀ强 +æ·± å±Ĥ次 +容 纳 +éĤ£ 份 +å·¥ä½ľ æķĪçİĩ +æľ¬ åĽ½ +失 èIJ½ +æŃ£ åĽłä¸º +èĬĤ æ°´ +ä¸ĭ ä¸Ģ代 +çłĶåıij ä¸Ńå¿ĥ +ä¸į çIJĨ +å®Į 好 +ä¿ĿæĬ¤ åĮº +ç»ĵæŀĦ è°ĥæķ´ +å¥ł å®ļ +宣 ç§° +éĺ» æĮ¡ +æĴ¤ 离 +ä¸į æĸ¹ä¾¿ +åĴ ķ +ç¬ijäºĨ ç¬ij +çݯå¢ĥ 污æŁĵ +ä½ı æĪ· +ç»Ŀ ç¼ĺ +éϤ å°ĺ +é«ĺ å°ļ +æĢİä¹Ī åı¯èĥ½ +éĿ¢ èī² +åķĨ æ¥Ń +çĸ ¹ +èµĦæºIJ ä¼ĺåĬ¿ +è¾ĸåĮº åĨħ +èĢĢ çľ¼ +æij§ æ¯ģ +ä¸ĸçķĮ ç»ıæµİ +å¼ķ æĿ¥ +ä¸Ģ åĪĻ +æĭĩ æĮĩ +æĬµ 御 +éĽ į +åĩĨå¤ĩ å·¥ä½ľ +çıł ä¸īè§Ĵ +ç¨Ģ åľŁ +èİ·å¾Ĺ æĦŁ +æĪIJåĬŁ çİĩ +ç½ij 约 +ç½ij约 车 +èĦ IJ +æķ¬ ä¸ļ +éĩij ä»· +ç²¾ é«ĵ +ä¹° 车 +åħ³ åı£ +åĨį å¤ļ +æŀģ åĵģ +åIJĦ å®¶ +举æĬ¥ ç͵è¯Ŀ +èļ Ĭ +æĸ¹ å½¢ +ç§ijæĬĢ æĪIJæŀľ +æľĢ好 æĺ¯ +éĹ® åĢĻ +红 éħĴ +åĽĽ ç§į +ç¿Ĵ æħ +ç¿Ĵæħ £ +åŀ ¦ +éĤ£ åıª +é¢Ĩ æĤŁ +çľ¼ éĥ¨ +æ³° å®ī +ä»» æľŁ +磨 æįŁ +æĽ¿ æį¢ +åħ¸ 礼 +符åIJĪ æĿ¡ä»¶ +è¿ĺæľī ä»Ģä¹Ī +åħ±äº« åįķ车 +åı¯ åĪĨ为 +åŃ£ åIJİ +åŃ£åIJİ èµĽ +举èİŀ å¸Ĥ +å¿ĥ æĦı +æīŃ æĽ² +ä½ľä¸º ä¸Ģç§į +è¿Ļ éĥ¨åĪĨ +åıĤä¸İ åΰ +ç½ij çIJĥ +實 çı¾ +ç»Ħ è£ħ +åIJij å¤ĸ +å·¥ä½ľ æĸ¹æ¡Ī +åįģ æĿ¡ +課 ç¨ĭ +颤 æĬĸ +åĵ © +éĤ® å¯Ħ +äº ¢ +åħį è²» +ç§ ¤ +åºĶæĢ¥ 管çIJĨ +åĽĽ äºĶ +éºĴ éºŁ +å¾Ĵ æŃ¥ +è¨ĺ å¾Ĺ +çĴ IJ +æĺ¯åIJ¦ ä¼ļ +æĦıè§ģ åıįé¦Ī +éļ¾ æĢª +çª į +交 æİ¥ +两 åįĥ +æĩī ç͍ +æľŁ éĸĵ +æIJ¬ åΰ +è®® é¢ĺ +碧 æ¡Ĥ +碧æ¡Ĥ åĽŃ +åģļ çĶŁæĦı +éĻĽ ä¸ĭ +è· ĭ +èĢģ人 å®¶ +带 åĽŀ +æŀ¸ æĿŀ +è¡Į éķ¿ +åĨħ容 ç®Ģä»ĭ +æ¢ ¢ +æĮĩ æİ§ +éĩį çĹĩ +ç½ijåıĭ 们 +çı¾ 代 +ç±» 产åĵģ +å¥Ķ æ³¢ +æ¸ º +ç²ī ç¢İ +è¿Ļ åıªæĺ¯ +æ£Ģå¯Ł æľºåħ³ +é½ Ĭ +æĪ¿ ç§Ł +å¾· æĭī +å²ģ 以ä¸Ĭ +纯 åĩĢ +åĪĨå¸ĥ åľ¨ +èĥ½ å¾Ĺåΰ +ä¸į å°½ +ç«ŀ ä»· +çļĦ 带é¢Ĩ +çļĦ带é¢Ĩ ä¸ĭ +ä¸ŃèᝠæĿIJ +æĿij éķĩ +ä¸įåı¯ éģ¿åħį +éľ² 天 +å°ı å§ijå¨ĺ +çī© ä»¶ +èijĹä½ľ æĿĥ +æĭĺ çķĻ +éĥ½ è§īå¾Ĺ +æĽ² æĬĺ +æ·»åĬł åīĤ +åı¬ åĽŀ +æīİå®ŀ æİ¨è¿Ľ +æĬĦ è¢Ń +åĮĸ 身 +缴 èIJ¥ +ä¹Ł å¸ĮæľĽ +èį£èªī ç§°åı· +åįĸ ç»Ļ +æľī ä¸įåIJĮçļĦ +å¥ĩ çī¹ +éĥ½ 认为 +å¦ ŀ +æĪIJéķ¿ ä¸º +辩 æĬ¤ +主 æķĻç»ĥ +æ³ķå¸Ī èģĮä¸ļ +æ¤į åħ¥ +ç´¢ å°¼ +åIJ¬ è¿ĩ +ä¹łæĥ¯ äºĨ +夺 åıĸ +éŁ ĵ +æľ¬è´¨ ä¸Ĭ +æİ¥ åĬĽ +äºij 端 +è¦ģ åģļ好 +è·¯ çģ¯ +åįıåIJĮ åıijå±ķ +æľī å¾ħ +æ°´ åŁŁ +æIJľçĭIJ é¦ĸ页 +è´¨éĩı å®īåħ¨ +åįģäºĮ äºĶ +åĵ® åĸĺ +èĵ¬åĭĥ åıijå±ķ +åIJį 声 +身 亡 +çİĭ åºľ +åİŁåĪĻ ä¸Ĭ +çĥĺ å¹² +éģĹ æ¼ı +éĿ¢ 缮 +åĽ½ ä¼ļ +ä¸Ģ缴 éĥ½æĺ¯ +æľīä¸Ģ ä½į +éħį æľī +éĻª çĿĢ +ä¼ģ åĽ¾ +æĮī ä¸ĭ +èĵĿ åĽ¾ +æ© ĺ +大å¤ļ æĺ¯ +辩 论 +æĹĭ å¾ĭ +æĬ¥ éĢģ +æĿ¡ è§Ħå®ļ +åĬ¨ éĿĻ +åĮΠ奴 +æĭľ 访 +ä¸Ģ åĪĢ +ä»ĸ çŁ¥éģĵ +主 æĿĥ +ä»ĸ æĽ¾ +æĴŃ ç§į +å£ģ åŀĴ +çī¢è®° 使åij½ +åľ¨è¿Ļ æĸ¹éĿ¢ +æīĭ èħķ +æĶ¯ æŀ¶ +ä¾Ĩ èĩª +éĩį å¡ij +å¤ļ å±Ĥ次 +ä»ĭ è´¨ +éĿ¢ åŃĶ +æ½® 湿 +åİ¿ åŁŁ +游æĪı å½ĵä¸Ń +å£ ŀ +åĪĹ åĩº +èµĽ åĮº +å¤ļ åįĬ +éĩįçĤ¹ å·¥ä½ľ +æĪij们 å¿ħé¡» +æŁı æŀĹ +é²ģ èĥ½ +æĸ½ å±ķ +åIJĦ åĮº +åħį ç¨İ +èµĽ åIJİ +æľĢ éĩįè¦ģ +ä¸Ģ个 好çļĦ +è¿Ŀæ³ķ è¿Ŀè§Ħ +äºĨè§£ æĽ´å¤ļ +æķ¬ 请 +ç¬ijçĿĢ è¯´ +ä¸įæĸŃ åıijå±ķ +æijĦå½± å¸Ī +以 éĺ² +çĤ¸ å¼¹ +声 åĵį +ç¤ ģ +æĩ ¿ +èĪĨ æĥħ +èĩªçͱ è´¸æĺĵ +æķı æį· +ä¸ī大 éĺ¶æ®µ +èĭ Ķ +æĹº åŃ£ +ä¸į 满æĦı +微信 åı· +ä¿® 为 +çł´ è£Ĥ +éĢĥ 离 +æ¯ı èĤ¡ +è¾¾ ä¸įåΰ +æ¯ıå¹´ éĥ½ +çģ¯ ç¬¼ +æŃ¤ åŁºç¡Ģä¸Ĭ +åĥı 个 +åĪĨ 娩 +æĻ ¾ +ä¸į èĩ³äºİ +红 线 +误 è§£ +举 è·¯ +æ·® å®ī +产 åѦ +产åѦ çłĶ +èī¾ æ»ĭ +è»ĭ çĹħ +åīįæıIJ æĺ¯ +æ¯ı ä¸Ģ天 +ä¸ĥ 大 +æłij åı¶ +èµ° å¾Ĺ +è¿Ļ 两ç§į +æİı åĩº +æİ IJ +é¢Ĩ导 èĢħ +ä¸Ģ æľµ +个å¤ļ æľĪ +ä¸Ń åħ³ +ä¸Ńåħ³ æĿij +课åłĤ æķĻåѦ +大 åĴĸ +éģĭ ç͍ +è¯ļ æĦı +ç»Ħ åĽ¾ +è¯ķ çĿĢ +ä¹Ķ æ²» +è¿ĺ ä¸įæĺ¯ +æľī æĽ´å¥½çļĦ +åIJİ å¤ĩ +æĸ°çĶŁ åĦ¿ +æ°Ķ è¡Ģ +æ²¥ éĿĴ +å±ı éļľ +æ¥Ń åĭĻ +æĪij 以为 +éķ¿ çĽ¸ +èĢģ çΏ +éķĩ æ±Ł +æľºæ¢° 设å¤ĩ +ä½Ĩæĺ¯ å¦Ĥæŀľ +åĿļå®ļ ä¸į +åĿļå®ļä¸į ç§» +åĨ² éĶĭ +ç®Ģ缴 æĺ¯ +åĤ¨ èĵĦ +纯 ç͵åĬ¨ +漫 æŃ¥ +举 èµ· +æģ¶ æĢ§ +è¨ĺ éĮĦ +èģĮèĥ½ éĥ¨éŨ +åħ¨ éķ¿ +鼻 è¦ĸ +ä¹³ èħº +ä½ķ å¤Ħ +æ¶Ī æŀģ +æŃ£ å¤Ħäºİ +å®ī å®ģ +æĪIJ éķ· +åıĻ è¿° +æºĥ çĸ¡ +ä½Ĩ çİ°åľ¨ +女 æĺŁ +å©´ å¹¼åĦ¿ +æĬķ èŀįèµĦ +éĹ® éĹ® +æıŃ å¼Ģ +è¯ ı +åIJį å½ķ +èĺij èıĩ +åIJĬ é¡¶ +æ¹ĸ åĮº +åįĸ åľº +建 ç¯ +å»ºç¯ ī +èİ ½ +åIJ¬ åIJ¬ +ç«ŀäºī ä¼ĺåĬ¿ +åĩº ä»» +æľī 两ç§į +橱 æŁľ +è¤ ª +è¯ķ åį· +ç»ıæµİ æĬĢæľ¯ +æ·± å±Ĥ +éĩįè¦ģ åĨħ容 +é£İ æİ§ +çĬ¶æĢģ ä¸ĭ +éĥ¨ éĸĢ +广 æ±½ +è§Ĥ æij© +éģĹ çķĻ +转 è´¦ +æĮģ ä»ĵ +æĢ» 计 +åľĺ éļĬ +æĪ¿ 举 +éĺĢ éŨ +åħ¬ åħ³ +åħ³ åĪĩ +èĤ ĺ +æķ¸ æĵļ +ä¸ī åįģå¹´ +è§ģè¯ģ äºĨ +å± Ĩ +çģ° å°ĺ +æ¦ľ é¦ĸ +è¦ĨçĽĸ çİĩ +ä»Ļ 女 +çĶŁäº§ æĢ» +çĶŁäº§æĢ» å̼ +æĪ¿ è´· +æ±Ł åĮº +åħħç͵ æ¡© +çϾ åIJĪ +確 èªį +转 ç§»åΰ +éĥ½ æĹłæ³ķ +纪念 é¦Ĩ +çŃ¾ç½² äºĨ +å¹¶ä¸į å¤ļ +æĮ ł +ä¸į太 好 +ä¸ĸ 代 +误 导 +é«ĺå³° 论åĿĽ +åħ¼ 容 +龸 æ°Ķ +æĿ¥ 访 +æīĢ å¸¦æĿ¥çļĦ +æĺ¯ä¸Ģ éĥ¨ +æĻļ é¥Ń +åİĨ 代 +åIJ¦ åīĩ +ä¹ħ ä¹ħ +æľīæķĪ æľŁ +诱 åıij +æĢ» èµĦ产 +æľ¬èº« å°±æĺ¯ +çĶŁäº§ åİĤå®¶ +æĹ¶ 髦 +èĢIJ ç͍ +ä»İå°ı å°± +æĿ¡ 约 +èĭ± åĭĩ +ä¿Ĺ è¯Ŀ说 +寺 åºĻ +å¿ĥçIJĨ åģ¥åº· +ä»Ģä¹Ī äºĭæĥħ +æ±ī åŃĹ +çķĻ ä½ı +åįĹ è·¯ +ä¸ī 项 +丢 äºĨ +æĥ³ åΰäºĨ +çѹ éĽĨ +éĻĦåĬł å̼ +西 è£ħ +ä¹ĭ ä½ľ +åģļçļĦ äºĭ +çķ¶ æĤ¨ +çķ¶æĤ¨ åľ¨ +é¦ĸ 款 +ä¸įåľ¨ ä¹İ +å·¥ç¨ĭ æĸ½å·¥ +éļIJ éļIJ +åıĺ 身 +沿 éĢĶ +æĤł æĤł +ä¿Ŀ æļĸ +çĶŁæ´» åŀĥåľ¾ +渤 æµ· +æŃ¦ ä¾ł +女 主è§Ĵ +举 ä¾ĭ +æ ·¨ +çϽ é¢Ĩ +è£Ļ åŃIJ +è¿Ķ è¿ĺ +è¿Ī åĩº +é¾Ļ éŨ +ç»ıæµİ ä½ĵ +æĶ¶ å®ĺ +çķĮ éĻIJ +è·³ åĩº +åįĩ å̼ +绵 éĺ³ +çĸ¤ çĹķ +çľĭ æ¸ħ +æĭĴ çµķ +è¥Ħ éĺ³ +课 å¤ĸ +åŃIJ åŃĻ +æŃĮ è¯į +æĪIJ åIJį +溶 æ¶² +åĦĴ å®¶ +åķĨä¸ļ åĮĸ +辨 åĪ« +å¤ļ è¾¾ +ç½ij åºĹ +ä¹Ŀ 大 +ä¹Ŀ大 ç²¾ç¥ŀ +æŃ¤ 举 +è¿ŀ è½½ +ä¸Ģ åĢĭ人 +èī² æ³½ +æ¶µçĽĸ äºĨ +è¦ı åĬĥ +åĽ½ æĥħ +åį«çĶŁ åģ¥åº· +积æŀģ åĵįåºĶ +æĭ Ļ +åζ åĬ¨ +æĥ³è±¡ åĬĽ +çļĦ ä¹IJè¶£ +å¼łå®¶ çķĮ +å´ İ +éĩį åŀĭ +å¤ĸ å¢Ļ +æĶ¾ åѦ +è®¤çľŁ åŃ¦ä¹ł +è´¬ å̼ +æ³ķ æ¡Ī +æĬ¤èĤ¤ åĵģ +éĻ·åħ¥ äºĨ +请 æĤ¨ +åŀ ¢ +æķĻèĤ² èµĦæºIJ +交æĺĵ å¹³åı° +æĹ¶ è£ħ +ä¼łæŁĵ çĹħ +æ¹ĸ æ³Ĭ +èµĦ 管 +åݨ å¸Ī +éĹľ éį +éĹľéį µ +åĵĪåĵĪ åĵĪ +çĽĹ çªĥ +çĶľ ç¾İ +åºĦ åĽŃ +缮åīį å·²ç»ı +è¾¹ ä¸Ĭ +çģ« èĬ± +æĬ¥ è®°èĢħ +æģĭ æĥħ +ç´§ åĩij +æ°´ æµģ +è¿Ļæĺ¯ æĪij们 +æ³¥ åľŁ +æĽ¾ ä»» +æĸ¹ è¨Ģ +åij¨ åħŃ +åı· 楼 +ä¼ij åģĩ +误 ä¼ļ +åĽ½ åĢº +åīį å¤ķ +两 å¼ł +éĹ « +éŃĶ é¬¼ +æĬĬ æĮģ +èĬĤèĥ½ çݯä¿Ŀ +æ¸ħæ´ģ èĥ½æºIJ +èĤ¥ æĸĻ +é«ĺ é¢ij +å°± æľīäºĨ +交 ä¼ļ +没 éĴ± +éĽħ æĢĿ +è¦ģ åıĬæĹ¶ +åŁ¹åħ» åѦçĶŁ +欣 åĸľ +çĥŃæ°´ åύ +é¾Ļ æ¹ĸ +äºĮ 楼 +æĸ°æµª è´¢ç»ı +æĸ° åĬ¨èĥ½ +èµ£ å·ŀ +æĭ³ 头 +æµģ åIJij +ä¹Łæĺ¯ å¾Ī +åıij åĶ® +ä¸Ń åIJ«æľī +åIJĵ å¾Ĺ +å·¨ æĺŁ +æĹł æīĢè°ĵ +æ¯Ľ åŃĶ +åħ¬åħ± 交éĢļ +çĤİ çĥŃ +èµ· èįī +åĬłçĽŁ åķĨ +说 ä¸įåĩº +大åѦ æ¯ķä¸ļ +å·¥ä¸ļ åĽŃ +éłĺ åŁŁ +åºĨ åħ¸ +æµģ 产 +èģ² éŁ³ +ä¼¼ä¹İ æĺ¯ +è´§ æºIJ +æ·± åĪĩ +æ²»çĸĹ æĸ¹æ³ķ +èµĦæºIJ éħįç½® +ç¶² åıĭ +çĶ £ +äº ¥ +躲 åľ¨ +社 ç§ij +è»Ł é«Ķ +女 è£ħ +æŃ¡ è¿İ +综åIJĪ å®ŀåĬĽ +æł¼ å°ĩ +åħļåı² åŃ¦ä¹ł +æľĢ åŁºæľ¬ +æľĢåŁºæľ¬ çļĦ +çľĭ æľĽ +åıĹ è´¿ +ä¸įä»ħ èĥ½ +ä½ķ å¿ħ +ä¸Ģ个 å°ıæĹ¶ +ç¾ Į +æĭĽ æĶ¶ +çĤĴ èĤ¡ +æĿij å¹²éĥ¨ +缸 çα +æ½ľ èĥ½ +ä¹ į +æĹ¶ è¾° +欣 æħ° +éĵ¶ è¡Įä¸ļ +çĭŃ çªĦ +éĩįçĤ¹ é¢ĨåŁŁ +çݰå®ŀ çĶŁæ´» +éĮ¯ 誤 +æĸ° è§Ħ +滥 ç͍ +æĹ¶ ä¸į +æĹ¶ä¸į æĹ¶ +帳 èĻŁ +ç¨Ģ 缺 +åIJij 举 +ä¿Ŀåģ¥ åĵģ +çıŃ éķ¿ +äºĴ åĭķ +笼 罩 +æ½ Ľ +æļĸ å¿ĥ +è½° çĤ¸ +åºĨ 幸 +è²Į ä¼¼ +æĵ º +èĢIJ 磨 +ä¸ĵä¸ļ 人士 +ä¸Ģèά éĥ½æĺ¯ +æ¼³ å·ŀ +åħ¨ èĩªåĬ¨ +å½ķ ç͍ +大 è·Į +æľīæķĪ æĢ§ +èĩª åĭķ +ä¸ī个 æĸ¹éĿ¢ +港 åĮº +ä¿¡ 貸 +éĢļ è¯Ŀ +é«ĺ 涨 +æ³Ħ æ¼ı +éħį ä¸Ĭ +åħļ å·¥å§Ķ +被 认为 +被认为 æĺ¯ +ä¸įä¼ļ åĨį +è°ĥ åīĤ +åıĤ èĤ¡ +èĦ± åıij +å¿ł å®ŀ +åĨħ åĪĨæ³Į +ç¹ģ å¿Ļ +åıĮ åĪĽ +é©» æĿij +åĪĴ ç®Ĺ +éģİ ä¾Ĩ +åľ£ ç»ı +èıľ 鸣 +æĭ¼ å¤ļå¤ļ +ä¸ŃåĽ½ 汽车 +çĥŁ èįī +缴 æµģ +äºĨä¸Ģ åı£æ°Ķ +ä½İ æĪIJæľ¬ +æī¾ åĽŀ +èĩª åįij +總 æĺ¯ +æĸĩåĮĸ åĪĽæĦı +天 æ²³ +樱 æ¡ĥ +éªij åħµ +éĩĮéĿ¢ æľī +çİ ® +èĥ½ æī¾åΰ +éĢĥ è·ij +åĪĩ å°Ķ +åĪĩå°Ķ 西 +以ä¸ĭ æĺ¯ +å²³ éĺ³ +çļĦ æ¦Ĥçİĩ +æĬµ åζ +å¸Ī äºĭåĬ¡ +å¸ĪäºĭåĬ¡ æīĢ +åĩĨ æĹ¶ +屬 æĸ¼ +订 è´Ń +åįłæį® äºĨ +ä¸Ń éĢĶ +å° ĭ +é»ij 马 +åİ¿ åħ¬å®īå±Ģ +ä¸ĥ æľĪ +èī² ç´ł +å¿ĥèĦı çĹħ +æĹ¶ éĻIJ +æ¯į åħ¬åı¸ +å¹ķ åIJİ +ä¸Ĭ æ¦ľ +å̾åIJij äºİ +纸 ä¸Ĭ +æ¡ ĵ +éĽĨä½ĵ ç»ıæµİ +æĥħ å¢ĥ +è¦ģ åģļåΰ +ç©į 極 +åıª æĢķ +æ¹ĺ 西 +çļ± çº¹ +åħ¨ åľĭ +çĦ¡ è«ĸ +好 æĦŁ +åįķ ä»· +è¿Ľç¨ĭ ä¸Ń +æĺĨ ä»ij +åĪĽ 客 +åħħ æĸ¥ +åħĪ æĬĬ +该 æĢİä¹ĪåĬŀ +åĵģ å¾· +åħ¨éĿ¢ åıijå±ķ +è¨Ī åĬĥ +æĢ» å·¥ä¼ļ +ä½Ľå±± å¸Ĥ +æĬĹ è¡¡ +å¼Ģ åľº +éĴ± å¸ģ +åıĭ 们 +å«ī å¦Ĵ +ç´¢ èµĶ +è®Ĭ åĮĸ +æĮ¤ åİĭ +æĮij è¡ħ +çŃī ä¸Ģæī¹ +æĿ¨ 欢 +ä¸ĵå®¶ åѦèĢħ +èĥ½ è¾¾åΰ +èµ° è¿ij +è´«åĽ° åľ°åĮº +éĻIJ æľŁ +ä¸į 平衡 +åĽ½åĨħ å¸Ĥåľº +èµĽ åľº +éħį èµĦ +è¦ģ èĢĥèĻij +ä¸ĩ åı° +æľĪ æľ« +éĶ ¥ +åŃ « +æİ¥è§¦ åΰ +åĩº 产 +æķĻ åѸ +ä½ľ å¼Ĭ +çļĦ æľĢåIJİä¸Ģ +ä¿ĥ æĪIJ +åIJ¸ åıĸ +æ½ľ èīĩ +被 éªĹ +è¾ĵ äºĨ +çĭIJ çĭ¸ +åįĩ éĻį +è¿ĻäºĽ ä¸ľè¥¿ +æĬķèµĦ åŁºéĩij +çĶŁçī© åѦ +ç½ij绾 èIJ¥éĶĢ +åIJij è®°èĢħ +èįī åľ° +æĢ ¯ +æľįåĬ¡ èĥ½åĬĽ +éĥģ éĹ· +åįķ åĵģ +å¾Ĺ 罪 +æĺĵ äºİ +个å¤ļ å°ıæĹ¶ +éĩį ä»» +ä¸Ĭ å®ĺ +æľ¬ éĩij +çı¾ åł´ +溢 ä»· +æĺŁ è¾° +æ´»åĬ¨ çİ°åľº +丹 麦 +å¸Ŀ çİĭ +æŁ¥ æĺİ +åŃĺåľ¨ äºİ +é¦Ļ æ°´ +æĬ½ æ£Ģ +å®ŀéĻħä¸Ĭ æĺ¯ +æĸ° å¾ģç¨ĭ +è´¢åĬ¡ 管çIJĨ +æİ Ľ +åĨľ åİĨ +éĥ½ èĥ½å¤Ł +éĤ¯ éĥ¸ +羣 實 +ç» Ĭ +åĨµ ä¸Ķ +ç½® 身 +ç¥Ī 祷 +çĿģ å¼Ģ +æĮĩ çĤ¹ +å¼Ģ æľº +西 å®ģ +åĮĹ çº¦ +积 æ°´ +åĩº åĬ¨ +åıijå±ķ 模å¼ı +转 æĬĺ +èĢĥ çĤ¹ +æľī ç½ijåıĭ +è´«åĽ° æĿij +æĪij们 çŁ¥éģĵ +åĪĨ éĶĢ +å±± èĦī +æ¯Ķ æĭŁ +ä¼° ç®Ĺ +æĶ¹ 建 +壮 è§Ĥ +ç§ī æĮģ +æı ª +ç¦ Ģ +åĮĸåѦ åĵģ +ä¸ŃåĽ½ åζéĢł +ä¸Ģ æŀ¶ +æīį è¡Į +æĭĽ å¾ħ +åıĺ æį¢ +åīį 线 +幸 好 +è¿Ļæł· çļĦè¯Ŀ +å¿ĥ è¡Ģ管 +æĢ§ çĸ¾çĹħ +åħ¨ èĥ½ +åĪij 侦 +ä¿¡æģ¯ åıijå¸ĥ +æĺ¾ çĦ¶æĺ¯ +éĿĴ éĵľ +åIJĥ ä»Ģä¹Ī +ç͵ ä»· +æ³ķå¾ĭ è§Ħå®ļ +çħ ² +çĵ· åύ +èĤī ç±» +æıĴ åħ¥ +åĹ ľ +è¿Ł è¿Ł +ä¸ĢçĤ¹ éĥ½ä¸į +è¿ĺ åĮħæĭ¬ +èĪį ä¸įå¾Ĺ +æłĩå¿Ĺ æĢ§ +æľĪ 以æĿ¥ +ç³ĸ æŀľ +éĥ½ åºĶ该 +çݯå¢ĥ åį«çĶŁ +èĪª è¡Į +éĥij éĩį +ç½ij æĬķ +åįģ ä½³ +ç§ģ ä¸ĭ +æļ´ è·Į +åĬłå¿« åıijå±ķ +产åĵģ çłĶåıij +åĪĽéĢł åĩº +æĢ» è§īå¾Ĺ +åºķ çĽĺ +èķ Ĭ +åĩºå¸Ń ä¼ļè®® +主 æĿ¿ +æĹ¥æĻļ éĹ´ +å®ĺæĸ¹ å¾®åįļ +å¼ķç͍ æĹ¥æľŁ +åī¯ æķĻæİĪ +ç͵åŃIJ 产åĵģ +è¡° éĢĢ +çķĻ åŃĺ +çģ« åĬĽ +çĴ § +çļ Ĥ +åħ¼ åħ· +éĩį è¿Ķ +é¢Ĩ çķ¥ +åĪĩ éϤ +åĨįçĶŁ èĥ½æºIJ +å®ŀåľ¨ 太 +çIJĨ论 ä¸Ĭ +ä¸ī å±Ĥ +ä¸ĸçķĮ åIJĦåĽ½ +å®ľ æĺĮ +è̳ è¾¹ +宽 æķŀ +æ±ī æĹı +çϽ çϽ +è¿ĻéĩĮ éĿ¢ +çĶŁæ´» ä¹łæĥ¯ +èµŀ èµı +çĶ· 士 +ä¸Ń ä¿Ħ +车 祸 +åīĤ éĩı +éϤ åİ» +å·¦ è¾¹ +çŃij çī¢ +çīĽ å¸Ĥ +å®¶ åĬ¡ +åķ ĥ +ç½® æį¢ +ç´« å¤ĸ +ç´«å¤ĸ 线 +å¾Ģ åīį +åĬĽ åѦ +ç´§ è·Ł +缮çļĦ åľ¨äºİ +ç» ® +ç¥ Ĥ +宣 è¨Ģ +äºĮ æ°§åĮĸ +äºĮæ°§åĮĸ 碳 +æĹł ç¼ĺ +ç²¾ éĢļ +è¨ º +å¼ķåıij äºĨ +æľĢ åħĪ +æ´¾ é©» +ä¸į å¿į +æĪij çΏ +å¹´ ä¸ĭåįĬå¹´ +æ·ĭ å·´ +没 éĹ®é¢ĺ +åºĹ åĨħ +è·Ł æĪij说 +çĶŁäº§ çĶŁæ´» +è§Ĥ æľĽ +æ¸ į +被 æī§è¡Į +被æī§è¡Į 人 +èĪ ľ +æİ º +ä¸Ģ ç§Ĵ +èįī åĿª +åij¼ åĴĮ +åij¼åĴĮ 浩 +åij¼åĴĮ浩 çī¹ +人æ°ij éĵ¶è¡Į +çĦķ åıij +è¯ģåΏ 交æĺĵ +çķ Ķ +æľº èĥ½ +å¦ ¾ +æĻļ å¹´ +å·¥åķĨ èģĶ +åİŁ åŀĭ +è§Ĵ度 çľĭ +æĬ¥ 社 +è¯į æĿ¡ +躲 éģ¿ +éĩį åIJ¯ +å¤ķ éĺ³ +èĤ¡æĿĥ 转让 +åľ¨ ä¸Ģ +åľ¨ä¸Ģ æĹģ +社ä¼ļ åĮĸ +åıijå±ķ åİĨç¨ĭ +æĭĸ æ¬ł +使 èĢħ +ä¸İ åIJ¦ +æĸ° å±ĢéĿ¢ +ä»Ĭ天 æĪij们 +é½IJ èģļ +对 æĪij说 +éĢĴ 交 +æľª æĽ¾ +èİ Ĭ +éĸ ī +亲 æīĭ +è§Ĵ éĢIJ +æľī é»ŀ +ç¨İ çİĩ +ä½İ 声 +é»ĺ å¥ij +æĻ® æ³ķ +大 ä¸ĵ +第äºĮ 大 +ä½ı åĿĢ +æĶ¾ è¿Ľ +äºĮ æĪĺ +亲 身 +åĽº åĮĸ +ä¸ĭ 乡 +åħ³éĶ® æĬĢæľ¯ +åĽŀ æĥ³ +æĬ¥ åĪĬ +æ¶Ĥ æĬ¹ +èĹı çĿĢ +ç¥Ŀ æĦ¿ +åįĩ 温 +çĶļèĩ³ è¿ŀ +åħ¬åħĥ åīį +ç¾İ æĸ¹ +è¯ļ å®ŀ +æĹł åģ¿ +åīµ æ¥Ń +å°ıå¿ĥ 翼 +å°ıå¿ĥ翼 翼 +两 æīĭ +温馨 æıIJ示 +仿 羣 +æĥ ¶ +èĥ¡ åŃIJ +å·¥ä½ľ ç«Ļ +硬 çĽĺ +ç« ¿ +åĤ³ éĢģ +åħ¨ æł¡ +é²ľ æ´» +çĴĢ çĴ¨ +ç»ĵ å°¾ +æį¢ æĿ¥ +æĪ Ģ +ä½İ ä½į +ä¸ĩåħĥ 以ä¸Ĭ +åĬł åĪĨ +æİ¨ä»ĭ ä¼ļ +çIJĨ èµĶ +å¾· å°Ķ +æĬĹ è®® +æ´ ¼ +åĸ § +åŁİ éĻħ +å¾Ī æ£Ĵ +人 æŃ»äº¡ +ä¼ļå±ķ ä¸Ńå¿ĥ +äºĴèģĶ äºĴéĢļ +èĸĦ èĨľ +éĩį é»ŀ +ç¦ģ æ¯Ĵ +åĨ· ç¬ij +大家 åı¯ä»¥ +é¦ĸ 缸 +è¿ij è·Ŀ离 +æµ® çݰ +ç§ĺ è¯Ģ +èµ· é£ŀ +æIJ ¶ +羣 åģĩ +æģ ķ +å°ı åºĹ +æ°ij çľ¾ +åıijå¸ĥ åħ¬åijĬ +ä¾§ éĩį +å¾ĺ å¾Ĭ +æĢ Ķ +æª IJ +æķ° 缮 +åī¯ ç§ĺ书éķ¿ +两 åı¥ +éļIJ çŀĴ +åıĮ åıĮ +æīĭ æĦŁ +èij¡ 京 +éģĹ å¿ĺ +é¬ ¥ +è¿Ļ个 åľ°æĸ¹ +说 çļĦè¯Ŀ +å·¡ åĽŀ +è¿Ŀ 竳 +æī¾ å·¥ä½ľ +æĶ¯ çIJĥéĺŁ +裡 éĿ¢ +æĺ¾ç¤º åĩº +èĩ³ å°Ĭ +两 级 +åīį æ®µæĹ¶éĹ´ +çĺ¦ èº« +èĤ¢ ä½ĵ +æ¯į 親 +æīĭç»Ń è´¹ +汽车 è¡Įä¸ļ +æİ© çĽĸ +æİ§èĤ¡ éĽĨåĽ¢ +åı£ å¾Ħ +æĶ¿çŃĸ æİªæĸ½ +æµ· 绵 +åħ¨ éķĩ +äºĭ åħ³ +å¸Ń æī§è¡Į +å¸Ńæī§è¡Į å®ĺ +éĤ£ 次 +åı¯èĥ½ åĩºçݰ +ä¸Ńå¿ĥ åŁİå¸Ĥ +ç¿» 身 +ä¹Ł ç®Ĺ +ä¾µ çķ¥ +åĸĩ åıŃ +æ¯ı次 éĥ½ +è§ ħ +éĻ¢ éĻ¢éķ¿ +å§ĭ äºİ +èѦ åĬ¡ +èᝠæĿIJ +å±ł æĿĢ +æľ¬èº« å°± +éļıæĹ¶ éļı +éļıæĹ¶éļı åľ° +åĶ® åįĸ +æĹłäºº 驾驶 +é¢ ħ +åĵģ 質 +åĺ² ç¬ij +è·ij åİ» +åħĭ éĩĮæĸ¯ +çķ¸ å½¢ +ä¿® 饰 +磩 éĺµ +éŁ³ä¹IJ ä¼ļ +æŁ³ å·ŀ +é½ ¡ +ä¼ļ è°Ī +æŃ£ çīĪ +ä¹Ł åIJĮæł· +æļ§ æĺ§ +è¡ĮæĶ¿ éĥ¨éŨ +ä¹ĸ ä¹ĸ +èĤ¤ èī² +æĹ¶ ä»» +羣 åĪĩ +æľĪ ä¸ĭ +æľĪä¸ĭ æĹ¬ +举æĸ¹ è´¢å¯Į +è£ħä¿® åħ¬åı¸ +éĢĢ è¿ĺ +åĭĺ å¯Ł +åĵ¥ 伦 +åĵ¥ä¼¦ æ¯Ķäºļ +çĭ¬ ä¸Ģ +çĭ¬ä¸Ģ æĹł +çĭ¬ä¸ĢæĹł äºĮ +è°ĥ åij³ +åİĭ è¿« +åħ¨çIJĥ æľĢ大 +åī¯ æł¡éķ¿ +æĽ´ ä½İ +åĪĨéĴŁ åIJİ +åĽŀ ä¾Ĩ +åζ åīĤ +åijĬè¯ī 大家 +çĤ¹ éĴŁ +åįģä¸ī å±Ĭ +åij¨ åĽĽ +è¿Ļæł· ä¸Ģ +è¿Ļæł·ä¸Ģ æĿ¥ +èĭ Ł +æľĽ åİ» +æĪIJ è¯Ń +å½ĵ åį³ +ç¬ij 声 +ä¹ĭ åĬ¿ +åĪijäºĭ æ¡Īä»¶ +æĮĤ çĿĢ +ä½ķ ç§į +å°ı 游æĪı +åĽ½å®¶ æĪĺçķ¥ +åĨ· åĨ· +å®ľ 宾 +æIJº ç¨ĭ +è¶ĭ äºİ +åıį çľģ +常 说 +ä¸ĩ æĪ· +åĥµ å°¸ +åįĥä¸ĩ åĪ« +åıijçݰ éĹ®é¢ĺ +åı¯ çŁ¥ +éŨæĪ· ç½ijç«Ļ +åģ¥åº· 产ä¸ļ +åı³ è¾¹ +æµ· è¿IJ +è¿ij ä¹İ +åĮ» æ²» +æĢ» ç®Ĺ +ä¸Ģ åĪĨéĴŁ +æĭ § +ä¹Ł æľīä¸ĢäºĽ +ä¾Ľç͵ åħ¬åı¸ +å»ī ä»· +帮 ä»ĸ +æŃ¤æ¬¡ æ´»åĬ¨ +åıªèĥ½ 说 +èĬ ĭ +çīĩ 段 +åŃĺåľ¨ éĹ®é¢ĺ +ä½łä¼ļ åıijçݰ +è½® å»ĵ +ç½ij éĢļ +滨 æ±Ł +æİĪ ä¿¡ +é»İ æĺİ +ä¸į å±ŀäºİ +约 åįł +éķ¿æ²Ļ å¸Ĥ +èĥļ èĥİ +åħĥ ä»¶ +éĻĨ åĨĽ +è³¼ è²· +æĮĩ æľĽ +å®ŀä¹ł çĶŁ +çī¹çĤ¹ æĺ¯ +çıł æ±Ł +çľĭ ä¸įåĩº +ä¸įè§ģ äºĨ +ç¼ ī +éĺµ èIJ¥ +åĶIJ æľĿ +没 å¿ħè¦ģ +åĽ½åľŁ èµĦæºIJ +ç»ıæµİåѦ å®¶ +åIJĪèĤ¥ å¸Ĥ +çIJ¢ 磨 +ç¡® åĪĩ +åŁİå¸Ĥ åıijå±ķ +çŃ· åŃIJ +人æ°ij æľįåĬ¡ +满 åĪĨ +è¿· ä¿¡ +ä½ľèĢħ æľ¬äºº +æĸĩ竳 æĿ¥æºIJ +ç«Ļ ç«ĭ +æŀĦ æĪIJäºĨ +è¾Ľ åĭ¤ +è¶ħ 强 +éĶ ļ +åīįä¸ī åŃ£åº¦ +å°± è§īå¾Ĺ +å´ĩ é«ĺ +è¶Ĭ ä¾Ĩ +è¶Ĭä¾Ĩ è¶Ĭ +å¸Ĥåľº èIJ¥éĶĢ +综åIJĪ ç´łè´¨ +åŃ ļ +ä¾® è¾± +äºĮ åŃĹ +å·¥ä½ľ ä»»åĬ¡ +åı²ä¸Ĭ æľĢ +æľĢ ä¼ĺ +åIJ© åĴIJ +表 çϽ +èİ« åIJį +èİ«åIJį åħ¶ +èİ«åIJįåħ¶ å¦Ļ +å¹ £ +åIJĮå¿Ĺ 们 +建设 çĶ¨åľ° +åĦ Ģ +éħį åģ¶ +å¼ © +åͱ çīĩ +æīĭ èĦļ +åħ¼ ä»» +åģľ æĶ¾ +æŃ£ å®Ĺ +æĸ° åĨľæĿij +åĤ¬ çĶŁ +æīĢ åŃ¦æł¡ +念 ä½Ľ +åͤ éĨĴ +åħ± åĪĽ +æĭī ä¸ģ +èĥĮ çĿĢ +çĶŁæĢģ ä¿ĿæĬ¤ +åı£ 头 +æĸ¹åIJij çĽĺ +調 æķ´ +æĭĽèģĺ ä¿¡æģ¯ +åħ¶ä»ĸ åĽ½å®¶ +ç®Ģ æĺĵ +åĮ¿ åIJį +è¯Ħ æµĭ +æĺ¯ä¸Ģ 座 +çīµ æīĭ +è¶³ 迹 +çIJĨè§£ åĴĮ +æľĢ åıĹ +å¿ĥ è·³ +çζ 親 +éĿŀ常 åĸľæ¬¢ +èĭ¦ éļ¾ +æĬĢ å¸Ī +æ°ij æĦı +æĪĺ åĽ½ +æĽ¿ è¡¥ +æ´¥ è´´ +ä¸ŃåĽ½ ä¼łç»Ł +åIJĦ è¡Į +åIJĦè¡Į åIJĦ +åIJĦè¡ĮåIJĦ ä¸ļ +第äºĶ å±Ĭ +èį· èĬ± +æĦı èŃĺ +票 ä»· +åĪĨ æµģ +æĿİ çϽ +æ±Ł åĮĹ +æİĴ æĸ¥ +ä½ĵ éĩı +åĮħåIJ« äºĨ +åĪĺ æŁIJ +çݰ å¦Ĥä»Ĭ +å·¥èīº åĵģ +è¿Ļç§į æĸ¹æ³ķ +åĬŀåħ¬ 楼 +ç͵ å·¥ +çħ Ļ +åį¡ çīĩ +å¹´ å¹´åºķ +ä¸ĵ项 èµĦéĩij +åĮ» ç§ij +åĮ»ç§ij 大åѦ +åĽŀ头 çľĭ +ä¸į å±ij +èĩª 驾 +没 æĶ¶ +æīĵ çĮİ +èĦ¸ éĥ¨ +åıĥ èĢĥ +å°Ĩ 士 +è´«åĽ° 人åı£ +çIJĨæĥ³ 信念 +é£İ å°ļ +人æīį éĺŁä¼į +çij ¾ +æĿ¥ è¿ĻéĩĮ +æ´Ĺ 涤 +å¹´ èĸª +èĭį çϽ +ä¸ĩ äºĭ +课 æľ¬ +åºĵ éĩĮ +çī¹ æ´¾ +ç´¾ åijĺ +èµŀ ç¾İ +ç©¿ æĪ´ +製 ä½ľ +èµŀ æĪIJ +ä¸Ģ ä¾§ +å½ĵåľ° 人 +æĭ İ +纸 è´¨ +ä½Ļ 个 +éĶĤ çĶµæ±ł +æľº åŀĭ +éĻ¢ éϢ士 +åģļ å·¥ +å¼ł è´´ +ç¥Ľ æĸij +æ®ĸ æ°ij +å¥ij 约 +æ¹ĺ æ½Ń +æIJ ĸ +åŃĺ è´§ +交éĢļ 大åѦ +è¶ģ çĿĢ +æĸĩçī© ä¿ĿæĬ¤ +å¤ĩ æĪĺ +éĩĩ 纳 +åįĬ æľĪ +æľĢ åħ³éĶ® +æľĢåħ³éĶ® çļĦ +æİ¥ éĢģ +æĶ¶ åī² +åıį åĢĴ +çĥ Ľ +æ ½Ķ +ä¼Łå¤§ å¤įåħ´ +çļĦè¯Ŀ è¯Ń +容 å¿į +å®ļ éĩı +æķ Ĺ +åĵģçīĮ 形象 +æīŃ è½¬ +åĽ½å®¶ éĩįçĤ¹ +èĨĿ çĽĸ +ä¸Ģ 楼 +大 éϏ +éĤª æģ¶ +åĽŀ åij³ +çĮ ¿ +çĿ¡ åīį +æĹł è¾ľ +çĹħæ¯Ĵ æĦŁæŁĵ +æľºæ¢° åĮĸ +çĤ¹ 亮 +溶 è§£ +åĩłä¹İ æīĢæľī +è·ij éģĵ +ç͵è§Ĩ æľº +åı ¨ +æijĩ äºĨ +æijĩäºĨ æijĩ头 +èĩª è´Ł +综åIJĪ åĪ©ç͍ +èĩª å¦Ĥ +åİŁ ä¾Ĩ +ä¹Łä¸į æĥ³ +èĬĤ 课 +è¿ĩ åī© +çͲ çĬ¶ +çͲçĬ¶ èħº +æĸ° ä¸ĸ纪 +èĩªä¸» åĵģçīĮ +é«ĺ å±Ĥ次 +ä¸Ģ è§Ĵ +è¡Į äºĭ +ç¥ĸ åħĪ +å©ļ åIJİ +éĹ´ éļĻ +ç¼Ŀ éļĻ +è¿Ļ æĶ¯ +ä¸įæĸŃ åĪĽæĸ° +å¾® åŀĭ +æĽĻ åħī +享 ç͍ +ä¸ŃåĽ½ ç§»åĬ¨ +éĹŃ çݯ +æī§ æĦı +åıijå±ķ æł¼å±Ģ +æł¸å¿ĥ åĮº +éªļ æī° +åħļåĴĮ åĽ½å®¶ +ä¸ŃåĽ½ æĶ¿åºľ +帶 èijĹ +ä¸ĩåįĥ çĵ¦ +åħ© 人 +äºİæĺ¯ æĪij +åĽº ä½ĵ +çªģ å¦Ĥ +çªģå¦Ĥ åħ¶ +çªģå¦Ĥåħ¶ æĿ¥ +éĩĮç¨ĭ ç¢ij +çα ç¾İ +æŁ¥ éªĮ +åıĮ èµ¢ +éĹª åħī +楼 å®ĩ +æĻ ı +æľī è¶³å¤ŁçļĦ +æŁĶ æĢ§ +ä¿¡æģ¯ å®īåħ¨ +管 线 +å¹¶ ä¸įä¼ļ +åύ ä»¶ +ä½ł åºĶ该 +çĿĢ å®ŀ +æĺİ æ¸ħ +æĬĹ çĶŁç´ł +æīĵ æŃ» +å®Įåħ¨ ä¸įåIJĮ +èĬ± æ¤Ĵ +æĶ¾ 宽 +ä½İ 端 +åĽĽ èĤ¢ +åĮĹ京 èµĽè½¦ +éĽĨ å¸Ĥ +æľª å©ļ +大å¹ħ æıIJåįĩ +建çŃij 设计 +çĭ¬ æľīçļĦ +æİ¢ éĻ© +æ²³æµģ åŁŁ +æħķ 容 +被 çĽĹ +åĵº ä¹³ +èı ģ +æĥ¬ æĦı +è¶ĬæĿ¥è¶Ĭ 好 +广大 群ä¼Ĺ +å¾· èĤ² +å¸Ĥåľº ä»·æł¼ +奥 å·´ +奥巴 马 +èĬĤ缮 ä¸Ń +两 款 +ä¸ĩä½Ļ åħĥ +ç»´ å°Ķ +çĶŁçī© ç§ijæĬĢ +åIJ¬ èµ·æĿ¥ +çł ļ +æĭŁ å®ļ +æ²¹ çͰ +声 èªī +建çŃij ä¸ļ +éĻIJ è´Ń +çīĩ åŃIJ +çķľ ç¦½ +ç½ij é¦ĸ页 +ä¼Ĺ çѹ +æĴŀ åĩ» +åīį ä¸įä¹ħ +åīį ä¸ĸ +åĽĽä¸ª æĦıè¯Ĩ +æµĭ ç»ĺ +éĺ² ç©º +漫éķ¿ çļĦ +æ²IJ æµ´ +æ¯Ķè¾ĥ ç®Ģåįķ +æµĭ å®ļ +åĽŀ è°ĥ +让 人们 +èĴĭ ä»ĭ +èĴĭä»ĭ çŁ³ +ç»ĵ æĻ¶ +å¢ŀæ·» äºĨ +æĿ¡ è¯Ħ论 +åī¯ ä¼ļéķ¿ +ä½ı æīĢ +ç»Ļ åĩºäºĨ +è°ĥ éħį +æ² ĸ +æľī ç͍ +æľīç͍ çļĦ +ä¸ĢæĿ¡ é¾Ļ +éĩİ å¤ĸ +ç¼ĺ åĪĨ +æ°¸è¿ľ ä¸įä¼ļ +æŀľ æłij +大åıij å¿«ä¸ī +麻 éĨī +äºij éĽĨ +åİ» åĵªéĩĮ +åħ¥ å¸Ĥ +ä»» æĢ§ +建 æ¡£ +建档 ç«ĭ +建档ç«ĭ åį¡ +ä¸Ģ 棵 +社 åįĢ +缸 ä¼´ +åļ · +å¡« åħħ +ä¸Ģ æĹı +ç¾ ģ +åıĸ è¯ģ +èΰ éĺŁ +åİĤ åĮº +è¡· å¿ĥ +åıijå±ķ éĺ¶æ®µ +é«ĺ 强度 +åĹĵ åŃIJ +é¢Ĩ è¡Ķ +楼 主 +大 èĴľ +æŀķ 头 +ç²® æ²¹ +é»Ħ çĵľ +æĵ Ĵ +å°ı çĭĹ +æĶ¹éĿ© å§Ķ +åįģ åĪĨéĴŁ +é²ľ èī³ +åħ³ ç¾½ +çĭĢ æħĭ +å®ŀç͍ æĢ§ +å°ij è§ģ +é£ŀ æī¬ +çͰ éĩİ +æIJ Ĥ +è¿Ļ个 è¯į +åºĶæĢ¥ é¢Ħæ¡Ī +è§Ĵ度 æĿ¥çľĭ +æķ¬ çķı +æ³ķ å®Ŀ +åĸĦ æĦı +æīĵ æĸŃ +对 åĨ³ +çµķ å°į +åĢŁ æŃ¤ +å¼Ģ æºIJ +å°ı 說 +ç¥ º +å²ģ 以ä¸ĭ +éĢĢå½¹ åĨĽäºº +ä¸įä¹ħ åīį +åĩº åİĤ +讽 åĪº +æĿ¥çľĭçľĭ åIJ§ +éŃĶ åħ½ +çķĻ ä¸ĭæĿ¥ +å±ħ 室 +åłħ æĮģ +çľĭ äºĨä¸Ģ +çľĭäºĨä¸Ģ çľ¼ +éĽĨåĽ¢ æĹĹä¸ĭ +æĪĺ æĪĺç»ĦåIJĪ +è®¤çľŁ èIJ½å®ŀ +汽车 产ä¸ļ +çī©çIJĨ åѦ +æķ µ +éĴ Ŀ +åĽ¢ éķ¿ +ä¸įæĸŃ æī©å¤§ +èĤ© è´Ł +åıijå±ķ 缮æłĩ +è³ĩ éĩij +åīį ç½® +ä¸ŃåĽ½ åı¤ä»£ +æŃ» åĪij +åħħåĪĨ ä½ĵçݰ +åħ³ éŨ +ç¾İ æĦŁ +æīĵ åħ¥ +æĬijéĥģ çĹĩ +å°ij çĪ· +æłij æŀĿ +æ¶Īæģ¯ ç§° +æ´Ľ åħĭ +åį ¯ +è¿Ī åIJij +æİ¨ åĭķ +ä»İä¸ļ èĢħ +åİ» ä¹° +欢 å¿« +æĭ¥ æĮ¤ +马 æ¡¶ +æĬĬ æİ§ +æĶ¿ åħļ +å¼ł æī¬ +客 æłĪ +红 æĺŁ +éĢģ æĿ¥ +åħ¨åŁŁ æĹħ游 +èĩª ç§ģ +åįģäºĮ æĿ¡ +åı¹ æģ¯ +ä¸Ģ èīĺ +ä¿Ŀ è´¹ +æĸ½å·¥ çİ°åľº +æľī 幸 +ç»Ń èĪª +åı¯èĥ½ æľĥ +èĥĮ åıĽ +ä½£ éĩij +ä¸ī çŃīå¥ĸ +å¾Ī 满æĦı +游æĪı åľ¬ +群 éĩĮ +æŀĦ ä»¶ +åºı å¹ķ +太 æ¹ĸ +æľ¨ è´¨ +æĻĭ æ±Ł +çµĤ æĸ¼ +è·³ è·ĥ +åĢºæĿĥ 人 +çŃī 诸å¤ļ +æĶ¾ åĩº +åħ³éĶ® æĹ¶åĪ» +æĦŁæŁĵ èĢħ +é£ŀè¡Į åijĺ +èĥĨ åĽº +èĥĨåĽº éĨĩ +æĬ± æŃī +åij¨ äºĮ +æĸ° æĹ¶æľŁ +åĨ·éĵ¾ çµģ +è¿Ļç§į æĸ¹å¼ı +该 æĿij +åĽŀ é¦Ī +åŁºçĿ£ æķĻ +人 åıĤ +æŀ¯ çĩ¥ +æī¹åıij å¸Ĥåľº +åħħåĪĨ èĤ¯å®ļ +å¸Ĥ æĶ¿åįı +äºĭ æ¥Ń +龸 çİĭ +çĥŃ æIJľ +åįģä¹Ŀ 大 +ä¼´ æľī +ç¾İåĽ½ æĢ»ç»Ł +åŁİå¸Ĥ 管çIJĨ +ä¸ĭ 令 +èĥ¸ åı£ +åıª çŁ¥éģĵ +åij¨ ä¸ī +ç͍ æĪ¶ +éŃ ¯ +å¿ĥ è¡Ģ +带头 人 +åĮ» åĬ¡ +åĮ»åĬ¡ 人åijĺ +æİ§åζ åύ +ä½ľåĵģ åĨħ容 +æĪĺ åıĭ +åİĨ å¹´ +ä¸į åħĭ +ä¸įåħĭ ä¸įåıĬ +æĹ¥ æŃ£å¼ı +è±IJ å¯Į +ç¨İ è´¹ +æĹ¶ æķĪ +å±ķ ä½į +è¡¡ éĺ³ +æĪ¿ 貸 +çĪĨ 款 +ä¹IJ æĦı +çĶ· 主 +å¯ ¬ +æľĥ èѰ +ä¹ĭ å¤ľ +åIJĮ 樣 +ä¸įè¦ģ 太 +ä¼Ĭ æĸ¯ +ä¼Ĭæĸ¯ åħ° +åŁºæľ¬ åİŁåĪĻ +åİ» æİī +ä½İ ä¿Ŀ +个 交æĺĵ +个交æĺĵ æĹ¥ +èģĬ èģĬ +åĽĽ ä½į +åħļç»Ħ æĪIJåijĺ +主è¦ģ ä»İäºĭ +å½± éŁ³ +åĨĴ åĩº +åij¼åIJ¸ éģĵ +è¾¾ å°Ķ +æľ¨ åľ°æĿ¿ +诡 å¼Ĥ +çģ¯ åħ· +çģ« çĥ§ +è§£ èĦ± +æĦĪ åıij +æ¹ĸ å·ŀ +é£İ ä¿Ĺ +æĸ° å½¢åĬ¿ +æĸ°å½¢åĬ¿ ä¸ĭ +è² Ŀ +èĦ ĵ +åĬ¨åĬĽ çĶµæ±ł +é£ŀ èι +飧 æĢ§ +åĪ© çī© +åĪ©çī© æµ¦ +ä¸į 认è¯Ĩ +ç¼ĸ ç»ĩ +ä½ľ åĿĬ +èģĮä¸ļ æĬĢèĥ½ +çľĭ è¦ĭ +åĽ´ æ£ĭ +æĺı è¿· +å½Ĵ å±ŀäºİ +æĤ¬ å´ĸ +éĨ« çĻĤ +å®ĭ 代 +åºĦ æĿij +èĹ ķ +çĮĽ çĦ¶ +çĩĥæĸĻ çĶµæ±ł +å®ŀä½ĵ åºĹ +ä¸įè¶³ 以 +æĥħ ç· +æĥħç· Ĵ +å»Ĭ åĿĬ +ç͵ åı° +åºĶ åĬĽ +ä¸Ńå°ı åѦçĶŁ +èĥ¡ åIJĮ +éī´ åĪ« +åĨħ ç½® +ä¹± 象 +æ¬Ĭ çĽĬ +å¼ĢæĶ¾ å¼ı +åįļ æĸĩ +讲 课 +çŃī åİŁåĽł +ç©· 人 +交 æĽ¿ +æĬ¤ çħ§ +åıijå±ķ æľºéģĩ +客 åķĨ +åıį ä¹ĭ +ç±³ é¥Ń +å¹¶ åıij +å¹¶åıij çĹĩ +æ±ī åŃIJ +æŀľ åĽŃ +对æĪij æĿ¥è¯´ +åģı åIJij +æī¹ 示 +读 åIJİ +读åIJİ æĦŁ +æĺİ æĻº +åĽ´ çĿĢ +åıį 转 +æĿ¨ å¹Ĥ +ä¸ĵ åįĸ +ä¸ĵåįĸ åºĹ +åıĹ éĻIJ +åºŁ è¯Ŀ +æŀģ å°ij +åįĪ åIJİ +è¿Ľ ä¿® +åīĬ åĩı +æľ¬ç§ij çĶŁ +ä¼ĺ éĢī +åħī çħ§ +åıĻ äºĭ +åıĸ æļĸ +åĮĹ è·¯ +æ¦ ķ +èİĨ çͰ +楼 å±Ĥ +天 èĬ± +天èĬ± æĿ¿ +çĤ ľ +å·²ç»ı æľīäºĨ +è¶ ¾ +çͳ åįļ +ç͵ éĺ» +åĬŁ è¯¾ +æŃ¥ æŃ¥ +éĤ£ä¹Ī 容æĺĵ +æŃ¤ æĸĩ +ä½ ° +计 è¾ĥ +çīĩ éĿ¢ +ç͵影 éĻ¢ +ä¸į åħ¬å¹³ +ä¸ī æľŁ +æĹħ游 èµĦæºIJ +å¤ļç§į å½¢å¼ı +è£Ĥ ç¼Ŀ +åIJİ æİĴ +硬 度 +åĽŀ æļĸ +éģĵ æķĻ +è´« è¡Ģ +æ¸ħ é¦Ļ +伤 çĹħ +æĦı 義 +çļĦ ç¼ĺ +çļĦç¼ĺ æķħ +åºĦ 严 +åıªæĺ¯ 为äºĨ +æīĵ æĬĺ +以 ä¾Ĩ +滿 è¶³ +çİĽ 丽 +風 éļª +æĸĩ ç§ij +éħįå¤ĩ äºĨ +è¿Ľ é£Ł +æ¶ ¡ +è·¯ ç¨ĭ +åı« 声 +ä¸Ńå¿ĥ åŁİåĮº +æľīæīĢ ä¸įåIJĮ +å¼µ è²¼ +é¢Ħ æĬ¥ +æľīå¤ļ ä¹Ī +è¿Ľè¡Į åħ¨éĿ¢ +æĽ¾ ç¶ĵ +ä¸ī 代 +å®ı 大 +æ¸ħ æī« +éĢī åĩº +åĵª ä¸Ģ个 +主 義 +ä¾Ŀ æĵļ +çļ® éĿ© +èµ¶ æĿ¥ +çŃĽ æŁ¥ +æ¨ Ł +ä¿Ŀ èįIJ +åIJĥ æĥĬ +æľĭåıĭ们 对 +ä»ĸ æĺ¯ä¸Ģ个 +åºŁ æ°Ķ +æ» ħ +è´¢ ç¨İ +æĿij æĿijæ°ij +èµĦ产 è´ŁåĢº +å®ī å¨ľ +缮åīį åĽ½åĨħ +æĦŁè§ī èĩªå·± +çµIJ åIJĪ +éͦ æłĩ +éͦæłĩ èµĽ +æĽ´ æ·± +åŁº æķ° +éħ¿ éħĴ +çī¹èī² äº§ä¸ļ +åİĭ å®ŀ +ä¾Ŀæ³ķ 追究 +æ·¡ å®ļ +ç®Ģ缴 å°±æĺ¯ +å£ĵ åĬĽ +æ°ij å¿ĥ +ä¸į åIJĪéĢĤ +çͱæŃ¤ åı¯è§ģ +èµŀ èªī +æ¾ ¤ +åĩłå¹´ åīį +åIJī ä»ĸ +çł´ æįŁ +轻轻 åľ° +å²Ľ 屿 +æĦı å¢ĥ +ä»Ģä¹Ī åı« +åģĩ è£ħ +éĢģ è´§ +å¹ķ å¢Ļ +妥 åįı +åĽ½ æĹĹ +äºĨ å¾Īä¹ħ +åĪĨ辨 çİĩ +ç´ Ķ +éĺ³ åĮº +åĩŃ çĿĢ +åģľè½¦ ä½į +京 éĥ½ +éĶ £ +æĵ ¾ +è¿Ľ éŨ +åĪĺ æµ· +åĽĽ 级 +女 è¶³ +è¡ĮæĶ¿ 审æī¹ +éģ¥ æİ§ +ä¸į éĮ¯ +å¾Ĺ å¾Ī好 +为 缮çļĦ +ä»į æľª +ç²¾ è£ħ +éĢį éģ¥ +å°½ 头 +çºł ç¼ł +éłĺ å°İ +æĭħ è´Ł +æĪĸèĢħ åħ¶ä»ĸ +åıªä¸įè¿ĩ æĺ¯ +åı® åĺ± +åģĩ åĨĴ +æļĸ æ°Ķ +çĽIJ åŁİ +被 è§Ĩ为 +诺 è´Ŀå°Ķ +ç»ĻäºĨ æĪij +è¿ij åįĥ +éĩį åĽŀ +éĨĴ äºĨ +ç͵ è§£ +忽çķ¥ äºĨ +èĥĮ éĥ¨ +æĸĩæĺİ åŁİå¸Ĥ +æº ħ +è² ĵ +æĬµ æĮ¡ +åĸľæ¬¢ åIJĥ +éĿĻéĿĻ åľ° +å¾Ī æ·± +åŁºç¡Ģ çŁ¥è¯Ĩ +è¿ĩ éĶĻ +çIJĨ ç§ij +交æµģ åIJĪä½ľ +èĪ Ķ +調 æŁ¥ +æħĪ æĤ² +éĴ ° +èĩ´ ç͵ +å®£ä¼ł æ´»åĬ¨ +åıĺ éĩı +çļĦ人 æĿ¥è¯´ +æĹ¶ éļĶ +ä¸į管 ä½ł +缸 è¿ij +è´µ éĩijå±ŀ +ä¹Łä¸į åı¯èĥ½ +ç²ī æľ« +åįĹ çĵľ +çϽ 马 +åħī æºIJ +éĩij å¥ĸ +çĭ¬ è§Ĵ +çĭ¬è§Ĵ åħ½ +妨 ç¢į +ç»Ļ åĬĽ +ä½Ĩ ä»į +å¼łå®¶ åı£ +èIJ¬ åħĥ +渲 æŁĵ +éķ¿å¤§ äºĨ +è®°èĢħ äºĨè§£ +æĢĢ çĿĢ +è¦ģ åѦä¼ļ +游æĪı 代 +游æĪı代 ç»ĥ +äºĮ çϾ +æĦıè¯Ĩ å½¢æĢģ +çİ º +计åĪĴ çĶŁèĤ² +æī¾ åĩĨ +åħ° èĬ± +è¿Ļ座 åŁİå¸Ĥ +污 æ³¥ +å®ĺæĸ¹ 微信 +å½Ĵ å±ŀ +æ°§ æ°Ķ +éģİç¨ĭ ä¸Ń +åį°è±¡ æ·±åĪ» +稳 妥 +çµIJ æĿŁ +åŃķ æľŁ +çī¹ æĿĥ +åĿļ åĽº +顺 åĬ¿ +æŀľ èͬ +éĨ« 師 +åİ ® +ä¹Łæĺ¯ å¦ĤæŃ¤ +é¦Ĵ 头 +缸 åĬ© +å¹² 线 +ä¸Ģ æľ¬ä¹¦ +ç» ¥ +æĮ¯ å¥ĭ +èĤ¾ èĦı +åĭķ çī© +é£ŀ è·ĥ +èıľ åĵģ +å¤ļ ä½Ļ +å¤ļä½Ļ çļĦ +éĢĿ ä¸ĸ +æģĭ 人 +å¼Ģåıij åĪ©ç͍ +顺 丰 +éĩİ å¿ĥ +æł¡ å¤ĸ +æģIJ é¾Ļ +éĿ¢ åħ· +éķ¿ è¾Ī +éļı å¤Ħ +éļıå¤Ħ åı¯è§ģ +ç´§ 缺 +éĩį ä¸Ń +éĩįä¸Ń ä¹ĭ +éĩįä¸Ńä¹ĭ éĩį +奥 æĸ¯ +奥æĸ¯ åį¡ +ä¸Ģ个 å¤ļ +ä¸Ģ个å¤ļ æľĪ +ä¸įåı¯ 缺å°ij +æĸ° æł¼å±Ģ +æıIJ æĮ¯ +è¡Į è´¿ +æ¼Ĥ æµģ +èģĬ åŁİ +åħ´ 建 +è´¨ æ£Ģ +ç§ģæľį 游æĪı +æĽ´ éĩįè¦ģ +è´ ® +çħ ľ +转åıĺ 为 +è¿Ļ 两年 +ä¿Ŀ é²ľ +æī§ æķĻ +çĥ ¨ +å¼Ģåıij 建设 +è¿IJèIJ¥ 管çIJĨ +误 å·® +京 åī§ +å¸IJ åı· +å·¥ä½ľ ä½ľé£İ +ä¸ĸ ä¿Ĺ +çϽ 宫 +天 åĽ½ +å¤©åĽ½ ç»§ç»Ń +å·´ æĸ¯ +èIJ¥ åĪ© +åĵģ æł¼ +æĿijæ°ij 们 +æĪ¿ 车 +çŃī çĹĩçĬ¶ +å¦Ĥ å®ŀ +å® ¸ +å±Ĥ 级 +éĶĻ è¿ĩäºĨ +ç»ĵ å®ŀ +ç¬ij èĦ¸ +羣å®ŀ æĢ§ +éĥ½å¸Ĥ æĬ¥ +é¥Ń èıľ +åºĶ 注æĦı +æĬ½ çĥŁ +伪 éĢł +åīį ä¸Ģ天 +éŃĶ é¾Ļ +éŃĶé¾Ļ 令çīĮ +约 è°Ī +绣çѹ æİ¨è¿Ľ +让 ç͍æĪ· +åħ¨éĿ¢ èIJ½å®ŀ +å¼Ħ å¾Ĺ +è°Ī æģĭçα +鸣 æĪIJéķ¿ +鸣æĪIJéķ¿ è®° +æ´ĭ æ´ĭ +çĸı æķ£ +éĿ¢ç§¯ 约 +æµĵ 缩 +æĸ¯ é¡¿ +çĶŁæĢģ åľĪ +æī§ 导 +ç§» éĢģ +齿 è½® +æł¹æľ¬ å°±ä¸į +缩 åĩı +èµ° ä¸ĭåİ» +çĿ« æ¯Ľ +ä¹Łä¸į éĶĻ +åıįæĺł åĩº +èĭ¦ æģ¼ +缸åħ³ æĶ¿çŃĸ +é«ĺ 楼 +ç²ī èī² +æĬķèµĦ é¢Ŀ +ä¸į ç»ı +ä¸įç»ı æĦı +å®ģ æĦ¿ +èĪĮ 头 +æ»ĭ çĶŁ +å®ģ åİ¿ +åīįåĪĹ èħº +åĩ ³ +é£Ł 欲 +åıĸ èĥľ +éĻ¢ åŃIJ +ç´łè´¨ æķĻèĤ² +滨 å·ŀ +æĬ¢ æĬĵ +å¼Ĥ åij³ +åĴ ļ +åĬ į +宽 éĺĶ +æļ´ 涨 +æĥł åıĬ +è§Ħ ç¨ĭ +ä¾Ľ åħ» +éĢģ å¾Ģ +å±± åºĦ +举 äºļ +å±ķ é¦Ĩ +è§£ éĶģ +æĹł è§Ĩ +éĻį èIJ½ +è¿ŀ äºij +è¿ŀäºij 港 +åıĤ è°ĭ +çİ ĸ +ç¬ ĥ +èĢĹ è´¹ +æī¿ å¾· +社ä¼ļ æķĪçĽĬ +åįĹæµ· ç½ij +åĪĽ 伤 +èIJ ± +åħħ æ²Ľ +ç½ijç«Ļ 建设 +大 åºĨ +åĨį éĢł +åŃĹ æł· +åħ¨æ°ij åģ¥èº« +èĮ« èĮ« +æµ® åĬ¨ +åīį åı° +å¢ŀ 设 +éĢĽ è¡Ĺ +åĢĴ éĹŃ +æ³ķå¾ĭ 顾éĹ® +çĸ ® +çĹħ çĹĩ +空 åīį +请 æķĻ +èĥľ ä»» +æĿĢ èıĮ +æĪĺæĸĹ æľº +ç»ĺ åζ +å¤Ħ æĸ¹ +çªģ åĽ´ +çĮ« åĴª +æĬ¥åijĬ æĺ¾ç¤º +ç¿ Ł +çķ¶ åľ° +æľĢ éļ¾ +纪 å§Ķ书记 +ä½İ åİĭ +èĻļ 空 +è¿Ļéĥ¨ ç͵影 +产ä¸ļ åįĩ级 +è°· çα +è°·çα åĩĮ +æĬ¼ éĩij +女 æĸ¹ +éĴ» çłĶ +æļĹ æļĹ +è¿· ä½ł +æīĢ è¬Ĥ +å¨ģ å»ī +å¼Ģ æľĹ +å² Ķ +çģ« çĤ¬ +åIJĪçIJĨ æĢ§ +åħ¬ åĬŀ +ä¼ļ ä¼ļéķ¿ +éĺ´ è°ĭ +å¼Ģ å±Ģ +æĻ®éĢļ è¯Ŀ +åį¡ æĭī +å°ij åIJĥ +éĹª èĢĢ +æŀľ æ±ģ +æī§è¡Į åĬĽ +è° Ľ +æĬ¢ åĬ« +é«ĺéĢŁ åıijå±ķ +éŁ ¬ +åįĹ æ²Ļ +é«ĺçŃī åŃ¦æł¡ +æį¢ 个 +åı¯èĥ½ åŃĺåľ¨ +æĬ Ĵ +è°± åĨĻ +被 æĬĵ +æĿ¯ åŃIJ +èĬĤèĥ½ åĩıæİĴ +æ°ĶåĢĻ åıĺåĮĸ +åĪĨ åĪ¥ +ä¸Ń æŀ¢ +欢 åij¼ +åħī 纤 +è¿Ļ 群 +çľ¼ çķĮ +åħ±åIJĮ åıijå±ķ +çݰ ä»Ĭ +éĹ» è¨Ģ +çī¹èī² å°ıéķĩ +æķij 人 +éĻį æ°´ +ä¸ĸçķĮ ä¸Ģæµģ +å°± é¤IJ +çŀ ¥ +å¤į ä»ĩ +ç¾½ æ¯Ľ +ç¾½æ¯Ľ çIJĥ +è´© åįĸ +æºIJ æ³ī +æĢ»ä½ĵ è§ĦåĪĴ +åĬ¨ æĦŁ +ä¸Ģ 审 +åĢŁ éĴ± +è§ģ æķĪ +èĬ± èįī +åIJĮ ä¸ļ +æŁ¥ è©¢ +åĽ½éĻħ åIJĪä½ľ +ä¾Ľ åĽ¾ +åģ ´ +æł ĵ +缸 éĢļ +è°Ī åıĬ +è¿ĩç¨ĭ å½ĵä¸Ń +é¦Ļ èıĩ +åįģåĽĽ æĿ¡ +ä¸Ģå¼Ģå§ĭ å°± +ä¸ĵ åijĺ +æĺİ é¡¯ +æīĵéĢł åĩº +ä¸ĭéĿ¢ æĪij们 +æľº æ²¹ +åı° è¯į +åŃIJ å¼Ł +æľĢ 常è§ģçļĦ +æĪij è®°å¾Ĺ +ç» ° +æĤ¬ æµ® +è¿ĺ 羣æĺ¯ +æĮĤ åı· +åıĭ åĸĦ +éĩį 伤 +çħ§ 亮 +æŃ¦ èѦ +åĩºçݰ éĹ®é¢ĺ +è¸Ĭ è·ĥ +åľ°çIJĥ ä¸Ĭ +å¸Ĥ 人大 +åıĹ害 人 +å² IJ +åIJĮ åѸ +éĩijèŀį å¸Ĥåľº +æľīçļĦ çݩ家 +å¸Ĥ æķĻèĤ² +å¸ĤæķĻèĤ² å±Ģ +åIJĦ å¼Ĥ +ç·ļ ä¸Ĭ +æģ º +æľī 大éĩıçļĦ +åķĨ æĬ¥ +åįķ åįķ +åħ¨ é¢Ŀ +ä¾ĿæĹ§ æĺ¯ +好 åĩłä¸ª +åĸ µ +éĩį æķ´ +çĶŁæ´» è´¨éĩı +æİ¢ 访 +åį° èĬ± +缼 è¡Į +å¾® è§Ĥ +èĪį å¾Ĺ +åºŁå¼ĥ çī© +积 èĵĦ +å®ļ å±ħ +æĤ ¼ +èĮ ¸ +çļĦ 帮åĬ© +çļĦ帮åĬ© ä¸ĭ +亿 åIJ¨ +åŃĶ éĽĢ +è¿ĻæĿ¡ è·¯ +é¥ µ +æĦĪ åĬł +éķ į +ä½ľ æ¡Ī +èįĶ æŀĿ +太 å°ij +è·» 身 +åħ¬çĽĬ æ´»åĬ¨ +çϽ æĸij +æĬĢæľ¯ æ°´å¹³ +å¸ § +æĹł çŁ¥ +åºĶ该 æĢİä¹Ī +éĢĢ å¸Ĥ +æ¸ Ń +åħ» çĮª +é© ¼ +群 å²Ľ +大 åį« +ä¹ĺ çĶ¨è½¦ +èı² å°Ķ +è´´ åIJ§ +åģľ ä¸ĭæĿ¥ +æľīæľº ç»ĵåIJĪ +åĪ» èĭ¦ +çļĦ åľ° +çļĦåľ° æŃ¥ +è¯Ĭ æīĢ +å¼Ģ æĪĺ +èĢģ çīĮ +çѹ çłģ +åħ«å¤§ 以æĿ¥ +楼 æĪ¿ +åŃĻ æĤŁ +åŃĻæĤŁ ç©º +åħĴ åŃIJ +第ä¸Ģ æĿ¡ +社交 åªĴä½ĵ +æĥ³ èµ·æĿ¥ +大 æ´ĭ +æĭ¼ éŁ³ +è¿Ľ åįļä¼ļ +è¿ĩ åħ³ +æ² ¼ +ç©¿ æIJŃ +éĤ£ ä¸Ģ天 +çł´ éŨ +æĬķæłĩ 人 +èµ¢ å®¶ +èĻļ å¼± +æ¿ ĥ +å®ī æ£Ģ +客 å®¶ +çĭ¬ç«ĭ èij£äºĭ +æīĭ åĬ¿ +åīµ éĢł +åľĨ满 å®ĮæĪIJ +为主 线 +好å¥ĩ å¿ĥ +é¢Ĩ åľŁ +çª ĸ +åħ¸åŀĭ æ¡Īä¾ĭ +çªģåıij äºĭä»¶ +åºķ æ°Ķ +头 æĻķ +å®Ľ å¦Ĥ +è§ ¸ +æ¸ħ æ·¡ +åļ ¼ +åģľ ç͵ +ç²ī å°ĺ +éĻįä½İ æĪIJæľ¬ +æĶ¾ æīĭ +è®°èĢħ 表示 +æĭĸ å»¶ +éª ĩ +æ®ĭ å¿į +çľģ æķĻèĤ² +çľģæķĻèĤ² åİħ +é«ĺ é¢Ŀ +éĦ Ļ +æ¥ ŀ +åĨħ ç§ij +èIJ¥ä¸ļ é¢Ŀ +åŁº çŁ³ +æµģ æ·Į +主 æĹ¨ +éĺIJ éĩĬ +建 åįİ +æĥĬ åı¹ +çī¢åĽº æłijç«ĭ +æĺ¯åIJ¦ åŃĺåľ¨ +建 åĨĽ +éĽ¾ éľ¾ +åħ¬ 认 +åħ¬è®¤ çļĦ +æ°¨ åŁº +æ°¨åŁº éħ¸ +åīį åĩłå¹´ +åι éĤ£ +æ±Ł 举 +å·¥ æ¥Ń +ä¸ĢçĤ¹ ä¹Łä¸į +ä¿® 士 +äºĨä¸Ģ éģį +åĪ ģ +æ»ļ æ»ļ +åĪĨ æł¡ +羣 çα +è¡Ģ èĦī +æĢ¥ åī§ +ä¸Ģ群 人 +ç¾ ¯ +æĪIJ é¾Ļ +ç²¾ç¥ŀ çĹħ +缸åħ³ 人åijĺ +éĿĵ 丽 +ä¸ī åŃ£åº¦ +åĪĴ å®ļ +ä¸ĸçķĮ 第ä¸Ģ +éĢļ ä¿Ĺ +åķĨä¸ļ åľ°äº§ +åĬŁèĥ½ æĢ§ +èµĦæľ¬ 主ä¹ī +详 è§ģ +æĬĵ æįķ +æĸĩ æĺĮ +å®Ŀ å®ī +è£ħéħį å¼ı +æºIJ æºIJ +æºIJæºIJ ä¸įæĸŃ +çĶŁ æĢķ +纵 åIJij +å£ ½ +çľ¼ è¢ĭ +èĤī ä½ĵ +åı¤ ä»Ĭ +èŀį åªĴä½ĵ +åģ ī +æł¼ æľĥåĵ¡ +çĥ · +åĬŁ ç͍ +æīŃ çŁ© +绿èī² éĢļéģĵ +åī§ ç»Ħ +å¼± åĬ¿ +è´¨éĩı éĹ®é¢ĺ +éĻIJ é¢Ŀ +éª Ĩ +éģµ ä¹ī +å¯Ŀ 室 +æĥ³ 念 +åł± åijĬ +ä»ħ 次 +ä»ħ次 äºİ +èŀį åĪĽ +æĭĽèģĺ ä¼ļ +åºĬ åŀ« +转åŀĭ åıijå±ķ +ä¸ŃåĽ½ çĶµä¿¡ +åIJ¬ è¯Ŀ +è«ĭ æ±Ĥ +大éĥ¨åĪĨ 人 +æ´» å¾Ĺ +åĵŃ æ³£ +è¶ Ļ +åıijçĹħ çİĩ +ä¸į 符 +åĨĽ å®ĺ +é¢Ī æ¤İ +æĸ°åĨł çĸ«æĥħ +æŁ¬ åŁĶ +æŁ¬åŁĶ 寨 +ä»»ä½ķ å½¢å¼ı +人 éĻħ +人éĻħ åħ³ç³» +æĢ» æī¿åĮħ +å¹³åĿĩ æ¯ı +æģŃ åĸľ +åĦ ĺ +åħµ 马 +è¿Ł åΰ +å·¥ 伤 +çīĪæĿĥ å½Ĵ +çīĪæĿĥå½Ĵ åİŁ +æĭ¥ æĬ¤ +ç³Ĭ æ¶Ĥ +å¹² æ¶ī +å°ij ä¸įäºĨ +æĥ³ æī¾ +è´¹ çİĩ +该 éĻ¢ +èŀį åĮĸ +è¿İ åIJĪ +è§ĨåIJ¬ èĬĤ缮 +æł¼ ç¶²ç«Ļ +çľī æ¯Ľ +欢è¿İ 大家 +å®¶åºŃ æķĻèĤ² +ä¾µ èļĢ +ç»Ļ ä½łä»¬ +è¡Ģæ¶² 循çݯ +å¯Ħ æīĺ +å°ĸ åı« +以ä¸ĭ åĩłä¸ª +è¿ĺ 以为 +åħ¶ä»ĸ çݩ家 +ç¬ij ç¬ij +æīĵ åIJ¬ +èĩªçĦ¶ ç§ijåѦ +åŁº ç«Ļ +ä¹Ŀ å·ŀ +ä¿Ŀ 驾 +ä¿Ŀ驾 æĬ¤ +ä¿Ŀ驾æĬ¤ èĪª +æĶ¾ çľ¼ +çŁ¥åIJį ä¼ģä¸ļ +ç¸ ® +ç¨ ½ +æļ ĩ +使ç͍ 網路 +é¢Ħ çķĻ +大 象 +åıijæĺİ ä¸ĵåĪ© +æĸĩ 娱 +éĢł ç¦ı +湿 润 +éĿ¢ æĿ¡ +æ¶Īè´¹ åįĩ级 +è®Ĭ å¾Ĺ +åĩł åIJį +ä» Ħ +认 æ¸ħ +è¿ľ æĻ¯ +æıĴ 座 +诸 侯 +åıĺ æĢģ +ç¦ı 彩 +è´§ æŀ¶ +失 æİ§ +ç§»åĬ¨ 端 +ä¸Ĭ åı¸ +éĢł 纸 +å¸ĥ æľĹ +çĴ ĩ +åı° åįĹ +åĮĹ京 åĨ¬å¥¥ +èĵĿ çīĻ +éķ¿ çŁŃ +æĬĺ å°Ħ +ç»ij æŀ¶ +å¯Ĵ åģĩ +转 åŁºåĽł +æĢ¥ äºİ +æŃ£ åĵģ +åħħ 滿 +大 纲 +æĬĹ ä½ĵ +è¨ĵ ç·´ +æĶ¶ ç´§ +æ¯Ķ è³½ +åħµ åĬĽ +æľ¬ æĽ¸ +äºĮ 代 +æĢ¥ è¯Ĭ +æĸĩ æ¡Ī +ç»ı åķĨ +æĻ¨ æĬ¥ +æ£ ĺ +æĢ»ä¹¦è®° åľ¨ +åıĹ éĤĢ +äºĶ åĽĽ +å²Ń åįĹ +çα åIJĥ +åŁĥ å°Ķ +å¿ĥ å¢ĥ +è¦ĨçĽĸ éĿ¢ +å®ŀåľ¨æĺ¯ 太 +æł¹ åºķ +纷纷 表示 +åĹ ħ +éļıçĿĢ æĹ¶éĹ´ +åİĨåı² æĤłä¹ħ +éħ ī +æĢ» éĺŁ +主é¢ĺ æ´»åĬ¨ +éĹ® åį· +é©¿ ç«Ļ +æı¡ ä½ı +åı¯èĥ½ 导èĩ´ +æ°ij éĸĵ +éĸĭ åķŁ +ä½Ĩ ä¸įéĻIJ +ä½Ĩä¸įéĻIJ äºİ +åįģ éĩĮ +å¨ ¥ +æįŁ èĢĹ +çĸı 导 +çݯ æ°§ +ç¥ŀ éĢļ +çα å°Ķ +çαå°Ķ åħ° +æľ´ å®ŀ +å¿« æĬ¥ +æĶ¶ åıĹ +æĪĸ 許 +èĥĮ éĿ¢ +æĸĩåĮĸ ä¼łåªĴ +ä¸ī åĢĭ +æĶ» åĬ¿ +å®ī 举 +å®ī举 å°¼ +åĿĩ å·² +顾 èĻij +éĦ Ń +è¿Ļå®¶ åħ¬åı¸ +åħ¬åijĬ ç§° +æıIJä¾Ľ ä¼ĺè´¨ +稳æŃ¥ æİ¨è¿Ľ +å¤į è¯ķ +å°Ĩ é¢Ĩ +è°Ī èµ· +å¨ Ħ +è¿ŀ 线 +æ©Ł éĹľ +åºĶç͍ åľºæĻ¯ +çĶ» åĥı +è´¢ è¿IJ +ä¿Ŀ éļª +çĹħ çIJĨ +æ¯Ľ 主å¸Ń +ä¸Ŀ 毫ä¸į +çα å¥ĩ +çαå¥ĩ èīº +ä¸ĵå®¶ ç»Ħ +åij¼ åͤ +éĭ ¼ +çģ ¸ +é¢ĨåħĪ åľ°ä½į +æıIJ æĭĶ +龸 éģĵ +å±± åĿ¡ +èĿ İ +沸 èħ¾ +该 项 +ä»Ĭ çĶŁ +ä¸Ģç¯ĩ æĸĩ竳 +æĸ¹å¼ı è¿Ľè¡Į +é»ij 客 +æĶ¹ åĬ¨ +主 é¡Į +æķ£ å¸ĥ +ä»Ģä¹Ī åľ°æĸ¹ +åĮĸ åIJĪ +åĮĸåIJĪ çī© +éĿĻ ç͵ +æĢ» æĶ¶åħ¥ +å§Ķ ç»Ħç»ĩ +å§Ķç»Ħç»ĩ éĥ¨ +éĿĻ æĢģ +èĢģ åŃĹåı· +室 åıĭ +éĥ½ä¸į æķ¢ +æŀ¶ åŃIJ +çģµ æķı +审 è§Ĩ +æĤ£ åĦ¿ +å±± 寨 +èĸª èµĦ +é©° æı´ +éĥ¨åĪĨ åĨħ容 +好 ä¼¼ +æĪIJåijĺ åĽ½ +åľ¨æĪij çľĭæĿ¥ +åħ³æ³¨ 度 +éĻĪ æŁIJ +è¿Ļç§į äºĭæĥħ +éĢī å®ļ +ç²¾ åŃIJ +å£ģ çĶ» +æ±Ł æ·® +é«ĺ æĺĤ +æł¼ åĬĽ +è¼ © +åѦ åłĤ +æĤ¨ åIJĮæĦı +ä¸ĢåĪĩ éĥ½æĺ¯ +æ½ ¤ +éĸ ĥ +å¸ĮæľĽ èĩªå·± +ä¿ ĺ +æ±Ł åİ¿ +æ³ ¾ +ç§ij æķĻ +æīĵ è¿Ľ +ä¸į æħİ +å¯Ĵ åĨ¬ +æ¸Ķ æ°ij +鼷 æĸ¯ +主 å®° +æĹħ游 度åģĩ +ç͵åŃIJ éĤ®ä»¶ +æ±Ĥ å©ļ +éļİ æ®µ +åģ¥èº« æĪ¿ +注æĺİ åĩºå¤Ħ +äºĭæķħ åıijçĶŁ +级 以ä¸Ĭ +åŃĺ æ´» +æĸ½ èĤ¥ +èľľ èľĤ +åµ © +æĮĸæİĺ æľº +æĬĹ æĭĴ +ä¼ł 导 +æĺ¯ä»Ģä¹Ī åij¢ +ä¸Ĭå¹´ åIJĮæľŁ +建 åħļ +çĶŁ æħĭ +ä¿Ŀ ä½ı +款 车åŀĭ +人 èĦī +éļIJ èͽ +失 æķĪ +éģ¿ åŃķ +ç®Ģ 便 +谢谢 ä½ł +å®Ī ä½ı +æĶ¾ æĺł +è¨Ī çķ« +çݰ代 çµģ +é¤IJ 廳 +æķħ å±ħ +大 大å°ı +大大å°ı å°ı +çī¹åĪ« 声æĺİ +éģį åıĬ +å¿ĥçIJĨ åĴ¨è¯¢ +è³ ´ +çĮ® è¡Ģ +å·²ç»ı è¾¾åΰ +æīĵ æĭĽåij¼ +åıĮ è¾¹ +ä¸Ģæĸ¹éĿ¢ æĺ¯ +å´ĩ å°ļ +éĺ¿ å¯Į +éĺ¿å¯Į æ±Ĺ +æĮģ æľī人 +è± ģ +é£İ çŃĿ +åĬ¨ èį¡ +äºĨä¸Ģ ä¼ļ +äºĨä¸Ģä¼ļ åĦ¿ +ä¸ĩ 象 +çľĭ ç͵è§Ĩ +åįģä¸ī æĿ¡ +çĮĽ çĥĪ +è¦ģ ä¸įçĦ¶ +太æŀģ æĭ³ +å¼ķ çĪĨ +ç»ıè¿ĩ å¤ļå¹´ +游æĪı éĩĮçļĦ +é¾Ļ æ³ī +æłĩ éħį +è®ĵ ä»ĸåĢij +éĢł æŀĹ +åĮºåŁŁ æĢ§ +亿 ä¸ĩ +æĪĺçķ¥ å¸ĥå±Ģ +éķĩ æĶ¿åºľ +åĶ® 票 +çĶŁäº§ å·¥èīº +éķĩ åħļå§Ķ +ä¸Ńå°ı åŀĭ +æľ¨ è̳ +æ²³ è¾¹ +èĦ¾ èĥĥ +欢è¿İ æĤ¨ +åıĺ å¼Ĥ +缤 纷 +åŀĥåľ¾ æ¡¶ +辩 è¯ģ +车 åºĵ +æ¯Ķ çİĩ +åħ´ æĹº +详ç»Ĩ äºĨè§£ +å®ī å±ħ +çħ§ æĸĻ +æĸ¹ æīį +èµ ¦ +åĨ ķ +å¥Ķ èµ´ +å®Ŀ 鸡 +åľº åĿĩ +缮åīį æŃ£åľ¨ +åIJŀ åϬ +è¿° èģĮ +æĩ µ +å¥ĩ çijŀ +ä»į å°Ĩ +èĪī 辦 +å·¥åķĨ å±Ģ +å¡ij èĥ¶ +åĬŀ å®ŀäºĭ +æĸ¹ æĸ¹éĿ¢ +æĸ¹æĸ¹éĿ¢ éĿ¢ +æĸĩåĮĸ èĬĤ +åħ¥ èģĮ +é¸ ¥ +ç©¿ éĢı +以 ä¹łè¿ijå¹³ +åį± éļª +æľ¦ èĥ§ +åİĨåı² æĢ§ +æķŀ å¼Ģ +ä¼Ļä¼´ åħ³ç³» +çŁ¿ åĮº +åĽ½éĻħ åľ¨çº¿ +ä¼łå¥ĩ éĩĮéĿ¢ +è¿ij äºĽ +è¿ijäºĽ å¹´ +åĬ£ åĬ¿ +æĶ»åĩ» åĬĽ +æĻº éĢł +ç¦ § +çİĭ åħĪçĶŁ +éĨ« çĶŁ +åĽĽ 项 +å®ŀ æĻ¯ +åĪĿ åĪĽ +å¿ĥ 裡 +æĻ¶ ä½ĵ +交 éĻħ +让 æ¶Īè´¹èĢħ +课 æĸĩ +æİĴ æ°Ķ +å¹¶ä¸į æĦıåij³ +缸 声 +第ä¸Ģ å±Ĭ +åİŁ èijĹ +éĽ ľ +没æľī 太大 +è¡¥ æ°´ +çµģ ä¼ģä¸ļ +第äºĮ æī¹ +åħ¶å®ĥ éĹ®é¢ĺ +æİĮ éŨ +责任 å¿ĥ +é¤IJ åħ· +ç¾Ĭ æ¯Ľ +没æľī å¿ħè¦ģ +ä¹IJ åĽ¢ +è¿Ľ åŁİ +ä¸ĢçĤ¹ åĦ¿ +身 å½¢ +çļ®èĤ¤ çĹħ +æĺ ± +å¢ŀ èĩ³ +èģ² æĺİ +æıIJ è´¨ +ä½ĵèĤ² åľº +çѹ 建 +é¬ Ĩ +车 çīĮ +éļĶ éŁ³ +è´Łè´£ åIJĮå¿Ĺ +丰 ç¡ķ +ä½Ľ éĻĢ +äºī åIJµ +åº ¶ +æ·¡ æ°´ +å°ı çĶ·åŃ© +ç§ģ èĩª +åĮĸ è¿Ľç¨ĭ +æĪĺ士 æĿ¥è¯´ +æ²¹ èħ» +èĦ±è´« èĩ´å¯Į +æĹ¥å¸¸ å·¥ä½ľ +交 èŀį +åĨľ è´¸ +åĨľè´¸ å¸Ĥåľº +åĵĪ çĻ» +ç͵ è´¹ +èµ ĺ +åıĮ èħ¿ +æĵĶ å¿ĥ +æĿ¥ 形容 +使åij½ æĦŁ +éĤ£ä¹Ī ç®Ģåįķ +èĬĻ èĵī +åĢŁæ¬¾ 人 +ç§Ģ 丽 +è®ĵ ä»ĸ +严åİī æīĵåĩ» +è³ ŀ +æļ « +çħ¤ æ°Ķ +çά ä¸Ĭ +æ½ĩ æ´Ĵ +太 ä¹ħ +åij½ åIJį为 +è·¯ çͱ +è·¯çͱ åύ +é© ¯ +æıIJ æĹ© +æĬĹåĩ» çĸ«æĥħ +åĩ Ľ +交 åıĭ +éĶĢåĶ® æ¸łéģĵ +毫ä¸į çĬ¹è±« +èIJ¥ åľ° +çłĶç©¶ 表æĺİ +é±¼ ç±» +æį¢ å±Ĭ +æİ¡ åıĸ +çī Ĩ +缼 å¼Ģ +æ²§ æ¡ij +åºŃ 审 +ç»ı æŁ¥ +åĬł å¼· +缸æ¯Ķ äºİ +ä¸ĵ çıŃ +ä½ĵ åŀĭ +被 害 +被害 人 +æĶ¶ 款 +åħ·æľī èī¯å¥½ +é«ĺå³° æľŁ +åģı ä½İ +åĦ Ł +åĨľä¸ļ ç§ijæĬĢ +ç®Ĭ æĥħåĨµ +å¦Ĥæŀľ çݩ家 +éķ¿ çº¦ +第åħŃ å±Ĭ +åħ¬å¼Ģ æĭĽèģĺ +åĪĩ æĸŃ +è¿« 使 +çĸĹ ç¨ĭ +第äºĮ ç§į +ä¸į åħį +å¹² èѦ +çŁ³ 榴 +åĹ £ +两 ç±» +çε 士 +åŁİ乡 å±ħæ°ij +æŃ¤ 项 +缴 è¾ĸ +缴è¾ĸ å¸Ĥ +åij¼ åºĶ +éĴ ¯ +ç¦ı å¾· +æľº 身 +æĵį åľº +æ¿Ĵ 临 +人群 ä¸Ń +èĤ¡ æ°ij +åŃ ½ +æ³ķ åħ° +é¨ İ +糯 ç±³ +æĢ» çļĦ +æĢ»çļĦ æĿ¥è¯´ +åħ¸ éĽħ +æĸ° éĻĪ +æĸ°éĻĪ ä»£è°¢ +缮 çĿ¹ +é¢Ħ è¨Ģ +è·Į çł´ +æĸ° ç¯ĩ竳 +æ¯Ĵ æĢ§ +åĸĿ èĮ¶ +æŁ¥ èİ· +亮 丽 +çĶŁäº§ åķĨ +æĶ¹ æĪIJ +为äºĨ æĽ´å¥½ +æ·± 交 +深交 æīĢ +æİ ĥ +ä¹Ļ èĤĿ +泸 å·ŀ +åħĪè¿Ľ æĬĢæľ¯ +è¾ĵ ç»Ļ +æķ£ æĪ· +æĢĿç»´ æĸ¹å¼ı +åºĹ 主 +è°ĭ æ±Ĥ +游æĪı æĬĢå·§ +ä¸Ģå¹´ 级 +çľ¼ è§Ĵ +ä¸Ńä»ĭ æľºæŀĦ +å·§ åIJĪ +éĺ² çĽĹ +导 è´Ń +æĪ Ĭ +æĽ´ éĢĤåIJĪ +åŁºæľ¬ ä¿¡æģ¯ +马 ä¸ģ +åħ»æ®ĸ åľº +åıį è¿ĩæĿ¥ +æİ¨ å´ĩ +å¯ĨåĪĩ åħ³æ³¨ +åŁºéĩij ç»ıçIJĨ +æĮī éĶ® +åĨħéĥ¨ æİ§åζ +æĪIJåijĺ åįķä½į +æľ¯ è¯Ń +åζ æľį +åĪļ éľĢ +æ£Ģ ç´¢ +大大 æıIJé«ĺ +åģ¥åº· 管çIJĨ +èĩª æŃ¤ +客æĪ· éľĢæ±Ĥ +丰 èĥ¸ +èµ· éĩį +èµ·éĩį æľº +æ¬ł 缺 +æ¡Ī åŃIJ +æĥħ人 èĬĤ +åħļ æł¡ +è¢ ľ +该 åī§ +迷失 ä¼łå¥ĩ +ç»ļ 丽 +åķ ª +æĹł ç§ģ +é̲ ä¸ĢæŃ¥ +第ä¸Ģ 竳 +åύ åħ· +åĨľ èµĦ +確 實 +åºı åĪĹ +娱ä¹IJ å¹³åı° +èŀįèµĦ ç§Łèµģ +èµĦæºIJ åħ±äº« +èģ½ åΰ +æIJŀ å¾Ĺ +ç»§ç»Ń ä¿ĿæĮģ +åIJ¯ èĴĻ +çľ º +ä¸Ŀ è·¯ +设æĸ½ 建设 +æİ¥ åľ° +æİ¥åľ° æ°Ķ +第ä¸ī åŃ£åº¦ +åŁº è°ĥ +åıij éŁ³ +社ä¼ļ èµĦæľ¬ +éĽĩ 主 +è¿ŀ èĥľ +没 åķ¥ +å» ¢ +èµ¶ èµ´ +æ¼Ķ åĮĸ +åı¤ æĢª +çİĭ çĪ· +é¢Ħ åħĪ +å¼Ģ åħ· +åĽŀ é¦ĸ +åľ°ä¸ĭ æ°´ +å°ıç¼ĸ ä¸Ģèµ· +èµİ åĽŀ +åľ° è²Į +åĪĿ ä¸ī +åı¯ ç͍äºİ +éģĹ è¿¹ +è¿Ļ æī¹ +èĸª æ°´ +å¿ħçĦ¶ ä¼ļ +æ² ½ +éį ĭ +第ä¸Ģ éĥ¨ +åĪĬ çī© +å®ŀ ä¾ĭ +æ¸ħ åĩĢ +ä¸Ĭ èµĽåŃ£ +åĽ¾ 表 +éĤ® è½® +åĵª 裡 +缸 è§ģ +æī° ä¹± +æ¯ı æ¯ı +è¿Ļ è¾ĪåŃIJ +ç¡« éħ¸ +äºī 缸 +溯 æºIJ +åĩº ä¼Ĺ +çİī çŁ³ +åħ± çĶŁ +æĹ¶éĹ´ 段 +éĩįè¦ģ æĮĩ示 +æ¶Īè´¹ éľĢæ±Ĥ +éķ¿ éķ¿ +éķ¿éķ¿ çļĦ +å®ī æĬļ +å¢ŀ é«ĺ +æľ¬ è½® +亲 çľ¼ +é£İ æ³¢ +èĢģ å¦Ī +æĶ¶è´¹ æłĩåĩĨ +åĨħ éĻĨ +æĮ¥ åıij +åįĩ åѦ +èĥ¸ åīį +åģı è¿ľ +纯 æ´ģ +æĸ½å·¥ åįķä½į +身 ä»· +è´¢ åĬĽ +çº ¶ +è£ħ çͲ +æĺ¾ç¤º åύ +毫 åįĩ +æ·± çŁ¥ +è̶ ç© +èĢ¶ç© Į +è¾ĥ éĩı +åľ¨ è¿ĩ渡 +åľ¨è¿ĩ渡 æľŁ +èĮ Ĺ +ä¸Ģ个 æĺŁæľŁ +èĬ · +è´¿ èµĤ +æ¿ ķ +æĩĤ äºĭ +ç§ § +åħħ å½ĵ +åĽ½ ç«ĭ +èĬ± çĵ£ +éĤĦ è¦ģ +åħ¬ åľĴ +触 åĬ¨ +æ³° å·ŀ +ä»Ģä¹Ī æł· +æ»ĭ åħ» +è¯Ħ åΤ +æĮ¥ æīĭ +èĦ Ī +å§¥ å§¥ +è¿IJ è´¹ +æ¯ħ åĬĽ +å¿ĥ æĻº +ä¸į æİĴéϤ +第ä¸ī 代 +éĢĢ è´§ +æĺŁ éĻħ +æ°¸ åĪ© +æĬ¤ åį« +çıŃ è½¦ +è¨Ģ è¡Į +ç¹ ª +主åĬ¨ æĢ§ +å·¥ç¨ĭ è´¨éĩı +éĥĬ åĮº +ä¸Ģ æłĭ +ä½Ĩ å®ŀéĻħä¸Ĭ +ä¸ī大 èģĮä¸ļ +åij¼ åı« +女 åħĴ +è¯ģåΏ æĬķèµĦ +èĢĥ æħ® +çĤ« èĢĢ +æ²» 好 +åĺ ¶ +èĥ ¤ +åħīä¼ı åıijç͵ +åĩł æŃ¥ +æīĢ æīĢ +æīĢæīĢ éķ¿ +çħ§ æł· +åĵ¥ 们 +è¯ Ľ +è¿Ļä¸Ģ åĪ» +çŁ¿ çī©è´¨ +ä¸įå¾Ĺ å·² +åIJĮ 缣 +ç»Ĩ å¾® +è·¯ èĻİ +çϾ èĬ± +æ·· æ²Į +ä¸Ĭæµ· è¯ģåΏ +éĢĢ ç¨İ +èµŀ åı¹ +æī®æ¼Ķ 游æĪı +åIJį åĪĹ +åIJįåĪĹ åīį +åIJįåĪĹåīį èĮħ +ç±³ å°Ķ +ä»Ģä¹Ī åİŁåĽł +å®īåħ¨ ä¿Ŀéļľ +ä¸Ģåıª æīĭ +ä¹³ ä¸ļ +ä¸į çĶĺ +æĥħ åķĨ +æĮ¡ ä½ı +åİŁåĽł ä¹ĭä¸Ģ +è¿Ļ 两天 +çĥĺ çĦĻ +è± ¬ +ä½ł 以为 +没 è§ģè¿ĩ +åĵªå®¶ 好 +åīį ä»» +è¿Ľ è´§ +éĢĢ åĽŀ +串 èģĶ +èĩ³ æĸ¼ +åĨ° æ·ĩ +åĨ°æ·ĩ æ·ĭ +æŁ¥çľĭ 详æĥħ +çı¾ 實 +æİ¨ æµĭ +æİ¥ æīĭ +éļ¶ å±ŀäºİ +åŁİå¸Ĥ 群 +æĿİ åħĪçĶŁ +çŁ¿ æ³īæ°´ +çī¹ ä»· +æĽ´å¤ļ 精彩 +ç¨ĭ å¼ı +读 æĩĤ +å±ı èͽ +奥 æŀĹ +奥æŀĹ åĮ¹ +奥æŀĹåĮ¹ åħĭ +红 èĸ¯ +å¥ ® +å®Ŀ çİī +ç¶² 絡 +è² § +欧 å¼ı +çϽ ç³ĸ +èĩªçĦ¶ çģ¾å®³ +åijĬè¯ī 她 +å» ļ +çĤ¹åĩ» æŁ¥çľĭ +é£İ 湿 +èµĦ产 éĩįç»Ħ +ä¹Łä¸į ä¾ĭå¤ĸ +åįĬ 个å°ıæĹ¶ +åIJ¸å¼ķ æĽ´å¤ļ +æĹ¶éĹ´ èĬĤçĤ¹ +æĶ¶ 纳 +åIJ¸ æ¯Ĵ +èĢģ 乡 +çIJ ħ +æľĢ çµĤ +åıį æĦŁ +ç͍ 微信 +çĶ¨å¾®ä¿¡ æī« +éĢŁ çİĩ +大 çĨĬçĮ« +åı¯ æĥ³ +åı¯æĥ³ èĢĮ +åı¯æĥ³èĢĮ çŁ¥ +åĴ § +èµ° åħ¥ +碳 éħ¸ +èĮĥ åĨ° +èĮĥåĨ° åĨ° +被 åΤ +积æŀģ æİ¨åĬ¨ +è¶³ è¶³ +ç²Ĵ åŃIJ +大 å®Ĺ +大å®Ĺ åķĨåĵģ +ç½ij绾 ç§ijæĬĢ +æĽ¼ åŁİ +å·² ä¹ħ +å·²ä¹ħ çļĦ +秦 çļĩ +秦çļĩ å²Ľ +ä»» æķĻ +å͝ ç¾İ +æ·¡ åĮĸ +æ¡Ĥ èĬ± +çŁ¥è¯Ĩ åĪĨåŃIJ +æĩĴ å¾Ĺ +主 åħ¬ +设计 çIJĨ念 +è³ º +æīĢ æıIJä¾Ľ +æīĢæıIJä¾Ľ ä¹ĭ +æĶ» åħĭ +åĤ ¾ +è¯Ń æ³ķ +åįĥ åı¤ +éĸĭ æĶ¾ +第ä¸Ģ èĬĤ +éĤĦ æ²Ĵ +éĢĥ çĶŁ +æ³ Ĺ +åİ¿ å§Ķ书记 +ä½ľèĢħ æīĢæľī +çħ ½ +ç» ħ +æł ħ +æľ´ ç´ł +çijķ çĸµ +åĮħ åĮħ +æ°ij主 åħļ +ä¸į è¿ľå¤Ħ +å¥ĩ å¼Ĥ +åĺ» åĺ» +æī ¼ +ç¿» å¼Ģ +æĢİ èĥ½ +éģ´ éĢī +è§£ éĩĭ +å¹¼ ç¨ļ +è¦ģ 好好 +è¶´ åľ¨ +ç´¢ åıĸ +ç»Ī çĶŁ +åħ¨ æµģç¨ĭ +éģ© çķ¶ +åįıè°ĥ åıijå±ķ +æĬ¥ ä»ĩ +ç§ijæĬĢ åĽŃ +ä»Ģä¹Ī éĥ½ä¸į +æľĢåIJİ ä¸Ģ次 +ç»Ļ人 ä¸Ģç§į +æł¸ å®ļ +被 åĪĹåħ¥ +æĦı æĥ³ä¸įåΰ +èĢĥ æŁ¥ +åľ¨æŃ¤ ä¹ĭåīį +æīĵ çIJĥ +è¶ĬæĿ¥è¶Ĭ å°ij +å®ļ å¾ĭ +è¡ĮæĶ¿ æľºåħ³ +ä½ıæĪ¿ åħ¬ç§¯ +å°ıå§IJ å§IJ +ä¸ī èı± +ä¿® è¡¥ +èŀĥ èŁ¹ +西 çͲ +æĢ ł +çŃī å¤ļ项 +产ä¸ļ éĽĨèģļ +ä»·æł¼ ä¸Ĭ涨 +åħ¬åħ± åľºæīĢ +è¢ĭ åŃIJ +æĨ§ æĨ¬ +çļĦæĸ¹å¼ı æĿ¥ +åΰ è´¦ +çģ ½ +å·´ èı² +å·´èı² çī¹ +æ¼Ķ ä¹ł +èŃ¦ç¤º æķĻèĤ² +çķı æĥ§ +å¼ķ æµģ +æĶ¶ æĶ¯ +å±Ĥ åĩº +å±Ĥåĩº ä¸į +å±Ĥåĩºä¸į ç©· +æijĩ æ»ļ +辦 çIJĨ +纵 è§Ĥ +æķij æµİ +å®¶ éĥ½çŁ¥éģĵ +åĮ ¯ +å°ı 鸣 +ä»» åĭĻ +计 åħ¥ +ç«ŀ éĢī +å¼ĢèįĴ æĹ¶æľŁ +åij¨ æģ© +åij¨æģ© æĿ¥ +交 ç»ĩ +çķ¢ æ¥Ń +æł¹æį® èĩªå·± +æĸ°äºº çݩ家 +åѵåĮĸ åύ +éĩĩ æļĸ +å¹³åĿĩ æ°´å¹³ +åħ¬å¼Ģ 课 +失 åĪ© +伺 æľį +çĬ ģ +忽 æĤł +主è¦ģ éĽĨä¸Ń +æ¤į æłij +æ¯Ĺ éĤ» +èĩº çģ£ +åĩºåĽ½ çķĻåѦ +æĬĹ éľĩ +æĥ© æĪĴ +å¹´åºķ åīį +åĴ¸ éĺ³ +æ°ij å±ħ +大çIJĨ çŁ³ +éĿ ³ +éķ ĸ +æ¸ħ è¿ľ +è£ħ è½½ +èĩ Ģ +å½± ä¸ļ +å¼Ł åħĦ +æĤ² è§Ĥ +çĿĢçľ¼ äºİ +æįį åį« +åī¥ å¤º +ç¯ Ĩ +å¾Ī éķ¿æĹ¶éĹ´ +è¥ Ł +第ä¸Ģ çϾ +ä¸ĢåĪĨ éĴ± +æĸ°éĹ» è®°èĢħ +éķ· æľŁ +æ³ķ æĪĺç»ĦåIJĪ +è°ģ çŁ¥éģĵ +èħ° éĥ¨ +æ±ī åł¡ +åħ¥ çĿ¡ +åįĸ æİī +æ¶Īè²» èĢħ +æĥ¯ ä¾ĭ +æĥ³ äºĨ +æĥ³äºĨ æĥ³ +èĢģæĹ§ å°ıåĮº +ä¼ł è¨Ģ +åĪĨæķ° 线 +æµģ 泪 +ç»Ħç»ĩ é¢Ĩ导 +äºļ åĨĽ +å¢ŀå̼ æľįåĬ¡ +å¾ ¹ +ä¼ ¶ +äºĽ 许 +å¸ĥ èݱ +强 æĤį +宫 å»· +绿 èĮ¶ +åĮ ¡ +å¾Ī æŃ£å¸¸ +æĺ¥ å¤ı +æ¯ Ļ +è¯Ħ æ¯Ķ +åĩ¡ äºĭ +æĬī æĭ© +åĢĴ éľī +éĩį 度 +åįıä¼ļ ä¼ļéķ¿ +å¿§ èĻij +ä¸ĭ ä¸Ģç¯ĩ +沪 æ·± +æĪ İ +æīĵ ä»Ĺ +åįĪ é¥Ń +å¹´é¾Ħ 段 +ä¸ŃåĽ½ è¶³çIJĥ +设计 æĸ¹æ¡Ī +åºĶç͍ æŁ¥çľĭ +é¢Ħ æĸĻ +åĹ ¡ +ç¥ĸ çζ +çļĦä¸Ģ åijĺ +æ´Ĺ å¹²åĩĢ +åİĨåı² æĸ° +åİĨåı²æĸ° é«ĺ +çĭ¬ åħ· +æħĭ 度 +æīĵ 交 +æīĵ交 éģĵ +é»Ħ çŁ³ +çĽ¼ æľĽ +çī§ åľº +转 弯 +åįĩ åįİ +åĨį ä¹Łæ²¡æľī +èĭ± æīį +æĽ´ åIJį为 +åĢŁ ç͍ +çºł éĶĻ +ç»Ŀ对 ä¸įä¼ļ +çİĭ çīĮ +çĽĨ åľ° +失 è°ĥ +好 象 +é³ ¥ +ä¿Ŀ ä¿® +åĽĽä¸ª èĩªä¿¡ +头 çļ® +åİŁ åīĩ +æĬ¥ æ¡Ī +奴 éļ¶ +å³ Ļ +è°ĥ æĸĻ +ä¹Ł 許 +èIJ½ åΰ +èIJ½åΰ å®ŀ +èIJ½åΰå®ŀ å¤Ħ +çĦļ çĥ§ +çĶŁæ´» çݯå¢ĥ +åºĶ åıĬæĹ¶ +è¶Ĭ è¿ĩ +æĦŁ è¬Ŀ +æĻ¯ å¾· +æĻ¯å¾· éķĩ +çĬ Ģ +身 éĤĬ +ç¨İåĬ¡ æĢ»å±Ģ +åĩĢ åľŁ +ä¾µ åįł +åĬ¨ å·¥ +å¹´ ä¹ĭ +å¹´ä¹ĭ ä¹ħ +第äºĮ èĬĤ +åĬ¨çī© åĽŃ +第ä¸Ģ 书记 +éħ ļ +çĶŁäº§ 设å¤ĩ +æŁIJç§į ç¨ĭ度 +åľ Ń +åĩŃåĢŁ çĿĢ +éĺħ è§Ī +çϽ æ²Ļ +æ²¹ çĥŁ +çªģçł´ åı£ +åıĹ å½±åĵį +åı¯ä»¥ æĽ´å¥½ +å³° å̼ +æĿĤ è´¨ +宿 è¿ģ +çĽĺ æ´» +æ¿Ģ èµ· +åĦ¿ ç§ij +åĿIJ èIJ½åľ¨ +æĮª å¨ģ +æµ· å²Ľ +绣 绣 +éĻ ¨ +ä¼ĺ äºİ +å°Ī å®¶ +ä¸Ģ éĤĬ +èIJ Ĭ +äºĨä¸Ģ åı£ +æ²ĥå°Ķ æ²ĥ +æŃ£å¸¸ 使ç͍ +æĻ®éģį åŃĺåľ¨ +丰 满 +çĶ» åį· +åºĶ æĶ¶ +åºĶæĶ¶ è´¦ +åºĶæĶ¶è´¦ 款 +å®Įæķ´ çĥŃ +å®Įæķ´çĥŃ æ¦ľ +注 è§Ĩ +çĨ Ħ +èº ¬ +éĶĢåĶ® 人åijĺ +è¶ĭ åIJij +çĦ¦ æĢ¥ +åįģå¹´ åīį +ä¼łç»Ł 产ä¸ļ +質 éĩı +åĩ¤åĩ° ç½ij +èµĦæºIJ æķ´åIJĪ +æ¶Į åħ¥ +æĸĩåĮĸ ä¼łæĴŃ +çķĮ 第ä¸Ģ +æ°´ æ³µ +宫 殿 +æİ¢ 寻 +ä¿® åīª +æĦı è¦ĭ +ç´Ĭ ä¹± +æĽ ī +çϽ è¡£ +èĻİ åį« +ç´§ æī£ +å¤Ħå¤Ħ éķ¿ +åĪĽå»º å·¥ä½ľ +红 æŀ£ +饼 å¹² +äºĨ åįĬ天 +ä¼ļå½±åĵį åΰ +çĽ¸ä¿¡ 大家 +èħ¾ é£ŀ +å°± å¦ĤåIJĮ +ä¸ĭéĿ¢ å°ıç¼ĸ +æ°ijèIJ¥ ç»ıæµİ +æĻ ¦ +è£ħ æī® +é»ij å¤ľ +常 å¾· +å·¥ä¸ļ 大åѦ +æĺİ çŁ¥ +éĺŁåijĺ 们 +åIJ¬ 课 +æ¯ı éļĶ +羣æĺ¯ 太 +åIJĪä½ľ åħ±èµ¢ +çIJĨ åıij +æīį å¹² +çľĭ èµ·ä¾Ĩ +殿 ä¸ĭ +å®ī éĺ³ +æīĢ äº§çĶŁçļĦ +éĽĩ ä½£ +æĬ¬èµ· 头 +æį® æĬ¥éģĵ +éļĨéĩį 举è¡Į +交 éĶĻ +è¶ħ é¢Ŀ +åĮĸ çĸĹ +é¡ Ĩ +纵 æ·± +çĪ±åĽ½ 主ä¹ī +éĻ¢ åī¯éĻ¢éķ¿ +è® ³ +羣æŃ£ åģļåΰ +åѤ åįķ +èĩªçĦ¶ èĢĮ +èĩªçĦ¶èĢĮ çĦ¶ +ä¿® 身 +èĬ ¹ +æģ¯ æģ¯ +æģ¯æģ¯ 缸åħ³ +驾 æł¡ +æİ© 饰 +æ³½ è¿ŀ +æ³½è¿ŀ æĸ¯åŁº +举 æŃ¢ +管çIJĨ ä½ĵåζ +åħ¶ä¸Ń ä¹ĭä¸Ģ +æĿ¾ å¼Ľ +æĭ¦ æĪª +åį« åģ¥ +åį«åģ¥ å§Ķ +ä»İ åݻ年 +åĤ ¢ +è´Ń 票 +åĽ¾ æłĩ +æ²³ 西 +æ°ijæĶ¿ å±Ģ +ç§ģ èIJ¥ +å¤ĸåĽ½ è¯Ń +å¹² è´§ +æĵ¦ æĭŃ +åľ° ä¸Ń +åľ°ä¸Ń æµ· +æµĵ æµĵ +æµĵæµĵ çļĦ +å§ĭ 建 +å§ĭ建 äºİ +ç¶ĵ æŃ· +è·¯ æ¼Ķ +æļ´ é£İ +åŁº è¾ħ +æī¶è´« å·¥ä½ľ +ä¸Ģ缴 å¤Ħäºİ +æĥħ è¶£ +äºĮ åŃ£åº¦ +åİĮ æģ¶ +顺åĪ© å®ĮæĪIJ +æŁ¥ å°ģ +é¡¶ 端 +ä¸į åŃķ +ä¸Ģ大 åłĨ +被 æ·ĺæ±° +æĺ¯ ç͍æĿ¥ +æľĢ åIJĪéĢĤ +亮 çľ¼ +å¹¶ä¸įæĺ¯ å¾Ī +ç§ijçłĶ éĻ¢ +ç§ijçłĶéĻ¢ æīĢ +ç² Ł +é¢Ī éĥ¨ +é»ĺé»ĺ åľ° +é«ĺä¸Ń çĶŁ +æĹıèĩªæ²» åİ¿ +æķĻåѦ è´¨éĩı +æĪĺ çģ« +åĿİ åĿ· +æIJŃ ä¹ĺ +è¯Ĺ æĦı +åĪij èѦ +åĩº æ±Ĺ +åįģåħŃ æĿ¡ +请 åıĬæĹ¶ +åĨľä¸ļ 大åѦ +èIJ½ åı¶ +æĢ» èĢĮè¨Ģ +æĢ»èĢĮè¨Ģ ä¹ĭ +æĿľ åħ° +æĿľåħ° çī¹ +éĻª ä½ł +åħ¬ æĬ¥ +çķĻè¨Ģ æĿ¿ +éĺħ åİĨ +ç«¶ çĪŃ +ç»Ļ åĪ«äºº +æĹ¥æĬ¥ 社 +åĿIJ èIJ½ +åĿIJèIJ½ äºİ +éĩij åŃĹ +éĩijåŃĹ å¡Ķ +åĽ ¤ +è¯Ŀ åī§ +æĮģç»Ń æİ¨è¿Ľ +æ¼ı æ°´ +詳 ç´° +æĢĢ æĬ± +åıĺ å¹» +饥 饿 +éļIJ 身 +个 èµĽåŃ£ +åĵ¡ å·¥ +æģ¢å¤į æŃ£å¸¸ +äºĨ 好å¤ļ +æĺŁ å·´ +æĺŁå·´ åħĭ +åħī çݯ +å¸ħ åĵ¥ +çϽ éĽª +ç¨į ç¨į +计 æıIJ +æĦĽ æĥħ +éİ ĸ +ä¿¡ éĺ³ +è§Ģ å¯Ł +å¦Ĥæŀľä½ł æĥ³ +缸æ¯Ķ ä¹ĭä¸ĭ +è§£ å¼Ģ +æīĵåį° æľº +身 躯 +ç²¾ç¥ŀ æĸĩæĺİ +èĤ¡ æĮĩ +å¾® åĪĽ +红 èĮ¶ +èĩ´ çĻĮ +æģ© æĸ½ +èħ¿ éĥ¨ +大åŀĭ å¤ļ人 +å®ī åĢį +è¾ħ导 åijĺ +èĪª éģĵ +å¸ĥ å°Ķ +åįĹå®ģ å¸Ĥ +ä¸ĬçıŃ æĹı +ä¾§ ç»ĵæŀĦæĢ§ +追 éļı +å½ĵåľ° æĶ¿åºľ +èµ° åĩºæĿ¥ +éĩijèŀį ä¸ļ +丼 书 +é¡¹çĽ® ç»ıçIJĨ +è¿ĩ æĪ· +骨 æŀ¶ +è¡ Ļ +ä»Ģ 麽 +èħ ĭ +è¦ģ 害 +åľ¨ åºĬä¸Ĭ +代è¨Ģ 人 +並 å°ĩ +åIJĦ个 æĸ¹éĿ¢ +è°´ è´£ +åħ± æĮ¯ +åį³å°Ĩ åΰæĿ¥ +èĤº çĻĮ +ä¾Ľ éĶĢ +丼 æŀĹ +èµ ĥ +åįģä½Ļ å¹´ +åĭĺ æİ¢ +飵 åij³ +èĭ¦ ç¬ij +æľĢ大 ç¨ĭ度 +éĩįçĤ¹ åħ³æ³¨ +ä¹ĭ 举 +满 æĢĢ +åıĹåΰ å½±åĵį +æĭĽ æĬķæłĩ +è¡¥ é½IJ +西 红 +西红 æŁ¿ +é¬ § +è£ħ åᏠ+éĤ» éĩĮ +èĤĩ äºĭ +æİĴ æ¯Ĵ +åѤ åĦ¿ +鼶 è·Ŀ离 +å®ŀ å¹² +çľĭ æŁ¥çľĭ +æĶ¶è´¹ ç«Ļ +ç» · +åħ¬çĽĬ æĢ§ +éĢĴ ç»Ļ +æĶ» æīĵ +æĺŁçº§ éħĴåºĹ +æĺİ åªļ +ç፠ç«ĭ +è¯Ŀè¯Ń æĿĥ +ä¸ĢæŃ¥ ä¸ĢæŃ¥ +书æ³ķ å®¶ +æľªç»ı æİĪæĿĥ +çŁ³ èĨı +åĩŃ ä»Ģä¹Ī +çļĦ æĹ¥ +çļĦæĹ¥ åŃIJéĩĮ +诱 人 +çϾåĪĨ çϾ +èĪĪ è¶£ +å¼ł åħĪçĶŁ +èĢģçĪ· åŃIJ +æ³¢ çī¹ +åŁºéĩij 份é¢Ŀ +æ²Ļåıij ä¸Ĭ +å¥ĭæĸŠ缮æłĩ +æ°¢ èĥ½ +æ²ĥå°Ķ çİĽ +義 åĭĻ +éŁ³ ç®± +æ²ī 浸 +æ²ī浸 åľ¨ +èĭ± åľĭ +çģ¯ çģ« +è¿Ľ 项 +两 端 +ä¹Ķ 丹 +èĦ¸ é¢Ĭ +åıijå±ķ æ½ľåĬĽ +åĭķ ä½ľ +åĵĪ ä½Ľ +å®´ ä¼ļ +æ§ į +ç«ĭ å¿Ĺ +ç¡ķ士 åѦä½į +åĭĭ 竳 +è¿Ļ åľºæ¯ĶèµĽ +æĮģ å¹³ +éķĢ éĶĮ +èĭ± çī¹ +èĭ±çī¹ å°Ķ +æķĻ èģĮå·¥ +åĬŁ åĬĽ +该 æ¡Ī +ä¸Ģ æ¢Ŀ +åĺī å¹´ +åĺīå¹´ åįİ +è¿« ä¸įåıĬ +è¿«ä¸įåıĬ å¾ħ +è¿Ļ个 æĹ¶ä»£ +精彩 æĴŃæĬ¥ +人 èĦ¸ +人èĦ¸ è¯ĨåĪ« +æ£Ģå¯Ł å®ĺ +å°ı èħ¿ +éĨĴ 缮 +åħļ æĢ» +åħļæĢ» æĶ¯ +æĪ Ł +èĮ« çĦ¶ +è±Ĩ æµĨ +主 æ²» +éĿĴæµ· çľģ +åĪijäºĭ 责任 +çł ° +ä¹ĭ æ¬ĬåĪ© +äºĶ å®ĺ +è¿· æĥij +åħ¥ åºĵ +å®¶ 纺 +å¼¹ ç°§ +åįģäºĶ æĿ¡ +ç»Ļ å®Ŀå®Ŀ +èĪªç©º èĪªå¤© +å¾Ģ å¤ĸ +å¼ķ åĬĽ +çľ¼ çļ® +æ¶ī è¶³ +æĿ¥ 宾 +åľ¨çº¿ è§Ĵèī² +çĥŃ éĶĢ +æµģ éĢĿ +泡 泡 +éĻį å¹ħ +è´ŁéĿ¢ å½±åĵį +红 楼 +红楼 梦 +éļĶ çĿĢ +ä¾¥ 幸 +许 ä¹ħ +åĴĮ çĿ¦ +èŃ ½ +使ç͍èĢħ æĪĸ +ä¹° åįķ +è¿ ´ +é£İ æīĩ +æķĻ å¸« +æ¡ĮåŃIJ ä¸Ĭ +å¾Ī æ¼Ĥ亮 +åł± å°İ +第ä¸Ģ åŃ£åº¦ +ç©© å®ļ +æĤ² åĵĢ +çĿĢåĬĽ æīĵéĢł +æĮ Ł +è·¯ æ¡¥ +åij IJ +åľ£è¯ŀ èĬĤ +çļĩ åŃIJ +ä»ĩ æģ¨ +éħĿ éħ¿ +ä¸į éĹ´ +ä¸įéĹ´ æĸŃ +æĮĩ å°ĸ +ä¸ŃåĽ½ ç½ij游 +åŀ £ +æĦıè§ģ 建议 +æ¯ħ çĦ¶ +亮 度 +èģĶ è°Ĭ +å½ķ åħ¥ +åĦ ² +å¨ĺ å®¶ +ç§ij å°Ķ +ä¹Łæ²¡ ä»Ģä¹Ī +æł¹æį® ä¸įåIJĮ +åı¶ ä¿® +å̼ å®Ī +æľ« 端 +åĪ ¨ +åĤµ åĭĻ +èģ¯ åIJĪ +å¥ĩ å¹» +èĻļ æŀĦ +é»Ħ æĺı +å¹³ åĿ¦ +æµģ æ°ĵ +æĸ° åŁºå»º +æĮ½ æķij +åįİ å°Ķ +åįİå°Ķ è¡Ĺ +æľĢ åıĹæ¬¢è¿İ +ç»Ń 约 +å¼Ĭ 端 +éŃĶ æ³ķå¸Ī +éŃĶæ³ķå¸Ī åĴĮ +åħ·ä½ĵ åĨħ容 +çIJī çĴĥ +æī© 容 +èĮ¶ åĽŃ +主ä¹ī èĢħ +ç«ĭ éĿ¢ +æİ¥åıĹ éĩĩ访 +åĩº åħ¥å¢ĥ +ç§ij åįı +éĴ ³ +çµIJ æ§ĭ +ç»ĵæŀľ æĺ¾ç¤º +åı° è´¦ +å°± æĿ¥çľĭçľĭ +èĩª æķij +åıį æĩī +åİ» åĵªåĦ¿ +è¿Ļ é¦ĸ +è¿Ļé¦ĸ æŃĮ +åIJ¬ ä¼Ĺ +å¤ĸ 壳 +ä½ĵèĤ² é¦Ĩ +實 æĸ½ +èŀº ä¸Ŀ +æĭī åįĩ +çĮĽ åľ° +åħ¨åĽ½ 人æ°ij +æĤī å°¼ +æĹı 群 +åĽ¢ åijĺ +两个 å°ıæĹ¶ +åľ¨ çݩ家 +åľ¨çݩ家 ä¸Ń +çĶľ çĶľ +æĬķ è¡Į +åįĶ æľĥ +éĻ ¡ +åĬłå·¥ åİĤ +æ¦Ĩ æŀĹ +æŃ» è§Ĵ +åĨħ å¹ķ +æīĢæľī æĥħèĬĤ +åĪ· åį¡ +æ°´ èĤ¿ +èĥĥ åı£ +å«Į å¼ĥ +æ²® 丧 +ä¸īå¹´ 级 +æ¶Ĥ å±Ĥ +å¿ĥ 仪 +å¿ĥ仪 çļĦ +å¤ Ń +é¦ĸ è½® +æĹłè®ºæĺ¯ åħ¶ +éĢı æ°Ķ +äºĮ åįģäºĶ +ç® « +åĬŁ åĬ³ +çѾ ä¸ĭ +æ²ī è¿· +æķij åij½ +éĹª éĹª +åIJĥ äºı +å±ķ åĵģ +åį³æĹ¶ åıijçĶŁ +ç¶ ľ +ç¶ľ åIJĪ +æłĩ æĺİ +çľĭ ç͵影 +åħ¬ 竳 +éĺ¿ æ£® +éĺ¿æ£® 纳 +身 åĪĽéĢł +身åĪĽéĢł çļĦ +æ¸Ľ å°ij +å̼å¾Ĺ åħ³æ³¨ +鼶åĶ® åķĨ +æįĨ ç»ij +è¸ı åħ¥ +èĽ Ł +æŁ´ 纳 +èĢģ åħµ +绿èī² çݯä¿Ŀ +é¹ Ń +麻 æľ¨ +æıŃ çīĮ +è¿Ļ款 车 +ç¾İ å¾· +ç¾İå¾· åħ¬åı¸ +æ¶ § +è°ģ çŁ¥ +æ´ĭ èij± +æ¯į æł¡ +ä¸Ģ éĹª +çĶ· 主è§Ĵ +æĹłçº¿ ç͵ +å±ł å®° +æĺ¯ éŁ©åĽ½ +æĺ¯éŁ©åĽ½ 娱 +容 è²Į +åĿĩ 使åħ¶ +太 å¿« +å¹´ çͱ +å¹´çͱ 缼 +èĭ¦ èĭ¦ +åĬĽ è¿ĺæĺ¯ +åĬĽè¿ĺæĺ¯ èĩª +æĨ © +èģ¯ çµ¡ +åĶ ¾ +åħ·æľī æĪĺ士 +追 éĹ® +åłĨ æĶ¾ +åıį 驳 +å®ŀäºĭ æ±Ĥ +å®ŀäºĭæ±Ĥ æĺ¯ +åѸ éĻ¢ +åįģ åĩłä¸ª +æķij æĬ¤ +æķijæĬ¤ 车 +ç½ij绾 ä¼łæĴŃ +åįģåħ« å±Ĭ +éĥ¨ åī¯ +éĥ¨åī¯ éĥ¨éķ¿ +çĹ´ è¿· +管çIJĨ æĿ¡ä¾ĭ +èŀį 为ä¸Ģä½ĵ +æĢ» 产å̼ +è³ ĵ +ä¸ĥ æĺŁ +çıŃ ç»Ħ +绣 é¢Ĩ +请 大家 +éĩij éϵ +èĪħ èĪħ +æµ· æ¹¾ +æĸ½ çŃĸ +享 èªī +éº ¥ +端 åįĪ +绿 åŁİ +確 ä¿Ŀ +å·´ æĭī +åĨĴ çĿĢ +æħ· æħ¨ +个人 è§ĤçĤ¹ +ä¹Ļ çĥ¯ +ç¡ħ è°· +éĸĭ å±ķ +å°ļ 书 +åĿļ 飧 +åº µ +èĢģ é¾Ħ +èĢģé¾Ħ åĮĸ +羨 çľ¼ +绿 æ°´ +绿水 éĿĴå±± +书 é¦Ļ +主åĬĽ åĨĽ +æīįæĺ¯ 羣æŃ£ +æĬ¢ åħĪ +æĪIJå°± æĦŁ +éĩį æŀĦ +éĴ¢ åİĤ +æĪIJ 份 +èĬ± 纹 +ä¹ĭ äºī +å¹² ç»Ĩèĥŀ +æĹ¢ åı¯ä»¥ +ç¹ģ çIJIJ +æĦļ èł¢ +éĿŀ常 æĺİæĺ¾ +ä½ĵ 彩 +æĬĢ æ³ķ +æĿĨ èıĮ +å¹¿æ³Ľ åħ³æ³¨ +åĮĹ å®ĭ +å§Ĭ 妹 +åįı åĬŀ +æ·® åįĹ +çĥ ı +æ´Ĺ èĦ¸ +åıĹ è®¿ +åıĹ访 èĢħ +éĩįè¦ģ åĽłç´ł +å½±è§Ĩ åī§ +综èīº èĬĤ缮 +èľķ åıĺ +äºĮ 线 +äºĮ线 åŁİå¸Ĥ +ä¼Ĭ å§ĭ +çıĬ çijļ +èĩª æŁ¥ +åħ¥ åĽŃ +åĩ¶ æīĭ +åħ¬ è¯ī +éģĩ éļ¾ +éĩĩçŁ¿ çŃī +èĩª çIJĨ +åĸ· æ¶Ĥ +æī© åħħ +éĢı è§Ĩ +é«ĺéĢŁ å¢ŀéķ¿ +åĽ¾ çĶ» +ç¾ ¹ +èĤĩ åºĨ +è¾ľ è´Ł +èµĶ ä»ĺ +è· ¡ +åģ¥åº· æĪIJéķ¿ +以ä¸Ĭ åѦåİĨ +åıĸå¾Ĺ 以åıĬ +æ²ī 积 +åįģä¹Ŀ å±Ĭ +缸éĹľ æľįåĭĻ +æī§ åĭ¤ +åī¯ åİ¿éķ¿ +å¯ ° +åģľ æ»ŀ +æ·¹ 没 +çŁ³ çģ° +çį ¸ +åĢ ¦ +ç¾İ åªĴ +æķĻ æ¡Ī +åĬł çĽĸ +åħ¬å¼Ģ èµĽ +å¥ł åŁº +æĺĨ èĻ« +çŀ ħ +磷 éħ¸ +äºī åĪĽ +çİĭ æĻĵ +ç¼ĵ åĨ² +åİļ åİļ +åİļåİļ çļĦ +æŀ£ åºĦ +ç²¾ çĽĬ +ç²¾çĽĬ æ±Ĥ +ç²¾çĽĬæ±Ĥ ç²¾ +åĪĨæĶ¯ æľºæŀĦ +å®ŀæĸ½ ç»ĨåĪĻ +æĸ° èµĽåŃ£ +總 çµ± +éĢł è¡Ģ +é¢ĩ åħ· +é»Ħ åŁĶ +è¡Ģ èĦĤ +交éĢļ å·¥åħ· +å³ ¥ +æĹıèĩªæ²» å·ŀ +寺 éĻ¢ +確 å®ļ +æ¦Ĥ念 èĤ¡ +æĦŁ å®ĺ +æŁľ åı° +åĶ Ķ +çŀŃè§£ 並 +æĢ» ä»· +åIJ¸ åħ¥ +æĢ ¼ +æĻļ éĹ´ +å±Ĭ æ¯ķä¸ļçĶŁ +çĶŁ å§ľ +éĺħ读 åħ¨æĸĩ +å¾Ĺåΰ æľīæķĪ +æIJľ æķij +åİĨ æĿ¥ +èŃī æĺİ +åĥ » +èĨ³ é£Ł +åĦĦ åħĥ +æīĵ åİĭ +宾 客 +åķ ¼ +ä¸ĢçϾ å¤ļ +æ·±åħ¥ 人å¿ĥ +æ¢ħ å·ŀ +çłĶ åѦ +åħ³ ä¹İ +è¼ Ľ +亲 åıĭ +éħį æĸĻ +æĪij çĪ±ä½ł +è´¸æĺĵ æĪĺ +æľī èī² +æľīèī² éĩijå±ŀ +æįIJ åĬ© +为 é¦ĸ +为é¦ĸ çļĦ +å¯Į åĬĽ +çĶ· ç¥ŀ +é³ ³ +æµĩ æ°´ +åIJ ± +æĺİç¡® æıIJåĩº +åı¹ äºĨ +åı¹äºĨ åı£æ°Ķ +礼 æĭľ +è¿Ļ个 åIJįåŃĹ +ä¿¡ å¾Ĵ +å¿Ĺ 强 +éĻIJ æĹ¶ +æĶ¶ è²» +åĨľå®¶ ä¹IJ +å°ıé¾Ļ èϾ +èIJ½ å¹ķ +æ§ Ł +åѦ 龸 +æĪĸ å¤ļ +æĪĸå¤ļ æĪĸ +æĪĸå¤ļæĪĸ å°ij +座è°Ī ä¼ļä¸Ĭ +æ¶ ¼ +éŃĶ çİĭ +å² ± +é¡¶ å±Ĥ +é¡¶å±Ĥ 设计 +èĦij åŃIJéĩĮ +éĻ¢ åŃIJéĩĮ +轩 è¾ķ +身å¿ĥ åģ¥åº· +èħ ij +éĹľ 注 +åıĤåĬł ä¼ļè®® +ä¸Ńåįİ æĸĩåĮĸ +追 寻 +å®ī çĦ¶ +é£Ļ åįĩ +éŁŃ èıľ +é¸ ¦ +åĤ¨ éĩı +çĶ· æĸ¹ +å¤ĩ 份 +æijĶ åĢĴ +润æ»ij æ²¹ +é̼ è¿ij +çͳ è¯ī +鸣 ç±» +çŁ³æ²¹ åĮĸå·¥ +åĿļ æŀľ +è¿Ļå®¶ ä¼Ļ +æĭĴ ä¸į +羣 çļ® +è·Ŀ éĽ¢ +è¿ĺ æĮº +éĽķ åĥı +åĪĿ æģĭ +æıIJä¾Ľ æĽ´å¤ļ +æŁ¥çľĭ åħ¨æĸĩ +æķ°åŃĹ è´§å¸ģ +åĸī åĴĻ +åı¦ä¸Ģ ä½į +åĤ¬ åĮĸ +åĤ¬åĮĸ åīĤ +ä»İæĿ¥ 没 +å¯ĨåĪĩ 缸åħ³ +éĥ¨ 主任 +产åĵģ ç»ıçIJĨ +並 åIJĮæĦı +èIJ½ åħ¥ +å±ıå¹ķ ä¸Ĭ +åħ¬åı¸ 竳ç¨ĭ +æį¢ åı¥è¯Ŀ +æį¢åı¥è¯Ŀ 说 +ä½į æĸ¼ +ä½ Ķ +åĩ» æĿĢ +缸 è¾ĥ +缸è¾ĥ äºİ +ç²½ åŃIJ +åįĹ æŀģ +宫 é¢Ī +è£ģ åijĺ +æĺİ ç»Ĩ +ä»·å̼ éĵ¾ +åĽĽä¸ª æĸ¹éĿ¢ +æĥħåĨµ æĿ¥çľĭ +æĮij åīĶ +æ® ĺ +æŀģ åĬĽ +çĸij éļ¾ +æĬµæĬĹ åĬĽ +æĢ¥ éĢŁ +æĪ Į +ä½İ ä¼° +éĹª è¿ĩ +æģ ¬ +èµŀ æī¬ +ä»ĸ å¦Ī +æĪIJ为 ä¸ĢåIJį +æ´Ĺ 礼 +é¢Ħ计 å°Ĩ +åħĪè¿Ľ åįķä½į +è¼ Ķ +éĢĥ èĦ± +çݰ åŃĺ +èĢģèĻİ æľº +åįģä¸ĥ æĿ¡ +åı¦ä¸Ģ åįĬ +温 æĥħ +åī¥ ç¦» +ä¸ĸ è´¸ +å®ĺ åı¸ +å¾Ī å·® +éĹ´ è·Ŀ +请 注æĦı +åı² è¯Ĺ +åĪ© åύ +è¿IJ ç®Ĺ +沦 为 +該 使ç͍èĢħ +èĮ ¬ +éͦ 绣 +åı² æĸĻ +çģµ æ´»æĢ§ +èģĶ ç¤¾ +æĹł åĬ© +æĬĹ æ°§åĮĸ +èıľ èĤ´ +éĢł èι +æİī èIJ½ +å¤į æŁ¥ +åĭĥ åĭĥ +åij¼ 声 +給 äºĪ +åIJĮäºĭ 们 +ç½ ° +è¯ķ æİ¢ +åħ³éĶ® åŃĹ +æįIJ çĮ® +ç»Łè®¡ æķ°æį® +åĪĽ ä½ľèĢħ +ä¸ĭ åįĬ +ä¸ĭåįĬ åľº +æī¿æĭħ 责任 +端 æŃ£ +ç©¿ è¡£ +ä¼ł çIJĥ +åĬ© éķ¿ +åĩ ± +éķ¶ åµĮ +é£ŀ ç¿Ķ +è¾ĵ åįµ +è¾ĵåįµ ç®¡ +ä¸ĩ åħ¬éĩĮ +æİ¨å¹¿ åºĶç͍ +å¿« æ¨Ĥ +ç§ ½ +èī° å·¨ +åIJ¬ å®Į +åĿļ 硬 +奥 åľ° +å¥¥åľ° åĪ© +é¢ ĵ +èĻIJ å¾ħ +ä¾Ľ æ±Ĥ +éľī ç´ł +伪 è£ħ +乡 åľŁ +åĩ¡ æľ¬ç½ij +åĩ¡æľ¬ç½ij 注 +ä¼Ĭ åĪ© +è¡¡ æ°´ +æĽ´ åĥıæĺ¯ +åĪĨéĴŁ å·¦åı³ +è¦ı 模 +äºĶ åĪĨéĴŁ +åºĹ åĬłçĽŁ +åĽ° éĽ£ +åħ³ åģľ +æĢĿ 绪 +åĴ½ åĸī +缸 符 +çĥ¦ èºģ +æĻĤ æľŁ +åijĪ çı¾ +è§£ æķ£ +诱 导 +éļĶ çĥŃ +çĮ ¶ +åįĹ å®ĭ +æ·±åħ¥ äºĨè§£ +çŃĶ çĸij +æĺ¼ å¤ľ +åįĥ ä¼ı +åĬ³åĬ¡ æ´¾éģ£ +红 è±Ĩ +åĿı äºĭ +çĤ¹ æ»´ +å°±ä¸ļ å²Ĺä½į +约 åIJĪ +åħį éϤ +éĢĨ åĬ¿ +éĩį éĩijå±ŀ +å®ĺ 宣 +ä½İ å»ī +æģ¨ ä¸įå¾Ĺ +å¾Ĺ 天 +å¾Ĺ天 çĭ¬ +å¾Ĺ天çĭ¬ åİļ +ä¸Ģå°ģ ä¿¡ +æĬ½ å¥ĸ +è¾Ĺ 转 +çķĻ å®Ī +çķĻå®Ī åĦ¿ç«¥ +çŃĶ åį· +å·¨ åŀĭ +æľĢ好 ä¸įè¦ģ +æµĻæ±Ł 大åѦ +æĨ ¨ +æı¡ æīĭ +éĴĪ ç»ĩ +æİĴ 骨 +çĤ ½ +å°ģ è£ħ +åįĢ åŁŁ +空æ°Ķ åĩĢåĮĸ +åħī å½± +åĢĴ å¡Į +å§ļ æĺİ +æ¤į 被 +åѦ åīį +åѦåīį æķĻèĤ² +èĬĿ åĬł +èĬĿåĬł åĵ¥ +缩 æ°´ +ä½ Ł +åľ¨çº¿ åĴ¨è¯¢ +èµı æŀIJ +éĿĴ èĽĻ +æĬ± ä½ı +èĮĤ åIJį +åħ¨åĬĽ æīĵéĢł +åįļ士 åѦä½į +æ²§ å·ŀ +åĻ ¢ +æĿĤ çī© +åĪ» çĶ» +æį ħ +å¾® éĩı +å¾®éĩı åħĥç´ł +ä¸Ģ åĽŀäºĭ +鸡 èĤī +åĪ©æ¶¦ çİĩ +æīį ç®Ĺ +å¾® å¦Ļ +棵 æłij +è´ª 婪 +åĩı å̼ +梦 å¢ĥ +åı¯ è§Ĩ +åı¯è§Ĩ åĮĸ +广大 å¸Ĥæ°ij +ä¸ĵä¸ļ ä»İäºĭ +ç»ı 纬 +ç´§ çĽ¯ +çŁ¥ å·± +è¤ ļ +æĸĩåĮĸ åºķèķ´ +åݦéŨ å¸Ĥ +临 港 +对åħ¶ 羣å®ŀ +岸 è¾¹ +è¦ĸ çĤº +æĬĹ çĻĮ +åĶIJ å®ĩ +ä¸įå¾Ĺ è¶ħè¿ĩ +å¨ģ æħij +æ¡Ĩæŀ¶ åįıè®® +èµ° ç§ģ +åĽ¢ å§Ķ +夸 大 +æ¬ Ħ +ç¥ŀç»ı ç³»ç»Ł +æijĦå½± ä½ľåĵģ +èĬ ¥ +å®ī åºĨ +æµ· 滨 +æŀĦ æĢĿ +çīµ æĮĤ +åı © +éĺIJ æĺİ +éģ ģ +ç²¾ æ²¹ +ç©´ ä½į +æĬ¤ 身 +æĬ¤èº« 符 +æĮĩ å°İ +åŃĺåľ¨ ä¸Ģå®ļ +å¯Ĥ éĿĻ +æµ·å¤ĸ å¸Ĥåľº +éĿ ¡ +综åIJĪ å¾ģ +ä¿ IJ +è¨Ī ç®Ĺ +æĺİ æľĹ +äºļ è¿IJ +äºļè¿IJ ä¼ļ +åīįçŀ» æĢ§ +åĮ® ä¹ı +产ä¸ļ æī¶è´« +èĦij æµ· +èĦijæµ· ä¸Ń +åħļçļĦ é¢Ĩ导 +åĪĺ éĤ¦ +æµģ æĺŁ +æĵ Ĥ +æĶĢ çĻ» +åĴ Ķ +ä¸Ģä¸ĭåŃIJ å°± +è¯Ĭ æ²» +使 åĬ² +åīµ ä½ľ +éĵŃ è®° +éĴ± è´¢ +æĹ¥æĬ¥ è®°èĢħ +çĥŁ çģ« +èĥľ è´Ł +åįļ 主 +ä¸ŃåĽ½ èģĶéĢļ +ç½ijç«Ļ é¦ĸ页 +å°± å¤Ł +å°±å¤Ł äºĨ +æīij åħĭ +å±ħ å§Ķä¼ļ +è° ¬ +å®īåħ¨ äºĭæķħ +åķĨ çĶ¨è½¦ +循çݯ ç»ıæµİ +æ· ¤ +èĢĥ è¯ģ +å®Ŀ èĹı +å®Į ç»ĵ +çłĶåıij æĬķåħ¥ +å² ij +æģŃ æķ¬ +离 éĢĢä¼ij +æ°´ 墨 +å© ¶ +è¯Ĺ åı¥ +å®ģæ³¢ å¸Ĥ +å¼± çĤ¹ +åģľ çīĮ +奶 æ²¹ +å¥ĩ纳 æ²³ +æĨ Ĥ +社ä¼ļ å®ŀè·µ +è´Ŀ 壳 +çłĤ æµĨ +èι åıª +宣 æī¬ +综åIJĪ æķ´æ²» +åĤ ij +æ°ijæĹı æĸĩåĮĸ +éĩį çݰ +积 æ·Ģ +åħ¬ çĦ¶ +çħ ī +缸 èģļ +æ± ¾ +纹 çIJĨ +çĩĥ çħ¤ +æŃ¤ ç§į +ç¾İ å¦Ĩ +åįĥ çĵ¦ +çIJ Ľ +驾驶 è¯ģ +éĺ¶ æ¢¯ +ä¸Ŀ ä¸Ŀ +å¾Īå¤ļ äºĭæĥħ +åħī éĺ´ +èijĹä½ľ æ¬Ĭ +åħ§ éĥ¨ +çĽ¸å¯¹ æĿ¥è¯´ +éĸ Ĵ +éľĩ æħij +說 話 +æĨ ij +ç«¥ è£ħ +ä½ıæĪ¿ åĴĮ +ä½ıæĪ¿åĴĮ åŁİ +å·²ç»ı è¶ħè¿ĩ +侦 å¯Ł +çŁ¿ çī© +ä¾Ľ 大家 +çī¹ éĤĢ +ç¨ĭåºı åijĺ +çķľçī§ ä¸ļ +æ° ª +çij ª +åĢĴ åľ¨ +åĢĴåľ¨ åľ° +æ¯ Ģ +梯 éĺŁ +æİ¥ èijĹ +æĬĹ èıĮ +è¤ ĩ +ç¬ Ļ +æ¯Ķ ä¸Ĭå¹´ +鸡 汤 +åŃ¦ä¹ł æĪIJ绩 +æĸij æĸĵ +åħΠ坼 +åĪĹ ä¸¾ +è°ĥæŁ¥ æĺ¾ç¤º +æ© « +ä¹Ŀ åįģ +è°¢ 飵 +è·¨è¶Ĭ å¼ı +女æĢ§ æľĭåıĭ +èIJ¥åħ» ä»·å̼ +å®ŀè·µ ç»ıéªĮ +èĭı å·ŀå¸Ĥ +çĵ¶ åŃIJ +æĸ° çļĦä¸Ģ +æĸ°çļĦä¸Ģ å¹´ +æĺİ æĻ° +å®ł çα +åŃŠ第 +æľĹ 诵 +纳 æĸ¯ +éĢĨ è¡Į +è«ĭ æĤ¨ +è«ĭæĤ¨ æıIJä¾Ľ +èĥ¸ æĢĢ +第ä¸ĥ å±Ĭ +强 壮 +代 åŃķ +æ±¶ å·Ŀ +å®¶ åĸ» +å®¶åĸ» æĪ· +å®¶åĸ»æĪ· æĻĵ +èħ ® +åIJ¯ 迪 +æĹł éļľç¢į +èĻķçIJĨ åıĬ +æĿ¥ åİĨ +å®ŀ åĬ¡ +ä¹Ł éļıä¹ĭ +æĬĢèĥ½ åŁ¹è®Ń +åѤ ç«ĭ +åī ģ +éĥ´ å·ŀ +æĶ¶ æķĽ +éł» éģĵ +èᣠ幏 +èİ« è¿ĩäºİ +æŃ¤ æĻĤ +纪å§Ķ çĽij +纪å§ĶçĽij å§Ķ +缸 éĤ» +åı¦ä¸Ģ è¾¹ +çªĴ æģ¯ +æľīå¾Īå¤ļ ç§į +æ¯ı éĢ¢ +éĹ® ä¸ĸ +ç´¯ ç´¯ +éĿĴæĺ¥ æľŁ +è·¯ åĨµ +åħĭ èݱ +è¿Ħä»Ĭ 为æŃ¢ +æĥĬ å¥ĩ +è·¨ 度 +éħ¿ éĢł +åĩ ĭ +è¿ij ä¸īå¹´ +åĨħ 马 +åĨħ马 å°Ķ +æı į +è¿Ľå±ķ æĥħåĨµ +èĮ § +æľīåºı æİ¨è¿Ľ +æĢ» åĨłåĨĽ +æĪIJ绩 åįķ +éĽ»è©± åıĬ +ç´§å¯Ĩ ç»ĵåIJĪ +åºĬ ä½į +é¹ Ĭ +æķ£åıij çĿĢ +åĭŁ èµĦ +æ°¨ éħ¸ +彩 ç¥ŀ +è®Ģ åıĸ +éĩį æ¸© +ä¸Ń åŃĺåľ¨çļĦ +ç¾İ éºĹ +ä¸įæĸŃ å¢ŀåĬł +è½® æµģ +æİ¥ åIJ¬ +å¹´ 产å̼ +åįĥ åħĭ +æĪĺåľº ä¸Ĭ +çħ§ é¡§ +å¹²éĥ¨ éĺŁä¼į +åį° ç«ł +ä¸Ģèĩ´ æĢ§ +è¿ŀ å¤ľ +åħħ è£ķ +é»ij åIJįåįķ +åĩĢ æ°´ +ä¸Ģ大 æĹ© +åĮħ 袱 +çĬ¯ è§Ħ +çIJĨ è«ĸ +æŀģ æĺĵ +éª ¸ +å¨ĺ å¨ĺ +åĽ¢ åľĨ +亿åħĥ 以ä¸Ĭ +åĪ©ç͍ æĤ¨çļĦ +带æĿ¥ æĽ´å¤ļ +ä¸Ń央 空è°ĥ +æľĪ èĸª +çĮľ æĥ³ +åĪº 客 +ä½ľ æģ¯ +åįķ è°ĥ +äºĴ åĪ© +å¦Ĥæľī ä¾µæĿĥ +å°ı å·§ +åįģ åł° +åĵĪåĵĪ åĵĪåĵĪ +è¾¹ éĻħ +æłĩ è¯Ń +åĪĩåħ¥ çĤ¹ +éĢĨ è¢Ń +è¯ķ åīĤ +绿 è±Ĩ +è® ļ +åŁºçĿ£ å¾Ĵ +å£ ¬ +åħ¨ æĺİæĺŁ +éĢī ç§Ģ +èĪĮ å°ĸ +ä¸įåIJĮ ç±»åŀĭ +çĥŁ åĽ± +çģµ æ°Ķ +åĮº 管å§Ķä¼ļ +åĨľ åī¯ +åĨľåī¯ äº§åĵģ +èĶļ æĿ¥ +沪 æĮĩ +åħ»æ®ĸ æĪ· +æĸĹ å¿Ĺ +é¦ĸ é¢Ĩ +è¡Ģ èħ¥ +åĬł ç´§ +ä¸Ģèĩ´ 好è¯Ħ +第ä¸ī èĬĤ +æī¬ å°ĺ +交éĢļ æŀ¢çº½ +鼶 ç¢İ +é»ij æ´ŀ +çľĭ ä¸įæĩĤ +å±ŀ å®ŀ +主 åŁİåĮº +å¨ Ľ +å¨Ľ æ¨Ĥ +ç¬ij æĦı +èϹ æ¡¥ +åIJĦ个 çݯèĬĤ +çķ¥ å¾® +èĢķ èĢĺ +æľ¬ åľºæ¯ĶèµĽ +æĪIJ è´¥ +éĢī èĤ¡ +èªŀ è¨Ģ +çŃĶ è¾© +èĩª ä¹ł +æ£ º +ä¸ĩ 欧åħĥ +åģľ å·¥ +对åħ¶ è¿Ľè¡Į +积æŀģ éħįåIJĪ +ä¹¾ åĿ¤ +å¦ĸ æĢª +èļĮ åŁł +èµĦ产 è¯Ħä¼° +è°ĥ çļ® +éϤ å¤ķ +åĽ´ å¢Ļ +æľį å½¹ +æ·± æ¸Ĭ +é¢Ħ åζ +ç ĥ½ +å®ī 稳 +建 æŀĦ +çĭĻ åĩ» +主åĭķ 註åĨĬ +éĥ½æľī èĩªå·± +æİĴåIJį 第ä¸Ģ +麻 è¾£ +çĢ ļ +çĥŁèĬ± çĪĨ +çĥŁèĬ±çĪĨ 竹 +èĩªçĦ¶ ä¿ĿæĬ¤ +ä»Ļ å¢ĥ +为äºĨ éģ¿åħį +åĨ· åºĵ +è§£æĶ¾ æĢĿæĥ³ +åĪĿ äºĮ +ä½ĵ è´´ +é¦ĸ å¯Į +迪 æĭľ +æļĤ ç¼ĵ +æĶ¯æĮģ åĬĽåº¦ +侦 æİ¢ +马 åĪº +åĮĹ æ±½ +ç¹ ŀ +è°İ è¨Ģ +éĢ£ çºĮ +å· ³ +ä»»ä½ķ æĹ¶åĢĻ +车 èģĶç½ij +åįķ 项 +å¸Ń åį· +建çŃij æĿIJæĸĻ +ä¸Ńç§ĭ èĬĤ +ç¡ķ士 çłĶç©¶ +ç§ģ ç«ĭ +åħļåĴĮ æĶ¿åºľ +æľ¬æ¬¡ 交æĺĵ +èººåľ¨ åºĬä¸Ĭ +ç½ijåıĭ è¯Ħ论 +å¦ Ŀ +害 ç¾ŀ +åħ¬ç«ĭ åĮ»éĻ¢ +ä¸ ŀ +çĶŁçī© è´¨ +åºĶ éĤĢ +æĬ½ åıĸ +åĩł å¼ł +æijĺ ç¼ĸ +ç»ĺ æľ¬ +详 è§£ +强 硬 +æľĢ åħĪè¿ĽçļĦ +æĭĽ èĤ¡ +æĭĽèĤ¡ 书 +åįĥ æĸ¹ +åįĥæĸ¹ çϾ +åįĥæĸ¹çϾ 计 +éħį éŁ³ +驾 çħ§ +å¾ģ æĪĺ +èªĵ è¨Ģ +æĭľ å¸Ī +æĭľå¸Ī åѦ +æĭľå¸ĪåѦ èīº +æĬ± åĽ¢ +ç±³ ç²ī +éĿŀ常 éĢĤåIJĪ +èĪª æµ· +å±¥ 约 +åįģåħ« æĿ¡ +éĶ» éĢł +éĩįè¦ģ 举æİª +åıijæĮ¥ ä½ľç͍ +æ· ļ +人 社 +人社 å±Ģ +è¯ķçĤ¹ å·¥ä½ľ +éĺľ éĺ³ +æ¡ĥ åľĴ +æ°ij ä¼ģ +æ´ģ çϽ +è´µ 宾 +åħ¬ 社 +è§ī æĤŁ +è®°å¿Ĩ åĬĽ +æľĥåĵ¡ 註åĨĬ +æŃ¤ æ¡Ī +麻 çĹ¹ +çı Ģ +æĸ© èİ· +çĶ· åŃ©åŃIJ +å±ĢéĻIJ äºİ +åĭĺ æŁ¥ +åIJĥ 饱 +èĬ¬ åħ° +æ£ķ èī² +ç¦ı ç¥ī +çͳ èĬ± +æµ· çĽĹ +èĶ ij +æĸĩ åѸ +æ´»æĢ§ çĤŃ +缴 éĢļ车 +è°¢ éĤĢ +躺 çĿĢ +åľ ĥ +æ¯ıæĹ¥ ç»ıæµİ +åħ¬åħ± æĸĩåĮĸ +讲 æķħäºĭ +å¯Ł çľĭ +æĤł éĹ² +åľ° åĿª +æ¶Į çݰåĩº +é«ĺçŃī éĻ¢æł¡ +èĮĦ åŃIJ +éĺ² åį« +ä¾ĭ è¡Į +æĺ¾ éľ² +æĸ° 常æĢģ +ç»Ŀ ä½³ +å¯Į æ°ij +以 人æ°ij +以人æ°ij 为 +éĤ¢ åı° +å±ķ æ¼Ķ +çϼ å¸ĥ +è´Ł è½½ +åģı 离 +æ°¸ éģł +éĩįè¦ģ åİŁåĽł +åįıä¼ļ ä¼ļåijĺ +éļ¾ æ°ij +çĶŁäº§ 车éĹ´ +çģµ åĬ¨ +两年 åīį +æĸ¹ åľĨ +æ´» ä¸ĭåİ» +ä¸ĸçķĮ è§Ĥ +éªĹ åıĸ +ç¾İ è²Į +èĥ½ çľĭåĩº +çϼ æı® +è§Ĥ å½± +åī ĥ +åIJĪèµĦ åħ¬åı¸ +å© § +å¹² æĹ± +åħŃ ä¸ªæľĪ +尤为 éĩįè¦ģ +èĤ ½ +秦 åĽ½ +æīĺ ç¦ı +建çŃij å¸Ī +åįĩ级 æĶ¹éĢł +å°ı é¢Ŀ +å°ıé¢Ŀ 贷款 +两个 ç»´æĬ¤ +æĭį æĭį +åı¯ çĸij +æį¢ åıĸ +æŃ¦ 士 +èµĸ 以 +èµĸ以 çĶŁåŃĺ +æĮ ļ +殿 åłĤ +èĩªçĦ¶ çķĮ +ç£ģ åľº +å¦Ĥä½ķ çľĭå¾ħ +ä»ĬæĹ¥ 头æĿ¡ +西 åŁŁ +èİ· è¯Ħ +風 æł¼ +ä¿Ħ åĽ½ +æīĵ æĭ¼ +å®£ä¼ł çīĩ +å¾Ī æĸ¹ä¾¿ +ä¾Ľç»Ļ ä¾§ +纪念 ç¢ij +毫 åħĭ +èĬ³ é¦Ļ +å·¥åķĨ éĵ¶è¡Į +请 çĤ¹åĩ» +ç¼ ª +æĹłæķ° 次 +èᝠå¸Ī +èħ ¸ +游 èīĩ +åĮ ¾ +å·¡ èĪª +æ²»çIJĨ ä½ĵç³» +èIJ¥éĢł èī¯å¥½ +æ·· æ·Ĩ +éĢļ çķħ +åĬ³ ç´¯ +ä»ĵ ä½į +å¢ŀ éķ· +éļIJ 约 +æĿĤå¿Ĺ 社 +åħ» èĤ² +åı¯èĥ½ åıijçĶŁ +èĢĥ 試 +西 ä¾§ +åĬł åĢį +主æĮģ åı¬å¼Ģ +çķ¢ ç«Ł +éĹ® 询 +æµ· æ£ł +èĹ © +注æĺİ æĿ¥æºIJ +æ£Ģ çĸ« +请 åģĩ +æĬļ æij¸ +èĵĦ çĶµæ±ł +è·Ł ä¸įä¸Ĭ +çݰ代 社ä¼ļ +çѹ èµĦ +ä½ĵèĤ² 彩票 +å»¶ 误 +è¾Ľ è¾£ +éĿ¢ 容 +åį° è®° +çģŃ äº¡ +ç´ł é£Ł +åħ´ èĩ´ +éľĢè¦ģ ç͍ +éľĢè¦ģç͍ åΰ +å®Ŀ å¦Ī +ç£ĭ åķĨ +éļ¶ å±ŀ +è´¡çĮ® åĬĽéĩı +åħ¬åħ± èµĦæºIJ +大 éĺª +åĨĽ è®Ń +æĤ¬ 念 +社ä¼ļ 稳å®ļ +å¹²äºĭ åĪĽä¸ļ +æľī æĿ¡ä»¶ +æľīæĿ¡ä»¶ çļĦ +ä¸Ģå¹´ ä¸Ģ度 +åİ ¥ +强 奸 +豪 车 +æİĮ æŁľ +æ°´åĪ© å·¥ç¨ĭ +å³ ª +积æŀģ ä½ľç͍ +æµ· æ·Ģ +æµ·æ·Ģ åĮº +çĥŃ æĴŃ +åĿļæĮģ ä¸įæĩĪ +åıĮ èĦļ +绣 æĪĺ +ä»»ä½ķ 人éĥ½ +åľ°ä¸ĭ 室 +åĨ¶ çĤ¼ +è°ħ è§£ +æ¸Ķ èι +太éĺ³ åŁİ +被 æįķ +计ç®Ĺ åύ +西 åĮ» +èĪĴ å¿ĥ +æ¡ ¦ +éģ ² +åĬ ij +è¨ Ĺ +èİ º +åĸ ¬ +çĵ ¯ +åĺ ĺ +åł ķ +æķ Ŀ +åij ¦ +èĭ ŀ +æŃ ¹ +æĵ ¬ +æ£ Ħ +èĪ µ +å¥ ª +çļ ĭ +æĶ ¸ +åľ © +ç¤ Ļ +ç¢ ĺ +éı Ī +æĦ ķ +ç¹ ³ +èĺ ¸ +è² Ĥ +æ¼ ² +æij ¹ +æĶ Ŀ +åŃ ¢ +èķ Ń +é¨ ° +æ½ ¼ +éħ ° +æĴ ¥ +è¹ ¬ +é¨ Ļ +è¸ ¹ +éģ IJ +çĺ Ģ +èĽ ¤ +æĤ ĸ +çĴ ŀ +ç£ IJ +æİ ° +è¾ Ĭ +å¾ ij +æİ ĸ +éģ ŀ +éĤ ¸ +éĽ ı +æĨ İ +æľ ½ +çį » +ç® Ķ +è¤ ¶ +æļ ¢ +æĺ µ +çı Ĥ +æĤ ¸ +åģ µ +åĻ ľ +å£ ¯ +æĴ ® +æģ į +å© ķ +ç¯ ± +éĺ Ļ +çī ł +è£ ĺ +è³ ¢ +éĩ ľ +éĵ ł +èİ ĺ +æ® Ĩ +çĻ ¸ +è´ ı +ç² ± +å« ¡ +åĨ ¢ +è¤ Ĵ +æĩ Ĭ +éľ ĵ +å¡ µ +æĭ £ +å» Ł +é£ ½ +é¢ Į +åļ İ +æ· º +èĨ ł +åİ Ń +åļ ĩ +åij ĥ +çĴ ĭ +çŃ ± +æĭ · +èį § +éĶ ° +åŃ ° +èĵ ĵ +èĨ ½ +æŀ ī +åĸ ½ +çĽ Ķ +çŃ IJ +ç¾ ļ +è ħĮ +è¾ « +æ³ ĵ +çĶ ¬ +èŁ ² +åĸ ª +å¦ ĵ +è¬ Ģ +çĤ Ĭ +æĽ ľ +æ± IJ +è´ Ī +èį Ģ +æĬ ł +ç¢ ¾ +æ« ĥ +éŀ ł +èij Ĩ +ç¥ ¯ +å½ Ŀ +é¦ į +åĮ £ +æľ Ń +åĿ Ĥ +ä¿ ij +èĵ ® +çij Ľ +æī ī +èĩ Ł +è² « +çİ ¥ +æ· ¼ +åİ ² +é³ Į +å³ Ń +åij Ľ +é § +é§ IJ +éģ · +ä¿ ª +æĢ Ĥ +è¾ į +å± į +åĭ ģ +å¥ ļ +éļ ħ +éĴ ´ +è¼ Ŀ +å® ¦ +èIJ ĥ +çĺ ĭ +æĨ ¶ +æĤ ħ +è¾ Ļ +åij ľ +çł º +éĢ ŀ +æµ ļ +éĸ £ +èĸ © +éĻ ĭ +çĤ Ļ +èª ķ +ä¸ Ł +é¹ ½ +ç± Į +è´ ° +éĭ ª +çľ © +æĴ IJ +èĨ º +éŀ ĺ +ç¾ ² +çª ® +ç´ IJ +æ® ´ +çº ¾ +èº į +ç´ ĭ +çĦ ĸ +çĶ º +çī ½ +çĤ ¯ +ç¼ Ķ +æ¯ ĵ +å¬ ° +æ¢ § +äº Ł +è¢ ħ +çį Ħ +è¿ ¥ +æ¼ ¾ +çĿ ij +ç¸ ¾ +é¦ ĭ +é¤ ħ +æ ¹Ħ +æĺ ĩ +æŀ Ń +èĸ ° +æŁ ij +æ¦ » +åĻ Ĺ +åĻ ´ +æ£ £ +åĶ § +çĨ ¹ +è¼ ¯ +å¢ Ł +é² ² +æĪ Ľ +èī ¦ +èĬ ® +åĺ Ł +å¸ ¥ +å¿ » +çĮ Ŀ +å¯ µ +è³ ¦ +èĽ ¾ +æ» ¾ +çĤ ķ +éĵ ¬ +èĴ ¿ +éĴ ¨ +çĥ Ļ +ç² ķ +æĥ ¦ +æº § +é¢ į +éħ £ +å³ ¦ +ç± ģ +çĥ ĥ +åĨ Ĺ +åı ģ +çĽ § +ç½ µ +éĴ Ĺ +å¬ ī +è° ı +ç³ § +è¾ Ń +æ· ¬ +èŁ Ĵ +è¯ © +è¦ ĥ +çĻ ĸ +é½ Ĵ +çĪ IJ +ç® į +ç¼ İ +ç£ º +è¯ « +è¤ ² +æĵ ł +èIJ ¦ +çĿ ¬ +è° į +éĦ ° +æł ¾ +é¡ ı +ç¸ ± +æ¡ ¨ +éĨ ¬ +è¥ ² +è® ª +å© º +èį Ł +åĮ Ŀ +çĨ ł +èĽ Ĭ +æ¸ ļ +å´ ½ +é² ¤ +åķ ° +åĮ ķ +ä¸ IJ +è® ¥ +åı ½ +åı ¼ +çļ ¿ +è¿ Ĥ +åIJ Ĩ +å± ¹ +èĩ ¼ +è® ¹ +é© ® +çº « +æ± ŀ +æĬ ¡ +èĭ ĩ +åIJ ł +åIJ Ń +åIJ ® +å² ĸ +ä½ ĥ +çĭ Ī +åº ĩ +åIJ Ŀ +éĹ ° +æ± ¹ +å¿ ± +æĭ Ħ +æĭ Ĺ +èĮ ī +èĭ Ľ +èĮ ģ +çŁ ¾ +èĻ ı +åij » +åĴ Ħ +å¿ ¿ +èĤ ® +çĭ ŀ +çĸ Ł +çĸ Ļ +çĸ ļ +æ³ ŀ +å¸ ļ +å± ī +è¿ ¢ +é© ¹ +ç İ· +çıĬ ó +çıĬó ł +çıĬół Ħ +çıĬółĦ ģ +æĮ İ +æĭ ´ +åŀ Ľ +èį ¤ +æ® ĥ +çĽ ¹ +åĵ Ĩ +è´ » +æ¯ ¡ +çĭ ° +çĭ ¡ +æŁ Ĵ +æģ ĥ +è¯ ¬ +è¢ Ħ +è¯ ² +èļ ¤ +èĢ Ļ +åŁ Ĥ +æį İ +æį Į +æ¢ Ĩ +é ħĮ +çł ¾ +æ® ī +åĶ ł +æĻ Į +èļ £ +èļ ª +èļ ĵ +é¸ ¯ +åĶ ģ +åĶ Ĩ +åĢ Ķ +èĪ Ģ +è± º +èĥ ° +é¸ µ +é¸ ³ +é¦ ģ +ç¾ Ķ +æ¶ £ +æ¶ ķ +æĤ ¯ +è¯ ½ +è° Ĩ +ç¥ Ł +ç» ¢ +æį º +æį ¶ +æį » +æİ Ĥ +èı ł +èIJ ¤ +éħ Ĺ +çľ ¶ +åķ Ħ +èļ ¯ +èĽ Ģ +åĶ ¬ +å¸ · +éĵ IJ +éĵ Ľ +åģ İ +å¾ Ļ +èĦ ¯ +è± ļ +çĮ ĸ +çĹ Ĭ +æ¶ ® +æĥ Ń +æĤ ´ +æĥ ĭ +è° ļ +æı © +æIJ Ģ +æIJ Ķ +æ¦ Ķ +æ¤ Ń +éĽ ³ +åĸ ³ +è· Ľ +èľ ĵ +èľ Ĵ +é¹ ĥ +éĶ Ħ +çĶ ¥ +çŃ ı +çĮ © +çĮ ¬ +çĮ ¾ +çĹ ¢ +çĹ ª +æĥ ° +çª ĺ +è° ¤ +éļ ĺ +å© ¿ +é¹ ī +çij Ļ +æĸ Ł +æ¤ ¿ +éħ ª +éĽ ¹ +åĹ ¦ +è· · +è· º +è· ¤ +èľ Ī +èľ Ĺ +å¹ Į +é¦ ı +èª Ĭ +æ¼ ĵ +è¤ Ĥ +èĶ Ĺ +èĶ ¼ +åħ ¢ +è£ ³ +èľ » +èĿ ĩ +åĺ Ģ +éĶ ¹ +ç® ķ +ç® © +çĺ © +çĺ Ł +æ¼ ± +å¯ ¥ +éª ¡ +æĴ µ +æĴ ¬ +è± Į +åĺ ¹ +èĿ ł +èĿ Į +èĿ Ĺ +èĿ Ļ +éķ IJ +ç¨ ¼ +ç¯ ĵ +èĨ Ľ +é² « +çĺ ª +é² ¨ +æĨ Ķ +ç¿ © +è¤ ¥ +ç¼ Ń +åĻ © +çĵ ¢ +éľ İ +è¸ ± +è¹ Ĥ +èŁ Ĩ +é¹ ¦ +ç¯ ¡ +çĺ ¸ +çª ¿ +ç¼ ° +èĹ IJ +è¹ ĭ +èŁ ĭ +èŁ Ģ +èµ ¡ +èĩ Ĭ +é³ Ħ +ç³ ł +æĩ ¦ +åļ £ +éķ ° +é³ į +ç° ¸ +çĻ £ +é³ ĸ +é¬ ĵ +èł ķ +éľ ¹ +èº ı +é» ¯ +çĵ ¤ +çŁ Ĺ +ä¹ Ĥ +ä¹ ľ +åħ Ģ +å¼ ĭ +åŃ ij +åŃ ĵ +å¹ º +äº ĵ +å »¿ +ä¸ ı +åį ħ +ä» ĥ +ä» ī +ä» Ĥ +åĪ Ī +çĪ » +åį ŀ +éĹ © +è® £ +å¤ ¬ +çĪ ¿ +æ¯ ĭ +éĤ Ĺ +éĤ Ľ +èī ½ +èī ¿ +åı µ +ä¸ ķ +åĮ ľ +åĬ ¢ +åį Ł +åı ± +åı » +ä» ¨ +ä» Ł +ä» ¡ +ä» « +ä» ŀ +åį ® +æ° IJ +çĬ ° +åĪ į +éĤ Ŀ +éĤ Ļ +è® ¦ +è® § +è® « +å° » +éĺ ¡ +å° ķ +å¼ ģ +èĢ Ĵ +çİ İ +çİ ij +åľ ¬ +æī ¦ +åľ ª +åľ ¹ +æī ª +åľ ® +åľ ¯ +èĬ Ĭ +èĬ į +èĬ Ħ +èĬ ¨ +èĬ ij +èĬ İ +èĬ Ĺ +äº ĺ +åİ į +å¤ ¼ +æĪ į +å° ¥ +ä¹ © +æĹ ¯ +æĽ ³ +å² Į +å± º +åĩ ¼ +åĽ ¡ +éĴ ĩ +ç¼ ¶ +æ° ĺ +æ° ĸ +çī Ŀ +ä¼ İ +ä¼ Ľ +ä¼ ¢ +ä½ ¤ +ä» µ +ä¼ ¥ +ä¼ § +ä¼ ī +ä¼ « +åĽ Ł +æ± Ĩ +åĪ ĸ +å¤ Ļ +æĹ ® +åĪ İ +çĬ · +çĬ ¸ +èĪ Ľ +åĩ « +é Ĥ¬ +é¥ § +æ± Ķ +æ± ľ +æ± Ĭ +å¿ ĸ +å¿ ı +è® ´ +è® µ +è® · +èģ ¿ +èī ® +åİ ¾ +å¦ ģ +çº ¡ +çº £ +çº ¥ +çº ¨ +çİ ķ +çİ Ļ +æĬ Ł +æĬ Ķ +åľ » +åĿ į +æĬ ĥ +ã§ IJ +èĬ « +èĬ ¾ +èĭ Ī +èĭ £ +èĭ ĭ +èĬ ¼ +èĭ Į +èĭ ģ +èĬ © +èĬ ª +èĬ ¡ +èĬ Ł +èĭ Ħ +èĭ İ +èĭ ¡ +æĿ Į +æĿ ĵ +æĿ Ī +å¿ ij +åŃ Ľ +éĤ ´ +éĤ ³ +å¥ ģ +è± ķ +å¿ Ĵ +æ¬ ¤ +è½ « +è¿ ĵ +éĤ ¶ +å¿ IJ +åį £ +éĤ º +æĹ ° +åij ĭ +åij Ĵ +åij ĵ +åij Ķ +åij ĸ +æĹ ¸ +åIJ ¡ +èĻ ¬ +åIJ ½ +åIJ £ +åIJ ² +å¸ ı +å² Ī +å² ĺ +åħ ķ +åĽ µ +åĽ « +éĴ Ĭ +éĴ ĭ +é ĴĮ +è¿ ķ +æ° Ļ +æ° ļ +çī ¤ +ä½ ŀ +ä½ ļ +ä½ Ŀ +ä½ Ĺ +å½ · +ä½ ĺ +ä½ ¥ +è± ¸ +åĿ Į +èĤ Ł +å¥ Ĥ +åĬ ¬ +çĭ ģ +é¸ ł +é¥ ¨ +é¥ © +é¥ « +é¥ ¬ +åº ij +åº ĭ +çĸ Ķ +çĸ ĸ +èĤ ĵ +éĹ ± +éĹ ³ +çĤ Ģ +æ² £ +æ² ħ +æ² Ķ +æ² ¤ +æ² ı +æ² ļ +æ± © +æ± ¨ +æ² ¨ +æ± ´ +æ² Ĩ +æ² © +æ³ IJ +æĢ ĥ +æĢ Ħ +å¿ ¡ +å¿ ¤ +å¿ ¾ +æĢ ħ +å¿ ª +æĢ Ĩ +å¿ Ń +å¿ ¸ +è¯ Ĥ +è¯ ĥ +è¯ ħ +è¯ ĭ +è¯ Į +è¯ Ĵ +éĻ Ĥ +éĻ ī +å¦ © +å¦ ª +å¦ £ +å¦ Ĺ +å¦ « +å§ Ĵ +å¦ ¤ +åĬ Ń +åĪ Ń +éĤ ° +çº Ń +çº ° +çº ´ +çİ ¡ +çİ Ń +çİ ł +çİ ¢ +çİ ¦ +çĽ Ĥ +å¿ Ŀ +åĮ ¦ +åĿ © +æĬ ¨ +æĭ ¤ +åĿ « +æĭ Ī +åŀ Ĩ +æĬ » +åĬ ¼ +æĭ ĥ +æĭ Ĭ +åĿ ¼ +åĿ » +ã§ Ł +åĿ ¨ +åĿ Ń +æĬ ¿ +åĿ ³ +èĭ · +èĭ ¤ +èĮ ı +èĭ « +èĭ ľ +èĭ ´ +èĭ Ĵ +èĭ ĺ +èĮ Į +èĭ » +èĭ ĵ +èĮ ļ +èĮ Ĩ +èĮ ij +èĮ ĵ +èĮ Ķ +èĮ ķ +è ĮĢ +èĭ ķ +æŀ ¥ +æŀ ĩ +æĿ ª +æĿ ³ +æŀ § +æĿ µ +æŀ ¨ +æŀ ŀ +æŀ ĭ +æĿ » +æĿ · +æĿ ¼ +çŁ ¸ +ç łĢ +åĪ ³ +å¥ Ħ +æ® ģ +éĥ ı +è½ Ń +éĥ ħ +é¸ ¢ +çĽ ± +æĺ Ļ +æĿ ² +æĺ ĥ +åĴ Ĥ +åij ¸ +æĺ Ģ +æĹ » +æĺ ī +çĤ ħ +çķ Ģ +èĻ ® +åĴ Ģ +åij · +é» ¾ +åij ± +åij ¤ +åĴ Ĩ +åĴ Ľ +åij ¶ +åij £ +åĴ Ŀ +å² ¢ +å² ¿ +å² ¬ +å² « +å¸ Ļ +å² £ +å³ ģ +åĪ ¿ +å² · +åī Ģ +å¸ Ķ +å³ Ħ +æ² ĵ +åĽ ¹ +ç½ Ķ +éĴ į +éĴ İ +éĴ ı +éĴ Ĵ +éĴ ķ +éĤ ¾ +è¿ ® +çī ¦ +ç« º +è¿ ¤ +ä½ ¶ +ä¾ ij +ä¾ ī +èĩ ¾ +ä¾ Ĺ +ä¾ ı +ä¾ © +ä½ » +ä½ ¾ +ä¾ ª +ä½ ¼ +ä½ ¯ +ä¾ ¬ +å¸ Ľ +ä¾ Ķ +å¾ Ĥ +åĪ ½ +éĥ Ħ +ç± ´ +çĵ ® +æĪ Ĺ +èĤ ¼ +äı Ŀ +èĤ ± +èĤ « +è¿ © +éĥ ĩ +çĭ İ +çĭ į +çĭ Ĵ +åĴ İ +é¥ ¯ +é¥ ´ +åĨ ½ +åĨ ¼ +åº ĸ +çĸ ł +çĸ Ŀ +åħ ĸ +åĬ ¾ +ð¬ ī +ð¬ī ¼ +çĤ ĺ +çĤ Ŀ +çĤ Ķ +æ³ Ķ +æ² Ń +æ³ · +æ³ ± +æ³ ħ +æ³ ł +æ³ º +æ³ ĸ +æ³ « +æ³ ® +æ² ± +æ³ ¯ +æĢ Ļ +æĢ µ +æĢ ¦ +æĢ Ľ +æĢ ı +æĢ į +ã ¤ +㤠ĺ +æĢ © +æĢ « +æĢ ¿ +å® ķ +ç© ¹ +å® ĵ +è¯ ĵ +è¯ Ķ +è¯ ĸ +è¯ ĺ +æĪ ¾ +è¯ Ļ +æĪ ½ +éĥ ĵ +è¡ © +ç¥ Ĩ +ç¥ İ +ç¥ ĩ +è¯ ľ +è¯ Ł +è¯ £ +è¯ ¤ +è¯ § +è¯ ¨ +æĪ ķ +éĻ Ķ +å¦ ² +å¦ ¯ +å§ Ĺ +å¸ ij +åŃ ¥ +é© ½ +èĻ ± +è¿ ¨ +ç» Ģ +ç» ģ +ç» Ĥ +é© · +é© ¸ +ç» ī +ç» Į +éª Ģ +çĶ ¾ +çı ı +çı IJ +çı ij +çİ ³ +é¡ ¸ +çı ī +çı Ī +æĭ ® +åŀ Ń +æĮ Ŀ +æĮ ŀ +åŀ ¤ +èµ ³ +è´ ² +åŀ ± +åŀ Į +åŀ § +åŀ ĵ +æĮ ¦ +åŀ ł +èį ļ +èį ij +è´ ³ +èį ľ +èİ Ĵ +èĮ ¼ +èĮ ´ +èĮ ± +èİ Ľ +èį ŀ +èĮ ¯ +èį ı +èį ĩ +èį ĥ +èį ł +èĮ Ń +åŀ © +èį ¥ +èį ¦ +èį ¨ +èį © +åī ĭ +èį ª +èį ¬ +èį ® +æŁ ° +æł ī +æŁ ĺ +æł Ĭ +æŁ © +æŀ ° +æł Į +æŁ Ļ +æŀ µ +æŀ ³ +æŁ ŀ +æŁ Ŀ +æł Ģ +æŁ ¢ +æł İ +æŁ Ī +æŁ ģ +æŀ · +æŁ ½ +åī Į +éħ Ĭ +éĥ ¦ +çĶ Ń +çł Ĺ +çł ĺ +çł Ĵ +æĸ « +çł Ń +çł ľ +èĢ · +èĻ º +æ® Ĥ +æ® ĩ +æ® Ħ +è½ ± +è½ ² +è½ ³ +è½ ¶ +è½ ¸ +èĻ ¿ +æ¯ ĸ +è§ ĩ +å° ľ +åĵ IJ +çľ Ħ +çľ į +ðł ³ +ðł³ IJ +éĥ ¢ +çľ ĩ +çľ Ĭ +çľ Ī +ç¦ º +åĵ Ĥ +åĴ ´ +æĽ · +æĺ ´ +åĴ ¦ +åĵ ĵ +åĵ Ķ +çķ İ +åij ² +èĥ Ħ +çķ ĭ +çķ Ī +èĻ ¼ +èĻ » +çĽ ħ +åĴ £ +åĵ ķ +åī IJ +éĥ § +åĴ » +åĽ ¿ +åĴ ¿ +åĵ Į +åĵ Ļ +åĵ ļ +åĴ © +åĴ ¤ +åĵ Ŀ +åĵ ı +åĵ ŀ +å³ £ +ç½ ĺ +å³ Ĵ +å³ ¤ +å³ ĭ +è´ ¶ +éĴ ļ +éĴ ¡ +éĴ £ +éĴ ¤ +éĴ « +æ° ¡ +çī ¯ +éĥ ľ +ç§ ķ +ç§ Ń +ç« ½ +ç¬ Ī +ä¿ ¦ +ä¿ ¨ +ä¿ ħ +åı Ł +åŀ ¡ +çī ® +ä¿ £ +ä¿ ļ +çļ Ī +ä¿ Ł +éĢ ħ +å¾ ĩ +å¾ ī +èĪ ¢ +éĥ Ĺ +ä¿ İ +éĥ ¤ +çĪ ° +éĥ Ľ +çĵ ´ +èĥ ¨ +èĥ ª +èĥ Ľ +èĥ Ĥ +èĥ Ļ +èĥ į +èĥ Ĺ +è ĥĿ +æľ IJ +èĥ « +é¸ ¨ +åĮ į +çĭ ¨ +çĭ ¯ +é£ ij +çĭ © +çĭ ² +è¨ ĩ +éĢ Ħ +æĺ Ŀ +é¥ · +é¥ ¸ +é¥ ¹ +åŃ ª +å¨ Ī +åº ¥ +çĸ ¬ +çĸ £ +çĸ ¥ +çĸ Ń +åº ł +ç« ij +é£ Ĵ +éĹ ¼ +éĹ ¾ +éĹ ¿ +éĺ Ĥ +ç¾ ij +è¿ ¸ +ç± ¼ +éħ ĭ +çĤ » +çĥ Ģ +çĤ · +æ´ ± +æ´ ¹ +æ´ § +æ´ Į +æµ ĥ +æ´ ĩ +æ´ Ħ +æ´ Ļ +æ¶ İ +æ´ İ +æ´ « +æµ į +æ´ ® +æ´ µ +æµ Ĵ +æµ Ķ +æµ ķ +æ´ ³ +æģ ¸ +æģ ĵ +æģ ¹ +æģ « +æģ » +æģ Ĥ +æģ ª +æģ ½ +å® ¥ +æī ĥ +è¡ ² +è¡ ½ +è¡ ¿ +è¢ Ĥ +ç¥ ľ +ç¥ ĵ +ç¥ ļ +è¯ ® +ç¥ Ĺ +ç¥ ¢ +è¯ ° +è¯ ³ +é¸ © +æĺ ¶ +åĴ « +å¼ Ń +çī ģ +èĥ ¥ +éĻ Ł +å§ ® +å¨ Ĩ +å§ Ŀ +å§ £ +å§ ĺ +å§ ¹ +ç¾ ¿ +çĤ ± +çŁ ľ +ç» Ķ +éª ģ +éª ħ +ç» Ĺ +ç» Ľ +éª Ī +èĢ ĸ +æĮ Ī +çı ¥ +çı Ļ +é¡ ¼ +çı ° +çı © +çı § +çı £ +çı ŀ +çIJ ¤ +çı ² +æģ ļ +åŁ ķ +åŁ ĺ +åŁ Ļ +åŁ ļ +æĮ ¹ +èĢ Ĩ +èĢ Ħ +åŁ Ĵ +æį ĭ +è´ ½ +åŀ ¸ +æį ĥ +çĽ į +èį ¸ +èİ ³ +èİ ´ +èİ ª +èİ ł +èİ ľ +èİ ħ +èį ¼ +èİ © +èį ½ +èİ ¸ +èį » +èİ ¨ +é¸ ª +èİ ¼ +æł ² +æł ³ +æ¡ ¡ +æ¡ İ +æ¡ ¢ +æ¡ ¤ +æ¢ ĥ +æł Ŀ +æ¡ ķ +æ¡ ģ +æ¡ § +æ¡ ħ +æł Ł +æ¡ ī +æł © +éĢ ij +éĢ ĭ +å½ § +é¬ ² +è± ĩ +éħ IJ +éĢ ¦ +åİ Ŀ +åŃ ¬ +çł Ŀ +çł ¹ +çł § +çł · +çł Ł +çł ¼ +çł ¥ +çł £ +åī ŀ +çł » +è½ ¼ +è½ ¾ +è¾ Ĥ +é¸ « +è¶ ¸ +é¾ Ģ +é¸ ¬ +èĻ Ķ +çľ ¬ +åĶ Ľ +çľ Ļ +åĵ § +åĵ ½ +æĻ ģ +é¸ ® +è¶ µ +è¶ ¿ +çķ Ľ +èļ ¨ +èļ ľ +èļ į +èļ ĭ +èļ ¬ +èļ Ŀ +èļ § +åĶ ¢ +åľ Ħ +åĶ £ +åĶ ı +çĽ İ +åĶ ij +å´ Ĥ +å´ ĥ +ç½ ¡ +ç½ Ł +è§ Ĭ +èµ ħ +éĴ ² +éĴ µ +éĴ ¹ +éĴ º +éĴ ½ +éĴ ¼ +éĴ ¿ +éĵ Ģ +éĵ Ħ +éĵ Ĩ +éĵ Ī +éĵ ī +éĵ Ĭ +éĵ ĭ +éĵ Į +é ĵį +ä ¥ +ä¥ ½ +éĵ İ +æ° © +æ° ¤ +æ° ¦ +æ¯ ª +èĪ IJ +ç§ £ +ç§ « +çĽ ī +ç¬ Ħ +ç¬ ķ +ç¬ Ĭ +ç¬ ı +ç¬ Ĩ +ä¿ ¸ +ä¿ µ +åģ Į +ä¿ ³ +ä¿ ¶ +åĢ ¬ +åĢ ı +æģ ģ +åĢ Ń +ä¿ ¾ +åĢ ľ +éļ ¼ +éļ ½ +åĢ Į +åĢ ¥ +èĩ ¬ +éĥ « +åĢ ¨ +è¡ Ħ +é¢ Ģ +å¾ ķ +èĪ « +è¡ ¾ +èĥ ¯ +èĥ ± +èĥ ´ +èĥ Ń +èĦ į +èĥ ¼ +èĦ Ĵ +é¸ ± +é¸ ² +çĭ · +çĮ ģ +çĭ ³ +çĮ ĥ +çĭ º +éĢ ĸ +æ¡ Ģ +é¥ ½ +åĩ ĩ +æĮ Ľ +äº ³ +çĸ ³ +çĸ ´ +çĸ ¸ +çĸ ½ +çĹ Ī +çĸ ± +çĹ Ĥ +çĹ ī +è¡ ® +é¢ ĥ +æģ £ +æĹ Ĩ +æĹ Ħ +æĹ ĥ +éĺ ĥ +éĺ Ħ +è¨ ļ +éĺ Ĩ +æģ Ļ +ç² ij +çĥ ľ +çĥ © +çĥ Ĭ +åī ¡ +éĥ ¯ +çĥ ¬ +æ¶ ij +æµ ¯ +æ¶ ŀ +æ¶ Ł +å¨ ij +æ¶ ł +æµ ŀ +æ¶ ĵ +æµ ¥ +æ¶ Ķ +æµ ľ +æµ ł +æµ £ +æĤ ļ +æ ĤŃ +æĤ Ŀ +æĤ Ĵ +æĤ Į +æĤ Ľ +çª Ī +åī ľ +è¯ ¹ +è¯ ¼ +è¢ Ĵ +è¢ ¢ +è¯ ¿ +è° Ģ +è° Ĥ +è° Ħ +è° ĩ +å± IJ +å± Ļ +éĻ ¬ +åĭ IJ +å¥ ĺ +çī Ĥ +èļ © +éĻ ² +å¨ Į +å¨ ī +å¨ ² +å¨ ´ +å¨ £ +å¨ ĵ +å© Ģ +çķ ļ +éĢ ¡ +ç» ł +éª Ĭ +ç» ¡ +éª ĭ +ç» ¦ +ç» ¨ +éª İ +éĤ ķ +é¸ ¶ +å½ Ĺ +èĢ ľ +çĦ ĺ +èĪ Ĥ +çIJ ı +çIJ ĩ +éº ¸ +æı ¶ +åŁ ´ +åŁ ¯ +æį ¯ +æİ ³ +æİ ´ +åŁ ¸ +åŁ µ +èµ § +åŁ ¤ +æį Ń +éĢ µ +åŁ Ŀ +åł ĭ +åł į +æİ ¬ +é¸ · +æį ½ +æİ Ĭ +åł ī +æİ ¸ +æį © +æİ ® +æĤ « +åŁ Ń +åŁ ½ +æİ ĩ +æİ ¼ +èģ ĥ +èIJ ģ +èı ĺ +åł ĩ +èIJ ĺ +èIJ ĭ +èı ½ +èı ĸ +è IJľ +èIJ ¸ +èIJ ij +æ£ » +èı Ķ +èı Ł +èIJ ı +èı ¹ +èı ª +èı ħ +èı Ģ +èı ° +èı ¡ +æ¢ ¿ +æ¢ ı +è§ ĭ +æ¡ ´ +æ¡ · +æ£ ģ +æ¡ « +æ£ Ĥ +åķ ¬ +éĥ ¾ +æķ ķ +è± ī +éĦ Ħ +éħ ŀ +ç¡ İ +ç¡ Ń +ç¡ ĸ +ç¡ Ĺ +ç¡ IJ +ç¡ ĩ +ç¡ Į +é¸ ¸ +çĵ ł +åĮ ı +åİ © +æ® Ĵ +æ® ĵ +æ® į +èµ ī +éĽ © +è¾ Ħ +åł ij +çľ Ń +çľ ¦ +åķ § +æĻ ¡ +æĻ ¤ +çľ µ +åľ Ĭ +åĸ ı +åķ ī +åĭ ĸ +æĻ ŀ +åĶ µ +æĻ Ĺ +åķ Ń +çķ ¦ +è¶ º +åķ ® +è· Ħ +èļ ¶ +è ĽĦ +èĽ İ +èĽ Ĩ +èļ ° +åľ ī +èļ ± +èĽ ī +èĽ ı +èļ ´ +åķ ģ +åķ ķ +åĶ ¿ +åķ IJ +åĶ ¼ +åĶ · +åķ ĸ +åķ µ +åķ ¶ +åķ · +åĶ ³ +åĶ ° +åķ ľ +å¸ » +å´ ļ +å´ ¦ +å¸ ¼ +å´ ® +å´ ¤ +å´ Ĩ +èµ ĩ +èµ Ī +èµ Ĭ +éĵ ij +éĵ Ĵ +éĵ Ĺ +éĵ Ļ +éĵ Ł +éĵ ¡ +éĵ ¢ +éĵ £ +éĵ ¤ +éĵ § +éĵ ¨ +éĵ © +éĵ ª +éĵ « +éĵ ¯ +éĵ ° +éĵ ± +éĵ ³ +éĵ µ +éĵ · +çī ¾ +é¸ ¹ +ç§ ¾ +éĢ ¶ +ç¬ º +çŃ ĩ +ç¬ ¸ +ç¬ ª +ç¬ ® +ç¬ ł +ç¬ ¥ +ç¬ ¤ +ç¬ ³ +ç¬ ¾ +ç¬ ŀ +åģ ¾ +åģ ĥ +åģ ķ +åģ Ī +åĤ Ģ +åģ ¬ +åģ » +çļ ij +çļ İ +é¸ » +å¾ ľ +èĪ ¸ +èĪ » +èĪ ´ +èĪ · +é¾ Ľ +ç¿ İ +èĦ ¬ +èĦ ĺ +èĦ ² +åĮ IJ +çĮ Ĺ +çĮ ¡ +çĮ ŀ +æĸ Ľ +çĮ ķ +é¦ Ĺ +é¦ ĥ +é¦ Ħ +é¸ ¾ +åº ¹ +åº ¾ +çĹ Ķ +çĹ į +ç¿ Ĭ +æĹ Į +æĹ İ +è¢ ¤ +éĺ ĩ +éĺ Ī +éĺ ī +éĺ Ĭ +éĺ ĭ +éĺ į +éĺ ı +ç¾ Ł +ç² Ŀ +çĦ IJ +çĦ ĵ +çĦ Ĺ +æ· ħ +æ· ŀ +æ¸ İ +æ¶ ¿ +æ· ĸ +æĮ ² +æ· ł +æ¶ ¸ +æ¸ ij +æ· ¦ +æ· Ŀ +æ¶ ª +æ· Ļ +æ¶ « +æ¸ Į +æĤ » +æĤ ± +æ ĥĿ +æĥ ĺ +æĥ Ĩ +æĥ ļ +æĥ ĩ +æĥ ® +çª ķ +è° Į +æī Ī +çļ ² +è° ij +è£ Ĩ +è¢ · +è£ ī +è° Ĵ +è° Ķ +è° ķ +è° ĸ +è° Ĺ +è° Ļ +è° Ŀ +éĢ ¯ +éĥ ¿ +éļ Ī +ç² ľ +éļ į +éļ Ĺ +å© Ĭ +å¨ ¼ +å© ¢ +å© µ +èĥ ¬ +è¢ Ī +ç¿ Į +æģ ¿ +æ¬ ¸ +ç» « +éª IJ +ç» ¯ +ç» ± +éª Ĵ +ç» ² +éª ĵ +ç» ¶ +ç» º +ç» » +ç» ¾ +éª ĸ +ç¼ ģ +èĢ ł +çIJ « +çIJ µ +çIJ ¶ +çIJ ¥ +çIJ ¨ +çIJ ° +çIJ ® +çIJ ¯ +çIJ ¬ +çIJ ļ +è¾ ĩ +é¼ ĭ +æı ³ +åł ŀ +æIJ ½ +æı ¸ +æı ł +åł Ļ +è¶ Ħ +æı ĸ +é¢ ī +å¡ Ħ +æı ¿ +èĢ ĭ +æı Ħ +èĽ © +èĽ ° +å¡ Ĩ +æij Ĵ +æı Ĩ +æİ ¾ +èģ Ĵ +èij ij +èij ļ +éĿ ° +éĿ ¸ +èij ³ +èij º +èij ¸ +èIJ ¼ +èij ¶ +è ĴĮ +èij Ń +æ¥ ® +æ £¼ +æ¤ Ł +æ£ ¹ +æ¤ ¤ +æ£ ° +èµ į +æ¤ ĭ +æ¤ ģ +æ¤ ª +æ¤ IJ +é¹ ģ +éħ ¤ +éħ ¢ +éħ ¡ +é¹ Ĥ +æ® ļ +æ® Ľ +éĽ ± +è¾ ĭ +æ¤ ł +è¾ İ +çĿ Ħ +çĿ ĩ +çĿ ĥ +æĪ ¢ +åĸ ĭ +åĹ Ĵ +åĸ ĥ +åĸ ± +åĸ ¹ +æĻ · +åĸ Ī +è· ĸ +è· Ĺ +è· ŀ +è· ļ +è· İ +è· ı +è· Ĩ +èĽ ± +èĽ ² +èĽ Ń +èĽ ³ +èĽ IJ +èĽ Ķ +èĽ ŀ +èĽ ´ +èĽ ĺ +åĸ ģ +åĸ Ł +åķ ¾ +åĹ ĸ +åĸ ij +åĹ Ł +åĹ ŀ +åĸ Ļ +åµ ĺ +åµ ĸ +å´ ´ +éģ Ħ +è© Ī +åµ İ +å µ¬ +åµ Ľ +åµ ¯ +åµ Ŀ +åµ « +å¹ Ħ +åµ ĭ +èµ ķ +éĵ » +éĵ ¼ +éĵ ¿ +éĶ ĥ +éĶ Ĩ +éĶ ĩ +éĶ ī +éĶ ı +éĶ ij +éĶ Ĵ +éĶ Ķ +éĶ ķ +æİ £ +çŁ ¬ +æ° ° +æ¯ ³ +æ¯ ½ +çĬ Ĭ +çĬ Ħ +çĬ ĭ +é ¹Ħ +çĬ į +åµ ĩ +é» į +ç¨ ĥ +ç¨ Ĥ +çŃ ļ +çŃ µ +çŃ Į +åĤ £ +åĤ Ī +èĪ Ħ +çī į +åĤ ¥ +åĤ § +éģ ij +åĤ © +å¾ ¨ +åª Ń +çķ ² +å¼ ij +ç¿ ķ +é¹ Ĩ +èħ Ī +èħ ĵ +èħ Ĩ +èħ ´ +èħ ļ +èħ ± +é± ¿ +é² Ģ +é² Ĥ +çĮ ¢ +çĮ ¹ +çĮ ¥ +é£ ĵ +è§ ŀ +è§ ļ +çĮ ± +é¢ İ +é£ § +é¦ ĩ +é¦ Ĭ +äº µ +èĦ Ķ +è£ Ĵ +çĹ £ +çĹ ¨ +çĹ ¦ +çĹ ŀ +çĹ ¤ +çĹ § +èµ ĵ +ç« ¦ +çĵ ¿ +åķ » +é¢ ı +é¹ ĩ +éĺ ij +éĺ Ĵ +éĺ ķ +ç² ŀ +éģ Ĵ +åŃ ³ +çĦ ¯ +çĦ ľ +çĦ ± +é¹ Ī +æ¸ « +æ¹ ® +æ¹ İ +æ¹ ľ +æ¹ į +æ¹ « +æº ² +æ¹ Ł +æº Ĩ +æ¹ ² +æ¹ Ķ +æ¹ ī +æ¸ ¥ +æ» ģ +æĦ ł +æĥ º +æĦ ¦ +æĥ ´ +æĦ Ģ +æĦ İ +æĦ Ķ +åĸ ¾ +å¯ IJ +è° Ł +è£ ¢ +è£ İ +è£ ¥ +ç¥ ¾ +è° ł +è° ¡ +è° ¥ +è° § +åŃ ± +å¼ ¼ +å· ½ +éª ĺ +åª ª +å· ¯ +ç¿ ļ +çļ ´ +éª Ľ +ç¼ Ĥ +ç¼ ĥ +ç¼ Ħ +å½ ĺ +ç¼ ĩ +ç¼ Ī +ç¼ Į +ç¼ ij +ç¼ Ĵ +ç¼ Ĺ +é£ ¨ +èĢ ¢ +çij ģ +çij Ĺ +çij Ħ +éģ ¨ +éª ľ +éŁ « +é« ¡ +å¡ ¬ +éĦ ¢ +è¶ Ķ +è¶ ij +æij ħ +æij ģ +èľ ĩ +æIJ ĭ +æIJ ª +æIJ IJ +æIJ Ľ +æIJ ł +æij Ī +å½ Ģ +æ¯ Ĥ +æIJ ¦ +æIJ ¡ +èĵ ģ +æĪ ¡ +è ĵį +éĦ ŀ +èĵ IJ +èĵ ¦ +é¹ ĭ +èĴ ½ +èĵ ĸ +èĵ Ĭ +èĴ ¯ +èĵ Ł +èĵ ij +èĴ º +èĵ ł +èĴ Ł +èĴ ¡ +èĴ ¹ +èĴ ´ +èĴ Ĺ +èĵ ¥ +æ¥ Ķ +æ¥ Ĥ +æ¥ Ŀ +æ¥ « +æ¥ ¸ +æ¤ ´ +æ§ Į +æ¥ ¯ +çļ Ļ +æ¦ Ī +æ§ İ +æ¦ ī +æ¥ ¦ +æ¥ £ +æ¥ ¹ +æ¤ ½ +åī ½ +éħ © +èľ ĥ +ç¢ Ľ +ç¢ ĵ +ç¡ ¼ +ç¢ ī +ç¢ ļ +ç¢ ĩ +ç¢ ľ +é¹ Į +è¾ ı +é¾ ĥ +é¾ ħ +è¨ ¾ +ç² ² +çĿ ļ +åĹ ª +éŁ ª +åĹ · +åĹ ī +çĿ ¨ +çĿ ¢ +éĽ İ +çĿ ¥ +åĹ ij +åĹ « +åĹ ¬ +åĹ Ķ +åĹ Ŀ +æĪ ¥ +åĹ Ħ +çħ ¦ +æļ Ħ +éģ ¢ +æ ļĮ +è· ¬ +è· ¶ +è ·¸ +è· IJ +è· £ +è· ¹ +èĽ ¸ +èľ Ĭ +èľ į +èľ ī +èľ £ +çķ ¹ +èĽ ¹ +åĹ ¥ +åĹ ² +åĹ ³ +åĹ Į +åĹ į +åĹ IJ +åĹ ¤ +åĹ µ +ç½ ¨ +åµ Ĭ +åµ ´ +éª ° +éĶ Ĺ +éĶ Ľ +éĶ ľ +éĶ Ŀ +éĶ ŀ +éĶ Ł +éĶ ¢ +éĶ ¨ +éĶ © +éĶ Ń +éĶ ± +éĽ ī +æ° ² +çĬ ı +æŃ ĥ +ç¨ ŀ +ç¨ Ĺ +ç¨ Ķ +çŃ ł +çŃ ¢ +çŃ ® +çŃ ² +çī Ĵ +æķ « +å¾ Ń +æĦ Ĩ +èī Ħ +è§ İ +æ¯ ¹ +è² Ĭ +è² ħ +è² ī +é¢ Ķ +èħ ł +èħ © +èħ ¼ +èħ Ń +è ħ§ +å¡ į +åª µ +é² ħ +é² Ĩ +é² ĩ +é² Ī +é² ĭ +é² IJ +èĤ Ħ +é¹ IJ +é£ ķ +è§ ¥ +éģ Ľ +é¦ IJ +é¹ ij +äº ¶ +çĺ ĥ +çĹ ± +çĹ ¼ +çĹ ¿ +çĺ IJ +çĺ ģ +çĺ Ĩ +éº Ĥ +æŃ Ĩ +æĹ Ĵ +éĺ ĸ +éĺ Ĺ +ç¾ § +è± ¢ +ç² ³ +çĮ · +çħ ³ +çħ ¨ +çħ ħ +çħ Ĭ +çħ ¸ +çħ º +æ» Ł +æº ± +æº ĺ +æ¼ Ń +æ» ¢ +æº ¥ +æº ½ +è£ Ł +æº » +æº · +æ» Ĺ +æ» « +æº ´ +æ» ı +æ» ĥ +æ» ¦ +æº ı +æ» Ĥ +æ» ĵ +æº Ł +æ» ª +æĦ « +æħ Ĭ +é² İ +éª ŀ +çª ł +çª £ +è£ ± +è£ ¨ +è£ ¾ +è£ ° +ç¦ Ĭ +è° © +è° ª +åª ¾ +å« « +åª ² +å« Ĵ +å« Ķ +åª ¸ +ç¼ Ļ +ç¼ ľ +ç¼ Ľ +è¾ Ķ +éª Ŀ +ç¼ Ł +ç¼ ¡ +ç¼ ¢ +ç¼ £ +éª Ł +èĢ ¥ +çĴ Ī +çij Ń +çį Ĵ +è§ ı +æħ Ŀ +å« ł +åı Ĩ +æij ½ +å¢ ģ +æĴ Ĥ +æij ŀ +æĴ Ħ +ç¿ ¥ +è¸ ħ +æij Ń +å¢ ī +å¢ Ĵ +æ¦ ĸ +ç¶ ¦ +èĶ « +èĶ · +éĿ º +éĿ ¼ +éŀ ħ +éĿ ¿ +çĶ į +èĶ ¸ +èĶ Ł +èĶ º +æĪ ¬ +èķ ĸ +èĶ » +èĵ ¿ +æĸ ¡ +é¹ ķ +èĵ ¼ +æ¦ Ľ +æ¦ § +æ¦ « +æ¦ Ń +æ§ Ķ +æ¦ ± +æ§ ģ +æ§ ł +æ¦ · +åĥ ° +éħ ½ +éħ ¹ +ç¢ ¡ +ç¢ ´ +ç¢ £ +ç¢ ² +èĩ § +è± ¨ +æ® ¡ +éľ ģ +èľ ļ +é¾ ĩ +é¾ Ī +ä ģ +äģ ĸ +çĿ ½ +åĺ ŀ +åĺ Ī +åĺ Į +åĺ ģ +æļ Ŀ +è¸ Į +è¸ ī +èľ ŀ +èľ ¥ +èľ ® +èĿ Ī +èľ ´ +èľ ± +èľ © +èľ · +èľ ¿ +èŀ Ĥ +èľ ¢ +åĺ ¡ +é¹ Ĺ +åĺ £ +åĺ ¤ +åĺ ļ +åĹ ¾ +åĺ § +ç½ ´ +ç½ ± +å¹ Ķ +å¶ Ĥ +å¹ Ľ +èµ Ļ +ç½ Ĥ +éª · +éª ¶ +é¹ ĺ +éĶ ² +éĶ ´ +éĶ ¶ +éĶ · +éĶ ¸ +éĶ µ +éķ Ĥ +çĬ Ĵ +ç® IJ +ç® ¦ +ç® § +ç® ¸ +ç® ¬ +ç® ħ +ç® ª +ç® ľ +ç® ¢ +ç® ĵ +åĥ ĸ +åĦ Ĩ +åĥ ³ +åĥ Ń +åĬ ģ +åĥ ® +éŃ ĥ +éŃ Ĩ +çĿ ¾ +èī ĭ +éĦ ± +èĨ Ī +èĨ ij +é² ij +é² Ķ +é² ļ +é² Ľ +é² Ł +çį IJ +è§ « +éĽ Ĵ +å¤ ¤ +é¦ ij +éĬ ® +å¡ ¾ +çĺ Į +çĺ Ĭ +çĺ ĺ +çĺ Ļ +æĹ ĸ +èĨ Ĥ +éĺ ļ +éĦ ¯ +é² ŀ +ç² ¿ +ç² ¼ +ç³ ģ +æ§ Ĭ +é¹ ļ +çĨ ĺ +çĨ ¥ +æ½ ¢ +æ¼ ķ +æ» ¹ +æ¼ ¯ +æ¼ ¶ +æ½ ĭ +æ½ ´ +æ¼ ª +æ¼ ī +æ¼ © +æ¾ ī +æħ µ +æIJ ´ +çª ¨ +å¯ ¤ +ç¶ ® +è° ® +è¤ ¡ +è¤ Ļ +è¤ ĵ +è¤ Ľ +è¤ Ĭ +è° ¯ +è° ° +è° ² +å± £ +é¹ Ľ +å« ± +å« ĸ +å« ¦ +å« ļ +å «ĺ +é¼ IJ +çŀ Ģ +é¹ ľ +éª ł +ç¼ ¥ +ç¼ ¦ +ç¼ § +ç¼ ¨ +éª ¢ +ç¼ « +èĢ ¦ +èĢ § +çĴ ľ +çĴ İ +çĴ ģ +å¥ Ń +é« ¯ +é« « +æĴ · +æĴ ħ +èµ Ń +æĴ ¸ +éĭ Ĩ +æĴ Ļ +æĴ º +å¢ Ģ +èģ © +è§ IJ +éŀ ij +èķ Ļ +éŀ Ĵ +èķ Ī +èķ ¨ +èķ ¤ +èķ ŀ +èķ º +çŀ ¢ +èķ ĥ +èķ ² +èµ ľ +æ§ ¿ +æ¨ ¯ +æ§ Ń +æ¨ Ĺ +æ¨ ĺ +æ§ ² +éĨ Į +éĨ ħ +éĿ ¥ +éŃ ĩ +é¤ į +ç£ Ķ +ç£ Ļ +éľ Ī +è¾ ĺ +é¾ ī +é¾ Ĭ +è§ ij +çŀ Į +ç ŀĭ +çŀ ij +åĺ Ń +åĻ İ +åĻ ¶ +é¢ Ļ +æļ ¹ +åĻ ĺ +è¸ Ķ +è¸ Ŀ +è¸ Ł +è¸ Ĵ +è¸ ¬ +è¸ ® +è¸ ¯ +è¸ º +è¸ ŀ +èĿ ½ +èĿ ¾ +èĿ » +èĿ ° +èĿ ® +è ŀĭ +èĿ ĵ +èĿ £ +è Ŀ¼ +åĺ ¬ +é¢ ļ +åĻ į +åĻ Ļ +åĻ Į +åĻ Ķ +é¢ Ľ +å¹ ŀ +å¹ ¡ +å¶ Ļ +å¶ Ŀ +éª º +éķ Ĭ +éķ ī +éķ Į +éķ ı +éķ Ĵ +éķ ĵ +éķ Ķ +ç¨ · +ç® ´ +ç¯ ij +ç¯ ģ +ç¯ Į +çī ĸ +åĦ ĭ +èĻ ¢ +é¹ ŀ +èĨ ĺ +é² ł +é² ¡ +é² ¢ +é² £ +é² ¥ +é² § +é² © +çį Ĺ +çį ł +è§ ¯ +é¦ ĵ +é¦ Ķ +éº ¾ +å» Ľ +çĺ Ľ +çĺ ¼ +çĺ ¢ +çĺ ł +é½ ij +ç¾ ° +𥠻 +ð¥» Ĺ +ç³ Į +ç³ į +ç³ ħ +çĨ ľ +ç Ĩµ +æ¾ į +æ¾ Į +æ½ ¸ +æ½ ¦ +æ½ ² +éĭ Ī +æ½ Ł +æ½ º +å¯ ® +çª ³ +è° ³ +è¤ ´ +è¤ Ł +è¤ « +è° µ +çĨ ¨ +å± ¦ +åĭ ° +æĪ ® +èĿ ¥ +ç¼ ¬ +ç¼ ® +ç¼ ¯ +éª £ +çķ ¿ +èĢ © +èĢ ¨ +èĢ ª +çĴ Ł +éĿ Ľ +çĴ ł +çĴ ĺ +èģ ± +èŀ ¯ +é« » +é« Ń +é« ¹ +æĵ Ģ +çĶ ı +æĵ ŀ +ç¸ ł +ç£ ¬ +é¢ ŀ +èķ » +é¢ Ł +èĸ ¤ +èĸ ¨ +æª ł +èĸ ı +èĸ ® +èĸ ľ +èĸ ħ +æ¨ ¾ +æ© Ľ +æ© ĩ +æ¨ µ +æª İ +æ© ¹ +æ¨ ½ +æ¨ ¨ +æ© ¼ +å¢ ¼ +æ© IJ +ç¿ ® +éĨ IJ +éĨ į +éĨ ļ +ç£ ² +èµ Ŀ +æ® ª +éľ ı +éĮ ¾ +è¾ ļ +éģ ½ +æ° ħ +çŀ Ł +çŀ ł +çŀ ° +åļ Ħ +åļ Ĩ +åĻ ¤ +æļ ¾ +è¹ Ģ +è¸ µ +è¸ ½ +è¹ ī +è¹ ģ +èŀ ¨ +èŀ Ī +èŀ ħ +èŀ Ń +èŀ ł +èŀ Ł +åĻ ± +åĻ « +åĻ » +åĻ ¼ +ç½ ¹ +åľ ľ +ä ¦ +ä¦ ĥ +éķ Ĺ +éķ ĺ +éķ ļ +éķ Ľ +éķ Ŀ +éķ ŀ +éķ ł +æ° ĩ +æ° Ĩ +ç© ij +ç¯ Ŀ +ç¯ ¥ +ç¯ ¦ +ç¯ ª +ç¯ Ļ +çĽ ¥ +åĬ ĵ +ç¿ ± +éŃ ī +éŃ Ī +å¾ ¼ +æŃ Ļ +èĨ ¦ +èĨ Ļ +é² ® +é² ± +é² ³ +é² ´ +é² µ +é² · +é² » +çį ´ +çį Ń +çį ¬ +éĤ Ĥ +é¹ § +å» ¨ +èµ Ł +çĺ ° +å» ª +çĺ ¿ +çĺ µ +çĺ ´ +çĻ ĥ +çĺ ³ +éº ĩ +éº Ī +å ¬´ +å£ ħ +ç³ Ĺ +çĶ ij +çĩ İ +çĩ ł +çĩ Ķ +çĩ § +æ¿ ij +æ¿ ī +æ½ ŀ +æ¾ § +æ¾ ¹ +æ¾ ¥ +æ¾ ¶ +æ¿ Ĥ +è¤ ° +çª ¸ +å¬ ĸ +çĬ Ł +éļ ° +å¬ Ĺ +é¢ ¡ +ç¼ ± +ç¼ ² +ç¼ ³ +çĴ © +çĴ ª +èŀ « +æĵ ¤ +å£ ķ +è§ ³ +ç½ Ħ +æĵ ¢ +èĸ ¹ +éŀ ¡ +éŀ ¬ +èĸ · +èĹ ĵ +èĹ ģ +æª Ħ +æª © +æĩ ĭ +éĨ ¢ +ç¿ ³ +ç¤ ħ +ç£ ´ +é¹ © +é¾ ĭ +é¾ Į +è± ³ +å£ ij +é» » +åļ ı +åļ ħ +è¹ ij +è¹ Ĵ +è¹ Ĭ +è Ł¥ +èŀ ¬ +èŀ µ +çĸ ĥ +èŀ ³ +èŁ ij +åļ ĵ +ç½ ½ +ç½ ¾ +å¶ · +é» ľ +é» Ŀ +é« ģ +é« Ģ +éķ ¡ +éķ ¢ +éķ £ +éķ ¦ +éķ § +éķ © +éķ ª +éķ « +ç½ ħ +ç° Į +ç¯ ¾ +ç¯ ¼ +ç° ĸ +ç° ĭ +é¼ ¢ +åĦ ¡ +é¹ ª +é¼ ¾ +çļ ¤ +éŃ į +é¾ ł +ç¹ ĩ +è² ĺ +éĤ Ī +è² Ķ +èĩ Į +èĨ » +èĩ Ĩ +èĩ ĥ +é² ¼ +é² ½ +é³ Ģ +é³ ĥ +é³ ħ +é³ ĩ +é³ Ĭ +èŀ ½ +çĩ ® +é¹ « +ç³ ľ +ç¸ » +çĻ į +éº ĭ +æĩ ij +æ¿ ¡ +æ¿ ® +æ¿ ŀ +æ¿ ł +æ¿ ¯ +è¹ ĩ +è¬ ĩ +éĤ ĥ +è¥ ģ +æª Ĺ +æ ĵĺ +åŃ º +éļ ³ +å¬ · +èŁ Ĭ +é¹ ¬ +éį ª +éı Ĭ +é¬ Ī +é¬ ĥ +çŀ ½ +éŀ ¯ +éŀ ¨ +éŀ « +éŀ § +éŀ £ +èĹ ľ +èĹ ł +éĨ ª +è¹ Ļ +ç¤ ĵ +çĩ ¹ +é¤ ® +çŀ ¿ +æĽ Ľ +é¢ ¢ +èº ĩ +è¹ ļ +èŁ Ľ +èŁ ª +èŁ ł +èŁ ® +é¹ ® +é» ł +é» Ł +é« ħ +é« Ĥ +éķ ¬ +éķ Ń +éķ ¯ +é¦ ¥ +ç° Ł +ç° ª +é¼ ¬ +éĽ ł +èī Ł +é³ İ +é³ ı +é³ IJ +çĻ ŀ +çĻ Ķ +ç³ ¨ +è¹ © +éİ ı +éĤ ĭ +é¬ ı +æĶ ī +éŀ ² +éŀ ´ +èĹ ¿ +èĺ § +èĺ ħ +éĨ ® +éĨ ¯ +éħ ĥ +éľ ª +éľ Ń +éľ ¨ +é» ¼ +åļ ¯ +è¹ ° +è¹ ¶ +è¹ ½ +è¹ ¼ +è¹ ´ +è¹ ¾ +è¹ ¿ +èł ĸ +èł ĵ +èŁ ¾ +èł Ĭ +é» ¢ +é« ĭ +é« Į +éķ ² +ç± Ģ +é½ ģ +éŃ ij +èī ¨ +é³ ĵ +é³ Ķ +é³ ķ +é³ Ĺ +é³ Ļ +éı ĸ +ç¾ ¸ +㸠Ĩ +çĢ £ +çĢ Ľ +è¥ ¦ +è° ¶ +è¥ ŀ +éª ¥ +ç¼ µ +çĵ Ĵ +æĶ ĺ +èĺ © +èĺ ĸ +éĨ ´ +éľ ° +éħ Ĩ +çŁ į +èº ħ +é¼ į +å· ī +é» © +é» ¥ +é» ª +éķ ³ +éķ ´ +é» § +çº Ĥ +çĴ º +é¼ ¯ +èĩ ľ +é³ ľ +é³ Ŀ +é³ Ł +çį ¾ +åŃ Ģ +éª § +ç ĵĺ +é¼ Ļ +éĨ º +ç¤ ´ +é¢ ¦ +æĽ © +é³ ¢ +éº Ŀ +å¤ Ķ +çĪ Ŀ +çģ ı +ç¦ ³ +éIJ ¾ +ç¾ ¼ +èł ¡ +èĢ ± +é¹ ³ +æ° į +é¥ ķ +èº IJ +é« ij +éķ µ +ç© ° +é¥ Ķ +é¬ » +é¬ Ł +è¶ ± +æĶ « +æĶ ¥ +é¢ § +èº ľ +é¼ ¹ +çĻ ¯ +èł ² +èł ¹ +èº ŀ +è¡ ¢ +çģ ŀ +è¥ » +çº Ľ +é¬ £ +æĶ ® +åĽ Ķ +é¦ ķ +æĪ Ĩ +çĪ ¨ +é½ ī +äº į +å° ¢ +å½ ³ +åį ¬ +æ® ³ +ðł ϶ +æ¯ Į +éĤ ĺ +æĪ ĭ +åľ ¢ +æ° ķ +ä¼ ĭ +ä» Ŀ +åĨ ® +æ° ¿ +æ± Ī +æ° ¾ +å¿ ī +å® Ħ +ð¬£ Ļ +è® ± +æī ŀ +åľ ² +åľ « +èĬ ı +èĬ ĥ +æľ ³ +æľ ¸ +ð¨ Ļ +ð¨Ļ ¸ +éĤ ¨ +åIJ Ĵ +åIJ ĸ +å± ¼ +å± ¾ +è¾ ¿ +éĴ Ĩ +ä» ³ +ä¼ £ +ä¼ Ī +çĻ ¿ +çĶ ª +éĤ ł +çĬ ´ +åĨ ± +éĤ ¡ +ð¬ĩ ķ +æ± ĭ +ä ľ +äľ £ +è® » +𬣠ŀ +åŃ ĸ +ð¬ĺ ĵ +çº © +çİ Ĵ +çİ ĵ +çİ ĺ +çİ ļ +åĪ ¬ +ð«Ń Ł +åĿ ľ +åĿ ī +æī ½ +ð«Ń ¢ +åĿ ĭ +æī º +ã§ ij +æ¯ IJ +èĬ ° +èĬ £ +èĭ Ĭ +èĭ ī +èĬ ĺ +èĬ ´ +èĬ ł +ð« ĩ +ð«ĩ Ń +èĬ ¤ +æĿ ķ +æĿ Ļ +æĿ Ħ +æĿ § +æĿ © +å° ª +å° ¨ +è½ ª +ð«IJ Ħ +åĿ Ĵ +èĬ Ī +æĹ ´ +æĹ µ +åij Ļ +ã ķ +ãķ ® +å² į +ð« µ +𫵠· +å² ł +å² ľ +åij ĩ +åĨ ı +è§ ĥ +å² Ļ +ä¼ ¾ +ãij ĩ +ä¼ Ń +ä½ ĸ +ä¼ ² +ä½ ģ +é£ ı +çĭ ĥ +éĹ ¶ +æ± § +æ± « +𣲠ĺ +ð£² Ĺ +æ² Ħ +æ² ĺ +ð¬ĩ Ļ +æ± Ń +ã³ ĩ +æ² ĩ +å¿ ® +å¿ ³ +å¿ º +𬣠¡ +ç¥ ĥ +è¯ ĩ +éĤ ² +è¯ İ +è¯ IJ +å± ĥ +ð« ¸ +𫸠© +å² Ĭ +éĺ ½ +ä¢ º +éĺ ¼ +å¦ § +å¦ ĺ +ð¨ ļ +ð¨ļ ķ +çº ® +é© ² +ð«ĺ ľ +çº » +ð¬ĺ ĺ +ð«ĺ Ŀ +çº ¼ +çİ ¤ +çİ ŀ +çİ ± +çİ Ł +éĤ ½ +éĤ ¿ +åĿ ¥ +åĿ ° +åĿ ¬ +åĿ ½ +å¼ Ĩ +èĢ µ +ä¢ ¼ +ð¦ Ń +ð¦Ń ľ +èĮ ĭ +èĭ § +èĭ ¾ +èĭ ł +æŀ ħ +ãŃ İ +æŀ ĺ +æŀ į +çŁ ¼ +çŁ » +åĮ ¼ +𬨠Ĥ +ð¬Ģ © +ð¬Ģ ª +æĹ ¿ +æĺ Ħ +æĺ Ĵ +æĺ Ī +åĴ ī +åĴ ĩ +åĴ į +å² µ +å² ½ +å² ¨ +å² ŀ +å³ Ĥ +ã Ł +ãŁ ĥ +åĽ · +𬬠© +éĴ IJ +éĴ Ķ +éĴ ĸ +çī ¥ +ä½ ´ +åŀ Ī +ä¾ ģ +ä¾ ¹ +ä½ ¸ +ä½ º +éļ ¹ +ãij Ĭ +ä¾ Ĥ +ä½ ½ +ä¾ ĺ +éĥ Ī +èĪ ł +éĥ IJ +éĥ ĥ +æĶ ½ +èĤ Ń +èĤ ¸ +èĤ · +çĭ ī +çĭ Ŀ +é¥ ³ +å¿ ŀ +çĤ Į +çĤ Ĩ +æ³ Ļ +æ² º +æ³ Ĥ +æ³ ľ +æ³ ĥ +æ³ ĩ +æĢ Ĭ +å³ ĥ +ç© ¸ +ç¥ ĭ +ç¥ Ĭ +ð«į £ +𬣠³ +𬠩½ +é¸ ¤ +å¼ ¢ +å¼ ¨ +éĻ ij +𬮠¿ +éĻ İ +ð¬¯ Ģ +åį º +ä¹ ¸ +å¦ Ń +å§ Ī +ð« ° +ð«° Ľ +è¿ ³ +åı ķ +𬳠µ +é© µ +𬳠¶ +ä Į +äĮ ¹ +é© º +ð«ł Ĭ +ç» ĭ +ç» IJ +çł ī +èĢ Ķ +ãĽ ĥ +çİ ¶ +çı ĩ +çı ħ +ð¬į Ľ +çı ĭ +çİ ¹ +çı Į +çİ ¿ +éŁ ¨ +åŀ ļ +åŀ ¯ +åŀ Ļ +åŀ ² +åŁ ı +åŀ į +èĢ ĩ +é¿ į +åŀ İ +åŀ ´ +åŀ Ł +åŀ ŀ +æĮ ĵ +åŀ µ +åŀ ı +æĭ ¶ +èį ĸ +èį ģ +èį Ļ +èį Ľ +èĮ Ī +èĮ ½ +èį Ħ +èĮ º +ð¬ľ ¬ +èį ĵ +èĮ ³ +𦠰 +𦰠¡ +èĮ Ľ +èį Ń +ãŃ ķ +æŁ · +æŁ ĥ +æŁ Ĭ +æŀ ¹ +æł IJ +æŁ ĸ +éĥ ļ +åī ħ +ä´ ĵ +è¿ º +åİ ĸ +çł Ĩ +çł ij +çł Ħ +èĢ ı +å¥ ĵ +ä ¶ +ä¶ ® +è½ µ +è½ · +è½ ¹ +è½ º +æĺ º +𪠾 +𪾠¢ +æĺ ½ +çĽ · +åĴ ¡ +åĴ º +æĺ ³ +æĺ £ +æĺ ¤ +æĺ « +æĺ ¡ +åĴ ¥ +æĺ ª +èĻ · +èĻ ¸ +åĵ ĥ +å³ ĺ +èĢ ij +å³ Ľ +𪨠° +å³ Ĺ +å³ § +å¸ ¡ +éĴ ĺ +ð«ĵ § +éĴ ľ +𬬠® +𬬠± +ð¬¬ Ń +éĴ ª +éĴ ¬ +éĴ Ń +çŁ § +ç§ ¬ +ä¿ « +èĪ ģ +ä¿ ľ +ä¿ Ļ +ä¿ į +åŀ ķ +è¡ İ +èĪ £ +å¼ ĩ +ä¾ ´ +é¸ § +äı ¡ +èĥ ł +ð¦ ϶ +èĥ Ī +èĥ © +èĥ £ +æľ ı +é£ IJ +è¨ Ħ +é¥ » +åº ¤ +çĸ ¢ +çĤ £ +çĤ Ł +ã ¶ +ã¶ ² +æ´ Ń +æ´ ĺ +æ´ ĵ +æ´ ¿ +ã³ ļ +æ³ ļ +æµ Ī +æµ ī +æ´ ¸ +æ´ ij +æ´ ¢ +æ´ Ī +æ´ ļ +æ´ º +æ´ ¨ +æµ IJ +ã³ ĺ +æ´ ´ +æ´ £ +æģ Ķ +å® ¬ +çª Ģ +æī Ĥ +è¢ Ĩ +ç¥ ı +ç¥ IJ +ç¥ ķ +åı ļ +éĻ § +éĻ ŀ +å¨ Ģ +å§ ŀ +å§ ± +å§ ¤ +å§ ¶ +å§ ½ +æŀ ² +ç» ĸ +éª ĥ +ð¬ĺ ¡ +𬳠½ +ð¬ĺ © +ð«Ħ § +å½ ĸ +éª ī +æģ Ŀ +çı ª +çı Ľ +çı ¹ +çIJ Ĭ +çİ ¼ +çı ĸ +ðª Ł +ðªŁ Ŀ +çı ½ +çı ¦ +çı « +çı Ĵ +ð¬į ¤ +çı ¢ +çı ķ +çı Ŀ +ð«Ń ¼ +åŁ Ĺ +åŀ ¾ +åŀ º +åŁ Ĩ +åŀ ¿ +åŁ Į +åŁ ĩ +èİ ° +èĮ Ŀ +ð¬ľ ¯ +éĦ Ģ +èİ ¶ +èİ Ŀ +äĵ ĸ +èİ Ļ +æł » +æ¡ ł +ð¬ Ĥ +ð¬Ĥ © +æ¡ Ħ +æ¢ ł +æł ´ +æ¢ ´ +æł Ĵ +éħ İ +éħ ı +ð«ł Ĩ +çł µ +çł ł +çł « +çł ¬ +ç¡ ģ +æģ § +ç¿ ĥ +éĥ ª +ð¨ IJ +ð¨IJ Ī +è¾ Ģ +è¾ ģ +ð¬ Į +ð¬Į Ĺ +åī ķ +èµ Ģ +åĵ ¢ +æĻ ħ +æĻ Ĭ +åĶ Ŀ +åĵ ³ +åĵ ± +åĨ Ķ +æĻ Ķ +æĻ IJ +çķ ĸ +èļ Ħ +èļ Ĩ +ð« ij +ð«ij ¡ +å¸ ± +å´ ģ +å³ ¿ +𪨠¶ +å´ Ħ +å¸ ¨ +å ´Ģ +èµ Ĩ +𬠬¸ +éĴ · +𬬠» +𬬠¹ +𬬠¿ +ð¬Ń ģ +çľ ļ +çĶ ¡ +ç¬ « +åĢ » +åĢ ´ +èĦ © +åĢ ® +åĢ ķ +åĢ ŀ +ð« ¢ +ð«¢ ¸ +åĢ ĵ +åĢ § +è¡ ĥ +èĻ Ĵ +èĪ Ń +èĪ ¯ +èĪ ¥ +çĵ ŀ +é¬ ¯ +é¸ ° +èĦ İ +æľ ĵ +èĥ ² +èĻ ĵ +é± ½ +çĭ ´ +å³ ± +çĭ » +çľ ¢ +ð«Ĺ § +åĭ į +çĹ Ħ +çĸ ° +çĹ ĥ +ç« ĺ +ç¾ ĸ +ç¾ ĵ +æ¡ Ĭ +æķ ī +çĥ ł +çĥ Ķ +çĥ ¶ +çĥ » +ð¬Ĭ Ī +æ¶ į +æµ ¡ +æµ Ń +æµ ¬ +æ¶ Ħ +æ¶ ¢ +æ¶ IJ +æµ ° +æµ Ł +æµ Ľ +æµ ¼ +æµ ² +æ¶ ĺ +æĤ Ī +æĤ ĥ +æĤ ¢ +ð¬Ĵ Ī +å® § +çª ħ +çª Ĭ +çª İ +æī ħ +æī Ĩ +è¢ ª +è¢ Ĺ +è¢ ¯ +ç¥ § +éļ º +åł ² +çĸ į +𨠺 +ð¨º Ļ +éĻ ´ +ç ĥĿ +çł ® +ãĽ ļ +åĵ ¿ +ç¿ Ģ +ç¿ Ĥ +åī Ł +𬳠¿ +ð«Ħ ¨ +ç» ¤ +éª į +ð¬ĺ « +ä Ĥ +äĤ ® +çIJ İ +çı ¸ +çı µ +çIJ Ħ +çIJ Ī +çIJ Ģ +çı º +æİ Ń +åł İ +åł IJ +åŁ ¼ +æİ İ +åŁ « +åł Į +æĻ ¢ +ð« ® +ð«® ĥ +æİ ŀ +åŁ ª +å£ ¸ +ãĻ į +èģ į +èı Ŀ +èIJ ļ +èı ¥ +èİ ¿ +äĵ « +åĭ ļ +äĵ ¬ +èIJ Ĩ +èı Ĥ +èı į +èı ¼ +èIJ £ +äĵ ¨ +èı ī +äĵ Ľ +æ¢ ¼ +æ¢ ½ +æ¡ ² +æ¢ ¾ +æ¡ ¯ +æ¢ £ +æ¢ Į +æ¡ ¹ +æķ Ķ +åİ £ +ç¡ Ķ +é¿ İ +ç¡ Ļ +ç¡ ļ +ç¡ Ĭ +ç¡ į +åĭ Ķ +ä´ ķ +é¾ ģ +éĢ ´ +åĶ ª +åķ « +ç¿ Ī +ã « +ã« ° +æĻ Ļ +çķ ¤ +𬱠ĸ +è¶ ¼ +è· Ĥ +èĽ ĥ +èļ ² +ð¬Ł ½ +èļ º +åķ ´ +äİ ĥ +å´ § +å´ Ł +å´ ŀ +å´ Ĵ +å´ Į +å´ ¡ +éĵ ı +ð«ĵ ¯ +ð«Ł ¹ +éĵ ķ +ð«Ł ¼ +éĵ ĸ +éĵ ĺ +éĵ ļ +éĵ ŀ +éĵ ¥ +éĵ ´ +çī » +çī ¿ +ç¨ Ĩ +ç¬ ± +ç¬ ¯ +åģ ° +åģ ¡ +é¸ º +åģ Ń +åģ ² +åģ ģ +ã ¿ +ã¿ ł +éĦ ħ +åģ ĵ +å¾ Ľ +è¡ Ĵ +èĪ ³ +èĪ ² +é¸ ¼ +æĤ Ĩ +éĦ ĥ +çĵ » +ä Ŀ +äĿ Ļ +èĦ ¶ +èĦ ŀ +èĦ Ł +äı ² +é± ¾ +çĮ ĩ +çĮ Ĭ +çĮ Ħ +è§ ĸ +ðł ħ +ðłħ ¤ +åº ± +åº ¼ +åº ³ +çĹ ĵ +ä´ Ķ +ç« « +åł ĥ +éĺ Į +ç¾ Ŀ +ç¾ ķ +çĦ Ĩ +çĥ º +çĦ Į +æ· ı +ð¬ĩ ¹ +æ· Ł +æ· ľ +æ· ´ +æ· ¯ +æ¹ ´ +æ¶ ´ +ð¬į ¡ +ã ¥ +㥠Ħ +æĥ Ľ +æĥ Ķ +æĤ ° +æĥ Ļ +å¯ ģ +éĢ Ń +𬤠ĩ +ð«į ¯ +è¢ ¼ +è£ Ī +ç¥ ² +𬤠Ĭ +ð«į ² +è° ŀ +èī ´ +å¼ ¸ +å¼ ¶ +ð¬¯ İ +éļ ĥ +å© ŀ +å¨ µ +å© ¼ +åª ĸ +å© ³ +å© į +å© Į +å© « +å© ¤ +å© ĺ +å© ł +ð¬ĺ ¬ +ð¬ĺ Ń +𬴠Ĥ +ð«ĺ ¦ +ç» ¹ +ð«Ł ħ +ð¬ĺ ¯ +éª ķ +ð«ĺ § +çµ ľ +çı · +çIJ ² +çIJ ¡ +çIJ Ł +çIJ Ķ +çIJ Ń +åł ¾ +åł ¼ +æı ķ +ãĻ ĺ +åł § +åĸ Ĩ +åł ¨ +å¡ ħ +åł ł +çµ · +𪠣 +𪣠» +ð¡ İ +ð¡İ ļ +è ijľ +æĥ İ +èIJ ³ +èij Ļ +éĿ ¬ +èij ´ +èĴ ĩ +èĴ Ī +éĦ ļ +èĴ ī +èĵ ĩ +èIJ © +èij ° +èij İ +éĦ ij +èĴ İ +èij ĸ +èĴ Ħ +èIJ ¹ +æ£ ¤ +æ£ ½ +æ£ « +æ¤ ĵ +æ¤ ij +ð¬ ĥ +ð¬ĥ Ĭ +é¹ Ģ +æ¤ Ĩ +æ£ ĵ +æ£ ¬ +æ£ ª +æ¤ Ģ +æ¥ Ĺ +𬠷 +𬷠ķ +çĶ ¦ +éħ ¦ +è§ Į +å¥ ¡ +çļ ķ +ç¡ ª +æ¬ ¹ +è© Ł +ð«IJ IJ +è¾ Į +æ£ IJ +é¾ Ĥ +𬠹 +𬹠¼ +é» ¹ +çī ļ +çĿ İ +æĻ « +æĻ ª +æĻ ± +ð § +ð§ ¿ +ð§¿ ¹ +èĽ ij +çķ ¯ +æĸ Ŀ +åĸ ¤ +å´ ¶ +åµ ģ +ð« ¶ +ð«¶ ĩ +å´ ¾ +åµ ħ +å´ ¿ +åµ ļ +ç¿ Ļ +ð«ĸ ® +åľ Į +åľ IJ +èµ ij +èµ Ĵ +é¿ ı +éĵ ¹ +ð¬Ń Ĭ +éĵ ½ +𨱠ĩ +ð«ĵ ¶ +éĶ Ĭ +éĶ į +éĶ İ +ð¬Ń İ +éĶ ĵ +çĬ ĩ +é¢ ĭ +ç¨ Į +çŃ Ģ +çŃ ĺ +çŃ ľ +çŃ ¥ +çŃ ħ +åĤ ĥ +åĤ ī +ç¿ Ľ +åĤ Ĵ +åĤ ķ +èĪ ¾ +çķ ¬ +ð«ĸ ¯ +èĦ ¿ +èħ ĺ +ä IJ +äIJ ĥ +èħ Ļ +èħ Ĵ +ð¬± Ł +é² ĥ +çĮ ° +ð« Ľ +ð«Ľ Ń +çĮ ¯ +ã º +㺠Ħ +é¦ ī +åĩ ĵ +éĦ Ĺ +ð« · +ð«· · +å» ĭ +å» Ĩ +éĦ Į +ç² ¢ +éģ Ĩ +æĹ IJ +𬮠± +çĦ ŀ +ð¬Ĭ ¤ +æ¬ » +𣠸 +𣸠£ +æº ļ +æº ģ +æ¹ Ŀ +æ¸ ° +æ¹ ĵ +ã ´ +ã´ Ķ +æ¸ Ł +æº ł +æ¸ ¼ +æº ĩ +æ¹ £ +æ¹ ij +æº ŀ +æĦ IJ +æĦ ĥ +æķ © +çĶ ¯ +æ£ ¨ +æī Ĭ +è£ £ +ç¥ ¼ +å© » +åª Ĩ +åª ŀ +ãĽ ¹ +åª ĵ +åª Ĥ +åª Ħ +æ¯ µ +çŁ ŀ +𬴠ĥ +ð«ĺ ¨ +ç¼ Ĭ +ç¼ IJ +éª Ļ +çij ĥ +çij ĵ +çij ħ +çij Ĩ +ä´ ĸ +çij ĸ +çij Ŀ +çij Ķ +çij Ģ +𤠧 +𤧠Ľ +çij ³ +çij Ĥ +å¶ ħ +çij ij +éģ ĺ +é« ¢ +å¡ ¥ +åł ½ +èµ ª +æij Ľ +å¡ Ŀ +æIJ Ĵ +æIJ Į +èĴ ± +èĴ ¨ +èĵ ı +èĶ Ģ +èĵ ¢ +èĵ Ĥ +èĴ » +èĵ £ +æ¤ ¹ +æ¥ ª +æ¦ ĥ +æ¦ ħ +æ¥ Ĵ +æ¥ © +æ¦ ĩ +æ¤ ¸ +æ¥ Ļ +æŃ ħ +𬠪 +𬪠© +ç¢ ĥ +ç¢ ı +ð¬Ĵ Ķ +ç¢ Ī +äĥ ħ +ç¡ ¿ +éĦ ł +è¾ Ĵ +ð¬¨ İ +ð«IJ ĵ +é¾ Ĩ +è§ ľ +ä £ +ä£ ĺ +æļ ķ +é¹ į +ð« « +ð«« ĩ +㬠Ĭ +æļ ħ +è· ± +èľ IJ +èľ İ +åµ ² +èµ Ĺ +éª ± +éĶ ĸ +ð«ĵ ¹ +éĶ ĺ +éĶ ³ +éĶ § +éĶ ª +ð¬Ń ļ +éĶ « +éĶ ¬ +ð¬Ń Ľ +ç¨ ij +ç¨ Ļ +ä ħ +äħ Ł +ð¬ ķ +ð¬ķ Ĥ +çŃ » +çŃ ¼ +çŃ ¶ +çŃ ¦ +çŃ ¤ +åĤ º +é¹ İ +åĥ ĩ +èī ħ +èī ī +è° ¼ +è² Ĩ +èħ ½ +èħ ¨ +èħ ¯ +é² ī +é² Ĭ +é² Į +ä² Ł +𬶠ĭ +𬶠į +é² ı +éĽ Ĭ +çĮ º +é£ Ķ +è§ Ł +ð¦ Ŀ¼ +é¦ Į +è£ Ľ +å» Ĵ +çĺ ħ +éĦ ĺ +é¹ Ĵ +éĦ ľ +éº Ģ +éĦ £ +éĺ ĺ +ð«Ķ ¶ +çħ ģ +çħ ĥ +çħ ´ +çħ ĭ +çħ Ł +çħ ĵ +æ» ł +æº į +æº ¹ +æ» Ĩ +æ» ī +æº ¦ +æº µ +æ¼ · +æ» § +æ» ĺ +æ» į +æĦ Ń +æħ ¥ +æħ Ĩ +å¡ ± +ð« ĮĢ +è £¼ +ç¦ ĭ +ç¦ Ķ +ç¦ ĺ +ç¦ Ĵ +è° « +é¹ Ķ +ð«ĸ ³ +æĦ į +å« Ħ +åª ± +æĪ ¤ +åĭ ł +æĪ £ +ð«ĺ ª +ð«ĺ ¬ +ç¼ ŀ +èĢ ¤ +çij § +ð« ŀ +ð«ŀ © +çij ¨ +çij ± +çij · +çij ¢ +æĸ ł +æij ı +å¢ ķ +å¢ Ī +å¢ IJ +å¢ ĺ +æij ´ +éĬ İ +ð¡ IJ +ð¡IJ ĵ +å¢ ļ +æĴ ĸ +𪠤 +ðª¤ Ĺ +éĿ ½ +éŀ ģ +èĶ Į +èĶ Ī +èĵ ° +èĶ ¹ +èĶ Ĭ +åĺ ı +æ¦ ° +æ¦ ij +æ§ ļ +ð£ Ĺ +ð£Ĺ ĭ +æ§ ľ +æ¦ į +çĸ IJ +𬸠ĺ +éħ º +éħ ¾ +éħ ² +éħ ´ +ç¢ ¶ +äĥ İ +ð¬Ĵ Ĺ +ç¢ ¨ +ð¥ Ķ +ð¥Ķ ² +ç¢ ¹ +ç¢ ¥ +åĬ Ĥ +ð«ļ ĸ +ä´ Ĺ +å¤ ¥ +çŀ į +é¹ ĸ +ã¬ İ +è· ½ +èľ ¾ +å¹ ĸ +å¶ į +åľ Ļ +𨱠ı +éĶ º +éĶ ¼ +éĶ ½ +ð¬Ń ¤ +éĶ ¾ +éĶ ¿ +éķ ĥ +éķ Ħ +éķ ħ +é¦ Ŀ +é¹ Ļ +ç® ¨ +ç® ĸ +åĬ Ħ +åĥ ¬ +åĥ ¦ +åĥ Ķ +åĥ İ +æ§ ĥ +ãĻ ¦ +é² Ĵ +é² ķ +ð«ļ ķ +é² ĸ +é² Ĺ +é² ĺ +é² Ļ +𬶠IJ +𬶠ı +ð ©½ +𩽠¾ +å¤ IJ +çį į +é£ Ĺ +𬸠ļ +åĩ ĺ +å» ij +å» Ļ +çĺ Ĺ +çĺ ¥ +çĺ ķ +é² Ŀ +éĦ « +çĨ ĩ +æ¼ ¹ +æ¼ ĸ +æ½ Ĩ +æ¼ ¤ +æ½ © +æ¼ ¼ +æ¼ ´ +ã ½ +ã½ ı +æ¼ Ī +æ¼ ĭ +æ¼ » +æħ ¬ +çª ¬ +çª Ń +ã ® +ã® ¾ +𬤠Ŀ +è¤ ķ +ç¦ Ľ +ç¦ ļ +éļ © +å« ķ +å« Ń +å« ľ +å« ª +ð¬ ĻĤ +ã » +ã» ¬ +éº ¹ +çĴ Ĩ +æ¼ ¦ +åı ĩ +å¢ £ +å¢ ¦ +å¢ ¡ +åĬ IJ +èĸ ģ +èķ ° +èĶ ĥ +é¼ Ĵ +æ§ ± +é¹ Ŀ +ç£ ı +ç£ ī +æ® £ +æħ Ń +éľ ħ +æļ µ +æļ ² +æļ ¶ +è¸ ¦ +è¸ £ +äĹ ĸ +èĿ ĺ +èĿ ² +èĿ ¤ +åĻ ĩ +å ĻĤ +åĻ Ģ +ç½ ¶ +å¶ ² +å¶ ĵ +ãł ĩ +å¶ Ł +å¶ Ĵ +éķ Ĩ +éķ Ī +éķ ĭ +éķ İ +ð¬Ń © +éķ ķ +ç¨ ¹ +åĦ ĩ +çļ ŀ +çļ Ľ +ä´ ĺ +èī İ +èī ı +é¹ Ł +𩾠ĥ +é² ¦ +é² ª +é² ¬ +æ© ¥ +è§ Ń +é¹ ł +é¹ ¡ +ç³ ĩ +ç³ Ī +ç¿ ¦ +é¹ ¢ +é¹ £ +çĨ Ľ +æ½ ĸ +æ½ µ +ã µ +ãµ IJ +æ¾ Ĥ +æ¾ Ľ +çij ¬ +æ½ ½ +æ½ ¾ +æ½ ı +æĨ Ń +æĨ ķ +𬸠£ +æĪ Ń +è¤ ¯ +ç¦ ¤ +ð«į ½ +å« ½ +éģ ¹ +𬴠Ĭ +çĴ ¥ +çĴ ² +çĴ Ĵ +æĨ Ļ +æĵ IJ +éĦ ¹ +èĸ ³ +éŀ Ķ +é» ĩ +ð¬ ŀ +ð¬ŀ Ł +èķ Ĺ +èĸ ¢ +èķ ¹ +æ© ŀ +æ© ij +æ© ¦ +éĨ ij +è§ ± +ç£ ¡ +ð¥ ķ +ð¥ķ ¢ +ç£ ľ +è± ® +ð«Ł ¦ +ð¬º Ī +ð«ł ľ +é¹ ¾ +èĻ ¤ +æļ ¿ +æĽ Į +æĽ Ī +㬠ļ +è¹ ħ +è¸ ¶ +äĹ Ľ +èŀ Ĺ +çĸ ģ +ãł ĵ +å¹ ª +𪠩 +𪩠ĺ +å¶ ¦ +ð¬Ń ¬ +𨱠ij +ð¬Ń ¯ +é¦ ŀ +ç© Ħ +ç¯ ļ +ç¯ ¯ +ç° ī +é¼ ½ +è¡ ł +çĽ ¦ +èŀ £ +ç¸ ¢ +é² Ń +é² ¯ +é² ° +é² º +é² ¹ +ð«Ĺ ´ +äº ¸ +çĻ Ģ +çĺ Ń +𬸠¦ +ç¾ ± +ç³ Ĵ +çĩ ĭ +çĨ » +çĩ Ĭ +çĩ ļ +çĩ ı +æ¿ © +æ¿ ĭ +æ¾ ª +æ¾ ½ +æ¾ ´ +æ¾ Ń +æ¾ ¼ +æĨ · +æĨ º +æĩ Ķ +é» ī +å¬ Ľ +é¹ ¨ +ç¿ ¯ +ð«Ħ · +çĴ ± +𤠩½ +çĴ ¬ +çĴ ® +é« ½ +æĵ ¿ +èĸ ¿ +èĸ ¸ +æª ij +æ« Ĩ +æª ŀ +éĨ ¨ +ç ¹Ħ +ç£ ¹ +ç£ » +çŀ « +çŀ µ +è¹ IJ +èŁ ı +ã ĺ +ãĺ İ +ð¬Ń ³ +éķ ¤ +ð¬Ń ¶ +ð«Ķ į +éķ ¥ +éķ ¨ +ð¬Ń ¸ +ð¨± Ķ +ð¬Ń ¼ +ð«Ķ İ +çŁ ° +ç© Ļ +ç© ľ +ç© Ł +ç° ķ +ç° ĥ +ç° ı +åĦ ¦ +éŃ ĭ +æĸ ¶ +èī ļ +𬸠ª +è° ¿ +ä² ł +ð¬¶ Ł +é² ¾ +𬶠ł +é² ¿ +é³ ģ +é³ Ĥ +é³ Ī +é³ ī +çį ¯ +äĹ ª +é¦ ĺ +è¥ ķ +è¥ ļ +𬶠¨ +èŀ ± +çĶ ĵ +å¬ ¬ +å¬ ¥ +ð¦ Ī +ð¦Ī ¡ +ð«Ħ ¸ +çĵ Ģ +éĩ IJ +é¬ ¶ +çĪ ĩ +éŀ ³ +éŀ ® +ð¬Ł ģ +èĹ Ł +èĹ ¦ +èĹ ¨ +é¹ ² +æª « +é» ¡ +ç¤ ŀ +ç¤ Į +ð¥ ĸ +ð¥ĸ ¨ +è¹ ¢ +è¹ ľ +èŁ « +äĹ ´ +åļ ļ +é« ĥ +éķ ® +éķ ± +éħ Ĥ +é¦ § +ç° ł +ç° Ŀ +ç° ° +é¼ « +é¼ © +çļ ¦ +èĩ ij +ä² ¢ +é³ ij +é³ Ĵ +é¹ ± +é¹ ¯ +çĻ Ĺ +ð¦ Ĵ +ð¦Ĵ į +æĹ ŀ +ç¿ · +åĨ ģ +äİ ĸ +çĢ Ķ +çĢ į +çĢ Į +è¥ ľ +ä´ Ļ +ð¬Ļ Ĭ +åļ Ń +ã ° +ã° Ģ +é¬ · +éĨ Ń +è¹ ¯ +èł ĭ +ç¿ ¾ +é³ ĺ +åĦ ³ +åĦ ´ +é¼ Ĺ +ð¬¶ Ń +𩾠Į +é³ ļ +é³ Ľ +éº ij +éº ĸ +èł ĥ +å½ Ł +å¬ ¿ +é¬ Ĵ +èĺ ĺ +æ¬ Ĥ +é Ĩµ +é¢ ¥ +çĶ Ĺ +ð¨ Ł +ð¨Ł ł +å· ĩ +éħ ħ +é« İ +çĬ ¨ +𬶠® +ð¨ Ń +ð¨Ń ī +㸠Į +çĪ Ķ +çĢ ± +çĢ ¹ +çĢ ¼ +çĢ µ +è¥ « +åŃ ħ +éª ¦ +ð¬Ļ ĭ +èĢ ° +𤠫 +𤫠ī +çĵ ĸ +é¬ ĺ +è¶ ¯ +𬺠ĵ +ç½ į +é¼ ± +é³ ł +é³ ¡ +é³ £ +çĪ Ł +çĪ ļ +çģ Ī +éŁ Ĥ +ç³ µ +èĺ ¼ +ç¤ µ +é¹ ´ +èº Ķ +çļ Ń +é¾ ¢ +é³ ¤ +äº ¹ +ç± ¥ +é¼ · +ð«ļ Ń +çİ ĥ +éĨ ¾ +é½ ĩ +è§ ¿ +èł ¼ +× § +× ¤ +× Ľ +×ķ× ª +× ¡ +×Ļ× Ŀ +× ¦ +× Ĵ +× ĺ +×ķ× ¨ +× Ŀ +×ķ× ľ +× ĸ +๠Ĥ +ï º +ðŁ į +ðŁ IJ +×Ļ× ¨ +ï » +ðŁ ij +ðĿ IJ +ðŁ ı +ðŁ Ķ +ðŁ Į +ðŁ İ +ðŁ ĵ +× Ł +ðĿ ij +×ķ× ĵ +ï ¦ +Ġ× ķ +×ķ× ij +à¸Ń à¸ĩ +ðĿ ĺ +×Ļ× ª +ðĿ ķ +à¸Ĺ ีà¹Ī +Ø§Ø ¦ +ðŁ ¤ +×ķ× Ł +ر ÙĬ +×Ļ× ľ +ร ะ +า ย +ï ¯ +ï ® +า ม +â ĩ +ðŁ ¥ +ï Ń +ðĿ Ļ +×ķ× ł +á ½ +Ġ× Ľ +ðŁ ļ +â ļ +ï § +×ij ר +×Ļ× ł +á ´ +Ġ× Ĺ +á ¼ +ðĿ Ĺ +Ġ× ¢ +×Ļ× Ķ +ãģ£ ãģŁ +ãģĵ ãģ¨ +á ¸ +ÙĬ ÙĨ +ãģª ãģĦ +ا ع +ภ¨ +à¹Ī à¸ĩ +×Ļ× ĵ +×ŀ ש +á Ī +׳ ×Ļ +×Ļ× ij +ï ¥ +ðĿ ĵ +Ġ× Ļ +× ļ +ั à¸ĩ +â ĵ +ï ¤ +ĠاÙĦ Ø£ +า à¸ģ +à¹ī à¸Ļ +à¹Ģ ร +×ķ× Ŀ +á ¹ +ภ¶ +×Ļ× § +ภĭ +à¸Ħ ร +ภĺ +ั à¸ģ +ðŁ ķ +ÙĪ ÙĨ +à¸Ń ย +â Ĭ +ðĿ Ĵ +ĠاÙĦ ع +า à¸Ļ +×Ļ× Ł +ÙĦ ÙĬ +×Ļ× © +à¸Ľ ระ +à¹Ģ à¸Ľ +Ġ× ł +×ķ× ¡ +ภł +Ùħ ÙĨ +×ķ× ¢ +×ķ× ŀ +â Į +ðŁ § +à¹ĩ à¸Ļ +ภį +ã İ +á µ +ĠاÙĦ س +×ķ× § +ห ล +ðŁ ĩ +â ı +ðŁ ¦ +Ġ×Ķ ×ŀ +ÙĪ Ø§ +Ġ× ª +ר ×IJ +à¸Ń à¸Ļ +ภ© +à¹Ī ว +×ķ× ¦ +í Ĺ +ã Ħ +ï ¨ +ï ¹ +â İ +ï ² +ðĿ ļ +ð IJ +à¸Ħ ว +ห à¸Ļ +Ġ× ¨ +ب ÙĬ +ร à¹Į +ر ا +Ø´ ر +×ķ× Ĺ +×ķ× ¤ +×ķ× © +×ķ× Ĵ +í Ŀ +â Ľ +à¸ķ ิ +à¹Ģ à¸ģ +ï ³ +ï ± +à¸Ķ à¹ī +ë ¹ +ï ¬ +á ¿ +ðŁ Ľ +ðĿ ĸ +à¹Īา à¸ĩ +ู à¹ī +Ġ×Ķ ×IJ +ĠاÙĦ ØŃ +פ ר +ÙĪ Ùħ +à¹Ģ ล +í ĸ +×Ļ× ¢ +ì Ī +í ĵ +ðŁ ħ +á ł +à¸Ħว าม +à¸Ī ะ +׳ ×Ķ +Ġ× § +à¸ Ł +à¹ī à¸ĩ +ห ม +ت Ùħ +׾ ×Ļ +ÙĬ د +à¹Ī à¸Ļ +׊ר +ש ר +à¹Ģ à¸Ĺ +×ŀ ר +ë ĸ +ع ÙĦ +×ŀ ×¢ +â ² +׾ ×Ķ +Ġ× ¤ +à¸Ń à¸ģ +س ÙĦ +×Ļ× ŀ +ÙĤ ÙĬ +í İ +ت ØŃ +×Ļ× ¡ +×Ļ× Ĺ +í Ľ +ï ° +â ½ +á ī +á Ĭ +á ¨ +Ùĩ ا +Ġ׾ ×Ķ +×ķ× IJ +Ùħ ا +à¹īà¸Ń à¸ĩ +ر ب +ĠاÙĦ ج +×ŀ ×ĵ +Ùħ ÙĦ +ت ر +à¹Ģ à¸Ķ +×§ ר +í ħ +ì ¼ +ê ¿ +ã Ī +á IJ +ðŁ Ĺ +ê ¦ +á ĭ +ðĿ Ķ +à¹Ģà¸Ľ à¹ĩà¸Ļ +à¹ĥ ห +ม า +ว à¹Īา +ม ี +ี à¹ī +à¹Ħม à¹Ī +ÙĨ ÙĬ +Ø ¤ +ร า +×ķ ×Ļ +ãĤĪ ãģĨ +ิ à¸Ķ +×Ļ× ¤ +׊׾ +ÙĤ د +à¹Ģ ส +×Ļ× ĺ +à¸ģ ล +ר ׼ +×ķ× Ľ +×Ļ× Ľ +ë Ī +ë ĥ +ðŁ ĸ +á ħ +â ¼ +ã ī +à¹Ħ à¸Ķà¹ī +ת ×Ļ +×Ļ× IJ +ĠاÙĦ Ø¥ +à¸ł า +ร ิ +ÙĤ Ø© +ØŃ د +ê » +ì ± +ת ×Ĺ +ì º +â ĭ +á Ħ +á ¾ +â µ +â ¾ +ĠÙĪ Ø§ÙĦ +׳ ×ķ +Ù Ģ +ÙĬ ا +à¸ģ à¹ĩ +×ŀ ×Ķ +ãģĦ ãĤĭ +ع د +ĠاÙĦ ÙĨ +Ġ×Ķ ×© +Ø ¦ +ั à¹īà¸ĩ +ร ัà¸ļ +ÙĪ ÙĤ +ãģ§ ãģį +à¹Ģ à¸ŀ +׼ ׾ +×ĺ ר +ั à¸Ķ +à¸Ń า +ì ¢ +à¸Ń à¸ļ +à¸ķ ร +à¹Ģ à¸Ĭ +ì Ķ +ãģĹ ãģ¾ +ë ģ +ë ķ +ðŁ Ļ +â Ĵ +á ¶ +à¹ģ ล +ÙĨ ا +à¹ĥห à¹ī +à¹Ħ à¸Ľ +× £ +ั ว +า à¸ĩ +×ĵ ר +×ij ׾ +פ ×Ļ +Ġ× ĵ +ĠاÙĦ Ùģ +à¹Ģ à¸Ĥ +ש ×Ķ +×IJ ר +ë ¬ +ãģ« ãģª +ÑĢ Ð¾ +ว ิ +Ùħ ر +×IJ ת +Ùĥ ر +س ب +ÙĨ ت +ãģĹ ãģĦ +ا ج +à¸Ń รà¹Į +Ùĥ ÙĦ +س Ùħ +ส ิ +×Ļ× ¦ +ë Ŀ +í ľ +ì ī +á Ĩ +Ùĩ Ùħ +à¸Ļ ีà¹ī +ãģĤ ãĤĭ +ãģĦ ãģ¦ +س ÙĬ +׾ ×IJ +د ر +ãģ ļ +ÙĪ Ø¬ +ĠاÙĦ Ø® +ص ر +í ı +à¹īา à¸ĩ +ุ à¸Ķ +×ķ× ĺ +×ij ×¢ +í Ĩ +à¸Ĭ า +ร ม +ש ×ŀ +×ŀ ס +ê ´ +ì ´ +ë ľ +ì ¿ +ì © +ë » +â ¤ +ðŁ Ĩ +á Į +á ķ +ذ ا +à¸Ĺ ำ +à¸ķ à¹Ī +ĠاÙĦ ÙĤ +ÙĦ Ùĥ +ู à¹Ī +à¸Ħ ุ +ÙĬ Ùħ +׳ ×Ļ×Ŀ +ืà¹Ī à¸Ń +ÙĪ Ø¹ +ãĤ ĩ +ا ÙĤ +Ġ×ij ×¢ +à¹Ģ ม +ج Ùħ +á» « +ãģĵãģ¨ ãģĮ +ب د +×ķ× Ķ +ש ׾ +Ùĩ ر +à¹Ģ à¸Ļ +ãģ ¹ +í ĭ +ì » +ì ½ +ë Ń +ì Į +í Ģ +ë Į +ë º +ã Ĭ +à¹ĥ à¸Ļ +Ġ× Ĵ +๠Ĩ +à¸Ī าà¸ģ +ว ย +à¹ĥ à¸Ĭ +à¸ĩ าà¸Ļ +ĠاÙĦ Ø´ +ا ØŃ +à¹īา à¸Ļ +ืà¹Ī à¸Ńà¸ĩ +×IJ ×Ļ +ب ÙĦ +ãģ¨ æĢĿ +׳ ס +ãģ¾ ãģĽ +Ùĥ ÙĨ +×¢ ר +ĠاÙĦ د +ש ת +í ŀ +Ùħ س +ص ÙĦ +×ķ׳ ×Ķ +ار Ø© +ÙĦ Ùħ +ส ม +Ø£ ÙĨ +ת ר +×IJ ×ŀ +ع ب +Ø® ت +ãĤ ĥ +ì ¡ +ì £ +ив а +ส ั +ึ à¸ģ +ì ¸ +ë Ĩ +алÑĮ н +ì ³ +ì į +ê ¼ +ê ½ +ì ı +ã Į +ã ı +ï © +ê ª +á İ +Ġ× ĸ +à¸ģ ัà¸Ļ +×Ļ ×ķ +à¸Ħ à¸Ļ +׳ ×ķת +à¸ľ ูà¹ī +à¹ĥ à¸Ī +ãģĦ ãģŁ +Ùģ Ø± +×ĺ ×Ļ +צ ×Ļ +ãĤĤ ãģ® +ĠاÙĦ ص +ãģ¾ãģĽ ãĤĵ +د Ø© +×ij ×Ļ +ĠاÙĦ ر +Ġ×ŀ ×IJ +ส ำ +à¹Ģ ห +ع ر +ãģª ãģı +à¸ģร ะ +×ij ×ĵ +à¹Ģ à¸Ī +×Ļ× ļ +×Ĺ ×Ļ +ÙĬ ع +ש ×ij +ÙĨ Ø© +ÙĪ Ø¶ +ÙĦ Ùģ +ÙĢ ÙĢ +פ ×¢ +í Ī +×ŀ ×§ +ภIJ +ØŃ Ø© +ا ص +Ñĭв а +à¸Ħ ม +ว ั +à¸Ľ ล +ì Ł +í ļ +ë ´ +ë ij +ë ī +ë ĩ +ì ¨ +ë ± +ë İ +â ¬ +á ¥ +á Ĺ +á Ľ +á į +Å © +à¸Ķ ี +ô i +Ġ× ¡ +׾ ×ķ +á»Ŀ i +à¸Ħุ à¸ĵ +â y +à¸Ļ า +×Ĺ ×ĵ +×ĵ ×Ļ +ห า +ج ÙĦ +à¹Ģ ว +ãĤĩ ãģĨ +Ùħ Ø© +ĠاÙĦ Ùĥ +Ġ×Ķ ×¢ +ج ر +×ĸ ר +ا Ø· +׼ ת +×ķ׳ ×Ļ×Ŀ +ØŃ Ùħ +ê ¶ +ر Ùĥ +Ġ׾ ×¢ +×ķ× ĸ +ส ร +צ ׾ +Ø ¢ +ا ست +à¹Ī ม +Ø® ر +צ ×¢ +×Ļר ×ķת +اد Ø© +Ø´ ار +×ŀ ×Ĺ +í Ĵ +à¹Ģร ีย +×Ĺ ×§ +Ø§Ø « +ร à¸ĩ +à¹Ģ à¸ķ +à¸Ī ำ +ภĿ +à¹Īา ย +à¸Ħ ล +ÙĤ ÙĪ +иÑĩеÑģ к +à¸ĵ à¹Į +ั ย +Ùħ ع +ë ¨ +ë ¿ +ë ® +ï ´ +ì ¥ +ì « +ë µ +á ¡ +â į +ð ĵ +â ° +à¸Ĥ à¸Ńà¸ĩ +Ù ĭ +à¸ģ ัà¸ļ +ãģ® ãģ§ +à¹ī ว +à¸Ńย à¹Īาà¸ĩ +ãģ Ń +á»ĩ t +à¸ķ à¹īà¸Ńà¸ĩ +×ŀ ×Ļ +à¹ģ à¸ļ +×Ĵ ר +ÙĪ Ùģ +ÙĤ ÙĦ +à¸łà¸² à¸ŀ +ר ×Ļ +ล า +ÙĬ س +Ġ× ¦ +ÙĬ Ùģ +Ġ× ĺ +à¸ľ ล +á ng +ร ว +Ġ×ŀ ש +×IJ ×ķת +×ĸ ×Ķ +ู à¸ģ +à¸Ļ ัà¸ģ +اÙĨ ÙĬ +د ا +ãģ ³ +׼ ף +ãĤī ãĤĮ +ãĤĮ ãģ° +ת ×§ +ú c +ÙĪ Ø² +×Ļר ×Ķ +Ġn gh +án h +Ġ×ķ ×IJ +á» ħ +ส ุà¸Ķ +ë į° +ا ض +اÙĦ ÙĬ +ب ار +ع Ùħ +à¸ļ า +ت ج +à¸ŀ ร +×ķר ×Ķ +ả ng +Ø® ÙĦ +ภī +ắ c +ש ×Ļ×Ŀ +í Ķ +Ùģ Ø³ +×Ļ× Ĵ +п ÑĢ +ĠاÙĦ Ø« +س Ø· +ร ูà¹ī +ีà¹Ī ย +à¸Ń à¸Ķ +ãģª ãĤĬ +×Ĵ ×ĵ +ãģĦ ãģ¾ãģĹãģŁ +ס ×§ +Ø® ص +la ÅŁ +ен но +ب ØŃ +ส à¸Ļ +ภ® +ר×IJ ש +Ùħ ÙĪ +دÙĬ د +ษ า +×ķ× ļ +ãĥ§ ãĥ³ +à¸ķ ุ +Ġê µ +ĠÑģв о +צ ×ij +à¸Ń ม +à¸Ľ ร +ت ع +×Ķ ×ª +اÙħ ÙĦ +×ŀ ׳ +ç ¶ļ +ภ¤ +í į +ë ĺ +ë ¤ +ì ij +â ´ +ã ĭ +Ġب اÙĦ +á»ģ u +ĠاÙĦ ÙĦ +à¸ķ ัว +ذ Ùĩ +ึ à¸ĩ +à¹ĥà¸Ĭ à¹ī +á»ĵ ng +à¸Ļ ั +ม าà¸ģ +ãĥ Ł +×ŀ ×ķ +à¸Ĺ ย +á»Ļ i +Ạ± +ả o +à¹Ĥ à¸Ķ +×IJ ׾ +ส าม +ÙĪ Ø¨ +à¸Ĺ ุ +ย ัà¸ĩ +×¢ ת +×ķ׳ ×ķת +à¸Ĥ ึ +à¸Ĥึ à¹īà¸Ļ +à¸ģ à¹Ī +Ạ« +á»ij c +ãģĹ ãĤĩãģĨ +á»ĭ ch +Ġ×IJ ×ķת +Ġש ×IJ +׼ ×ķ׾ +á»Ļ c +ع Ø© +à¸Ĺ ี +à¹Ģ à¸Ń +Ùĥ ت +ãģ » +Ạ» +ìĹ ħ +à¸Ń à¸Ńà¸ģ +اÙĨ ت +à¹Ħ ร +Ġ×IJ ×Ĺר +Ø· ر +ÙĨ د +ื à¹īà¸Ń +Ø· ÙĦ +×IJ ×Ķ +uy ên +í ĸī +×ij ×Ķ +à¸Ħ à¹Ī +à¸Ĭ à¹Īว +ãģĤãĤĬ ãģ¾ãģĻ +ÙĬ ب +×§ ׾ +ãĥ Ļ +Ä © +س ر +า ว +ãĤ ± +à¸ļ ริ +ר ×Ĵ +á»ĥ u +ØŃ ت +×ķ×ŀ ×Ļ +ب ÙĨ +êµ IJ +ÄŁ u +ãģª ãĤĵ +×ij ×§ +Ġפ ר +ắ n +ØŃ ÙĦ +×ij ×Ĺ +ấ u +×ij ×ķ×ĵ +ãĥ ¯ +Ġ׾ ×§ +ั à¸į +à¸ŀ ิ +×Ĺ ×Ķ +×ĸ ׼ +ãĥ¼ãĥ ł +ÑĤ елÑĮ +×ŀ ×Ļ×ĵ +ÙĬ Ø® +Ạ³ +ت ص +à¸ĺ ิ +è¾ ¼ +ì ĵ +Ùĥ Ø© +ÙĤ ب +à¸Ħ à¹Į +à¹īา ย +à¸ĵ ะ +า ะ +ë Ĵ +ê ¾ +ë · +ì ĩ +ê º +ì ģ +ë Ģ +ì ¾ +ë ½ +ë ļ +ì Ń +ì İ +á ij +ë Ĺ +ê Ĵ +à ¡ +à ¬ +ðIJ Į +ã ĩ +ðĿ Ħ +Ġ׾ ×IJ +ãģ¨ ãģĦãģĨ +Ġn hi +×Ļ ×ķת +Ġש ×Ķ +à¹ģล à¹īว +Æ°á»Ľ c +à¸Ķà¹ī วย +à¸Ĺ าà¸ĩ +׳ ת +פ ת +à¹ģ à¸ķà¹Ī +ư ng +à¸Ńย ูà¹Ī +à¹ī ำ +Ġ×IJ ׾ +Ùĥ Ùħ +ấ p +ล à¸ĩ +ãģŁ ãĤģ +×Ĵ ׾ +ห ร +ĠÑĢ Ðµ +à¹Ģà¸Ĥ à¹īา +ÙĤ ر +Ġ×Ķ ×¡ +ÙĪ ÙĬ +สาม าร +สามาร à¸ĸ +Äĥ n +à¸Ń ี +פ ×ķ +×Ļ׳ ×ķ +ว ัà¸Ļ +ặ c +íķ Ļ +×ŀ ת +ê u +Ạ¹ +Ùģ ÙĬ +×ŀ צ +à¸Ħ า +ãģĿ ãģĨ +ãĢ ħ +ا ز +ا Ùĩ +ר ×Ļ×Ŀ +ấ n +ห าร +ạ t +ÙĨ Ùĩ +à¹Ģ à¸Ħร +ج Ùĩ +׼ ×Ļ +ắ t +à¸Ħ à¹īา +ر Ø© +ãĥ ı +Ùĥ ÙĪÙĨ +ứ ng +Ġìļ ° +ย à¹Į +à¹Īว à¸Ļ +à¸ģ ำ +Ø« ر +Ñģ и +ĠاÙĦ Ø· +Ġ×Ķ ×¦ +ĠØ · +ĠاÙĦ ÙĪ +ê¹ Į +ØŃ ÙĬ +ار ات +à¹Ģ à¸ĭ +ب ا +г ÑĢ +ร ี +ืà¸Ń à¸Ļ +ع ت +ÙĤ اÙĦ +د Ùħ +Ø ¡ +Ġ×ŀ ×§ +×ĵ ×Ļ×Ŀ +×¢ ׾ +ãģ Ĵ +ëĭ ĺ +×¢ ×Ķ +Ġìĸ ´ +Ñģ ÑĮ +ÙĤ Ø· +ãĥ Ľ +èĢĥ ãģĪ +à¹ģ à¸Ļ +ÙĪ Ø§Øª +â u +ĠìĤ¬ ëŀ +ห ว +ĠاÙĦØ£ Ùħ +Ġ×Ķ ×ŀש +ب ÙĪ +à¸Ĭ à¸Ļ +ãĤĵ ãģ§ãģĻ +ว à¸Ļ +à¸ģร รม +×ŀ ×ķ×ĵ +Ùĥ اÙĨ +×ķ× £ +ол ог +ت ÙĨ +à¸ķ à¹Į +ê² ĥ +ר ×ĺ +ừ ng +×ķ×ij ×Ķ +Ùħ ØŃ +ĠÐ § +פ ×Ĵ +ส à¸ĸ +ãģĭ ãĤĬ +ını z +à¹Ģ ย +ãĥ¼ ãĥ³ +ãģĬ ãĤĬ +פ ש +ิ à¸ķ +Ø· ÙĨ +×Ļת ×Ļ +×IJ ׳ +ç ek +ì ª +×ŀ ×ij +ศ า +ãĤ¹ ãĤ¿ +à¸ļ ุ +×ĵ ×ijר +ãģĦ ãģı +ส ะ +à¹Ģ หล +ิ à¸ĩ +à¸ŀ ัà¸Ļ +ãģĦ ãģŁãģł +ãĤĤ ãĤī +à¹ī ม +ãģĵãģ¨ãģĮ ãģ§ãģį +าร à¹Į +ุ à¸ĩ +í ij +ì ¯ +ë ¼ +í Ĥ +ì · +ê ¡ +á ı +á Ĵ +ðĿ ľ +á © +ðŁ Ħ +ðIJ ¤ +Ġש ׾ +Ġ×ŀ ×Ķ +à¹ģล ะ +Ġ׼ ׾ +Ạ½ +á»Ļ ng +ذ ÙĬ +л е +× ¥ +ãģª ãģ© +ĠÙĪ Ø£ +หà¸Ļ à¹īา +ãģ¾ ãģ§ +à¸ķà¹Ī à¸Ń +à¸Ĺ ัà¹īà¸ĩ +ãģł ãģij +à¹ģà¸ļ à¸ļ +à¹Ģร า +פ ׾ +ãģŁ ãģĦ +à¹Ģล ย +ãģ£ãģ¦ ãģĦãĤĭ +ế p +ึ à¹Īà¸ĩ +ê ´Ģ +ê³ Ħ +׼ ×ķ +à¹Ģร ืà¹Īà¸Ńà¸ĩ +×§ ×Ļ +êµ Ń +פ ס +ت ÙĬ +ãĥ Ħ +Ġ×Ķ ×Ĺ +г и +ר×IJ ׾ +×ŀ ׾ +ĠØ£ ÙĬ +Ġع ÙĦÙĬ +ãģĭ ãģ£ãģŁ +ש ×Ļ +д Ñĥ +×ŀ ף +׳ ×ĺ +׳ ×Ļת +mi ÅŁ +׼ ×Ŀ +Ġ×ij ר +Ġ׾ ×ij +ĠÐ Ľ +ç e +×ķ׳ ×Ļ +ãĤĪãģĨ ãģ« +פ ×ķר +ãĥ į +Ùĥ ÙĬ +×Ĺ ×ª +Ùģ ÙĦ +Ġ×Ķ ×§ +Ġ×Ķ ×ij +Ġ×ŀ ס +à¹Īา à¸Ļ +п еÑĢ +à¹Īา ว +Ġ×ij ×IJ +ĠÙĪ Ùĩ +à¸Ļ ำ +Ġ×ij ש +׳ ×§ +ãģ© ãģĨ +ש ×ķת +×ĵ ×Ķ +à¹Ģ à¸ļ +ÙĨ س +Ġìļ° ë¦¬ +ส à¹Īวà¸Ļ +ล ัà¸ĩ +ج ز +Ġ×Ĺ ×Ļ +Ùĥ ثر +ล ะ +Ùĩ د +ĠÙĪ Ø¨ +اÙĦ Ùħ +à¹ģ ม +Æ¡ i +Ġ×ij ×Ĺ +ữ a +à¹Ģà¸Ĺ ศ +à¸ķ ัà¹īà¸ĩ +ог да +׾ ×§ +د د +สร à¹īาà¸ĩ +à¸Ĭ ี +Ùģ Ø¶ +à¹ģ ห +uy á»ĩn +ร ัà¸ģ +á»ĩ m +ส า +פ ×§ +ีย à¸ĩ +à¸ķ à¹Īาà¸ĩ +à¸Ħร ัà¹īà¸ĩ +ØŃ ÙĤ +à¹Ģ à¸Ńà¸ĩ +ائ ÙĬ +×ĺ ×¢ +اÙĦ Ø© +ิ à¹Īม +ãĤ ½ +د Ùī +Ġר ×IJ +ãģ£ ãģ¨ +ãĥĥ ãĥĹ +ÙĬر Ø© +ê± ´ +×ŀ ×IJ +×ķ ×ķ +ب ع +ãģ ² +ร าย +×ĵ ×Ŀ +ت Ùģ +à¸ķ à¸ģ +ạ ng +ãĤĴ è¦ĭ +à¸Ĭ ั +Æ°á» Ł +Æ°á»Ł ng +ج ب +×ķ×ŀ ר +ĠìĤ¬ëŀ Į +ó ng +ร ั +Ġ×Ķ ×ĸ +ר צ +Ġ×Ĺ ×ĵ +ذ ÙĦÙĥ +×ķר ×Ļ +ãģ¡ ãĤĥ +Ùģ Ø¹ +Ġ׾ צ +á i +à¹ĩ à¸ļ +ãģ İ +à¸ģ ิ +ạ c +ë© ° +ãģª ãĤĭ +×ķ׾ ×Ŀ +à¹ģ à¸Ĺ +×ķ× ¥ +м еÑĤ +ü ÅŁ +ÑĢ Ñı +ภĴ +ÑģÑĤ оÑı +ع ÙĪØ¯ +Ùħ ار +Ø· Ø© +à¸ŀ ื +к ÑĢ +à¹ģ à¸ģ +à¹Ĥ รà¸ĩ +×ij ×Ļ×ĺ +ê² ł +×ķ׾ ×Ķ +ØŃ ر +ืà¹Ī à¸Ńà¸Ļ +×ķ×ij ר +׊ש +ãĥķãĤ ¡ +×ŀ ×ĺ +ú t +Ġd ön +ắ ng +ëł ĩ +ẳ ng +ว à¸ģ +ص د +Ø® Ø· +à¸Ń ั +ãĤı ãĤĮ +سÙĦ اÙħ +à¹Ģร à¹ĩ +×Ļש ×Ļ +ج اÙĦ +ãģij ãĤĭ +à¸Ĭา à¸ķิ +ÙĪØ§ ÙĤ +à¹Ĥ à¸Ļ +ãģ¦ ãģĹãģ¾ +اع Ø© +ãĤŃ ãĥ£ +à¸į า +ÙĦا ÙĤ +ิ à¸ģ +ĠÑģ ов +ÑĢаРº +×Ļ׳ ×Ļ +ü ÄŁ +Ã¼ÄŁ ü +×§ ×ij +à¹Ī à¸Ńà¸ĩ +Ġger çek +à¸Ĺ ั +ов аниÑı +×ŀ ׼ +س Ø© +×Ļ× £ +le ÅŁ +Ùħ ؤ +ĠìĿ ĺ +à¸IJ าà¸Ļ +ĠÑģ об +Ġêµ Ń +×¢ צ +з в +ส à¸ĩ +ز ÙĦ +ãģı ãĤĮ +и ÑĢÑĥ +ت Ø£ +п олн +ìĺ Ģ +ÙĨ Ø´ +׼ ×IJ +Ùħ Ø´ +à¸Ķ à¹Į +ÙĪ ÙĬÙĦ +à¹ģ à¸Ĥ +ãģ£ãģ¦ ãģĹãģ¾ +но ÑģÑĤ +в л +Ùħ ÙĤ +را ج +å¤ ī +ë Ľ +â ¸ +ì IJ +à » +á ļ +â » +ê Ļ +â § +ð Ĵ +ðĿ ĩ +Ġ×IJ ת +ĠÙĦ ÙĦ +ĠØ£ ÙĨ +Ġ×ķ ×Ķ +ãģ« ãģ¯ +Ġ×Ļ ×© +ت Ùĩ +ÃŃ nh +ÙĬ ات +Ġ×ij ×ŀ +à¸Ļั à¹īà¸Ļ +à¸Ļ à¹īำ +Ãł o +à¸ķ าม +ãģ® ãģ¯ +d ır +Ġn ghi +ặ t +×ŀ ×Ļ×Ŀ +ãģ¦ ãģĦãĤĭ +Ġ×ij ת +หร ืà¸Ń +Ġس ÙĬ +ãģª ãĤī +à¹Ĥà¸Ķ ย +ı yor +à¸Ńี à¸ģ +á»ĩ nh +Ñĭ м +à¸Ĺุ à¸ģ +Ġ׾ ×Ĺ +Ġ×Ķ ×¨ +Ġ×Ķ ×Ļ +à¸ŀ ระ +à¹Ģว ลา +ĠØ º +ẫ n +m Ä±ÅŁ +׼ ×Ķ +á»ij n +ãģ§ ãģĹãĤĩãģĨ +ãĥ ¢ +à¸Ľ ี +ס ×Ļ +ãģĵ ãĤį +Ġ׾ פ +ร à¸ĸ +ê¸ Ī +à¸ģ วà¹Īา +ë ¬´ +á»į ng +ãĤĵ ãģ§ +ãĤĪãģĨ ãģª +á»ĵ i +ãĤ ¬ +ส à¹Īà¸ĩ +×Ļ׳ ×Ķ +à¸ĸ ูà¸ģ +à¸Ī ัà¸Ķ +Ġ×Ķ ×Ĵ +ãĥ ľ +×ŀ ×ķת +ÙĪ Ùĥ +ëĭ ¨ +ĠØ « +ãģ® ãģĮ +à¹Ģห à¹ĩà¸Ļ +ع ا +à¸Ļ ิ +Å ŀ +à¸Ń ะ +ãģĪ ãĤĭ +Ø« ÙĦ +ØŃÙħ د +à¹Ģà¸ģ ิà¸Ķ +פ שר +פ ×Ķ +ม ิ +ئ ÙĬس +à¸Ĺำ à¹ĥหà¹ī +×¢ ×ĵ +ìĭ ¤ +à¸Ĭà¹Īว ย +ĠاÙĦÙħ ÙĨ +ز ÙĬ +ع ÙĬ +Ġ׼ ×IJ +ạ nh +á» ¹ +ãĤĵ ãģª +ส ู +צ ר +Æ°á»Ľ ng +×ķ ×ķ×Ķ +à¹Ĥ ล +ĠاÙĦ Ùĩ +ว า +หล าย +Ñī е +à¸Ĥ à¹īà¸Ń +à¹īà¸Ń ย +ب Ø· +ка Ñı +ĠØ ¢ +Ġи Ñģ +ĠاÙĦ غ +à¸ģ า +à¸Ļ à¹Īา +ÙĬ ÙĪ +×ij ×ķר +á»ħ n +ว à¸ĩ +×Ļ× ĸ +ì² Ń +н им +ëŁ ° +×Ĵ ×ķר +ص ØŃ +ÙĦ ÙĪ +×Ĺ ×ķת +ส ุ +رÙĬ ÙĤ +ס ×ĺ +Ġ×ŀ ×¢ +ãĥĨ ãĤ£ +à¸Ħ ิà¸Ķ +ãĤį ãģĨ +à¹Ħ ล +à¸Ļ à¹Į +á»ı i +ÑģÑĤÑĢ Ð¾ +ส à¸Ķ +ส าร +ÙĪÙĦ Ø© +ầ m +ร à¹Īว +รà¹Īว ม +ร ุ +ĠاÙĦس ÙĬ +ìĺ ģ +Ġ×ŀ ×ij +פ ×ĺ +à¸ķิ à¸Ķ +×ĺ ×Ļ×Ŀ +Ġë ¬´ +ÙĤد Ùħ +Ġdü ÅŁ +ائ ÙĦ +м Ñĭ +ØŃ س +ÙĪ Øµ +×Ļ×§ ×Ķ +ãģ§ãģ¯ ãģªãģĦ +à¹Ģ หม +оÑĢ ÑĤ +í Ĩµ +ãģ IJ +к ÑĢа +ีย ว +ع ار +ئ Ø© +íĥ Ģ +ãģ«ãģª ãĤĬ +ج Ø© +ÙĪÙĤ ع +ÑĮ Ñı +×ķצ ×Ķ +ש ×Ŀ +ب ÙĤ +Ġ×Ļ ×Ķ +ÙĬ Ø· +ım ız +д еÑĢж +×Ļש ר×IJ׾ +غ ÙĬر +ร à¸Ńà¸ĩ +à¹Ģรีย à¸Ļ +Ġ×Ķ ×ĺ +หม าย +Ùħ Ùĩ +اÙģ Ø© +Ġо ÑĢг +ÙĪ Ùī +ãĥ© ãĤ¤ +×ŀ ׳×Ķ +ĠÄij o +Ġг оÑĢ +اÙħ Ø© +æ¥ ½ +Ø« ÙĬر +à¸ģิ à¸Ī +á»ĵ n +ÙĨ ب +ÑĢÑĥ д +ìĹ Ī +Ġ×Ĺ ×ijר +ÑĢаР¶ +ạ ch +ت ÙĪ +à¹Ĥ ม +×ij ×Ļ×ij +Ġí Ĩµ +aca ģı +جÙĦ س +à¹Ģà¸Ľ ล +ว à¸Ķ +à¸Ń ล +ãģŁ ãĤĬ +à¸Ľ ัà¸į +Ġìķ Į +عر Ùģ +à¹Ħ à¸Ł +Ø£ Ø® +å¤ļ ãģĦ +à¸Ķ ัà¸ĩ +Ø´ Ùģ +ãģ£ãģ¦ ãģĦãģ¾ãģĻ +׼ ×ł×¡ +ÑĨ е +еÑģ п +Ùħ اÙħ +à¸ŀื à¹īà¸Ļ +иÑĩеÑģ ки +Ø® د +Ùĥ ÙĪÙħ +Ġ×Ķ ×¨×IJש +ت اب +é£Ł ãģ¹ +ื à¸Ļ +оÑĢ Ð¾ +Ġb öl +×ķ×Ĺ ×ĵ +دÙĬ ر +ắ m +د ع +ãģķ ãģĽ +à¸ĺ ร +à¸ĺร รม +ãģĭ ãĤĤ +å¤ļ ãģı +r ä +س ع +×Ļ׾ ×Ķ +ض ر +ĠاÙĦ شر +×ĸ ×ķר +×¢ ×ijר +ạ m +алÑĮ но +ر ÙĨ +اÙħ ج +׼ ×ļ +d ıģ +д ен +ض ا +ÙĦÙĬ Ùħ +Ġê·¸ 룬 +تÙħ اع +ار ÙĬØ® +à¹Ĥ à¸ķ +ĠÑģ ÑĢед +Ġ׳ ×ķס +ÙĤ بÙĦ +оÑĤ ов +le ÅŁtir +Ġм еÑģÑĤ +سÙĦ Ùħ +Ġ×¢ צ +ĠاÙĦس ÙĦ +еÑĤ ÑĮ +اب Ø© +н ак +สà¸ĸ าà¸Ļ +Ġ×ij ׳ +à¸ļ ัà¸Ļ +׼ ׳ +Ġö ÄŁ +ãģ¨ è¨Ģ +uy ến +di ÄŁ +áºŃ u +ÑĢ Ð°Ñģ +ãĤ· ãĥ§ãĥ³ +n ız +×ķ×ĵ ×Ķ +ت س +Ùħ اÙĦ +à¹Ģห à¸ķุ +ย ว +à¸ŀ ัà¸ģ +ãģĦ ãģªãģĦ +Ġк аÑĩ +ล à¹Į +ר׼ ת +ÅŁt ur +×ŀ ×ķס +ãģ ¥ +б ол +عÙħ اÙĦ +×ķר ת +ÑĨи он +ศ ึà¸ģ +ภı +ÑĢ ÐµÐ½ +اس ÙĬ +ائ ر +à¹Ĥ à¸Ľà¸£ +Ġse ç +غ ÙĬ +Ñį ÑĤ +ен н +ãģª ãģ® +×Ļש ×Ķ +×Ļפ ×ķר +ãģŁãĤģ ãģ« +ز Ø© +Ġç oc +ãĤ¯ ãĥª +ÑĪ ÐµÐ½ +ãĤı ãģij +رÙĬ د +ĠÑĢ Ð°ÑģÑģ +Ùĥ ات +ส à¸Ńà¸ļ +ce ÄŁi +ãĤ¿ ãĤ¤ +à¸ļ ร +ĠاÙĦ بر +׳ ×ķ×¢ +r ün +را ض +ศา ส +à¸ķ รà¹Į +ãģį ãģŁ +×ķ׾ ×ĵ +еÑĢ Ð¸ +íĹ ĺ +ắ p +ت عÙĦ +Ùĥ د +иÑĤелÑĮ но +Ø· Ùģ +Ġав ÑĤом +Ġ×ŀ צ +ÑĪи Ñħ +ات Ùģ +ĠÑħ оÑĤ +Ùİ Ø§ +ãģı ãĤĭ +×Ķ ×¤ +à¹Ĥ à¸Ĺ +à¹ģ à¸ŀ +à¹Ī à¸Ńย +ĠاÙĦÙħ Ø´ +à¸ģาร à¸ĵà¹Į +ани з +×Ķ ×ľ +ظ Ùħ +ย ุ +li ÄŁ +à¹Ħ à¸Ĥ +à¸ĸ ืà¸Ń +ö z +ãģij ãģ¦ +à¹Ģ à¸ľ +ุ ม +ãĥĹ ãĥ¬ +Ġ×Ķ×IJ ×Ĺר +خت ÙĦÙģ +à¸ İ +ÙĦا ØŃ +Ġdü zen +צ ×Ķ +س اء +×ķר ×ļ +×ķ×ĵ ×Ļ +ÑĢа ÑĦ +ÅŁt ır +ãģ« åħ¥ +ãģĪ ãģ° +ص ÙĪÙĦ +ĠÐľ оÑģ +ا Ùĩر +ãģ£ ãģ +ĠлÑİ Ð± +×Ļ×¢ ×Ķ +Ġ×Ķ×ŀ ×§ +สิ à¸Ĺ +สิà¸Ĺ à¸ĺิ +×Ļ׳ ×Ŀ +ÙĦا Ùģ +à¸ŀัà¸Ļ à¸ĺ +×ķ×IJ ×Ķ +ม ั +à¸Ĥ à¸ĵะ +д оÑĢ +ãģ¨ ãģª +à¸ģระ à¸Ĺ +ac ı +×ķ׾ ×ķ×Ĵ +Ñĥ ÑĪ +ãĥ¥ ãĥ¼ +ãĥ ¦ +Ùħ ست +Ġa ÅŁ +ש ×§ +פ ת×Ĺ +าย à¸Ļ +í ĩ +ë ¢ +ï · +í ī +ì µ +ì ¬ +ðĿ Ľ +ì Ĵ +ë Ļ +ê § +á ĸ +â ¨ +â ± +á ĺ +ð ĸ +à ł +á Ķ +ðIJ Ń +ữ ng +Å© ng +Ġ×Ķ ×ª +ĠاÙĦ ا +Ġ×ŀ ת +à¸ĸ ึà¸ĩ +ò n +á»ĭ nh +нÑĭ м +Ġc ả +à¸Ķ ู +Ġ à¹ģà¸ķà¹Ī +Ġ×ij ×Ķ +ó i +ãģ¨ ãģĹãģ¦ +ú ng +ĠØ ° +Ġ×Ķ ×ł +Ġب ÙĨ +ÙĦ اÙĦ +à¹Ħ à¸Ĺย +á»ĩ p +t ı +ม ัà¸Ļ +ằ ng +á»ij t +к ом +à¸ĭ ึà¹Īà¸ĩ +à¸Ħร ัà¸ļ +à¸ļ à¹īาà¸Ļ +ĠاÙĦ ÙĬ +l ü +ÙĪ Ø³ +ãģł ãģ£ãģŁ +à¹Ģ à¸ĩ +Ġê³ µ +н Ñĥ +ãĤĪ ãĤĬ +м Ñĥ +à¹Ģà¸Ĥ า +ãĤ Ģ +ни е +ãģ«ãģª ãĤĭ +áºŃ y +ĠÙĪ Ø§ +ëł ¤ +ש ×ķ +á p +×ĵ ×ķ +ãģ§ ãģĹãģŁ +ع ض +Ñģк ой +æĦŁ ãģĺ +ÑİÑĤ ÑģÑı +Ġ×Ļ ×Ľ×ķ׾ +ãĤĵ ãģł +в и +à¹Ģล à¹Īà¸Ļ +ìĿ´ ëĭ¤ +ĠÙĦ Ùĩ +à¸Ħ ืà¸Ń +ت Ùĥ +Ùħ ÙĥÙĨ +a ģı +׳ ×ĵ +ë¯ ¼ +à¹Ħ ว +สำ ห +สำห รัà¸ļ +Ñģл ед +t ır +ĠÙĦ ÙĬ +ĠاÙĦع ÙħÙĦ +×ij ×ķת +×ij ×Ļ×Ŀ +à¸Ħ ำ +à¹Ģà¸Ħร ืà¹Īà¸Ńà¸ĩ +lı ģı +ืà¸Ń à¸ĩ +ج د +íŀ Ī +ìĭ ¬ +×¢ ×ķת +ส ิà¸Ļ +Ñĩ и +ر ض +à¹Ģà¸Ľ ิà¸Ķ +à¸Ħ à¹Īา +ìĦ ł +ÙĪØ± Ø© +×§ ×ĺ +ìľ ł +ع ÙħÙĦ +×IJ ×Ļ×Ŀ +׾ ×Ļ×Ŀ +à¹ĥห à¸į +à¹ĥหà¸į à¹Ī +ừ a +á»į i +ãģ ¶ +ÃŃ ch +ãĥĩ ãĤ£ +×ķר ×Ļ×Ŀ +Ñģ о +ìķ ½ +ов а +Ñĩ аÑģÑĤ +à¹Ģà¸Ī à¹īา +п ÑĢо +Ġ×ŀ ×Ĺ +ãĥ İ +×ķ×Ļ ×ķת +Ġд е +ë§ Ī +ì§ ģ +×Ļפ ×Ķ +ĠاÙĦع اÙĦÙħ +ë¥ ´ +ר×IJ ×Ķ +uy á»ĥn +×¢ ×Ļ +ม ืà¸Ń +Ø¥ ÙĨ +ร ู +ĠØ ² +×Ļ ×ķ×Ŀ +à¸ķ à¹īà¸Ļ +ãģ¦ ãģĦãģ¾ãģĻ +Ùħ اÙĨ +ĠÐ ¥ +à¸Ľà¸£à¸° à¹Ģà¸Ĺศ +á» ³ +׾ ×ij +à¹Ģà¸Ķ à¹ĩ +ãģŁ ãģ¡ +à¸Ĺี ม +à¸Ļ ะ +ìĹ ° +Ġìł Ģ +ÙĦ Ùĩ +ợ i +ĠاÙĦ ز +د ار +ãĤ³ ãĥ³ +м ин +à¹ģห à¹Īà¸ĩ +à¸Ķ ัà¸ļ +׼ ר +ж а +íĸ Ī +×ŀ ×ĸ +ợ i +à¸Ķ า +Ġع بد +à¹ģ ร +×IJת ר +×¢ ׳×Ļ +à¹Ģ à¸Ħ +×ķצ ר +ì§Ģ ë§Į +ائ Ùħ +Ø£ س +uy á»ģn +Ġ×IJ ׳ +׊׳×ķ +×ĸ ×Ļ +ร à¹īาà¸Ļ +ĠÐł оÑģ +ĠÐłÐ¾Ñģ Ñģ +رب ÙĬØ© +t ür +ãĤĭ ãģĵãģ¨ +ظ ر +б Ñĭ +à¸Ĺีà¹Ī สุà¸Ķ +Ġצ ר +èĩª åĪĨ +л аÑģ +ĠÑı в +ĠÑıв лÑı +à¸ŀร à¹īà¸Ńม +à¸Ńา à¸Ī +à¸ļริ à¸ģาร +Ġç ı +ëį ĺ +ĠاÙĦÙħ ست +ت Ø´ +ש ×ķ×ij +ãĤ ´ +Ġyap ıl +ĠاÙĦ ذ +ุ à¹Īม +à¸ĸ à¹īา +ìĦ ¤ +ì° ¨ +в аÑĢ +à¹Ģà¸ŀ ิà¹Īม +Æ°á»Ľ i +Ùĥ س +à¸Ńย าà¸ģ +ãģ¦ ãĤĤ +Ġг од +ÙĬ ار +à¸ķ à¸Ńà¸Ļ +Ġиг ÑĢ +à¹Ħà¸Ķà¹ī รัà¸ļ +ĠاÙĦÙħ ر +ÙĤ ت +Ġë ĺ +Ġëĺ IJ +ẩ n +ãģĻãĤĭ ãģĵãģ¨ +×Ĵ ×Ŀ +Ġ×ij ×ij +ت د +ÙĪ Ø§Ø± +ãĤ ® +п ол +Ġм ог +تر Ùĥ +ÙĪ Ø« +Ġç ık +ا Ø© +à¹Ģà¸Ķ ียว +มี à¸Ħวาม +Ġ×ŀ ×Ĵ +ص Ùģ +ĠТ ак +Ġ׼ ת +×Ļ×ĵ ×Ļ +ов оÑĢ +ầ y +สิ à¹Īà¸ĩ +ب ت +ür ü +ÙĨ ج +หล ัà¸ģ +×Ļ×Ķ ×Ŀ +ÙĤ ص +з Ñĭ +×Ľ×ª ×ij +ư u +m ız +ĠìĦ ¸ +л ог +Ùħ ÙĬÙĦ +ÙĬ ج +íĴ Ī +à¸ŀ à¸ļ +ห ัว +з на +ר ×§ +à¹Ĥ ร +Ġ×ij ס +ĠBaÅŁ kan +ĠëĶ ° +à¸Ń ัà¸Ļ +ีà¹Īย ว +н еÑģ +à¹Ģà¸Ķ ิà¸Ļ +ÙĬ اÙĨ +×ķ׾ ×Ļ +ا خت +צ ×ķת +ãģĵ ãģĵ +ĠاÙĦ اÙĨ +ĠпÑĢо ÑĨ +ãģ¾ ãģł +׼ ס +ĠاÙĦ Ø¢ +ÙĬ ز +ĠاÙĦد ÙĪÙĦ +Ġíķĺ ëĤĺ +ض ع +ê» ĺ +ÅĽ wi +ย ิ +ãģ¡ãĤĥ ãĤĵ +ĠÙħ Ø´ +à¸ĺ ี +ãģ¨ ãģį +׳×Ļ ×ķת +Ġë ¯ +Ġë¯ ¸ +Ġs ı +ëĭĪ ê¹Į +Ġп л +غ ÙĦ +à¹ģ รà¸ĩ +ب ÙĬر +ãģĤãĤĬ ãģ¾ãģĽãĤĵ +ê· ¼ +Ġy üz +ĠdeÄŁ er +åł´ åIJĪ +á» ¡ +м аÑĤ +รา à¸Ĭ +ÙĪØ± ÙĬ +ж ен +ãģ¾ ãĤĬ +ãģ® ä¸Ń +×Ļ×ĵ ×¢ +à¸Ń ุ +à¸ļ à¸Ńล +à¸Ľà¸±à¸į หา +ز Ùħ +ÄŁ a +à¸Ń ืà¹Ī +à¸Ńืà¹Ī à¸Ļ +п л +Ġне обÑħодим +׼ ×ij +à¹Ģ ศ +קר ×Ķ +ì² ĺ +ëł ¨ +×ŀ×§ ×ķ×Ŀ +jÄħ c +Ùĩ ÙĦ +Ġ×¢ ×ij×ķ×ĵ +à¹Ħม à¹ī +à¸ģล ัà¸ļ +×ķ׼ ׾ +×§ ×ĵ +اÙĦ ÙĬØ© +ر Ùĩ +ãģij ãĤĮãģ° +ĠÙĨ Ù쨳 +ãĤ¢ ãĥ« +ìĹ Īëĭ¤ +×§ ×ķר +н еÑĢ +ب اب +ãĤ ¶ +سب ب +ÙĦ ÙĬÙĦ +ص ÙĨ +ص در +ế m +à¸Ĭà¹Īว à¸ĩ +ØŃ ÙĨ +Ġ×ij ×Ĵ +×ŀ ×ķ×¢ +׾ ×Ĺ +大 ãģį +ت ب +н еÑĤ +×Ļ×ij ×Ķ +б л +ãĥĹ ãĥª +اص Ø© +ãģ¤ ãģij +×Ļ×ŀ ×ķש +ãģĮ ãģĤ +ëĭ ´ +ãģĭãĤĤ ãģĹ +ãģĭãĤĤãģĹ ãĤĮ +ãģ¡ ãĤī +×ij ×ĺ +Ġba ÄŁ +×Ļ×Ĺ ×¡ +×ij ×ķ×¢ +ล ี +פע ×Ļ׾ +им и +g ÅĤ +Ġим е +خد اÙħ +×IJ ×Ļר +Ġy apt +ãģ¨ ãģĦ +à¸ĩ à¹Īาย +׾×Ļ ×ķ +ØŃد Ø« +را ÙĤ +ĠÄIJ i +اد ر +ãģĵãģ¨ ãĤĤ +×ij ×Ļר +Ġв з +ض اÙģ +ת ×ķ׼ +ÑĢ Ð¾Ð¼ +ر ات +à¹Ģà¸Ĺ à¹Īา +ãģĺ ãĤĥ +ãģĿ ãģĵ +اج تÙħاع +à¹īà¸Ń à¸Ļ +ÙĤ Ùħ +ë³ ¸ +Ä ŀ +ש ×Ļ×ķ +×ij ׳×Ļ +ìľĦ ìĽIJ +à¹ģ à¸Ī +×Ĺ ×ķר +دÙĬ ÙĨØ© +ت Ø· +ằ m +ò a +ย à¸Ńà¸Ķ +Ġëĭ ¹ +สุ à¸Ĥ +×ĵר ×ļ +د ÙĨ +س ÙĬÙĨ +ÙĪÙĤ Ùģ +ÑĨ Ñĭ +г оÑĤов +еж дÑĥ +à¸ŀ วà¸ģ +اÙĤ تص +اÙĤتص اد +cz ÄĻ +ni ÄĻ +ÑĢ ÐµÐ± +ØŃ ÙĪ +à¸Ĺ à¹Į +ãĤĪ ãģŃ +д ж +à¸ģล à¹Īาว +دÙĬ Ø« +ãĤ³ ãĥŁ +ÙĤ ÙĪÙħ +Ġت ØŃ +à¹Ģ à¸ķิ +اÙģ Ø¸ +à¸Ī ุ +رÙĬ اض +×ŀש ×ļ +à¹Ĥ ย +еÑĢ Ðµ +ãģ¿ ãģŁãģĦ +ìĿ´ ëĿ¼ +ĠاÙĦÙħ ÙĪ +ĠÑģÑĤ о +à¹Ģรà¹ĩ ว +Ġд еÑĤ +ĠÑģ дел +à¹Ģà¸Ĭ ืà¹Īà¸Ń +פ ׳×Ļ +ÙĪØ¶ ÙĪØ¹ +×ij ס +à¹ģ à¸Ķ +ó c +ริ ม +ÑĢаР´ +ìĪ ł +ãĥ¼ãĤ º +ãģ« ãģĬ +и но +פ ×Ļ׾ +à¸Ĭั à¹Īà¸Ļ +×Ĺ×ĵ ש +à¹Ģà¸Ļ ืà¹Īà¸Ńà¸ĩ +׳ ×Ļס +غ رب +ãĤ¸ ãĥ£ +ส ัà¸ĩ +à¹Ģ à¸Ĺีà¹Ī +à¹Ģà¸Ĺีà¹Ī ยว +ëŁ ¼ +à¹ģ à¸Ł +ãĥ¼ãĤ · +ãĥ¼ãĤ· ãĥ§ãĥ³ +Ġвоз мож +جÙħ ÙĪØ¹ +×ijר ×Ļ×Ŀ +ãĥĪ ãĥ© +ĠкаÑĩ еÑģÑĤв +Ø· ÙĬ +ÑĤ Ñı +צ ×ķ×¢ +ÄŁ ını +ع ÙĦÙī +ا ذ +ÙĪØ§ÙĤ ع +Ùħ ÙĪØ§ +ائ ÙĬÙĦ +к ол +á»ģ m +à¸ľà¸¥ ิà¸ķ +×Ļ׳ ×ĺר +س Ùĥ +ש ×Ļר +ศึà¸ģ ษา +à¸ļ ั +Ñĩ аÑģ +×ķפ ×Ķ +×Ļפ ×ķ׾ +ĠاÙĦس اب +رÙĬ ب +ĠاÙĦ بÙĬ +ãĤ¹ ãĥĨ +Ñĩ ен +à¹ģ à¸ľ +Ġ׳ ש +ز ÙĬد +ØŃ اد +ëį Ķ +رÙĪ Ø¹ +à¸Ĺุ à¸Ļ +ส มา +c zeÅĦ +×Ļ×ĵ ×Ķ +ãģ§ ãģĤ +Ġçoc uk +Ø® ب +à¸ļ าย +à¸Ľà¸£à¸° à¸Ĭา +×ŀש ׾ +ãģª ãģĭ +à¸ģ าย +ãĥģ ãĥ£ +аÑĢ Ð¸ +ĠÑĩ а +à¸Ķ ำ +à¸Ĺั à¹Īว +Ñĥ Ñħ +Ġö z +Ġì¢ ĭ +ج رÙĬ +ائ ÙĤ +à¸ł ัย +Ø· ار +د ارة +Ä© nh +Ø« ÙĨ +zell ik +اÙĦ ت +Ġg eli +ãĥķãĤ © +ол од +رب ع +שת ×ŀש +à¸ļร ร +íĿ ¬ +Ġü rün +Ġê·¸ ëłĩ +ศาส à¸ķรà¹Į +ãģ ľ +×Ļ×ij ׾ +ĠпÑĢед ÑģÑĤав +سط ÙĬÙĨ +ãĤĴ 使 +Ġпом оÑī +×ķ×§ ר +ãĥ¯ ãĥ¼ +Ġyö net +×Ļ×§ ר +à¸Ĥ า +еÑĢи ал +ØŃ Ùģ +Ġ×Ļ ×¦ +à¸Ĺ ิ +å£ ² +à¸Ļ à¸Ńà¸ģ +×ķ׼ ר +íĻ ľ +á»§ y +ĠاÙĦÙĤ ر +×Ļ×ij ×ķת +ÅĽ ni +Ùħ شار +ượ t +ĠÙĦ دÙĬ +ÑĤ ел +ĠØ¥ ÙĦÙĬ +عÙĦ ÙĪÙħ +ìķ ĺ +в иÑĤ +à¸Ħ ะ +yr ı +ãģ¨ ãģ£ãģ¦ +à¹Ģ à¸ī +à¸ĸ าม +ÙĤ ار +عÙĦ اÙħ +ặ ng +Ùħ ÙĴ +×Ļ×ŀ ת +سب Ø© +ãĤ¯ ãĥ© +×ķס ×£ +ĠпÑĢ Ð¸Ð½ +ãģĦ ãĤį +س اس +عت بر +วิ à¸Ĺย +วิà¸Ĺย า +س Ùĥر +ãĤ· ãĥ§ +ãģ ģ +ัà¸ģ ษ +×ij ×ķ×Ķ +ห ย +ãģ¾ ãĤĮ +ĠоÑĢг аниз +каз ал +ĠÑģв Ñıз +uy ết +ĠпÑĢо из +Ġ×§ ×ĺ +à¹ģà¸ģ à¹ī +п ÑĥÑģ +Ġê·¸ ê²ĥ +ëĬ IJ +л екÑģ +ãĥ¼ãĥ Ĺ +à¸ķ ำ +ת×Ĺ ×Ļ׾ +à¸Ńà¸ĩ à¸Ħà¹Į +Ạµ +׳ צ +Ø£ Ø´ +Ø´ Ùĩ +ย ะ +à¸ģ à¸İ +ĠاÙĦØ¥ سÙĦاÙħ +ед ÑĮ +ãģ² ãģ¨ +ëıĦ ë¡Ŀ +ãģ© ãģ® +Ñĥ в +еÑĩ ение +ĠاÙĦت ج +ãģ« è¡Į +Ġп озв +ãĤı ãĤĬ +ÙĦ اث +íķĺ ìĺĢ +Ġм аÑĢ +Ġkon uÅŁ +ãĥ¬ ãĤ¹ +ãĤĴ æĮģ +ĠоÑģ нов +×Ĺ ×ij +ÙĪØ¬ ÙĪØ¯ +פ ×ķף +в оÑĢ +Ġн ик +ãģĭ ãĤĭ +ÅŁtır ma +×Ļס ×ĺ +Ø£ ÙĦ +ห à¹Į +и она +лÑĮ н +Ġг оÑģ +ĠÐľÐ¾Ñģ к +ÑĢ Ð¾Ð± +×ķ×IJ ×Ļ +ãģĬãĤĬ ãģ¾ãģĻ +ãģ£ãģ ± +к л +à¸Ļ à¸Ķà¹Į +رÙĬ Ùģ +اس ب +ĠÑĢ ÐµÑĪ +Ġд ол +ãģ¹ ãģį +×Ļ×ij ×ķר +м еÑī +Ġна ÑĪ +à¹ģ à¸Ľà¸¥ +ÑĢ Ð¸ÑĤ +кÑĥ Ñģ +и ÑĢа +аÑĤ ÑĥÑĢ +ÙĪØ§ صÙĦ +à¹Ģà¸ľ ย +à¸Ń ำ +à¹Ģà¸ģ ิà¸Ļ +غ Ùħ +ãģĻ ãģİ +lı kl +ÅĦ sk +ê² ¬ +×Ļ׼ ×Ķ +׊ש×ij +ÙĪØ± ÙĬØ© +Ġд ейÑģÑĤв +×Ĺ׾ ×ĺ +Ġ׾ ×ŀ×¢ +צ׾ ×Ļ×Ĺ +еÑĩ а +Ùģ Ø§Ø¹ +×Ĵ ×Ļ×ĵ +áºŃ m +ÄĻ b +Ø´ ع +ãģı ãĤĬ +à¸ŀ ุ +ед еÑĢ +à¸Ĥ à¸Ļ +à¸Ħ าร +ĠболÑĮ ÑĪ +ãģı ãģªãĤĬ +à¸ĵ า +×ĵ ×ķ×Ĵ +Ġм н +ä¸Ĭ ãģĮ +ç¶ļ ãģį +ฤ ษ +ภĨ +Ø® ÙĬ +à¹Ģà¸Ĺ à¸ŀ +สั ม +à¹Ģส à¸Ļ +à¹Ģสà¸Ļ à¸Ń +ãĥ ´ +Ġи ÑģÑĤ +با شر +ĠÑĥ ÑĢов +×ŀ ×ķ×ĸ +ab ı +wa ż +×ķצ ×IJ×Ķ +ÑĤ веÑĢ +à¸ŀัà¸Ļà¸ĺ à¹Į +׳ ×Ĵ×ĵ +ãĤĭ ãģĵãģ¨ãģĮãģ§ãģį +ĠÑĤÑĢ ÐµÐ± +à¸ģร ุà¸ĩ +ØŃت اج +à¹Ģ à¸Ħล +ã Ĩ +ÄĻ tr +Ġszcz eg +Ġר ש +à¸Ĺ à¸ĺ +Ġн ек +Ġнек оÑĤоÑĢ +в ÑĪ +Ð ¬ +à¹Īว ย +ล ุ +б ÑĢÑı +หม ูà¹Ī +à¹ģ à¸ķà¸ģ +ר׼ ×Ļ×Ŀ +Ġí ĸī +ã i +Ùĥر Ø© +â Ń +í IJ +ã į +á ģ +â ® +â ¥ +ì ® +à ¿ +â ¿ +á Ĥ +á ¤ +â ł +í Ł +ðIJ į +ðIJ ° +ðĿ Ĩ +ðŁ Ī +Ġ×¢ ׾ +Ġع ÙĨ +ĠÙħ ع +Ġ×ĸ ×Ķ +ĠÙħ ا +Ġm Ãł +Ġd ụ +á»ĩ c +а Ñħ +s ı +íķĺ ê³ł +Ġ×ķ ×ij +ĠÐŁ о +×ķת ר +ĠÙĦ Ùħ +Ġ×ķ ׾ +ãģĹãģ¦ ãģĦãĤĭ +Ġ×ŀ ×Ļ +Ġب ÙĬÙĨ +з а +ĠÙĥ اÙĨ +Ġ×Ķ ×Ļ×Ķ +ëħ Ħ +×IJ ×ķ +д и +ĠпеÑĢ Ðµ +d ı +Ġ׾ ש +Ġש ×ŀ +ãģĮ ãģĤãĤĭ +ãģĦ ãģĦ +ÑĢ Ðµ +×§ ×ķ +и ли +м е +ÙĬ ت +ãģ§ ãģĤãĤĭ +Ġв о +à¹ĥ หม +à¹ĥหม à¹Ī +Ġש ×ij +Ġ à¹Ĥà¸Ķย +ÙĬ Ùĩ +ãģ§ãģĻ ãģĮ +ãģ¨ ãģ¯ +ר ×ķ +Ġ à¸ĭึà¹Īà¸ĩ +ãģ§ãģį ãĤĭ +м о +à¹Ģà¸ŀ ืà¹Īà¸Ń +צ ×ķ +×ĺ ×ķ +ìķ Ī +Ġh á»į +à¹Ģà¸ĩ ิà¸Ļ +ĠاÙĦ ب +Ġ มี +ë¬ ¼ +Ñģ е +ëĵ¤ ìĿ´ +Ġë§ IJ +Ġl Ỽ +a ÅĤ +×Ĺ ×ijר +Ġd á»± +ÙĬ Ø« +Ġth á»ĭ +à¸ģà¹Ī à¸Ńà¸Ļ +Ġ×ij ׼׾ +ãģ ¸ +ã썿ĢĿ ãģĦãģ¾ãģĻ +ả nh +ย า +Ùģ Ø§ +ส ี +à¸ķ า +ë² ķ +ãĥª ãĥ¼ +รา à¸Ħา +Ġ×ķ ׾×IJ +ãģ¨ ãģĵãĤį +à¹Ģล ืà¸Ń +di ÄŁi +ÙĪ Ø§ÙĨ +Ġ׾×Ķ ×ª +รว ม +פ ×Ļ×Ŀ +à¸ľ ม +ж и +c ı +ÑĢ Ð¾Ð´ +Ġkar ÅŁÄ± +×Ĵ ×ķ +ãģ« ãģ¤ +ãģ«ãģ¤ ãģĦãģ¦ +r Ãł +×Ļ×ķת ר +ĠìĨ Į +×§ ×Ķ +ÑģÑĤв о +ãģij ãģ© +g é +à¸Ķ à¹īาà¸Ļ +çļĦ ãģ« +ĠÙĬ ÙħÙĥÙĨ +ìĨ į +ÙĬ Ùĥ +à¹Ħว à¹ī +Ñģки й +ì m +Ġ׾×IJ ×Ĺר +à¸Ńา หาร +Ġà¹Ģ à¸ŀ +รา ะ +ล ูà¸ģ +ÑģÑĤ а +Ġìľ ł +ÙĤ ÙĪÙĦ +б оÑĢ +Ñģк ого +หล ัà¸ĩ +à¸Ĥ à¹Īาว +à¹Ģม ืà¸Ńà¸ĩ +ê° ģ +t Ãł +ÙĬ ÙĬÙĨ +عر ض +ë° © +Ġëı Ļ +Ġà¹Ģ à¸Ľ +Ġà¹Ģà¸Ľ à¹ĩà¸Ļ +ç i +li ÄŁi +ìĹIJ ê²Į +ãĤ¿ ãĥ¼ +Ġ׾ ת +פ ×ķת +à¸Ĥ à¸Ń +ر س +ìł IJ +à¸ľ à¹Īาà¸Ļ +ÑĦ и +ج ÙĨ +ì¢ ħ +Ġ×Ķ ×¤ +Ġn go +á»ĭ a +Ġtá» ķ +Ġê·¸ 리 +à¹Ģม ืà¹Īà¸Ń +ذ Ùĥر +ìĸ ij +ìĹ Ń +×ĺ ׾ +k ı +Ġع ÙħÙĦ +Ġع ÙĨد +à¸ĭ ืà¹īà¸Ń +Ġê± ° +в е +r ü +à¹Ģ à¸Ńา +ส à¹Į +à¸Ī à¸Ļ +ס ת +Ġgi ả +ãĤĭ ãģ¨ +à¸ģำ ลัà¸ĩ +н ей +à¸Ī ริ +à¸Īริ à¸ĩ +Ġë į +Ġëį Ķ +à¸Ħà¹Ī ะ +ì n +Ġsü re +Ġqu y +à¸ļ าà¸ĩ +åıĸ ãĤĬ +ר ×Ĺ +×ij ת +ãģĮ ãģĤãĤĬãģ¾ãģĻ +ר ש +ìĹIJ ëĬĶ +Ġ×IJ פשר +ay ı +ãģĮ ãĤī +ØŃ ب +ан Ñģ +س ÙĪ +ĠпÑĢ Ðµ +د ÙĪ +ãģ« ãĤĪ +à¹Ģà¸ģ ม +สู à¸ĩ +m akt +makt ad +maktad ır +Ġön em +×Ļ×ŀ ×Ļ×Ŀ +б о +ÙĪ ÙĬØ© +รู à¸Ľ +à¹Ĥล à¸ģ +Ùħ ÙĬع +ÑģÑĤ Ñĥп +à¹Ĥ à¸Ń +دÙĬ ÙĨ +ì¤ ij +ãģĹãģ ı +à¹Ģส ีย +в Ñĭ +Ùħ ت +íĺ Ħ +ãĥIJ ãĥ¼ +ا Ø´ +×§ ס +Ġtá» ¥ +ล à¸Ķ +Ùģ Ø© +í ijľ +ر ج +k ÅĤad +ĠÅŁ ey +ĠØ£ Ùħ +Ġà¹Ģ ม +Ġب ÙĦ +Ñģ каÑı +ãģ¨ ãģ® +Ġìĭ ¤ +ấ m +ห à¹īà¸Ńà¸ĩ +à¸Ĭ ม +d ü +Ġç ek +Ġê³ ł +×Ĵ ×ij +à¸Ĭี วิ +à¸Ĭีวิ à¸ķ +Ù쨶 ÙĦ +ภ¯ +ç ı +Ġب Ø´ +ĠÙĩ ÙĨا +ãģį ãģ¾ãģĹãģŁ +t ü +Ġìĺ ģ +ĠTür k +к ÑĤ +פר ס +ãģ¨ãģĦãģĨ ãģĵãģ¨ +í ĶĦ +à¹ģร à¸ģ +ר ×ķף +Ġar as +×ŀצ ×IJ +Ġtá» ī +س ا +à¸ŀ à¸Ń +ĠاÙĦÙħ ØŃ +ãĥ ¤ +ĠاÙĦ است +Ùģ ÙĨ +×Ļ×ŀ ×Ķ +ر ت +ãģ¨ ãĤĤ +Ġна Ñģ +п ÑĢи +Ġ×Ĺ ×ķ +и ла +ÙĬ Ø´ +Ġgö z +Ġ×ij ׳×Ļ +ım ı +ĠÑĤ еÑħ +Ġh á»Ļ +غ ر +к он +اØŃ ت +Ġ à¸ŀ +à¸Ń à¸Ńà¸Ļ +à¸Ńà¸Ńà¸Ļ à¹Ħล +à¸Ńà¸Ńà¸Ļà¹Ħล à¸Ļà¹Į +Ñħ о +Ñı в +à¹ģ สà¸Ķ +à¹ģสà¸Ķ à¸ĩ +à¹Ģà¸ŀ ียà¸ĩ +ÑĤ ов +ا ÙĬ +Ġ×Ķ ×ĵ +Ġ×ķ ׼ +ãĤī ãģĦ +×ķפ ף +Ġë ¶Ī +ล à¸Ńà¸ĩ +Ø· اÙĦ +Ġн и +ĠÙħ ست +ế c +Ġש ׼ +ĠëķĮ 문 +วัà¸Ļ à¸Ĺีà¹Ī +×Ļ׾ ×ĵ +ØŃ ا +е ÑĨ +Ġc ứ +×ĵ ×ķר +ĠÙħ ØŃ +ר׼ ×ij +بÙĬ ع +ни и +ĠاÙĦØ£ ÙĪÙĦ +à¸Ħว ร +ã썿ĢĿ ãģĨ +ĠС о +ائ ÙĬØ© +ر اء +оÑģ об +Ġب Ø£ÙĨ +×¢ ×ķ×ĵ +ĠÑĤ е +ãģĵ ãģĨ +ÑģÑĤ ÑĢа +ай н +Ġsö z +ت ÙĨا +à¸Ń ิ +ặ p +ĠìķĦ ëĭĪ +íķ Ń +Ġר×IJ ש +Ġ à¹Ħà¸Ķà¹ī +Ġ×Ĵ ×ĵ +Ġס פר +обÑī е +ĠÙĪ Ø¥ +ada ÅŁ +ãģ¡ ãĤĩ +×§ ×ķ׾ +ÑĢ ÐµÐ· +ĠdÃ¼ÅŁ ün +Ġ×ij ×IJ×ŀ +Ġìĸ´ ëĸ +ער ×ij +н ее +ĠÑģÑĤÑĢ Ð°Ð½ +س اÙĨ +yn ı +ĠاÙĦر ئÙĬس +ãģĹãģ ª +Ġ׳ ת +ãģ«ãģª ãģ£ãģŁ +g ü +åıĹ ãģij +׾ ת +ìł Ī +ëĬĶ ëį° +Ø® ÙĬر +à¸ķà¹īà¸Ńà¸ĩ à¸ģาร +ĠÙĦ Ø£ÙĨ +Ġch á»ĭ +ÙĪ Ø© +à¹ĥ ส +ë¶Ģ íĦ° +íķĺ ë©´ +ữ u +à¹Ģหม ืà¸Ńà¸Ļ +б еÑĢ +ĠìĿ´ ìļ© +ĠÑģ еб +wiÄĻ ks +Ġ׳ ×¢ +ÑĤ ÑĥÑĢ +Ġngh Ä© +ש ×ķ×ĺ +ti ÄŁi +Ġde ÄŁi +×IJ ×ij +Ġ×ŀ ×ŀ +ãĥĹ ãĥŃ +wa ÅĤ +à¸Ī ึà¸ĩ +Ø® دÙħ +×IJ ×Ŀ +Ä±ÅŁ ı +cz Äħ +ר ×ĵ +ĠÑĢ Ñĥб +خر Ùī +ãģ® æĸ¹ +Ġд енÑĮ +×Ĺ ×Ļ×Ŀ +еÑĤ е +ëĤ ľ +×IJ ×Ĵ +×¢ ×ķר +ë³ Ħ +åIJĮ ãģĺ +ãĤ ² +ר ×ļ +×ķש ×IJ +ìľ ¡ +ا Ø® +צ ×Ļ×Ķ +á»± a +ãģĪ ãģ¦ +ש×Ķ ×ķ +ан ÑĤ +ลา à¸Ķ +ин г +ë¡ ł +اع د +ÙĪ Ø³Ø· +Ġв оп +Ġвоп ÑĢоÑģ +Ùħ ÙĬÙĨ +à¸Ħ à¸ĩ +×Ļר ×Ļ×Ŀ +c ów +ê² © +Ġê·¸ 룰 +Ġì§ Ħ +Ġש ׾×Ķ +à¹Ģร ิà¹Īม +à¸Ĭ à¸Ńà¸ļ +д еÑĤ +ÑİÑī иÑħ +à¸ļ à¸Ńà¸ģ +æĢĿ ãģĦ +ع ÙĬد +ס ×ŀ +×Ĵ ×Ļ×¢ +צ ×ĵ +ب ات +ĠëͰ ëĿ¼ +à¸Ī ัà¸ĩ +ãģłãģij ãģ§ +×¢ ×Ļר +ĠÑĩ ел +ĠÑĩел ов +ĠÑĩелов ек +ãĥĥ ãĥģ +à¹Ģà¸ģ ีà¹Īยว +à¸Ķ ิ +Ġפ ×¢ +×Ļ×ŀ ×Ļ +ë° ĺ +Ø® ار +×ij ×Ļת +×¢ ×Ļ×Ŀ +ü yor +ãĤģ ãģ¦ +к лад +Ġ à¸Īาà¸ģ +à¹Ģà¸Ħ ย +ส à¸Ńà¸ĩ +à¹ģ à¸Ħà¹Ī +ẫ u +หà¸Ļ ัà¸ĩ +ש׾ ×ķ×Ŀ +اÙĨ ÙĬØ© +åĩº ä¼ļ +åĩºä¼ļ ãģĦ +à¸ł าย +à¸ļา à¸Ĺ +à¸Ĭา ว +mu ÅŁ +Ġ׾ק ×ij׾ +ãĤ· ãĥ£ +Ġİ ÅŁ +×Ĵ×ĵ ×ķ׾ +ج عÙĦ +ë³ Ģ +ยิ à¹Īà¸ĩ +à¸Ļ าย +à¸Ļ ีà¹Ī +วิ à¸ĺี +ãĤī ãģªãģĦ +ëł Ī +Ġ문 ìłľ +Ġ à¸ģ +à¸Ĺำ à¸ĩาà¸Ļ +à¹Ģว à¹ĩà¸ļ +ÑĦ е +楽 ãģĹ +สำ à¸Ħ +สำà¸Ħ ัà¸į +ر Ùħ +ãģķãĤĮ ãģ¦ +Ġоб ла +ר×IJ ×Ļ +หม à¸Ķ +ÙĨ ÙĬØ© +ли н +Ġe ÄŁ +it im +ëł ¹ +ص اÙĦ +ÅĽ l +à¸ľ ิà¸Ķ +ãĥŀ ãĥ³ +åħ¥ ãĤĮ +à¹Ģà¸ķ à¸Ńรà¹Į +ار ÙĬ +ĠÐ ¦ +d ür +ส วย +ë¦ ½ +رÙĥ Ø© +Ġh ã +×Ļת ×Ķ +à¸Ĥ à¸Ļา +à¸Ĥà¸Ļา à¸Ķ +à¸Īำ à¸Ļ +à¸Īำà¸Ļ วà¸Ļ +ש ×ķ×§ +Ġд ом +ì± ħ +ãģĭ ãģij +פ ×ķ׾ +à¸Ĭ าย +Ñģ моÑĤÑĢ +Ñģл Ñĥж +ש ×IJ׾ +кÑĢÑĭ ÑĤ +Ġìŀ ĺ +é«ĺ ãģĦ +ĠÑĢ Ñĥк +ÙĨ ص +д ав +ưỠ¡ +ưỡ ng +ر اÙħ +×Ļ׳ ×Ļ×Ŀ +ãĥ© ãĥ¼ +ëĦ ¤ +Ġت ع +l ke +好 ãģį +æĮģ ãģ¡ +Ġë§ İ +Ġy ük +ĠÑģоÑģÑĤ ав +енÑĤ ÑĢ +pe ÅĤ +à¹Ģà¸Ľà¸¥ ีà¹Īย +à¹Ģà¸Ľà¸¥à¸µà¹Īย à¸Ļ +íı ī +ãĤĦ ãģĻ +×Ĺ ×ĸ +×ijר ×Ķ +ë£ ¨ +ìĶ Ģ +بØŃ Ø« +à¹Ģà¸ķ à¹ĩ +ów i +ب Ùĩ +ãģį ãģ¾ãģĻ +Ġ×¢ ×ŀ +×Ĵ ×ķ׾ +ез д +ÙĬÙģ Ø© +สà¸Ļ à¹ĥà¸Ī +Ġת ׾ +Ñı Ñī +Ġس ÙĨ +ĠÙĪØ§ ØŃد +ĠÑģ м +lad ı +ı ld +×Ļר ת +ีย à¸Ļ +ת×Ĺ ×ª +Ġж из +à¸ŀ ั +à¸ŀั à¸Ĵ +à¸ŀัà¸Ĵ à¸Ļา +à¸Ĭ ิ +ا Ø®ÙĦ +ãģ£ãģ¦ ãģĦãģŁ +รั à¸IJ +ãĤģ ãĤĭ +à¹Ĥ à¸ģ +ĠT á»ķ +Ġh akk +ر Ùģ +ìł Ģ +Ñģ об +ãģª ãģijãĤĮãģ° +Ùĩ ÙĪ +Ġë² ķ +ãĤ Ĩ +ĠاÙĦس عÙĪØ¯ +Ġ×IJ תר +Ø§Ø º +Ġ׾ ×ĵ +à¹ģ à¸ķ +à¹ģà¸ķ à¹Īà¸ĩ +íĮ Į +Ñĥп иÑĤÑĮ +à¸ŀืà¹īà¸Ļ à¸Ĺีà¹Ī +×ij ת×Ļ +à¹ĩ à¸ģ +ÅĤ at +Ġê°ľ ìĿ¸ +ìłķ ë³´ +ÑĤ ал +Ġgü ven +Ġİ l +Ġê° ģ +Ġب ت +×ŀ ×ķ׳×Ķ +ĠاÙĦØŃ ÙĥÙĪÙħ +ÙĤ ات +à¹ģ à¸ģà¹Ī +ห าà¸ģ +н ÑĮ +à¸Ľ รัà¸ļ +มา à¸ĵ +Ġне Ñģк +ĠØ ¶ +สม ั +สมั à¸Ħร +ãģĮ ãģĤãĤĬ +м еÑģÑĤ +Ġ×IJ צ׾ +Ġкомп ани +ס ר +ÙĬÙħ Ø© +ĠÑħ оÑĢо +ĠÑħоÑĢо ÑĪ +Ġ×Ļ ×ķ×ĵ +ü s +×Ĵ ×Ļש +à¸ļ à¸Ĺ +تÙĨ ظ +ว าà¸ĩ +ม หา +Ġ׼ ×ķ׾ +à¸Ĥ à¹īาà¸ĩ +ë° ľ +г од +д ан +ãģĭãĤĤãģĹãĤĮ ãģ¾ãģĽãĤĵ +ãģĵ ãģ¡ãĤī +ãĥIJ ãĤ¤ +ece ÄŁi +دÙĬ دة +ÙĨ Ùī +Ġëĭ¤ ìĿĮ +ว ี +غ ا +ли з +à¹Ģà¸Ķ ิ +à¹Ģà¸Ķิ ม +ĠÙĬ ست +Ġy ılı +ko ÅĦ +ãģ§ãģĹãĤĩãģĨ ãģĭ +ãģĤ ãģª +ãģĤãģª ãģŁ +ÑĨ ен +ĠÙĪ Ø² +×IJ ×Ļש +à¹Ī à¸Ń +ر ØŃ +ê´ ij +ÑĢа ÑģÑĤ +Ġ×Ķ ×ľ +ãģĹãģ¦ ãĤĤ +×ŀר ׼ +×ŀר׼ ×ĸ +éģķ ãģĦ +ãģŁ ãģı +ĠÑģ Ñĥд +в еÑģÑĤи +ĠíķĦ ìļĶ +ãĥķ ãĤ§ +ÑĤелÑĮ но +à¹Ģà¸ŀ ืà¹Īà¸Ńà¸Ļ +ÅĤu ż +à¹Ģà¸Ķิà¸Ļ à¸Ĺาà¸ĩ +ש ×ķר +Ġ×ŀ ×ĵ +×ķ×¢ ׾ +ÙĦ اÙħ +à¹Ħ à¸ĭ +л ей +кÑĥ ÑĢ +Ạ¢ +à¸Ĺ าà¸Ļ +ì§ ij +ĠгоÑĢ Ð¾Ð´ +ר ס +׾ ×ķ×Ĵ +mas ını +Ġл ÑĥÑĩ +ล à¹Īา +ìļ ¸ +ש ×ĺ +ĠÐĺ н +í Ĥ¤ +ÙĪÙĦ ا +ìķ ł +ĠØ£ÙĬ ضا +Ùĥ ار +ĠاÙĦت ع +ส ูà¹Ī +ãĤ ¼ +×ij ×Ļ×IJ +ย à¸ģ +ĠØŃ ÙĤ +ر بÙĬ +ãģĺãĤĥ ãģªãģĦ +รัà¸ģ ษา +Ñħод иÑĤ +à¸ķ à¸Ńà¸ļ +׳ ×ĺ×Ļ +ĠاÙĦÙħ ج +تÙħ ع +ов аÑĤÑĮ +ÙĦ ÙĬÙĨ +×Ļ×ŀ ×ķת +Ġm ù +n ÄĻ +Ġد ÙĬ +׼ ש×Ļ×ķ +Ġhi ç +ë ijIJ +ÙĪ Ø§Ø¡ +ÙĪ Ø· +ĠاÙĦ بÙĦ +à¹ģม à¹ī +×§ ×ķת +ÙĪØ¬ د +å§ĭ ãĤģ +ÙĬ ئة +Ġë§ ¤ +ص بØŃ +פ ×IJ +г оÑĢ +ס ×Ķ +بÙĬ ÙĤ +ย าà¸ģ +Ġн ад +ÙĬ Ùij +Ġب ÙĪ +ס ×ķר +Ùħ ÙĥاÙĨ +ר ×ij +×Ĵ ×ĸ +צ ת +b ilit +л аг +ĠN go +×IJ ×ķר +à¸ķ à¸Ļ +íĬ ¹ +à¸Ĺีà¹Ī à¸Ķี +à¸Ľà¸£à¸° à¸Īำ +ов ание +ãģĦ ãģ¤ +ãĥĥãĤ¯ ãĤ¹ +åIJĪ ãĤı +åIJĪãĤı ãģĽ +×Ļ׳ ×ķ×Ļ +ạ y +Ø« ÙĤ +ĠпÑĢ Ð¾Ð± +ĠпÑĢоб лем +ÅŁ eh +ÅŁeh ir +ع ادة +اÙĨ ÙĪÙĨ +à¸ķัว à¹Ģà¸Ńà¸ĩ +ì¶ ķ +ı lan +б ан +ãĥ³ ãĥī +à¸Ī ี +Ġ×Ķש ׳×Ļ +п оÑĤ +×ķ׾ ×Ļ×Ŀ +ล ัà¸ļ +ĠÑį ÑĤи +×ij×§ ש +ë¹Ħ ìĬ¤ +à¸Ńยà¹Īาà¸ĩ à¹Ħร +×Ļ׾ ×Ļ +à¹ĥà¸Ĭ à¹Ī +ĠاÙĦ ÙĥÙĦ +ãĥļ ãĥ¼ãĤ¸ +ص Ø© +ÑĤи ÑĢ +ãĤĵ ãģ© +зÑĭ к +wy ż +Ùĩ ÙĬ +ĠÙħ ÙĦÙĬ +Ġвид е +ظ اÙħ +دا ÙĪÙĦ +×ŀ ת×Ļ +Ġs ık +à¹Ģà¸ķิ ม +ãĤ¢ ãĤ¤ +ка Ñħ +צ ×Ļ׾ +à¹Ģà¸Ĭ à¹Īà¸Ļ +м аг +маг аз +магаз ин +à¸Ľ ั +à¸Ľà¸± à¸Ī +Ġש ×Ļר×ķת +ีย ม +ãĥĸ ãĥ« +Ġد ÙĪÙĦ +קר ×Ļ×Ŀ +Ùĩ Ùı +ов о +Ġü ret +د ÙĪÙĨ +à¹ģà¸Ļ ว +à¹Ģà¸Ļ ืà¹īà¸Ń +ĠÑĦ оÑĤ +ãĥ ĺ +ãģ¤ ãģĭ +Ñı Ñģ +ĠíķĺëĤĺ ëĭĺ +ائ ع +Ġп лаÑĤ +ìĺ Ī +Ġdost ÄĻp +ÙĪØ¬ Ùĩ +Ġ×Ķ ×Ĺ×Ļ +׳ ×Ļ×§ +д ей +í ĽĦ +ı y +بØŃ ر +à¹Ģส ริม +Ġ׾ ×Ĵ +ذÙĩ ب +ج ÙĬÙĦ +رÙĥ ز +Ġë ħ +Ġëħ ¸ +פ×Ļ׾ ×ķ +ãģ¾ ãģļ +iri ÅŁ +ĠÙĥ ÙĬÙģ +Ġ×ij צ +Ġêµ IJ +ÑĢоÑģ Ñģ +ĠØ´ ÙĬ +Ġiç er +×Ĵ ×ķ×ij×Ķ +мен но +×¢ ×ij×Ļר +×ķ×ŀ ×Ķ +ãĤī ãģĹãģĦ +ãģ ¼ +Ñī ин +è²· ãģĦ +جÙħÙĪØ¹ Ø© +Ġdön em +Ġ×ij ×IJר +в еÑģÑĤ +×ķר ×ķת +س Ùģ +à¹ģà¸Ĺ à¸Ļ +Ġд окÑĥменÑĤ +Ġا ÙĬ +ج اÙĨ +צ×ķ×¢ ×Ļ +ĠоÑģ об +ĠاÙĦÙħ س +ÑĢаР± +à¸ł ู +à¸Ķ าว +л екÑĤ +ع ÙĤ +×ķ×ĵ ×ķת +Ġol u +Ġolu ÅŁtur +ãģ¾ ãģ¾ +ед ин +à¹Ģ à¸Ńà¸ģ +ãĤµ ãĤ¤ +ëĦ Ī +Ø· ÙĨÙĬ +Ø· ÙĤØ© +ĠÐł аз +ÙĦ Ùij +Ñĩ ем +Ġ׾ ×ĺ +สั à¹Īà¸ĩ +سر ائÙĬÙĦ +Ġפר ×ĺ×Ļ +д еÑģÑĮ +Ġ׳ ׼ +اÙĨ ب +ÙĬا Ø© +Ùħ بر +Ġk ı +à¸Ľ à¸ı +à¸Ľà¸ı ิ +à¸ļั à¸ķิ +׳ ת×Ļ +ìĨ ¡ +ر اب +à¹ĥ à¸ķ +à¹ĥà¸ķ à¹ī +×Ļ׳ ת +ÙĪ ÙĬر +Ġ×Ķ×ŀ ×Ļ +ей ÑĩаÑģ +×§ ×ķ×ij +در اس +ĠÙħ ÙĤ +رÙĬ ÙĨ +Ø® اص +ãģĬ éĩij +Ġج دا +ãģĨ ãģ¡ +ëħ ¸ +ır ım +æ§ ĺ +ãģ« å¯ +ãģ«å¯ ¾ +ÑĨ ев +Ġv ard +ĠÐIJ н +e ÄŁ +ÑģÑĤв енно +Ð ¨ +س د +à¸ģ ุ +à¹ģà¸ľ à¸Ļ +รูà¹ī ส +รูà¹īส ึà¸ģ +ات ØŃاد +Ñij ÑĤ +×Ĺ ×ķ×§ +ãģĻ ãģIJ +Ø· ÙĦاÙĤ +Ġ×§ ×ķ×ĵ +à¹ĥà¸Ĭ à¹īà¸ĩ +à¹ĥà¸Ĭà¹īà¸ĩ าà¸Ļ +ãĥ¼ãĤ ¿ +Ġs ür +ÑĢ Ð¾Ðº +ë³ ij +สมา à¸Ĭ +สมาà¸Ĭ ิà¸ģ +ãĥķ ãĥ¬ +è¾¼ ãģ¿ +ãĤ» ãĥ³ +Ġê°Ģ ì§Ģ +à¸ľ à¹īา +ÑįÑĤ омÑĥ +иÑĤ ел +à¸ł ั +ภij +ãĥĸ ãĥ© +×Ľ×ª ×ķ×ij +׳ ×Ŀ +ен нÑĭе +×¢ ×¨×Ľ×ª +Ġì Ĥ +ĠìĤ ´ +à¸Ĥ à¹īา +׳ ×ķס +ãĥ¬ ãĥĵ +ÑĢ ÐµÑģ +à¹Ģล à¸Ĥ +Ø« اÙĦ +ìĹ Ĩ +ĠÑĩ аÑģÑĤ +า ศ +ãĥª ãĤ¢ +u ç +×Ļ׼ ×ķת +ล à¹īาà¸Ļ +i ë +ãĤ¸ ãĤ§ +à¸Ī à¸Ń +ÙĪ ØŃد +×Ļצ ×ķ×ij +Ġ×ij ש׾ +ок о +ض Ø© +ذ ر +ĠÑĥ д +İ L +×ķצ ×Ļ×Ŀ +×ĸ ×ŀף +à¸Ľ à¸ģ +íķĻ êµIJ +س اÙħ +à¹Ħ à¸Ķ +ละ à¹Ģà¸Ń +ละà¹Ģà¸Ń ีย +ละà¹Ģà¸Ńีย à¸Ķ +ả y +аÑĨи он +ãĤ¹ ãĤ¯ +פ ×ķס +ร à¹Īาà¸ĩ +ен нÑĭй +ع ÙĨ +عÙĦ ÙĨ +ائ Ùģ +d ÄĻ +ؤ ÙĪÙĦ +׾×ķ ×ķ +Ġ×ij ש×ij +ä»Ĭ åĽŀ +ĠاÙĦج ÙĨ +د اد +wa Äĩ +ãĥª ãĥ³ +ĠìŀIJ ìĭł +اÙĨ ÙĬا +ãĥ¡ ãĥª +ÙĦ ÙĪÙĨ +à¸Ĺ à¹Īà¸Ńà¸ĩ +à¸Ĺà¹Īà¸Ńà¸ĩ à¹Ģà¸Ĺีà¹Īยว +اÙģ ÙĬ +Ġли ÑĪ +Ùħ ÙĬØ© +оÑĤ веÑĤ +Ñĩ ин +à Ĭ +ãĥ¡ ãĥ³ +å® Ł +éļĽ ãģ« +ĠÑĢаР¹ +ãĤ¦ ãĥ³ +×Ļר ×ķש +×Ļר×ķש ׾×Ļ×Ŀ +ม ะ +Ġar a +каз аÑĤÑĮ +à¸ķ ัà¸Ķ +ÑĥÑİ ÑĤ +Ġü st +×Ĵ ×ķ×ij +×Ĵ×ķ×ij ×ķת +mal ı +ег од +егод нÑı +اÙģ ÙĤ +à¸Ĭ à¹Īà¸Ńà¸ĩ +Ġö zellik +×Ļצ ×ķר +Ġmi ÄĻd +Ġili ÅŁ +Ġна Ñħод +×¢ ×ĸר +׾ ×Ľ×ª +ÙĨت اج +ĠÑģ ем +à¸Ī à¹Īาย +à¸ķร ว +à¸ķรว à¸Ī +פר ×ķ +à¸Ĥ ัà¸ļ +ãģ ŀ +Ġп ло +к олÑĮ +×ŀ×¢ ×ĺ +íķĺ ìĭľ +jÄħ ce +ÙĨ اÙĨ +ลี à¸ģ +н ÑĥÑĤ +Ġоб ÑĢаз +Ùĥ بر +ĠاÙĦÙĪ Ø·ÙĨ +ãģķãģĽ ãģ¦ +ÙĤ اء +×ŀ×ĵ ×Ļ׳ +y ü +פ ×Ļת +׳ ×ķף +ÙħÙĨ ظ +หà¸Ļ ัà¸ģ +ìŀ Ī +ãĤ« ãĥ¼ãĥī +ع ÙĨÙĬ +п од +ض اء +à¸Ļ à¸ķà¹Į +×ŀש פ +ว à¹Į +ר ×ķ×§ +ส ืà¹Īà¸Ń +פק ×Ļ×ĵ +ãģªãĤī ãģªãģĦ +ĠìŬ 룬 +ÙĦ ج +Ñī иÑĤ +ãĥĥ ãĤ· +ÙĦÙĬ س +ĠÙĦ Ùħا +ìł ij +×ij ×Ļף +ãĥģ ãĤ§ +Ġgü ç +Ġch ứ +×ķצ ×IJ +קר ×ij +à¹Ĥ à¸ŀ +оÑĩ но +סק ×Ļ +ש׾ ×Ŀ +صر Ùģ +ĠL Ãł +×¢ ×Ļת +á» · +à¹Ĥ à¸Ńà¸ģ +à¹Ĥà¸Ńà¸ģ า +à¹Ĥà¸Ńà¸ģา ส +Ġ×Ķ ×ĵ×ijר +à¸Ļั à¹Īà¸Ļ +ز ر +нак о +íļ į +ãĤĤ ãģ¡ +ãĤĤãģ¡ ãĤį +ãĤĤãģ¡ãĤį ãĤĵ +اÙħ ت +عد اد +и нÑĭ +ÅĤy w +à¸Ħ à¸ĵะ +à¸Ĺ ะ +kt ör +×Ļ×Ĺ ×Ķ +Ġм е +Ġме ÑģÑı +׳×Ķ ×Ĵ +ĠÑģ ÑĥÑīеÑģÑĤв +à¸Ļ ัà¸Ļ +ÑĦ ÑĦ +ек ÑĤив +عÙĦÙĪÙħ ات +б Ñĥд +à¸Ļัà¸ģ à¸ĩาà¸Ļ +หà¸Ļà¹īา à¸Ĺีà¹Ī +ÙĤÙĬ ÙĤ +ãĤ· ãĥ³ +ãģ« éĸ¢ +×IJר ×Ĵ +ĠпÑĢ Ð¾ÑĤ +ĠпÑĢоÑĤ ив +ĠìŀĪ ìĸ´ +ÙĤÙĬ ÙĤØ© +ìĹ ĩ +k ür +ãģ«ãģªãĤĬ ãģ¾ãģĹãģŁ +Ġде ÑıÑĤ +ĠдеÑıÑĤ елÑĮ +פ×ķר ×ĺ +à¸Ł à¹īา +à¹Ģ à¸ł +ĠавÑĤом аÑĤ +×ĸ ×Ļ×§ +Ġold uk +ع اÙħ +ĠÑĤ оÑĢ +yrı ca +ê Ì +ãĤŃ ãĥ³ãĤ° +ãģ« ãģ¨ãģ£ãģ¦ +à¹Ģà¸ī à¸ŀ +à¹Ģà¸īà¸ŀ าะ +ãģ¯ ãģļ +×ŀ ×IJ×Ļ +สะ à¸Ķ +สะà¸Ķ วà¸ģ +ìľ¼ ë©° +à¸ģ ี +ภ¬ +Ġ×¢ ×ķש +à¸łà¸² ษา +à¸Ĺ ัà¸Ļ +ac akt +acakt ır +اع دة +ĠÑĥÑģл Ñĥг +ס ר×ĺ +×ķ×ŀ ×ķת +×Ķ ×ķר +×ŀ ×ķ×ij +×ŀ×ķ×ij ף +سÙĬ اس +اتÙģ Ø§ÙĤ +×Ķ ×¦×ľ +Ùħؤ س +Ġp ó +Ġк ни +×Ļ׼ ×ķ׾ +à¹Ģหล ืà¸Ń +׼׾ ׼ +׳ ×ĸ +ÑĪи е +r ès +ĠاÙĦØŃ ÙĤ +лÑı ÑĢ +ห à¸į +หà¸į ิà¸ĩ +ר×Ĵ ×Ļש +à¹Ģส à¹īà¸Ļ +ש×ij ×ķף +ô tel +ап ÑĢ +апÑĢ Ð¸Ð¼ÐµÑĢ +اب ÙĦ +ĠÑĢаз виÑĤ +Ġп олÑĮз +ĠС еÑĢ +×ķ×ij ×Ļ +r óż +ìĭ Ń +ãĤ¯ ãĥĪ +ãģĹ ãĤĪãģĨ +à¸ģร ม +ØŃ ÙĥÙĪÙħ +à¹Ĥ à¸ļ +à¸Ĺ à¹īาย +ĠM á +ĠÑĤ Ñĭ +à¸Ħร ัว +ÑĢÑĥ б +ạ p +Ġm ÅĤ +ĠmÅĤ od +Ġgör Ã¼ÅŁ +Ġgeli ÅŁ +ươ i +×ŀש ×§ +ÙĢÙĢ ÙĢÙĢ +รา ว +ãģĹãģ £ +ãģĹãģ£ ãģĭãĤĬ +ĠÐļ он +Ġk ê +à¹Ĥà¸Ĺ ร +èIJ½ ãģ¡ +åĩº ãģ¦ +ล ัà¸ģษ +Ġ×Ĵ ×ij×ķ×Ķ +ãĥĻ ãĥ« +ê±° ëĤĺ +ë§ IJ +×Ļ׾ ×ĵ×Ļ×Ŀ +ĠëĦ Ī +×ŀר ×Ļ +ร ส +ãĥŃ ãĥ³ +и ло +ноÑģÑĤÑĮ Ñİ +×ĸר ×Ĺ +п он +Ġ×Ķש ׾ +ê²ł ìĬµëĭĪëĭ¤ +Ġki ÅŁ +ĠÐļ и +ว ร +د اع +ÅŁ im +ÙĨ Ùij +в аÑĤ +را Ùĥ +ب اÙĦ +ид е +Ġ×Ķ×ŀ ×Ĺ +ìĸ µ +تÙģ Ø§Ø¹ +Ø£ ت +ëĬ ĺ +ש ×Ļת +ست Ùħر +ĠÑĦ ак +ĠاÙĦØ£Ùħ رÙĬ +ëŀ ¨ +اس Ùħ +Ġa ÄŁ +Ġç ev +Ùĥ ÙĪØ± +ãģķ ãģ¾ +Ġç öz +Ġر س +Äħ da +สà¸Ļ ุ +ãģĹãģ¦ ãģıãĤĮ +н Ñİ +leÅŁ me +ãĤª ãĥ³ +ãģ¨ ãģªãĤĬ +ava ÅŁ +×ĺ ×Ļ×ij +ØŃ ض +×ķצ ×IJ×ķת +ÙĨ ÙħÙĪ +ı t +ĠÑħ а +ĠÑħа ÑĢак +ĠÑħаÑĢак ÑĤеÑĢ +Ġd ÅĤ +ãĥĹ ãĥ© +à¸Ĭ ุม +à¹Ī à¸Ńà¸Ļ +×ķ×ij ׾ +Ñģ ол +×ĵ ×Ĵ +аÑĢ Ð°ÑĤ +n ivers +Ġgerçek leÅŁtir +ĠاÙĦ ÙĦÙĬ +ระ ยะ +ĠÙħ ختÙĦÙģ +Ġgö nder +Ùģ Ø§Ø± +do ÄŁ +doÄŁ an +ص ÙĦاØŃ +Ġyay ın +ãĥĨ ãĥ³ +รว à¸Ī +×Ļ×Ĺ ×Ļ×ĵ +ünk ü +ÑĨи алÑĮн +à¸ļ ู +ม ุ +h ä +Ø® Ùģ +å¢ Ĺ +å¢Ĺ ãģĪ +еÑĩ но +ĠاÙĦس ÙĨ +à¸Ĥ าว +im di +Ð « +à¸Ļà¸Ńà¸ģ à¸Īาà¸ģ +à¸ļา ล +ת ש +Ġdüzen le +мÑĭ Ñģл +ãģı ãģª +ż u +Ġwsp óÅĤ +Ġн аз +ınd aki +تر Ø© +ÅŁ ek +Ġö d +ĠÙĪ Ùĥ +Ġпозв олÑı +Ġת ×ķ׼ +ÙħÙĨ تج +ë§ ī +ĠاÙĦØ« ÙĦاث +аÑĨи Ñİ +ÙĪØ± ÙĪ +Ñĭв аеÑĤ +خص ص +ĠاÙĦÙģ ÙĦ +ĠاÙĦÙģÙĦ سطÙĬÙĨ +Ø¥ جر +إجر اء +اÙĨت Ø® +اÙĨتخ اب +ار ÙĬØ© +×ķ Ö +Ø¢ ÙĨ +×ŀ×¢ ×ķת +Ġм ал +Ġ×IJ ×Ĺ +à¸Ĺ à¹īà¸Ńà¸ĩ +ze ÅĽ +Ġë§Į ëĵ¤ +رÙĬ ع +äºĭ ãĤĴ +à¸ļริ หาร +׾ ×ŀ×Ļ×ĵ +Ġм Ñĥж +ت رÙĪ +ĠباÙĦ Ø¥ +פ ×Ļ×§ +ز ÙħØ© +ĠÃ¶ÄŁ renc +ãĥ ¶ +اÙħ عة +×§×ij ×ķצ +×ŀ ׳×ķת +رÙĬ Ùħ +Ġо каз +ãģłãģij ãģ© +Ġh ız +Ġש ×IJת +ãĤ¢ ãĥ¼ +Ġmożli wo +ìĦ ¼ +ÙĪ Ø§Ø¨ +ог ÑĢаÑĦ +Ġعبد اÙĦ +ãĤĴ è¡Į +ب ÙĬÙĦ +Ġİ ç +ย าย +ĠÑĥ ÑĩаÑģÑĤ +ÑĦ еÑģÑģ +ÑĦеÑģÑģ иона +Ạ¤ +ÙĨ ÙĬÙĨ +عد ÙĦ +สร ร +دÙĬ ÙĦ +×ij ×Ļ×§ +czy ÅĤ +ÑĢом е +Ġм ед +ìĻ Ķ +ãĥ© ãĤ¤ãĥ³ +ĠÑĤ еп +еÑĢ ÑĮ +i ÄŁi +в ели +ÑĢи ÑģÑĤ +ס ×ķפ +×ŀ׾ ×Ĺ +ĠاÙĦØ¥ ÙĨ +Ġ׾×Ķ ×© +è¶Ĭ ãģĹ +ĠÑĢ Ñĭ +×ķ×IJ ר +رÙĩ اب +פ ×ķ×IJ×Ļ +ĠгоÑģ Ñĥд +ĠгоÑģÑĥд аÑĢ +ĠгоÑģÑĥдаÑĢ ÑģÑĤв +ĠاÙĦØ£Ùħ ÙĬر +Ùħ ج +à¹Ģหม าะ +ÑĢ ÐµÐ² +à¸Ĭี à¸ŀ +ãĥķ ãĥĪ +иÑĩ но +ĠاÙĦÙħ ؤ +Ġi ht +íħ ľ +د ÙĨÙĬ +ر ص +ла ÑģÑĤ +à¹Ģหล à¹Īา +ılı r +ร à¸ĵà¹Į +×ŀש ×Ļ×ļ +Ġd á»ĭ +Ø·Ùģ Ø§ÙĦ +×ĺ ×ķף +Ġ×ij ×Ļ׳ +ãģ¾ ãģ£ãģŁ +лож ениÑı +تØŃ ر +ب اØŃ +à¹Ģส ืà¹īà¸Ń +ãģĻ ãģĶ +lt ür +à¸ĩ าม +Ġt ü +ĠпÑĢ Ð¸Ð¼ +ĠпÑĢим ен +Ġhay at +ëĥ IJ +ëĭ Į +׳×Ļ ×ķ +вед ен +ìħ ¨ +à¸Ī ัย +à¸ģà¹Ī à¸Ń +Ġв од +оÑģÑĤ оÑı +н аÑĤ +à¹ģ หล +سÙħ ÙĬ +à¸Ķำ à¹Ģà¸Ļ +à¸Ķำà¹Ģà¸Ļ ิà¸Ļ +w ód +ö yle +ãĥĢ ãĤ¤ +ÑĪи й +меÑī ен +ãģĹãģ¾ ãģĨ +ãĥī ãĥ© +ÙĪØ¶ ØŃ +à¸Ńà¸Ļ ุ +ĠاÙĦ اجتÙħاع +laÅŁ ma +à¸Ħ à¸Ńà¸Ļ +×ŀר ×Ļ×Ŀ +ÙĨ اÙħج +שר ×ķת +اÙĦ Ø£ +Ġksi Äħż +Ġа н +ÑĢаР¹ +اÙĩر Ø© +×ŀ×ĵ ×Ķ +ä¸Ģ ç· +ä¸Ģç· Ĵ +ä¸Ģç·Ĵ ãģ« +ÑĢиÑĤ оÑĢ +d ıkl +à¹ģ à¸ĸ +à¹ģà¸Ĥ à¹Īà¸ĩ +екÑĤ оÑĢ +×ŀס ×¢ +ÑĢак ÑĤи +u ÄŁu +×ķ×ij ת +สู à¸ķร +ĠçalÄ±ÅŁ m +ĠçalÄ±ÅŁm alar +Ġа на +ãĥĽ ãĥ¼ãĥł +Ġböl üm +Ġب ص +ол оÑģ +ĠìķĬ ëĬĶ +à¹Ī ะ +ÙĪ ØªØ± +ä¹ Ĺ +ست خداÙħ +פ×Ļ ×Ļס +פ×Ļ×Ļס ×ij +פ×Ļ×Ļס×ij ×ķ×§ +Ġк ÑĢаÑģ +ли к +رÙĬ ØŃ +×ŀש ׾×Ķ +à¹Ģย ีà¹Īย +à¹Ģยีà¹Īย ม +в иÑģ +ом н +ÄŁ un +ãĥŃ ãĥ¼ãĥ³ +Ø£ تÙĬ +à¸ķร ี +çͳ ãģĹ +تÙħ ر +ìĹ ĪìĬµëĭĪëĭ¤ +ĠÙĪ ØºÙĬر +red ni +ĠاÙĦص Ùģ +Ġна ÑģÑĤоÑı +ĠнаÑģÑĤоÑı Ñī +à¸ķ รา +ĠÑĥÑģл ов +ĠÑĥÑģлов иÑı +ÑĨ еп +×Ķ ×Ĺ׾×ĺ +Ø· ÙĬع +ĠB akan +ĠاÙĦ رÙĪ +илÑĮ но +Ġм еÑĤ +à¸Ķ à¸Ńà¸ģ +ãģĭãĤī ãģªãģĦ +Ġпо ÑģÑĤоÑı +ĠпоÑģÑĤоÑı н +ĠÑĩ аÑģ +ü c +wr ó +б ÑĥÑĢ +ãĥIJ ãĥĥãĤ¯ +ãĥ©ãĥ³ ãĥī +Ġо гÑĢ +สั à¸į +สัà¸į à¸įา +มั à¹Īà¸Ļ +à¸Ħ à¸Ńม +al ık +Ġн ед +üm üz +ĠÅĽ wie +é rio +×Ļ×IJ ×Ķ +دÙħ ات +ı rl +ĠоÑĤ з +ĠоÑĤз Ñĭв +ä»ĺ ãģį +Ġkaż de +мин иÑģÑĤ +ãĤ° ãĥ« +ë° ĸ +ез н +اÙĦ Ùģ +Ġש ק׾ +Ùħ ض +ãĥĿ ãĥ¼ãĥĪ +ÙħÙĨ ت +ÙĤÙĬ اÙħ +Ø´ ÙĨ +×Ļר ×ķ×¢ +ãĤŃãĥ£ ãĥ³ +доÑĢ Ð¾Ð² +×ŀ ×Ļת×Ļ +ÙĪÙĦ ÙĪØ¬ +Ùĥ اÙģ +ĠÑĢаз лиÑĩ +иÑĤ еÑĤ +н олог +ลà¸ĩ à¸Ĺุà¸Ļ +Ġyak laÅŁ +ãĥ¬ ãĤ¤ +ê²ł ëĭ¤ +æ±Ĥ ãĤģ +رÙĪ Ùģ +Ġí Ĭ +ĠíĬ ¹ +ãģ£ ãģıãĤĬ +à¸Ħวาม à¸Ħิà¸Ķ +×Ķ ×Ļס×ĺ +Ø¥ ÙĤ +ãģ¦ ãģĦ +à¹Ĥ à¸Ĭ +ĠBü yük +ĠФ едеÑĢ +ÑĨи н +ÑĢов а +ĠاÙĦ اÙĤتصاد +Ġch á +à¸ĺ าà¸Ļ +ë¥ ł +à¹Ħ à¸ķ +ÃŃ pio +Ùĭ ا +Ġоб Ñıз +Ùĩ ج +Ġì¤ij ìļĶ +ãģ® ãģ§ãģ¯ãģªãģĦ +بار اة +ãĤ¤ ãĥ« +Ġн оÑĢм +á»ī nh +m ö +mö glich +ÑĨи п +ãĤ¢ ãĤ¯ +×Ķ ×Ļ +ÑĨи алÑĮно +ĠÅĽ wi +ت ÙĤ +ĠÑģÑĤо им +بÙĬ عÙĬ +Ġ׾ ש×ŀ +г лÑı +глÑı д +ãģ¦ ãģıãĤĮ +ÄĻd zi +à¸Ĥ ั +à¸Ĥั à¹īà¸Ļ +Ø· ÙĤ +ĠìĹ Ń +ãģ£ãģ¦ãģĹãģ¾ ãģĨ +ĠdeÄŁer l +ĠdeÄŁerl endir +Ġü lk +Ġмн ог +๠ĭ +ë¿ IJ +ĠУ кÑĢа +ÄŁ ini +Ġбез оп +Ġбезоп аÑģ +à¸Ńà¸Ńà¸ģ à¹ģà¸ļà¸ļ +Ø§Ø ¸ +ØŃد اث +л еÑĢ +×Ļ× ¥ +×Ļ׳×ĺר ׳×ĺ +lar ınız +ØŃÙĬ ØŃ +ż eli +à¸Ń ัà¸ĩ +à¸Ńัà¸ĩ à¸ģ +à¸Ńัà¸ĩà¸ģ ฤษ +ĠоÑĤ лиÑĩ +ั ส +ëŀ į +ож но +ãĤ¹ ãĥĿ +ĠÑħ оÑĩ +Ġк ап +еÑĩ ен +ØŃÙĦ Ø© +ÙĬا Ùĩ +на л +×ķצ ר×Ļ×Ŀ +Ġk ald +åĥ į +ĠاÙĦØ´ خص +Ġз на +Ġwz gl +ż ycz +ê° Ŀ +à¸ŀ ลัà¸ĩ +íģ ¼ +Ġö l +Ġb ụ +Ø´ Ùĩر +Ġз ам +Ġд ев +×Ļ×ĺ ת +تعÙĦ ÙĤ +ÙĪÙħ Ø© +ãĤĴ ä½ľ +ãģį ãģ¦ +í ĥĿ +ras ında +ãĤĴ æİ¢ +ĠÙħ باشر +راج ع +Ġв озд +ÙħØŃ ا +×ķש ר +ĠиÑģÑĤ оÑĢ +ม ัà¸ģ +t ıģ +Ø« ار +تر ÙĨت +à¹ģà¸Ĥ à¹ĩ +à¹ģà¸Ĥà¹ĩ à¸ĩ +п оÑĩ +Ġ×ij ×IJ×ķת +ë¯ Ģ +ëĿ¼ ëıĦ +à¸Ĭ ัà¸Ķ +ส à¸ķà¹Į +ãĥĭ ãĥĥãĤ¯ +ид енÑĤ +Ġг ÑĢÑĥпп +ت Ø® +Ạł +ย ืà¸Ļ +ย ัà¸Ļ +ó ry +T Ãľ +ãģĹ ãĤĥ +ĠпÑĢов ед +лÑı еÑĤ +Ùħ Ø® +ย à¸Ńม +×Ľ×ł×¡ ת +ĠاÙĦÙħ ÙĨت +Ġol mad +ר׼ ×ĸ×Ļ +Ġв ÑģÑĤÑĢ +ĠиÑģ Ñģлед +ÑĤвеÑĢ Ð¶ +بد ÙĪ +еÑĢ ÑĤ +ï» · +± ħ +สัม à¸ŀัà¸Ļà¸ĺà¹Į +ิ à¹Īà¸Ļ +צ ×Ļ×ij +wiÄĻ t +Ġì° ¸ +Ġz wiÄħz +سب ÙĪØ¹ +ãĥĥ ãĤ° +à¸Ľà¸¥ à¸Ńà¸Ķ +à¸Ľà¸¥à¸Ńà¸Ķ à¸łà¸±à¸¢ +ãĤĤ ãĤĬ +ÙĤد س +Ġspr z +Ġsprz eda +Ġist edi +Ġk hu +Ġд ен +Ġko ÅĦ +Ġ×ij ×Ĺ×Ļ +à¹Ģà¸Ĺ à¹īา +×ķס ×Ļ×£ +ãĥĭ ãĥ¥ãĥ¼ +ĠпÑĢед оÑģÑĤ +ĠпÑĢедоÑģÑĤ ав +à¹Ĥ à¸Ł +é v +ĠاÙĦص ØŃ +صØŃ اب +à¹Ģà¸Ī à¹ĩà¸ļ +вл ек +วั à¸ķ +à¸ĸ ุ +ãģĵãģ¨ãģĮãģ§ãģį ãģ¾ãģĻ +ÙĤÙĬ ÙĤÙĬ +×ķ׊ר +Ñĭ ÑĪ +ĠоÑĤ но +ĠоÑĤно ÑĪ +об илÑĮ +Ùģ ØŃ +ı nt +ınt ı +Ġ׾ ×ij×ĵ +í İĺìĿ´ì§Ģ +ãĥĬ ãĥ« +ĠÙħ ساء +×Ļ×ĺ ×ij +ÑĮ еÑĢ +ëĦ · +Ñĭ ÑĤа +ĠоÑĩ еÑĢ +à¸Ķ ืà¹Ī +à¸Ķืà¹Ī ม +ĠN gh +ت عب +ÙĦاÙĤ ات +×ķ׾×ķ×Ĵ ×Ļ×Ķ +ĠìĿ´ ê²ĥ +Ġ×Ķ ×ijר +ìľ µ +à¹Ģà¸Ħล ืà¹Īà¸Ńà¸Ļ +Ùĩ Ø© +à¸Īำ à¹Ģà¸Ľà¹ĩà¸Ļ +å¤ī ãģĪ +wi ÅĽcie +ch od +chod zÄħ +в ÑĢо +×ŀ×Ĺ ×Ļר +Ġy ı +Ġyı ll +ì¡ Į +à¹Ħ หว +ãģªãģı ãģª +Ġзав иÑģ +ĠìĺĪ ìĪĺ +Ùģ Ø° +á»§ ng +à¸ŀุ à¸Ĺà¸ĺ +з н +lay an +ãĤ ¡ +à¸ģà¹ĩ à¸ķาม +ĠsaÄŁ lam +ร à¸ĵ +ĠÑģ иÑĤ +ĠÑģиÑĤ Ñĥ +ĠاÙĦت ÙĨ +×Ķ ×ĸ +ĠØ· ÙĪÙĬÙĦ +ta ÅĤ +Ġgö rd +å¤ī ãĤı +ëĥ ¥ +à¸Ħà¹Ī à¸Ńย +×IJ ×ķ×ĺ +ëħ IJ +ãĥ©ãĥ³ ãĤ¹ +วั à¸Ĵ +วัà¸Ĵ à¸Ļ +Ġol uÅŁ +פע ×ķ׾ +Ġszczeg óÅĤ +à¸Ħา สิ +à¸Ħาสิ à¹Ĥà¸Ļ +pow ied +ĠÑĤ еб +หà¸Ļ à¹Īวย +Ġм ил +ØŃ Ùĥ +à¸Ĺ à¸Ķ +ĠмаÑĤ еÑĢиал +ÅĤ ow +à¹Ģà¸ģ ีย +ĠÑģов еÑĢ +ãĤ © +à¸Ľ ริ +Ġи Ñİ +наÑĩ ен +ÑĢен д +mu ÅŁtur +ĠпÑĢод Ñĥк +з д +Ñı ÑĤи +ÑıÑĤи Ñı +à¹Ģม ีย +رات ÙĬج +Ġam acı +ש ×ķ׾ +ש×ķ׾ ×Ĺ +สะ à¸Ńา +สะà¸Ńา à¸Ķ +פ×Ĵ ×¢ +عب Ø© +d ın +íħ Ķ +Ġ×ŀש ×Ĺ×§ +Ġfi yat +Ġз аÑı +ĠзаÑı в +à¹Ĥ หล +à¹Ĥหล à¸Ķ +à¸ģรุà¸ĩ à¹Ģà¸Ĺà¸ŀ +צ×Ļ ×Ļף +ìļ ± +Ùħ ب +Ùħب اد +land ır +Ġв еÑģÑĮ +Ġh ük +ĠÐĴ оз +ÑĩиÑĤ Ñĭва +ว ล +×ķצ ×¢ +à¸Ĥà¸ĵะ à¸Ĺีà¹Ī +ĠaÅŁ aģı +׾×IJ ×ķ×ŀ×Ļ +tr zym +Ã¤ÃŁ ig +owo ÅĽci +ãģĿ ãĤĤ +Ġroz wiÄħz +ĠgÅĤ ówn +м онÑĤ +×ŀ ×ķ×ŀ +ĠÑģÑĤ ан +ÙĦا ÙĤØ© +p rowad +prowad zi +ĠÑģоÑģÑĤ оÑı +×Ļ×IJ ×ķת +r ı +g ı +ãĥij ãĥij +Ġна лиÑĩ +×Ķ ×¦×¢ +Ġ׳ ×Ķ +à¸Ħ ัà¸ļ +ع راض +и ж +Ùĩ ائÙĬ +ãĤī ãģı +ож еÑĤ +Ġоб оÑĢ +ĠобоÑĢ Ñĥд +Ø£ سÙĦ +à¹ĩ à¸Ķ +ÑĢÑĥ ÑĤ +دÙĬ ÙħÙĤ +دÙĬÙħÙĤ را +Ġjest e +×ķ×ķ ×Ļר +×ij×ĵ ×Ļ×§ +деÑĢж ива +ãģĬ ãģı +ewn ÄĻtr +ewnÄĻtr zn +à¸ŀ ฤ +Ġ×IJ ×ķ×Ķ +ת×Ĺ ×ķש +Ġz ob +д Ñĥм +ĠÑģ Ñĭ +ÙĬر ا +ĠwiÄĻ ks +à¹ģà¸ķà¸ģ à¸ķà¹Īาà¸ĩ +lar aras +lararas ı +íĺ Ģ +ëī ´ +×ķ×Ĵ ׾ +ĠоÑĤ меÑĤ +ĠÑĢ Ð°Ð½ +ت ÙĥÙĦ +иÑĤелÑĮ н +à¸Ľà¸£à¸° วั +à¸Ľà¸£à¸°à¸§à¸± à¸ķิ +ìŀ ĸ +мож но +pie czeÅĦ +pieczeÅĦ st +ëª » +ìĬ ¨ +×ŀס ×ŀ +á» ¦ +ศ ิ +ศิ ล +ศิล à¸Ľ +ĠÅļ w +ãĥĥ ãĤ·ãĥ§ãĥ³ +unit Ãł +Ġmiesz ka +Ġmieszka ÅĦ +pr zed +przed si +przedsi ÄĻb +przedsiÄĻb ior +à¸Ľà¸£à¸° สิà¸Ĺà¸ĺิ +à¸Ľà¸£à¸°à¸ªà¸´à¸Ĺà¸ĺิ à¸łà¸²à¸ŀ +ย à¹Ī +ìķ Ļ +รว à¸Ķ +รวà¸Ķ à¹Ģรà¹ĩว +å½ĵ ãģŁãĤĬ +äl le +Ñĥ еÑĤÑģÑı +ã n +ëł µ +th è +ãĤĴ åĪ©ç͍ +ì µľ +íĵ ¨ +à¸Ĺ ัà¸ļ +า à¸Ħม +ãģ ĩ +ëĤ Į +à¹Ģà¸Ľà¸¥ à¹Īา +â ¦ +ë ¾ +ê Ģ +ê ĩ +â ¡ +ðŁ Ł +ã IJ +â º +á Ń +á Ļ +á ĵ +á ² +ðĵ ı +á ¬ +â ¯ +ä ¨ +ê Ŀ +ê « +ð ij +ðĵ ĥ +ðĿ ħ +< unk + + + +Ġع ÙĦÙī +Ġm á»Ļt +Ġv Ỽi +Ġng ưá»Ŀi +ĠØ¥ ÙĦÙī +Ġnh ững +Ġth á»ĥ +Ġ×IJ ×ķ +Ġ×¢ ×Ŀ +ا Ùĭ +Ġ à¹ģละ +ĠÙĦ ا +Ġnh ư +ĠاÙĦت ÙĬ +Ġ×Ķ ×ķ×IJ +ĠÄij ến +ĠØ£ ÙĪ +Ġv á»ģ +ĠlÃł m +Ġs ẽ +Ġc Å©ng +Ġ ợ +ĠÄij ó +Ġnhi á»ģu +Ġt ại +Ġtr ên +Ġ×Ĵ ×Ŀ +Ġnh Ãł +Ġ׼ ×Ļ +Ġs á»± +ĠÄij ầu +Ġb á»ĭ +ĠÙĩ ذا +Ġnh ất +Ġph ải +Ġhi á»ĩn +Ġdụ ng +ĠÄij á»Ļng +ĠاÙĦÙĦ Ùĩ +ĠØ Į +ĠÙĥ ÙĦ +Ġvi á»ĩc +Ġn Äĥm +Ġth ì +Ġh á»įc +ĠÙĪ Øª +t é +Ġا ÙĨ +Ġt ôi +Ġ×IJ ׳×Ļ +Ġ׾ ×Ļ +Ġ×ŀ ×ķ +Ġng Ãły +Ġn Æ°á»Ľc +Ġ×Ķ ×Ļ×IJ +Ġ×IJ ×Ļ +Ġh Æ¡n +ĠÙĩ ذÙĩ +ĠÙĪ ÙĬ +ĠاÙĦ ذÙĬ +Ġ×ķ ×ŀ +Ġgi á +Ġnh ân +Ġch ÃŃnh +Ġm ình +ĠÐĿ а +Ġth ế +Ġ×Ļ ×ķתר +Ġ×IJ ×Ŀ +Ġn ên +Ġh ợ +Ġhợ p +Ġc òn +ĠÙĩ ÙĪ +Ġc Æ¡ +Ġr ất +ĠVi á»ĩt +Ġب عد +Ġש ×Ļ +Ġth á»Ŀi +Ġc ách +ĠÄij á»ĵng +Ġн о +Ġtr ưá»Ŀng +Ø Ł +ĠÄij á»ĭnh +ĠÄiji á»ģu +×Ļ ×Ļ×Ŀ +Ġth á»±c +n ın +Ġh ình +Ġn ói +Ġc ùng +Ġ×Ķ ×Ķ +ĠØ¥ ÙĨ +Ġ×IJ ×ij׾ +Ġnh ưng +Ġbi ết +Ġж е +Ġch úng +ĠÄij ang +Ġذ ÙĦÙĥ +Ġl ên +Ġkh ách +Ġn Ãło +Ġs á»Ń +Ġkh ác +Ġë° ı +Ġl ý +×Ļ ×Ļ +ĠÄij ây +Ġ׾ ×ŀ +Ġc ần +Ġtr ình +Ġph át +ãģ« ãĤĤ +п о +Ġn Äĥng +Ġb á»Ļ +Ġv ụ +ĠÄij á»Ļ +Ñĩ е +Ġnh áºŃn +Ġtr Æ°á»Ľc +Ġ×¢ ×ĵ +Ġh Ãłnh +ĠØ® ÙĦاÙĦ +Ġl ượng +Ġc ấp +Ġtá» ± +Ġv ì +Ġt ư +Ġch ất +Ġ׼ ×ŀ×ķ +Ġg ì +Ġש ׳ +Ġt ế +ת ×ķ +Ġnghi á»ĩp +Ġm ặt +ĠÙĥ Ùħا +Ġ×ij ×Ļף +Ġר ×§ +Ġth ấy +Ġmá y +ĠÙģ Ùī +Ġd ân +Ġ×IJ ×Ĺ×ĵ +Ġt âm +Ġ׼ ×ļ +Ġ׾ ×ķ +в о +Ġt ác +Ġto Ãłn +ĠÙĪ Ùħ +Ġk ết +Ġ หรืà¸Ń +ĠÙĪØ§ÙĦ Ùħ +ĠÄiji á»ĥm +Ġ×ĸ ×ķ +Ġ×ij ×ķ +׼ ×ķת +Ġh á»Ļi +Ġb ằng +ت Ùĩا +Ġ׼ ×ĵ×Ļ +Ġ×Ķ ×Ŀ +Ġxu ất +ĠÙĤ د +Ġb ảo +Ġt á»ijt +Ġt ình +ĠÙĩ ÙĬ +ĠÄij á»iji +Ġthi ết +Ġhi á»ĩu +Ġti ếp +Ġt ạo +ת ×Ķ +Ġch á»§ +o ÅĽÄĩ +Ġgi ú +Ġgiú p +Ġà ½ +Ġqu ả +Ġlo ại +Ġc ô +Ġà ´ +Ġô ng +Ġ×Ķ ×ķ +ĠاÙĦÙĬ ÙĪÙħ +ĠtÃŃ nh +г а +Ġph òng +Ġ Äĥn +Ġع اÙħ +Ġv á»ĭ +lar ını +r ÃŃa +Ġt Ỽi +ĠÄij ưá»Ŀng +Ġgi Ỽi +Ġb ản +Ġc ầu +Ġnhi ên +Ġb á»ĩnh +Ġth ưá»Ŀng +Ġ×IJ ×Ļף +ĠÄij á»ģ +Ġh á»ĩ +Ġ×Ļש ר×IJ׾ +Ġqu á +ĠÐĹ Ð° +ãģ® ãģ§ãģĻãģĮ +ĠÐŁ ÑĢи +Ġph ần +ĠÙĪ ÙĦا +ĠlỼ n +Ġtr á»ĭ +Ġcả m +Ġм о +Ġd ùng +ĠاÙĦ Ùī +ĠعÙĦÙĬ Ùĩ +ĠìŀĪ ìĬµëĭĪëĭ¤ +ÙĬ ÙĤ +ĠÙĤ بÙĦ +Ġho ặc +ĠØŃ ÙĬØ« +Ġ à¸Ĺีà¹Ī +Ġغ ÙĬر +ĠÄij ại +Ġsá»ij ng +нÑĭ ми +Ġth ức +Ġפ ×Ļ +ĠÄiji á»ĩn +ãģª ãģĭãģ£ãģŁ +Ġgi ải +Ġv ẫn +Ġи Ñħ +Ġö nce +Ġv áºŃy +Ġmu á»ijn +Ġ ảnh +à¹ĥà¸Ļ à¸ģาร +ĠQu á»ijc +Ġk ế +׳ ×IJ +Ġס ×Ļ +Ġy êu +ãģ® ãģĭ +ĠÄij ẹ +ĠÄijẹ p +Ġch ức +Ġy ıl +ĠTür kiye +d é +ĠÙĤ اÙĦ +Ġd á»ĭch +ĠolduÄŁ u +Ġch á»įn +Ġت Ùħ +หà¸Ļ ึà¹Īà¸ĩ +ãģķãĤĮ ãģŁ +Ġph áp +ìĽ Ķ +Ġti á»ģn +ãģĹ ãģ¾ãģĹãģŁ +Ġש ׾×IJ +ÙĦ Ø© +Ġ׾פ ׳×Ļ +Ġ×ij ×Ļת +ĠH Ãł +ĠØŃ ت +ĠØŃت Ùī +Ġ×¢ ×ķ×ĵ +Ġn ó +Ġth áng +à¹Ģลืà¸Ń à¸ģ +ר ×Ķ +Ġt Äĥng +Ġcá i +Ġtri á»ĥn +Ġ×IJ×ķת ×ķ +ìłģ ìĿ¸ +ĠC ông +Ġ׾×Ķ ×Ļ×ķת +Ġг ода +и Ñİ +Ġب عض +Ġ à¸ģาร +èī¯ ãģĦ +ÙĪ Øª +Ġli ên +ĠÐĿ о +ĠÐĿ е +çļĦ ãģª +ĠÙħ ت +ĠÑĤак же +ĠкоÑĤоÑĢ Ñĭе +Ġ×Ļ ×ĵ×Ļ +Ġtr á»įng +ãĤµ ãĤ¤ãĥĪ +ìłģ ìľ¼ë¡ľ +Ġt áºŃp +Ġש ׾×Ļ +íķĺ ê²Į +Ġt Ãłi +ĠÐ ¯ +Ġr á»ĵi +ا Ùĥ +Ġth ương +Ġ×Ķ ×ĸ×Ķ +ĠÙĪ ÙħÙĨ +à¸Ĺีà¹Ī มี +Ġcu á»Ļc +Ġbü yük +ãģ¨ ãģĭ +Ġ×ij ×Ļ×ķתר +Ġl ần +Ġgö re +Ġtr ợ +Ġ×ĺ ×ķ×ij +ÑĤÑĮ ÑģÑı +Ġth á»ijng +Ġ׼ ש +Ġti êu +Ġ×ŀ×IJ ×ķ×ĵ +Ø Ľ +k Äħ +Ġ à¹ĥà¸Ļ +Ġv ấn +Ġש ׾×ķ +ĠÄij á»ģu +Ùģ Øª +Ġê²ĥ ìĿ´ +Ġh óa +ĠاÙĦع اÙħ +ĠÙĬ ÙĪÙħ +к ой +Ġbi á»ĩt +ÑģÑĤ о +Ġ×Ķ ×Ļ×ķ +à¸Ĺีà¹Ī à¸Īะ +Ġ×ĵ ×Ļ +Ġ×IJ ×ļ +Ġá n +ص ÙĪØ± +Ġtr ÃŃ +ĠÐŁÑĢ Ð¾ +Ġl á»±c +ãģĹãģ¦ ãģĦãģ¾ãģĻ +Ġb Ãłi +Ġ×ĸ ×IJת +Ġb áo +à¸ļ à¸Ļ +ĠëĮĢ íķľ +Ġti ế +Ġtiế ng +Ġb ên +ãģķãĤĮ ãĤĭ +s ión +Ġt ìm +×¢ ×ķ +m é +ни Ñı +ãģ» ãģ© +Ġà¹Ģà¸ŀ ราะ +ب Ø© +Ġë¶ Ħ +Ġ×IJ ×ĸ +à¸Ĺ à¹Īาà¸Ļ +ת ×Ŀ +Ġth êm +Ġho ạt +y ı +×ĸ ×ķ +Ġgi á»Ŀ +Ġb án +à¸Ĥ าย +Ñĩ а +Ġ à¹Ĩ +ĠاÙĦÙħ ت +ĠоÑĩ енÑĮ +Ġb ất +Ġtr ẻ +ÑĤ ÑĢ +ĠØ£ ÙĨÙĩ +ĠØ« Ùħ +Ġ׼ ×ŀ×Ķ +Ġkh ó +Ġr ằng +ĠÙĪ ÙģÙĬ +ни й +Ġho Ãłn +t ó +Ġ×IJ שר +ĠìĥĿ ê°ģ +Ñģ а +Ġ׼ ×ijר +ĠÑįÑĤ ом +lar ının +Ġch ưa +з и +Ġd ẫn +ĠÐļ ак +ج ÙĪ +ĠбÑĭ ло +ĠÙĬ ت +n ı +ÅĤ am +ĠÙĪÙĩ ÙĪ +×ij ×ķ +п и +ר ת +Ġqu á»ijc +ж д +ĠÄij Æ¡n +Ùĥت ب +Ġm ắt +ระ à¸ļ +ระà¸ļ à¸ļ +ĠÙĥ اÙĨت +Ġth ân +สิà¸Ļ à¸Ħà¹īา +×Ĵ ×Ļ +Ġph ương +à¹Ħมà¹Ī à¹Ħà¸Ķà¹ī +ĠìĦ ± +ĠC ác +Ġ×Ķ×ŀ ×ķ +ĠÑĤ ем +Ġ×ĵ ×ķ +à¸Ńะ à¹Ħร +Ġv Äĥn +ãģª ãģ®ãģ§ +ĠN á»Ļi +Ġ×¢ ×ķ +ãĤīãĤĮ ãĤĭ +Ġs áng +Ġgö ster +ãģĵãģ¨ ãĤĴ +Ġtaraf ından +Ġм а +ĠпоÑģл е +Ġ׳ ×Ļת +Ġ׳×Ļת ף +Ġл еÑĤ +Ġ׾ ׳×ķ +Ñģ Ñģ +Ġ×Ļ ×ķ +п е +ĠÙĪ ÙĦÙĥ +ĠÙĪÙĦÙĥ ÙĨ +Ġngo Ãłi +ĠÄij á»ĭa +r zÄħd +dz iaÅĤ +ĠÙħ ر +иÑĤÑĮ ÑģÑı +Ġ×IJ×Ĺר ×Ļ +Ġ׾ ׼׾ +à¸Ĥ à¹īà¸Ńม +à¸Ĥà¹īà¸Ńม ูล +Ġб ол +Ġбол ее +جÙħ ع +л еÑĤ +Ġl á»ĭch +ĠÙħ Ø«ÙĦ +Ġ그리 ê³ł +Ġth ứ +ĠdeÄŁ il +ÙĪ ØŃ +Ġש׾ ×ļ +ĠÙħ ØŃÙħد +Ġn ếu +ĠÄij á»ķi +Ġv ừa +Ġm á»įi +Ġо ни +Ġl úc +ĠÙĬ ÙĥÙĪÙĨ +ì§ Ī +Ġש׾ ׳×ķ +ĠÐĶ Ð¾ +Ġש ׳×Ļ +ล ิ +×IJ פשר +Ġs ức +ê¶ Į +Ġ ứng +à¹Ħมà¹Ī มี +Ø·ÙĦ ب +ĠÑĩ ем +Ġch uyên +Ġth ÃŃch +Ġ×ķ ×Ļ +íķ © +ĠÙħ صر +д о +ĠÄij ất +Ġch ế +à¸Ĭ ืà¹Īà¸Ń +Ġìĭ ł +ĠØ¥ ذا +Ġر ئÙĬس +Ġש ×Ļש +Ġgiả m +Ñģ ка +lar ında +Ġs ợ +ĠtÃŃ ch +ĠÙĦ ÙĥÙĨ +Ġب Ùħ +×¢ ×ķ×ij +×¢×ķ×ij ×ĵ +ÅĤÄħ cz +ları na +Ġש ×Ŀ +ĠÙĦ ت +Ġש×Ķ ×ķ×IJ +t ów +Ġëĭ¤ 른 +ĠØ£ Ùĥثر +ãģ® ãģ§ãģĻ +׼ ×Ļ×Ŀ +ĠolduÄŁ unu +ãģĭ ãģª +ãĤĤ ãģĨ +ÙĬ ØŃ +Ġnh ìn +Ġngh á»ĩ +ãģ«ãģª ãģ£ãģ¦ +п а +Ġquy ết +ÙĦ ÙĤ +t á +Ġlu ôn +ĠÄij ặc +Ġ×IJ ר +Ġtu á»ķi +s ão +ìĻ ¸ +ر د +ĠبÙĩ ا +Ġ×Ķ×Ļ ×ķ×Ŀ +×ķ ×ķ×Ļ +ãģ§ãģĻ ãģŃ +ĠÑĤ ого +Ġth á»§ +ãģĹãģŁ ãģĦ +ر ÙĤ +Ġb ắt +г Ñĥ +Ġtá» Ń +ÑĪ Ð° +Ġ à¸Ľà¸µ +Ġ×Ķ×IJ ×Ŀ +íı ¬ +ż a +Ġ×IJת ×Ķ +Ġn á»Ļi +Ġph ÃŃ +ĠÅŁek ilde +Ġl á»Ŀi +d ıģı +Ġ׼×IJ ף +Ġt üm +Ġm ạnh +ĠM ỹ +ãģĿ ãĤĵãģª +Ġnh á»ı +ãģª ãģĮãĤī +Ġb ình +ı p +à¸ŀ า +ĠÄij ánh +ĠÙĪ ÙĦ +ר ×ķת +Ġ×IJ ×Ļ×ļ +Ġch uyá»ĥn +Ùĥ ا +ãĤĮ ãĤĭ +à¹ģม à¹Ī +ãĤĪ ãģı +ĠÙĪ ÙĤد +íĸ Īëĭ¤ +Ġn Æ¡i +ãģ«ãĤĪ ãģ£ãģ¦ +Ġvi ết +Ġà¹Ģà¸ŀ ืà¹Īà¸Ń +ëIJĺ ëĬĶ +اد ÙĬ +ĠÙģ Ø¥ÙĨ +ì¦ Ŀ +ĠÄij ặt +Ġh Æ°á»Ľng +Ġx ã +Ġönem li +ãģł ãģ¨ +Ġm ẹ +Ġ×ij ×Ļ +Ġ×ĵ ×ijר +Ġv áºŃt +ĠÄij ạo +Ġdá»± ng +ĠÑĤ ом +ĠÙģÙĬ Ùĩا +Ġج ÙħÙĬع +Ġthu áºŃt +st ÄĻp +Ġti ết +Ø´ ÙĬ +Ġе Ñīе +ãģĻãĤĭ ãģ¨ +ĠmÃł u +ĠÑįÑĤ ого +Ġv ô +ĠÐŃ ÑĤо +Ġth áºŃt +Ġn ữa +Ġbi ến +Ġn ữ +Ġ׾ ׼×Ŀ +×Ļ ×Ļף +Ġس ت +ĠÐŀ ÑĤ +Ġph ụ +ê¹Į ì§Ģ +Ġ׾ ×ļ +Ġk ỳ +à¹ĥ à¸Ħร +Ġg ây +ĠÙĦ ÙĦÙħ +Ġtụ c +ت ÙĬÙĨ +Ġtr ợ +Ġ׾ פ×Ļ +Ġb á»ij +ĠÐļ а +ĠÄij ình +ow Äħ +s ında +Ġkhi ến +s ız +Ġк огда +ס ׾ +ĠбÑĭ л +à¸Ļ à¹īà¸Ńย +обÑĢаР· +Ġê²ĥ ìĿ´ëĭ¤ +ëĵ¤ ìĿĢ +ãģ¸ ãģ® +Ġà¹Ģม ืà¹Īà¸Ń +Ġph ục +Ġ׊׾ק +Ġh ết +ĠÄij a +à¹Ģà¸Ķà¹ĩ à¸ģ +íĺ ķ +l ÃŃ +ê¸ ī +Ġع دد +ĠÄij á»ĵ +Ġg ần +Ġ×Ļ ×ķ×Ŀ +Ġs Ä© +ÑĢ Ñıд +Ġquy á»ģn +Ġ×IJ ׾×IJ +Ùĩ Ùħا +׳ ×Ļ×Ķ +׾ ×ķת +Ġ×Ķר ×ij×Ķ +Ġti ên +Ġal ın +Ġd á»ħ +人 ãģĮ +но Ñģ +л ÑģÑı +ĠÄij ưa +ส าว +иÑĢов ан +Ġ×ŀס פר +×Ĵ ף +Ġki ến +ĠÐ ¨ +p é +б Ñĥ +ов ой +б а +ĠØ¥ ÙĦا +×IJ ׾×Ļ +Ġx ây +Ġb ợi +Ġש ×ķ +人 ãģ® +×§ ×Ļ×Ŀ +à¹Ģà¸Ķ ืà¸Ńà¸Ļ +Ġkh á +Ġ×ķ ׾×Ķ +×ĵ ×ķת +Ġ×¢ ×ij×ķר +Ġبش ÙĥÙĦ +ĠÙĩÙĨا Ùĥ +ÑĤ ÑĢа +Ġ íķĺëĬĶ +ร à¸Ńà¸ļ +owa ÅĤ +h é +Ġdi á»ħn +Ġ×Ķ ×Ľ×ľ +ĠØ£ س +Ġch uyá»ĩn +ระ à¸Ķัà¸ļ +ĠNh ững +Ġ×IJ ×Ĺת +ĠØŃ ÙĪÙĦ +л ов +׳ ר +Ġ×ķ ׳ +Ġch Æ¡i +Ġiç inde +ÑģÑĤв Ñĥ +Ġph á»ij +ĠÑģ Ñĥ +ç§ģ ãģ¯ +Ġch ứng +Ġv á»±c +à¹ģ à¸Ń +Ġl áºŃp +Ġtừ ng +å°ij ãģĹ +ĠNg uy +ĠNguy á»ħn +ĠÙģÙĬ Ùĩ +Ġб а +×Ļ ×Ļת +Ġ×ľ×¢ ש×ķת +Ġ×ŀ ׼ +Ġnghi á»ĩm +Ġм ного +Ġе е +ëIJĺ ìĸ´ +Ġl ợi +Ġ׾ ׾×IJ +Ġ׼ ף +Ġch ÃŃ +ãģ§ ãģ® +×Ĺ ×ķ +ש ×ķ×Ŀ +Ġ×ŀ ר +ĠÐĶ Ð»Ñı +Å ģ +Ġ׼×IJ שר +ĠM á»Ļt +ĠÙĪØ§ÙĦ ت +ĠìĿ´ 룰 +ÅŁ a +Ġchi ến +Ġaras ında +Ġ×ij ×IJתר +ãģķãĤĮ ãģ¦ãģĦãĤĭ +Ø´ ÙĥÙĦ +Ġt ượng +Ġت ت +ĠC ó +Ġb á»ı +Ġtá»ī nh +Ġkh ÃŃ +ĠпÑĢ Ð¾ÑģÑĤ +ĠпÑĢоÑģÑĤ о +ĠÙĪ ÙĤاÙĦ +Ġgi áo +ĠN ếu +×IJ ×ŀר +×¢×ł×Ļ ×Ļף +íİ ¸ +Ùĩد Ùģ +ĠB á»Ļ +Ġb Ãłn +Ġng uyên +Ġgü zel +ส าย +ì² ľ +×ŀ ×ķר +Ġph ân +ס פק +×§ ×ij׾ +ĠاÙĦÙħ تØŃ +ĠاÙĦÙħتØŃ دة +ائ د +Ġ×IJ ×ŀר +Ġki ÅŁi +ì¤ Ģ +Ġtr uyá»ģn +ĠÙĦ Ùĩا +ĠÐľ а +à¸ļริ ษ +à¸ļริษ ั +à¸ļริษั à¸Ĺ +Ġש ׳×Ļ×Ŀ +Ġмен Ñı +ÅŁ e +Ġdi á»ĩn +Ġ×IJ׳ ×Ĺ׳×ķ +k ü +Ġc á»ķ +Ġm á»Ĺi +w ä +Ùħ ÙĬ +Ġhi á»ĥu +ëĭ ¬ +Ġ×Ķ ×Ĺ׾ +Ġt ên +Ġki á»ĩn +ÙĨ ÙĤÙĦ +Ġv á»ĩ +×ĵ ת +ĠÐłÐ¾ÑģÑģ ии +л Ñĥ +ĠاÙĦع ربÙĬØ© +ĠØ· رÙĬÙĤ +Ġ×Ķ×ij ×Ļת +Ñģ еÑĢ +Ġм не +ä u +Ġtri á»ĩu +ĠÄij á»§ +Ġר ×ij +ت ÙĩÙħ +à¸ĭ ี +Ġì§Ģ ê¸Ī +li ÅĽmy +د عÙħ +ãģł ãĤįãģĨ +Ñģки е +Ġh á»ıi +Ġ×§ ×ķ +ÑĢÑĥ Ñģ +ÙĨ ظر +ãģ® ãĤĤ +Ġ×Ķ ×Ľ×Ļ +ĠìĽ IJ +ÙĪ Ùĩ +ĠÙĪ Ùİ +ĠB ạn +п лаÑĤ +Ġ×ŀ ×ŀש +лÑİ Ð± +ĠнÑĥж но +Ġth ư +ãģ µ +ãģı ãĤīãģĦ +ر Ø´ +ר ×ķ×Ĺ +ĠÙĬ تÙħ +Ġצר ×Ļ×ļ +Ġph á +ม à¸Ńà¸ĩ +Ġ×ij×IJ ×ķפף +Ġcả nh +Ġíķľ ëĭ¤ +Ġ×Ķ×ŀ ת +à¸ķà¹Īาà¸ĩ à¹Ĩ +มี à¸ģาร +Ñģки Ñħ +ĠÐĴ Ñģе +Ġا ÙĪ +ج ÙĬ +ãģĵãģ¨ ãģ¯ +Ġd Ãłi +Ġh á»ĵ +èĩªåĪĨ ãģ® +à¹Ħ หà¸Ļ +ëĵ¤ ìĿĦ +ĠV Äĥn +Ġд аж +Ġдаж е +Ñĭ ми +лаÑģ ÑĮ +ÙĬ ÙĪÙĨ +ÙĨ ÙĪ +c ó +ãģĹãģ¦ ãģĦãģŁ +ãģł ãģĭãĤī +طاÙĦ ب +Ġc á»Ńa +п ÑĢоÑģ +ãģªãģ© ãģ® +รุ à¹Īà¸Ļ +Ġchi ếc +л Ñĭ +ĠÑıвлÑı еÑĤÑģÑı +Ġn á»ķi +ãģ® ãģĬ +Ġ×IJת ×Ŀ +ĠëķĮ문 ìĹIJ +à¸ģล าà¸ĩ +ĠbaÅŁ ka +ìĦ Ŀ +ĠÑĨ ел +Ùģ ÙĤ +ãģ«ãĤĪ ãĤĭ +ÙĤ ا +Ġçı kar +Ġcứ u +Ø· ا +Ġש ת +à¹Ĥ à¸Ħ +Ġ×ŀ ׾ +Ġ×Ķ ×¤×¨ +Ġг де +ĠØ® Ø· +åīį ãģ« +c jÄĻ +Ġ׊ש×ķ×ij +ר×Ĵ ×¢ +Ġkho ảng +ĠÄij á»Ŀi +ĠÐł е +Ġо на +Ġ×IJ ׳×ķ +ãģ® ãģ« +ĠاÙĦذ ÙĬÙĨ +кÑĥ п +ãĤµ ãĥ¼ãĥ +ãĤµãĥ¼ãĥ ĵ +ãĤµãĥ¼ãĥĵ ãĤ¹ +в ал +г е +Ġgi ữa +ĠKh ông +ĠâĹ ĭ +à¸ģล ุà¹Īม +ĠÙħÙĨ ذ +à¸Ń à¹Īาà¸Ļ +ĠÑģп оÑģоб +ĠÄij á»Ļi +Ġdi ÄŁer +Ġ à¸ĸà¹īา +Ùħ Ø«ÙĦ +Ġ×Ķ×IJ ×Ļ +Ġد ÙĪÙĨ +ÙĬر اÙĨ +Ñī и +بÙĨ اء +ĠØ¢ خر +ظ Ùĩر +Ġ×ij ׼ +ĠاÙĦÙħ ع +ãĥ Ĵ +Ġt ất +Ġm ục +ĠdoÄŁ ru +ãģŁ ãĤī +Ġס ×ķ +Ġx ác +ร à¸Ń +ĠcÄĥ n +Ġон л +Ġонл айн +Ġk ý +Ġch ân +Ġ à¹Ħมà¹Ī +اØŃ Ø© +r án +׳×Ļ ×Ļ×Ŀ +Ġ×ij ף +ĠÐ ĸ +à¸ķร à¸ĩ +д Ñĭ +Ġs ắc +ÙĦ ت +ãĥŃ ãĥ¼ +ĠÙĦ ÙĨ +Ġר ×ķ +Ġd Æ°á»Ľi +à¹Ģ à¸ĺ +à¹Ģà¸ĺ à¸Ń +e ÄŁi +Ġ×ķ ש +ĠÙĦ Ø£ +Ġg ặp +Ġc á»ij +ãģ¨ ãģ¦ãĤĤ +رÙĪ Ø³ +Ġ׾×Ķ ×Ļ +Ġë³ ¸ +ä¸Ĭ ãģĴ +Ġm ức +Ñħ а +Ġìŀ ¬ +à¸ī ัà¸Ļ +ÑĢÑĥ ж +Ġaç ık +ÙĪ Ø§ÙĦ +Ġ×ĸ ×ŀף +人 ãģ¯ +ع ÙĬÙĨ +Ñı Ñħ +Ġ×Ĵ×ĵ ×ķ׾ +ר ×ķ×ij +g ó +ëĿ¼ ê³ł +Ġark adaÅŁ +ÙĨ شر +Ġгод Ñĥ +ĠболÑĮ ÑĪе +ãģ¡ãĤĩ ãģ£ãģ¨ +Ġcâ u +Ġs át +íĶ ¼ +Ġti ến +íķ´ ìķ¼ +ĠÙĪ Ø£ÙĨ +à¸Ļ าà¸Ļ +Ġ×ij×IJ×ŀ צע +Ġ×ij×IJ×ŀצע ×ķת +Ġ׾ ר +Ġqu ản +ĠÙĪØ§ÙĦ Ø£ +Ġ×IJ×ķת ×Ķ +Ġìĸ´ëĸ ¤ +Ġê²ĥ ìĿĢ +ØŃس ÙĨ +Ġm ất +à¸Ħ ูà¹Ī +ãĥ¬ ãĥ¼ +ĠÐĶ Ð° +Ġol ması +Ġthu á»Ļc +׳ ×Ĺ +íĨ ł +Ġsö yle +ãģĿãģĨ ãģ§ãģĻ +Ġت ÙĥÙĪÙĨ +л ÑĥÑĩ +׾ ×Ļ×ļ +ĠØ£ ØŃد +ли ÑģÑĮ +ĠвÑģ его +Ġ×Ķר ×ij +Ġëª » +o ÄŁ +oÄŁ lu +ĠìĦ ł +Ġк аÑĢ +à¸łà¸² à¸Ħ +e ÅĦ +Ġ à¸ģà¹ĩ +Ġa ynı +Ġb Ãł +ãģªãĤĵ ãģ¦ +Ġ모 ëĵł +ÙĤر ار +ãģĹãģª ãģĦ +ĠÐĴ о +ĠÙĪÙĩ ÙĬ +ни ки +ãĤĮ ãģŁ +Ġchu ẩn +ר ×¢ +Ùģ Ø±ÙĬÙĤ +ãĤĴ åıĹãģij +ĠÄij úng +б е +׼ ×ķ×Ĺ +п Ñĥ +Ġ×ķ ×Ĵ×Ŀ +×ŀ ׳×Ļ +íĸ ¥ +צ ×Ļ×Ŀ +à¸ĭ ิ +Ùĩ ÙĨ +н ем +Ġ×ij×ij ×Ļת +ر ع +Ġ ส +ĠÄIJ Ãł +íķĺ ëĭ¤ +Ġ ấy +×Ĺ ×ķ×ĵ +×Ĺ×ķ×ĵ ש +ĠÑĩеÑĢ ÐµÐ· +Ñĥ л +ĠB ình +Ġê²ĥ ìĿĦ +Ġ×Ĵ ר +ä»ĺ ãģij +×Ĺ׾ ×§ +Ġت ÙĦÙĥ +à¹ĥส à¹Ī +sz Äħ +ÙĤ اÙħ +د ÙĪØ± +ĠÙģ ÙĤØ· +Ġh ữu +Ġмог ÑĥÑĤ +Ġg á»įi +Ġ×§ ר +à¸Īะ มี +ت ÙĤدÙħ +Ġع بر +Ġ׾×Ķ ×Ŀ +ĠÑģам о +ס ×ĵר +Ġc Ãłng +r ÃŃ +Ġìŀ ¥ +ëĵ¤ ìĿĺ +ĠÙĦ Ùĥ +п оÑĢÑĤ +Ġkh ả +ĠÑģеб Ñı +׳ ף +Ġد ÙĪØ± +Ġm ợ +Ġcâ y +Ġf ark +Ġfark lı +а ÑİÑĤ +Ġtr á»±c +wiÄĻks z +Ġthu á»ijc +Ġت ØŃت +ت ÙĦ +ов Ñĭе +ëĤ ł +Ġв ам +بÙĦ غ +Ġê°Ļ ìĿĢ +íĮ IJ +ÙĦ ب +Ġnas ıl +Ġод ин +м ан +ĠعÙĦÙĬ Ùĩا +б и +Ġפ ש×ķ×ĺ +×ijר ×Ļ +Ġש ׳×Ķ +Ġëı Ħ +ĠÄIJ ại +Ġ×IJ×ķת ×Ŀ +ĠاÙĦØŃ ر +Ġб о +à¸Ī ุà¸Ķ +Ġr õ +ĠdeÄŁi ÅŁ +Ġëĭ ¨ +ĠÑģлÑĥÑĩ а +ĠÑģлÑĥÑĩа е +Ġ×IJ׳ ש×Ļ×Ŀ +×ĵ ×£ +ש×ij ת +Ġש׾ ׼×Ŀ +Ġch ú +nik ów +Ġtan ı +Ġcá o +ĠÄij á +Ġ×IJ ×ĵ×Ŀ +Ġê° ķ +Ġnhi á»ĩm +Ġ׾ ס +Ġ×Ľ×ª ×ij +Ġ×Ķס פר +ĠÄij Äĥng +Ġë ijIJ +à¸ľ ิ +à¸ľà¸´ ว +ج ا +Ġê° IJ +ر Ø£ +ست خدÙħ +ãģ«ãģªãĤĬ ãģ¾ãģĻ +Ġtá» · +×ĺ ×ķר +г овоÑĢ +Ġв оÑģ +ĠÙħÙĨ Ùĩا +иÑĢов аÑĤÑĮ +ĠÄij ầy +׳ ×Ĵ +ĠÙħ ÙĪ +ĠÙħ ÙĪÙĤع +ר׼ ×Ļ +ت Ùı +ëª ¨ +Ġת ×ķ +ÙĬا Ùĭ +à¹ĥ à¸Ķ +ãĤĬ ãģ¾ãģĻ +à¸Ńยูà¹Ī à¹ĥà¸Ļ +ĠØ£ ÙĪÙĦ +ĠØ£ خرÙī +Ġc ư +ص ار +×ŀ׊ש×ij +б ÑĢа +ÅĦ ski +б ÑĢ +ĠÙĬ Ùı +à¸ģ ิà¸Ļ +Ġch á»ijng +Ùħ Ùı +Ġ à¸Ħืà¸Ń +Ġت ÙĨ +t ÃŃ +y Äĩ +Ġm ạng +Ùģ ÙĪ +Ġdü nya +×§ ר×IJ +Ġ×§ ׾ +ĠØŃ اÙĦ +c ÃŃa +Ġà¹Ģ รา +Ġר ×ķצ×Ķ +Ġá p +ë° ķ +ا ÙĤØ© +ни Ñİ +Ġ×IJ ׾×ķ +Ġ×ŀס ×ķ +ãģ§ãģ¯ ãģªãģı +Ġtr ả +Ġ×§ שר +mi ÅŁtir +Ġl ưu +Ġh á»Ĺ +ĠбÑĭ ли +Ġl ấy +عÙĦ Ùħ +Ġö zel +æ°Ĺ ãģĮ +Ġ×ĵ ר×ļ +Ùħ د +s ını +׳ ×ķש×IJ +r ów +Ñĩ еÑĢ +êµIJ ìľ¡ +ĠÐľ о +л ег +ĠV Ỽi +วัà¸Ļ à¸Ļีà¹ī +ÑİÑī ие +ãģĬ ãģĻ +ãģĬãģĻ ãģĻ +ãģĬãģĻãģĻ ãĤģ +ëı ħ +Ġ×Ļ×Ķ ×Ļ×Ķ +×ŀ ×ĺר +Ñı ми +Ġl á»±a +ĠÄij ấu +à¹Ģส ียà¸ĩ +Ġt ương +ëĵ ± +ĠÑģÑĤ аÑĢ +à¹ĥ à¸ļ +ว ัà¸Ķ +Ġİ stanbul +Ġ à¸Īะ +à¸ķ ลาà¸Ķ +Ġب ÙĬ +à¹ģà¸Ļ ะ +à¹ģà¸Ļะ à¸Ļำ +س اعد +Ġب Ø£ +Ġki á»ĥm +ØŃ سب +à¸Ĭั à¹īà¸Ļ +Ġ×ķ ×¢×ķ×ĵ +ов ÑĭÑħ +оÑģ нов +Ġtr Æ°á»Łng +צ ×ij×¢ +ĠÃŃ t +Ġk ỹ +cr é +Ñı м +êµ ° +ãģĮ ãģªãģĦ +ÙĬÙĦ Ø© +ãĥķ ãĤ£ +ر Ùī +ĠÙĬ جب +Ġ×IJ ×£ +Ġc á»±c +ãĤīãĤĮ ãģŁ +Ġ à¸ľà¸¹à¹ī +Ġ à¸Ń +lar ımız +Ġkad ın +Ġê·¸ ëŀĺ +Ġê·¸ëŀĺ ìĦľ +ĠëĺIJ ëĬĶ +ĠÄij ả +ĠÄijả m +Ġ×IJ ×ķ×ŀר +Ġy ếu +ci Äħ +ciÄħ g +Ġt á»ij +Ġש×IJ ׳×Ļ +Ġdz iaÅĤa +Ñī а +ĠÄij Ãłn +s ına +ãģĵãĤĮ ãģ¯ +Ġ×ij ׾×Ļ +Ġ×ij ×Ļשר×IJ׾ +л оÑģÑĮ +Ġgi ữ +ê° IJ +ÑĢ Ð¾Ð½ +تج ار +г лав +в ин +Ġh ạn +Ġyapı lan +ب س +Ġ à¸ŀรà¹īà¸Ńม +ê´Ģ 리 +mÄ±ÅŁ tır +b ü +r ück +ĠBaÅŁkan ı +ĠÙĦ ÙĬس +Ġs Æ¡ +à¸Īัà¸ĩ หว +à¸Īัà¸ĩหว ัà¸Ķ +د اء +Ġ×Ķ ×Ľ +v ÃŃ +ש ×IJר +Ġh Æ°á»Łng +Ġb óng +ĠCh ÃŃnh +Äħ c +à¹Ģà¸ģีà¹Īยว à¸ģัà¸ļ +Ġtá» © +Ġtứ c +ĠÑĨ веÑĤ +Ġt á»iji +ĠnghÄ© a +ÙĦا عب +د ÙĦ +Ġפע ×Ŀ +h ör +à¸Ĭ ุà¸Ķ +à¸ŀ ู +à¸ŀู à¸Ķ +п аÑģ +ĠÅŁ u +Ġt Æ°á»Łng +خار ج +Ġâ m +ĠинÑĤеÑĢ ÐµÑģ +ен нÑĭÑħ +×IJ ׳×Ļ +بد Ø£ +ëĿ¼ ëĬĶ +ì¹ ´ +æĸ¹ ãģĮ +ли в +Ġ à¸Ħà¸Ļ +ער ×ļ +à¸Ĥà¸Ńà¸ĩ à¸Ħุà¸ĵ +п ад +Ġc ạnh +ĠëĤ ¨ +ĠÄij âu +Ġbi á»ĥu +ãĤĤ ãģĤãĤĭ +׾ ×Ĵ +Ġ สำหรัà¸ļ +Ġxu á»ijng +ס ×ķ +Ġذ ات +ĠÐľ е +ع اÙĦÙħ +×IJ ס +ب ÙĬØ© +Ø´ ا +и ем +ĠNg ưá»Ŀi +íĺ ij +Ñģл ов +Ġп а +Ġm ẫu +ĠпÑĢоÑĨ еÑģÑģ +ĠNh Ãł +пÑĢо из +пÑĢоиз вод +à¸łà¸²à¸¢ à¹ĥà¸Ļ +Ġ à¸ļาà¸Ĺ +×ŀ ׳×ķ +ĠоÑĢг ан +רצ ×ķ +×ķ×ŀ ×Ļ×Ŀ +Ġyaz ı +Ġd ù +ãĥ¬ ãĥ³ +ÙĪÙĦ ÙĬ +ย ู +Ġtr ò +à¹Ģà¸ŀ ลà¸ĩ +Ġ×ŀ ׾×IJ +à¸ķ ล +à¸ķล à¸Ńà¸Ķ +ĠÄij ạt +Ġ×Ĺ×ĵ ש +p óÅĤ +Ġ×ŀ ×ĵ×Ļ +ujÄħ c +×ŀ׳×Ķ ×ľ +Ġש×ij ×ķ +Ġ×Ķ×ŀש פ×ĺ +Ġ×IJ ׾×Ķ +ĠÙĪ Ø°ÙĦÙĥ +à¹Ģà¸ŀ ราะ +ĠÄijo Ãłn +Ġíķ¨ ê»ĺ +Ġd ục +Ø´ ت +Ġ ula +Ġula ÅŁ +Ġqu ý +Ġ×Ķ ×Ĵ×ĵ×ķ׾ +à¸ķัà¹īà¸ĩ à¹ģà¸ķà¹Ī +Ġש ר +Ø´ Ùĩد +׳ ש×Ļ×Ŀ +à¸ŀ ล +رÙĪ Ø§ +ãĤĮ ãģ¦ +Ġн иÑħ +Ġдел а +ãģ§ãģį ãģªãģĦ +ÅĤo ż +×IJ ×Ĺר +ì ½Ķ +ãĤ¢ ãĥĥãĥĹ +د Ù쨹 +Ġti á»ĩn +Ġkh á»ı +Ġkhá»ı e +ĠاÙĦع اÙħØ© +ãģ« ãģĤãĤĭ +ĠÄij á»Ļc +ì¡ ± +Ġc ụ +й ÑĤе +Ġзак он +ĠпÑĢо екÑĤ +ìĸ ¸ +ÙĦ ØŃ +ĠçalÄ±ÅŁ ma +ãĤĴ ãģĻãĤĭ +Ñħ и +ع اد +Ġ׳ ×ŀצ×IJ +Ġר ×Ļ +à¸Ńà¸Ńà¸ģ มา +ĠT ôi +Ġth ần +ĠÙĬ ا +ล าย +Ġав ÑĤо +Ġsı ra +ĠÙĥ Ø«ÙĬر +Ùħ ÙĬز +ĠاÙĦع ÙĦÙħ +æĸ¹ ãģ¯ +×ķ×¢ ×ĵ +Ġобла ÑģÑĤи +×Ļ׾ ×Ļ×Ŀ +ãģĮ åĩº +à¸ĺ ุ +à¸ĺุ ร +à¸ĺุร à¸ģิà¸Ī +ÙĤت ÙĦ +ר×IJ ×ķ +Ġng u +Ġngu á»ĵn +Ġ มา +Ġпл ан +t ório +Ġcu á»iji +Ñģк ом +ĠاÙĦÙħ اض +ĠاÙĦÙħاض ÙĬ +Ġ×ij×¢ ׾ +Ġר ×ij×Ļ×Ŀ +Ġlu áºŃn +Ùĥ ÙĪ +à¸Ĺัà¹īà¸ĩ หมà¸Ķ +в ан +Ġtho ại +à¹Ħ à¸Ń +б иÑĢ +ĠاÙĦ ض +ت ا +ĠÑĢ Ð¾Ð´ +ĠV Ãł +×ŀ ×Ļף +ĠбÑĭ ла +к ами +ĠÐĶ Ðµ +t ık +קר ×Ļ +ĠeÄŁ itim +ĠÙĥ بÙĬر +ب Ùĥ +ĠÙĦ ÙĪ +в ой +Ġ ãģĵãģ® +ĠÑĤ ÑĢÑĥд +my ÅĽl +Ġs ư +à¸ŀ ีà¹Ī +Ġ à¹ģลà¹īว +×¢ ×§ +Ġ×Ĺ×ijר ת +ระ หว +ระหว à¹Īาà¸ĩ +×Ļ ×Ļ×Ķ +ĠاÙĦÙĨ اس +ün ü +Ġ׾ ×ŀ×Ķ +Ġch ương +ĠH á»ĵ +ار ت +ãĤĪãģĨ ãģ§ãģĻ +l á +×§×Ļ ×Ļ×Ŀ +æľ¬ å½ĵ +æľ¬å½ĵ ãģ« +ãģĵãĤĵ ãģª +Ñģ ов +Ġ×ķ ×Ĺ +à¹Ģà¸ģ à¹ĩà¸ļ +Ġк ÑĤо +à¹Ĥร à¸Ħ +ĠØ´ رÙĥØ© +ع زÙĬ +عزÙĬ ز +Ø·ÙĦ ÙĤ +п ÑĥÑģÑĤ +Ùģ ØªØŃ +ëŀ Ģ +Ġhã y +ض Ùħ +ë¦ ° +åł´åIJĪ ãģ¯ +ãĤª ãĥ¼ +Ġh ắn +Ġ×IJ ×ij×Ļ×ij +Ġש׾×Ķ ×Ŀ +Ġ×Ķ×Ļ ×Ļת×Ķ +ĠاÙĦد ÙĪÙĦØ© +ĠاÙĦ ÙĪÙĤ +ĠاÙĦÙĪÙĤ ت +ãģĤ ãģ¾ãĤĬ +Ġta ÅŁÄ± +İ N +×¢ סק +ãģ¦ ãģĦãģŁ +Ġtá»ķ ng +ĠاÙĦØ¥ ÙĨس +ĠاÙĦØ¥ÙĨس اÙĨ +ÑĢ ÐµÑĪ +Ġg ái +ĠÑĨ ен +ĠÙģ ÙĤد +Ùħ ات +ãģķãĤĵ ãģ® +Ġph ù +×ĺ ×Ķ +ĠÙĪØ§ÙĦ تÙĬ +Ġب Ùĥ +ìĿ´ ëĤĺ +к Ñģ +Ùħ ÙĬر +Ġv ùng +ĠاÙĦØ´ عب +ĠNh ưng +ãĥĢ ãĥ¼ +Ġ×Ĺ×Ļ ×Ļ×Ŀ +ĠØ´ خص +×§ ×ķ×ĵ +ê² Ģ +×¢ ש +×¢ ×ķ׾×Ŀ +צ ×ķר +ع ÙĤد +ĠiÅŁ lem +Ġ×Ķ×ij ×IJ +Ġd ưỡng +à¸Ł รี +Ġph ÃŃa +ãģ®ä¸Ń ãģ§ +Ġп и +Ġng Ãłnh +ним а +ĠÙĩ ÙĦ +Ġ×ķ ×IJת +ĠÄij áng +é quipe +ĠÑįÑĤ оÑĤ +Ġgö rev +ë§ ¤ +Ġqu ân +å¼ķ ãģį +æĻĤ ãģ« +Ġب Ùħا +×ŀ ×Ļת +Ġü lke +Ġ×ŀ×§ ×ķ×Ŀ +×ij ף +æ°Ĺ æĮģãģ¡ +Ġë§İ ìĿĢ +Ġyük sek +ÑĨ енÑĤÑĢ +ĠÙħ جÙĦس +ç§ģ ãģ® +ÙĤد ر +Ġë¶Ģ ë¶Ħ +Ġì° ¨ +خر ج +ãģĭ ãģªãĤĬ +ë³´ ëĭ¤ +Ġ×ŀ ×Ļ×ĵ×¢ +peÅĤ ni +Ġx á»Ń +ìĹIJìĦľ ëĬĶ +ĠباÙĦ Ùħ +ĠÙĪ Ùħا +ĠÑįÑĤ ой +ب ÙĬÙĨ +n ü +ØŃ ز +ØŃز ب +ĠÑĢабоÑĤ а +ĠNh áºŃt +ÙĦ اء +Ġëĵ ¤ +Ġëĵ¤ ìĸ´ +ãĤĦãģĻ ãģĦ +×Ĺ×ĸ ×§ +Ġ×Ķ×Ĺ ×ijר×Ķ +п иÑĤ +ãģĭãĤī ãģ® +Ġë§IJ ìĶĢ +Ġפ ×ķ +ÙĦ Ùİ +à¹Ģà¸ķà¹ĩ ม +ĠÐļ о +Ġm ówi +Ġt ÃŃn +ר×Ĵ ש +פר ×§ +Ġtr ạng +ĠÐŀ н +×Ĺ ×ķ×¥ +ĠعÙĨد Ùħا +Ġب ر +使 ãģĦ +Ġr á»Ļng +ëĮĢ ë¡ľ +íĪ ¬ +Ġktóry ch +в ид +ลูà¸ģ à¸Ħà¹īา +Ġmog Äħ +Ġש ×Ĺ +×ij ×Ĺר +ãĥĸ ãĥŃãĤ° +ĠTh Ãłnh +Ġ×Ķ ×¨×Ļ +ĠÑģÑĤ аÑĤÑĮ +ĠH á»Ļi +à¸ļ à¹īาà¸ĩ +çī¹ ãģ« +ĠÄIJ ức +èĢħ ãģ® +×¢ ×ŀ×ķ×ĵ +×ĺר ×Ķ +Ð ¥ +ĠÙħ Ùħا +Ġe ÅŁ +ĠнеобÑħодим о +ник ов +Ġüzer inde +a ÅĤa +Ġchá»ĭ u +ĠاÙĦ دÙĬÙĨ +أخ بار +ĠÄij au +ãģĮ å¤ļãģĦ +jÄħ cych +د Ø®ÙĦ +ları nd +larınd an +Ġs ẻ +à¸ŀิ à¹Ģศ +à¸ŀิà¹Ģศ ษ +ת ף +t ıģı +Ġlu áºŃt +ĠÅŀ e +ãĤ« ãĥ¼ +ãģ® ãģĤãĤĭ +Ġ×Ķ×IJ תר +ĠاÙĦØ¢ ÙĨ +ıld ı +Ġá o +ĠнаÑĩ ал +Ġvi á»ĩn +Ġ×ij×¢ ×ķ׾×Ŀ +з наÑĩ +×Ļ×ĺ ×Ķ +к ам +ĠÐĺ з +à¹Ģà¸Ĥ ียà¸Ļ +à¸Ļ à¹īà¸Ńà¸ĩ +ÑĤ ÑĢо +à¹Ģ à¸Ł +Ġжиз ни +Ġ สà¹Īวà¸Ļ +Ġv áºŃn +Ġê´Ģ 볨 +Ġl âu +ס ×ĺר +×§ ש +س ÙĬر +Ġ×IJ×ķת ×Ļ +Ġm ôi +ائ ب +Ġо ÑģÑĤа +Ġm ón +Ġ×ij ×ŀ×§×ķ×Ŀ +Ġد اخÙĦ +Ġ×IJ ×ķר +Ġв аÑģ +Ùĥ Ø´Ùģ +ìĺ ¨ +à¸ĸ à¹Īาย +Ġkullan ıl +Ġt ô +ãģ« ãĤĪãĤĬ +ĠëĺIJ íķľ +Ġ×¢×ij×ķ×ĵ ×Ķ +Ġri ê +Ġriê ng +Ġyak ın +ز ا +Å » +×IJ ×ķ׼׾ +شار Ùĥ +Ġб еÑģ +× ´ +Ġا بÙĨ +ĠTá»ķ ng +ÙĨ ظ +ÅĽwi ad +ãĤµ ãĥ¼ +ห าย +ĠG ün +Ġhakk ında +à¹Ģà¸Ĥà¹īา มา +ز ÙĨ +ĠÐł о +Ġbi á»ĥn +ãģ© ãģĵ +Ùģ Ø¹ÙĦ +ز ع +פר ×ĺ +Ġ×Ķ ×Ł +Ø£ ÙĩÙĦ +Ġth ất +ØŃ ÙħÙĦ +Ñĩ Ñĥ +ĠìĤ¬ ìĭ¤ +ì° ¸ +ĠìľĦ íķ´ +ÙĪ Ø¸ +ĠÐŁ од +Ġkho ản +ÑĤ ен +ĠÙģ Ø§ÙĦ +Ñģ ад +à¸Ļ à¸Ńà¸Ļ +ĠاÙĦسعÙĪØ¯ ÙĬØ© +" ØĮ +ĠاÙĦ ÙĴ +ãĤī ãģļ +Ġto án +Ġch ắc +׼ ×Ļר +m éd +méd ia +ز ÙĪ +Ġyan ı +פ ׳×Ļ×Ŀ +ØŃ ظ +Ġб еÑģп +ĠбеÑģп лаÑĤ +ĠбеÑģплаÑĤ но +ĠØ£ ÙħاÙħ +à¸Ń าย +à¸Ńาย ุ +ר שת +Ġg á»ĵ +Ġgá»ĵ m +Ġu á»ijng +ص ب +k ır +ãĥij ãĥ¼ +Ġ׾×ĵ עת +Ġк ÑĥпиÑĤÑĮ +׾ ×ķ×Ĺ +ÙĪØ¶ ع +ÙĤÙĬ Ùħ +à¸Ľ า +ж ив +à¸Ķ ิà¸Ļ +×IJ ×ķפ +à¹Ģล à¹ĩà¸ģ +ãĥĥ ãĥī +иÑĩеÑģки Ñħ +ĠCh á»§ +кÑĢ Ð°Ñģ +ÙĪ ØµÙĦ +p ÅĤat +м оÑĢ +Ġ×Ķ×IJ ×ķ +à¸Ń ิà¸Ļ +Ġíķľ êµŃ +гÑĢ Ðµ +Ġìłľ ê³µ +ì° ½ +Ġê°ľìĿ¸ ìłķë³´ +Ġngh á»ĭ +à¸ĭ า +ØŃس اب +Ġby ÅĤa +ÙħÙĦ Ùĥ +иÑĩеÑģки е +Ġb ác +ض ØŃ +ê¸ ¸ +ש ×ŀ×¢ +Ġìĸ´ëĸ » +Ġìĸ´ëĸ» ê²Į +ìĽ Į +ات Ùĩ +à¹Ĥรà¸ĩ à¹ģ +à¹Ĥรà¸ĩà¹ģ รม +خد ÙħØ© +ĠÐł а +׼×ķ׾ ×Ŀ +×ŀש ×Ĺ×§ +ĠÙĪ ÙĥاÙĨ +ס ×ķ×£ +ĠاÙĦØŃÙĥÙĪÙħ Ø© +Ġ×ij ×ĺ +Ġtr áºŃn +Ġ×Ķ×¢ ×ķ׾×Ŀ +ĠÃŃ ch +t Äħ +ש×ŀ ×ķ +Ġ×Ķר×IJש ×ķף +Ġíķĺ ê³ł +ãģķ ãĤī +ãģķãĤī ãģ« +ãģ« ãģĹãģ¦ +Ġ à¸ľà¸¡ +ãģ® ãĤĪãģĨãģª +ĠÙĪ ÙĤت +ãĥį ãĥĥãĥĪ +ÙĦ عب +ÙĪ Ø´ +ìĺ ¬ +Ġ หาà¸ģ +Ġm iaÅĤ +à¸Ĺ à¸Ńà¸ĩ +иÑĤ а +ا صر +ил ÑģÑı +з е +à¸Ľà¸£à¸° มาà¸ĵ +ãģĿãĤĮ ãģ¯ +Ġb ır +Ġbır ak +صÙĨ اع +Ð ® +Ø´ عر +Ġ׳ ×Ĵ×ĵ +Ġب سبب +ãĥĿ ãĤ¤ +ãĥĿãĤ¤ ãĥ³ãĥĪ +ĠاÙĦج ÙĪ +ĠнеÑģк олÑĮко +Ġki ếm +Ùģ Ùİ +Ġض د +×ij×Ļ×ĺ ×ķ×Ĺ +تاب ع +ÙĨ ز +ĠB ản +Ġaç ıkl +Ġaçıkl ama +Ġ à¸Ħุà¸ĵ +à¸Ĺ า +ÅĤ ów +Ø· ب +ÙĨ ØŃÙĨ +Ġ×ŀ×§ ×ķר +Ġİ s +Ġдом а +Ġ วัà¸Ļ +Ġd Ãłnh +Ñı н +ми ÑĢ +Ġm ô +ĠvÃł ng +ص اب +s ının +à¸Ħ ืà¸Ļ +Ø® بر +×ĸ׼ ×ķ +Ġ×ŀ ש×Ķ×ķ +m ü +Ġкомпани и +Ġ×Ķ×¢ ×Ļר +ĠÙĥ ÙĪ +ÙĤÙĦ ب +ĠlỼ p +и ки +׳ ×ij +à¹Ĥ à¸Ħร +à¹Ĥà¸Ħร à¸ĩ +à¹Ĥà¸Ħรà¸ĩ à¸ģาร +×ŀ×ķ×¢ ×ĵ +ÑıÑĤ ÑģÑı +หลัà¸ĩ à¸Īาà¸ģ +ени Ñİ +Ġש ×¢ +Ġb Æ°á»Ľc +ãĥ¡ ãĥ¼ãĥ« +ãĤĦ ãĤĬ +Ġ×Ļ×ķ×ĵ ×¢ +Ġê´Ģ íķľ +ĠاÙĦØ£ Ùħر +Ġböl ge +ĠÑģв ой +ÙĦ س +Ġ×ŀ×Ļ ×ķ×Ĺ×ĵ +ĠëĤ´ ìļ© +ĠØ£ جÙĦ +ĠÄIJ ông +Ġ×ŀ ×ł×ª +Ġìĭľ ê°Ħ +Ùĥ Ùİ +ãģ¨ãģĦãģĨ ãģ®ãģ¯ +Ġnale ży +تÙĨظ ÙĬÙħ +ĠÑģозд а +Ġph é +Ġphé p +ãģ§ãģį ãģ¾ãģĻ +Ġع ÙĦÙħ +大ãģį ãģª +ãĤ² ãĥ¼ãĥł +í ħĮ +Ġ׼×ķ׾ ׾ +ĠинÑĤеÑĢ Ð½ÐµÑĤ +ĠT ừ +ãģ¨ ãģªãĤĭ +ز اÙĦ +Ġktóry m +Ġnh é +ìĪ ľ +н ев +д еÑĢ +ãĤ¢ ãĥĹãĥª +i á»ĩu +×ij ×Ļ׾ +Ġت س +ĠÄIJ ây +ĠاÙĦØ® اصة +Ġà¹Ģ à¸Ĭ +Ġà¹Ģà¸Ĭ à¹Īà¸Ļ +ص اد +Ġd ạng +س عر +Ġש ×Ļ×ŀ×ķש +×Ĵ ×Ļ×Ŀ +ãģĮãģĤ ãģ£ãģŁ +п ÑĢов +пÑĢов од +Ġ×IJ ×Ļ׳×ķ +Ġ׾ ר×IJ +Ġ׾ר×IJ ×ķת +ĠØ£ Ù쨶ÙĦ +ĠØŃ ÙĦ +ĠØ£ بÙĪ +ê° ķ +Ġì§ ij +ãģ® ãĤĪãģĨãģ« +Ġפ ׳×Ļ +ס ×Ļ×Ŀ +ĠÙĪÙĩ ذا +Ġka ç +Ġé én +Ġê± ´ +ë° Ķ +Ñĥ з +à¸Ĥà¸Ńà¸ĩ à¹Ģรา +i ÅĤ +ĠÐľ Ñĭ +Ġch ết +ĠاÙĦØ« اÙĨÙĬ +×IJ ×§ +Ġ×ķ ×¢×ľ +ĠاÙĦØ· ب +×ij×ĺ ×Ĺ +Ġج دÙĬدة +Ġع دÙħ +ع ز +สิà¹Īà¸ĩ à¸Ĺีà¹Ī +ãģĻ ãĤĮãģ° +ĠÄij ô +ì£ ł +د ÙĤ +н омÑĥ +Ġk á»ĥ +ãĤ¢ ãĥ³ +å¤ļãģı ãģ® +à¸Ľà¸£à¸° à¸ģ +à¸Ľà¸£à¸°à¸ģ à¸Ńà¸ļ +פע×Ļ׾ ×ķת +ĠÑģÑĤ ол +may ı +ãģ¤ ãģĦ +Ġyılı nda +Ġ à¸Īึà¸ĩ +koÅĦ cz +ĠTh ông +Ġак ÑĤив +н ÑģÑĤ +нÑģÑĤ ÑĢÑĥ +ĠÃĸ z +Ġת ×ŀ×Ļ×ĵ +ĠÙĥ ÙĨت +Ñģ иÑģÑĤем +pr és +prés ent +Ġn â +Ġnâ ng +gÅĤ os +ĠÙĪØ² ÙĬر +ØŃ صÙĦ +Ġиме еÑĤ +ØŃ رÙĥØ© +à¸ŀ à¹Īà¸Ń +ãĤĴ ãģĬ +Ġاست خداÙħ +×IJ×Ļר ×ķ×¢ +ä»ĸ ãģ® +Ġש×Ķ ×Ŀ +ãģĹãģŁ ãĤī +ש×ŀ ×Ļ +Ñģ ла +m ı +Ġbaz ı +Ġíķĺ ì§Ģë§Į +×ĵ ׾ +Ġyapt ıģı +ãĥĬ ãĥ¼ +׾ ×Ļ׾×Ķ +ãģ¨ãģĦ ãģ£ãģŁ +änd ig +ĠÅŁ a +ĠÙģÙĬ Ùħا +иÑĤ елÑı +×ŀ ×ķש +à¸Ĥ à¸Ńà¸ļ +l ük +Ġh á»ĵi +Ġëª ħ +ĠاÙĦÙĥ Ø«ÙĬر +צ ×IJ +Ġhaz ır +طر Ùģ +ا ÙĬا +ĠÄij ôi +ен д +ÙĦ غ +×Ĺ ×ĸ×ķר +ĠвÑģ ег +ĠвÑģег да +ëIJĺ ê³ł +×ĵ ×ķ×ĵ +ан а +د ÙĪÙĦØ© +Ġho ạch +ع ÙĦا +عÙĦا ج +Ġ×ķ ×¢×ĵ +×Ķ ×Ŀ +ки й +ÙĦ ÙIJ +Ġ×¢ ׾×Ļ×ķ +ÑİÑī ий +Ġng á»§ +صÙĨ ع +ĠاÙĦع راÙĤ +à¸ķà¹Īà¸Ń à¹Ħà¸Ľ +ãģŁãģı ãģķãĤĵ +Ġph ạm +ÙĦ اÙĨ +ات Ùĩا +Ġbö yle +تÙĨ ÙģÙĬ +تÙĨÙģÙĬ ذ +Ġש×Ķ ×Ļ×IJ +Ñģ Ñĥ +ย าว +Ġש ×ķ׳×Ļ×Ŀ +Ġ×ŀ ×ķ׾ +ĠÑģ ил +Ġ×IJ×Ĺר ×Ļ×Ŀ +Ġph á»§ +ÙĤØ· ع +ĠTh á»§ +à¸Ľà¸£à¸°à¹Ģà¸Ĺศ à¹Ħà¸Ĺย +ÙĨ ÙĤ +ĠÄijo ạn +Ġب Ø¥ +п ÑĢедел +×ķת ×ķ +Ġy arı +пÑĢ Ðµ +ĠczÄĻ ÅĽci +ØŃ ÙĥÙħ +×ķ׳ ×Ļת +פע ׾ +ãĤĴ ãģĹãģ¦ +Ġktó rzy +׾ ×Ŀ +ĠÄIJi á»ģu +ĠкоÑĤоÑĢ Ð°Ñı +ĠìĿ´ ìĥģ +ãģĤ ãģ£ãģŁ +Ġ×ŀ×ĵ ×ķ×ijר +פ ×ķ×¢×ľ +d ım +éĢļ ãĤĬ +ĠбÑĥд ÑĥÑĤ +à¹Ģวà¹ĩà¸ļ à¹Ħà¸ĭ +à¹Ģวà¹ĩà¸ļà¹Ħà¸ĭ à¸ķà¹Į +ا خر +×Ĺ ×Ļ׾ +Ġ×Ļ ×ľ +Ġ×Ļ׾ ×ĵ×Ļ×Ŀ +×Ĺ ×Ļפ +×Ĺ×Ļפ ×ķש +Ġd òng +Ġש ×ĸ×Ķ +ÑĮ е +ãģĤ ãģ¨ +ìŀIJ ê°Ģ +×IJ ×ĵ +Ġü z +Ġüz ere +ظ ÙĦ +Ġ×IJ ×ķ׾×Ļ +Ġ×ij ×Ļ×ķ×Ŀ +ÙĦ ات +Ġm ê +ì¹ ¨ +تØŃ د +تØŃد Ø« +ĠØ® اصة +Ġب رÙĨ +ĠبرÙĨ اÙħج +ĠH Ãłn +×Ĺ ×¡ +ĠÙĪ ÙĦÙħ +×¢ ×Ŀ +Ġm ı +à¸Ł ัà¸ĩ +ש ×¢×Ķ +ÙĪÙģ ÙĤ +ס ×ij×Ļר +алÑĮ нÑĭй +×Ĺש ×ķ×ij +Ġn Ãłng +ë³ ¼ +ĠкоÑĤоÑĢ ÑĭÑħ +Ġ×Ĺ ×ķ×§ +t ör +ĠлÑĥÑĩ ÑĪе +ãĥij ãĥ³ +ลà¹Īา สุà¸Ķ +Ġج دÙĬد +ÙĬد Ø© +à¸Ĺ รà¸ĩ +ãĤĪãĤĬ ãĤĤ +ÙĦ ÙĦ +ãĤĤ ãģ£ãģ¨ +ש×ĺ ×Ĺ +Ġ×ķ ×IJ×Ļ +Ġgi á»ijng +Ø¥ ضاÙģ +×§ ת +ë§ Ŀ +Ġzosta ÅĤ +ÑĢ Ð¾Ð· +×Ļפ ×Ļ×Ŀ +Ġ׼׾ ׾ +ת×ķ׼ ף +dıģ ını +ÙĤ سÙħ +ĠÑģ ÑĩиÑĤ +ĠÑģÑĩиÑĤ а +×ĺ ×ķת +Ġ ưu +ĠØ¢ ÙĦ +Ġм ом +Ġмом енÑĤ +ĠاÙĦتع ÙĦÙĬÙħ +×¢×ľ ×ķת +Ġch ữa +Ġy ön +Ġtr Ãł +ĠØŃ ÙĬÙĨ +à¸ĭ ั +ĠC á +×¢ ×ĸ +ĠاÙĦØ£ ÙħÙĨ +c ÃŃ +Ġv á»ijn +Ġ à¸Ļาย +об ÑĢа +×§ ×IJ +Ġthi ếu +ãĥŀ ãĥ¼ +ส วà¸Ļ +Ġg á»Ń +Ġgá»Ń i +Ġê ¹ +Ġê¹ Ģ +Ġthi á»ĩn +ÙĤ ع +w ÄĻ +Ġн ам +ÑĤ ол +Ġs ân +ס ×ķ×Ĵ +Ġgeç ir +ÑĤ он +ев а +ĠÙĪ Ø¶Ø¹ +Ġع شر +Ñģ ло +à¸Ī ัà¸ļ +ãĤ· ãĥ¼ +ãĤĤ ãģĤãĤĬãģ¾ãģĻ +Ġv ẻ +ĠÄIJ á»ĥ +ر Ù쨹 +ĠاÙĦØ£ÙĪÙĦ Ùī +ÑĤ аÑĢ +ãģªãģı ãģ¦ +Ùħ Ùİ +qu ÃŃ +×¢×ł×Ļ ×Ļ׳ +г ен +Ġh ôm +à¸Ī า +Ġnh Ỽ +ĠاÙĦع ربÙĬ +×IJ ף +Ġl á»Ļ +Ġje ÅĽli +à¹Ģà¸Ĺà¹Īา à¸Ļัà¹īà¸Ļ +ĠØ£ÙĨ Ùĩا +Ġt uy +Ġtuy á»ĩt +Ġت ص +Ġتص ÙĨÙĬ +ĠتصÙĨÙĬ Ùģ +Ġê·¸ëŁ¬ ëĤĺ +о ÑĨен +à¸ģิà¸Ī à¸ģรรม +ãĤĦ ãģ£ãģ¦ +Ġkh á»ıi +Ġl á»ĩ +ĠاÙĦÙħج تÙħع +à¸Ńาà¸Ī à¸Īะ +à¸Īะ à¹Ģà¸Ľà¹ĩà¸Ļ +ов Ñĭй +ר ×Ŀ +ร à¹īà¸Ńà¸Ļ +ש ×ŀש +人 ãģ« +Ġüzer ine +פר ×Ļ +du ÄŁu +Ñĩ ик +Ġmù a +Ġ×ŀת ×ķ×ļ +Ġc áºŃp +Ġت ارÙĬØ® +×ij׾ ת×Ļ +Ġì¢ Ģ +ÙĦ ع +ب اÙĨ +Ġch út +Ġ×Ķ×ĸ ×ŀף +n ée +ĠLi ên +ĠÙĦÙĦ Ø£ +ØŃد ÙĪØ¯ +Ġ×¢ ׼ש×Ļ×ķ +в оз +Ġyapt ı +Ġоб о +à¹ĥหà¹ī à¸ģัà¸ļ +Ġ×ij×Ķ ×Ŀ +ãģı ãģ¦ +ر أس +ĠÑģÑĢед ÑģÑĤв +ĠB Ãłi +ãģĵãģ¨ ãģ« +ĠìĤ¬ íļĮ +Ġ모 ëijIJ +×ij ×IJ +Ġtr ắng +ĠاÙĦبÙĦ د +ĠHo Ãłng +ли бо +ĠдÑĢÑĥг иÑħ +İ R +Ñĥм а +ĠJe ÅĽli +ãĤĤ ãģĹ +Ġv òng +Ġ×IJתר ×Ļ×Ŀ +ĠÄij á»įc +Ġв оÑĤ +ãģł ãģĮ +ë° ° +à¸Ķู à¹ģล +Ġ×ŀ ׼׾ +ìĹIJ ëıĦ +г аз +Ġ׳×ķס פ×Ļ×Ŀ +ãģĵãģ¨ ãģ§ +Ġت ÙĪ +ãģ§ ãģĤãĤĬ +à¸Ļั à¹Īà¸ĩ +ĠможеÑĤ е +sz ÄĻ +ãģ® ãģł +ĠÙħÙĨ Ùĩ +Ġb á»ķ +Ġb üt +Ġbüt ün +ë³´ ê³ł +Ġch á»ĵng +à¹ģà¸Ī à¹īà¸ĩ +ĠV ì +ĠØŃ ر +Ġgi ản +ĠÙħ دÙĬÙĨØ© +تط بÙĬÙĤ +à¸Ī ิ +æĹ¥ ãģ® +б ил +à¸ģ à¸Ńà¸ĩ +ê³ ³ +ĠØ£ Ùħا +ìĨ IJ +Ġtr ái +ĠвÑģ ем +Ġس ÙĨØ© +ĠÑģай ÑĤ +Ġг оÑĤов +п Ñĭ +ĠëIJ ł +ĠاÙĦØ® Ø· +ĠاÙĦرئÙĬس ÙĬØ© +Ġíķ ©ëĭĪëĭ¤ +ĠìķĦëĭĪ ëĿ¼ +ĠìĿ´ ëłĩ +ĠìĿ´ëłĩ ê²Į +) ØĮ +h ält +ĠØ£ Ùħر +Ġع Ùħر +à¸ģà¹ĩ à¸Īะ +Ġ à¸Ĺำà¹ĥหà¹ī +Ġc ân +Ġ×ij ׾ +Ġ×ij׾ ×ij×ĵ +פ סק +ĠÙĬ ÙĤÙĪÙĦ +н ÑĥÑĤÑĮ +à¹ģ à¸Ħ +Ġ×§ צת +Ġn ằm +Ġh òa +bilit Ãł +ĠìĹĨ ëĭ¤ +Ġ׼ פ×Ļ +ÑĢ Ð¾Ð¶ +лаг а +Ġ×Ķש ×Ļ +ĠNgo Ãłi +ĠÙĪ Ø¬ +ĠÙĪØ¬ ÙĪØ¯ +ĠìľĦ íķľ +Ġus ÅĤug +Ġtu ần +d ź +×ŀ ×ķף +ĠاÙĦع دÙĬد +Ġch ẳng +สุà¸Ĥ à¸łà¸²à¸ŀ +Ġ×ij ×ĵר×ļ +ĠÑģеб е +ĠìŀĪ ìĿĦ +ĠاÙĦØŃ اÙĦ +Ġd á +Ġc ưá»Ŀi +Ġnghi ên +ie ÅĦ +ĠD ương +ï¼ ħ +Ø´ د +ãģĦãģ¤ ãĤĤ +ĠвÑĭб оÑĢ +Ġc á»Ļng +ש ×Ļ׳×ķ×Ļ +Ġch ạy +Ġ×ij×¢ ׾×Ļ +اخ بار +íķĺ ë©° +ż Äħ +ج از +Ġ׳ ר×IJ×Ķ +ศ ู +ศู à¸Ļ +ศูà¸Ļ ยà¹Į +×Ĵ ×¢ +Ġ×¢ ×ĵ×Ļ +Ġ×¢×ĵ×Ļ ×Ļף +بر ا +ÑĨи й +ĠÄIJ á»ĵng +ÙĤ اÙĨÙĪÙĨ +ĠÄij ứng +ãģĹãģŁ ãĤĬ +Ġ×Ĺ×Ļ ×Ļ +Ġë IJľ +ĠëIJľ ëĭ¤ +Ġм еждÑĥ +à¸ŀวà¸ģ à¹Ģà¸Ĥา +ĠB ắc +ล ำ +ë° ± +ĠíĻ ķ +มาà¸ģ ม +มาà¸ģม าย +бан к +à¸Ńา à¸ģาร +Ġh Ãł +Ġ׾ ׳ +à¸Ń à¸Ń +Ġë°Ķ ë¡ľ +л ом +m ática +ĠØŃ د +اب ت +à¸Ĺีà¹Ī à¸Ļีà¹Ī +Ġco ÅĽ +ÙģÙĬ دÙĬ +ÙģÙĬدÙĬ ÙĪ +ĠмеÑģÑĤ о +Ġph út +มาà¸ģ à¸ģวà¹Īา +×IJ פ +ب ÙIJ +ĠPh ú +ì± Ħ +ĠÙĪ Ø³ÙĦÙħ +à¸Īี à¸Ļ +поÑĤ ÑĢеб +Ġ×Ĺ×ĵ ש×ķת +Ø´ ÙĪ +Ġעצ ×ŀ×ķ +ĠعÙħÙĦ ÙĬØ© +à¸Ħุà¸ĵ à¸łà¸²à¸ŀ +ãģ¾ãģĻ ãģĮ +دع ÙĪ +طر ÙĤ +à¹Ħมà¹Ī à¸ķà¹īà¸Ńà¸ĩ +ë² Ķ +ìĬ ¹ +Ġk ÃŃch +ĠìĹĨ ëĬĶ +ĠÑĤ ам +ĠÙĨ ØŃÙĪ +ĠاÙĦÙĤ اÙĨÙĪÙĨ +×Ĺ ×ķ×Ŀ +Ġk ız +Ġ×ĵ ×Ļף +ĠвÑĢем ени +ãģ£ãģŁ ãĤĬ +ĠØ´ Ùĩر +ĠìĦľ ë¹ĦìĬ¤ +×¢ ש×Ķ +Ġgi ác +ĠاÙĦسÙĦ اÙħ +Ġ×IJ ש +ĠполÑĥÑĩ а +à¸Īัà¸Ķ à¸ģาร +к оÑĢ +Ġ×Ķ×ĺ ×ķ×ij +ราย à¸ģาร +주 ìĿĺ +à¹ģà¸ķà¹Ī ละ +Ġê·¸ëŁ° ëį° +à¸Ĺีà¹Ī à¹Ģà¸Ľà¹ĩà¸Ļ +Ġת ×ķ×ļ +بÙĬ اÙĨ +Ð Ļ +oÅĽci Äħ +ÑĤ ок +ĠÃ Ķ +ĠÃĶ ng +à¹Ħมà¹Ī à¹ĥà¸Ĭà¹Ī +ãģ¿ ãģ¦ +ÐŁ о +ĠЧ ÑĤо +íĻ © +×ĺ ×ij×¢ +меÑĤ ÑĢ +Ġ×ij ×ŀ×Ķ +Ġ×ij×ŀ×Ķ ×ľ +Ġ×ij×ŀ×Ķ׾ ×ļ +Ñĩ ÑĮ +×§ ש×Ķ +з нак +знак ом +uj ÄĻ +×Ļצ ר +ĠاÙĦÙħ ÙĦÙĥ +ı yla +×IJ×ŀ ת +à¸Ľ ิà¸Ķ +×IJ ×Ĺ×ĵ +ر اد +Ġm áºŃt +ëĭ¤ ëĬĶ +Ġl ạnh +ש׾ ×ķש +ØŃ دÙĬØ« +ت ز +å¹´ ãģ® +Ġк ваÑĢ +ĠкваÑĢ ÑĤиÑĢ +ä½ľ ãĤĬ +رÙĪ Ø¨ +ов ан +ĠТ е +à¸Īำ à¸ģ +à¸Īำà¸ģ ัà¸Ķ +ب اط +×Ĵ ת +Ġм аÑĪ +ĠмаÑĪ Ð¸Ð½ +×Ļצ ×Ķ +ãģ» ãģ¨ +ãģ»ãģ¨ ãĤĵãģ© +ÃŃ do +ĠÑı зÑĭк +à¸ļ ิà¸Ļ +สà¸ĸาà¸Ļ à¸Ĺีà¹Ī +ĠìĹ ´ +ãĤ¦ ãĤ§ +Ġc Ãł +п ан +åı£ ãĤ³ãĥŁ +Ġر د +اÙĤ ت +ĠÙĥ ب +ĠÙĥب ÙĬرة +ÑģÑĤ ал +ש×ŀ ×Ĺ +pos ición +ĠÙħÙĦÙĬ ÙĪÙĨ +ĠìĿ´ ìķ¼ +ĠìĿ´ìķ¼ ê¸° +Ġh út +ĠÅĽw iat +Ġë°© ë²ķ +ĠÑģв еÑĤ +Ġвиде о +ĠاÙĦÙĨ ظاÙħ +Ġtr á»Ŀi +ĠëĮĢ íķ´ìĦľ +ר ×ŀת +ت داÙĪÙĦ +×ķר ×ĵ +ת ×ŀ +ת×ŀ ×ķ׳×ķת +Ġ×ŀ ף +Ġдв а +Ġ×Ķ×§ ×ķ +æĹ¥ ãģ« +Ġ×Ķ×Ĵ ×Ļ×¢ +à¹Ģà¸ŀิà¹Īม à¹Ģà¸ķิม +Ùħار س +Ġê²ĥ ìŀħëĭĪëĭ¤ +ãģªãģĦ ãģ¨ +Ġnhi á»ĩt +ëIJ ©ëĭĪëĭ¤ +Ġ×ij׳ ×ķש×IJ +Ġê°Ģ ìŀ¥ +Ġv ợ +ĠÄij óng +צ×Ļ׾ ×ķ×Ŀ +ê´Ģ ê³Ħ +в аÑı +×IJ ×Ļ×ĸ +×IJ×Ļ×ĸ ×Ķ +ĠÙĨ ظاÙħ +ÙħØŃ اÙ쨏 +Ġt ải +기 ëıĦ +à¸Ľà¸±à¸Ī à¸Īุ +à¸Ľà¸±à¸Īà¸Īุ à¸ļัà¸Ļ +׼ ×ĵ×ķר +ĠìķĦ ìĿ´ +׼׳ ×Ļס +à¹Ģ à¸ķร +à¹Ģà¸ķร ียม +Ġngo ại +ĠدÙĪÙĦ ار +Ġr ẻ +Ġkh Äĥn +عد د +Ø´ عب +czy Äĩ +ĠاÙĦ Ùĥر +ĠÑĩеловек а +ĠÙĪ Ø¥ÙĨ +×IJ ×ĺ +Ġth Æ¡ +ĠاÙĦ رÙĬاض +оп ÑĢедел +опÑĢедел ен +×Ķ ×ŀש×ļ +ĠÐĿ ово +з Ñĭва +ĠاÙĦدÙĪÙĦ ÙĬ +ĠÄij áp +Ġк ÑĢед +ĠкÑĢед иÑĤ +ов ого +Ġm ôn +à¸Ľà¸£à¸° à¹Ĥย +à¸Ľà¸£à¸°à¹Ĥย à¸Ĭà¸Ļ +à¸Ľà¸£à¸°à¹Ĥยà¸Ĭà¸Ļ à¹Į +ÑģÑĤ е +ĠTh á»ĭ +د ÙĬØ© +×ŀצ ×ķ +Ùģ Ø§Øª +×§ ×ĵ×Ŀ +ìĿ´ëĿ¼ ê³ł +ÙĪ Ø® +Ġ×Ĺ ×ĸ +ĠÑĦоÑĤ о +׾ ×Ļת +ت Ùİ +ÙĪ Ø¨Ø± +й ÑĤи +ĠÃ¶ÄŁ ren +Ġ×Ķ×ĸ ×ķ +Ġv á»įng +ÙĤÙĪ Ø© +ĠT ây +ĠÐĿ и +Ġש ×ķ×ij +ãģ¨è¨Ģ ãĤıãĤĮ +ãģ© ãĤĵãģª +׊צ×Ļ +ï½ ľ +Ġ×ķ×Ķ ×ķ×IJ +ä¸Ģ ãģ¤ +ĠÑģÑĤо иÑĤ +ni Äħ +×ĺר ×Ļ +ĠдеÑĤ ей +нÑı ÑĤÑĮ +ĠÑģдел аÑĤÑĮ +Ġë§İ ìĿ´ +ä½ķ ãģĭ +ãģĽ ãĤĭ +à¹Ħ หม +à¸ķิà¸Ķ à¸ķà¹Īà¸Ń +Ġ×ij ת×Ĺ +Ġ×ijת×Ĺ ×ķ×Ŀ +ìĻ Ħ +ì§Ģ ëĬĶ +ÑģÑĤ аÑĤ +ÑıÑģ н +ü b +Ġth ả +Ġ×ij×IJ×ŀ ת +Ġt uyến +×ĵ ×Ļר×Ķ +Ġ×IJ ×Ļש×Ļ +×ĸ׼ ר +ãģ° ãģĭãĤĬ +Ġx ét +׼ ×Ļ×ķ +׼×Ļ×ķ ×ķף +diÄŁ ini +ĠاÙĦÙħ ÙĪØ¶ÙĪØ¹ +Ġh áºŃu +à¸Īาà¸ģ à¸ģาร +×ijס ×Ļס +Ġ×ŀ×Ĵ ×Ļ×¢ +×ij ×Ļ×¢ +ĠÙĪ Ø¬Ùĩ +à¹ģà¸Ķ à¸ĩ +à¸Ļ าà¸ĩ +ĠÅŀ a +ì ¡´ +ë¡ Ģ +à¸ķ ะ +Ġ×Ķ×Ĺ×Ļ ×Ļ×Ŀ +Ùģ ÙĬد +ãģ§ãģĻ ãģĭãĤī +ê· ľ +ź ni +ĠлÑİ Ð´ÐµÐ¹ +Ġyüz de +ıy orum +ĠاÙĦ بØŃر +e ño +п аÑĢ +ÙĬ ÙĤØ© +об ÑĢ +ר ×ķ×ļ +ت ÙĪÙĤع +ĠاÙĦØ´ ÙĬØ® +åĪĿ ãĤģãģ¦ +ĠÑĤ елеÑĦ +ĠÑĤелеÑĦ он +Ġth ôi +Ġ×Ļ׼×ķ׾ ×Ļ×Ŀ +ĠÅŁ irk +ĠÅŁirk et +Ġìļ°ë¦¬ ê°Ģ +ĠÄij ông +Ġת ×ķ×ĵ×Ķ +ÑģмоÑĤÑĢ ÐµÑĤÑĮ +ĠÙĦ ÙĩÙħ +Ġ׾ ׼ +ĠN ó +ĠØŃ اÙĦØ© +ãģĦ ãģij +קר ×ķ +az ı +ãĤ³ ãĥ¼ +ĠÙĦÙĦ ت +s ınız +ĠH ải +기 ìĪł +ยัà¸ĩ à¹Ħมà¹Ī +ëĭ¤ ê³ł +פ ×Ĺ +Ġ׾×Ĵ ×ij×Ļ +Ġع ÙĨÙĩ +Ġк аз +Ġказ ино +ب ÙĪØ± +ÑĦ еÑĢ +Ġê°Ļ ìĿ´ +تس جÙĬÙĦ +ĠاÙĦÙħ رÙĥز +ĠTh ái +д аÑĤÑĮ +×ŀ×Ļ ×Ļ׾ +Ġpay laÅŁ +ãģ¤ ãģ® +à¹Ģร ืà¸Ń +n ça +׳ ×ķ×Ĺ +Ġ×IJ פ×Ļ׾×ķ +ãģ¨ èĢĥãģĪ +ãģ¨ãģĹãģ¦ ãģ¯ +à¹Ģà¸Ī à¸Ń +×ŀ פ +Ġg iriÅŁ +л иÑĤ +ÑĤ елÑı +Ñij н +æ°Ĺ ãģ« +Ġg ó +Ġgó p +åĪĩ ãĤĬ +Ġ×Ķ ×Ĺ×ĵש +ж ал +Ġ×ĵ עת +éģķ ãģĨ +à¹Ģà¸Ĥà¹īา à¹Ħà¸Ľ +Ġס ר×ĺ +e ña +æĸ° ãģĹãģĦ +ر Ùİ +ĠÐIJ ÑĢ +Ġph ản +à¸Īะ à¹Ħà¸Ķà¹ī +Ġ×ijצ ×ķר×Ķ +Ø´ اÙĩ +شاÙĩ د +ÙĪØ± د +à¹Ģà¸Ļืà¹Īà¸Ńà¸ĩ à¸Īาà¸ģ +или ÑģÑĮ +à¹ģละ à¸ģาร +Ġ×Ķ ×ĸ׼ +Ġ×Ķ×ĸ׼ ×ķ×Ļ×ķת +ei ÃŁ +ãĥ ¨ +ìĥ Ī +ĠÃĩ a +Æ ¯ +ש ×Ĵ +ÙĬÙĨ Ø© +ร à¹īà¸Ńà¸ĩ +ãĤµ ãĥ³ +ÑĢоÑģÑģ ий +ÑĢоÑģÑģий Ñģк +a ÄŁa +ĠнаÑĩ ина +Ġص ÙĦÙī +à¸Ĺุà¸ģ à¸Ħà¸Ļ +íļĮ ìĤ¬ +Ġли ÑĨ +Ø´ ÙĬر +ĠØ´ÙĬ Ø¡ +ÙĬÙĨ ا +Ġפ ×Ĺ×ķת +Ġiçer is +Ġiçeris inde +ĠØ£ ØŃÙħد +Ġże by +ì´ Ŀ +Ġп оказ +Ġи менно +หà¸Ļัà¸ĩ ส +หà¸Ļัà¸ĩส ืà¸Ń +ĠÑĤÑĢ Ðµ +สัà¸ĩ à¸Ħม +Ø¥ ÙIJ +ãģĮ å¿ħè¦ģ +ÙĬÙij Ø© +פ צ +íĭ ° +ĠÙħ جاÙĦ +׳ פש +к ан +×Ĺ ×ķפ +×Ĺ×ķפ ש +ì²ĺ ëŁ¼ +ов аÑı +з ов +Ġh ạ +Ġdzi ÄĻki +×Ļר ×ķ +Ġ׾ ×ŀצ +Ġ׾×ŀצ ×ķ×IJ +×Ļ×ĵ ×ķ +Ġs ợ +Ġ׾×Ķ ×Ĵ×Ļ×¢ +×§ ×ij×¢ +Ġchi á»ģu +ãĥŀ ãĤ¤ +Ġd Ãłng +à¹ģà¸Ł à¸Ļ +Ġü ye +×Ļ׳ ×Ĵ +à¹Ģรีย à¸ģ +ç§ģ ãģĮ +th é +ĠÑĦ илÑĮ +ĠÑĦилÑĮ м +ĠNg Ãły +Ġж ен +Ġжен Ñīин +ج ÙĬد +n ç +à¸Ľ รา +×Ļ×ŀ ×ķ +Ġn á»ģn +×IJ ×ķ׾×Ŀ +Ġвозмож ноÑģÑĤÑĮ +Ġëĭ¤ ìĭľ +è¦ĭ ãģŁ +à¸ĸ à¸Ļ +à¸ĸà¸Ļ à¸Ļ +mız ı +ĠÙħ جÙħÙĪØ¹Ø© +c jÄħ +ĠÐł Ф +à¸ģำ หà¸Ļ +à¸ģำหà¸Ļ à¸Ķ +ĠìŬ 기 +land ı +ни ÑĨ +ÑģÑĤв е +Ġ×ĵ ×ijר×Ļ×Ŀ +Ġsk ÅĤad +ãĤĬ ãģ¾ãģĹãģŁ +ĠоÑĤ кÑĢÑĭÑĤ +нÑı ÑĤ +ĠÑģво ей +à¸Ī ิà¸ķ +ĠкаÑĩеÑģÑĤв е +Ġet tiÄŁi +ìĤ¬ íķŃ +ĠاÙĦÙĬ ÙħÙĨ +иÑĩеÑģки й +ë¸ Į +Ġ×ij×IJר ×¥ +Ġا سÙħ +Ġиз веÑģÑĤ +r ão +Ġatt ivitÃł +à¹Ģà¸Ľà¹ĩà¸Ļ à¸ģาร +ĠاÙĦد Ùĥت +ĠاÙĦدÙĥت ÙĪØ± +ĠÙĪØ§ØŃد Ø© +ĠÑģ ÑĩеÑĤ +ĠпÑĢ Ð¸Ñĩ +ĠпÑĢиÑĩ ин +ĠÙĪØ² ارة +Ġh uyá»ĩn +ĠÙĥ تاب +à¹ģà¸Ļ à¹Īà¸Ļ +à¹ģà¸Ļà¹Īà¸Ļ à¸Ńà¸Ļ +Ġgün ü +г ÑĢÑĥз +ĠاÙĦØ® اص +Ġgör ül +׾ ×ŀ×ĵ +Ġìłķ ëıĦ +×ķ×ij ×Ļ׾ +Ġ×ŀ×§ צ×ķ×¢×Ļ +ĠоÑģоб енно +à¸Ľà¸£à¸° à¸ģา +à¸Ľà¸£à¸°à¸ģา ศ +aca ģını +ë¶ ģ +à¸łà¸¹ มิ +ĠÑį лекÑĤ +ĠÑįлекÑĤ ÑĢо +Ġ×§ ש×Ķ +سÙĦ Ø· +à¸Ĭà¸Ļ ะ +×¢ ×Ļ׾ +ĠЧ е +à¹ģà¸Ļ à¹Ī +lı ÄŁ +lıģ ın +Ġ×ŀ×¢ ×¨×Ľ×ª +好ãģį ãģª +มาà¸ģ à¸Ĥึà¹īà¸Ļ +×ŀ×¢ ×ijר +ĠاÙĦÙħ غرب +ĠпеÑĢ Ð¸ +ĠпеÑĢи од +Ġnh ạc +ا ÙĪÙĬ +ĠÙĪ Ø¹ÙĦÙī +أخ ذ +ĠC ô +תר ×ij×ķת +×Ĵ ×Ķ +Ġktóre j +×IJ ×Ļת +×ij ×ķ×IJ +д елÑĮ +รี วิ +รีวิ ว +ж Ñĥ +Ġ×ij×Ĺ ×ķ +еÑĪ ÑĮ +ĠØ£ ÙĦÙģ +ĠاÙĦÙĪ Ø·ÙĨÙĬ +ĠاÙĦÙħÙĨ Ø·ÙĤØ© +nÄħ Äĩ +Ġthi ên +иÑĩеÑģк ой +ĠاÙĦÙħ ÙĦ +Ġع Ùħ +ס פר +Ġnh óm +ÙĪØµ Ùģ +ĠCh úng +Ġر ÙĤÙħ +ãģ¾ãģĹãģŁ ãģĮ +al ité +ล ม +ĠëĤ´ ê°Ģ +׾ק ×ķ×Ĺ +ĠS Æ¡n +pos ição +mi ÄĻ +Ġtr ánh +ĠÄIJ á»Ļ +׼ ×Ĺ +ãģĤ ãģ£ãģ¦ +à¸Ńย à¹Īา +Ġ×ŀ×Ĺ ×Ļר +Ġ×Ķ ×Ļת×Ķ +à¸Ľ à¹Īา +à¸Ńืà¹Īà¸Ļ à¹Ĩ +Ø´ ÙĤ +×ł×¡ ×Ļ +ë¦ ¼ +ãģ¦ãģĹãģ¾ ãģĨ +Ġ×ŀ צ×ij +ãģ« åĩº +ÙħÙĪØ§ Ø·ÙĨ +ยัà¸ĩ มี +алÑĮ нÑĭе +san ız +Ø¥ سرائÙĬÙĦ +ĠvÃł i +ì¤ Ħ +ã썿ĢĿ ãģ£ãģ¦ +×Ļ ×ķ׳×Ļ +çĶŁ ãģį +Ġs âu +Ñĩ иÑģÑĤ +Ġl á»ħ +ĠGi á +à¸Ńุ à¸Ľ +à¸Ńà¸¸à¸Ľ à¸ģร +à¸Ńà¸¸à¸Ľà¸ģร à¸ĵà¹Į +Ġnh ẹ +r ö +ס ×ĺ×Ļ +ãģķãĤĵ ãģĮ +Ġd ầu +ع Ùİ +ت را +×Ĵ×ĵ ׾ +Ġtécn ica +׼ ׳×Ļ×Ŀ +תק ש +תקש ×ķרת +Ġн его +ét ait +Ġm á»ģm +Ñģ еÑĤ +Ġnh áºŃt +Ġ×ŀ ×¢×ľ +Ġ×Ķ×¢ ×ij×ķ×ĵ +Ġ×Ķ×¢×ij×ķ×ĵ ×Ķ +Ġ×Ĵ ×Ļ׾ +ãģ¯ ãģªãģĦ +ائ ØŃ +Ġз деÑģÑĮ +×IJ ×Ļ׳×ĺר +Ùħ ÙIJ +Ġ×Ļ ×Ĺ×ĵ +ر اÙģ +ì²ĺ 리 +×ĵ ×¢×ķת +ì¹ ľ +ĠТ о +ĠTh ế +ì¶ © +Ġ׳׼ ×ķף +عÙĬ Ø´ +ни з +Ġج اÙĨب +×ŀ×§ צ×ķ×¢ +à¹Ĥ à¸ĭ +Ñģ ÑĥÑĤ +ìĸ´ ìļĶ +ãĤĴè¦ĭ ãģ¦ +ار د +Ġaç ıl +ĠاÙĦØŃ ÙĬاة +à¸ģà¹ĩ à¹Ħà¸Ķà¹ī +ãģĿãĤĮ ãĤĴ +عض ÙĪ +Ġг ÑĢаж +ĠгÑĢаж дан +à¸Īะ à¸ķà¹īà¸Ńà¸ĩ +ĠìĿ´ 룬 +ĠìĿ´ë٬ íķľ +Ġtr ách +ÙĨ Ùİ +Ġkı sa +Ã Ķ +ÑĪ ÐºÐ° +ãģ® äºº +ĠÐŁ оÑģ +ĠÐŁÐ¾Ñģ ле +Ñĥ лÑĮ +ÙĪØ§ جÙĩ +ÙĤ رب +à¸Ľà¸ıิ à¸ļัà¸ķิ +ê° Ļ +Ġ×ŀ ׳ +ĠÑģво и +بر اÙħج +Ġر ÙĪ +пÑĢ Ð¾Ð´ +пÑĢод аж +Ġby ÅĤy +วั ย +Ġgör ün +ĠÃ Ī +ÑİÑī им +ĠÑĤак ой +Ùģ ÙĪØ± +ĠÙģ Ø¹ÙĦ +Ġб ел +ëIJ ł +er ÃŃa +ĠÑģво Ñİ +Ġl ã +Ġlã nh +à¹Ģà¸ŀืà¹Īà¸Ń à¹ĥหà¹ī +ÙĤ ÙĨ +تط ÙĪÙĬر +Ġsay ı +ĠÑģ ейÑĩаÑģ +Ġ×IJ×Ĺר ת +×§ ×ķפ×Ķ +×§×ķר ס +Ġس Ùħ +Ġ×ĺ ×Ļפ×ķ׾ +ìĿ´ëĿ¼ ëĬĶ +دراس Ø© +èµ· ãģĵ +×Ĺ ×Ļ׳ +×Ĺ×Ļ׳ ×ķ×ļ +×ĵ ×§ +Ġë§ ŀ +Ġком анд +ĠÐij о +Ġиг ÑĢÑĭ +à¸ļ ี +ĠØ£ Ùİ +в ен +ĠاÙĦج دÙĬد +ĠÙĦ Ø¥ +Ġ×ķ×IJ ׳×Ļ +Ġ×Ķס ×Ļ +иÑĩеÑģк ого +رÙĪ ØŃ +à¸ģาร ศึà¸ģษา +ĠTr ưá»Ŀng +иг ÑĢа +ıl ması +Ġм аÑģÑģ +ãģ¨ãģį ãģ« +à¸Ĺีà¹Ī à¸ľà¹Īาà¸Ļ +à¸Ĺีà¹Īà¸ľà¹Īาà¸Ļ มา +ĠاÙĦساب ÙĤ +Ġ×ŀ×¢ ×ĺ +в аÑĤÑĮ +m Ã¼ÅŁ +Ġ׾ ׼×ļ +Ġt á»ĭch +Ùģ ÙĩÙħ +تد رÙĬب +Ø´ Ùĥ +Ġ×ij ×ŀ×Ļ +Ġ×ij×ŀ×Ļ ×ķ×Ĺ×ĵ +ÙĤØ· اع +ãģª ãģĹ +×ķצ ×Ļ×IJ +ĠÙĪ Ø³ÙĬ +з Ñĥ +Ġy at +Ġyat ırım +ë§ İ +Ġth ắng +ãģĬ 客 +ãģĬ客 æ§ĺ +ĠThi ên +ãģ«å¯¾ ãģĹãģ¦ +ÑĢ Ð¸Ñģ +ÙĨت ائ +ÙĨتائ ج +Ġ×ŀ שר +Ġ×ŀשר ×ĵ +Ġتع اÙĦ +ĠتعاÙĦ Ùī +ש ׳×Ļ +Ùĩ اÙħ +×IJ׳ ש×Ļ×Ŀ +Ġżyc ia +ĠÑĢÑĥб лей +ÙĬ ض +Ġkat ıl +ĠÙħ ÙĪØ¶ÙĪØ¹ +Ġvard ır +ĠÙħÙĨ Ø·ÙĤØ© +ĠTr ần +Ġв еÑģ +ü p +Ùħ ÙĪÙĨ +ÑĪ Ð»Ð¸ +Ġn óng +Ø® ÙĦÙģ +ĠС ÑĤа +Ġд оÑĢ +ĠдоÑĢ Ð¾Ð³ +ĠwÅĤa ÅĽnie +eÄŁ in +Ġhi á»ĥm +ĠС ам +ê»ĺ ìĦľ +ĠÑĦ а +ãģ» ãģĨ +ãģ»ãģĨ ãģĮ +×ķפ ×Ļ×¢ +ê° Ī +د ÙĪÙĦ +Ġthu ê +Ġch á»Ĺ +Ġëĭ¹ ìĭł +ãģij ãĤĮ +ãģijãĤĮ ãģ© +ë³´ íĺ¸ +ãģķãĤĮ ãģ¦ãģĦãģ¾ãģĻ +Ġнад о +ĠìĤ¬ëŀĮ ëĵ¤ +à¹Ģà¸Ĥ à¸ķ +สม ัย +z ÅĤ +ت ÙĪØ± +Ġש ת×Ļ +v ê +Ġ×ijת ×ķ×ļ +à¸Ĭ ัย +ãģĦ ãģ£ãģŁ +ìĿ ij +Ġt ầ +Ġtầ ng +ש ׼ר +Ġê¸ Ģ +Ġ×Ķש ׳×Ķ +Ġا ÙĨÙĩ +ç«ĭ ãģ¡ +r és +füh ren +ر ØŃÙħ +ê· ¹ +ĠâĢ « +Ġsu ất +à¸Ł ิ +ÙĬ Ùĩا +ĠاÙĦ اتØŃاد +Ġt uyá»ĥn +ãģ¾ ãĤĭ +Ġm ại +Ġng ân +ãĤ° ãĥ© +欲 ãģĹãģĦ +س ار +ãĤĤãģ® ãģ§ãģĻ +ки е +Ġseç im +åħ¥ ãĤĬ +ãģªãģ© ãĤĴ +ÑĤ ÑĢи +ĠÑģп еÑĨ +ĠØ£ د +Ġод но +ÑĪ ÐµÐ» +ãĥĩ ãĥ¼ãĤ¿ +ãĤ· ãĤ¹ãĥĨ +ãĤ·ãĤ¹ãĥĨ ãĥł +è¡Į ãģį +ã썿ĢĿ ãģ£ãģŁ +à¹Ģà¸ģิà¸Ķ à¸Ĥึà¹īà¸Ļ +ĠÑĤ ож +ĠÑĤож е +Ġs ạch +ĠÑģ ÑĢок +Ġкли енÑĤ +ĠÙħØ´ رÙĪØ¹ +Ġalt ında +Ġì ·¨ +ä¸Ń ãģ® +ãģķãģĽ ãĤĭ +ãģĻ ãģ¹ +ãģĻãģ¹ ãģ¦ +ê°ľ ë°ľ +ĠÄij êm +ãģªãģĦ ãģ®ãģ§ +ì² ł +×¢ ×ij×ĵ +Ġd ấu +à¸Ħà¸Ļ à¸Ĺีà¹Ī +ĠC ách +تع ÙĦÙĬÙħ +Ġh ại +ãĤ» ãĥķãĥ¬ +ĠÙĨÙ쨳 Ùĩ +ĠíĨµ íķ´ +ÑĪ Ð»Ð¾ +Ġнап ÑĢав +ĠнапÑĢав лен +ÑĢÑĥ Ñĩ +íĶ Į +Ġ×ijר ×Ļ×IJ +ãģ® ãģ¿ +ãģ«ãģĬ ãģĦãģ¦ +×ij ׳ק +ãĤ¨ ãĥ³ +Ø«ÙĦ اث +Ġm ỹ +ĠÑģай ÑĤе +Ġе мÑĥ +ت غÙĬ +تغÙĬ ÙĬر +خص ÙĪØµ +ÑĤе ли +Ġ×ķ׾ ׼ף +פע ×Ŀ +Ġпо ÑįÑĤомÑĥ +ر اÙĨ +иÑĤел ей +пиÑģ ан +×¢ ×¥ +ĠìĤ¬ ìĹħ +Ùħ ز +جÙħ ÙĬع +ë©´ ìĦľ +à¸ľà¸¥à¸´à¸ķ à¸łà¸± +à¸ľà¸¥à¸´à¸ķà¸łà¸± à¸ĵ +à¸ľà¸¥à¸´à¸ķà¸łà¸±à¸ĵ à¸ij +à¸ľà¸¥à¸´à¸ķà¸łà¸±à¸ĵà¸ij à¹Į +ĠпÑĢ Ð¸Ð¼ÐµÑĢ +ãĤŃ ãĥ¼ +l â +Ġch Äĥm +缮 ãģ® +ãģĦ ãģĭ +ãģ¨è¨Ģ ãģĨ +×ĸ ×ķ×Ĵ +Ġ×ij ×ĵ×Ļ +Ġ×ij×ĵ×Ļ ×ķ×§ +ãģĬ åºĹ +à¸ķà¸Ńà¸Ļ à¸Ļีà¹ī +Ġph á»iji +п ÑĤ +สà¸Ļ าม +Ø· ÙĪ +ص اØŃ +صاØŃ ب +ĠD ü +ĠDü nya +Ġп ока +п ал +ĠÄij ảo +ĠاÙĦÙģ ÙĪØ± +ĠاÙĦÙģÙĪØ± Ùĥس +Ġmá u +кÑĢ ÐµÐ¿ +ĠاÙĦس اعة +ĠгоÑĢ Ð¾Ð´Ð° +Ùģ ØµÙĦ +ай ÑĤе +Ġд ог +Ġдог овоÑĢ +ĠØ¥ ذ +Ġ×ij׼׾ ׾ +ÙĬ تÙĩ +×Ĵ ×ijר +Ġbir ç +Ġbirç ok +문 íĻĶ +ãģĿãģĨ ãģª +را ØŃ +ĠÙħ رة +ĠденÑĮ ги +f ä +à¸Ĥà¹īา ว +ĠÑģов ÑĢем +ĠÑģовÑĢем енн +׾×Ĺ ×¥ +èī¯ ãģı +ĠÙģ Ø£ +Ġ×ķ ×ĸ×Ķ +Ġз ани +Ġзани ма +Ġê°Ģì§Ģ ê³ł +Ġh Æ¡i +ãģªãģ® ãģĭ +ãĥĨ ãĥ¬ãĥĵ +Ġר ×ij×ķת +à¸ķ ี +Ġ×ijש ×ł×ª +ĠT ại +Ġthu áºŃn +Ñģ ел +Ñij м +dzi Äĩ +ĠÑģ ка +ĠÑģка Ñĩ +ĠÑģкаÑĩ аÑĤÑĮ +×ķ×ŀ ×ķ +г ла +Ġмин ÑĥÑĤ +åĩº ãģĻ +Ġ×Ĺ×Ļ ×Ļ×ij +Ġת ×Ĵ×ķ×ij×Ķ +à¸£à¸¹à¸Ľ à¹ģà¸ļà¸ļ +ни ÑĨа +Ġİ n +ĠØ£ ع +Ġض ÙħÙĨ +Ùħ ثاÙĦ +ĠyaÅŁ an +ĠìŰ 구 +ĠL ê +ש׾ ×Ĺ +ãģı ãģªãĤĭ +ìĹĨ ìĿ´ +ĠÑĤ ÑĢи +ĠÑĩаÑģÑĤ о +Ġоб ÑĢаÑĤ +п ло +د Ø® +دخ ÙĪÙĦ +س Ùĩ +à¸Ń าà¸ģ +à¸Ńาà¸ģ าศ +Ġ׼ ×ĸ×Ķ +Ġ×Ķ×¢ סק +ĠاÙĦØ£ ÙĨ +å¹´ ãģ« +×¢ ש×ķ +Ġש ×¢×ķת +Ġm Ãłn +×IJר ×Ļ +sı yla +Ù쨱 ÙĤ +ни Ñħ +Ġت ست +è¦ĭ ãģ¦ +ØŃا ÙĪÙĦ +×IJ ×Ļ׼×ķת +ĠbaÅŁ ladı +st Äħ +stÄħ pi +à¸Ĺีà¹Ī à¹Ģรา +ÙĤر ر +ج اب +Ġ×ijר ×ķר +à¹Ģà¸Ĥà¹īา à¹ĥà¸Ī +×ŀ׊קר +al ım +Ġס ×Ļפ×ķר +ãģ§ãģĤ ãĤĮãģ° +Ġש×ŀ ×ķר×ķת +Ġ×ķ ×ŀ×Ķ +ãģĵ ãģĿ +id ée +ä¸ĭ ãģķãģĦ +تÙĨا ÙĪÙĦ +Ġ ลà¹īาà¸Ļ +Ġìļ°ë¦¬ ëĬĶ +اÙĨ ا +ÑģÑĤ ой +б оÑĤ +ĠyaÅŁ am +kö y +Ø¥ ÙĦ +ÑĢ Ñĭв +기 ìĹħ +Ġ×Ķ×ŀ ×ĵ +Ġ×Ķ×ŀ×ĵ ×Ļ׳×Ķ +د ب +×¢ ×Ļ׳×Ļ +×ŀ ת×Ĺ +Ġפ ר×Ļ +ãĥĭ ãĥ¼ +اÙħ ÙĬ +Ġnh ằm +ãĤĮ ãģªãģĦ +ت عرÙģ +Ġë§Ī ìĿĮ +ìĵ ° +Ġh ấp +ר×Ĵ ×Ļ׾ +ب Ùİ +Ġr Äĥng +gl Äħd +ĠÑģиÑģÑĤем Ñĭ +Ġkh óa +ãģ§ãģĻ ãĤĪãģŃ +大ãģį ãģı +기 를 +Ġké o +ÙĪ Ø¡ +ج اÙħ +جاÙħ ع +Ġ×¢ ×Ļצ×ķ×ij +t éri +Ġת ש +Ġ×IJ ×ij×Ļ +ĠCh ương +à¸ļริ à¹Ģว +à¸ļริà¹Ģว à¸ĵ +ãģ¤ ãģı +Ġ×Ĺ ×ķ׾ +עת ×Ļ×ĵ +ש ×Ļ×ŀ×Ķ +ëĤ ¨ +Ġש×IJ ×Ļף +ĠÙĪØ§ÙĦ Ø¥ +ÑĦ а +Ġkh ám +Ġ×ĺ ×ķ×ij×Ķ +ĠвÑĭ Ñģ +ĠвÑĭÑģ око +ĠاÙĦØŃ دÙĬØ« +人 ãĤĤ +d Ã¼ÄŁÃ¼ +×Ļ×Ĺ ×ķ×ĵ +تع ÙĦÙĬ +تعÙĦÙĬ ÙĤ +l ö +تØŃ دÙĬد +н его +ĠÑĥд об +Ġ׾ ×ŀ×Ļ +Ġר ×ķצ×Ļ×Ŀ +Ġج اء +Ġ×ij ×ĸ×ŀף +à¸Ľà¸ģ à¸ķิ +é«ĺ ãģı +à¸Ľà¸¥ า +Ġart ık +Ġbug ün +×§ ׳×Ļ +Ġkho á +ĠÙħ رÙĥز +ĠìŀIJ 기 +در جة +×ŀש ר×ĵ +Ġgi ấy +Ġch óng +×§ פ +ÙĬب Ø© +ĠczÄĻ sto +в али +Ùĥ ب +ìŁ ģ +ส à¸ļาย +à¸Ľà¸£à¸°à¸Ĭา à¸Ĭà¸Ļ +×Ĵ ×ķ×£ +ëŁ ī +ãģ® ãģĵãģ¨ +ล à¸Ń +Ġngh á»ī +åŃIJ ãģ© +åŃIJãģ© ãĤĤ +à¹Ħà¸Ķ à¹īà¸Ńย +à¹Ħà¸Ķà¹īà¸Ńย à¹Īาà¸ĩ +×ĵ ×¢ +ĠاÙĦت Ùī +ĠÑģов еÑĤ +Ġqual itÃł +åĩº ãģĹ +ĠÑĢÑĥк ов +ĠÑĢÑĥков од +ราย ละà¹Ģà¸Ńียà¸Ķ +ãģªãģĭ ãģªãģĭ +기 ê´Ģ +Ġ×Ĺ ×ķש +Ġ×Ĺ×ķש ×ij +л оÑĤ +à¸Ļะ à¸Ħรัà¸ļ +×§×ij ×ķצ×Ķ +Ġth ái +Ġש ×ij×Ķ +ĠÑĪ ÐºÐ¾Ð» +ĠÙĦ ÙĥÙĦ +à¹ĥà¸Ļ à¸Ĭà¹Īวà¸ĩ +ĠÙħ ÙĥاÙĨ +ë ķĮ +Ġc ải +ĠCh ÃŃ +ÑĥÑĩ а +ìĿ µ +Ġx ảy +à¸Ĭà¸Ļ ิà¸Ķ +Ġc áºŃu +к ÑĢов +ss é +ĠÙĨ ÙĪØ¹ +ĠТ а +Ø® Ùħس +פ×ķס ×ĺ +Ġm ắc +ĠÄij em +à¸ģาร à¹ĥà¸Ĭà¹ī +ר ×ķס +ĠÐĽ е +Ġth á»Ń +รà¹Īาà¸ĩ à¸ģาย +üz ü +æĹ¥æľ¬ ãģ® +ê³¼ ìłķ +ש ×Ļ×IJ +ĠìŀĪ ê³ł +×ij ×ķ׾ +ìķ ħ +ĠÙĪØ§ÙĦ ا +ĠÐĽ и +ĠвÑģ Ñij +Ġużytk ow +×Ĺ ×ķ׾ +ر Ù쨶 +Ġson uç +ãģĦ ãģ¾ãģĽãĤĵ +ìĤ¬ ìĹħ +ëĪ Ħ +ÑĤ ек +Ġud ziaÅĤ +л ез +Ġ×Ķ×Ļ ×Ļת×Ļ +ãĤīãĤĮ ãģ¦ +Ùħس ؤÙĪÙĦ +ر ار +ÑĤ ан +ĠÄij Ãło +Ġר ×ķ×ij +Ġ×ijש×ij ×Ļ׾ +ä»ĬåĽŀ ãģ¯ +ãĤ¸ ãĥ¥ +Ġ×¢ ×ijר +ãģĽ ãģ¦ +п олÑĮ +ak lı +Ġk ÃŃnh +د ت +лож ение +ĠاÙĦÙħ ص +ĠاÙĦÙħص رÙĬ +à¸Īริà¸ĩ à¹Ĩ +ĠاÙĦشر ÙĥØ© +ĠÄij á»ı +ãĥĽ ãĥĨ +ãĥĽãĥĨ ãĥ« +Ñį кон +Ñįкон ом +ĠÙĪ Ø¹ÙĨ +Ġת ׳ +Ġ×ª×ł ×IJ×Ļ +ĠاÙĦدÙĪÙĦ ÙĬØ© +Ġì§Ģ ìĹŃ +ãģ§ãģĻ ãģĭ +Ġв аÑĢи +ĠваÑĢи анÑĤ +ĠاÙĦع رب +ел а +Ġt Æ°á»Ľng +sk Äħ +Ġm ặc +ส ัà¸ģ +ãĥĵ ãĥ¼ +Ġ×ij ×Ĵ׾ +Ġ×ij×Ĵ׾ ׾ +ãĥķãĤ¡ ãĥ³ +×ij ×Ļצ +×ij×Ļצ ×ķ×¢ +ли ÑģÑĤ +à¸Ł ุ +à¸Łà¸¸ à¸ķ +à¸Łà¸¸à¸ķ à¸ļà¸Ńล +à¸Ŀ à¹Īาย +ìŀIJ ìĿĺ +Ġس ÙĪÙģ +Ġש ×Ķת +Ġê± ¸ +×¢ ×ij×ķ×ĵ +ãģĻãĤĭ ãģĵãģ¨ãģĮ +ĠÑĩа ÑģÑĤÑĮ +ãĤ¢ ãĥ¡ãĥª +ãĤ¢ãĥ¡ãĥª ãĤ« +Ġtak ım +Ġs Ỽ +ĠsỼ m +שר ×Ķ +è¨Ģ ãģĨ +л ан +ì» ¤ +׼ ׳×Ķ +ÙĪÙģ ÙĬ +íĹ Ī +lu ÄŁu +ĠëĮĢ íķ´ +Ġ׾×ij ×Ļת +Ġ×Ķר×IJש ×ķ׳×Ķ +ص Ùħ +Ġsö yled +Ġsöyled i +à¸Ľ าà¸ģ +Ġard ından +ãģĪ ãģŁ +à¸Ĺัà¹Īว à¹Ħà¸Ľ +Ġ׳×ķס ×£ +б олÑĮ +ãĤĵãģ§ãģĻ ãģijãģ© +ĠлиÑĪ ÑĮ +Ġ×ij ×IJ×Ļ +ĠбÑĭ ÑģÑĤÑĢо +ส ัà¸Ļ +Ġ×ij פ׳×Ļ +л еÑĩ +ĠاÙĦØ® بر +Ġsó c +Ġth ú +Ġп ÑıÑĤ +ãģĬ é¡ĺ +ãģĬé¡ĺ ãģĦ +ÑĤ ин +ãģ«ãģ¤ãģĦãģ¦ ãģ¯ +פ ף +Ġдв ÑĥÑħ +à¸į ีà¹Ī +à¸įีà¹Ī à¸Ľ +à¸įีà¹Īà¸Ľ ุ +à¸įีà¹Īà¸Ľà¸¸ à¹Īà¸Ļ +оп еÑĢ +ĠاÙĦب شر +ĠاÙĦÙħ اÙĦ +ıyor uz +تØŃ ÙħÙĬÙĦ +à¸ģ ะ +éĸĵ ãģ« +×Ĺ ×ķש +ĠNg uyên +ãģĦãģ¦ ãģĦãĤĭ +дÑĥ ÑĪ +ש פע +ÑĪ Ñĥ +å®Ł éļĽãģ« +ĠÑĢай он +ĠCh á»ī +ÙĨ صر +Ġìļ ´ +Ġìļ´ ìĺģ +Ġ×Ķ×ĵ ×Ļף +ØŃد د +ر ز +ĠاÙĦد Ùħ +ĠPh áp +ÑĤ ÑģÑı +è¦ĭ ãģĪ +Ġti á»ĥu +Ġs á»Ńa +а ÑİÑĤÑģÑı +ĠB á +Ġ×ķ ׼׾ +Ð ĸ +ÑĪ Ð¸Ð¼ +ìĿ´ ëĬĶ +л ев +d ık +Ġprés ente +Ġara ç +صد ÙĤ +Ġпом ог +ĠاÙĦشر ÙĤ +ĠÙĪØ§ÙĦ ذÙĬ +رÙĬ ا +×ij ׳×ķת +Ġng á»ĵi +ר ×ķפ +ר×ķפ ×IJ +Ġth ấp +ãĤĦ ãģ¯ +ãĤĦãģ¯ ãĤĬ +ĠاÙĦج دÙĬدة +éĿŀ常 ãģ« +ÙĬÙĦ ÙĬ +ìª ½ +تع اÙħÙĦ +ãģł ã썿ĢĿãģĦãģ¾ãģĻ +Ùħ Ùħ +иÑĤе ли +ãĤµãĤ¤ ãĤº +اد ات +ĠاÙĦÙħ اÙĦÙĬØ© +Ùĥات ب +к ли +веÑĢ Ñħ +ни Ñĩ +Ġ×ľ×¢ ×ij×ķ×ĵ +׾ ×Ļ×Ķ +ØŃ Ùİ +ãĤ¤ ãĥĻ +ãĤ¤ãĥĻ ãĥ³ãĥĪ +Ġת ×Ĵ×ķ×ij×ķת +ÑĦ он +ĠдÑĢÑĥг ие +×IJ ×ĸ×ķר +Ġper ò +ìķ ŀ +åĢŁ ãĤĬ +ר צ×Ļ +×IJ ×ĸ +алÑĮ нÑĭÑħ +Ġê²ĥ ìľ¼ë¡ľ +ĠпÑĢав о +ĠاÙĦØ£ رض +à¹Ģà¸Ĺ à¸Ħ +à¹Ģà¸Ĺà¸Ħ à¹Ĥà¸Ļ +à¹Ģà¸Ĺà¸Ħà¹Ĥà¸Ļ à¹Ĥล +à¹Ģà¸Ĺà¸Ħà¹Ĥà¸Ļà¹Ĥล ย +à¹Ģà¸Ĺà¸Ħà¹Ĥà¸Ļà¹Ĥลย ี +צ ר×Ļ +ĠÐļ Ñĥ +ıl ma +決 ãĤģ +ا ÙĪ +Ġ×ĵ ×§×ķת +à¸Ħร ู +ĠÙħست ÙĪÙī +à¸Ľ à¹īà¸Ńà¸ĩ +à¸Ľà¹īà¸Ńà¸ĩ à¸ģัà¸Ļ +×ĵ ×ķ×ŀ×Ķ +ĠÑģ егоднÑı +س ÙĪÙĤ +ר×Ĺ ×ķ×ij +ĠØ¥ دارة +Ñħ ож +éģİ ãģİ +à¸Ħ à¸Ń +нÑĥ л +×ķ׼ ×Ķ +ÙĪ Ø§ÙģÙĤ +׼׾ ׾ +Ġ×Ķ ×ĵ×ķ +Ġl Ä©nh +Ġkh ảo +×IJ×ŀ צע +ë¨ ¸ +Ġ׼ ×Ļצ +Ġ׼×Ļצ ×ĵ +Ġдолж нÑĭ +หว ัà¸ĩ +ãĥĩ ãĤ¶ +ãĥĩãĤ¶ ãĤ¤ãĥ³ +Ġng á»Ŀ +ä¸Ń ãģ« +à¸ģลัà¸ļ มา +جÙħ اÙĦ +à¸Ķัà¸ĩ à¸ģลà¹Īาว +س ÙĥÙĨ +س ÙĨ +Ġözellik le +з еÑĢ +rz ÄĻ +×ŀ ×ķר×Ķ +Ġl ạ +×ŀ ×Ļ׳×Ļ +ר ×Ļת +ãģĿãĤĮ ãģĮ +ãģĭ ãĤĮ +ĠÙĬÙħÙĥÙĨ Ùĥ +öff entlich +г ан +ĠاÙĦØŃ ÙĦ +ĠmiÄĻd zy +ĠÑĩа ÑģÑĤи +ujÄħ cy +ĠbaÄŁ lı +ĠiliÅŁ ki +Ùģ Ø§Ø¡ +ãĥª ãĥ³ãĤ° +Ġhã ng +ĠконÑĤ ÑĢ +ĠконÑĤÑĢ Ð¾Ð» +к оп +ש ×Ļ×¢ +ש×Ļ×¢ ×ķר +ĠÐĴ аÑĪ +Ġ×Ķ ×ª×§ +ÙħÙĨ ع +ĠpolÃŃt ico +Ġг олов +ĠØ¥ ÙĬ +Ø¥ ÙĨتاج +à¸ļ ิ +Ġг овоÑĢ +ĠговоÑĢ Ð¸ÑĤ +Ġph á»ķ +ĠÑģем ÑĮ +ãģ¯ ãģĤãĤĬãģ¾ãģĽãĤĵ +ĠÙĪ Ø§Ø³Øª +×ŀש פ×ĺ +з ем +×ŀ×ĵ ×ijר +Ġíģ ° +ĠìĿ´ ë²Ī +ê°Ģ ëĬĶ +Ġì§Ģ ìĽIJ +Ġca ÅĤy +Ġgeli ÅŁtir +Ñģк ое +pos é +Ġkh ô +à¸ķิà¸Ķ à¸ķาม +miss ão +Ġ׾ ×ŀר +Ġ׾×ŀר ×ķת +Ġb ó +à¸ķรวà¸Ī สà¸Ńà¸ļ +Ġngh á»ģ +Ġб из +Ġбиз неÑģ +ÑģÑĤ еÑĢ +ÙĪ Ùİ +楽 ãģĹãģ +楽ãģĹãģ ¿ +ãģĵãĤĮ ãģĭãĤī +wiÄħ zan +ส à¸Ńà¸Ļ +Ùħ ÙĪØ± +׳×ĵ ׾ +Ġ×Ķ×IJ ×ĵ×Ŀ +Ġм олод +ØŃ Ùħا +ØŃÙħا ÙĬØ© +ÑģÑĤ ÑĢан +Ġbu á»ķi +ת×Ļ ×Ļ×Ŀ +abile ceÄŁi +L İ +à¹Ģย à¸Ńะ +à¸Ī ร +س ÙĥاÙĨ +à¸Ļ ัà¸Ķ +Ġm ấy +ĠÐij а +s ÅĤaw +ĠÙģ ÙĦا +ĠкоÑĤоÑĢ Ð¾Ð¹ +Ġпло Ñī +ĠплоÑī ад +ãĤĤ ãģĤãĤĬ +sz czÄĻ +×Ļפ ×ķ +ש×ŀ ת +owa ÅĤa +Ġn ông +צ×ij ×IJ +ĠìŀĪ ìĹĪ +ãģ¾ ãģ¨ +ãģ¾ãģ¨ ãĤģ +ÙĤÙĪ Ø§Øª +ãģ¿ ãĤĵãģª +Ġ׼ ×ŀ×¢×ĺ +Ġx úc +ï¼ Ĩ +r ÄĻ +rÄĻ cz +×ĵ ×ŀ×Ļ +Ġt áºŃn +à¸Ķ วà¸ĩ +ê²½ ìłľ +п ÑĥÑĤ +Ø£ ربع +Ġ×ŀ שת×ŀש +ãĤ¿ãĤ¤ ãĥĹ +Ġìłľ ê°Ģ +Ġ׾ ׼ף +ĠобÑĢаз ом +ÙĬÙĥ ا +w ÅĤ +wÅĤ asn +ĠاÙĦÙĪØ·ÙĨ ÙĬØ© +بÙĬ ب +×ŀ ׾×Ļ +к ÑĢаÑĤ +기 ìĹIJ +ÙĤ اد +ĠÙĦ دÙī +à¸Ħวาม รูà¹ī +×ŀ×ĵ×Ļ׳ ×Ļ×ķת +ê² ¨ +Ġíĺ Ħìŀ¬ +ש ת×Ļ +м ол +Ġmá i +à¸ŀิ ม +à¸ŀิม à¸ŀ +à¸ŀิมà¸ŀ à¹Į +หล วà¸ĩ +Ġx uyên +×Ĺ ×¡×¨ +رÙĪ ÙĨ +ãģĿãģĨ ãģĦãģĨ +ãģĿãĤĮ ãģŀ +ãģĿãĤĮãģŀ ãĤĮ +Ġ׼ ש×Ķ +ÐŁ ÑĢав +×ŀ×ij צע +ع رب +Ġbü yü +פ×Ļת ×ķ×Ĺ +à¸Ī à¸ļ +ĠØ£ Ùĥبر +שר ת +×ŀ׼ ש×Ļר +ĠÙĪ Ùħع +ãģ® ãģŁãĤģãģ« +à¸Ļ ัà¸ļ +ì° ° +ãĥª ãĥķãĤ© +ãĥªãĥķãĤ© ãĥ¼ãĥł +Ġc ưá»Ŀng +ĠìłĢ íĿ¬ +ÙħÙĨظ ÙħØ© +Ġhiç bir +ãģ§ãģ¯ ãģĤãĤĬãģ¾ãģĽãĤĵ +ร à¸Ńย +ëIJľ ëĭ¤ +ãģĻãģIJ ãģ« +к ла +Ġürün ler +Ġki á»ĥu +ĠëĤĺ ëĬĶ +ÑĤ ки +Ñģ им +Ġchá»ī nh +ãĤĤ ãģªãģĦ +ศ รี +æĽ¿ ãģĪ +ta ÅŁ +Ġب ÙĥÙĦ +Ġ×ķ ×Ļש +vis ão +ä¼ Ŀ +ä¼Ŀ ãģĪ +ÙĦ د +׾ ×Ļ×ŀ +׾×Ļ×ŀ ×ķ×ĵ +t ória +د Ùij +اÙħ ر +Ġê·¸ëłĩ ê²Į +Ġmateria ÅĤ +à¸Ĺ รา +à¸Ĺรา à¸ļ +ã쮿ĸ¹ ãģĮ +ãģ¦ ãģįãģŁ +ض غ +ضغ Ø· +ĠÙĬ عÙĨÙĬ +ел о +×IJ×Ķ ×ij×Ķ +×¢ ×ŀ +ÅŁ ık +ìŀIJ ëĬĶ +ãĤ¿ ãĥ³ +Ġb áºŃt +×ŀשפ ×Ĺ×Ķ +к ÑĢи +б ли +สั à¸ķ +สัà¸ķ วà¹Į +ĠسÙĨ ÙĪØ§Øª +ĠPh ương +ãģ¦ãģĹãģ¾ ãģ£ãģŁ +ãģª ãģľ +Ġ×ij×IJ ×ķ +Ġc án +س جÙĦ +Ġl ẽ +ãĤ± ãĥ¼ãĤ¹ +Ġ×§ ×Ļ×ij׾ +à¸ļà¸Ĺ à¸Ħวาม +Ġ×ķ ׼ף +ĠпÑĢедÑģÑĤав лен +Ġn á»iji +Ġcoment ário +ени ем +Ġtá» ı +l Ãł +Ġש×Ķ ×Ļ×Ķ +Ñģл ав +ĠاÙĦ ÙĪÙĦا +ĠاÙĦÙĪÙĦا ÙĬات +ÙĦج ÙĨØ© +×§×ķר ×IJ +бÑĭ ÑĤ +Ġì ¦ +Ġì¦ ī +ãģ§ãģĻ ãģĹ +หรืà¸Ń à¹Ħมà¹Ī +за ÑīиÑĤ +ÙģÙĦ سطÙĬÙĨ +Ġmi á»ħn +à¹Ģย à¹ĩà¸Ļ +ĠçalÄ±ÅŁ an +×Ļ×Ĵ ×Ķ +ĠE ÄŁ +ĠEÄŁ itim +ãĥĥãĤ· ãĥ¥ +Ġоп Ñĭ +ĠопÑĭ ÑĤ +ر غ +رغ ب +ĠÑģво иÑħ +à¸Ľà¸£à¸° à¸ķ +à¸Ľà¸£à¸°à¸ķ ู +Ġ×ŀ×IJ ×ĵ +׼ ×ķ׳×Ļ×Ŀ +à¸Ļ ี +ĠвÑĭ Ñħод +ãģ®ä¸Ń ãģ« +פ ׾×IJ +ĠÙĪ ÙĦÙĬس +פ×ķר ס +פ×ķרס ×Ŀ +Ùħ سÙĦÙħ +Ġng ôi +×ĵ ×ŀ×ķת +ãĤĴ使 ãģ£ãģ¦ +ĠпомоÑī ÑĮÑİ +Ø£ سر +бл ок +ÙĤ Ùĩ +ãģĹãģ¾ ãģĦ +ãģ¨ ãģĹãģŁ +Ġп еÑģ +ãĥī ãĥ« +×Ĺ ×Ŀ +ãģĹãģª ãģĮãĤī +ĠÐŁ ÑĢед +ãĥģãĤ§ ãĥĥãĤ¯ +å¼· ãģĦ +ש ×Ļר×ķת +д аеÑĤ +×Ļ×ij ×ķ +Ġgen ç +ил аÑģ +илаÑģ ÑĮ +ĠبÙĦ د +æĤ ª +æĤª ãģĦ +Ġ×ŀ שת +æ§ĺ ãĢħ +æ§ĺãĢħ ãģª +à¸ĺรรม à¸Ĭาà¸ķิ +ĠÙĥ اÙħÙĦ +ĠاÙĦس Ùħ +×ij×ĺ ×Ļ×Ĺ +c á +g ência +ãĤ¹ãĤ¿ ãĥ¼ +à¸Ĺำ à¸ģาร +×Ļ׾ ת +Ġ×Ļ ×ķצ×IJ +w ój +à¸ļุ à¸Ħ +à¸ļุà¸Ħ à¸Ħล +ع تÙħ +عتÙħ د +ãģĿãĤĮ ãģ« +ĠاÙĦت ارÙĬØ® +ÙĤر اء +Ġyönet im +×§ שר +ĠÑģп оÑĢÑĤ +Ġר×IJש ×ķף +Ġseñ al +Ġch ắn +çĦ¡ ãģĦ +ĠдоÑģÑĤ аÑĤ +ĠдоÑģÑĤаÑĤ оÑĩно +Ġá gua +à¸ģร à¸ĵ +à¸ģรà¸ĵ ี +Ġ×ŀש ×ķ +Ġtr ải +ë² Į +ujÄħ cych +Ù쨱 د +à¹ĥ à¸ģล +à¹ĥà¸ģล à¹ī +ãĤĭ ãģ®ãģ¯ +ר×ķ ×ķ×Ĺ +ÙĨ Ùĥ +ĠاÙĦÙĨ ÙĤ +ãģ®ãģ§ ãģĹãĤĩãģĨ +ãģ®ãģ§ãģĹãĤĩãģĨ ãģĭ +Ùħ عرÙģ +ÙħعرÙģ Ø© +ÑĥÑī е +Ġ×ij×¢ ×Ļקר +ت صÙĦ +Ġ×Ķ×IJ ר +Ġ×Ķ×IJר ×¥ +ĠÅŀ i +à¸Ĥา à¸Ķ +íŀ ĺ +ãģªãĤĵ ãģ¨ +ĠìĤ¬ëŀ ij +l Ã¼ÄŁÃ¼ +ب اء +ĠاÙĦØ¢ خر +Ġfam ÃŃlia +ĠTh áng +Ñī ениÑı +ãĤ¯ ãĥŃ +ĠTh ứ +æĽ¸ ãģį +ен ной +ìŀ ¡ +бл аг +благ о +п ов +à¹ģ ว +à¸ĩ à¸Ħà¹Į +à¸Ńัà¸Ļ à¸Ķัà¸ļ +ãģĤ ãģĴ +ร à¹īาย +ün ün +Ġ×Ļ׼×ķ׾ ×Ķ +з он +ĠÐľ и +маÑĤ еÑĢиал +Ġë³´ ë©´ +ØŃÙģ Ø¸ +ê Ìģ +ãģ« ãģĻãĤĭ +Ġת ×IJ +Ġ×Ķס ×ķ +ĠÑģÑĤ оÑĢ +ĠÑģÑĤоÑĢ Ð¾Ð½ +ãĥĪ ãĥĥãĥĹ +ÅĤo ÅĽÄĩ +ëħ ¼ +ëĵ Ŀ +ĠÙĪØ§ÙĦ ع +ì¶ Ķ +Ġ×Ļצ ×IJ +ĠÑĢаз дел +алÑĮ наÑı +×IJ׳ ש×Ļ +spo ÅĤ +spoÅĤ ec +spoÅĤec zn +Ø¥ عÙĦ +إعÙĦ اÙĨ +ÙĤÙĪ Ùī +íķĺë©´ ìĦľ +تط ÙĪØ± +Ġsi êu +Ỽ t +д ви +дви ж +Ġqu ần +k ıl +ĠпÑĢи зна +ĠH ã +ĠHã y +ĠباÙĦ ت +man ın +ãĤ« ãĥ« +Ġk á»· +×§ ׾×Ļ +ëIJĺ ì§Ģ +تعÙĦ Ùħ +ìĭľ ìĦ¤ +ìĭ ¶ +íĺ ¼ +Ùĥ ÙĬÙģ +売 ãĤĬ +วิ à¸Ĭา +б ал +ĠØ£ ØŃ +Ġдолж ен +รา à¸ĩ +ราà¸ĩ วั +ราà¸ĩวั ล +Ùħ اء +ج ار +Å ļ +Ġ×ŀ×IJ ×ĸ +ר ×ŀ×Ķ +ãģĭãĤĤãģĹãĤĮ ãģªãģĦ +ét ude +czÄħ c +Ġg ór +×ł×¡ ×Ķ +Ùħ ÙĬد +ĠÐŁ еÑĢе +Ø£ خر +ãģĿãģ® å¾Į +à¹Ģà¸Ķียว à¸ģัà¸Ļ +×ŀ ×Ĵ×ķ +×ŀ×Ĵ×ķ ×ķף +д ов +mas ına +×¢ ׳×Ķ +ãĤ± ãĥĥãĥĪ +ס ×¢ +סע ×Ļ×£ +ĠT ư +Ġt óc +íĻľ ëıĻ +ĠÐŀ д +ĠÐŀд нако +Ġdol ayı +ؤ Ùĥد +ê³Ħ íļį +׾ ר +в еÑĩ +Ġkh ợi +Ġth á»§y +×ĵ ף +ร à¸ģ +à¸ļั à¸ķร +à¹Ģà¸ģ à¹Īา +ĠاÙĦØ« اÙĦ +ĠاÙĦثاÙĦ Ø« +Ġpod rá +ער ×Ļ +ÙĨج اØŃ +Ġkh ắc +ì¸ ¡ +İ M +ãĤ» ãĥĥãĥĪ +ż enia +Ġ׾×Ĺ ×ijר +er Ãł +ì ´Ī +Ġkü ç +Ġküç ük +ات ÙĩÙħ +à¸ĭ à¹Į +Ùħشار ÙĥØ© +ĠاÙĦ بط +Ġd ây +ен нÑĭм +à¸Ĺีà¹Ī à¹Ħมà¹Ī +ÙĤ Ùİ +Ġv ượt +Ġtr ì +Ġwp ÅĤyw +A Åŀ +з о +ĠاÙĦس ÙĬد +à¸Ĺะ à¹Ģล +ĠÑģодеÑĢж а +ع Ø·ÙĬ +ĠاÙĦع ÙĨ +èĢħ ãģĮ +à¹Ģ หà¸Ļ +à¹Ģหà¸Ļ ืà¸Ń +Ġb ÃŃ +Ġüzer inden +ĠV Å© +Ġnu ôi +ÙĨ Ùħ +алÑĮ ного +×¢ ×Ļף +ØŃ ضر +ĠоÑĤ дел +ëª ĩ +ìķ ¡ +ĠÙĦدÙĬ Ùĩ +ìĻ ľ +Ġse ktör +Ġвозмож но +ĠÐĶ Ð¶ +Ġh ô +äºĭ ãģĮ +иÑĢов ание +алÑĮ ной +Ġ미 êµŃ +ر ØŃÙĦ +ĠÑįк Ñģ +пÑĢав лÑı +Ġnh á»Ŀ +ĠÄij ẩ +ĠÄijẩ y +Ùģ Ùĥر +ĠÙĪØ£ ضاÙģ +ãĥIJ ãĤ¹ +ת×ķ׼ ׳×Ļת +ÑĤел ей +ĠØ¥ÙĦÙĬ Ùĩ +ãģ¨è¨Ģ ãģ£ãģ¦ +Ġдв е +Ġch ấp +ĠL ö +à¸Ħล ิ +à¸Ħลิ à¸Ľ +Ġس ÙĪØ± +ĠسÙĪØ± ÙĬا +×ŀ×Ĺ ×ķ +st ä +д об +Ġni á»ĩm +ãģ® å¤§ +פר×ķ ×Ļ×§ +פר×ķ×Ļ×§ ×ĺ +ĠCh âu +Ġ×ŀ×Ķ ×Ŀ +Ñģк им +ĠполÑĥÑĩ иÑĤÑĮ +ÙĬ ÙĪÙħ +Ø« ÙĪØ± +פ×ķ׾ ×Ļ×ĺ +פ×ķ׾×Ļ×ĺ ×Ļ +ĠмеÑģÑı ÑĨ +åħ¨ ãģ¦ +ĠاÙĦÙħ جÙĦس +ĠاÙĦت اÙĦÙĬ +Ġ׊ר +åIJij ãģij +׼ ×ŀ×Ķ +б ед +Ø£ عض +أعض اء +ÙĪÙĦ د +วà¹Īา à¸Īะ +Ġb ánh +à¸Ļิ ย +à¸Ļิย ม +à¸Ľà¸£à¸° à¸ģัà¸Ļ +ÑģÑĤав иÑĤÑĮ +à¸ŀ à¸Ļัà¸Ļ +ĠÑį ÑĦÑĦ +ĠÑįÑĦÑĦ екÑĤив +Ġав ÑĤоÑĢ +ĠÄIJ Äĥng +Ġth Æ°á»Łng +ãĤĴ æĦŁãģĺ +à¸ģัà¸ļ à¸ģาร +å¾Į ãģ« +Ġya ÄŁ +ست اÙĨ +Ġli á»ģn +ãģĦ ãģ¾ +i êu +à¹Ĥà¸Ķ à¸Ļ +ĠÙĦ ذÙĦÙĥ +à¹Ĥรà¸ĩ à¹Ģรียà¸Ļ +צ ×Ļ×Ĵ +ĠاÙĦÙħ عÙĦÙĪÙħات +ç§ģ ãģŁãģ¡ +à¸Ĺีà¹Ī à¸Ħุà¸ĵ +ãģ«ãģª ãģ£ãģ¦ãģĦãĤĭ +×ŀ×ĵ ×Ļ׳×Ķ +ס ׼×Ŀ +Ġв не +à¸ŀ à¸Ļัà¸ģà¸ĩาà¸Ļ +ÑĢ ÐµÐ¹ +à¹Ģà¸Īà¹īา หà¸Ļà¹īาà¸Ĺีà¹Ī +ĠHi á»ĩn +Ġméd ico +ĠتØŃ ÙĤÙĬÙĤ +ÑĮ ÑĤе +miÅŁ ti +ÙĤÙĬ ادة +ãĤı ãģĭãĤĬ +มา à¸Īาà¸ģ +ëħ Ģ +ãģ«éĸ¢ ãģĻãĤĭ +×IJר×Ĵ ×ķף +m ètre +Ġעצ ×ŀ×Ļ +ĠCh úa +รูà¹ī à¸Ī +รูà¹īà¸Ī ัà¸ģ +ì£ Ħ +ëĭ µ +à¹ģà¸Ĺ à¹ī +Ġgeç en +Ġlan ça +ĠاÙĦ بØŃØ« +×ĵ ×ŀ×ķ +ãģ¯ ãģĺ +ãģ¯ãģĺ ãĤģ +Ġdön Ã¼ÅŁ +è¿ij ãģı +à¹Ģส ม +à¹Ģสม à¸Ń +ëĿ ½ +Ġü ç +á» ŀ +ÑĪ Ð°Ñı +à¸Ĺ ร +ØŃ ÙĤÙĬÙĤØ© +à¸Ĥà¸Ńà¸ĩ à¸ģาร +Ġ무 ìĹĩ +Ġ×Ķ ×Ľ×¨ +ĠاÙĦص ÙĬÙĨ +ĠлÑİ Ð´Ð¸ +à¸ķ าย +ب ÙĪÙĦ +Ġvi êm +Ġthi á»ĩu +à¸ģ à¸Ķ +Ġ׾ ×ĵ×ijר +פ ׳×Ķ +×IJר ×ij×¢ +س Ùī +ĠاÙĦسÙĬ اس +ĠاÙĦسÙĬاس ÙĬØ© +yd ı +ÙĪØŃØ¯ Ø© +ĠдеÑıÑĤелÑĮ ноÑģÑĤи +Ġ×ķ×Ķ ×ŀ +п еÑĩ +пеÑĩ аÑĤ +иÑĢов аниÑı +ĠÑģ ог +ĠÑģог лаÑģ +Ġ׼ ×ĵ +Ġ׼×ĵ ×IJ×Ļ +ĠиÑģполÑĮзов аÑĤÑĮ +ס פ×ķר×ĺ +Ġil çe +exp érience +ĠTh á»Ŀi +İ K +à¹Ħà¸Ł à¸Łà¹īา +ëĵ¤ ìĹIJê²Į +à¸Ľà¸£à¸° à¹Ģà¸ł +à¸Ľà¸£à¸°à¹Ģà¸ł à¸Ĺ +Ġmü mk +Ġmümk ün +Ġ×IJ×ķת ׳×ķ +ìĦ± ìĿĦ +ĠìĿ´ ìľł +زÙĬ ارة +Ġolduk ça +r ób +ĠØ£ ÙĨا +Ġ×Ķ ×ij×Ļ +Ñģ ен +×¢ ×Ļקר +×Ļ×ĵ ×ķ×¢ +d zÄħ +Ùħ عÙĦÙĪÙħات +Ø´ اب +Ġpar ça +à¸Ļะ à¸Ħะ +ب اس +ĠÑĤоÑĢ Ð³ +ĠÑĤоÑĢг ов +Ġ×Ĺ ×ĵר +׼ ר×ĺ +׼ר×ĺ ×Ļס +ĠA yrıca +ÃªÌ £ +ìľ ¨ +ĠÑĤак ие +Ġ×ŀצ ×ķ×Ļ +ãĥ©ãĥ³ ãĤŃãĥ³ãĤ° +ש×Ļ×ķ ×ķ×§ +åīį ãģ® +ĠB ảo +Ñī Ñĥ +æĹ© ãģı +ĠPh òng +à¸ŀระ ราà¸Ĭ +פ ×Ĺ×ķת +Ġг л +Ġгл аз +à¸Ĺ à¹Īา +Ġd ạy +ÑĢ Ð¾ÑģÑĤ +à¹Ĥà¸Ķย à¹Ģà¸īà¸ŀาะ +Ġqu áºŃn +Ġ×Ĺ×ijר ×ķת +m ême +mÄ±ÅŁ tı +ĠاÙĦت داÙĪÙĦ +Ġn ạn +Ġ×Ķ ×ĵ×Ļ +ĠاÙĦØ· رÙĬÙĤ +×Ĵ ×ķת +Ġ×Ķ ×ĵר×ļ +ujÄħ ce +Ġch ữ +ãĤĤãģ® ãģ® +ë° Ľ +ãģķãĤĵ ãģ¯ +Ġyard ım +ĠاÙĦع Ùħ +Ġì§Ħ íĸī +Ġ×Ļ ×Ĺ +Ġ×Ļ×Ĺ ×¡×Ļ +ĠاÙĦÙħ دÙĬÙĨØ© +Ġc ú +à¸ģี ฬ +à¸ģีฬ า +Ġni ên +mis ión +׳×Ļס ×Ļ +׳×Ļס×Ļ ×ķף +Ġвоз ÑĢаÑģÑĤ +Ġ×¢×ķש ×Ķ +ĠÙħ دÙĬر +Ñı ÑģÑĮ +ØŃ جÙħ +íĻĺ ê²½ +ĠاÙĦØ£ خرÙī +u ÃŁer +ĠاÙĦعاÙĦÙħ ÙĬØ© +ĠNg á»įc +êµIJ íļĮ +ä¸Ĭ ãģ§ +×Ļ×Ķ ×ķ×ĵ +×Ļ×Ķ×ķ×ĵ ×Ļ×Ŀ +Ùħس اعدة +Ġжиз нÑĮ +ĠпоÑĤ омÑĥ +ĠاÙĦÙħ ÙħÙĦ +ĠاÙĦÙħÙħÙĦ ÙĥØ© +ĠG ör +ر ÙIJ +×ŀ×§ ×ķ×ŀ×ķת +åĩºæĿ¥ ãĤĭ +ÑĦ ÑĤ +ĠìĿ´ ìłľ +ĠÑĢ ÐµÐ¼ +ĠÑĢем онÑĤ +ת ×ķ×ļ +æĻĤ ãģ¯ +ãĤīãĤĮ ãģªãģĦ +alt ı +å®¶ ãģ® +ĠاÙĦØ¥ عÙĦاÙħ +리 ëĬĶ +ãģĭãĤī ãģ¯ +ĠH ạ +ãģĤ ãģ® +×ĵ×Ļ ×ķף +رÙĬ س +Ġsoci etÃł +ĠاÙĦÙĥ بÙĬر +Ġ×ij ×ŀס +Ġ×ij×ŀס ×Ĵר +Ġ×ij×ŀס×Ĵר ת +ĠìŀĪ ìľ¼ë©° +Ġn ặng +Ùĩ Ùī +ĠB Ãł +×ŀר ×ķ +Ġj ÄĻ +ĠjÄĻ zy +ĠjÄĻzy k +Ġ׼ ×ŀ×ķ×ijף +×¢ ׾×Ķ +à¸Ĺีà¹Ī à¹Ħà¸Ķà¹ī +ãģ¾ ãģĹãĤĩãģĨ +×ŀס פר +Т Ðŀ +سÙĬاس Ø© +Ġкажд Ñĭй +ë² ł +t ım +y á»ĩn +ร ีà¹Ī +ĠдеÑĤ Ñģк +วิà¸ĺี à¸ģาร +m ówi +×ĺ×¢ ×Ŀ +×Ķצ׾ ×Ĺ×Ķ +ض ÙĬÙģ +ĠÑħоÑĤ Ñı +ãĤĵãģ§ ãģĦãĤĭ +à¸Ħา à¸Ķ +à¸Ħร à¸ļ +Ġк ÑĥÑĢÑģ +ĠbaÅŁ arı +×ijר ×ķ +ÙĬع Ø© +ĠÐĿ Ñĥ +à¸Ħวาม à¹Ģà¸Ľà¹ĩà¸Ļ +Ġ׾ ×ŀש׾ +Ġì¢ĭ ìĿĢ +Ùħؤس س +Ùħؤسس ات +Ġpréc is +Ġth ảo +à¸ģà¹ĩ à¸Ħืà¸Ń +Ġש ׼׾ +führ ung +ãģĦ ãģ§ +à¹ģละ มี +à¸ģà¹ĩ มี +Ġש ש +м ел +Ġкни г +ĠباÙĦ ÙĨ +ĠباÙĦÙĨ سبة +Ġald ı +ÑĤ ай +Ġ×Ĺ×ĵ ש×Ļ×Ŀ +å®Ł ãģ¯ +ع ÙĪØ§ +ĠìĿĺ 미 +из м +ÑĢабоÑĤ аÑĤÑĮ +Ùģ Øµ +Ġ×ij׳ ×ķסף +ãģ¨ãģĹãģ¦ ãĤĤ +à¹Ģà¸Ľà¹ĩà¸Ļ à¸Ĺีà¹Ī +ĠÑģлед ÑĥеÑĤ +èĢĥãģĪ ãģ¦ +Ġ׼ ×Ļ×ķ×Ŀ +ÑģÑĤ Ñĭ +׼׾׼ ׾×Ļ +æµģ ãĤĮ +ãĤĴ ãģ¤ãģij +Ñĩ аÑĤ +×Ļ׼ ×ķף +×Ļר ×Ļ +ları yla +ãĤ¤ ãĥ¡ +ãĤ¤ãĥ¡ ãĥ¼ãĤ¸ +׳×ĸ ×§ +Ġci ò +Ġs ın +Ġsın ır +à¸Ļ à¸Ħร +к аÑĤ +Ġl á»Ĺi +ëŀ Į +تÙģ Ø§Øµ +تÙģØ§Øµ ÙĬÙĦ +ëĨ ĵ +ĠÙħ ض +il miÅŁ +بار Ùĥ +ÐĿ Ðĺ +Ġth ẩm +Ġ×IJ×ķת ×ļ +ĠпÑĢин им +ĠпÑĢиним а +Ġyö nt +Ġyönt em +Ġ×ŀ×§ ×ij׾ +Ġktó rego +ê· Ģ +شر Ùģ +د اÙħ +ãģĦãĤį ãģĦãĤį +ĠAl ém +Ġgör ü +Ġgörü nt +Ġgörünt ü +د س +ÑĪ ÐºÐ¸ +г ÑĢад +Ġl ạc +Ġs ữa +ãĤīãĤĮ ãģ¾ãģĻ +o Ãłi +Ñī ен +ãģĭ ãģªãģĦ +Ġп оп +Ġпоп Ñĥ +ĠпопÑĥ лÑıÑĢ +ĠاÙĦÙħ ÙĪÙĤع +rä g +ï¼ ¡ +íķ Ħ +ãĤĴè¦ĭ ãĤĭ +اÙħ ا +ĠاÙĦØŃ رب +ĠÐŁ а +Ġ׾ ×IJתר +Ġt á»ijc +×ij ׾×Ķ +ر ئÙĬس +в Ñĥ +ÙĬ دÙĬ +каз ан +Ġ׊ש×ij×ķף +h ôtel +×¢ ×ķ׳×Ķ +ب ÙĨÙĬ +×ŀ ×ķ׾ +Ġд нÑı +éĽ£ ãģĹãģĦ +вед ениÑı +Ġ×ķ ×ŀת +н апÑĢимеÑĢ +ÙĤ ابÙĦ +Ġrésult at +ĠÑĢазвиÑĤ иÑı +ر Ùij +ìłĦ 문 +ĠاÙĦÙħ زÙĬد +ĠìľĦ íķ´ìĦľ +ëĨ į +íĻ ķ +ĠThi ết +íĮ ¨ +malı dır +Ġcz ÅĤ +ĠczÅĤ owie +ĠczÅĤowie k +ĠÙĦ بÙĨ +ĠÙĦبÙĨ اÙĨ +üs ü +ãģªãĤĵ ãģł +Ġżyc ie +ĠÑħоÑĢоÑĪ Ð¾ +æĸ¹ ãģ« +ëĭ¤ ë©´ +иÑĩеÑģ каÑı +ער ×Ļ׼ +ער×Ļ׼ ת +ãģ¾ãģĽãĤĵ ãģ§ãģĹãģŁ +ĠÑģоб ой +Ġg á»Ĺ +Ġдел аÑĤÑĮ +da Äĩ +аÑĢ Ð° +róż ni +à¹Ģล ีà¹ī +à¹Ģลีà¹ī ย +à¹Ģลีà¹īย à¸ĩ +à¸Ŀ าà¸ģ +Ġت ÙĤ +ĠتÙĤ دÙĬ +ĠتÙĤدÙĬ Ùħ +หà¸Ļ ุà¹Īม +Ġmü cade +Ġmücade le +ì§Ģ 를 +ãĤ¤ ãĤ¹ +ĠØ£ ساس +jÄħce go +ĠÅŁ eh +н ÑĤеÑĢ +ÑĨи Ñİ +ï» » +ÑİÑī его +à¹Ĥà¸Ľà¸£ à¹ģ +à¹Ĥà¸Ľà¸£à¹ģ à¸ģรม +Ġmie Äĩ +ØŃÙĥÙĪÙħ Ø© +ãģ§ãģĹãģŁ ãģĮ +×Ļס ×Ķ +ãĤĤãģ® ãĤĴ +Ġ×ŀ ×IJת +สุà¸Ķ à¸Ĺà¹īาย +Ġc Å© +ÙĨ سب +ĠпÑĢ Ð¾Ñĩ +Ġд ней +ĠÑįÑĤи Ñħ +׾ ×ŀת +нÑı Ñı +Ñį к +Ġì§Ģ ëĤľ +มหา วิà¸Ĺยา +มหาวิà¸Ĺยา ล +มหาวิà¸Ĺยาล ัย +d ão +ĠMá y +ĠêµŃ ê°Ģ +à¸ļุ รี +×Ĵ ×Ļ׾ +ĠÑĤÑĭ ÑģÑı +ĠÑĤÑĭÑģÑı Ñĩ +Ùģ Ùĥ +ĠÐĺ Ñģ +è¡Į ãĤıãĤĮ +פר ×ĵ +ãģ¤ ãģį +à¸Ħร à¸Ńà¸ļ +à¸Ħรà¸Ńà¸ļ à¸Ħรัว +à¸Ĥึà¹īà¸Ļ มา +ä»ĬæĹ¥ ãģ¯ +ĠìĤ¬ëŀĮ ìĿ´ +עצ ×ŀ×Ķ +п оÑĢ +ĠK ỳ +Ġ Æ¡n +Ġth Äĥm +Ùģ Ø§ÙĤ +ãģļ ãģ« +Ġ׾ קר +Ġ׾קר ×ķ×IJ +اÙģ ÙĬØ© +Ùħ ÙİØ§ +г аÑĢ +ص ÙĦا +صÙĦا Ø© +Ġ×ŀ ×ĸ×Ķ +lı ģını +Ġ×IJ ×Ļ׳×Ķ +к ÑĢо +Ġng ươi +Ġв ним +Ġвним ание +jÄħ cy +ÙĢÙĢÙĢÙĢ ÙĢ +Ñģ Ñħод +ãģªãĤĵ ãģĭ +×ŀ ×Ļ׾ +Ġ×Ķ×IJ ×Ĺ +ãĤı ãģªãģĦ +ع سÙĥر +ĠìĦ¸ ê³Ħ +ĠÑĩ его +ĠÑģÑĢед ÑģÑĤва +ĠÐł аÑģ +ãģª ãģģ +ÙĨ Ù쨳 +ר×Ļ ×ķף +Ñģ Ñĥд +ĠìĿ¸ ê°Ħ +ĠاÙĦÙħ ÙĤبÙĦ +ÙĨ عÙħ +تÙĪ Ù쨱 +ש ×ij×¢ +ı lm +ılm Ä±ÅŁ +Ġ×ľ×ª ת +تص Ùģ +×Ķפ ×ķ×ļ +à¹ĥà¸Ļ à¸Ľà¸µ +ìĿ´ ê³ł +Ùģ ÙĪØ² +à¸ľà¸¥ à¸ĩาà¸Ļ +ĠGi áo +à¸ļà¸Ńà¸ģ วà¹Īา +Ġd Ä±ÅŁ +ĠdÄ±ÅŁ ında +ì£ ½ +Ġdzie ÅĦ +к ÑĨии +и ÑĨе +ãģ® ä¸Ģ +ع Ø´ +пÑĢ ÐµÑģÑģ +หà¸Ļ à¹Īà¸Ńย +ลัà¸ģษ à¸ĵะ +Ġpossibilit Ãł +à¹Ħà¸Ķà¹īรัà¸ļ à¸ģาร +หย ุà¸Ķ +Ġphi ên +çĶŁ ãģ¾ãĤĮ +Ø· ÙĪÙĦ +ÑĦ ин +f ür +ØŃ ÙĬاة +íĸ ĪìĬµëĭĪëĭ¤ +׼ ׳×ķת +à¸Ľà¸£à¸° ส +à¸Ľà¸£à¸°à¸ª à¸ļ +à¸Ľà¸£à¸°à¸ªà¸ļ à¸ģารà¸ĵà¹Į +ëIJĺ ìĹĪ +Ġkaż dy +Ġl uyá»ĩn +ĠоÑĢганиз аÑĨии +å°ij ãģªãģı +ÑģÑĤÑĢо ен +Ġtécn ico +×§ ×Ķ׾ +Ġ×ķ×IJ ×Ĺ +ĠعÙĦÙĬ Ùĥ +Ñī ение +Ġ×Ķ ×Ļ׾×ĵ×Ļ×Ŀ +ÙĪØ³ ائÙĦ +Ġ×ķ ×Ķת +تÙħ ÙĬز +ĠÑģ казал +Ġпол и +Ġ×Ķ×ŀ ס +ÙĦÙij Ùİ +Ùħؤس سة +Ġ×ŀ ×Ļ×ĵ +ãģ£ ãģ¡ +ĠëĦĪ ë¬´ +à¸ŀ ี +Ġt ặng +Ġt ấn +ר ש×Ŀ +Ġméd ica +Ġ×¢ ×ķ×ŀ +Ġ×¢×ķ×ŀ ×ĵ +ÑĦ оÑĢ +Ùħر Ø© +Ġvat anda +Ġvatanda ÅŁ +Ġдел о +à¸Ļ ม +ãģ¨ åIJĮãģĺ +Ùģ Ùī +Ñģ оÑĢ +Ġ×Ķס ר×ĺ +Ġép oca +ìłķ ì±ħ +ĠÑģвÑıз ан +ض رب +ĠÙĦ ÙĨا +Ġuży wa +ĠاÙĦج ÙĬØ´ +Ñİ ÑĢ +×ijס ×ķ×£ +Ġм Ñĥ +ĠмÑĥ зÑĭк +bilit é +Ġma ç +س Ùİ +ت ÙĦÙĥ +ãģ ¬ +ÙĬ ÙĦا +ÑĪ Ð»Ð° +ÙĢÙĢ ÙĢ +Ġод ной +зв ан +ĠÑģ ÑĢаз +ĠÑģÑĢаз Ñĥ +ÙĨ ظÙħ +را Ùĩ +ĠÙĦÙĩ ذا +׼ ×ķר +Ġ×Ķש ×ij×ķ×¢ +Ġ×Ķש ת +ĠQu ảng +ãĥ« ãĥ¼ +ãģĪ ãģªãģĦ +×ĺ ×IJ +Ġmi á»ģn +ĠPh áºŃt +ĠاÙĦس ÙĪÙĤ +Ä Ĥ +ĠاÙĦج Ùħع +ĠاÙĦجÙħع Ø© +ÑİÑī ей +a ÅĤem +عت ÙĤد +Ø£ ÙĦÙħ +Ñģ ке +ĠìĿ´ íķ´ +ÙĨس Ø® +è¨Ģ ãģĦ +д обав +سب ÙĤ +×¢×ķר ר +ÑĤи п +ãģĿãģĵ ãģ§ +vis ión +عÙĪØ¯ Ø© +ë¨ ¹ +×ŀ ×ĸר×Ĺ +ĠØ¥ ØŃ +Ġ׾×ij ×Ļף +Ġ׾צ ×IJת +Ġyard ı +Ġyardı mc +Ġyardımc ı +İ Z +×§ פ×Ķ +tr é +liÄŁ ini +клÑİÑĩ а +Ġüret im +Ġa yrı +ĠkiÅŁ iler +à¸Ħ à¹īà¸Ļ +à¸Ħà¹īà¸Ļ หา +ĠS á»± +Ġ׼ ס +Ġ×Ľ×¡ ×£ +ĠÑĤак иÑħ +ĠXu ân +Ġл ег +Ġлег ко +Ø«ÙĤ اÙ쨩 +ÐĿ Ðŀ +ãĤ¹ãĤ¿ ãĥĥ +ãĤ¹ãĤ¿ãĥĥ ãĥķ +åIJĪ ãģĦ +Ġ×Ķש ×Ļ×ŀ×ķש +man ız +ĠÐĴ аÑģ +g ün +ìľĦìĽIJ íļĮ +Ġwsp óln +ĠÑģв ое +í ĥģ +à¹Ģà¸Ļ ีย +ÙĪØ¨ Ø© +в Ñıз +ı dır +ëIJĺ ìĹĪëĭ¤ +ĠdeÄŁi ÅŁtir +ãĤĭ ãģĵãģ¨ãģĮ +Ġ×Ĺ×ĵ ש×Ķ +ãĤīãĤĮ ãģ¦ãģĦãĤĭ +×Ĺ×Ļ ×Ļ×ij +ĠÐļ аÑĢ +׳×Ļת ×ķ×Ĺ +Ġ×§×ĺ ף +ר ×ĸ +ÙĪ Øº +èªŃ ãģ¿ +Ġت ÙĤÙĪÙħ +ĠÙĥ اÙĦ +à¸Ŀ ึà¸ģ +Ġë°ľ ìĥĿ +ológ ico +ر اع +à¹ģà¸ģà¹ī à¹Ħà¸Ĥ +ĠÑĢабоÑĤ Ñĥ +ÙĨÙij Ùİ +à¸Ńยูà¹Ī à¸Ĺีà¹Ī +ĠاÙĦØ« اÙĨÙĬØ© +ĠNh ân +Ñħ ваÑĤ +ö ne +Ġع دة +à¹ģ สà¸ĩ +ÑĤ оп +пÑĥÑģ ка +شر اء +ĠÐļ ом +Ġפע ×ķ׾×Ķ +ìĤ¬ ìĿ´ +ìĤ¬ìĿ´ íĬ¸ +è¡Į ãģ£ãģ¦ +Ġ×Ķ ×Ķת +ĠÑģÑĤ оÑĢо +ĠÑģÑĤоÑĢо нÑĭ +در س +à¸ĭ ู +à¸ķà¹Ī ำ +ĠØ£ بÙĬ +под об +ãģ« ãģ¦ +ار تÙģØ§Ø¹ +ĠÙħ ؤ +ик ов +ge führt +มืà¸Ń à¸ĸืà¸Ń +ĠÙĦ ÙĤد +ĠØ£ÙĨ Ùij +سÙĬ طر +ãģ¾ãģļ ãģ¯ +ס ×ĵ +Ñģк олÑĮко +ãģ¿ãģŁãģĦ ãģª +×ĵר ×Ĵ +×¢ ×Ļ×ĵ +à¹ĥหà¹ī à¸ļริà¸ģาร +ĠÐĶ Ð¸ +×ij×¢ ×Ļ×ķת +Ġ×Ķ×Ĺ ×ķ +пиÑģ ÑĮ +ĠاÙĦØ® ÙĦ +б ав +Ġİ lk +ĠاÙĦØ® Ùħ +ĠاÙĦØ®Ùħ ÙĬس +ĠÙĬ ÙĤÙĪÙħ +æĻĤ ãģ® +ĠsÅĤ ow +ĠØ£ ÙĩÙħ +Ø®ÙĦ ÙĤ +ĠØ£ صبØŃ +Ġchứ a +Ġth ác +Ùģ Ø§ÙĦ +Ġch á»Ŀ +ĠاÙĦØ® ار +ĠاÙĦخار ج +ĠاÙĦخارج ÙĬØ© +Ø· ائر +Ġt Ãł +ĠtÃł u +à¸ģล à¹īà¸Ńà¸ĩ +ĠاÙĦÙħر Ø£ +ĠاÙĦÙħرأ Ø© +åħ¨ ãģı +ĠÃĸ n +çļĦ ãģ«ãģ¯ +Ġpiè ce +×Ĵ ×Ļ×ij +ĠاÙĦ ÙĪØ§ÙĤع +ä»Ĭ ãģ® +ĠاÙĦÙħ ÙĤ +cz nÄħ +Ù쨹 اÙĦ +ен ного +ĠÑĦак ÑĤ +ìĭł ì²Ń +ĠÐŀ ни +ĠاÙĦبÙĦ اد +ов иÑĩ +ëı Į +ÑĦ ÑĥнкÑĨи +Ġìĸ´ ëĬIJ +ãĥķãĤ© ãĥ¼ +d ÃŃ +ил оÑģÑĮ +Ùħ Ùī +ĠاÙĦØ£ÙħرÙĬ Ùĥ +ĠاÙĦØ£ÙħرÙĬÙĥ ÙĬØ© +×ĺ ×Ļפ×ķ׾ +íĶĦ ë¡ľê·¸ +íĶĦë¡ľê·¸ ëŀ¨ +Ġש ×ķ׳×ķת +Ø´ ÙħÙĦ +ĠпаÑĢ Ð° +Ġ×Ķ×Ĺ ×ķ×§ +ÙĪØ² ارة +ãģ¨ ãģĻãĤĭ +Ġqu ảng +ĠaÄŁ ır +ĠاÙĦÙĦ ج +ĠاÙĦÙĦج ÙĨØ© +ê¸ ´ +ĠT ân +ج ÙħÙĦ +д ол +à¹ģà¸ŀ à¸Ĺย +à¹ģà¸ŀà¸Ĺย à¹Į +Ġר×IJ ש×Ļ +Ñī ей +Ġçev re +Ġкомп лекÑģ +Ġ×ij ×ŀש×ļ +Ġalt ın +ĠØ£ عÙħاÙĦ +ĠÑģво его +ãĤĪ ãģĦ +×Ĺ׾ ×Ļ×ĺ +×ŀ׳ ×¢ +Ġר ×ij×Ķ +ĠØ£ÙĬضا Ùĭ +×ĸ ׾ +ĠاÙĦسÙĬ اسÙĬ +æĢĿ ãģĨ +קר ×§ +קרק ×¢ +ĠاÙĦÙģ Ø±ÙĬÙĤ +б иÑĤ +×§ ׳×Ķ +ĠØ¥ ÙĨÙĩ +ĠÐĴ ам +Ðł Ðŀ +ãĥĪ ãĥª +å¿ħè¦ģ ãģª +Ġch âu +ç¶ļ ãģij +Ġçöz üm +gÅĤ ow +ع ÙĤÙĦ +売 ãĤĭ +i ết +à¸Ĭิ à¹īà¸Ļ +ĠØŃÙĤ ÙĪÙĤ +Ø·ÙĦ ع +ĠÄij en +ĠÙĥ اÙ쨩 +ãģ® ãģĶ +Ġë ¬ +Ġë¬ ¼ +Ġ물 ë¡ł +Ġرس ÙĪÙĦ +з ам +зам ен +Ġkullan ıcı +×¢ ×ķ׾ +èī² ãĢħ +ÑĪи ÑĢ +Ġ׊ש +Ġwy gl +Ġwygl Äħda +ש ×Ļ×ŀ×ķש +å¿ĺ ãĤĮ +×¢ ×Ļצ×ķ×ij +ĠاÙĦس ÙĪØ±ÙĬ +å°ij ãģªãģĦ +Ġпо иÑģк +สำ à¸Ļัà¸ģà¸ĩาà¸Ļ +Ġ×ŀצ ×ĵ +Ġmü ÅŁ +ĠmÃ¼ÅŁ ter +ĠmÃ¼ÅŁter i +ĠÙħÙĨ ÙĩÙħ +à¸ķำ à¹ģ +à¸ķำà¹ģ หà¸Ļ +à¸ķำà¹ģหà¸Ļ à¹Īà¸ĩ +ÅĽ mie +Ġש ×ł×ª +Ġ×Ķ ×¤×Ļ +פר ש +×¢×ijר ×Ļת +สà¸Ļ ัà¸ļ +สà¸Ļัà¸ļ สà¸Ļุ +สà¸Ļัà¸ļสà¸Ļุ à¸Ļ +è¨Ģ ãģ£ãģ¦ +à¸ģาร à¸Īัà¸Ķ +ĠMo że +из аÑĨии +ứ t +ĠÙĪØ¨ عد +ĠdeÄŁ ild +ĠdeÄŁild ir +Ġת ×ŀ +Ġ×ŀ×ŀ ׳×ķ +話 ãĤĴ +ĠÑĨ ена +Ġth úc +×Ļ×ŀ ×ķף +ĠB áo +ãĤĴ åıĸãĤĬ +å®ī ãģĦ +Ġ×¢×ķש ×Ļ×Ŀ +èĩªåĪĨ ãģĮ +l ée +ãĤĭ ãģ®ãģ§ +иÑĢÑĥ еÑĤ +ãģ¦ ãĤĭ +ست ر +ĠاÙĦØŃ ÙĬ +×Ļ׾ ×ķת +Ġ×Ĺ ×ij +ÙĤر Ø£ +تÙħ ÙĥÙĨ +س ائÙĦ +prü f +ãģĭ ãģijãģ¦ +ĠÑģоб ÑģÑĤвенно +ĠìľĦ íķĺìŬ +׾ ×Ļ×ĺ +ãģĮ å¤ļãģı +ÙĬت Ùĩا +ç«ĭ ãģ¦ +ม à¸Ńà¸ļ +ìĭľ ìŀ¥ +оÑĢ Ð° +Ġs avaÅŁ +×ĺ×Ļ×ij ×Ļ +×ij ׳×ķ +Ùħا ذا +기 ê°Ħ +ãģªãģ© ãģ§ +Ġ×ŀ ת×Ĺ×Ļ׾ +Ġnhi á»ħ +Ġnhiá»ħ m +ка ÑĢ +каÑĢ ÑĤ +Ġ׾×Ķ ×©×ª×ŀש +׳ ×Ļ×Ĺ +اد ÙĬØ© +ราย à¸ĩาà¸Ļ +Ġprzy kÅĤad +Ñī ий +ØŃض ÙĪØ± +Ġh ôn +à Ŀ +ת ×ķצ×IJ×ķת +راب Ø· +Ġb ếp +ĠполÑĥÑĩ и +åĩºä¼ļãģĦ ç³» +à¸Ľà¸¥ à¹Īà¸Ńย +ĠاÙĦØ´ باب +اÙĩ ÙĦ +ä»Ĭ ãģ¾ãģ§ +رج ع +ãĤ¶ ãĥ¼ +ÙĤ Ùģ +ĠGro ÃŁ +ĠíļĮ ìĽIJ +اج ر +Ġ×ij×ŀ קר×Ķ +Ġseg urança +fü hl +ãģ¦ ãģĦãģı +หม à¸Ń +ĠкоÑĤоÑĢ Ð¾Ð¼ +ĠN Äĥm +ĠdÅĤ ugo +ÙħÙĨ ØŃ +ש×ķ ×ķ×Ļ +ĠØ£ÙĬ اÙħ +ส à¸łà¸²à¸ŀ +r zÄħ +شر Ùĥات +ãĤĴ èĢĥãģĪ +д аÑĢ +à¸Ľà¸£à¸° à¸Ĭุม +Ġ×ķ×IJ ×ĸ +i á»ĩn +Ġt ươi +ש ×Ļ×Ĺ +à¸Ń à¹Īà¸Ńà¸Ļ +æĽ¸ ãģĦãģ¦ +Ġng ữ +×ij×Ļ×ĺ ×Ĺ +×ij×Ļ×ĺ×Ĺ ×ķף +Ġs ẵ +Ġsẵ n +ì§Ģ ëıĦ +ĠпÑĢ ÐµÐ¿ +ĠпÑĢеп аÑĢаÑĤ +Ġна ÑĥÑĩ +ĠÃľ nivers +ĠÃľnivers ites +ĠÃľniversites i +Ġ×Ĵ×ĵ ×ķ׾×Ķ +Ġ×Ķ ×ł×ª +Ġ×Ķ×ł×ª ×ij×¢ +ãģ§ãģĤ ãģ£ãģŁ +Ġmies iÄħ +ĠmiesiÄħ c +г ÑĢам +гÑĢам м +Ġبش Ø£ÙĨ +ĠÑħ ÑĢ +×§ ×Ļ×ĵ +×§×Ļ×ĵ ×ķ×Ŀ +Ø´ Ùĥر +Ġ á»ķ +Ġá»ķ n +ãģĮãģĤ ãģ£ãģ¦ +ãģķãĤĮ ãģ¾ãģĻ +Ġ×Ĺ ×ķ×ĵ +Ġ×Ĺ×ķ×ĵ ש×Ļ×Ŀ +ÙħÙĪØ§ جÙĩ +ÙħÙĪØ§Ø¬Ùĩ Ø© +أش خاص +ب غ +à¹Ģรียà¸Ļ รูà¹ī +ãģĹãģ¦ ãģĦãģı +Ġs ạn +å¿ħ ãģļ +׳ ×Ļ×Ĵ +׳×Ļ×Ĵ ×ķ×ĵ +باÙĦ غ +׊ש×ŀ +×Ĺש×ŀ ׾ +Ġnap raw +Ġnapraw dÄĻ +Ø´Ùĩ اد +×IJ ×ķ×Ķ +×IJ×ķ×Ķ ×ij +и ÑĨÑĭ +Ġ×Ķ ×¨×Ľ×ij +ëŀ ij +Ġת ×¢ +Ġ×Ķ ×Ļש +Ġ×Ķ×Ļש ר×IJ +Ġ×Ķ×Ļשר×IJ ׾×Ļ +Ø£ ÙħÙĨ +ÑİÑī аÑı +sk ór +LER İ +Ġ×Ķ×IJ×Ĺר ×ķף +×¢ ׳ק +ĠÙĪ ÙĥÙĦ +ãģĵãģĵ ãģ§ +Ġqu án +liÄŁ in +à¸ģà¸İ หมาย +Ø· Ùħ +Ø£ جÙĩ +أجÙĩ زة +ĠEr doÄŁan +ãģ§ ãģĬ +Ġв ÑĢа +ĠвÑĢа Ñĩ +ĠPh ó +à¸Ĭั à¹Īว +à¸Ĭัà¹Īว à¹Ĥม +à¸Ĭัà¹Īวà¹Ĥม à¸ĩ +Ġph úc +×Ļפ ×ķת +×¢×Ļ ×ķף +Ġduż o +ãĥģ ãĥ¼ãĥł +ĠÙĬ Ùİ +Ġзад аÑĩ +Ġ×Ĵ×ij×ķ×Ķ ×Ķ +Ġ׼ ׼׾ +лож ен +ét at +Ġng Äĥn +èµ· ãģį +ĠTi ến +ص عب +Ġexperi ência +Ø® Ùħ +à¸ģาร à¸Ĺำà¸ĩาà¸Ļ +س ÙĬد +ĠD á»± +ĠкоÑĤоÑĢ Ð¾Ð³Ð¾ +lad ıģı +Ġkh á»ķ +Ġê³Ħ ìĨį +Ñī ик +สà¹Īวà¸Ļ à¸ķัว +з оÑĢ +ÙĨ Ùı +Ġ à¸Ķัà¸ĩ +Ġà¸Ķัà¸ĩ à¸Ļัà¹īà¸Ļ +Ġc ấu +ĠÄij á»ijc +о ÑĦ +ĠاÙĦØ£ عÙħاÙĦ +ãģªãģı ãģ¦ãĤĤ +×ķ׼ ×Ļ×Ŀ +à¹ģ à¸Ľ +ĠB ên +ãĥ¯ ãĥ³ +Ġgi ám +ĠÅŀ u +Ġd áng +ع ÙĦÙĬ +à¹Ģà¸ģ ษ +à¹Ģà¸ģษ à¸ķร +ÙĪØ¬ ب +н нÑĭе +ÙĤ ضاء +à¸Ħว à¸ļ +à¸Ħวà¸ļ à¸Ħุ +à¸Ħวà¸ļà¸Ħุ ม +ãģ¤ ãģ¤ +ĠVi á»ĩc +×ŀ×ij ×ĺ +ש×Ļת ×ķ×£ +Ġв едÑĮ +k aza +kaza ÅĤ +à¸ķำ รวà¸Ī +ãĤ¿ ãĥ« +Ġпов Ñĭ +ĠповÑĭ ÑĪен +ĠS ợ +ĠìĦ¤ ëªħ +ĠÃĩ ünkü +ìĥĿ íĻľ +Ö ¾ +ãĤĮ ãģ¦ãģĦãĤĭ +Ġ×ij ר×IJש +ר ×ķ×Ĵ +Ġо ÑĦи +ĠоÑĦи ÑĨиалÑĮн +ĠÑĥ ÑģÑĤанов +ĠÑĥÑģÑĤанов лен +ĠاÙĦÙħ صر +ĠاÙĦÙħصر ÙĬØ© +ĠÐŁÐ¾ ÑįÑĤомÑĥ +ÙĨ صÙģ +ĠÙĪØ§ÙĦ ÙĨ +Ġh Ãłi +à¸Ħ ิ +ĠApr ès +ì³ IJ +à¹Ģà¸ĭ ีย +×ĵ ×ŀ×Ķ +activ ité +à¸Ħิà¸Ķ วà¹Īา +ÑĤ ÑĢен +à¹Ģ ฮ +ãĥı ãĤ¤ +ãģĮ å¢ĹãģĪ +ен наÑı +Ġìĺ¤ ëĬĺ +ãĥ¢ ãĥ³ +Ġкон еÑĩно +ĠÙħÙĤ ابÙĦ +cl é +Ġh ü +Ġth ẳng +ìłģ ìĿ´ +ĠÐIJ лекÑģ +ĠÐIJлекÑģ ан +ĠÐIJлекÑģан дÑĢ +ãĥŀãĥ³ ãĤ·ãĥ§ãĥ³ +ãģ²ãģ¨ ãģ¤ +ãģª ãģĬ +à¹Ģà¸Īà¹īา à¸Ĥà¸Ńà¸ĩ +ëĵľ 리 +Ø´ اء +ĠsaÄŁ lık +ĠÅŁ imdi +×Ļ×IJ ׾ +تأ Ø«ÙĬر +Ø£ سب +أسب اب +ĠвÑĭполн ен +л ок +ש ×Ļ×ij×Ķ +Ġl ắm +ĠTr Æ°á»Ľc +Ġ×Ķ×¢ ׾ +리 를 +ĠÑĢ ÐµÐ¶ +ĠÑĢеж им +int é +inté gr +×Ĵ ׳×Ļ +ĠاÙĦØ´ عر +Ġmil hões +Ġpeque ño +ãĤ³ ãĥ¼ãĤ¹ +×ķ׼ ×Ĺ +à¹Ģà¸Ĭ à¹īา +شر ÙĤ +Ġh ương +รัà¸IJ à¸ļาล +à¸ģล าย +à¸ģลาย à¹Ģà¸Ľà¹ĩà¸Ļ +Ġпод Ñħод +תש ×ķ×ij×Ķ +ãģıãģª ãģ£ãģ¦ +ĠاÙĦØ£Ùħ Ùħ +ĠH á»įc +ĠwspóÅĤ pr +ĠwspóÅĤpr ac +Ñĩ Ñĥв +ÑĩÑĥв ÑģÑĤв +ÃŃst ico +à¹Ģà¸ģ าะ +ìĽ Ģ +Ġназ ад +ãĤĭ ãĤĪãģĨãģ« +ĠС Ш +ĠСШ ÐIJ +м он +ĠAs ÃŃ +×ķר ×Ĵ +полн ен +×ŀס ׾ +×ŀ×¡×ľ ×ķ׾ +à¹Ģลืà¸Ń à¸Ķ +à¹Ģริà¹Īม à¸ķà¹īà¸Ļ +ĠاÙĦØ¥ Ùħ +ĠاÙĦØ¥Ùħ ارات +צ×Ķ ×¨ +ãĥ¡ãĥª ãĥĥãĥĪ +ĠпоÑĤ ом +в из +ĠÙģ ØªØ±Ø© +å¾Į ãģ® +ÐĿ ÐIJ +×ŀס ר +ÙĬر ÙĬ +pr é +Ġte ÅŁek +ĠteÅŁek kür +Ġöd eme +د اÙĨ +ãģ¾ ãģĹãģ¦ +缮 ãģ« +ĠÑĤ еÑĩение +l ard +lard ır +à¹Ģรา à¸Īะ +ס פ×Ļ +ĠÙĪÙĥ ذÙĦÙĥ +Ġh át +Ġt á»Ļc +à¸Ħุ ย +Ġb ức +ØŃ ÙĬÙĨ +èģŀ ãģĦãģ¦ +Ùħؤ شر +ĠNh ư +Ġмен ее +ละ à¸Ħร +Ñģ ин +ĠÑĢ ÐµÐº +ĠÑĢек л +ĠÑĢекл ам +ĠÙģ ÙĩÙĪ +Ġ׾ ×ĸ +×Ļ׳ ×ķת +ĠÅŁ art +ÑģÑĤав ка +Ġíı¬ íķ¨ +ãģ«è¡Į ãģı +ï¼ Ŀ +ĠпозволÑı еÑĤ +Ġת×ķ׼ ׾×ķ +ов ал +صÙĦ Ø© +Ġ׾ש ׳×ķת +ĠÐĺ гÑĢ +ÙħÙĨتج ات +Ġsat Ä±ÅŁ +Ñģ ко +ĠاÙĦØ«ÙĦاث اء +Ġ×Ķ×ĵ×ijר ×Ļ×Ŀ +ãģĹãģ¾ ãģĹãĤĩãģĨ +بÙĤ Ùī +åĬĽ ãĤĴ +ĠÃĩ ok +ãĥģ ãĥ¥ +à¹Ģà¸Ĭ ืà¹īà¸Ń +ยุ à¸Ħ +ศา ล +Ġ×§×ķ×ĵ ×Ŀ +×ĸר ×Ļ×Ŀ +ãģ® åł´åIJĪ +ĠìķĬ ìķĺ +ãģĤãĤĬãģ¾ãģĻ ãģĮ +×IJ שר +è¡Į ãģı +ãģ» ãģĭ +æ°Ĺ ãģ«ãģªãĤĭ +й деÑĤ +íķĺìĺĢ ëĭ¤ +ستÙħر ار +ĠÐŁÑĢ Ðµ +ĠÑģ боÑĢ +ĠìķĦ 무 +ç§ģ ãĤĤ +ع ص +Ġн иÑĩ +ĠниÑĩ его +ĠпÑĢи ем +×§ ×ķ×ŀ +ĠìĪĺ ëıĦ +Ġì ¡´ +Ġì¡´ ìŀ¬ +ĠØ£ Ø«ÙĨ +ĠأثÙĨ اء +ĠÙĪØ§ÙĦ ØŃ +ãģĮ ãģ§ãģįãĤĭ +Ġת ×Ķ +Ġת×Ķ ×Ļ×Ķ +ר ף +ĠÑģвÑıз и +×Ĵ שת +Ñģп екÑĤ +ס ×ij×Ļ×ij +ס×ij×Ļ×ij ×Ķ +ĠíķĦìļĶ íķľ +ت خصص +Ġж ив +Ġжив оÑĤ +ĠMay ıs +تع ا +تعا ÙĪÙĨ +ĠعÙĨ Ùĩا +ów ki +ĠاÙĦÙģÙĦسطÙĬÙĨ ÙĬ +ãģłãģijãģ§ ãģªãģı +ìĿ¸ ì§Ģ +ĠاÙĦس ÙĪØ¯ +ĠاÙĦسÙĪØ¯ اÙĨ +إجراء ات +Ġkö tü +Ġ×Ļ ×ª×¨ +×Ĵ ×Ļש×Ķ +Ġצ ×ķר×ļ +รà¸ĸ ย +รà¸ĸย à¸Ļà¸ķà¹Į +Ñħ оÑĤ +Ðł ÐIJ +ÙĪ Ø·ÙĨ +Ġsay ısı +ס ×Ĺר +Ùħ ÙĪÙĦ +ãĤĴæĮģ ãģ£ãģ¦ +ع اÙĨ +Ġt á»Ļi +ĠвÑĭ ÑĪе +Ġt ầm +ãĥĪ ãĥ¬ +×Ļצ ×ķ +ม ุม +س ÙĪØ¯ +ìłĦ ìŀIJ +ãĤµ ãĥŃãĥ³ +ìĤ° ìĹħ +ĠоÑģнов ан +Ø® Ù쨶 +רצ ×Ķ +بÙĬ ض +×ķÖ ¹ +ס×Ļ ×Ļ×¢ +Ġש ×IJ×Ļ +ĠاÙĦÙĤر Ø¢ÙĨ +ĠТак же +×ŀש ×ŀ×¢×ķת +س ÙĩÙĦ +Ġ×Ķ ×ł×Ķ +ãĤĴ ãģĹãģ¦ãģĦãĤĭ +×Ļ ×Ļס +×Ķ ×ķ×IJ +ĠB ÃŃ +Ġмал о +ĠëͰëĿ¼ ìĦľ +Ġר ×Ĺ×ij +ãģĮ é«ĺãģĦ +ÙĪ Ø§Ø³ +ìĤ ¼ +׳ ×¢ +ãģ£ ãģ¡ãĤĥ +ĠT üm +à¸Ńีà¸ģ à¸Ķà¹īวย +ãģĹãģ¦ ãģıãģłãģķãģĦ +ÙĨØ´ اط +ãĥĹ ãĥ©ãĥ³ +али ÑģÑĮ +×ĵ ×ľ×ª +Ġwc zeÅĽ +ĠwczeÅĽ niej +ĠÑįÑĤ им +Ġthá»ĭ t +à¸ļ ัà¸į +à¸ļัà¸į à¸Ĭี +ãģļ ãģ£ãģ¨ +ÑĢ Ð¸Ð½ +Ġswo jÄħ +íķĺëĬĶ ëį° +Ġë§Įëĵ¤ ìĸ´ +تش Ùĥ +تشÙĥ ÙĬÙĦ +ائ Ùĩ +Ġ׾פ ×Ĺ×ķת +ãĥĭ ãĥ¥ +ãĥĭãĥ¥ ãĥ¼ãĤ¹ +׼×IJ ף +ãģ§ãģį ãģŁ +зв он +Ġsta ÅĤ +×Ĺ×ijר ת×Ļ +ĠØ£ عÙĦÙĨ +à¹ģà¸ļà¸ļ à¸Ļีà¹ī +بد Ø¡ +ãĤģ ãģŁ +Ġ×ŀש ×ŀ×¢×ķת +Ġ×ŀש×ŀ×¢×ķת ×Ļ +ör ü +Ġh ạnh +z ähl +ĠL ý +Ġ×ij ×Ķת +Ġ×ij×Ķת ×IJ×Ŀ +б аÑĢ +ì¦ Ī +ä»ĬåĽŀ ãģ® +Ġy ü +Ġyü ks +Ġyüks el +ãĤ½ ãĥ¼ +ãģĤ ãĤĮ +ת ׾×ŀ×Ļ×ĵ +ãģ¤ ãģª +×ij ׳×Ļ×Ŀ +Ġx ếp +ĠмÑĥж Ñĩин +ĠاÙĦÙĥ تاب +׼ ×ŀ×ķת +Ġç e +Ġçe ÅŁ +ĠçeÅŁ it +ĠçeÅŁit li +×ĵ ×Ļר×ķת +à¸ļุ à¸į +ĠاÙĦØ¥ ÙĦÙĥ +ĠاÙĦØ¥ÙĦÙĥ ترÙĪ +ĠاÙĦØ¥ÙĦÙĥترÙĪ ÙĨÙĬ +ĠباÙĦØ¥ ض +ĠباÙĦإض اÙ쨩 +Ġyö nel +Ġyönel ik +mys ÅĤ +à¸Ķà¹īวย à¸ģาร +à¸ģาร à¸Ĺำ +ов Ñĭм +Ø£ زÙħØ© +æİ¢ ãģĹ +íļ ¨ +Ġ×ķ×IJ ×Ŀ +Ġnghi êm +ÑĪ Ð¸Ð½ +ка л +Ġcrian ças +èĩªåĪĨ ãģ§ +Ġн ай +Ġнай ÑĤи +ĠS á»ij +ĠÃ¶ÄŁrenc iler +ãĥ¶ æľĪ +Ñģ ан +ĠJ á +ĠkonuÅŁ ma +شر Ø· +ëĪ Ī +ar rière +ضر ÙĪØ±Ø© +ãĥĶ ãĥ³ +×¢ שר +аÑĢ ÑĮ +جÙħ اع +Ġdé co +Ġ×Ļ×Ķ ×ķ×ĵ×Ļ +à¸ŀ ลาà¸Ķ +ĠÙĬ ÙĥÙĨ +Ġج اÙħعة +Ø· بÙĤ +Ġbo ÅŁ +×ķ ×ķ×IJ +×ŀ×ĵ ×¢ +×§×ij×ķצ ת +פ ×Ļר +jÄħc ym +ÙħØ´ ا +Ùħشا ÙĥÙĦ +צ פ×ķף +Ø¥ ست +×ŀ׼ ר +سÙħ ع +Ġкак ой +ÑĤ воÑĢ +ØŃ ج +Ù쨱 ض +пÑĢав лен +Ġник ак +Ġmi á»ĩ +Ġmiá»ĩ ng +ü ÃŁ +иÑĢов ал +׾ ×ŀ×ķת +次 ãģ® +ÙĦ Ø· +à¸ķ ัà¸Ļ +×Ķ ×ª×Ĺ×Ļ׾ +Ġfoto ÄŁ +ĠfotoÄŁ raf +طر ØŃ +à¸Ńà¸Ńà¸ģ à¹Ħà¸Ľ +Ġy ên +Ġп ок +Ġпок Ñĥп +ĠпокÑĥп а +ÑĨ Ñĥ +Ġкомп ÑĮÑİ +ĠкомпÑĮÑİ ÑĤеÑĢ +ĠاÙĦÙĥ رÙĬÙħ +تص Ùħ +تصÙħ ÙĬÙħ +Ġоказ а +Ġzar ówn +Ġzarówn o +ëĮĢ ì¶ľ +ãĤ»ãĥ³ ãĤ¿ãĥ¼ +Ġjako ÅĽci +æĤ © +æĤ© ãģ¿ +Ø£ÙĨ ÙĪ +Ø£ÙĨÙĪ Ø§Ø¹ +ë¹ ł +Ġìłķ ë§IJ +Ġk ẻ +ĠÑģай ÑĤа +Ġ×Ķ ×¢×¨×ij +Ùĩ ز +pres ión +ĠÑģÑĤ ен +ãģ£ãģ¦ ãĤĭ +Ġhız lı +Ðļ ÐIJ +×ŀשפ ×Ĺת +ĠÙĨ Ùĩا +ĠÙĨÙĩا ÙĬØ© +ãģ¾ ãģĦ +о ÑħÑĢан +ร à¹īà¸Ńย +ล ึà¸ģ +ĠÙĪØ¨ اÙĦ +ãĤĤãģ® ãģĮ +ר׼ ×Ļ×ij +ãĤ¤ ãĥ¤ +س ؤ +سؤ اÙĦ +ĠÙĦØ£ÙĨ Ùĩ +ĠkonuÅŁ tu +Ðļ ÑĥпиÑĤÑĮ +Ġש×IJת ×Ķ +ĠÙĪØ§ÙĦ س +Ġmożliwo ÅĽci +Ġpró b +ëĶ ° +ãģ© ãĤĮ +ĠÐľ ин +ĠоÑĢганиз м +ãģ«å¯¾ ãģĻãĤĭ +ĠPr é +Ġpriv é +ch è +ãģĦãģŁãģł ãģį +สà¸Ļุ à¸ģ +ajÄħ ce +ĠD zi +ĠDzi ÄĻki +ÅĤat w +r än +rän k +æĿ¥ ãģŁ +Ġ×Ķ×Ļ×Ķ ×ķ×ĵ×Ļ +ãĤ¬ ãĥ¼ +ĠÑĢаР´ +ĠÑĢад и +к ÑĤив +Ø£ Ùĩد +Ø£Ùĩد اÙģ +ש ×IJ×Ļר +ãģ¦ ãģĦãģªãģĦ +Ġfr üh +Ġок ол +Ġокол о +Ġreg ião +ĠÑĩиÑģ ле +Ġpon iew +Ġponiew aż +ìĦ¼ íĦ° +Ġb ầu +Ġê · +Ġê· ľ +Ġê·ľ ìłķ +ĠH òa +ĠÑĤ оÑĤ +ãĤĤ å¤ļãģĦ +ĠاÙĦإسÙĦاÙħ ÙĬØ© +ãģĭ ãģĦ +Ñį н +ĠÑĥказ ан +ĠÑĤак ое +ï¼ ³ +ëĮĢ íķĻ +Ġgen iÅŁ +ĠاÙĦØ® ÙĬ +ĠاÙĦØ®ÙĬ ارات +ãĤĴè¡Į ãģĨ +ש ×ŀ×Ķ +ĠLÃł m +ÙĪÙĨ ÙĬ +Ġ×IJ ׾×Ļ×ķ +Ä ĺ +à¹Ħมà¹Ī สามารà¸ĸ +人 ãģ¨ +بر ز +×Ļס ×ķ×ĵ +×Ĵ ׾×Ļ +ĠÙĬ ÙĨا +ĠÙĬÙĨا ÙĬر +ĠкаÑĢÑĤ ин +Ġt ôn +à¹Ģ à¸ģร +à¸Ħ à¸Ķี +Ġ׾×IJ ×ķר×ļ +ãĤĤãĤī ãģĨ +ãģĭ ãģĭãĤĭ +ани и +Ġara ÅŁtırma +ÙĦاØŃ ظ +ãģĦ ãĤĦ +ĠT Ãłi +Ġ à¸Ļà¸Ńà¸ģà¸Īาà¸ģ +Ġà¸Ļà¸Ńà¸ģà¸Īาà¸ģ à¸Ļีà¹ī +ĠÄIJ ảng +ãģ£ãģ¦ ãģįãģŁ +Ġà¸ĭึà¹Īà¸ĩ à¹Ģà¸Ľà¹ĩà¸Ļ +Ġt ả +Ġmożliwo ÅĽÄĩ +ĠS ản +Ġİ ki +Ġc ắt +س Ø£ÙĦ +Ġbak ım +Ø´ ب +à¸ķ ีà¹ī +à¸ŀ ยาย +à¸ŀยาย าม +สั à¸Ľ +à¸ªà¸±à¸Ľ à¸Ķา +à¸ªà¸±à¸Ľà¸Ķา หà¹Į +ë° Ģ +еÑĢ Ñĭ +Ġc ánh +Ġthu ế +ت بع +ãģ«åħ¥ ãĤĮ +Ñİ ÑģÑĮ +íļĮ ìĿĺ +ç°¡ åį +ç°¡åį ĺ +ç°¡åįĺ ãģ« +Ġtr úc +ĠاÙĦÙĥ ÙĪÙĬ +ĠاÙĦÙĥÙĪÙĬ ت +ãĤıãģij ãģ§ãģĻ +ĠÑģв об +ĠÑģвоб од +ĠÑĥÑĩаÑģÑĤ ник +สิ à¹īà¸Ļ +ĠпÑĢо ÑĦеÑģÑģиона +ĠпÑĢоÑĦеÑģÑģиона лÑĮн +Ñģп оÑĢ +×Ĺ ×ķ×ij×Ķ +Ùħع ÙĨÙī +ĠاÙĦÙģ ØªØ±Ø© +สูà¸ĩ สุà¸Ķ +ãĤı ãģļ +ĠÄij è +ĠÄijè n +æ¯Ķ ãģ¹ +า à¸ĺิ +Ġmoż emy +à¹ģ à¸ĭ +à¸Īะ à¹Ħมà¹Ī +Ġs ắp +Ðļ Ðŀ +Ġprá ctica +ÙĪÙĥ اÙĦØ© +è¾¼ ãĤĵãģ§ +ológ ica +Ġе Ñī +ĠеÑī Ñij +تع دÙĬÙĦ +ĠØ£ Ùĥد +Ġצר ×Ļ׼ +Ġצר×Ļ׼ ×Ļ×Ŀ +Ø« Ùħ +Ġк ÑĢÑĥ +ĠкÑĢÑĥ п +×ij×Ļ×§ ×ķרת +Ġì¡° ê¸Ī +ãģ¨ãģį ãģ¯ +Ġb ạc +ĠÑĢаÑģ пол +ĠÑĢаÑģпол ож +ĠÑĢаÑģполож ен +ز ÙĬÙĨ +ĠÐļ ÑĢоме +ĠاÙĦÙĨ ظر +×Ķ ×ķ×ĵ +ĠاÙĦس بت +ã썿ĢĿ ãģĦ +Ġpa ÅĦst +ĠpaÅĦst w +ĠÙĦÙĬ ست +ĠбÑĥд Ñĥ +à¸Ĺัà¸Ļ à¸Ĺี +ร าม +ØŃ صÙĪÙĦ +ãģĹãģ¦ãģıãĤĮ ãĤĭ +ĠاÙĦØ¥ سرائÙĬÙĦ +ĠاÙĦإسرائÙĬÙĦ ÙĬ +ãģĵãĤĮ ãģ¾ãģ§ +ìĤ¬ 를 +Ġs ürü +à¹Ģว à¸Ńรà¹Į +à¹Ģà¸ĭ à¸Ńรà¹Į +Ġutilis é +ĠÑģиÑģÑĤем а +Ġdw ó +Ġdwó ch +Ġpróp rio +Ġëĵ± ìĿĦ +arr êt +ĠЧ а +×IJ×ŀ ׳×ķת +عار ض +à¹Ģà¸ģม สà¹Į +Ġ׾×Ķ ×ij×Ļף +Ġ׾ ×ij×Ĺ +Ġ׾×ij×Ĺ ×ķר +สา à¸Ĥา +ĠÐľÐ¾Ñģк ве +ب عد +ĠاÙĦÙĤر ار +ĠÄIJ á»ĭa +Ġ×Ĺ ×Ĵ +Ùģ ØªØ± +ÙĪÙĨ Ø© +Ġ×Ķ×ĸ ×IJת +å¸Ĥ ãģ® +ãģ» ãģĹãģĦ +Ġ×ij×¢ ×Ļר +ĠÑĤеп еÑĢÑĮ +ìĬµ ëĭĪê¹Į +à¹Ħม à¹Īว +à¹Ħมà¹Īว à¹Īา +à¹Ħมà¹Īวà¹Īา à¸Īะ +×ŀ ×IJ×Ķ +æĥħ åł± +æĥħåł± ãĤĴ +غ ÙĨ +Ġпо Ñı +ĠпоÑı ви +éģİ ãģĶ +تش غ +تشغ ÙĬÙĦ +в ел +Ġ×Ĺ ×ŀ +ãģ¨ãģªãĤĬ ãģ¾ãģĻ +Ġra ÄŁ +ĠraÄŁ men +ãģĭ ãģ©ãģĨ +ãģĭãģ©ãģĨ ãģĭ +ен ко +ì§Ģ ê³ł +Ġ×IJ׾ ×Ļ×Ķ +ĠØ£ ÙĦ +à¸Īำ หà¸Ļ +à¸Īำหà¸Ļ à¹Īาย +nız ı +Ġ׾ק ×Ĺת +Ø£ ÙĩÙħ +Ø£ÙĩÙħ ÙĬØ© +ت غÙĬر +ש ×Ĺר +ס×ķפ ר +×ĵ ×Ļר +èī¯ ãģĭãģ£ãģŁ +×ŀ׾×Ĺ ×ŀ×Ķ +ÑģÑĤв ие +ÑĤ ÑĢаÑĤ +ĠاÙĦØ£ Ø® +ĠاÙĦأخ ÙĬرة +ĠاÙĦØŃ صÙĪÙĦ +Ġcréd ito +צ ×Ļ×¢ +ãĥ¬ ãĥĻãĥ« +بر ÙĬ +ëIJ IJ +ãģł ãģ£ãģ¦ +Ġreal tÃł +س Ù쨱 +×ķ׳ ×ķ +×Ĵ ×ķ×ĵ +×Ĵ×ķ×ĵ ׾ +ฮ า +ãģĹãģ¦ ãģĬãĤĬãģ¾ãģĻ +Ġg Ãł +Ġ׾×ij צע +å¼ķ è¶ĬãģĹ +Ġ×ŀ ×Ļ׾×Ļ +Ġ×ŀ×Ļ׾×Ļ ×ķף +Ùħ در +Ùħدر سة +פ ×ķ×ĺ +à¸Ļà¹īำ มัà¸Ļ +ëģ Ŀ +ع Ùĥس +ĠÙĤ ض +ĠÑĢÑĭ б +خط Ø· +×ŀ×ķס ×ĵ +Ġ׼׾ ׾×Ļ +ĠкоÑĤоÑĢ Ð¾Ðµ +צ×Ļ ×ķף +ĠмеÑģÑĤ а +ãģĭ ãģ¤ +г ÑĢÑĥпп +׾ ×Ļ׾ +ת ×ķ×IJר +ë³µ ì§Ģ +à¹ģà¸ľ à¹Īà¸Ļ +Ġ×ij×¢ ת +æĻĤéĸĵ ãĤĴ +ï¼ £ +ãģ¨ãģĦãģĨãģĵãģ¨ ãģ§ +Ġ׾×Ķ ×§ +Ġ׾ ×ĸ×Ķ +ĠìłĢ ëĬĶ +ĠاÙĦØ¥ رÙĩاب +ĠìŀĪëĬĶ ëį° +ĠÑĤ огда +Ġ×Ķ ×¦×Ļ +×ķ׾ ×ĺ +Ġר פ×ķ×IJ×Ļ +ãģĵãģ¨ ãģ§ãģĻ +ĠÄij ÃŃch +ØŃ ÙĬا +Ġ×Ķ×ŀש ×Ĺ×§ +ãģľ ãģ² +Ġ×ŀ×IJ פשר +ãģ¿ ãģ¾ãģĹãģŁ +ĠاÙĦØ£ÙħÙĬر ÙĥÙĬ +Ùħج تÙħع +Ġس اب +Ġساب ÙĤ +׼ ×Ļ׾ +Ạ¾ +ãĥª ãĤ¹ãĥĪ +Ġì ĥ +Ġìĥ Ī +ĠìĥĪ ë¡ľ +ĠìĥĪë¡ľ ìļ´ +ĠD á»ĭch +à¹Ģหมาะ สม +ĠاÙĦÙĨ بÙĬ +׾ ׾ +ÙĨ ع +Ðĵ лав +Ðĵлав наÑı +Ùħر ض +Ġ×ķ ×ĵ +ت ÙĤÙĬ +تÙĤÙĬ ÙĬÙħ +Ġb ảng +ĠÙģ ÙĤاÙĦ +×¢ ×ŀ×Ļ +д ÑĢа +Ġsu á»ijt +سر عة +Ġc á»Ń +Ġ×Ķ ×Ļ×Ĺ×Ļ×ĵ +سع ÙĬد +à¸Ńา à¸Ĭีà¸ŀ +Ġس ÙĪØ§Ø¡ +ãĤ½ ãĥķãĥĪ +Ġл иÑĩно +ĠÐļ оÑĢ +اÙĩ تÙħ +اÙĩتÙħ اÙħ +à¸Ń à¸Ķี +à¸Ńà¸Ķี à¸ķ +ãģIJ ãĤīãģĦ +Ġiht iya +Ġihtiya ç +ãģ¾ãģ§ ãģ® +ìĭľ ìĬ¤ +ìĭľìĬ¤ íħľ +ÑĢÑĥ ÑĪ +ãĤĦ ãģ£ãģ± +ãĤĦãģ£ãģ± ãĤĬ +к еÑĢ +Ġ ży +Ġży w +кл он +Ġl ượt +à ¾ +да Ñĩи +tür k +غ ÙĪ +ĠигÑĢ Ð¾Ðº +Ġph ê +Ġש ×¢×ľ +ĠاÙĦÙħ دÙĨÙĬ +ĠìŬ룬 ë¶Ħ +ער ×Ļ×Ŀ +Ñħод ÑıÑĤ +Ġx ứ +ÐĹ Ð° +ĠÙģ Ø±Øµ +à¸Īะ à¸Ĺำà¹ĥหà¹ī +íģ ´ +×¢ ×ij×ķר +à¹Ģหลà¹Īา à¸Ļีà¹ī +èĢĥãģĪ ãĤĭ +ÑĢ ÐµÑģÑĤ +н нÑĭй +Ġc ầm +دا Ø®ÙĦ +ĠÙħÙĦÙĬ ار +ĠÐIJ л +ĠвÑĢем ен +à¸Ĭà¹Īวย à¹ĥหà¹ī +ר×Ļ ×ķת +ëĵ ¯ +飲 ãģ¿ +׳ ׾ +שת ×£ +ĠاÙĦسعÙĪØ¯ ÙĬ +u ÃŁ +ìĿ¸ ëį° +ĠìĿ¼ ë°ĺ +ÅĤ ÄĻ +Ġm á»iji +×ŀ ×Ļ׳ +ĠاÙĦØ£ Ø·Ù쨧ÙĦ +Ġçı kan +é cole +×§ ×Ļש +×§×Ļש ×ķר +ĠоÑģ ÑĥÑīеÑģÑĤв +ĠоÑģÑĥÑīеÑģÑĤв лÑı +×ij ×IJר +à¹Ħà¸Ľ à¸Ķà¹īวย +Ġ×¢ ×ķ׾×Ķ +à¸ģà¹ĩ à¹Ħมà¹Ī +ãĥ¢ ãĥĩ +ãĥ¢ãĥĩ ãĥ« +تØŃ ÙĪÙĦ +Ġод ного +ת×Ĺ×Ļ׾ ת +Ġت Ø® +Ġch cia +Ġchcia ÅĤ +ãĥIJ ãĥ³ +èĢħ ãģ¯ +ĠÙħ ØŃÙĦ +Ñģл ож +Ñģлож н +Ġt ÄĻ +Ġçı kt +Ġçıkt ı +ĠC Æ¡ +à¹Ħà¸Ķà¹ī à¹Ģลย +ır ken +à¹Ģà¸Ĥà¹īา สูà¹Ī +ÙħØŃ Ùĥ +ÙħØŃÙĥ ÙħØ© +à¸Ħุ à¹īม +à¸Ļà¹Īา à¸Īะ +лÑİ Ð´ +де ÑģÑı +деÑģÑı ÑĤ +ĠлÑİб ой +تØŃر ÙĬر +צע ×ĵ +Ġе Ñij +ĠاÙĦØŃ ÙĥÙħ +Ġص باØŃ +à¹Ģà¸ļ à¸Ńรà¹Į +Ġróż nych +ги б +ĠÑģ оÑĤ +ĠÑģоÑĤ ÑĢÑĥд +ĠÑģоÑĤÑĢÑĥд ник +ĠобÑĬ ем +פ ×ĺר +ãģĻãģĶ ãģı +ãģ«éĸ¢ ãģĹãģ¦ +в ол +Ø« ÙħاÙĨ +Ġd ần +æĬ ľ +æĬľ ãģij +Ġ×¢ ש +Ġעש ×ķ×Ļ +ס ×ķף +ãģªãģ® ãģ§ãģĻ +ãģ¯ ãģ©ãģĨ +×ŀ×¢ ר×ij +ï¼ ° +Ùħ صر +ÙħÙĨ اسب +ÙħÙĨاسب Ø© +ä¸Ĭ ãģ® +×IJ×Ļש ×ķר +ĠìĦ¤ ì¹ĺ +×ŀ×ĵ×Ļ׳ ×ķת +×ŀר ת +ãĤĭ ãģ®ãģĮ +د Ùİ +ĠاÙĦشر Ùĥات +ìĭľ ê°Ħ +ĠÑĢеÑĪ ÐµÐ½Ð¸Ðµ +ãģĻãĤĭ ãģ®ãģ¯ +ĠìŀIJìĭł ìĿĺ +׾ ×ŀ×ķ +ãģ¨ãģĵãĤį ãģ§ +Ġ×§ צר +Ġmã i +Ġkü ltür +ãĥ©ãĤ¤ ãĥĸ +à¸ľà¸¹à¹ī หà¸įิà¸ĩ +æĻĤéĸĵ ãģĮ +клÑİÑĩ и +diÄŁ iniz +มาà¸ģ à¹Ĩ +تØŃ ÙħÙĦ +Ġh ạt +ãĤ¦ ãĤ£ +п ле +×ŀ ׾×IJ +ÅĤ ó +Ġg á»ijc +Ġ×IJ ×ķ×ĵ×ķת +หว าà¸Ļ +ĠاÙĦ ÙĪØ² +ĠاÙĦÙĪØ² راء +ëĵ¤ ê³¼ +Ġص ØŃ +ĠصØŃ ÙĬÙ쨩 +Ġм м +تد Ø®ÙĦ +Ġpersön lich +Ġز ÙĬ +ĠزÙĬ ادة +ãĤ· ãĤ¢ +Ġng ắn +à¸Ħล ิà¸ģ +Ġs ông +Ġtü ket +Ñį ÑĦÑĦ +ÑįÑĦÑĦ екÑĤ +ש ×Ļ×ij +Ġا عت +ت ض +تض ÙħÙĨ +ĠاÙĦÙħØ´ رÙĪØ¹ +Ġprodu ção +ĠпÑĢимен Ñı +ни ÑĨÑĭ +주 ëĬĶ +ر Ùı +Ġm Æ¡ +Ġhayat ı +ëŁ ½ +Ġü cret +Ġyan ında +Ġpr ática +×ij×Ļ×§ ×ķר +Ãľ N +Ñģ оÑĤ +ãĤıãģij ãģ§ +Ġдол го +ת ׼×ķ +ĠìķĦ ëĭĮ +ë į°ìĿ´ +Ġç iz +Ġcho Äĩ +Ġ×Ķ ×Ļת +Ġ×Ķ×Ļת ר +Ġso át +׼ ×ij×ĵ +à¹Ģล à¹Īา +Ġд еÑĢ +ĠдеÑĢ ÐµÐ² +ãĤĴ åħ¥ãĤĮ +×Ĺ ×ķס +×Ĺ×ķס ר +ج ÙĬÙĨ +t ón +onn é +Ġпол ноÑģÑĤÑĮÑİ +人 ãģŁãģ¡ +Ġpr êt +ëł ¸ +Ġdéc embre +cı lar +Ġת ת +Ġê²½ìļ° ìĹIJëĬĶ +ÙĪ Ø¹Ø¯ +è¦ĭ ãĤĭ +วิ à¸Īัย +ë ¶Ī +ز ÙĪØ§ +زÙĪØ§ ج +d ì +ãģ§ãģĻ ãĤĪ +Ġвод о +ĠÙĬ ÙĪØ¬Ø¯ +Ñģ оÑģÑĤоÑı +Ðŀ С +ĠÄIJ ó +׊פש +Ġצ ×Ļ×ij×ķר +ĠاÙĦÙĤ Ø· +ĠاÙĦÙĤØ· اع +Ġиме ÑİÑĤ +Ġph áºŃn +×Ľ×¡ פ×Ļ +полн иÑĤелÑĮ +éĻIJ ãĤĬ +ĠÑģ ÑĢав +ĠÑģÑĢав н +ÙħاÙĦ Ùĥ +×ĵר ×ķ×Ŀ +çļĨ ãģķãĤĵ +ØŃÙĤ ÙĤ +à¹ģหล à¹Īà¸ĩ +ĠاÙĦر سÙħÙĬ +оÑĩ ки +×ĺ ×ij×Ĺ +Ġcan lı +Ġ׾ ׾ +Ġ׾׾ ×ŀ×ķ×ĵ +×ŀ×ij ×ķ +ת ׼ +×ª×Ľ ׳×Ļת +ĠاÙĦÙħ شار +ĠاÙĦÙħشار ÙĥØ© +İ Åŀ +ĠسÙĬ اسÙĬ +в олÑĮ +ĠÑģ пÑĢав +æĿ¥ ãģ¦ +פ×ķר ×ķ×Ŀ +สำ à¹Ģรà¹ĩ +สำà¹Ģรà¹ĩ à¸Ī +ĠÅŁ öyle +Ġzosta ÅĤa +ĠH ü +ר ×ķש +د ÙĦÙĬÙĦ +ÑĢи д +ש ף +×ŀ×§ ×ķר +ĠÑĥ Ñĩ +ĠÑĥÑĩ еб +ĠÑį ÑĤа +ков а +à¸ķà¸Ļ à¹Ģà¸Ńà¸ĩ +ÙĨ ÙIJ +à¸Ńีà¸ģ à¸Ħรัà¹īà¸ĩ +ระ à¸ļุ +Ġd ữ +ĠاÙĦØŃ اÙĦÙĬ +׼ ×ķ׼ +׼×ķ׼ ×ij +Ġ×ŀ×IJ שר +Ġtr ụ +ÑĤел ем +Ġв ли +Ġвли Ñı +Ġש×IJת ×Ŀ +Ġuw ag +Ġuwag ÄĻ +×ĺ ×Ļת +×IJ ×ĵ×Ŀ +à¸Ķ ุ +Ġ×Ķ×IJ ׾×Ķ +Ġkar Ä±ÅŁ +ĠÄIJ á»iji +да ÑİÑĤ +ãģªãģ® ãģ« +Äħ cych +à¹Ģà¸Ļ à¹īà¸Ļ +ãģĹãģ¦ ãģĹãģ¾ãģĨ +int érieur +ĠfÃŃs ica +ĠÐŁ ол +ãģĹãģ ķ +à¸Ĺำ à¹Ħม +ĠL âm +ĠاÙĦÙħ سÙĦÙħ +ĠاÙĦÙħسÙĦÙħ ÙĬÙĨ +ص ØŃØ© +ìĹ Ħ +à¹Ģà¸Ķà¹ĩ à¸Ķ +ĠÑĥ ÑĩеÑĤ +â Ìģ +Ġب ÙĦا +ĠاÙĦاجتÙħاع ÙĬ +פרס ×Ŀ +ãĥķ ãĥ© +ĠÐļ огда +mie ÅĽci +ĠبÙĬÙĨ Ùħا +Ġ×ŀ×IJ ×ŀר×Ļ×Ŀ +Ġ×ij×IJ ×ĸ×ķר +×ķש ×Ļ×Ŀ +ĠÑģдел а +entr ée +à¹Ģ à¸Ħà¹īา +Ñĥг л +ĠاÙĦÙģ ÙĨÙĬ +ĠÐĴ оÑĤ +à¸Ĺีà¹Ī มา +×ķצ ×Ĵ +ÙĤد رة +Ġëª © +Ġ목 ìłģ +íıī ê°Ģ +ĠاÙĦØ£ ربع +ĠاÙĦأربع اء +פס ×Ļ×§ +ĠÑıвлÑı ÑİÑĤÑģÑı +ب ÙĪÙĨ +ì° ¾ +×ŀ×¢ ר׼ +×ŀ×¢×¨×Ľ ×ķת +ãĤ· ãĤ§ +ĠباÙĦ Ø£ +íĸĪ ëįĺ +ĠاÙĦبر ÙĨاÙħج +ĠاÙĦØ£ ØŃد +Ġm Å© +ĠmÅ© i +п аÑĤ +ب Ø« +ĠÑĨ енÑĭ +Ġ×ijת ׾ +è¨Ģ ãĤıãĤĮ +ĠاÙĦÙħ جاÙĦ +ĠìĦ¸ ìĥģ +Ġ×Ĵ ×ķפ +ĠнаÑĪ ÐµÐ¹ +Ġкомп аниÑı +б ин +öl ü +×Ļ ×Ļ×ĺ +Ġ×ŀס פ×Ļ×§ +ยัà¸ĩ à¸Ħà¸ĩ +ĠЧ и +Ġан ÑĤи +ĠÑģÑĢед и +สà¹Īวà¸Ļ à¹ĥหà¸įà¹Ī +оÑĩ ка +íĬ¹ ë³Ħ +ว à¹Īาà¸ĩ +гоÑĢ Ð¾Ð´ +با Ùĥ +à¹Ģส ีà¹Īย +à¹Ģสีà¹Īย à¸ĩ +ãĤĤãĤī ãģĦ +×§ ×ķ×Ŀ +ãģĽ ãģļ +ĠاÙĦÙĤ اÙĩرة +Ġ×ij ׼×ļ +Ùħشار ÙĬع +باØŃ Ø« +Ġпо Ñĩ +ĠпоÑĩ ÑĤи +ĠÑĦоÑĢм а +S İ +Ġ×ŀצ ×Ļ×¢ +ล ื +ลื ม +ĠÑĤ еÑĢ +ĠÑĤеÑĢ ÑĢиÑĤоÑĢ +ĠÑĤеÑĢÑĢиÑĤоÑĢ Ð¸Ð¸ +Ġв меÑģÑĤ +ĠвмеÑģÑĤ е +dıkl arı +op ération +à¹Ĥ ห +ص دÙĬ +صدÙĬ ÙĤ +íĸī ìłķ +تج ا +تجا ÙĪØ² +Ġsu ç +Ġar ty +Ġarty ku +Ġartyku ÅĤ +ãĤ·ãĥ§ ãĥĥãĥĹ +ש פ +שפ ×Ļ×¢ +Ġ×Ķש ×Ļר×ķת +à¹ģà¸ĸ ม +ë¸ Ķ +Ġuk ÅĤad +Ġ×ķ ׼×Ļ +หล าà¸ģ +หลาà¸ģ หลาย +æĸ¹ ãĤĤ +Ġpodr óż +ĠE ÄŁer +Ġком наÑĤ +ĠÑģам ÑĭÑħ +Ġв кÑĥÑģ +б еж +Ġ×ij ×§×ķ +æİĽ ãģij +ãģ¿ ãĤĭãģ¨ +ĠiliÅŁ kin +ĠÙĬ عÙħÙĦ +Ġпод аÑĢ +Ġyaz ılı +ãĤĴ å¾Ĺ +Ġwyst ÄĻp +à¸Ĺีà¹Ī à¹ĥà¸Ĭà¹ī +ØŃاد Ø« +ÙĪ ÙĬد +кÑĥ лÑĮÑĤ +кÑĥлÑĮÑĤ ÑĥÑĢ +à¸ģาร à¹ģà¸Ĥà¹Īà¸ĩ +à¸ģารà¹ģà¸Ĥà¹Īà¸ĩ à¸Ĥ +à¸ģารà¹ģà¸Ĥà¹Īà¸ĩà¸Ĥ ัà¸Ļ +ÙħÙĪ Ø¸ +ÙħÙĪØ¸ Ùģ +ÙĬÙħ ÙĬ +ãĤĵãģ§ãģĻ ãģĮ +diÄŁ im +diÄŁim iz +ĠÐŁ еÑĢ +ĠÐŁÐµÑĢ Ð² +Ġm ão +ĠÑģ ез +ĠÑģез он +Ġ×Ķ×ŀ ×¢ +Ùħ جÙħÙĪØ¹Ø© +ĠинÑĦоÑĢм аÑĨии +i ếc +ã ng +ĠÄij ấy +ãģĶ ç´ +ãģĶç´ ¹ +ãģĶç´¹ ä»ĭ +Ġad ım +à¹Ħ หล +Ġп ÑĢакÑĤи +ĠпÑĢакÑĤи Ñĩ +ĠпÑĢакÑĤиÑĩ еÑģ +ĠпÑĢакÑĤиÑĩеÑģ ки +ĠاÙĦÙĨ Ù쨳 +ĠÑĢабоÑĤ е +ÙĦÙĬ Ùģ +ĠاÙĦجÙĨ ÙĪØ¨ +Ġвод Ñĭ +ì¹ Ļ +Ġм иÑĢа +ĠÄij ừng +ĠпÑĢоÑĤив о +ĠÑģÑĤÑĢан Ñĭ +ล ู +ìĤ ¶ +kre ÅĽl +Ġbul und +Ġbulund uÄŁu +à¹ģ สà¸Ļ +ãĤ± ãĤ¢ +ת×Ĺ ×ķ×ŀ×Ļ +ר׼ ×Ķ +Ġ׾ק ×ķ×Ĺ +Ġ׾ק×ķ×Ĺ ×ķת +Ġ×Ľ×ª ×ķ×ijת +ĠÙĦ ÙĥÙħ +ب شر +Ġr Ãłng +Ġ×ŀ×Ķ ×ŀ +Ġ×IJ×Ĺר ×ķת +Ġб он +Ġбон ÑĥÑģ +ï½ Ĺ +à¹ģ ยà¸ģ +ãģĤãģªãģŁ ãģ® +ĠÑĥÑĩаÑģÑĤ ие +ĠE yl +ĠEyl ül +ĠçalÄ±ÅŁmalar ı +Ø® طر +ìĿ ½ +à¸ģาร à¹ĥà¸Ĭà¹īà¸ĩาà¸Ļ +Ġана лиз +תק ×ij׾ +ни ем +Ġİ ns +Ġİns an +ĠبÙĪ Ø§Ø³ +ĠبÙĪØ§Ø³ طة +Ġ׳ ×Ľ×ł×¡ +Ġ×Ķ×ŀ ×Ļ×ĵ×¢ +Ġç o +Ġço ÄŁu +á» ĺ +ĠêµŃ 민 +ãĤĤ ãģĦãģĦ +Ġ׼ ׾×Ļ +ĠÑģÑĢед не +g ÅĤo +gÅĤo ÅĽ +Ġneg ó +Ġnegó cio +ĠÑĢ ÐµÐ³Ð¸ÑģÑĤ +ĠÑĢегиÑģÑĤ ÑĢа +ĠÑĢегиÑģÑĤÑĢа ÑĨии +Ġtr á»ĵng +ĠпÑĢ Ñı +ĠпÑĢÑı мо +ëłĪ ìĿ´ +Ġk ém +к ле +à¸Ļำ มา +ĠÑĦ ин +ĠÑĦин анÑģ +ĠÑĦинанÑģ ов +Ġki á»ĩm +ยัà¸ĩ à¹Ħ +ยัà¸ĩà¹Ħ à¸ĩ +ย ิà¸ĩ +à¹Ĥ à¸Ľ +ĠполÑĥÑĩ ил +×Ļ×ĸ ×Ŀ +à¹ģละ à¸Ħวาม +Ġво обÑīе +ص ÙĬر +ãĥı ãĥ³ +ĠاÙĦÙĤ اد +ĠاÙĦÙĤاد Ùħ +Ġب دÙĪÙĨ +ع ظÙħ +ת ׳×ķ×¢ +×ª×ł×ķ×¢ ×Ķ +Ø£ ÙħÙĦ +ãģķ ãģĪ +ÑĤ ем +ÑĤем пеÑĢ +ÑĤемпеÑĢ Ð°ÑĤÑĥÑĢ +Ġ׾ ×Ļצ×ķר +Ġr ÄĻk +ر سÙĦ +ìŀIJ 를 +Ġ×Ļצ ×Ļרת +ÙĨ بÙĬ +Ñĩ наÑı +تØŃ ÙĦÙĬÙĦ +Ġм ик +Ġмик ÑĢо +ĠS öz +Ġfor ça +Ñģ он +ĠاÙĦع را +ĠاÙĦعرا ÙĤÙĬ +ĠH á»ĵng +ãģĻãĤĭ ãģŁãĤģãģ« +à¸Ĺีà¹Ī à¸Ńยูà¹Ī +Ġ×ķ×IJ ×£ +ص ÙĬد +ĠìķĬ ê³ł +ร ัà¸ĩ +ĠاÙĦت ÙĪØ§ØµÙĦ +à¹Ģม à¸ķร +Ñĥ ÑģÑĤÑĢой +ÑĥÑģÑĤÑĢой ÑģÑĤв +m ıyor +Ġبا سÙħ +Ġ×ķ ׼×ķ +ĠG ül +á» IJ +Ãī tat +غ اÙĦ +Ø¥ ÙĨØ´ +Ø¥ÙĨØ´ اء +T İ +à¸Ĥà¹īา ม +Ġtro ch +Ġtroch ÄĻ +Ø¥ ص +إص ابة +ĠØ« اÙĨÙĬ +ĠاÙĦص ØŃØ© +Ġ×ĸ×Ķ ×ķ +jÄħ cej +ãĥĢ ãĥ³ +ìĿ¸ ìĿ´ +Ġв олоÑģ +ëIJĺ ë©´ +Ġzak ÅĤad +ãģĻ ãģĵãģ¨ +以ä¸Ĭ ãģ® +Ġ×Ķ×ŀ×§ ×ķ×Ŀ +ÙħØ´ اÙĩ +ÙħشاÙĩ دة +Ñĩ ив +ب Ø´ +ย à¹īาย +Ġsür dür +ĠN ẵ +ĠNẵ ng +ĠигÑĢ Ð°ÑĤÑĮ +Ġê·¸ëŁ¬ ë©´ +ãĥķ ãĥ« +ล à¹Īะ +Ġtend rá +Ġb Ãły +à¹Ģà¸Ľà¹ĩà¸Ļ à¸ľà¸¹à¹ī +Ġok o +Ġoko ÅĤo +w ÅĤa +wÅĤa ÅĽci +wÅĤaÅĽci w +æĢĿ ãĤı +ĠYa ÅŁ +ĠB á»ĩnh +íı Ń +بÙĬ د +קר ף +à¹Ģศ ร +à¹Ģศร ษ +à¹Ģศรษ à¸IJ +à¹Ģศรษà¸IJ à¸ģิà¸Ī +ĠاÙĦØ£ ÙĪØ±ÙĪ +ĠاÙĦØ£ÙĪØ±ÙĪ Ø¨ÙĬ +fl äche +ä¹Ĺ ãĤĬ +Ġb á»ģn +Ùĩ ب +æľĢ ãĤĤ +Ġsa ç +à¸Ńำ à¹Ģà¸ł +à¸Ńำà¹Ģà¸ł à¸Ń +ĠØ£ ج +ĠاÙĦد اخÙĦ +ĠاÙĦداخÙĦ ÙĬØ© +×ĺ ×ķ×ij +ãĤĤ ãģªãģı +Ġли ÑĨа +à¹ģลà¹īว à¸ģà¹ĩ +×ĸ׼ ×Ļר +Ġqu Ãł +ĠÙĥ ذÙĦÙĥ +صØŃ Ùģ +ĠÃĤ u +ÙĪØ¨ ا +à¹Ģà¸Ľà¸¥à¸µà¹Īยà¸Ļ à¹ģà¸Ľà¸¥ +à¹Ģà¸Ľà¸¥à¸µà¹Īยà¸Ļà¹ģà¸Ľà¸¥ à¸ĩ +à¸ķัว à¸Ńยà¹Īาà¸ĩ +Ġráp ida +Ġtas ar +Ġtasar ım +ĠعÙĦÙĬ ÙĩÙħ +ס ×ķ׾ +c ılı +cılı k +Ġر غÙħ +ìĭľ íĤ¤ +Ġ×IJ׾ ×§ +Ġ×IJ׾ק ×ĺר +Ġ×IJ׾ק×ĺר ×ķ׳×Ļ +à¹ģà¸ļ à¹Īà¸ĩ +Ġh ạng +ãģ£ãģ¦ ãģıãĤĮ +ĠÙĨ تÙĬ +ĠÙĨتÙĬ جة +ıkl ı +غ اÙĨ +à¸Ĥà¹īà¸Ń à¸Ħวาม +à¸Ľà¸¥ าย +ĠØ£ Ùħس +à¸Ĺีà¹Ī à¹Ģà¸ģีà¹Īยว +à¸Ĺีà¹Īà¹Ģà¸ģีà¹Īยว à¸Ĥ +à¸Ĺีà¹Īà¹Ģà¸ģีà¹Īยวà¸Ĥ à¹īà¸Ńà¸ĩ +Ġdé fin +Ġdéfin i +ÙģÙĨ اد +ÙģÙĨاد ÙĤ +à¹Ħà¸Ķà¹ī วà¹Īา +ãģªãģĦ ãĤĪãģĨãģ« +Ġpróp ria +ĠPh át +ãĤĦãģĻ ãģı +สวย à¸ĩาม +ê³ł ìļĶ +Ñı еÑĤ +ãģĭãĤĤãģĹãĤĮãģ¾ãģĽãĤĵ ãģĮ +تر جÙħ +ĠкÑĢаÑģ ив +Ġ×ŀ ר×IJש +д еж +ĠÙĬ ÙĪÙĨ +ĠÙĬÙĪÙĨ ÙĬÙĪ +Ñģк оÑĢ +ĠKas ım +ê³Ħ ìķ½ +к оÑģ +Ġна ÑĢÑĥ +ĠнаÑĢÑĥ ÑĪен +Ġdu że +acc ès +Ġh á»ĵng +Ġv Å© +ãģĦãģŁ ãģĹãģ¾ãģĻ +Ġ×ĺ ×Ļ +Ġ×ĺ×Ļ ×ķ׾ +lıkl arı +Ġqu ê +ëħ¸ ëıĻ +ìķ Ķ +CI ÃĵN +Ġt ắc +press ão +ĠìŀĪ ìľ¼ +สิà¸Ĺà¸ĺิ à¹Į +íĥ Ħ +Ġ×Ķ×ŀ ×ŀש׾×Ķ +å¬ī ãģĹãģĦ +ĠÄIJ ặc +ÙĨ زÙĦ +ĠдÑĢÑĥг ой +д ÑĥÑĤ +ìĪ Ļ +Ġth ụ +à¹Ģส ร +à¹Ģสร à¹ĩ +à¹Ģสรà¹ĩ à¸Ī +Ġto plant +Ġtoplant ı +×IJ×ŀ ף +×ķ׾ ת +п омн +Ġyo ÄŁun +ÅĦsk iego +ì° © +ĠØ« ÙĦاث +ĠØ«ÙĦاث Ø© +Ġl ắng +ë¦ ´ +ราà¸Ĭ à¸ģาร +ĠÑģлов а +á» Ĩ +à¸Ķี à¸ģวà¹Īา +ãģĶãģĸ ãģĦãģ¾ãģĻ +Ġд из +Ġдиз айн +fé rence +lıkl ar +ãģªãĤĵ ãģ§ãģĻ +ajÄħ cy +Ġëĭ¤ ìĸij +Ġëĭ¤ìĸij íķľ +×§ ×Ļר +ØŃ ار +ส ูà¹ī +Ġz ro +Ġzro bi +Ġzrobi Äĩ +×ŀ ×Ļ׼×Ķ +à¸Ĭà¹Īวย à¹Ģหลืà¸Ń +ĠÑįÑĤ Ñĥ +ë´ ī +楽 ãģĹãģĦ +س ÙĪØ± +íķĺ ê±°ëĤĺ +Ùħؤ تÙħر +Ġpoc zÄħ +ĠpoczÄħ tk +ĠpoczÄħtk u +Ġع ربÙĬ +اÙĦØ£ ر +اÙĦأر دÙĨ +à¸Ķ ร +Åĵ uvre +ĠÙĪÙĥ اÙĨت +ĠÅĽ redni +Ø® ضر +Ġch uyến +н ÑĤ +ĠìķĮ ê³ł +Ġv á»Ŀi +Ġ×ij ×Ļ×ĵ×Ļ +×ŀ×ĵ ×ķ×ijר +ÙĪ Ù쨱 +ÙĬ Ø¡ +׳ ×Ľ×¡ +ĠÐĽ а +л он +Ġx ấu +Ùģ ÙĬÙĨ +Ġfé vrier +ĠÐŀ на +ĠV á»ģ +ĠÅŁey ler +ĠполÑĥÑĩ ен +з ад +Ġn ét +à¹Ħà¸Ľ ยัà¸ĩ +×Ĺש×ij ×ķ +à¸ļัà¸Ļ à¸Ĺ +à¸ļัà¸Ļà¸Ĺ ึà¸ģ +Ġgerçek leÅŁ +иÑĩеÑģк ое +ìĪĺ ê°Ģ +Ø« بت +ãģ¤ ãģ¾ãĤĬ +ĠÑĥÑģловиÑı Ñħ +ëĭ¤ ê°Ģ +ราย à¹Ħà¸Ķà¹ī +׼×IJ ×ij +à¹Ĥà¸Ľà¸£ à¹Ĥม +à¹Ĥà¸Ľà¸£à¹Ĥม à¸Ĭัà¹Īà¸Ļ +j ähr +jähr ige +×§ ׳×Ļ×Ŀ +×ŀ ×ķ×§ +×ŀ×ķ×§ ×ĵ +ãģ«è¡Į ãģ£ãģ¦ +Ø¢ ÙĦ +вед ение +Ġ׾ ×Ľ×ª×ķ×ij +جÙħ Ùĩ +جÙħÙĩ ÙĪØ±ÙĬØ© +à¸ī à¸ļ +à¸īà¸ļ ัà¸ļ +ĠC òn +à¸ľ สม +ãģªãģ© ãģĮ +×IJ×Ķ ×ij +ĠдейÑģÑĤв иÑı +y ız +à¹Ħมà¹Ī à¹Ģà¸Ħย +ج ÙĪØ² +×Ķ×Ĺ׾×ĺ ×Ķ +f ällt +ãĥĵ ãĤ¸ +ãĥĵãĤ¸ ãĥį +ãĥĵãĤ¸ãĥį ãĤ¹ +Ġ×IJ ×Ļ׳×Ŀ +ĠнаÑħод иÑĤÑģÑı +Ġdzi ÅĽ +ست Ø·ÙĬع +׾ ×Ļף +Ø® ÙĦاÙģ +Ùĩ ÙIJ +Ġatr ás +íĺ ģ +ãĤĴ ãģĶ +Ġ×Ķ×ŀ ×ķצר +ĠBakan lıģı +ÑİÑī ее +ÙħÙĨ اط +ÙħÙĨاط ÙĤ +Ùģ Ø¯ +à¸Ļำ à¹Ħà¸Ľ +Ġв аж +Ġваж но +Ġm ạch +׼ ׳×ķ +بع Ø« +lan ması +Ġa yr +Ġayr ıl +ìĤ¬ íļĮ +d ÃŃa +p ÅĤyw +اÙħ ÙĬØ© +íĺ ľ +×IJ׳ ×Ĵ׾ +×IJ׳×Ĵ׾ ×Ļת +ĠìŀĪëĭ¤ ëĬĶ +Ġس اعة +ĠëĤĺ íĥĢ +b ö +à¸Ħ ัà¸Ļ +ĠdziaÅĤ ania +Ø© Ùĭ +Ġng Å© +׳צ ×Ĺ +ãģ¯ ãģĤãĤĭ +ĠyaÅŁ ında +st ück +car acter +caracter ÃŃsticas +Ġr á»Ńa +ĠÙħختÙĦÙģ Ø© +ãģ«ãģĬ ãģijãĤĭ +à¹ģà¸ŀ à¸ĩ +วิ à¹Īà¸ĩ +ת פ×ķ +سا ÙĩÙħ +使 ãģĨ +Ùĥ رÙĬ +×IJ פ×Ļ +........ ....... +ĠÑĤак им +×Ļ׼ ×ķ×Ļ +Ø´ بÙĩ +ج ÙĬر +ãģĿãģ® ãģ¾ãģ¾ +ac jÄĻ +ĠاÙĦت رÙĥ +ĠاÙĦترÙĥ ÙĬ +ĠпÑĢав илÑĮно +Ġت عÙħÙĦ +à¸ģล à¹īา +Ġbi ên +Ġ×ij׳×Ļ ×Ļת +Ġкл Ñĥб +Ġ×ŀ ש×Ķ +в ÑĪий +ãģĵãģ¨ãģĮãģ§ãģį ãĤĭ +à¸ŀัà¸Ļà¸ĺ ุ +à¸ŀัà¸Ļà¸ĺุ à¹Į +ר ×ķ×Ŀ +ĠاÙĦÙģ Ø±ÙĨ +ĠاÙĦÙ쨱ÙĨ سÙĬ +à¹Ģà¸Ľà¹ĩà¸Ļ à¸Ħà¸Ļ +ãģĹãģ¦ ãģĬãĤĬ +Ġth ầy +ãĤĵ ãģłãģijãģ© +ìĶ ¨ +Ùħ دÙĨ +ت ÙĪÙĨ +ĠмеÑĤ ал +ĠмеÑĤал л +Ġin ÃŃcio +à¸Ńà¸Ńà¸ģ à¸Īาà¸ģ +ëĴ ¤ +Ġcu á»ijn +Ġbu á»Ļc +ÙĨ سÙĬ +ä cht +×ŀ ×Ļ׳×Ļ×Ŀ +ãģķ ãģ¦ +ãģĮ ãģ§ãģį +ÑĬ ем +Ġtá i +ĠЧ ÑĤ +ĠЧÑĤ обÑĭ +à¸Ľà¸¥ ูà¸ģ +à¸Ĭุม à¸Ĭà¸Ļ +н Ñģкий +Ġv ững +Ġ×Ķ ×ľ×ij +ë le +Ġש ×¢×ijר +в аÑĤÑĮÑģÑı +б ой +ع ÙĪÙĨ +à¹ģà¸Ķ à¸Ļ +Ġספר ×Ļ×Ŀ +Ġt uyên +Ġnhi êu +ĠQu ý +Ġh uyết +ãĤı ãģĭãĤīãģªãģĦ +Ġ×ŀ ׼ף +Ġ×Ķ ×§×ľ +Ġ׾×IJ ×ķר +ĠÄIJi á»ĩn +Ø´ ؤ +شؤ ÙĪÙĨ +Ġ×ŀ׊פש +ĠпоÑģÑĤоÑıн но +×ŀ ×Ļר +ìħ Ķ +Ðŀ Ñģ +ÐŀÑģ нов +×ĸ ×Ļת +ĠH á +ĠÑĩаÑģ ов +×IJ ×ķ׾×Ļ +Ġm át +Ø® رÙĪ +خرÙĪ Ø¬ +ÙĤ ضا +ÙĤضا ÙĬا +à¹Ģà¸Ľ à¸Ńรà¹Į +ĠÙĬ ÙĪÙĦ +ĠÙĬÙĪÙĦ ÙĬÙĪ +à¹Ĥà¸Ĺ ษ +׳ פ׾ +ת ×ķש +ת×ķש ×ij×Ļ +Ġv ários +×ŀ ר×IJ×Ķ +ëĿ¼ ìĿ´ +ÙĨ غ +×ij צע +г он +ĠÄIJ ược +ع Ùı +пÑĥÑģ к +ĠÙĪØ§ÙĦ Ùģ +üc ü +×Ļ×§ ×Ļ×Ŀ +Ġس بÙĬÙĦ +׾×ij ף +ĠاÙĦÙĤ رÙĨ +ס ×ķת +ĠQu áºŃn +ãģĵãĤĮ ãģĮ +ãĥĸ ãĥ©ãĥ³ãĥī +×Ĵ ×ŀר +Ġwarto ÅĽci +ĠÙĪØ¨ ÙĬÙĨ +Ġd ạ +ÐIJ в +ÐIJв ÑĤо +Ġol acaktır +à¸Ļ à¸Ĺà¹Į +Ùħ طار +Ġ×¢ ×§×ij +Ġת פ +ãģĹãģ¦ ãģĦãģ¦ +צ ×ŀ×Ĺ +à¸Ī à¸Ńà¸ĩ +Ġö de +ìį ¨ +ÙĨ اس +調 ãģ¹ +ĠогÑĢ Ð¾Ð¼Ð½ +ë³´ íĹĺ +×ĺ ×§ +×ĺ×§ ס×ĺ +ĠbaÅŁ v +ĠbaÅŁv uru +Ġpom ys +Ġpomys ÅĤ +ãģ« ä¹Ĺ +Ġש ׼ף +ĠاÙĦÙħس ؤÙĪÙĦ +Ġз ан +Ġзан ÑıÑĤ +Ġd ương +ãĥĹãĥ¬ ãĤ¤ +ล à¸ļ +ÑĤи ка +ĠAr alık +Ġнед о +Ġm á»Ļ +Ġor an +Ġoran ı +Ġktó r +Ġktór Äħ +Ġ×Ķ×IJ×Ĺר ×ķ׳×ķת +ائ ÙĨ +ÅĦ s +ÅĦs ka +åĽ½ ãģ® +×ŀ ×ĺ×Ļ +ĠвопÑĢоÑģ Ñĭ +à¸Ńà¸ĩà¸Ħà¹Į à¸ģร +×ŀ ×ķצ×IJ +Ġpó ź +Ġpóź niej +ש×ŀ ×IJ׾ +Ġk aps +Ġkaps am +Ġkapsam ında +Ġmá quina +ĠÅĽwie cie +Ġho Ãłng +Ġöz gü +×Ĵ×ķר ×Ŀ +ãģĤ ãģŁãĤĬ +à¸ķัà¸Ķ สิà¸Ļ +à¸ķัà¸Ķสิà¸Ļ à¹ĥà¸Ī +б ÑĢи +ãģ«ãģªãĤĭ ãģ¨ +ت ÙĥÙĪÙĨ +Ġ×ķ×Ķ ×Ļ×IJ +Ġchi ếu +ÑģÑĤан ав +ÑģÑĤанав ли +ÑģÑĤанавли ва +×ŀ ×ķ×Ĵ +c ité +ĠK örper +Ġש ×Ĵ×Ŀ +ع ظ +عظ ÙĬÙħ +Ġ×Ķ×IJ ×Ļש×Ļ +Ġmat ière +ĠÙģ ÙĪÙĤ +Ġk to +Ġkto ÅĽ +à¸Ļ à¹Ĥย +à¸Ļà¹Ĥย à¸ļาย +å¾ħ ãģ¡ +à¹Ģม à¸Ļ +à¹Ģมà¸Ļ ู +A ÃĩÃĥO +Ġt ù +Ġtù y +ãĥĪ ãĥ³ +ĠоÑĤ каз +Ġ×ŀ ×ķצר +ül ü +ãģķãĤĵ ãģ« +Ġ×Ĺ ×ķ×ij +קר ×Ļ×IJ×Ķ +ĠاÙĦØ® دÙħات +ĠÙĦÙħ دة +ر ؤ +رؤ ÙĬØ© +ãĤĴè¦ĭ ãģ¤ãģij +à¸Ł า +Ġréuss i +à¸Ļัà¸ģ à¹Ģรียà¸Ļ +ĠÑĩиÑģ л +à¸ģาร à¹Ģลà¹Īà¸Ļ +Ġhaz ırl +Ġhazırl an +ĠпеÑĢв Ñĭй +ли м +ĠоÑĤзÑĭв Ñĭ +Ġwy jÄħ +ĠwyjÄħ tk +ĠØ£ ÙĤÙĦ +ס ×ļ +Ġê²° ìłķ +Ġ׾×ŀ×¢ ש×Ķ +Ġl ắp +à¹ģà¸ļ ร +à¹ģà¸ļร à¸Ļà¸Ķà¹Į +วà¹Īา à¹Ģà¸Ľà¹ĩà¸Ļ +Ġب دا +Ġبدا ÙĬØ© +ãģ¨ãģĦãģĨ ãģ®ãģĮ +иÑĩеÑģк им +à¸ģาร à¸ŀัà¸Ĵà¸Ļา +Ġb Ãło +Ġmia ÅĤa +y waÄĩ +ĠMär z +ĠÙĨ سبة +Ġéconom ique +×ĸ ×ŀ +×ĸ×ŀ ׳×Ļ×Ŀ +æŃ¢ ãĤģ +Ġt á»§ +íķĺ ìĭł +Ġkażde go +stra ÃŁe +à¸Ĭ ีà¹ī +à¹Ģ à¸ļา +ÑĢеÑģ ÑĥÑĢÑģ +ев ой +Ø´ باب +à¸ķà¹Īาà¸ĩ à¸Ľà¸£à¸°à¹Ģà¸Ĺศ +Ġ×IJ ×Ļש +Ġ×IJ×Ļש ×Ļת +×Ļ ×ķפ +×Ļ×ķפ ×Ļ +ĠìļĶ êµ¬ +ì¡° ìĤ¬ +ãģ£ãģŁ ãĤī +׾ ×Ļ×§ +миниÑģÑĤ ÑĢ +ãĤĤãģ® ãģ¯ +Ġl ương +Ġна и +Ġнаи бол +Ġнаибол ее +íİ ĺ +à¹ģà¸ŀ à¹ī +ãĤŃ ãĥ¥ +ĠкоÑĤоÑĢ Ñĭм +à¹ģà¸Ĺ à¸ĩ +à¹ģà¸Ĺà¸ĩ à¸ļà¸Ńล +Ġ׳ ×Ļ×Ķ +Ġ׳×Ļ×Ķ ×ķ׾ +âĤ ª +ĠGi ải +ĠиÑģполÑĮзов а +ëł¥ ìĿĦ +ãģĹãģĭ ãĤĤ +à¸ģà¹ĩ à¸ķà¹īà¸Ńà¸ĩ +ĠÑĢ ÐµÐ± +ĠÑĢеб ен +ĠÑĢебен ка +ت ÙĪØ§ØµÙĦ +ãĤ°ãĥ« ãĥ¼ãĥĹ +ãĤĦ ãĤī +à¹Ģà¸Ľà¸´à¸Ķ à¸ķัว +б ÑĢо +ë°ĸ ìĹIJ +ÙĨ ÙİØ§ +×Ķ ×Ĵ +×Ķ×Ĵ ׳×Ķ +à¸Ĺ รั +à¸Ĺรั à¸ŀ +à¸Ĺรัà¸ŀ ยà¹Į +Ġkh á»iji +עצ ×ŀ×ķ +бол езн +Ġë°Ľ ìķĦ +ม à¸Ļ +มà¸Ļ ุ +มà¸Ļุ ษ +มà¸Ļุษ ยà¹Į +âĹ Ĩ +×ŀ צ׾×Ļ×Ĺ +Ñıв ление +Ùħ Ø·ÙĦ +ÙħØ·ÙĦ ÙĪØ¨ +Ø® اÙĦÙģ +ت ÙĪÙĤÙģ +ãģ§ãģį ãģ¾ãģĽãĤĵ +оÑģÑĤ ей +м еÑĩа +기 ëĬĶ +תש ×¢ +ص ÙĬب +Ġ×ij×¢ ×ķ×ĵ +à¸Ĥà¸Ńà¸ĩ à¹Ģà¸Ĥา +ÑĤÑı ж +ĠÑĥ пÑĢав +ĠÑĥпÑĢав лениÑı +Ġgén ér +Ġth ÃŃ +פ ×ļ +Ġر Ùħض +ĠرÙħض اÙĨ +Ġtr uyá»ĩn +Ø¥ عداد +ãĤµ ãĥĿãĥ¼ãĥĪ +Ġпол но +Ø® اÙħ +ÐŁ еÑĤ +ÐŁÐµÑĤ еÑĢ +ÐŁÐµÑĤеÑĢ Ð±ÑĥÑĢ +ÐŁÐµÑĤеÑĢбÑĥÑĢ Ð³ +ÙħÙĨت دÙī +ãģķãĤĮ ãģ¾ãģĹãģŁ +ĠëĮĢ íķĺìŬ +à¸ľà¸¹à¹ī à¸Ĺีà¹Ī +Ġ×ŀ×IJ ×ķ +׾ ׳×ĵ +оÑĩ нÑĭе +ĠнаÑĩ ала +Ġ׾ ×Ļ׾×ĵ×Ļ×Ŀ +ов ое +ãģĻãĤĭãģĵãģ¨ ãģ§ +ĠاÙĦÙĨ Ùģ +ĠاÙĦÙĨÙģ Ø· +ìŀĪ ëĬĶ +غ ÙĨÙĬ +פ ×ĵ +ãĤ ¾ +ĠCr é +ãģ© ãģ¡ãĤī +Ø« اÙĨ +ÑĢаб аÑĤ +ÑĢабаÑĤ Ñĭва +Ġê°Ļ ëĭ¤ +à¸Ī ั +à¸Īั à¸ģร +Ġch ụ +Ġchụ p +Ġм аÑģÑĤ +ĠмаÑģÑĤ еÑĢ +Ġn ắm +ĠÑģÑĤ али +Ġ×Ķ×IJ ×Ļר×ķ×¢ +ãĤ½ ãĥ³ +åĪĨ ãģĭãĤĬ +Ø· بع +بد ا +gr áfico +г еÑĢ +à¸Ķำà¹Ģà¸Ļิà¸Ļ à¸ģาร +Ġsal dır +Ġsaldır ı +в ÑĪиÑħ +ãģĭãģ£ãģŁ ãģ§ãģĻ +Ġyapı yor +ĠاÙĦÙģ Øª +צר פת +з доÑĢов +×ij×¢ ׾ +Ġ×IJ ×ŀ×Ļת×Ļ +Ġоб Ñĭ +ĠобÑĭ Ñĩ +ĠобÑĭÑĩ но +Ġ׾ ×ķ×ŀר +ت ÙĥÙĨ +تÙĥÙĨ ÙĪÙĦÙĪØ¬ +تÙĥÙĨÙĪÙĦÙĪØ¬ ÙĬا +Ġhakk ı +ĠÑĢаР² +ĠÑĢав но +رÙĬ Ùĥ +Ġ×ij ×ŀ×Ļ×ĵ +Ġ×ij×ŀ×Ļ×ĵ ×Ķ +à¹ģà¸ģ à¹īว +Ġìĸ ĺ +Ġìĸĺ 기 +ãģĹãģ¦ ãģĦãģ¾ãģĹãģŁ +Ġkı sm +Ġkısm ı +ê± ¸ +åĨħ ãģ® +ì§ ķ +à¹Ģหมืà¸Ńà¸Ļ à¸ģัà¸Ļ +ĠÙģ ÙIJ +ĠÙģÙIJ ÙĬ +ÙĤ اعدة +Ġmoż esz +Ùħ صاÙĦ +ÙħصاÙĦ ØŃ +ãģ¾ãģŁ ãģ¯ +б ег +Ġs ıc +Ġsıc ak +Ñĩ иÑģ +ÑĩиÑģ лен +Ġн ог +ãĥģãĥ£ ãĥ³ +ãĥ« ãĥī +Ġgi ó +Ġs ını +Ġsını f +ив аÑĤÑĮ +Ġqu ên +Ġì łģ +Ġìłģ ìļ© +ĠJo ão +Ùģ Ø§Ø¯ +ĠGl ück +à¸Ĺ à¸Ńà¸Ķ +Ġg ói +ï¼ Ĭ +Ġdé tail +ĠدÙĬ سÙħ +ĠدÙĬسÙħ بر +ë¡ľ ìĦľ +×ŀ ×ķ×Ĺ +à¹Ħ ฮ +ĠоÑĤ д +ĠоÑĤд ÑĭÑħ +Ġkh uyến +à¸Ħ à¸Ńย +Ġج ÙĨÙĬ +ĠجÙĨÙĬ Ùĩ +ĠاÙĦد ÙģØ§Ø¹ +à¸Ļà¹īำ หà¸Ļัà¸ģ +ĠìĤ¬ëŀĮ ëĵ¤ìĿ´ +Ġth ừa +ĠÃ¶ÄŁrenc i +ĠпомоÑī и +ĠczÄĻ ÅĽÄĩ +ש ×ĺר +ĠN hi +ĠNhi á»ģu +׳ צ×Ļ +ĠнаÑĪ ÐµÐ¼ +ĠkarÅŁÄ± laÅŁ +Ġ×Ķש ׳×Ļ×Ŀ +ĠÄIJ ưá»Ŀng +Ġtr ú +ĠÑĢазлиÑĩ нÑĭÑħ +ĠاÙĦØ´ Ùĩر +Ġ×ľ×¢ ×ķ׾×Ŀ +ØŃ جر +ĠÄij á»ķ +ĠìĿĺ íķ´ +à¸ļ à¹Īà¸Ńย +Ġ×Ķ ×Ļ׾×ĵ +ãģ¨ãģª ãģ£ãģŁ +Ġ×Ĺ×ķ ×ķת +Ġש×Ļר×ķת ×Ļ +Äħ cy +س رÙĬ +K İ +פ ׳×ķ +ÑģÑĤÑĢÑĥк ÑĤÑĥÑĢ +ÑĤ ÑĢÑĥд +Ġ×Ķ ×§×¨ +Ġ×Ķקר ×ķ×ij +Ġth áºŃm +èģŀ ãģį +ÙĤÙĪ ÙĬ +клÑİÑĩ ен +ÑĤе Ñħ +ÑĤеÑħ нолог +è¡Į ãģ£ãģŁ +Ġ×ķ×IJ ×Ļף +ĠÅŁek lin +ĠÅŁeklin de +r ô +ÑĢ Ð¾Ð³ +Ġнов Ñĭе +Ġס ×ij×Ļ×ij +Ġtecn ologÃŃa +ס ׼ +×¡×Ľ ×ķ×Ŀ +ĠÅŀ ub +ĠÅŀub at +Ġ×Ķ×ŀ ׾×IJ +Ġwy pos +Ġwypos aż +ãģ¯ ä½ķ +ãĤ¬ ãĥ³ +ê° ĸ +Ġкак ие +Ġçocuk lar +Ġ׾צ ×ĵ +Ġkay ıt +ĠмеÑģÑĤ е +Ùħ دÙĬÙĨØ© +Ġ׼ ×Ĵ +Ġ׼×Ĵ ×ķף +ãģĹãģ¦ ãĤĭ +ĠÙħا ÙĬÙĪ +ãģ£ãģ¦ãģĹãģ¾ ãģ£ãģŁ +ĠпÑĢогÑĢамм Ñĭ +à¹ģล à¸Ļà¸Ķà¹Į +ãĥ¯ ãĤ¤ +ער ×ķ×¥ +Ñģ ид +ĠB öyle +Ġì²ĺ ìĿĮ +Ġת פק×Ļ×ĵ +ĠTr ên +íĥ Ī +ĠÐłÐ¾ÑģÑģ ий +ĠÐłÐ¾ÑģÑģий Ñģкой +Ġs Ãłn +Ġrè gle +ĠyaklaÅŁ ık +à¹Ģล ิà¸ģ +Ġد ائÙħ +Ġ×ķ ×Ĵ +اب ر +Ġb è +ĠاÙĦ ÙĤدÙħ +ĠÑĢеÑĪ ÐµÐ½Ð¸Ñı +hi ên +ÑĤи к +Ä Ħ +à¸ļรร ยาà¸ģ +à¸ļรรยาà¸ģ าศ +רצ ×ķף +åĭķ ãģį +ĠGä ste +Ġ기 본 +ĠÙĬ عرÙģ +ĠS á»Ń +gÅĤ ÄĻb +à¹Ģà¸Ń ส +×IJ×ŀ ×Ļף +Ġп Ñĥнк +ĠпÑĥнк ÑĤ +Ġ×Ļ×ķ×ĵ ×¢×Ļ×Ŀ +ãĤ« ãĥ©ãĥ¼ +Ġ×ijס ×ĵר +Ġbu á»ĵn +й ÑĤ +йÑĤ еÑģÑĮ +ãĤĴ æ±ĤãĤģ +Ġ×IJת ׼×Ŀ +Ġ모 르 +ظ رÙĪÙģ +Ñĩ еÑģÑĤво +ìĸ´ ìĦľ +Ġод на +Ġkap ı +Ġëħ¸ ëł¥ +ĠKü che +ĠاÙĦت Ø´ +Ø· ÙĬب +ĠíĬ¹ íŀĪ +ĠвÑĭп ÑĥÑģ +ĠвÑĭпÑĥÑģ к +×ĵ ת×Ļ +Ġu ÄŁ +ĠuÄŁ ra +ائ Ùĩا +Ġtho át +ãģª ãĤĤãģ® +Ñij ÑĢ +기 ê°Ģ +ĠgeliÅŁ me +تØŃ ÙĤ +تØŃÙĤ ÙĤ +Ġоп аÑģ +б ÑĢоÑģ +ห ุ +หุ à¹īà¸Ļ +ì¼ Ģ +ãĤ¹ ãĥŀ +ãĤ¹ãĥŀ ãĥĽ +Ø£ Ù쨱 +Ø£Ù쨱 اد +ĠTh á»±c +Ġth ắ +ãĥªãĥ³ ãĤ¯ +Ġni á»ģm +ĠHö he +عÙħ ار +ÙĥÙĪØ± ÙĪÙĨ +ÙĥÙĪØ±ÙĪÙĨ ا +ĠÄIJ ến +ĠÑģам ом +ĠÑĤ еле +ĠÄijo án +à¸Ħวามà¸Ħิà¸Ķ à¹Ģหà¹ĩà¸Ļ +Ġд иÑģк +Ø£ Ø·Ù쨧ÙĦ +ม ารà¹Į +à¸Ĺ หาร +à¸Ĺ à¸Ļ +Ġب عÙĬد +ĠاÙĦÙĩ ÙĨد +åĩº ãģĹãģ¦ +Ġkar de +Ġkarde ÅŁ +×Ķ×Ļס×ĺ ×ķר +×Ķ×Ļס×ĺ×ķר ×Ļ×Ķ +éģ¸ ãģ³ +ع اÙħÙĦ +à¸Ĥ ยาย +Ġtü rl +Ġtürl ü +ĠìĿ¼ ìĿ´ +Ġmaté ria +Ġ׼׾ ×ķ×ŀר +ãĥģãĥ£ ãĥ¼ +جÙħ اعة +ĠÑģво им +Ø¥ÙĤ اÙħØ© +ä¾ĭ ãģĪãģ° +س اب +Ø¢ خر +ÙĤ دÙĬر +×IJ×ŀ ×Ļ +ìĸ » +Ġ׳×ķס פת +ĠÐĴ лад +ĠÐĴлад им +ĠÐĴладим иÑĢ +Ġest ará +ãģĵãģĨ ãģĦãģĨ +ãĤĴ 使ç͍ +มา à¸ķร +มาà¸ķร à¸IJาà¸Ļ +ãģ£ãģ ½ +Ġn ú +Ġnú i +ย าà¸ĩ +ĠاÙĦج ÙĨس +Ġüst ün +ëľ » +ãĤ» ãĥ« +ãģ¦ãģĦ ãģįãģ¾ãģĻ +Ġ×Ĺ ×ķ×ĸ +Ġ×Ĺ×ķ×ĸ ר +ĠÐĵ лав +à¹Ĥà¸Ĭ à¸Ħ +íı IJ +ÙĨت ظر +Ġ×Ĵ ×ij×Ļ +ع ÙĤب +int ér +intér êt +×ŀ פ×Ĵ +×ŀפ×Ĵ ש +Ġth ù +اÙģ Øª +Ġ×ŀש פ +Ġ×ŀשפ ×ĺ×Ļ +ĠÙħ ÙĪØ§ÙĤع +è¦ ļ +è¦ļ ãģĪ +×ĵ ×Ļף +à¹Ģรืà¹Īà¸Ńà¸ĩ ราว +ãģ¾ ãģĤ +Ġgh ế +иÑĢÑĥ ÑİÑĤ +à¸ģ ว +à¸ģว à¹īาà¸ĩ +Ġпов еÑĢ +ĠповеÑĢ Ñħ +ĠповеÑĢÑħ ноÑģÑĤ +׳ ×ĵר +Ġкон ÑĨе +Ġдолж на +Ġ×Ļש ×Ļר +acaģı z +ìĹ Ķ +Ġn ÃŃvel +Ġö r +Ġör nek +Ùĥ Ùģ +ĠФедеÑĢ Ð°ÑĨии +Ġ구 ìĦ± +หัว à¹ĥà¸Ī +ĠV áºŃy +м ед +мед и +меди ÑĨин +медиÑĨин Ñģк +از ÙĬ +×Ĵ×ij ×ķ׾ +ÑĦ ÑĢ +Ġzus ätzlich +à¸ģ à¸ģ +ĠاÙĦاÙĤتصاد ÙĬØ© +Ġh è +lu ÄŁun +ج Ùİ +à¹Ħà¸Ł ลà¹Į +ÄIJ T +ãģĿãģ® ä»ĸ +à¸Ĺิ à¹īà¸ĩ +ĠاÙĦØ£ ÙĪ +ر سÙħ +æ°Ĺ ãģ¥ +ìĿ´ ë©° +ÑĮ ев +ص Ø· +ĠاÙĦاست Ø« +ĠاÙĦاستث Ùħار +à¸Ńา à¸Ħาร +ĠÑĤоÑĩ но +ĠV ân +à¸Ń ร +à¸Ńร à¹Īà¸Ńย +ĠاÙĦس ÙĨØ© +Ġc Æ°á»Ľi +×Ļ×Ķ ×Ł +íį ¼ +話 ãģĹ +âĹ ĭ +ĠìķĬ ìĿĢ +ãĥ¡ ãĥ¼ãĤ +ãĥ¡ãĥ¼ãĤ « +ãĥ¡ãĥ¼ãĤ« ãĥ¼ +ĠÑĤеп ло +å½¼ ãĤī +Ġİ z +Ġİz mir +íĻ į +Ġr ượ +Ġrượ u +æĢĿãģĦ åĩº +ĠPh ạm +Ġchá u +צ×Ļ ×ķת +ĠìĿ¼ 본 +ìĤ¬ ëĬĶ +ĠÑģозд ан +Ġar acı +Ġ×¢ ר +Ġער ×Ļ׼×Ķ +ĠíķĺëĤĺëĭĺ ìĿĺ +dzi ÅĤ +à¸Ľà¸£à¸° à¸ĺาà¸Ļ +Ġser ÃŃa +ĠìŀĪ ëıĦë¡Ŀ +در ج +íķľëĭ¤ ëĬĶ +à¸Ńา à¸Ĺ +à¸Ńาà¸Ĺ ิà¸ķ +à¸Ńาà¸Ĺิà¸ķ ยà¹Į +ÑĤелÑĮ нÑĭй +ĠØ® دÙħات +×ŀ׳ ×ĺ +Ġl ược +ĠS Ãłi +ĠÙĪ Ø§Ø¶ +ĠÙĪØ§Ø¶ ØŃ +غ از +ĠdoÄŁ al +Ġ×ijש ×Ŀ +Ġд лин +ĠØ¥ طار +Ġ×ijס פר +ãĤĴ ä¸İ +ãĤĴä¸İ ãģĪ +Ġë²ķ ë¥ł +ĠÑĥ вели +ĠÑĥвели Ñĩи +ส à¹Ħà¸ķ +สà¹Ħà¸ķ ลà¹Į +à¹Ħ à¸ģล +×ij׊ף +ĠìĿ´ íĽĦ +Ġm unic +Ġmunic ÃŃpio +تÙħ Ø«ÙĦ +ĠÄij áo +H ôtel +Ġl á»Ńa +ĠÄij ẳng +Ñĩ ки +Ø´ رÙĪ +شرÙĪ Ø· +ĠìĿ´ 를 +ÙĬ Ùĭا +×ŀ׾ ×ļ +×ŀ×Ķ ×Ļר×ķת +ĠобÑıз аÑĤелÑĮ +ĠобÑıзаÑĤелÑĮ но +é nergie +Ġmud ança +Ġm ụ +Ġmụ n +Ġn º +ĠاÙĦت عا +ĠاÙĦتعا ÙĪÙĨ +ĠاÙĦاجتÙħاع ÙĬØ© +Ġп лаÑģÑĤ +Ġëĵ± ìĿĺ +ãĥIJãĤ¤ ãĤ¯ +Ùĩج ÙĪÙħ +ĠSa úde +Ġì¤ijìļĶ íķľ +Ġ×Ķצ ×Ļ×ij×ķר +תק ף +ĠاÙĦعاÙĦÙħ ÙĬ +ĠболÑĮÑĪ Ð¾Ð¹ +ĠÙĥ ÙĦÙħ +ĠÙĥÙĦÙħ Ø© +ãģ®ãģ§ãģ¯ãģªãģĦ ãģ§ãģĹãĤĩãģĨãģĭ +ĠÙħ باراة +Ġש×IJ ׳ +Ġש×IJ׳ ×Ĺ׳×ķ +ãĤ¹ãĤ¿ ãĤ¤ãĥ« +ĠSa ÄŁ +ĠSaÄŁ lık +Ġh ư +׳ ×Ĺ×Ķ +Ġ×ij קר×ij +Ø· عÙħ +ห ิà¸Ļ +à¸Ĺุà¸ģ วัà¸Ļ +à¸Ħรัà¹īà¸ĩ à¸Ĺีà¹Ī +ĠlÃł nh +Ġdonn é +ãģĽ ãģĦ +جز ÙĬرة +доÑĢ Ð¾Ð¶ +ì¼ ľ +تÙĨظ ÙĬÙģ +ãĥģ ãĥ§ +Ġald ıģı +ج اج +ĠÑĤ омÑĥ +à¸Ľ ิ +Ġ×ijר שת +ãģıãģªãĤĬ ãģ¾ãģĻ +ĠпÑĢин ÑĨип +Ġ׊׾×ķ +ëı ¼ +×ķ×Ĵ ש +س س +à¸Ľ ู +Ġh ầu +æĦŁãģĺ ãĤĭ +ï¼ ´ +د ÙĪØ§ +ĠÑģм ог +scri ção +Ġth áºŃn +Ġר ×ķ×IJ×Ķ +обÑĢаж ен +ĠاÙĦتج ارÙĬØ© +Ø· بÙĬع +jÄħc Äħ +íĸī ìľĦ +Ġнов Ñĭй +Ġ×ŀ ×Ĺ×ĵש +æĮ¯ ãĤĬ +gu é +Ġ×IJ ×Ļר×ķ×¢ +Ġ×IJ×Ļר×ķ×¢ ×Ļ×Ŀ +ĠاÙĦ ذÙĩب +×ĵ ×IJ +ت اÙĨ +ãģł ãģĹ +à¸Ńั à¸ķรา +à¹Ĥ à¸Ī +بÙĦ اد +×Ķ×Ļ ×Ļ׳×ķ +ĠÑģп е +ĠÑģпе ÑĨиалÑĮно +ĠÅĽwi ata +ãĤĵãģ§ãģĻ ãĤĪ +شر ÙĥØ© +ĠpÅĤ yt +Ġsitu é +Ġ׼×IJ ׾×Ķ +ס ×ijר +Ġkaż d +Ġkażd ym +ãĤĴæĮģ ãģ¤ +׾×Ķ ×ľ +׾×Ķ׾ ף +ĠwÅĤ as +ĠwÅĤas ne +ĠsaÄŁ lan +×ŀ×¢ ׾×Ķ +ĠاÙĦا ÙĪÙĦ +ìĹIJìĦľ ëıĦ +×IJ×Ļר ×ķפ×Ķ +تÙĤ ÙĨÙĬØ© +Ùħ ائ +Ùħائ Ø© +Ġcompañ ÃŃa +Ġsü rek +Ġsürek li +ĠиÑģ кÑĥÑģ +ĠиÑģкÑĥÑģ ÑģÑĤв +ĠB ürger +ת ×Ĺר +ת×Ĺר ×ķת +à¸ŀรà¹īà¸Ńม à¸ģัà¸ļ +Ø´ Ùħ +à¸ĸืà¸Ń วà¹Īา +è¾¼ ãĤĢ +ä¼ij ãģ¿ +ĠاÙĦØ£ ب +ĠÑģÑĤоим оÑģÑĤÑĮ +ĠпÑĢав а +may ın +ห วย +ĠاÙĦØ· بÙĬعÙĬ +à¸Ĺีà¹Ī à¸ŀัà¸ģ +ĠEst á +Ñĭва ÑİÑĤ +ب سÙĬ +بسÙĬ Ø· +Ġ×ij×¢ ×ijר +åı¯èĥ½ ãģ§ãģĻ +Ġ×ĵ ×ķ׾ +Ġ×ĵ×ķ׾ ר +Ùĩ ÙİØ§ +воÑĢ Ð¾ÑĤ +ãģ¦ ãģĦãģ¾ãģĹãģŁ +à¹Ĥà¸Ĺร ศ +à¹Ĥà¸Ĺรศ ั +à¹Ĥà¸Ĺรศั à¸ŀ +à¹Ĥà¸Ĺรศัà¸ŀ à¸Ĺà¹Į +Ġ×§ ׳ +ĠاÙĦØ« ÙĨ +ĠاÙĦØ«ÙĨ ائÙĬØ© +Ġco ût +à¸ķิà¸Ķ à¸ķัà¹īà¸ĩ +Ġö rg +Ġörg üt +ĠاÙĦØ® ÙĦÙĬ +ĠاÙĦØ®ÙĦÙĬ ج +Ġb á»įn +×ķ׾×ķ×Ĵ ×Ļ +ëŀ ľ +ĠÐij олÑĮ +ĠÐijолÑĮ ÑĪ +×Ĵ ×ijר×Ļ×Ŀ +ÙĤ ÙĬد +×ij×Ļ×ĺ ×ķ×Ļ +æīĵ ãģ¡ +Ġol muÅŁ +f äh +fäh ig +ล าà¸Ļ +ĠÙĤ طر +ש פ×Ķ +èªŃ ãĤĵãģ§ +à¸Ĥ วา +Ġchi ếm +ãĤ¤ãĥ³ ãĤ¿ +ãĤ¤ãĥ³ãĤ¿ ãĥ¼ãĥ +ãĤ¤ãĥ³ãĤ¿ãĥ¼ãĥ į +ãĤ¤ãĥ³ãĤ¿ãĥ¼ãĥį ãĥĥãĥĪ +Ġ׾ש×ŀ ×ķר +Ġت رÙĥ +ĠترÙĥ ÙĬا +ר ×ķ×ĺ +ã썿ĢĿ ãģĦãģ¾ãģĹãģŁ +ĠاÙĦت ÙĤ +Ġd ư +ãģ¦ãģıãĤĮ ãĤĭ +ãģĹãģŁ ãģĵãģ¨ +Ġróż ne +ĠاÙĦØ· ÙģÙĦ +ĠPost é +Ġ×ŀש ×ķ×Ŀ +Ñį ÑĢ +ĠÑĢабоÑĤ аеÑĤ +ãĤ· ãĥª +ãĤ·ãĥª ãĥ¼ãĤº +Ġ×ij×Ķ ×Ĺ׾×ĺ +×§×Ķ ×Ļ׾×Ķ +ãĤ« ãĥ¡ +ãĤ«ãĥ¡ ãĥ© +ï¼ ¯ +ĠìĤ¬ ìĿ´ +Ġk ì +Ġth Æ°á»Ľc +ض بط +ÙĤب ÙĪÙĦ +åĪ¥ ãģ® +Ġparticul ière +ĠÑģво ем +Ġ×¢ סק +Ġעסק ×Ļ×Ŀ +×ij×Ĺ ×Ļר×ķת +×ij ×Ļ׳×ķ +à¸ĭ à¸Ń +Ġ×¢ ×ķ×ijר +ãģłãģ£ãģŁ ãģ®ãģ§ +ıld ıģı +Ùħ دار +Ùħدار س +주 ìĭľ +à¸Ńา ศ +à¸Ńาศ ัย +Ġt ấm +à¸ŀิ à¸Ī +à¸ŀิà¸Ī าร +à¸ŀิà¸Īาร à¸ĵา +ÑĤелÑĮ нÑĭе +Ñģк ÑĥÑİ +Ðľ Ðĺ +à¹Ģà¸ģ า +à¹Ģà¸ģา หล +à¹Ģà¸ģาหล ี +×ĵ ×Ĺ +à¹Ģà¸Ĭ ิà¸ĩ +Ġد ÙĤÙĬÙĤØ© +íķĻ ìĥĿ +Ġש×IJ ׾×Ķ +Ġcontr ôle +Ġsit uação +à¸Ĥà¸Ńà¸ĩ à¸ľà¸¹à¹ī +ÙĨ Ø·ÙĤ +ê³¼ íķĻ +หลาย à¸Ħà¸Ļ +Ġn ắng +ÙĤ Ùı +ì¡° ê±´ +Ñ ķ +ãĥĥ ãģ¨ +×ŀ ×Ļ׾×Ķ +Gr ün +×Ļ ×Ļ×¢ +×Ļ×Ļ×¢ ×ķ×¥ +×ŀ׳ ׼ +ë ŃIJ +×ŀ×¢ ×ŀ×ĵ +สำ à¸Ļัà¸ģ +ج دد +à¸Ħ ัà¸Ķ +Ġ×Ķ×ŀש פ +Ġ×Ķ×ŀשפ ×Ĺ×Ķ +×ŀש ק׾ +ÙĦ Ùı +Ġty tu +Ġtytu ÅĤ +ÑĪ ÐµÐ¹ +ĠìĿ¼ ë¶Ģ +ÑĪ ÐµÐ½Ð¸Ðµ +Ġph óng +ĠìĹŃ ìĤ¬ +ãĤ« ãĥ³ +Ġtú i +ĠÙĨ ÙĪÙģ +ĠÙĨÙĪÙģ Ùħبر +gr ün +ĠاÙĦØ´ ÙħاÙĦ +ÅĽwi adc +ÅĽwiadc zenie +ער ×Ķ +Ġ×¢ ×ķ×ij +Ġ×¢×ķ×ij ×ĵ×Ļ×Ŀ +×ĵ×ķ×Ĵ ×ŀ×IJ +ä»Ĭ ãģ¯ +Ġv ão +ĠТ ем +Ñģ илÑĮ +Ġch ợ +Ùħ را +Ùħرا ÙĤب +à¹Ħมà¹Ī รูà¹ī +Ġر ائع +×IJ׳ ×Ĺ׳×ķ +สà¹Īà¸ĩ à¹Ģสริม +צ ×Ĺ +ĠìŀĪìĸ´ ìĦľ +Ġkur ulu +Ġkurulu ÅŁ +ĠÃĸ zellik +ĠÃĸzellik le +Ġת ×Ļ×§ +Ġgh é +Ġspr zÄĻ +ĠsprzÄĻ t +ער ×ķת +را ØŃØ© +ãģ£ ãģį +ãģ£ãģį ãĤĬ +ĠìķĦ ëŀĺ +stit uição +Ġдолж но +×Ķ ×¨×© +×Ķרש ×ŀ×Ķ +×Ķ׾ ×ļ +ãģ¡ ãģª +ãģ¡ãģª ãģ¿ +ãģ¡ãģªãģ¿ ãģ« +פ ×Ĺ×ĵ +ĠاÙĦج ÙħÙĬع +×ij×¢ ׾×Ļ +Ġtr ùng +Ġפ ת×Ĺ +×ŀ׾×Ĺ ×ŀת +ãĥĨ ãĥ¼ãĥ +ãĥĨãĥ¼ãĥ ŀ +Ùħ تاب +Ùħتاب عة +Ġ모 ìĬµ +ÙĬ ص +åIJĪ ãģĨ +ĠY ap +ĠYap ı +ĠÑģ казаÑĤÑĮ +ëª ° +à¸Ĺีà¹Ī สำà¸Ħัà¸į +ĠìĹĨ ìĬµëĭĪëĭ¤ +Ġnh ắc +Ġülk eler +Ġмног ие +íķĺ ìħ¨ +มาà¸ģ à¸Ĺีà¹Īสุà¸Ķ +à¸ģ à¹īา +à¸ģà¹īา ว +Ġİ yi +л еж +леж а +ãĤ¸ ãĥ§ +à¸Ĺั à¸ŀ +ا ÙĪØ± +Ġ×Ĺ×ijר ×Ļ +Ġ׾ ש×Ŀ +ì² « +ĠT á»Ń +×ŀ ×ķ׳×Ļ +ÙĤ ÙĪØ¯ +à¸ģระ à¹Ģà¸Ľ +à¸ģระà¹Ģà¸Ľ à¹ĭ +à¸ģระà¹Ģà¸Ľà¹ĭ า +ĠпÑĢоблем Ñĭ +Ġaç ıs +Ġaçıs ından +Ġ×Ķ×ŀ ׼ +ĠÙħع ظÙħ +ÙĤÙĬ اس +ĠпÑĢод олж +ĠпÑĢодолж а +Ġver diÄŁi +ĠпÑĢед меÑĤ +ãģĦãģ¾ãģĻ ãģĮ +ĠëͰ 른 +ĠاÙĦ ÙĤÙĬاÙħ +ĠØ¥ÙĦÙĬ Ùĩا +Т ÐIJ +п оз +ãĤ· ãĥ¥ +ä¸ĬãģĮ ãĤĬ +à¹Ģà¸Ķิม à¸ŀัà¸Ļ +à¸ģุ ล +ØŃر ÙĬØ© +×§×ij×ķצ ×ķת +ë¯ ¿ +ĠاÙĦÙħ ÙĨا +ĠاÙĦÙħÙĨا Ø·ÙĤ +ĠвÑĭп ол +ĠвÑĭпол нÑı +ãĥĭ ãĤ¢ +Ġê²° êµŃ +×Ĺ ×ķ×ŀ +×Ĺ×ķ×ŀ ר×Ļ×Ŀ +ĠУкÑĢа инÑĭ +ห à¸Ńม +ר ×Ļס +ĠÑħоÑĤ ел +ĠобÑĢаз ованиÑı +Ġkh ẳng +Ġm ưa +Ġgör me +Ġgüç lü +سع Ùī +มัà¹Īà¸Ļ à¹ĥà¸Ī +íķĺ ê²łìĬµëĭĪëĭ¤ +Ġпол Ñĥ +Ġfün f +ã썿ĢĿ ãģ£ãģ¦ãģĦãģ¾ãģĻ +Ġê·¸ê²ĥ ìĿĢ +ĠdÃ¼ÅŁÃ¼n ce +ìŀ ł +ĠH Æ°á»Ľng +ĠTi á»ĥu +Ġç ift +ãģij ãģ° +à¸Īà¸Ļ à¸ĸึà¸ĩ +à¸Ĺำ à¹Ħà¸Ķà¹ī +ĠìŀIJ ì²´ +Ġd õ +Ġdõ i +à¸Ī ัà¸Ļ +à¸Īัà¸Ļ à¸Ĺ +à¸Īัà¸Ļà¸Ĺ รà¹Į +ece ÄŁini +׳×ķ×¢ ר +غ ار +ĠاÙĦØ£ÙħرÙĬ ÙĥÙĬ +داع Ø´ +ĠбезопаÑģ ноÑģÑĤи +Ġб Ñİ +ĠбÑİ Ð´Ð¶ +ĠбÑİдж еÑĤ +ãĥĬ ãĤ¤ +à¸ŀà¸ļ วà¹Īา +da ÄŁ +×IJ ×ķפף +íĹ Į +ãĥĢãĤ¤ ãĤ¨ +ãĥĢãĤ¤ãĤ¨ ãĥĥãĥĪ +ĠëĮĢ íĨµ +ĠëĮĢíĨµ ëł¹ +D İ +Ø£ ØŃداث +ĠA ÄŁ +ĠAÄŁ ust +ĠAÄŁust os +ØŃÙĦ ÙĪÙĦ +Ġw ÅĽ +ĠwÅĽ ród +ĠÑģо оÑĤвеÑĤ +ĠÑģооÑĤвеÑĤ ÑģÑĤв +ĠÑģооÑĤвеÑĤÑģÑĤв ии +ĠLu áºŃt +Ġ׼׾ פ×Ļ +Ġв еÑī +ĠвеÑī еÑģÑĤв +×§ ×Ļ×¥ +ĠبÙĩ ذا +عا Ø´ +à¹Ģà¸Ľà¹ĩà¸Ļ à¹Ģรืà¹Īà¸Ńà¸ĩ +Т Ðķ +Ġ×ij×IJ ×Ļ׳×ĺר׳×ĺ +س عد +Ġ×Ķ×ĺ ×Ļפ×ķ׾ +פ ×Ļס +à¸ĩà¹Īาย à¹Ĩ +ĠGer ät +׾ ×Ļ×ĵ×Ķ +ĠÑĢ Ð¸Ñģк +׾ק ×Ĺ +н наÑı +ר ×Ļ×ĵ +п ÑĢакÑĤи +пÑĢакÑĤи к +à¸Ĥัà¹īà¸Ļ à¸ķà¸Ńà¸Ļ +à¸Ļà¹Īา รัà¸ģ +larınız ı +à¸Ńà¸Ļุ à¸įา +à¸Ńà¸Ļุà¸įา à¸ķ +ĠzdjÄĻ cia +Ġb ây +Ñģ ÑĢ +ÑģÑĢ Ð¾Ñĩ +ãĥĭ ãĥ³ãĤ° +Ġö ner +Ġöner i +Ġнов ÑĭÑħ +دع ÙĪØ© +Ġg ắn +ĠاÙĦÙĦ بÙĨ +ĠاÙĦÙĦبÙĨ اÙĨÙĬ +ãĥĨãĤ£ ãĥ¼ +Ġص ØŃÙĬØŃ +ем ÑĭÑħ +çĸ² ãĤĮ +ĠпÑĢо иÑģ +ĠпÑĢоиÑģ ÑħодиÑĤ +ส à¸ķิ +ĠT ết +Ġ×Ķ׾ ׾×ķ +à¹Ģรืà¹Īà¸Ńà¸ĩ à¸Ļีà¹ī +×ŀ×ij ׳×Ķ +Ġconte údo +Ġا خت +Ġاخت ÙĬار +Ùħ سÙĦ +ÙħسÙĦ سÙĦ +ëı Ī +Ġ׾ ×Ļ×ĵ +à¸ŀิ à¸ĺี +ĠÑģов Ñģ +ĠÑģовÑģ ем +ãģĮãģĤãĤĬ ãģ¾ãģĹãģŁ +Ġsó ng +Ø¥ صÙĦاØŃ +ë§ ģ +Ùģ ÙĬر +ĠJe żeli +ìłľ ëıĦ +d ÅĤug +ìĥģ ìĿĦ +Ġc áºŃn +Ġhá»į p +Ø£ ست +أست اذ +Ġ×ŀ ×Ļש×Ķ +Ġ×ŀ×Ļש×Ķ ×ķ +Ġd Ãły +Ġch Ãłng +ãģ¡ãĤĥãĤĵ ãģ¨ +ĠÄij ám +Ġsw ój +Ġpoder á +ĠоÑĤлиÑĩ а +Ġpéri ode +ünd ig +×ĺ×¢ ף +ÑģÑĤÑĢо иÑĤелÑĮ +ר ת×Ļ +Ġ×Ļ×Ķ ×Ļ×ķ +׾ ס +ĠاÙĦÙħÙĨ زÙĦ +à¸Ļิ à¹īว +иÑĦ ика +иÑĦика ÑĨи +ðŁĺ ī +Ġad ına +ãĢĤãĢĤ ãĢĤ +×IJ ×Ļף +ס ×Ļר +ĠÙĬ عد +çŃĶ ãģĪ +اÙĦ جز +اÙĦجز ائر +енÑĮ к +ร ห +รห ัส +ĠTürk çe +ê¾ ¸ +Ġ×Ļ ×ķ׼׾ +Ġש ×ķ׳×Ķ +Ġ×ij×ŀ צ×ij +ĠдейÑģÑĤв иÑĤелÑĮно +ĠبأÙĨ Ùĩ +×ŀ×§ ×ĵ +Ġ×Ķש ×§ +Ø®ÙĬ ارات +Ġf ı +Ġfı rs +Ġfırs at +ëij ĺ +ĠìĦľ ìļ¸ +Ġ×Ķ×Ĵ ×ķ×£ +ر عا +رعا ÙĬØ© +ĠK ết +к Ñģи +ĠÑĥÑģлÑĥг и +ноÑģÑĤ ей +ìļ´ ëıĻ +ĠобÑĬ Ñı +ĠобÑĬÑı вл +н еж +×Ķפ ×ļ +Ġ×ij×¢ ×Ļ׳×Ļ +ëĨ Ĵ +ĠпÑĢоÑĨ ед +ĠпÑĢоÑĨед ÑĥÑĢ +Ġiht iy +Ġihtiy acı +Ġë°Ķ ëŀį +Ġë°Ķëŀį ëĭĪëĭ¤ +à¸ģล ัว +ĠÑģл ожно +×§×Ļ ×Ļ×ŀת +ĠÄIJ ình +ĠÙħ ÙĦÙģ +Ġà¹Ĥà¸Ķย มี +Ġkat kı +تØŃ ÙĪÙĬÙĦ +à¹Ħ à¸ŀ +ĠH á»į +ñ e +Ġдо Ñħод +Ġtho ải +íķĺìŬ ìķ¼ +ãĤ¹ãĥĿ ãĥ¼ãĥ +ãĤ¹ãĥĿãĥ¼ãĥ Ħ +ĠG òn +Ġk è +Ġkè m +é̲ ãĤģ +ãĤ¹ ãĥ¼ãĥ +ãĤ¹ãĥ¼ãĥ ij +ãĤ¹ãĥ¼ãĥij ãĥ¼ +ĠgiÃł u +ĠØ¥ عادة +Ġ׾ ×ķ×§ +Ġ׾×ķ×§ ×Ĺ +ĠÑħоÑĩ еÑĤ +×ĺ ׾×ķ×ķ +×ĺ׾×ķ×ķ ×Ļ×ĸ +×ĺ׾×ķ×ķ×Ļ×ĸ ×Ļ×Ķ +Ġth uyết +ãģĿãĤĮ ãģ§ +Ġvard ı +à¹Ħร à¹ī +ع بد +ĠRep ública +ãĥ¼ãĤ¿ ãĥ¼ +Ġ×ŀ×IJ ×ķת +à¹Ħà¸Ľ à¹ģลà¹īว +Ġyapıl acak +ãĤ¹ãĤ¿ ãĥ¼ãĥĪ +ãģ» ãģ¼ +Ġko ÅŁ +ĠмаÑĤ еÑĢи +Ġsiè cle +ĠاÙĦÙħ ختÙĦÙģ +ĠاÙĦÙħختÙĦÙģ Ø© +Ġ׾ק ר×IJ +Ġ׾קר×IJ ת +Ġ×Ķפ ×ķ×¢×ľ +Ġt òa +Ġr Æ¡i +åij¨ ãĤĬ +à¸Ŀ à¸Ļ +j ÅĽÄĩ +ĠìķĬ ìĿĦ +اÙĨت ÙĤاÙĦ +ëĸ ł +ив аеÑĤ +ãĥĪ ãĥ« +ĠاÙĦÙģÙĦسطÙĬÙĨ ÙĬØ© +à¸ģลà¹Īาว วà¹Īา +ا Ùĥت +ĠÃĸ l +ĠÑĢе ÑĪи +ĠÑĢеÑĪи л +Ġ׳×ķס פ×ķת +Ġìłķ ì¹ĺ +вл еÑĩен +Ùħر ØŃÙĦØ© +Ġcome ça +Ġy ık +ìĤ ´ +à¸ĺ à¸Ļา +à¸ĺà¸Ļา à¸Ħาร +à¸Ńà¸Ļ า +à¸Ńà¸Ļา à¸Ħ +à¸Ńà¸Ļาà¸Ħ à¸ķ +Ġpeque ña +ä»ķ äºĭãĤĴ +Ġب ذÙĦÙĥ +Ġнов ого +ãģĹãģ¦ ãģĦãģªãģĦ +ĠاÙĦÙħ ÙĬاÙĩ +à¸ģà¹ĩ à¹Ģà¸Ľà¹ĩà¸Ļ +Ġж ÑĥÑĢ +ĠжÑĥÑĢ Ð½Ð°Ð» +в еÑģ +خت ار +Ġ매 ìļ° +ĠM ã +ĠавÑĤомаÑĤ Ñĭ +ضع Ùģ +ĠاÙĦÙģ Ùĥر +ãģ§ãģĻ ãģ®ãģ§ +ãĥ¡ãĥ³ ãĥIJãĥ¼ +Ġк ÑĢÑĥг +ĠاÙĦسÙĦ طة +à¸Ħรัà¹īà¸ĩ à¹ģรà¸ģ +à¸ģระà¸Ĺ รว +à¸ģระà¸Ĺรว à¸ĩ +ÑĨ ов +éķ· ãģĦ +大ãģį ãģĦ +Ġgeç miÅŁ +ìĦ± ìĿ´ +Ġצר ×Ļ׼×Ķ +Ġм оÑī +ĠмоÑī н +Ġ×§ ×Ļש +Ġ×§×Ļש ×ķר×Ļ×Ŀ +ĠNas ıl +г ÑĢан +Ġ×ŀ ×ķצר×Ļ×Ŀ +Ġ×ŀס ×ķ×Ĵ +Ġy ür +Ġyür üt +Ġ׾׊צ×ķ +×ķÖ ¼ +ĠìŀĪ ìĹĪëĭ¤ +Ġter ör +ĠTh ương +ĠÙĪ ÙĬÙħ +ĠÙĪÙĬÙħ ÙĥÙĨ +ج ÙĪÙĨ +ĠÙĪØºÙĬر Ùĩا +×ŀ פ×ķ +×Ĵ×ķר ×ŀ×Ļ×Ŀ +׼×ij ×Ļש +ĠاÙĦÙĦ غ +ĠاÙĦÙĦغ Ø© +شر Ùĥ +ĠاÙĦر اب +ĠاÙĦراب ع +ĠпÑĢ ÐµÐº +ĠпÑĢек ÑĢаÑģ +ĠпÑĢекÑĢаÑģ н +Ġenerg ÃŃa +×§×ĵ ×ŀ×Ļ +ãģıãģª ãģ£ãģŁ +ĠÄij ứ +ĠÄijứ a +Serv i +Servi ço +Ġkald ır +åĥį ãģį +Ġод еж +Ġодеж д +물 ìĿĦ +ãģĿãģĨ ãģ§ +ãģĮãģĤ ãĤĮãģ° +ìĻ ķ +צ×ĵ ×§ +Ġart ır +Ġile ti +Ġileti ÅŁim +ãĤĪãģĨ ãģ§ +ãĥĪ ãĥ¼ +ãĤ¢ ãĥĭ +ãĤ¢ãĥĭ ãĥ¡ +×ĺ×Ļ ×Ļ׾ +ãĥķ ãĥªãĥ¼ +ãĥĿ ãĥ³ +ÐŁÑĢ Ð¾ +Ġع اÙĦÙĬØ© +ĠÃ¶ÄŁ ret +ĠÃ¶ÄŁret men +ĠкаÑĩеÑģÑĤв а +Ġ×Ķ×ĺ ×ij×¢ +Ġзна Ñİ +ãģ¦ ãģıãĤĭ +Ġm ừng +ÙħÙĪ Øª +ש ×ķ×ŀר +×Ĺ׾ ×ij +Ġwzgl ÄĻ +ĠwzglÄĻ du +ë²Ī 째 +Ġtá» ĵ +Ġtá»ĵ n +ãĥ¯ãĥ¼ ãĤ¯ +Ġpo życz +Ġpożycz k +×Ļ ×ķצר×Ļ×Ŀ +Ùĥر Ùħ +Ġг аÑĢ +ĠгаÑĢ Ð°Ð½ +ĠгаÑĢан ÑĤи +ล à¹īาà¸ĩ +Ġìĺģ íĻĶ +×ĺ ×Ļס +Ġth ẻ +ĠìŀĪëĭ¤ ê³ł +اÙĦت ز +اÙĦتز اÙħ +Ġна ÑĪи +is ée +ãģĵãĤĮ ãĤĴ +Ġm ẽ +ض ÙĦ +بÙĪ Øª +Ġ׼ ׼×Ķ +h ợ +ĠاÙĦس ÙĪØ±ÙĬØ© +Ġ×ľ×¢ ×ķ×ŀ +Ġ×ľ×¢×ķ×ŀ ת +ĠbaÅŁ ar +ĠbaÅŁar ılı +е ÑģÑĤÑĮ +à¸Ħร ี +à¸Ħรี ม +ĠìłĦ ì²´ +ĠسÙĬ ÙĥÙĪÙĨ +Ġ×ŀ×ĵ ×ķ×¢ +ĠëķĮ문 ìĿ´ëĭ¤ +Ġc ứng +ger ät +Ġм иÑĢ +ĠмиÑĢ Ðµ +ĠÙĥÙĬÙģ ÙĬØ© +Ġפר ×ĺ×Ļ×Ŀ +Ġgo ÅĽci +иÑĤ еÑģÑĮ +ÑĥÑĪ ÐºÐ¸ +ؤ ÙħÙĨ +Ġ×IJ ׼ף +ĠاÙĦر جÙĦ +Ġl á»įc +à¹Ģรีย à¸ģวà¹Īา +ãģĵãģ® ãĤĪãģĨãģª +ë§Į íģ¼ +Ġп еÑĩ +ÙĪÙĦ ات +ĠÃľ ye +liÄŁ inde +à¸Ħะ à¹ģà¸Ļ +à¸Ħะà¹ģà¸Ļ à¸Ļ +ãĤĭãģĵãģ¨ ãģ¯ +วิ à¹Ģà¸Ħร +วิà¹Ģà¸Ħร าะ +วิà¹Ģà¸Ħราะ หà¹Į +Ġвозмож ноÑģÑĤи +ĠاÙĦÙĨ ساء +ãĥīãĥ© ãĥŀ +Ġgü c +Ġgüc ü +Ġt ưá»Ŀng +Ġacomp aña +ãĤ¤ ãĥ© +×§ צ×ij +ĠY ö +ĠYö net +ĠYönet im +สัม à¸ľ +à¸ªà¸±à¸¡à¸ľ ัส +à¸Ļ าม +ĠÄij ợi +à¹ģหà¹Īà¸ĩ à¸Ĭาà¸ķิ +ãģĿãĤĮ ãģ§ãĤĤ +ät ig +ת ×ķ×Ŀ +ĠbaÅŁ lat +ĠвÑģ ей +ת ×Ļ×§ +ת×Ļ×§ ×ķף +ĠNg ô +ĠGesch ä +ĠGeschä fts +Ø£ Ùħ +Ø£Ùħ راض +à¹Ģà¸Ĺ à¸Ħà¸Ļ +à¹Ģà¸Ĺà¸Ħà¸Ļ ิ +à¹Ģà¸Ĺà¸Ħà¸Ļิ à¸Ħ +Ġм енÑĮ +ĠменÑĮ ÑĪе +Ġöl ç +Ġölç ü +ĠÙĬ جعÙĦ +ĠÄij ỡ +ש ×Ļ׾ +ש×Ļ׾ ×ķ×ij +ĠGr Ã¶ÃŁe +ĠÙĩ اتÙģ +รà¹īาà¸Ļ à¸Ńาหาร +×Ķ׾ ×Ļ׼ +×Ķ׾×Ļ׼ ×Ļ +иÑĢÑĥ ÑİÑī +èĭ¥ ãģĦ +ĠÃĸ zel +ãģĦãģŁ ãĤī +à¸Ħำ à¸ĸาม +Ġzosta ÅĤy +Ġ×Ķס ×Ļפ×ķר +×Ķ ×ķ׾ +×Ķ×ķ׾ ×ļ +à¹Ģà¸Ĭà¹Īà¸Ļ à¸ģัà¸Ļ +à¹Ĥ à¸Ĩ +à¹Ĥà¸Ĩ ษ +à¹Ĥà¸Ĩษ à¸ĵา +×IJר צ×ķת +×Ĵר פ×Ļ +Ġao ût +ĠÙĬ رÙĬد +ت ÙĪØ¬ +تÙĪØ¬ ÙĬÙĩ +ĠÑįÑĤ ап +ãĤ¹ãĤ¿ ãĥ³ +Ġkr ó +Ġkró tk +ãĤĴ使 ãģĨ +ì ·¨ +éĸ¢ ãĤı +à¸Ķà¹īวย à¸Ħวาม +à¸Ļำ à¹Ģสà¸Ļà¸Ń +Ġa yrıca +à¸Ī à¹īาà¸ĩ +ĠÑĦоÑĤ огÑĢаÑĦ +Ġв еÑĩ +ĠвеÑĩ еÑĢ +åĩº ãģĹãģŁ +ĠÐ¥ о +Ġ×ŀ ר×Ĵ×Ļש +à¹ĥหà¹ī à¹Ģà¸Ľà¹ĩà¸Ļ +ãĤĴ 缮 +ãĤĴ缮 æĮĩ +׾ ×ŀ×Ļ×Ŀ +nÄħ ÅĤ +ĠÑģÑĤ анд +ĠÑģÑĤанд аÑĢÑĤ +ĠSü d +ĠT âm +اخت بار +à¹Ģà¸ģ à¸Ńรà¹Į +Ùħس رØŃ +Ġbi á»ĩn +ب Ùı +Ġص اÙĦ +ĠصاÙĦ ØŃ +ĠPh ụ +íľ ´ +ãĥ¬ãĥĵ ãĥ¥ãĥ¼ +Ġbụ ng +Ġrég ime +ĠØ£ Ø´Ùĩر +ĠÑĢабоÑĤ ник +à¸Ŀ ัà¸Ļ +اع تÙħ +اعتÙħ اد +Ġзам еÑĤ +ãģ¾ ãģ£ãģ¦ +Ġch ặt +æĿ¥ ãĤĭ +ĠاÙĦÙĤ ÙĪØ§Øª +ãģ«åħ¥ ãģ£ãģ¦ +تØŃ اÙĦÙģ +Ùħ زÙĬد +ĠÙĬ صÙĦ +ìĹ ¼ +à¹Ģà¸Ĭ à¹ĩ +à¹Ģà¸Ĭà¹ĩ à¸Ħ +Ġk á»ĭ +Ġká»ĭ p +ĠìķĦ ì§ģ +×IJ׳ ×Ĵ +Ġобла ÑģÑĤÑĮ +Ġpomoc Äħ +Ġ×ķ ש׾ +ëĵł ì§Ģ +ĠGi ám +ĠSt ück +Ġchá y +ĠëĤĺ ìĺ¤ +ש ×Ļ×ĺת +×ŀ×ĵ ר +×ŀ×ĵר ×Ļ×ļ +Ġsüre ç +к ва +×ij׾ ×Ļ×Ŀ +×Ķ ×ª×Ļ +×Ķת×Ļ ×Ļ×Ĺס +ÙĤب اÙĦ +Ġס ×ķ×Ĵ +Ġס×ķ×Ĵ ×Ļ +ÑģÑĤ олÑĮ +ä½ķ ãĤĤ +×ĸ׼ ×ķר +è²· ãģĨ +å®ī ãģı +à¸Ħรัà¹īà¸ĩ à¸Ļีà¹ī +kö p +ĠÑģеÑĢ Ð²Ð¸Ñģ +оÑĩ нÑĭÑħ +ê±° ëŀĺ +تأ Ùĥ +تأÙĥ ÙĬد +×ĵ ׾ק +Ġпо Ñĩем +ĠпоÑĩем Ñĥ +пиÑģ аÑĤÑĮ +×ij שר +ĠH Ãłng +ĠT ìm +Ġtr ừ +ãĤ» ãĥĥãĤ¯ãĤ¹ +×ķ׳ ×Ĵ +mız da +п Ñģи +ĠìŀĪ ê¸° +Ġr út +ز اÙĨ +تÙĨ ÙĪØ¹ +ÙħÙĤ ا +ÙħÙĤا ÙĪÙħØ© +Ġ׾צ ×ķר×ļ +Ġ×ij ×Ļר×ķש׾×Ļ×Ŀ +ãĥ´ ãĤ£ +eb ile +ebile ceÄŁi +ãĥ¦ ãĥ¼ãĤ +ãĥ¦ãĥ¼ãĤ ¶ +ãĥ¦ãĥ¼ãĤ¶ ãĥ¼ +ãĤĴä½ľ ãĤĭ +Ñģ меÑĢ +ÑģмеÑĢ ÑĤ +Ġì§ ģ +Ġì§ģ ìłij +ĠÐŁ аÑĢ +ØŃ اض +ØŃاض ر +Ùħ ÙĥاÙģ +ÙħÙĥاÙģ ØŃØ© +ล ิà¸Ļ +ãģ¦ ãģįãģ¦ +ÑĢоÑģ л +ĠÄ°ÅŁ te +ÙĤص ÙĬر +Ġ×ij×Ĵ ×Ļ׾ +Ġ×ŀת ×IJ×Ļ×Ŀ +Ġ×Ķ ×Ĺ×ĵ +Ġ×Ķ×Ĺ×ĵ ש×Ķ +ר ×ķ×¢ +Ġprodukt ów +ĠÙħ صدر +не ÑĨ +ĠاÙĦعÙħÙĦ ات +Ġçık ma +Ġد بÙĬ +×§ ×Ļף +ת ×IJר +ת×IJר ×Ļ×ļ +׳×Ļ ×Ļ×ĵ +صر اع +l ève +צ ×Ļר +à¸Ķ ัà¸Ļ +à¹ĥหà¹ī à¹Ħà¸Ķà¹ī +ãĤ¿ãĤ¤ ãĥł +Ġgi ảng +С ÐŁ +ĠاÙĦÙħ ØŃÙĦ +ĠاÙĦÙħØŃÙĦ ÙĬØ© +ĠT ất +׾ ×ķ×ĺ +h á»ķ +Ġam éric +Ġaméric ain +Ġ×ijש׾ ×ij +Ġ׾×IJ ×ķ×ŀ×Ļ +Ġpe ça +ĠÑĢаз нÑĭÑħ +ãģĦãĤĭ ãģ¨ +ãĥĩ ãĥ³ +ס קר +Ġ×Ķ×ŀ×Ĺ ×Ļר +ãģ¨ãģĦãģĨ ãĤĤãģ® +رت بط +ĠиÑģÑĤ оÑĩ +ĠиÑģÑĤоÑĩ ник +สมัà¸Ħร สมาà¸Ĭิà¸ģ +Ġ à¸Ĺัà¹īà¸ĩ +Ġà¸Ĺัà¹īà¸ĩ à¸Ļีà¹ī +ĠT áºŃp +ãģ£ãģ¦ ãģĦãģĨ +ĠاÙĦÙĪ ØµÙĪÙĦ +Ġdéc ada +Ġо ÑĦоÑĢм +ĠоÑĦоÑĢм лен +สำหรัà¸ļ à¸ģาร +Ġog óln +ãģĨãģ¡ ãģ« +Ġvá rias +ãģĻãģİ ãĤĭ +ÙĪ Ùĩا +à¹Ĥà¸Ľà¸£ à¸Ķ +ĠÐłÐ¾ÑģÑģ иÑı +人 ãĢħ +ãģĹãģ¦ ãģįãģŁ +Ġsı rasında +Ġng ôn +س ÙĨØ© +تÙħ تع +×ŀ׼ ×ij×Ļ +Ġnh ấn +×¢ ×ŀ×Ļ×ĵ +á» ¨ +ж иÑĤÑĮ +ãĤī ãģĽ +gr áf +gráf ica +ĠÙĤ ÙĪÙĦ +ĠÙĤÙĪÙĦ Ùĩ +ëĭ¨ ì²´ +ห à¹īา +หà¹īา ม +使 ãģ£ãģ¦ +ת ×Ļ×ij +ת×Ļ×ij ת +i á»ĥu +à¹ģ à¸Ĭม +à¹ģà¸Ĭม à¸Ľ +à¹ģà¸Ĭà¸¡à¸Ľ à¹Į +Ạ¬ +ĠëĤĺ ëĿ¼ +ĠÙħباشر Ø© +Ġtr Äĥm +سÙĥ ÙĪ +ĠاÙĦذ Ùī +Ġbi ç +Ġbiç im +ت راجع +Ġоб еÑģп +ĠобеÑģп еÑĩ +ĠобеÑģпеÑĩ ива +Ġвозд ÑĥÑħ +Ñĭв аÑĤÑĮ +ÙĦ ØŃÙĤ +ĠMü dü +ĠMüdü rl +ĠMüdürl Ã¼ÄŁÃ¼ +Ġyapt ır +Ġפר ס +Ġפרס ×ķ×Ŀ +Ø· ÙĪØ± +ÑģÑĤв оваÑĤÑĮ +ìŀ¥ ìĿĦ +à¸Ĺีà¹Īà¸Ķี à¸Ĺีà¹Īสุà¸Ķ +à¸Ńั ล +ÑĢ Ñİ +Ùħست ÙĤبÙĦ +Ñģл ÑĥÑĪ +ÑģлÑĥÑĪ Ð° +èªį ãĤģ +Ġ׾ ×Ļ×ŀ +Ġ׾×Ļ×ŀ ×ķ×ĵ×Ļ +ת ש×ķ×ij +תש×ķ×ij ×ķת +ĠgerçekleÅŁtir il +ĠاÙĦ اتÙ쨧ÙĤ +ĠÑĥÑĢов не +ĠÑĤ ÑĢав +Ġ×Ķ×ŀ ×ķף +ØŃÙģ Ø§Ø¸ +ĠÙħ ÙIJ +ĠÙħÙIJ ÙĨ +ĠÙħÙIJÙĨ ÙĴ +Ġdem ás +×ŀ×ķ×ĸ ×Ļ×§×Ķ +ש ×Ļ×Ĺ×Ķ +Ġb ú +алÑĮ нÑĭм +ãĤı ãģŁ +ãĤıãģŁ ãģĹ +ĠاÙĦÙħÙĪ Ø§Ø¯ +ת ׼׳ +×ª×Ľ×ł ×ķף +ãĥŃ ãĥĥãĤ¯ +hi ếu +ĠÑĥ ме +ÙħØŃا ÙĪÙĦØ© +×IJ ×ķשר +Ġкон кÑĥÑĢ +ĠконкÑĥÑĢ Ñģ +Ġ×ŀ ×ij×Ĺ +Ġ×ŀ×ij×Ĺ ×Ļ×ł×ª +Ġan lam +Ġanlam ı +Ġli á»ĩt +Ġв Ñħод +ĠH ình +ĠÙĨ ÙĬ +ĠÙĨÙĬ ÙĪØ² +ãĤ¸ãĥ£ ãĥ¼ +×ij ×Ļ×¥ +ÑĤелÑĮ нÑĭÑħ +à¸Ĺุà¸ģ à¸Ńยà¹Īาà¸ĩ +ĠkiÅŁ inin +Ø£ Ùĥثر +ĠиÑģÑĤоÑĢ Ð¸Ð¸ +Ġë³Ģ íĻĶ +פ׾ ס×ĺ +×¤×ľ×¡×ĺ ×Ļ׳×Ļ +ĠÑģ еÑĤ +ĠÑģеÑĤ и +dıģ ımız +íķĺ ëıĦë¡Ŀ +×Ķ ×¨ +×Ķר ×ij×Ķ +ãģĻãĤĭãģĵãģ¨ ãģ¯ +Ġphi ếu +تØŃ سÙĬÙĨ +ĠÅĽ rod +ĠÅĽrod ow +ĠÅĽrodow isk +ĠÑĢаÑģ Ñħод +بر ÙĬد +Ġر ÙĬ +ĠرÙĬ اÙĦ +Ġ×ķ ׼×ļ +ì§Ģ ìļĶ +׼ ×ŀ×ķ +Ġ×¢×ľ ×Ļ×Ķ×Ŀ +f ÃŃcio +Ġkar arı +tıģ ını +ĠС ов +ĠСов еÑĤ +ãģĬéĩij ãĤĴ +м еждÑĥ +междÑĥ на +междÑĥна ÑĢод +междÑĥнаÑĢод н +Ġm á»Ŀi +ĠاÙĦØ¥ ÙĬر +ĠاÙĦØ¥ÙĬر اÙĨÙĬ +ĠاÙĦرÙĪ Ø³ÙĬ +ص ÙĨد +صÙĨد ÙĪÙĤ +ĠاÙĦØ¥ÙĨ ترÙĨت +Ġt ắm +ĠÑĤак ого +Ġ×ij ׾×ķ×Ĵ +Ġü crets +Ġücrets iz +×Ĺ×ĸ ×Ļר +ìĸ´ ìķ¼ +ĠPh ần +ï¼ ľ +Ġ×ĺ ×ij×¢ +Ġ×ĺ×ij×¢ ×Ļ +×IJ×ŀ ×IJ +اÙĤ ÙĦ +Ġcondi ções +ÙĤات ÙĦ +ĠÑĢезÑĥлÑĮÑĤаÑĤ е +ĠÑģво ими +צ×ij ×Ļ×¢ +gé ni +Ġz es +Ġzes po +Ġzespo ÅĤ +ÑĪ Ð¸Ð² +Ġפר×ĺ×Ļ ×ķת +Ùħست Ø´Ùģ +ÙħستشÙģ Ùī +شر ع +Ġko ÅĽci +Ġ×Ķ×IJ ×Ļ׳×ĺר׳×ĺ +ĠЧ еÑĢ +поÑĩ ÑĤ +Ġactiv ités +çŁ¥ ãģ£ãģ¦ +Ġ×ij ×ĸ×Ķ +Ġyüz den +ãģªãĤĬ ãģ¾ãģĽãĤĵ +Ġíĺ ¹ +Ġíĺ¹ ìĿĢ +Ġ×ŀש ׳×Ķ +ĠÐĴ еÑĢ +Ġ×ij×IJ×ķת ×ķ +éĿ¢ çϽ +éĿ¢çϽ ãģĦ +شر ØŃ +gr ünde +Ùģ Ø´ +Ù쨴 ÙĦ +Ġsé jour +ë´ IJ +Ġr ôle +Ø´ عار +ем Ñĭе +ĠاÙĦج سÙħ +алÑĮ ное +Ġìĥģ íĥľ +ï¼ ¤ +ë¯Ģ ë¡ľ +ĠÙĨ ÙĤØ· +ĠÙĨÙĤØ· Ø© +ãģĿãģĨ ãģł +ãģĻãĤĭ ãģ®ãģĮ +ห ู +Ġnh á»ĭ +Ġeconóm ica +ס×ĺ ×ķ×ĵ +ס×ĺ×ķ×ĵ ׳×ĺ +มี à¹Ĥà¸Ńà¸ģาส +Ġgest ão +รูà¹ī วà¹Īา +Ġlo ạt +ĠاÙĦÙħ Ùı +ĠاÙĦØŃ ÙħÙĦ +ĠاÙĦعÙħÙĦ ÙĬØ© +Ġê²ĥ ëıĦ +ĠÐľÐ¾Ñģк ва +×§×ĺ ×ķר +Ġпод ÑĢоб +ĠподÑĢоб н +Ġl ưng +ت Ù쨳 +تÙ쨳 ÙĬر +ĠاÙĦ بع +ĠاÙĦبع ض +ئ ت +Ðķ ÐĿ +ìŰ 구 +à¹ĥหà¹ī à¸Ħุà¸ĵ +ãģĤãĤĬ ãģ¾ãģĹãģŁ +Ġbir ka +Ġbirka ç +Ġİ sl +Ġİsl am +çĹĽ ãģ¿ +Ġh ảo +Ġм аÑı +ĠiÅŁ çi +ש × +×©× ģ +à¸ģาร à¹Ģมืà¸Ńà¸ĩ +×ķ×Ķ ×¨ +Ġch ó +ëĨ Ģ +Ġyan lı +Ġyanlı ÅŁ +幸 ãģĽ +×IJר×Ĵ ×ķ׳×Ļ +à¸Ńาà¸Ī าร +à¸Ńาà¸Īาร ยà¹Į +ĠинÑĦоÑĢм аÑĨиÑİ +Ðĵ Ðŀ +׳ ×Ĺש +ĠìķĮ ìķĦ +ĠÑħаÑĢакÑĤеÑĢ Ð¸ÑģÑĤ +ĠÑħаÑĢакÑĤеÑĢиÑģÑĤ ик +à¸Ħุà¸ĵ สามารà¸ĸ +è¦ĭ ãģĪãĤĭ +à¸Ĭัà¸Ķ à¹Ģà¸Ī +à¸Ĭัà¸Ķà¹Ģà¸Ī à¸Ļ +ĠdziaÅĤ al +ĠdziaÅĤal noÅĽci +à¹Ĥà¸ŀ สà¸ķà¹Į +ĠÐļ ол +ĠÙģ ÙĩÙĬ +Ġ×ŀ פ׳×Ļ +Ġ×Ķ×§ שר +Ùħر Ùĥ +ÙħرÙĥ ز +Ġho á +Ġа пп +Ġапп аÑĢаÑĤ +Ġp ami +Ġpami ÄĻ +ĠpamiÄĻ ta +Ġç ünkü +×ĵ ×ķף +ãģ¯ ãģĵãģ¡ãĤī +ĠM Ãł +ĠÙĬ ÙĤدÙħ +ĠпÑĢ ÐµÐ· +ĠпÑĢез иденÑĤ +à¸Ńุ à¸ķ +à¸Ńุà¸ķ สา +à¸Ńุà¸ķสา ห +à¸Ńุà¸ķสาห à¸ģรรม +ì§Ģ ìĽIJ +Ġ×IJפשר ×ķת +sch üt +schüt z +ĠTi ên +Ġsay ılı +ĠгÑĢÑĥпп Ñĭ +оÑĩ нÑĭй +Ġ×ľ×¢ ×ŀ×ķ×ĵ +Ġwr zeÅĽ +ĠwrzeÅĽ nia +ĠÄIJ ầu +à¹Ģà¸Ĥà¹īา รà¹Īวม +nız da +Ø®ÙĬ ص +Ġgü nc +Ġgünc el +ĠÙĦÙĩ ذÙĩ +ĠÙĬ عتبر +lé gi +ãĤı ãģĭãĤĭ +Ġr ừng +ظ Ùĩ +ظÙĩ ÙĪØ± +Ġ×ŀ×ij ×Ļף +Ġ기 íĥĢ +åĪĩ ãĤĮ +lan mÄ±ÅŁ +à¸Ĺีà¹Ī มีà¸Ħวาม +Ġh á»ģ +ت ÙĪØ¬Ùĩ +ĠاÙĦØ¥ دارة +Ġú til +ס פ×ķ +à¸Ħวาม รัà¸ģ +à¹Ĥ ฮ +Ġпол иÑĤ +ĠполиÑĤ ик +Ġsat ın +ĠÅŀ imdi +×ŀ ×ķר×Ļ×Ŀ +ìķĺ ëĭ¤ +×Ĺ ×ķ×ķ +×Ĺ×ķ×ķ ×Ļ×Ķ +à¸Ħà¸Ńม à¸ŀิ +à¸Ħà¸Ńมà¸ŀิ ว +à¸Ħà¸Ńมà¸ŀิว à¹Ģà¸ķà¸Ńรà¹Į +Ġا ذا +تخ اذ +ãĤ¨ ãĥ« +Ġpossibilit é +ยืà¸Ļ ยัà¸Ļ +Ġü nivers +Ġünivers ite +ĠاÙĦد ÙĪØ±ÙĬ +ĠìķĬëĬĶ ëĭ¤ +ĠìĦľ ë¡ľ +ØŃ اÙĦ +Ġë ¨ +Ġë¨ ¼ +Ġ먼 ìłĢ +à¸Ĺีà¹Ī à¸ĸูà¸ģ +ì§ ľ +Ġsk óry +лÑĮ ÑĨ +à¹ĥà¸Ĭà¹ī à¹Ģวลา +×ij×§ שת +Ġذ ÙĪ +æĹ¥ ãĢħ +ĠкоÑĤоÑĢ ÑĥÑİ +ĠÑĥÑĢов енÑĮ +ê¹ ¨ +à¹Ħ à¸Ĺ +ãĤµ ãĥĹãĥª +ãĤ¸ ãĥ§ãĥ³ +ãģĻ ãģ¹ãģį +ĠG ór +ãĥĪ ãĤ¤ +ãĥĪãĤ¤ ãĥ¬ +ĠyaÅŁ ama +Ġdá»ĭ p +Ġb ữa +à¸ĭ ุ +Ġöl üm +ãģ£ãģ¦ ãģıãĤĭ +à¸ģาร à¸Ħà¹īา +ש ער +ĠÑĤип а +Ġг еÑĢ +ĠгеÑĢ Ð¾ +רק ×¢ +Ġu waż +Ġuważ a +ש×ŀ ף +Ġhast alık +ãĤıãĤĮ ãĤĭ +ba ÅŁÄ± +Ñĩ ÑĤо +Ġ×ij ×ŀר׼×ĸ +Ġìļ°ë¦¬ ìĿĺ +ĠÙĥاÙĨ ÙĪØ§ +ĠØ£ بر +Ġأبر ÙĬÙĦ +ì¸ µ +à¹Ħà¸Ĥ à¹Ī +ĠÙĪ ÙĦÙĪ +à¸Ĺ ัว +à¸Ĺัว รà¹Į +ĠÙĪØ£ Ùĥد +à¸Ĭ วà¸Ļ +׾ ×ķ×§ +æį ¨ +æį¨ ãģ¦ +Ġİç in +p éri +Ġy al +Ġyal nız +ÑĮÑı н +Ġg ắng +à¸ģà¹ĩ ยัà¸ĩ +ĠУкÑĢа ин +ĠÑģ ами +ĠпÑĢовед ен +à¸ķà¸ģ à¹ģà¸ķà¹Īà¸ĩ +ĠQu ân +é paration +ĠbaÅŁ ında +Ġzn ale +Ġznale ź +Ġznaleź Äĩ +ãĤ± ãĥ¼ +ãĥİ ãĥ¼ +à¸ĸูà¸ģ à¸ķà¹īà¸Ńà¸ĩ +ëª ¸ +Ġëı Į +ĠëıĮ ìķĦ +ĠSch üler +Ġпод гоÑĤов +ĠподгоÑĤов к +ع رÙĪ +عرÙĪ Ø¶ +la ÅŁtır +ĠÑģоÑģÑĤав лÑıеÑĤ +ĠпÑĢоиз вод +ĠпÑĢоизвод ÑģÑĤва +ĠоÑģнов е +ĠØ´ ÙħاÙĦ +à¸ģร ี +ĠgörÃ¼ÅŁ me +оÑĩ ек +Ġ×Ĺ×ijר ×Ļ×Ŀ +ÙħØ® اط +Ùħخاط ر +ï¼ Ń +ר פ×IJ +ĠM ẹ +ยà¸Ńม รัà¸ļ +Ġv ết +Ø® ذ +ĠاÙĦت Ø· +ĠاÙĦتط بÙĬÙĤ +à¸Ļ ึà¸ģ +Ġ×Ķ ×Ľ×ł×¡×ª +ĠогÑĢ Ð°Ð½Ð¸ +ĠогÑĢани Ñĩен +ĠÃĩ alÄ±ÅŁ +ĠاÙĦÙħÙĨت دÙī +à¸Īำà¸Ļวà¸Ļ มาà¸ģ +ĠÑĤоÑĢ ÑĢ +ĠÑĤоÑĢÑĢ ÐµÐ½ÑĤ +ĠìĤ´ ìķĦ +à¸ŀลัà¸ĩ à¸ĩาà¸Ļ +à¸Ĭ ัà¸Ļ +ĠÐIJн дÑĢ +Ġréalis é +×ŀש ×IJ +à¹ģ à¸Ĭ +à¹ģà¸Ĭ รà¹Į +Ġб ог +มา à¹ģลà¹īว +ĠاÙĦÙĨ ار +Ġolmad ıģı +×ĵ ×¢×Ķ +ĠÑĥ веÑĢ +ĠÑĥвеÑĢ ÐµÐ½ +ãĤĭ ãĤĤãģ® +Ø£ د +أد ÙĪØ§Øª +Ġ×Ķ×ĸ ×ķ×Ĵ +Ø¥ عÙĦاÙħ +h á»ı +ĠNä he +ĠÑĤ еÑģÑĤ +Ġ×ŀ ×ķ׼ר +Ġë¬¸ìłľ ê°Ģ +ת ×ķצ×IJ×Ķ +m ó +mó vel +ĠاÙĦتج ارة +Ġмног иÑħ +обÑī а +Ġ×¢ סק×Ļ +ĠEdu cação +×§ ש×Ļ×Ŀ +é tabl +établ issement +Ġд еле +иÑĢÑĥ еÑĤÑģÑı +Ø¢ ثار +Ġ×Ķ×ŀ ר׼×ĸ×Ļ +ãĥIJ ãĥ« +ĠвÑģÑĤÑĢ ÐµÑĩ +ãģĴ ãĤĭ +Ġci Äħ +ĠciÄħ gu +ÙĬ ست +à¸łà¸² ว +à¸łà¸²à¸§ ะ +Ø£ Ùħر +Ġо жи +Ġожи да +Ġ á»§y +ãĥŀ ãĥ« +ر اس +оÑĩ ной +ת ×Ĵ×ķ×ij×ķת +تع رÙĬÙģ +ĠÑģо ÑĨиалÑĮно +ãĤĴ éĸĭ +ĠиÑģÑģлед ова +Ġd ú +Ġdú vida +Ġsk ÅĤ +ĠskÅĤ ada +Ġhä ufig +ĠвÑĭб ÑĢ +ĠвÑĭбÑĢ Ð°ÑĤÑĮ +ãģ®ãģ§ãģ¯ãģªãģĦ ãģĭ +ĠÑģ илÑĮно +ÑĤвеÑĢж ден +ר פ +רפ ×ķ×IJ×Ķ +æĢĿ ãģĦãģ¾ãģĻ +ØŃر ص +ש×ķת ×£ +Ùħس جد +à¹Ĥà¸Ĭ วà¹Į +ем ÑģÑı +в ÑĪие +Ġм л +Ġмл н +Ġ׾×Ķ ×ij×Ļ×IJ +ĠÙĬ تعÙĦÙĤ +à¸ķ ูà¹ī +Ġп ÑĢаз +ĠпÑĢаз д +ĠпÑĢазд ник +Ġн ем +Ġнем ного +Ġs Ãłng +تÙĨ سÙĬ +تÙĨسÙĬ ÙĤ +Ġtá» Ŀ +Ġмед и +ãģ« æĪ +ã쫿Π» +à¸Ħว à¹īา +ãģĭ ãģijãĤĭ +×ij׾ ×ķת +ĠÑįк Ñģп +ĠÑįкÑģп еÑĢÑĤ +Ġдев ÑĥÑĪ +ĠдевÑĥÑĪ Ðº +ĠØŃ ص +ÙĨØ´ Ø£ +ãģĮãģĤãĤĭ ãģ®ãģ§ +Ġت راÙħ +ĠتراÙħ ب +أس ÙĪØ§ÙĤ +Ġ׾פ ׳×ķת +Ġا ï»· +ãģ« ãģı +ãģ«ãģı ãģĦ +ĠØ£ عÙĦÙī +Ġ׾×Ķ ×ŀש×Ļ×ļ +rä u +ש×ŀ ×Ļ×Ŀ +åĪĨ ãģij +ãģĻ ãģ§ +ãģĻãģ§ ãģ« +×Ķ׾ ׼×Ķ +×Ĺ׾ ×Ļ×£ +Ġì ±ħ +Ġì±ħ ìŀĦ +à¹Ģà¸Ī ริ +à¹Ģà¸Īริ à¸į +éģĬ ãģ³ +ج سد +สา à¸ĺ +สาà¸ĺ าร +สาà¸ĺาร à¸ĵ +Ġbas ın +ÑĢаР³ +г ад +Ġho ÅŁ +íķ µ +×ij×Ĺ ×Ļר×Ķ +×ŀס ×ļ +Ġìłľ íĴĪ +تÙħ ÙĪÙĬÙĦ +ĠL ưu +ë¡ľ ë¶ĢíĦ° +Ġп об +Ġпоб ед +ÙħÙĨ ذ +常 ãģ« +ÙĤ س +ĠاÙĦÙħ صدر +ĠÙĪØ§ÙĦ است +Ġkh ắp +ĠاÙĦج اÙĨب +Ġng uyá»ĩn +éĸĵ éģķãģĦ +ĠÑģÑĤ ÑĢа +ĠÑģÑĤÑĢа Ñħ +ĠÑģÑĤÑĢаÑħ ов +รี à¸ļ +Ġx ương +Ġì° ¾ +Ġì°¾ ìķĦ +Ġng ại +г ал +à¸ĭ ีà¹Ī +Ġ×ij פ×Ļ×Ļס×ij×ķ×§ +Ц енÑĤÑĢ +Ġaval iação +Ġeconóm ico +×ĸ ף +ĠÐľ ак +Ġinter és +à¸ģล ิà¹Īà¸Ļ +ÑģÑĤÑĮ Ñİ +ĠÄij ương +å¼· ãģı +ĠKh ách +à¹Ģà¸Ļืà¹īà¸Ń หา +ĠYaz ı +è²· ãģ£ãģ¦ +Ðł Ðķ +à¹Ģà¸ŀิà¹Īม à¸Ĥึà¹īà¸Ļ +สม à¸ļู +สมà¸ļู รà¸ĵà¹Į +Ġм иÑĢов +×Ĵ ׳×Ļ×Ŀ +ĠÄij ức +à¸Ń ารà¹Į +ص اص +ãģĬ ãĤĪ +ãģĬãĤĪ ãģ³ +ÃªÌ ī +ĠاÙĦÙħؤ تÙħر +ĠاÙĦÙħر ØŃÙĦØ© +สà¸Ńà¸ļ à¸ĸาม +Ġà¸Īาà¸ģ à¸Ļัà¹īà¸Ļ +Ġت عد +ãģĿãģ® ãģŁãĤģ +Ġkh áng +à¸Ļ ิà¸Ķ +ãĥĬ ãĥ³ +ëĦ¤ ìļĶ +ĠاÙĦ اØŃت +ĠاÙĦاØŃت ÙĦاÙĦ +ìļ ķ +Ġмод ели +ĠпÑĢоÑĨ енÑĤ +à¸ŀวà¸ģ à¹Ģรา +Ġ×Ķצ ×ĵ +Ġ×Ķצ×ĵ ×ĵ×Ļ×Ŀ +ständ e +׳ ×Ĵר +Ġdot yc +Ġdotyc zÄħ +ĠdotyczÄħ ce +ĠÅĽ wiÄĻt +×ŀר ×Ķ +ãģĻãģĶ ãģĦ +ãĥĩãĤ£ ãĥ³ãĤ° +à¸ģาร สรà¹īาà¸ĩ +ë Ĥ¬ +Ġì°¸ ìŬ +Ñģ Ñħ +ÑģÑħ ем +ÙħÙĪ Ø³ +Ġn ấu +Ġ׾×ŀ×¢ ׾×Ķ +à¹Ģà¸Ľ à¹īา +à¹Ģà¸Ľà¹īา หมาย +Ġmù i +ائ ز +íĽ Ī +×Ĺ×ij ×ķר×Ķ +à¸ľà¸¹à¹ī à¹ĥà¸Ĭà¹ī +Ġpa ź +Ġpaź dzi +Ġpaździ ern +Ġpaździern ika +ลà¸ĩ à¹Ħà¸Ľ +ÙĤ اع +Ġch áºŃm +Ġözellik leri +ĠÄIJ o +ĠÄIJo Ãłn +ж ение +Ġh ẳ +Ġhẳ n +ĠaÅŁ k +ï½ į +ãĥij ãĤ¹ +×Ķ×ķר ×IJ×ķת +ĠÅ » +ĠÅ» y +×ŀ×ĸ ׾ +ĠÑĥ кÑĢа +ĠÑĥкÑĢа ин +à¹Ģà¸Ĭ ิ +à¹Ģà¸Ĭิ à¸į +Ðł Ðĺ +ĠzwiÄħz ku +×Ķ×Ĺ׾×ĺ ת +ãĤĵãģ§ãģĻ ãĤĪãģŃ +ãģ¦ ãģĬãĤĬ +лож иÑĤÑĮ +×ŀ ×ķ׳×Ļ×Ŀ +ฮ ิ +ì° ¬ +ĠاÙĦÙħØ´ ترÙĥ +ĠdÃ¼ÅŁ ük +аг енÑĤ +ĠاÙĦØ£ سبÙĪØ¹ +ĠÙĤ رÙĬب +ин д +инд ив +индив ид +индивид Ñĥ +индивидÑĥ алÑĮн +för der +Ġseç en +Ġseçen ek +Ġét ant +ĠлÑİб им +каз ÑĭваеÑĤ +ว ิà¸Ļ +Ġ×Ķ×ij ×IJ×Ļ×Ŀ +Ġд ов +Ġдов олÑĮ +ĠдоволÑĮ но +×¢×ĵ ×Ļ×£ +Ġok re +Ġokre ÅĽ +ĠokreÅĽ lon +Ġت رÙĬد +à¹Ģมืà¹Īà¸Ń วัà¸Ļà¸Ĺีà¹Ī +ãĤĪ ãģĭãģ£ãģŁ +Cum h +Cumh ur +Cumhur ba +Cumhurba ÅŁ +CumhurbaÅŁ kan +CumhurbaÅŁkan ı +Ġn ợ +à¸ľà¸¹à¹ī à¹Ģลà¹Īà¸Ļ +Ġcompl ète +à¹Ģà¸ŀ ศ +د ÙIJ +Ġdü z +Ġdüz ey +ãģ§ãģĤãĤĭ ãģĵãģ¨ +ext érieur +× ³ +Ġinform ação +ãĤ¯ãĥª ãĥĭãĥĥãĤ¯ +ĠPub li +ĠPubli é +ר ×ķ×ĵ +à¸Ħวาม à¸Ľà¸¥à¸Ńà¸Ķà¸łà¸±à¸¢ +ĠØ£ÙĬ ض +ĠØ£ÙĬض Ùĭا +ت سبب +ãģ¤ ãĤĤãĤĬ +из ма +à¸Ĥึà¹īà¸Ļ à¹Ħà¸Ľ +Ùĥ ÙIJ +ÙĦ ÙĪÙħ +Ġש צר +Ġשצר ×Ļ×ļ +ãģ¯ ãĤĤãģ¡ãĤįãĤĵ +Ġк ан +Ġкан ал +ãģ«ãģª ãģ£ãģ¦ãģĦãģ¾ãģĻ +ĠاÙĦØ£ Ùĥثر +ت اØŃ +ÙĨت Ùĩ +ÙĨتÙĩ اء +ا ÙĪÙĬØ© +ĠBug ün +н Ñģкого +à¸Ķ à¹Īวà¸Ļ +é volution +ãģ£ãģ¦ ãģĦãģ¾ãģĹãģŁ +ãĤ ħ +ĠV ương +à¸łà¸²à¸ŀ ย +à¸łà¸²à¸ŀย à¸Ļ +à¸łà¸²à¸ŀยà¸Ļ à¸ķรà¹Į +Ġ×Ķ ×¦×ľ×Ļ×Ĺ +ĠاÙĦإسÙĦاÙħ ÙĬ +ÙĦÙĬ ب +Ġed ição +ÑģÑĤÑĢ ÐµÐ» +Ġkh úc +ÙĨÙħÙĪ Ø° +ÙĨÙħÙĪØ° ج +׾ צ×Ķ +ÑģÑĤав ил +à¸ĸ า +สรà¹īาà¸ĩ à¸Ħวาม +ãģĦ ãģ£ãģ± +ãģĦãģ£ãģ± ãģĦ +ÑģÑĤав лен +ĠاÙĦ ÙĤدس +Ġng ược +ب Ø® +ส หร +สหร ั +สหรั à¸IJ +ĠØ£ غ +Ġأغ سط +Ġأغسط س +ãģĨ ãģ¾ +ãģĨãģ¾ ãģı +ĠêµŃ ìłľ +ØŃض ار +Ġd ừng +æĬ¼ ãģĹ +ت ÙĪØ§ +تÙĪØ§ جد +ש×ŀ ×Ĺ×Ķ +ãģı ãĤĵ +Ġ×ij×¢ צ +Ġ×ijעצ ×Ŀ +×ŀ ׳×Ļ×ķת +×ķ ×Ļ×ĵ +×ķ×Ļ×ĵ ×IJ×ķ +à¸Ĭ ิà¸ĩ +Ġprac ÄĻ +Ġз аÑĤ +ĠзаÑĤ ем +ĠìŀIJ ìľł +Ġì¤ Ģ +Ġì¤Ģ ë¹Ħ +Ġb áºŃ +ĠbáºŃ c +Ġ×Ķ×ŀ צ×ij +ĠÙĤ ÙĬÙħØ© +à¹Ģà¸Ń à¹Ģà¸Ĭ +à¹Ģà¸Ńà¹Ģà¸Ĭ ีย +Ġperch è +ĠاÙĦع سÙĥر +ĠاÙĦعسÙĥر ÙĬØ© +ج ÙĬب +ëŀ µ +Ùħ Ùĩر +ÙħÙĩر جاÙĨ +Ùħ راÙĥ +ÙħراÙĥ ز +Ġод нако +à¸Ķี à¹Ĩ +Ġצ פ×ķ +Ġkullan ılan +Ġк ино +ãĥĨãĤ£ ãĥ³ãĤ° +ĠGi Ỽi +ت ÙĪØ² +تÙĪØ² ÙĬع +ย ิà¸Ļ +ยิà¸Ļ à¸Ķี +Ġc Åĵur +ĠiÅŁ aret +Ġ×ij×¢ ×ĸר +Ġ×ij×¢×ĸר ת +Ġп аÑĨи +ĠпаÑĨи енÑĤ +ãģ¿ãģŁãģĦ ãģ§ãģĻ +в ез +ли на +од е +Ġ×IJ×ķת ף +dıģ ınız +ĠÐIJ в +ĠÐIJв ÑĤоÑĢ +ï¼ ® +ĠC ần +ĠاÙĦا Ø® +ĠاÙĦاخ بار +Ġê±° ìĿĺ +Ġat enção +Ġgeld iÄŁi +ãĤª ãĤ¹ +ãĤªãĤ¹ ãĤ¹ +ãĤªãĤ¹ãĤ¹ ãĥ¡ +ев Ñĭе +кÑĢÑĭ л +à¹Ģà¸Ĭ ียà¸ĩ +à¹Ģà¸Ĭียà¸ĩ à¹ĥหมà¹Ī +Ġmar ço +ĠاÙĦÙħ ادة +Ġг ол +Ġsprzeda ży +Ġíķ´ ê²° +ĠÐķ го +ê¹ Ģ +Ġ׾ק×ij׾ ת +ĠاÙĦÙģ ÙĨاÙĨ +Ġcomunic ación +à¹Ģสà¹īà¸Ļ à¸Ĺาà¸ĩ +íĺ ¹ +à¸Ĭ ำ +à¸Ĭำ ระ +Ġ׼ ×IJ×ŀ +Ġ׼×IJ×ŀ ×ķר +à¸Ĭ à¹Īาà¸ĩ +ز Ùĩر +Ġklient ów +ива ÑİÑĤ +ан г +׳ ×ļ +Ġg á»įn +Ãľ R +ìĺģ ìĥģ +Ġغ زة +ìĿĮ ìĿĦ +Ġbez po +Ġbezpo ÅĽ +ĠbezpoÅĽ redni +ĠاÙĦÙħ ÙĪØ§ +ĠاÙĦÙħÙĪØ§ Ø·ÙĨ +ĠاÙĦÙħÙĪØ§Ø·ÙĨ ÙĬÙĨ +ãĤĮ ãģ¾ãģĻ +ĠмаÑĤ Ñĩ +×IJ ×ķף +Ġر سÙħÙĬ +ĠÑįк он +ĠÑįкон ом +ĠÑįконом иÑĩеÑģк +ãĥľ ãĥ¼ +Ġд иÑĢ +ĠдиÑĢ ÐµÐºÑĤоÑĢ +ĠÑģк оÑĢо +à¸ļ ำ +à¸ļำ ร +à¸ļำร ุà¸ĩ +ĠÑĦ ÑĥÑĤ +ĠÑĦÑĥÑĤ бол +Ġ×IJ ×Ļ׾ +Ġì¤ij êµŃ +ìľ ¤ +eÄŁ e +à¹Ħ à¸ģà¹Ī +tra î +traî n +ĠÑĤ ÑĢÑĥб +à¹Ģà¸ļ ื +à¹Ģà¸ļื à¹īà¸Ńà¸ĩ +à¹ģม à¸Ļ +ĠتØŃ دÙĬØ« +Ġ׼ עת +ØŃ اسب +lı ÄŁa +×§×Ļ ×Ļ×ŀ×Ļ×Ŀ +оÑģÑĤ ÑĮÑİ +à¸Ŀ ั +à¸Ŀั à¹Īà¸ĩ +Ø´ غÙĦ +ìĽ ¹ +Ġкажд ого +Ġbölüm ü +หà¸Ļ ี +Ġistedi ÄŁi +Ġtr ưng +ãĥ Į +ฮ à¸Ń +Ø£ÙĨ Ø´ +Ø£ÙĨØ´ طة +ĠاÙĦÙħ سÙĬ +ĠاÙĦÙħسÙĬ ØŃ +ลัà¸ģษ à¸ĵà¹Į +Ġn á»Ńa +à¸Ĺีà¹Ī à¸ķà¹īà¸Ńà¸ĩà¸ģาร +ÑĪ ÐµÐº +л Ñij +Ġש ×Ļ×Ķ +Ġש×Ļ×Ķ ×Ļ×Ķ +Ġkhu ôn +ĠÑĤÑĢеб ованиÑı +Ġ×ľ×¢ ×ĸ×ķר +ĠاÙĦع Ùħر +ราà¸Ħา à¸ĸูà¸ģ +ÙĩÙı ÙħÙĴ +ü st +üst ü +Ġден ег +Ġn ạ +à¸Ĥà¸Ļ ม +Ġбл аг +Ġблаг од +Ġблагод аÑĢ +ĠблагодаÑĢ Ñı +Ø¥ سÙĦاÙħ +à¸Ļิ ว +çŁ¥ ãĤīãģªãģĦ +Ø« ÙĤØ© +Ġг олоÑģ +×IJ×ķר ×Ĺ +Ġtr ứng +Ġод ном +ĠkoÅĦ cu +Ġ×ķ רק +Wi ÄĻ +WiÄĻ cej +Ġ×IJ ×Ļ׼×ķת +Ġ×IJ×Ļ׼×ķת ×Ļ +Ñģ оÑģ +Ġje żeli +以ä¸ĭ ãģ® +å°ı ãģķ +å°ıãģķ ãģª +олог ии +Ġоб ÑģлÑĥж +ĠобÑģлÑĥж ива +Ùĥت ابة +Ġê´Ģ ìĭ¬ +×¢ ש×Ļר +Ġaras ındaki +ĠÑĢай она +ÙĪØ§ جب +Ġ×ij×Ĺ×Ļ ×Ļ +íķ´ ì£¼ +Ġg óc +ай л +ĠT ình +æļ® ãĤī +æļ®ãĤī ãģĹ +æĻĤ ãģ«ãģ¯ +ĠгоÑĢод е +Ġ׼×IJ ×Ļ׾ +Ġ׼×IJ×Ļ׾ ×ķ +ĠC á»Ļng +ãģ©ãģĨ ãģĹãģ¦ãĤĤ +×Ĺ ×ķ×£ +تØŃ رÙĥ +ĠÑģлов ам +à¸Īะ à¸Ĭà¹Īวย +ĠاÙĦÙħست ÙĤبÙĦ +ÙĤ ض +ÙĤض ÙĬ +×ijס ×ķפ +×ijס×ķפ ×ķ +iÄĻ Äĩ +ĠY ıl +Ø´ ÙĬØ® +à¸Ħุà¸ĵ à¸Īะ +ש×ŀ ×ķת +Ġت عرض +Ġanál ise +ĠÑģоб иÑĢа +à¹Ģà¸ŀ à¸Ĭ +à¹Ģà¸ŀà¸Ĭ ร +Ġв ели +Ġвели к +สั à¹īà¸Ļ +Ġpop ulação +รà¹Īวม à¸ģัà¸Ļ +×Ĺ ×ŀ +×Ĺ×ŀ ×Ļש×Ļ +ס ×Ļס +åĨħ ãģ§ +Ġsob Äħ +ĠY ay +ĠYay ın +ãĥ¡ ãĥĭãĥ¥ãĥ¼ +ĠпÑĢедоÑģÑĤав лÑı +ãģł ã썿ĢĿãģĨ +Ġê³ł ê°Ŀ +Ġод ним +à¹ĥà¸Ļ à¹Ģรืà¹Īà¸Ńà¸ĩ +Ġs á»ķ +ĠÐĹ Ð´ÐµÑģÑĮ +Ġизмен ениÑı +ĠìĿ¼ ìĿĦ +ãģªãģ® ãģł +клад Ñĭва +ÑĢ Ð¼Ð° +Ġ×ķ×ij ׼׾ +تأ ÙħÙĬÙĨ +ĠпÑĢи ÑıÑĤ +ĠпÑĢиÑıÑĤ н +Ùħ Ùħار +ÙħÙħار سة +ãģ¨ãģª ãģ£ãģ¦ +Ġج ÙħÙĬÙĦ +Ġì§ Ī +Ġì§Ī 문 +Ġquest ão +i é +ié ndo +หà¹īà¸Ńà¸ĩ à¸ŀัà¸ģ +ãĥij ãĥ¼ãĥĪ +ÑĤвеÑĢж да +н Ñģкой +з ал +มุ à¹Īà¸ĩ +á» Ĭ +Ġ×Ķ×IJ×Ĺר ×ķ׳×Ķ +ĠTh ư +주 민 +ĠاÙĦع ب +év én +évén ement +ÙĤÙĪ Ø§Ø¹Ø¯ +د Ùı +ĠìķĬ ìĬµëĭĪëĭ¤ +Ġë³´ 기 +Ġyapıl ması +à¹Ģร าà¸ģ +à¹Ģราà¸ģ à¹ĩ +ØŃ ذر +ÙĤ صر +ãģ¦ãģĹãģ¾ ãģĦãģ¾ãģĹãģŁ +Ġà¹Ģà¸Ľà¹ĩà¸Ļ à¸ķà¹īà¸Ļ +ãģ¨ ãģ« +ãģ¨ãģ« ãģĭ +ãģ¨ãģ«ãģĭ ãģı +н ÑĨе +зв Ñĥк +ãģĹãĤĪãģĨ ãģ¨ +ĠاÙĦصØŃ ÙĬØ© +Ġש×Ķ ×Ļ×ķ +ĠDi ÄŁer +ÙĤÙĦ ÙĤ +ãĤ¸ãĥ£ ãĥ³ +Ġr á»Ŀi +Ġл еÑĩ +ĠлеÑĩ ениÑı +تب اد +تباد ÙĦ +צ פ×Ķ +à¸Ħวาม à¹Ģหà¹ĩà¸Ļ +ĠØ´ ب +Ġشب ÙĥØ© +ר ×Ļ×§ +Ùħ عد +Ùħعد ات +dıģ ında +Ġ×ijש ׳×Ļ×Ŀ +Ġ×Ķ ×Ļשר×IJ׾ +Ġ×Ķ×Ļשר×IJ׾ ×Ļת +Ġsı nav +׳צ ×Ļ×Ĵ +วัà¸ķ à¸ĸุ +ĠاÙĦبر ÙĦÙħ +ĠاÙĦبرÙĦÙħ اÙĨ +t ivitÃł +ãĤĵãģł ãĤįãģĨ +×§×Ļ ×Ļ×ŀ +ÙĦÙĬ Ùĥ +ĠÄij ò +ĠÄijò i +ĠÐĺн ÑĤеÑĢ +ĠÐĺнÑĤеÑĢ Ð½ÐµÑĤ +ãģ«ãģ¨ãģ£ãģ¦ ãģ¯ +ãģ£ ãģĵ +×§ ×ķס +ست ØŃÙĤ +æķĻ ãģĪãģ¦ +ãĥĢ ãĥ¡ +ĠÙħÙĨ زÙĦ +à¹Ģà¸ĭ à¹ĩà¸Ļ +使 ãģĪãĤĭ +è¦ĭ ç©į +è¦ĭç©į ãĤĤãĤĬ +Ø£ Ùģ +Ø£Ùģ Ùĥار +Ġиг ÑĢов +ĠигÑĢов Ñĭе +Ġm ÄĻż +ĠmÄĻż czy +ĠmÄĻżczy zn +ĠاÙĦØŃ ÙĤÙĬÙĤÙĬ +ع بر +׼×ķ׾ ׳×ķ +íĿ ¥ +×ŀ×IJ ×ķ×Ĺר +خت ص +ãĥŀ ãĥŀ +Ġ×IJ×Ĺ ×ķ×ĸ +í ĮĢ +Ġr á»iji +Ġв ÑĤоÑĢ +ĠвÑĤоÑĢ Ð¾Ð¹ +Ġl ẫn +пÑĢ Ð¾Ð¼ +пÑĢом ÑĭÑĪ +пÑĢомÑĭÑĪ Ð»ÐµÐ½ +пÑĢомÑĭÑĪлен н +ĠоÑĤноÑĪ ÐµÐ½Ð¸Ñı +Ġs ứ +Ġм обилÑĮ +ĠмобилÑĮ н +ĠÑįÑĤ омÑĥ +Ġt ạp +ĠìĤ¬ ê±´ +ĠìķĮ 볤 +Ùĥ Ùı +ÙĥÙı ÙħÙĴ +Ġ×§ ×ķר×Ķ +ĠÑĦ иÑĢ +ĠÑĦиÑĢ Ð¼ +Ġsık ıntı +׳ ׼ +׳׼ ×ķף +ÙĪÙĦÙĪØ¬ ÙĬ +ØŃ اÙĨ +Ġlo ạn +Ġ×IJ׾ ×£ +Ġm ắn +abh äng +abhäng ig +ĠÑĥÑĢов нÑı +Ġ׾×ij×ĵ ×ķ×§ +ÙĬ ÙħÙĨ +lay ın +Ġh ải +Ġзав од +ĠìķĦ 주 +สà¸ĸ า +สà¸ĸา à¸ļัà¸Ļ +Ġgüven lik +à¹Ģà¸Ķ à¹Īà¸Ļ +×ij×ĵ ×§ +Ġë Ī +ĠëĪ Ħ +ĠëĪĦ 구 +éĩįè¦ģ ãģª +รà¸Ńà¸ĩ รัà¸ļ +sch lie +schlie ÃŁen +Ġìĸ ¼ +Ġìĸ¼ ë§Ī +Ġìĸ¼ë§Ī ëĤĺ +ÑĤи ки +íķľëĭ¤ ê³ł +ãģłãģ£ãģŁ ãĤī +Ġ×Ķ ×Ļ×ĺ×ij +ãģªãģijãĤĮãģ° ãģªãĤīãģªãģĦ +â Ì +Ã¢Ì £ +Ġph ạt +ak Ä±ÅŁ +ãģ¦ãģĹãģ¾ ãģĦãģ¾ãģĻ +à¹Ģà¸ĭ à¹ĩ +ĠС егоднÑı +Ġinsan ların +Ġdévelop pe +ת פר +תפר ×Ļ×ĺ +اÙĨت شار +ê° ij +Fran çois +Ø£ÙĦ ع +Ø£ÙĦع اب +ãĤĴ è¶ħ +ãĤĴè¶ħ ãģĪ +Ġê°Ļ ìĬµëĭĪëĭ¤ +ãĤ³ ãĥ¬ +ĠмеÑģÑı ÑĨев +íĮ ħ +ĠاÙĦج اÙħعة +ìĿ¸ íĦ° +ìĿ¸íĦ° ëĦ· +×ĵר ×ķש +ĠÙĪØ£ شار +ĠпÑĢав ила +ãģĿãģĵ ãģ« +×Ĺ ×ŀ×ĵ +à¹Ģหà¸ķุ à¸ģารà¸ĵà¹Į +Ġê²½ íĹĺ +ãģ¶ ãĤĬ +׾ ש +׾ש ×ķף +à¹Ģ à¸ĸ +ĠDo ÄŁu +ĠиÑģполÑĮзов ание +Ġçoc uÄŁu +магазин е +ĠÄiji á»ĥn +Ġas lı +Ġaslı nda +Ġdoen ça +Ġس اع +Ġساع ات +ĠиÑģполÑĮзов аниÑı +ר ×ķצ×Ļ×Ŀ +ĠзнаÑĩ иÑĤ +ĠÑĢаР¼ +ĠÑĢам каÑħ +ê±° 리 +Ġп ÑĭÑĤа +ãĥģ ãĥ³ +Ġпо Ñģк +ĠпоÑģк олÑĮ +ĠпоÑģколÑĮ кÑĥ +Ø¥ بر +إبر اÙĩ +إبراÙĩ ÙĬÙħ +ĠÑĤÑĢ ÐµÑħ +ĠGen ç +س ÙĪÙģ +Ġve ÃŃculo +ĠNg ân +ĠоÑĩеÑĢ ÐµÐ´ÑĮ +à¸Ħร ึà¹Īà¸ĩ +×IJ ×ij×Ļ +à¸ķ à¹īม +ãĤĴè¡Į ãģĦ +ĠاÙĦساب ÙĤØ© +на ÑĨи +наÑĨи она +наÑĨиона лÑĮн +Ġgest ión +ت ÙĤد +ĠاÙĦبÙĬ اÙĨ +ĠاÙĦبÙĬاÙĨ ات +ĠاÙĦ اÙĨتخاب +ĠاÙĦاÙĨتخاب ات +à¹Ģà¸Ĭ à¹Īา +×ĵ ×IJ×Ĵ +Ġ׾×Ĵ ×ŀר×Ļ +Ġت ØŃتاج +Ġth ôn +à¸ķ à¹īà¸Ńà¸Ļ +à¸ķà¹īà¸Ńà¸Ļ รัà¸ļ +女 ãģ® +女ãģ® åŃIJ +Ġth ợ +Ø· ØŃÙĨ +ารà¹Į à¸Ķ +ת ×ŀ×Ļ×ĵ +ĠÑģам Ñĭм +Ġìĭľ íĸī +Ø¥ صد +إصد ار +ĠNgh á»ĩ +ìķ ķ +س ئ +سئ ÙĦ +à¸Ń าร +à¸Ńาร ม +à¸Ńารม à¸ĵà¹Į +à¹ģ ฮ +׳×ĺ ׾ +Ġì¢ĭ ìķĦ +×ķ׾ ׾ +Ġ×ij ×Ľ×ª×ij +ãĤ« ãĥ© +צע ×Ļר×Ļ×Ŀ +تعب ÙĬر +Ġ×ŀ קר×Ķ +ĠÑĦак ÑĤоÑĢ +Ġت ÙħاÙħ +ĠتÙħاÙħ ا +ëį ķ +Ġv ưá»Ŀ +Ġvưá»Ŀ n +Ġd Ä±ÅŁÄ± +ãģĦ ãģ¡ +Ġ׾ק ׳×ķת +ĠاÙĦع ÙĦاÙĤات +п Ñĥб +пÑĥб ли +Ø¥ ÙĬÙħ +Ø¥ÙĬÙħ اÙĨ +à¸Ńำ à¸Ļา +à¸Ńำà¸Ļา à¸Ī +åIJ« ãģ¾ãĤĮ +ãĤĭ ãģŁãĤģãģ« +ס ×Ĵ +ס×Ĵ ׳×ķף +تØŃ دÙĬ +Ġaup rès +ĠاÙĦج Ùĩا +ĠاÙĦجÙĩا ز +Ġ×ŀ ת×Ĺת +ен нÑĥÑİ +Ġз им +à¸ģา à¹ģà¸Ł +Ġ×ijת ×ķר +Ġngh è +Ġnghè o +ĠÐĽ Ñİ +ĠÐĽÑİ Ð± +תק צ×Ļ×ij +×ŀ×¢ ש×Ķ +ĠاÙĦبÙĬ ت +צ ×Ļפ +ĠобÑıз ан +ĠM á»Ĺi +ĠТ ÑĥÑĢ +ĠÙĪØ¨ اÙĦت +ĠÙĪØ¨Ø§ÙĦت اÙĦÙĬ +Ġdéc ision +Ġب د +Ġبد أت +Ġc ục +Ġb ask +Ġbask ı +Ġhat ırl +Ġhatırl a +å°ı ãģķãģĦ +Ġgerçek ten +à¸ľ ัà¸ģ +åı¯èĥ½ ãģª +×ŀ×IJ ס +Ġcr ÃŃtica +ĠìĿĺ ìĽIJ +عÙĤ ÙĪØ¯ +×ĺ ׼׳ +×ĺ׼׳ ×ķ׾×ķ×Ĵ×Ļ×Ķ +è¨Ģ ãģĪãģ° +ĠÙĤ ÙĨا +ĠÙĤÙĨا Ø© +ĠìĿ´ê²ĥ ìĿĢ +ت صر +à¸Ł ัà¸Ļ +ĠÑĢе ÑĨеп +ĠÑĢеÑĨеп ÑĤ +ĠبÙĨ Ù쨳 +ÑĢо ÑĪ +ĠмаÑĢ ÑĤа +Ġson ras +Ġsonras ı +×ķ×ij ש +ãĥª ãĤ¹ãĤ¯ +ĠFranç ais +á» ļ +ê° Ķ +Ġ×Ķ×ijר ×Ļת +פ ×Ļצ +פ×Ļצ ×ķ×Ļ +ĠÙĦÙħا ذا +ĠÐļи ев +ĠÑģ мÑĭÑģл +ê¸Ī ìľµ +ãĤ·ãĥ£ ãĥ« +ãĥ© ãĤ¤ãĥĪ +ìĽ ĥ +×ŀ ×Ĺר +ãĨ į +Ġkullan ım +Ġ×IJצ׾ ׳×ķ +Ġt Ãłn +ãĥı ãĥ¼ +ãģ¨ ãģ¨ãĤĤ +ãģ¨ãģ¨ãĤĤ ãģ« +ÑĢ ÐµÐ³ +ÑĢег и +ÑĢеги он +ãģªãģı ãģªãĤĭ +Ġch ảy +Ġج ÙĩØ© +ÅĦsk iej +à¸Ńี à¹Ģม +à¸Ńีà¹Ģม ล +ãģį ãģ£ãģ¨ +ĠìĺĪ ìĤ° +Ġkit abı +Ġedu cação +Ġbul uÅŁ +олог иÑı +Ġкон кÑĢ +ĠконкÑĢ ÐµÑĤ +×Ĵ ×Ļר +ĠпÑĢед лаг +ĠпÑĢедлаг аеÑĤ +ĠY ên +Ġíķľ ë²Ī +Ġ×ŀ ר׼×ĸ×Ļ +à¹Ģà¸Ľà¸´à¸Ķ à¹Ģà¸ľà¸¢ +ÑĤвеÑĢ Ð´ +ĠH á»ĩ +ĠÐĵ ÑĢ +à¸Ŀ à¹īา +×Ķ ×©×§ +×Ķשק ×¢×Ķ +Ġна Ñĥк +ìłIJ ìĿĦ +Ġн елÑĮ +ĠнелÑĮ з +ĠнелÑĮз Ñı +г ин +ĠB öl +ĠBöl ge +Ġв ла +Ġвла ÑģÑĤи +à¹Ģà¸Ļ à¹ĩ +à¹Ģà¸Ļà¹ĩ à¸ķ +ê³ ¨ +Ġö ld +Ġöld ür +׼׳ ×¢ +ĠاÙĦÙĩ ÙĬئة +ت ارÙĬØ® +ĠÐij ÑĢ +ĠÑģ мож +ĠÑģмож еÑĤе +ĠL úc +à¹Ħà¸Ľ à¸ĸึà¸ĩ +ĠBakan ı +Ġerklä rt +ĠÐIJ на +Ġsc ène +åķı ãģĦ +åķıãģĦ åIJĪãĤıãģĽ +ÙħÙĩ ÙĨد +ÙħÙĩÙĨد س +Ġн азвание +ив аниÑı +ãĤĴ å¤īãģĪ +ä»ĺãģį åIJĪ +ãĥij ãĤ½ +ãĥijãĤ½ ãĤ³ãĥ³ +æĺİ ãĤī +æĺİãĤī ãģĭ +à¹Ģà¸Ńà¸ģ สาร +à¹Ģà¸ģิà¸Ļ à¹Ħà¸Ľ +л еп +ãģĹãģŁ ãĤĤãģ® +ĠC âm +ĠCâm ara +×§×ķ׾ ׳×ķ×¢ +Ġ×ij×Ĵ ×Ļף +Ġoc zy +Ġoczy wiÅĽcie +att ivitÃł +ãĥĵ ãĥ¥ãĥ¼ +Ġeduc ación +İ YE +ê¹Į ìļĶ +ãĤ¨ ãĥªãĤ¢ +н еÑģÑĤи +Ġm óg +Ġmóg ÅĤ +Ġ×§×ĺ ׳×Ļ×Ŀ +ĠPr ä +Ġ×ľ×¢ ×ij×ķר +بÙĨ Ùī +з ол +зол оÑĤ +Ġwn ÄĻtr +ĠwnÄĻtr z +Ġconstr ução +รัà¸ļ รà¸Ńà¸ĩ +س جÙĨ +Ġ×§ ×ķ׳ +ס ×Ļפ×ķר +ĠÙħ دÙī +رض Ùī +п лав +ï¼ ¥ +Ġil a +Ġila ç +ãĤĭ ãģ¹ãģį +ĠÙħ ÙĪÙĤÙģ +à¸ģร ุ +à¸ģรุ à¸ĵา +chodzÄħ c +ĠÑĤÑĭ Ñģ +Ðķ вÑĢо +ĠÙĬ ØŃدث +ãĥ¡ ãĤ¤ãĥ³ +ĠاÙĦص ØŃÙĬ +ĠÐĶ Ð°Ð½ +دع اء +ãĤ´ ãĥ¼ãĥ« +ש ×ł×ª×Ļ +×©×ł×ª×Ļ ×Ļ×Ŀ +à¸Ķà¹īวย à¸ģัà¸Ļ +Ġol acaģı +Ġ×ij ×ŀ×Ĺ×Ļר +×Ķ ×§ +×Ķ×§ ×ŀת +ãĥ¢ ãĥİ +ĠçalÄ±ÅŁ tı +Ġjó venes +ãģĦãģı ãĤī +ĠÙħ عدÙĦ +ĠC Å©ng +ĠSeg ún +Ġdönem de +Ġ׾ ×Ļ×ĵ×Ļ +ãģį ãģ¡ +ãģįãģ¡ ãĤĵ +ãģįãģ¡ãĤĵ ãģ¨ +Ù쨱 ÙĨس +Ù쨱ÙĨس ا +åIJij ãģį +Ġcamp aña +ĠÑģам оÑģÑĤоÑı +ĠÑģамоÑģÑĤоÑı ÑĤелÑĮно +á» Ģ +ÙĤ ÙĪØ§ +س ÙĦاØŃ +à¸ģระ à¹ģ +à¸ģระà¹ģ ส +ĠполÑĮз Ñĥ +n qu +nqu ête +รà¹Īวม à¸ģัà¸ļ +ëĬIJ ëĥIJ +à¸Ĺีม à¸Ĭาà¸ķิ +Ġyıll ık +ìĬ ¬ +ĠØ£ صØŃاب +ill é +Ġdó la +Ġdóla res +Ġк ож +Ġкож и +ล à¹īà¸Ń +à¹Ģรีย à¸ļร +à¹Ģรียà¸ļร à¹īà¸Ńย +à¹Ģà¸ŀ ิ +à¹Ģà¸ŀิ à¹Īà¸ĩ +ÑĢиÑĤоÑĢ Ð¸ +Ġí ijľ +Ġíijľ íĺĦ +ĠпеÑĢ ÐµÐ² +ĠпеÑĢев од +פ×Ĵ ×Ļ×¢×Ķ +ĠdeÄŁerlendir me +Ùģ Ø§Ø¦ +ĠвÑĭ год +ınız ı +×ķ׼ ×Ļ×Ĺ +ĠдоÑģÑĤ иг +Ġng Ãłn +æĢĿ ãģ£ãģŁ +ĠÐķ ÑģÑĤÑĮ +ĠاÙĦر غÙħ +ĠzwiÄħz ane +رب Ø· +à¸Ļ ึà¸ĩ +Ġ׾×Ĺ ×ķ×§ +Ġszczeg óln +Ġszczególn ie +Ġبا ستخداÙħ +ĠfÃŃs ico +×¢ ס +עס ×ķ×§ +سÙĦ ÙĪÙĥ +Ġا ØŃد +Ñĩ ÑijÑĤ +×ĸ׼ ×Ķ +Ġl á»ĩnh +ĠÙĪ ØŃت +ĠÙĪØŃØª Ùī +à¸Ħวาม สามารà¸ĸ +à¸Ńยูà¹Ī à¹ģลà¹īว +à¸ģาร à¹Ģà¸Ķิà¸Ļà¸Ĺาà¸ĩ +تخ ذ +צ×Ļ ×ķ×ĵ +ĠاÙĦØ£ س +ĠاÙĦأس ÙĩÙħ +Ġt á»ĩ +ãģ£ãģ¦ ãģĦãģ¦ +สร ุ +สรุ à¸Ľ +Ġком ÑĦ +ĠкомÑĦ оÑĢÑĤ +ìĺ¤ ëĬĶ +ĠÑĢаз в +ĠÑĢазв ива +л анд +h änge +ĠبÙĨ سبة +à¹Ģà¸Ĥ ียว +עצ ×Ŀ +Ġ׾ ×ľ×Ľ×ª +Ñģо ÑĨиалÑĮн +Ġëĭ¤ìĿĮ ê³¼ +Ġרש ×ķ×ŀ +×ŀר ×Ĺ×ij +س ÙĤØ· +Ġalan ı +ĠÄij á»ĩ +é£Łãģ¹ ãĤĭ +à¸Ķ ึà¸ĩ +Ġgegen über +ĠبÙĩ ذÙĩ +à¸ĸืà¸Ń à¹Ģà¸Ľà¹ĩà¸Ļ +ëķ ħ +à¸Ħà¸Ļ à¹Ħà¸Ĺย +ãĤ¢ ãĤ¦ +ãĤ¢ãĤ¦ ãĥĪ +ศ ัà¸ģ +ศัà¸ģ à¸Ķิ +ศัà¸ģà¸Ķิ à¹Į +ÙĤÙĪ Ø§ÙĨ +ÙĤÙĪØ§ÙĨ ÙĬÙĨ +Ġhá»Ļ p +ãģªãģıãģª ãģ£ãģ¦ +Ġ×IJ ×ŀ׳ +Ġ×IJ×ŀ׳ ×Ŀ +à¹Ģà¸ķ ืà¸Ńà¸Ļ +ĠзавиÑģ им +ĠзавиÑģим оÑģÑĤи +ת ×Ļ×IJ +ת×Ļ×IJ ×ķר +å§ĭãĤģ ãģŁ +Ġng á»į +Ġngá»į t +íĴ į +ê³¼ ìŀ¥ +Ġb ại +ãģ§ãģį ãģ¦ +Ġcomeç ar +à¸Ľà¸£ าà¸ģ +à¸Ľà¸£à¸²à¸ģ à¸ı +Ġгод Ñĭ +м еÑģ +ĠاÙĦÙħست ÙĪÙī +ĠÑģам Ñĭе +л леÑĢ +ãģ£ãģ¦ãģĹãģ¾ ãģĦãģ¾ãģĻ +ãģ¨ãģ® ãģĵãģ¨ +bi ó +à¸ģล à¹Īà¸Ńà¸ĩ +ĠاÙĦز ÙĪØ¬ +ãģ«è¡Į ãģ£ãģŁ +à¸Ħà¹Ī à¸Ńà¸Ļ +à¸Ħà¹Īà¸Ńà¸Ļ à¸Ĥà¹īาà¸ĩ +ĠbaÄŁ l +ĠbaÄŁl ant +ĠbaÄŁlant ı +確 ãģĭ +確ãģĭ ãģ« +ãĥľ ãĥ¼ãĥ« +çµĤ ãĤıãĤĬ +ש ×ŀר +à¸Ĺีà¹Ī สามารà¸ĸ +ÙĦ زÙħ +д аеÑĤÑģÑı +รัà¸ļ à¸Ľà¸£à¸° +รัà¸ļà¸Ľà¸£à¸° à¸Ĺาà¸Ļ +å¤ī ãĤıãĤĬ +ï¼ ¢ +ĠìĺĪìĪĺ ëĭĺ +ãĤĪãģĨ ãģ¨ +มัà¸ģ à¸Īะ +ĠH ương +ÙĨ Ù쨰 +×ŀ×ĵ ×ĵ +ĠìĿ¸ ìłķ +Ñħод иÑĤÑĮ +ĠзавиÑģ иÑĤ +×ķ×ĵ ×Ļ×¢ +ãģĵãģ¨ãģĮ ãģĤãĤĬãģ¾ãģĻ +ع راÙĤ +سط ØŃ +à¸ģำ à¹Ħร +ëĵ¤ ëıĦ +×Ļצ ×Ļר×Ķ +ãģĨ ãģĵãģ¨ +ÙĦا ØŃÙĤ +ãģĦ ãĤĮãģ° +ĠиÑģполÑĮз ÑĥÑİÑĤ +ĠB ợi +Ġשק׾ ×Ļ×Ŀ +ÑĨи кл +ÐIJ Ðŀ +Ġ×ijש ׳×Ķ +ÙĨØ´ Ø· +Ġש ×Ļ׳×ķ×Ļ +Ġש×Ļ׳×ķ×Ļ ×Ļ×Ŀ +Ġpobl ación +ĠH ưng +ระ ว +ระว ัà¸ĩ +رÙĬاض Ø© +ر صد +تÙĤ ÙĦÙĬ +تÙĤÙĦÙĬ د +Ġülk em +Ġülkem iz +à¸Ĭ ะ +ãĤ¯ãĥª ãĥ¼ãĥł +èģŀ ãģĦãģŁ +Ġwa ż +Ġważ ne +ê±° ëĵł +ê±°ëĵł ìļĶ +×ŀ×IJ ×ij×§ +×Ĺ×ĵ ש×ķת +ĠW roc +ĠWroc ÅĤaw +ĠKü ltür +s ist +sist ência +×¢×ĸר ×Ķ +Ġg ương +รà¹īาà¸Ļ à¸Ħà¹īา +ĠÙĪØ£ ÙĪØ¶ØŃ +ánd ose +ãĤ· ãĥ¼ãĥ³ +×IJ׳ ר×Ĵ +×IJ׳ר×Ĵ ×Ļ×Ķ +ãģªãģĦ ãģ§ãģĻ +Ġkh á»§ng +Ġ문 ìĦľ +Ġ×ij ×ĵ×ijר +×ĵ ×Ļ×ķ +×ĵ×Ļ×ķ ×ķ×Ĺ +Ġré gl +ÙħÙĪ Ø§Ø¯ +об оÑĢ +обоÑĢ Ð¾ÑĤ +Ġ×Ķ ×ij׾ +Ġ×Ķ×ij׾ ×ķ×Ĵ +ØŃ اÙħ +ĠاÙĦع اص +ĠاÙĦعاص ÙħØ© +пеÑĢ Ð°ÑĤоÑĢ +ت Ø®ÙĦ +تخÙĦ ص +ãģŁãģł ãģĹ +ت سÙħ +à¹Ĥรà¸ĩ à¸ŀ +à¹Ĥรà¸ĩà¸ŀ ยา +à¹Ĥรà¸ĩà¸ŀยา à¸ļาล +ĠY ük +ĠYük sek +Ġש ׳×Ļת +Ġש׳×Ļת ף +liÄŁ e +Ġפ ת +Ġפת ×ķ×Ĺ +Ġbe ÄŁ +ĠbeÄŁ en +Ġ×ŀ ×ķר +Ġ×ŀ×ķר ׼×ij +Ġرس اÙĦØ© +íĨµ ìĭł +Ġaval ia +Ġavalia ções +Ġman h +Ġmanh ã +Ġìķ ŀ +Ġìķŀ ìľ¼ë¡ľ +ÙĤ تر +ÙĤتر ØŃ +à¹Ģà¸ģ ืà¸Ń +à¹Ģà¸ģืà¸Ń à¸ļ +Ġpropos é +Ø£ Ùħا +Ø£Ùħا ÙĥÙĨ +ĠÐŀ Ðŀ +ĠÐŀÐŀ Ðŀ +ÙħÙĤ ار +ÙħÙĤار ÙĨØ© +ëĦ IJ +ãģĦãģŁãģł ãģı +ÙĤ ÙĬÙĦ +Ġна ÑĪиÑħ +ãĤ« ãĥĥãĥĹ +×Ĺ׾ ת +Ġëĭ¤ ë§Į +à¸Ĺัà¹Īว à¹Ĥลà¸ģ +ãĥį ãĤ¿ +ØŃس اس +ãģ«ãģª ãĤĮ +ج ائ +جائ زة +é change +é conom +économ ie +Т Ðĺ +סת ׼׾ +à¸Ĺัà¹īà¸ĩ สà¸Ńà¸ĩ +ĠاÙĦØ® اÙħ +ĠاÙĦخاÙħ س +×§ ×ĺ×¢ +au waż +à¸ľà¸¹à¹ī à¸Ĭาย +à¹ģà¸Ľà¸¥ à¸ģ +åIJĮæĻĤ ãģ« +зн аниÑı +ãģĦãģŁãģł ãģįãģ¾ãģĹãģŁ +Ġ×ŀ×ij ׾×Ļ +à¸Ĥà¸Ń à¹ĥหà¹ī +ĠاÙĦت ربÙĬØ© +Ġdécou vert +Ġżyc iu +apr ès +Ġy ab +Ġyab anc +Ġyabanc ı +ĠbaÅŁ layan +ìĹĪ ëįĺ +Ġhes abı +Ġë§Į ìķ½ +ë§ Īëĭ¤ +ĠTh ánh +ãĥ´ ãĤ¡ +à¸Ľà¸£à¸±à¸ļ à¸Ľà¸£ +à¸Ľà¸£à¸±à¸ļà¸Ľà¸£ ุà¸ĩ +ĠM ặc +à¹Ģหà¸ķุ à¸ľà¸¥ +ĠÐij ез +Ġcapac itÃł +ÅĤe ÅĽ +ĠпÑĢе им +ĠпÑĢеим ÑĥÑīеÑģÑĤв +ĠÅļ wiÄĻt +Ġpubli é +×ŀ×¢ צ×ij +Ùħشار Ùĥات +à¸łà¸² ษ +à¸łà¸²à¸© ี +Ġdeux ième +ĠÙħØŃ اÙ쨏 +ĠÙħØŃاÙ쨏 Ø© +ĠSch ön +ï½ ¤ +Ġ×Ķ ×ij×¢ +Ġ×Ķ×ij×¢ ×Ļ×Ķ +ĠÙĪØ§ÙĦ ÙĦÙĩ +è¨Ģ ãģ£ãģŁ +à¸ķ à¹īาà¸Ļ +วร รà¸ĵ +à¸Ĺิ ศ +ĠbaÅŁ ına +Ġmog ÄĻ +ש ×Ļפ×ķר +ĠÙĪ Ø¹Ø¯ +ĠÙĪØ¹Ø¯ Ùħ +Ġhistó rico +Ġk ısı +ĠìĿ´ ê²Į +ĠPol ÃŃtica +ĠÑģиÑĤÑĥ аÑĨии +ĠkoÅĦ ca +×ij×ĵ ×Ļ×§×Ķ +ĠاÙĦسÙĬ ارات +ãģªãĤī ãģ° +ãĤµ ãĥ© +ãĤĭãģĵãģ¨ãģĮãģ§ãģį ãĤĭ +Ġdecis ão +×ķ ×ķ×ĵ +lä ss +läss ig +Ġ׾ ×Ļשר×IJ׾ +ĠÙĬ أتÙĬ +ר ×ķ×ĸ +ö ÄŁ +Ã¶ÄŁ ret +Ã¶ÄŁret im +Ġд ек +Ġдек аб +Ġдекаб ÑĢÑı +Ġש ×Ĺ×ķר +ãģ¦ãģıãĤĮ ãģŁ +عب ارة +Ġélect rique +ĠاÙĦتÙĨ ÙħÙĬØ© +جر Ùī +ĠìĪĺ íĸī +à¸Ĺ ู +ĠÑĢе алÑĮно +Ñģп оÑģоб +à¸Ħล à¹īาย +Ġس عÙĪØ¯ +ön ü +ĠÙģ ÙħÙĨ +تÙĥ ÙĪ +تÙĥÙĪ ÙĬÙĨ +ĠкаÑĩ еÑģÑĤво +ĠконÑĤ ак +ĠконÑĤак ÑĤ +Ġsöz leÅŁme +à¸Ń à¹īาà¸ĩ +Ġت ÙĪÙģ +ĠتÙĪÙģ ÙĬر +×Ķ×ĸ ×ĵ +×Ķ×ĸ×ĵ ×ŀ׳×ķת +ĠØ·ÙĪÙĬÙĦ Ø© +Ġtér mino +Ġ×IJ ×Ļפ×Ķ +ãĥĵ ãĥ« +ส à¹Ĥม +สà¹Ĥม สร +ĠاÙĦ اث +ĠاÙĦاث ÙĨÙĬÙĨ +ев иÑĩ +Ġopin ión +à¸Ľ วà¸Ķ +åı¤ ãģĦ +ร à¹Īา +ĠB iaÅĤ +ĠÑģÑĤ ал +ĠÑģÑĤал о +ó logo +ĠìķĦ ëĭĪëĭ¤ +Ġ×IJ ×Ļת +Ġ×IJ×Ļת ×ķ +à¹Ģหà¹ĩà¸Ļ วà¹Īา +à¸ļ ารà¹Į +çĦ ¼ +çĦ¼ ãģį +ĠìĿ´ìļ© ìŀIJ +ĠнекоÑĤоÑĢ Ñĭе +ks z +ksz taÅĤ +ksztaÅĤ c +ãĤŃãĥ£ ãĥĥãĤ· +ãĤŃãĥ£ãĥĥãĤ· ãĥ³ãĤ° +Ġro ÅĽ +ĠroÅĽ lin +ÑĢаж а +×ij׳×Ļ ×Ļ×Ķ +à¸Ľà¸£ สิ +à¸Ľà¸£à¸ªà¸´ à¸ķ +Ġgörd ü +×ŀ׳×Ķ ×Ļ×Ĵ +å¤īãĤı ãģ£ãģ¦ +Ġ×IJ ×Ķ +Ġ×IJ×Ķ ×ijת×Ļ +à¹Ģร à¹Īà¸ĩ +Ġön ünde +Ġê·¸ ëĥ¥ +пол иÑĤ +полиÑĤ иÑĩеÑģк +ãĥ¡ ãĥĩãĤ£ +ãĥ¡ãĥĩãĤ£ ãĤ¢ +ĠDet ay +ĠDetay lı +ĠاÙĦصÙģ ØŃØ© +à¸ģาร à¹Ģà¸ĩิà¸Ļ +Ġìµľ ê·¼ +׼ ש׾ +ï¼ © +вÑĪ ÐµÐ³Ð¾ +íķĺ ìĭ¤ +ĠÐŃ ÑĤ +ĠÐŃÑĤ оÑĤ +ส ื +สื à¸ļ +Ġng ừng +ĠдокÑĥменÑĤ ов +дав аÑĤÑĮ +ĠاÙĦشخص ÙĬØ© +Ġצ ×¢×Ļר +در Ùĥ +س ØŃب +à¹Ħมà¹Ī à¸Ħà¹Īà¸Ńย +Ġ×Ķ×ŀ×§ ×ķ×ŀ×Ļ +สัà¹Īà¸ĩ à¸ĭืà¹īà¸Ń +Ġê·¸ê²ĥ ìĿĦ +ãģĤãĤĭ ãģĦ +ãģĤãĤĭãģĦ ãģ¯ +×IJ×ķ×ĺ ×ķ×ij +×IJ×ķ×ĺ×ķ×ij ×ķס +к ÑĨион +ĠÐľ ожно +ãģı ãģł +ãģıãģł ãģķ +ĠинÑĦоÑĢм аÑĨиÑı +ï» Ł +Ġìŀij ìĹħ +Ġ×Ļ ×ķסף +Ø¥ دارة +ĠاÙĦØŃ اج +×ł×¡ ×Ļ×¢×Ķ +из аÑĨиÑı +×IJ׾ ×ij +×IJ׾×ij ×ķ×Ŀ +п ед +Ġ×§×ĺ ׳×Ķ +ĠÙĨÙ쨳 Ùĩا +ĠMinist ério +Ġп ен +Ġпен Ñģи +ãĥIJ ãĥ©ãĥ³ãĤ¹ +Ġ×Ķת ×ķר×Ķ +Ġt ạm +ĠìĹŃ ìĭľ +ï½ ¡ +Ġth á»± +Ġ ısı +ì» ¨ +ãģĹãģ£ãģĭãĤĬ ãģ¨ +Ġx ưa +Ġc ặp +×Ĺ ×Ļ×ij×ķר +วัà¸Ĵà¸Ļ à¸ĺรรม +st är +stär ke +ĠÑģам Ñĭй +p isa +pisa Äĩ +ĠoluÅŁ an +ĠاÙĦØ¥ ÙħاÙħ +ĠcÄĥ ng +Ġgü nl +Ġgünl ük +Ġ׳ש ×IJר +Ġkhi á»ĥn +ç¶ļ ãģijãĤĭ +stit ución +Ġcapac ité +Ġj aki +Ġjaki ÅĽ +вÑĪ Ð¸Ñģ +вÑĪиÑģ ÑĮ +פע×ķ׾ ×ķת +ĠØŃ ÙĬات +ĠØŃÙĬات Ùĩ +Ġник огда +ÐĽ Ь +Ġ×Ķ×¢ ×ķ×ij +Ġ×Ķ×¢×ķ×ij ×ĵ×Ķ +Ġch Ãło +หลาย à¹Ĩ +ĠÑı н +ĠÑıн ваÑĢ +ĠÑıнваÑĢ Ñı +à¸Īำà¹Ģà¸Ľà¹ĩà¸Ļ à¸ķà¹īà¸Ńà¸ĩ +Ġhö her +ãģķãĤĮãģ¦ ãģĦãģŁ +สà¸ĩ สั +สà¸ĩสั ย +ĠاÙĦ اس +ĠاÙĦاس ÙĦاÙħ +ĠاÙĦØ´ Ùħس +สà¸ĸาà¸Ļ ี +ãĤ¯ãĥ© ãĤ¹ +à¸ŀร ร +à¸ŀรร à¸Ħ +p õ +põ e +Ġpor ém +à¸Ľà¸£à¸° สà¸ĩ +à¸Ľà¸£à¸°à¸ªà¸ĩ à¸Ħà¹Į +powied zie +powiedzie Äĩ +Ġмог Ñĥ +Ġж ел +Ġжел ез +ĠاÙĦØ« ÙĤ +ĠاÙĦØ«ÙĤ اÙģÙĬ +ĠпÑĢав ило +Ġgdy ż +פש ×ķ×ĺ +ÑĢабоÑĤ ка +ĠÙĥ رة +Ø´ دد +Ùħار Ùĥ +Ùħ ÙĥØ© +Ġпод пиÑģ +×ĺ×ķ ×ķ×Ĺ +ĠÅĽ c +ĠÅĽc ian +Ġر جاÙĦ +Ġ×ª×ľ ×ķ×Ļ +и ÑĪ +иÑĪ ÑĮ +Ġmé dec +Ġmédec in +ëįĶ ëĿ¼ëıĦ +ĠÑĤеб Ñı +Ġ׾×Ķ ×ķס×Ļ×£ +ãģĬ 話 +Ġà¹ģà¸ķà¹Ī à¸ģà¹ĩ +د اÙģ +داÙģ Ø¹ +ĠC ùng +ãĥ»ãĥ» ãĥ»ãĥ» +ê¶ ģ +Ġdeber ÃŃa +หà¸Ļà¹Īวย à¸ĩาà¸Ļ +Ġva ÌĢ +Ġעצ ×ŀ +Ġעצ×ŀ ×Ŀ +à¹Ģà¸Ĭืà¹Īà¸Ń วà¹Īา +שק ×¢ +Ġ×Ķ ×Ľ×ķ׾ +Ġ×Ķ׼×ķ׾ ׾ +ни бÑĥд +нибÑĥд ÑĮ +ĠëĦĪ íĿ¬ +Ġоб ÑĢаÑī +ĠобÑĢаÑī а +Ġ×¢×ij×ķ×ĵ ת +ĠاÙĦÙħÙĨت خب +ıy ord +ıyord u +ÙĪ Ø° +×Ĺש ×Ļ×ij×ķת +Ġ×Ķ×¢ ×Ļ×§ +Ġ×Ķ×¢×Ļ×§ ר×Ļ +ì¢ Į +ยุ à¹Ĥร +ยุà¹Ĥร à¸Ľ +Ġа пÑĢ +ĠапÑĢ ÐµÐ»Ñı +sz ed +szed ÅĤ +д он +à¹Ģà¸ķิ à¸ļ +à¹Ģà¸ķิà¸ļ à¹Ĥà¸ķ +кол о +Ġkażde j +å¸ ° +帰 ãĤĬ +Ġмил ли +Ġмилли он +ç¾İåij³ ãģĹãģĦ +ت ÙĤار +تÙĤار ÙĬر +ĠìĿ´ 루 +ĠìĿ´ë£¨ ìĸ´ +Ġsprzeda ż +×Ķ ×ķצ×IJ×ķת +ãĤ¢ãĤ¯ ãĤ» +ãĤ¢ãĤ¯ãĤ» ãĤ¹ +ר ×ķ×¥ +ĠгоÑģÑĥдаÑĢÑģÑĤв енн +Ø£ ØŃÙĥ +Ø£ØŃÙĥ اÙħ +ĠoluÅŁ u +ĠA ç +ĠAç ık +ãĤ¸ ãĥ¼ +ç´ł æĻ´ +ç´łæĻ´ ãĤīãģĹãģĦ +Ġ×ijש×ij ×ķ×¢ +ب ذ +بذ ÙĦ +สา à¹Ģหà¸ķุ +Ġpoz osta +Ġpozosta ÅĤ +ØŃر Ùħ +Ġimport ância +leÅŁtir me +Ġд ÑĢев +Ġmó vil +ĠA ynı +Ġна лог +Ġналог ов +Ġ×Ĺ ×Ļפ×Ķ +ĠÑĦоÑĢм Ñĥ +à¸Ĺà¸Ķ สà¸Ńà¸ļ +ĠksiÄħż ki +Ġma ÅĤe +Ùħس Ø£ÙĦ +ÙħسأÙĦ Ø© +ï¼¾ ï¼¾ +ç ãeste +év iter +Ġкон ÑģÑĤÑĢÑĥк +ĠконÑģÑĤÑĢÑĥк ÑĨи +ï¾ ŀ +Ġת×ķ׼ ׳ +ãĤ¹ãĥĪ ãĥ¬ãĤ¹ +ĠاÙĦاÙĤتصاد ÙĬ +×ŀ×ĵ ×Ļ +Ġw ÅĤad +ĠwÅĤad z +Ø® ÙĪÙģ +ĠмаÑĤеÑĢиал ов +ãģ¨ãģ£ãģ¦ ãĤĤ +Ġznaj du +Ġznajdu jÄħ +Ùģ Ø¦Ø© +ãģ©ãģ® ãĤĪãģĨãģª +æĬij ãģĪ +׳ ×Ĺ׾ +Ġdü ny +Ġdüny an +Ġdünyan ın +гÑĢ Ð°Ð½Ð¸ +гÑĢани Ñĩ +Ġ×Ķש׾ ×Ļש×Ļ +Ġ×Ķ×IJ ש +åıĬ ãģ³ +ìĭŃ ìĭľ +ìĭŃìĭľ ìĺ¤ +Ġдол л +Ġдолл аÑĢ +Ġпов ÑĤоÑĢ +Ġ×Ĺ ×Ļ׳×Ŀ +ת פת×Ĺ +Ñĥв ели +Ñĥвели Ñĩен +ãĤ« ãĥª +raw id +rawid ÅĤow +×ķ ×ķ׾ +ãĥŁ ãĥ¥ +ì½ ĺ +ĠBy ÅĤ +Ðľ ÐIJ +ع ÙIJ +ĠÑģовеÑĢ ÑĪ +ĠÑģовеÑĢÑĪ ÐµÐ½Ð½Ð¾ +Ġм ой +Ġ×ķ׾×IJ ×Ĺר +æħ £ +æħ£ ãĤĮ +ØŃ اÙ쨏 +Ġ무 ë£Į +à¸Ħà¸ĵะ à¸ģรรม +à¸Ħà¸ĵะà¸ģรรม à¸ģาร +Ġìĸ´ ëĶĶ +Ġdif eren +Ġdiferen ça +ĠاÙĦØ£ ساس +ĠاÙĦأساس ÙĬØ© +Ġ׾×IJ×Ĺר ×ķ׳×Ķ +ê· ł +Ġ×Ķש׳×Ļ ×Ļ×Ķ +ìľĦìĽIJ ìŀ¥ +ลุ à¸ģ +ç iler +Ġ×Ķ×IJ ׾×ķ +èģŀ ãģı +Ġ×ķ×IJ פ×Ļ׾×ķ +ĠÑĢе ализ +ĠÑĢеализ аÑĨи +ระยะ à¹Ģวลา +Ġجدا Ùĭ +تب اع +Ġveh ÃŃculo +Ġдол г +à¸Ľà¸£à¸´ มาà¸ĵ +ì¦ IJ +Ġ׾ ×ŀ×§×ķ×Ŀ +ĠìĤ¬ ì§Ħ +à¸Ĭ à¹īา +Ġ×ŀ×¢ ×ķ׾×Ķ +Ġgö rm +Ġgörm ek +ĠÙĪÙĩ ذÙĩ +пеÑĢ Ð² +пеÑĢв ÑĭÑħ +ê·¸ ëŀĺ +ĠاÙĦبر ÙĬØ· +ĠاÙĦبرÙĬØ· اÙĨÙĬ +ĠиÑİ Ð½Ñı +ĠÐĵ оÑĢ +Ġ׾ ש׾×Ŀ +ÐIJ ÐĿ +Ġназ наÑĩен +о оÑĢ +ооÑĢ Ñĥж +Ġöz elli +Ġözelli ÄŁi +Ġни же +ç¶ļ ãģijãģ¦ +Ġа ÑĢенд +Ġkat ılı +Ġkatılı m +ĠØ¥ Ø·ÙĦاÙĤ +ĠÙĪØ¥ ذا +Ġок ÑĤÑı +ĠокÑĤÑı бÑĢÑı +à¹Ĥà¸ķ ๠+à¹Ĥà¸ķ๠Ĭ +à¹Ĥà¸ķà¹Ĭ ะ +Ġolduk ları +Ùħ ÙĪÙĤع +ëĤ © +ã썿ĢĿ ãģ£ãģ¦ãģĦãĤĭ +Ġש ×Ļ׼×ķ׾ +วา à¸Ķ +س ÙĬÙĦ +à¸Ĥ วั +à¸Ĥวั à¸į +تØŃ ÙĥÙħ +ì ĤŃ +Ġconna ît +׳ פת×Ĺ +Ġch ặ +Ġchặ n +ĠÙħ ØŃÙħ +ĠÙħØŃÙħ ÙĪØ¯ +ãģ ´ +ĠпÑĢодÑĥк ÑĨии +зд ÑĢав +ãģĶ è¦ +ãģĶè¦ § +×IJ×ij ×IJ +Ġvé ritable +ĠØ· ÙģÙĦ +ãĥĪãĥ© ãĥĸãĥ« +ê³ ¡ +Ġת ×ŀ×ķ׳×Ķ +Ġki ên +ĠÙĤ ادر +Ø¥ÙĤ ÙĦÙĬÙħ +ĠпÑĢед пÑĢи +ĠпÑĢедпÑĢи ÑıÑĤиÑı +Ġb Äĥng +Ġay ında +Ġg ấp +еÑħ ал +Ġgi Ãłnh +Ġд ав +Ġдав но +ìĺĢ ëĭ¤ +à¸Ļัà¸ģ à¹Ģà¸ķ +à¸Ļัà¸ģà¹Ģà¸ķ ะ +Ùħست شار +ست راتÙĬج +ستراتÙĬج ÙĬ +رÙħ ز +Ġt Ä©nh +ë¡ Ń +ĠÑĩ еÑĤ +ĠÑĩеÑĤ Ñĭ +ĠÑĩеÑĤÑĭ ÑĢе +ĠEnt ão +Ġص غ +Ġصغ ÙĬرة +×ij×Ļ×ĺ ×ķ׾ +خط ÙĪØ· +ĠÑĢазвиÑĤ ие +Ġamacı yla +à¸Ĺี วี +Ġо ÑģÑĤ +ĠоÑģÑĤ алÑĮн +ש×ķ׾׊ף +Ġ׼ ׳×Ļס +Ġ׼׳×Ļס ×Ķ +Ġd áºŃy +ĠyaÅŁ ayan +Ġ×ŀ×Ķ ×ķ×ķ×Ķ +ĠÑĥ Ñģи +ĠÑĥÑģи ли +×ŀ פ×Ļ +ĠпÑĢовед ениÑı +Ġر ب +Ġرب Ùħا +ĠاÙĦØ£ ÙĪØ³Ø· +Ġìľł ì§Ģ +Ġprac ownik +Ġpracownik ów +×ŀס ×ķרת +ÙĤار ب +à¸Ħวาม รูà¹īสึà¸ģ +à¹ģหล ะ +ĠاÙĦÙĨ ÙĤد +Ġ×IJ׾ פ×Ļ +Ùħس ئ +Ùħسئ ÙĪÙĦ +ев ÑĭÑħ +клÑİÑĩ ениÑı +×ij ×Ļ׳ +×ij×Ļ׳ ×Ļ×Ķ×Ŀ +ש ×ķ×IJ×Ķ +ĠÅŁ ark +ĠÅŁark ı +Ġsü rec +Ġsürec in +à¹Ģà¸Ħร à¸Ķ +à¹Ģà¸Ħรà¸Ķ ิà¸ķ +ãĥIJ ãĥ¬ +ĠØ´ Ø£ÙĨ +à¹Ģà¸Ńา à¹Ħวà¹ī +niÄĻ cie +רצ ×Ĺ +ĠaÅŁ ama +׳ פ×Ĵ×¢ +Ġth á»Ŀ +Ġkhu ẩn +diÄŁ inde +ÑıÑī иÑħ +ãĥĺ ãĥ« +Ġüber h +Ġüberh aupt +ĠÑĤÑĢеб ова +ĠdÅĤ ugi +×ĺ ×Ļף +à¸Ĥà¸Ļาà¸Ķ à¹ĥหà¸įà¹Ī +ĠاÙĦØ£ Ùĩ +ĠاÙĦØ£Ùĩ ÙĦÙĬ +ĠMü d +ĠMüd ürü +Ġ×Ļ×Ķ ×ķ×ĵ×Ķ +Ñĭв аеÑĤÑģÑı +س اط +×Ķת ׳×Ķ×Ĵ +×Ķ×ª×ł×Ķ×Ĵ ×ķת +à¸ģาร à¸ľà¸¥à¸´à¸ķ +íĴ Ģ +สà¸ĸาà¸Ļ à¸ģารà¸ĵà¹Į +Ġо ÑĦ +ĠоÑĦ иÑģ +ĠÙĦ عبة +Ġstron ÄĻ +Ġר×IJ ×ķ×Ļ +×Ĺ ×ij׾ +ĠÑĢÑĭ н +ĠÑĢÑĭн ке +Ġ׾×ŀ×¢ ף +اس ÙĦ +ห ัà¸Ļ +Ġ×IJ ×Ĺ×Ļ +ĠпÑĢод ол +ê°Ģ ìŀħ +Ġ×ijר ×Ĺ +Ġ×ijר×Ĺ ×ij×Ļ +дж еÑĢ +Ġ׾ ×Ĺ׾ +Ġ׾×Ĺ׾ ×ķ×ĺ +Ġ׾×Ĺ׾×ķ×ĺ ×Ļף +ศาส à¸Ļา +ãĤ¢ãĤ¤ ãĥĨ +ãĤ¢ãĤ¤ãĥĨ ãĥł +Ġפר ×ķפ +جز اء +ล à¸Ńย +Ġc iaÅĤa +Ġgi ết +ĠзнаÑĩ иÑĤелÑĮно +Ġolmad ıģ +Ġolmadıģ ını +н д +нд екÑģ +تأ Ùĥد +Ġìĸ ¸ +Ġìĸ¸ ìłľ +ay dın +ãĥī ãĥ¬ãĤ¹ +Ġs ắt +Ġíĺ¸ íħĶ +Ġë¶ ģ +Ġë¶ģ íķľ +ãĥij ãĤ¤ +Ġ×ŀש×Ĺ×§ ×Ļ +à¸Ħà¸Ļ à¸Ńืà¹Īà¸Ļ +Ġиз гоÑĤов +ĠизгоÑĤов лен +à¹Ģà¸ģีย ร +à¹Ģà¸ģียร à¸ķิ +תק שר +ĠÑĢаÑģ ÑĩеÑĤ +ส à¹Ģà¸ķ +Ġl änger +ĠiÅŁ let +ĠiÅŁlet me +Ġع ÙĦÙĬÙĨ +ĠعÙĦÙĬÙĨ ا +é lection +ĠاÙĦغ ربÙĬØ© +íĭ Ģ +ãĤĤãĤī ãģĪ +Ġкни ги +Ø£ سÙħ +أسÙħ اء +Ġth á»ı +Ġthá»ı a +หà¸Ļ ู +Ġ×ł×¢ ש×Ķ +à¸łà¸²à¸¢ à¹ĥà¸ķà¹ī +à¸ŀื à¸Ĭ +رÙĬ Ø· +Ùģ ÙĪØ¶ +ãģĤãĤĬãģĮãģ¨ãģĨãģĶãģĸ ãģĦãģ¾ãģĹãģŁ +ש ×ĵ×Ķ +Ġng á»±c +ĠÑģеÑĢ ÑĮ +ĠÑģеÑĢÑĮ езн +T ôi +Ġfiyat ları +ĠвÑģ Ñİ +ĠC ódigo +Ġ×Ķש ×IJ +Ġ×Ķש×IJ ׾×Ķ +ĠP ública +Ø¥ Ø® +إخ ÙĪØ§ÙĨ +ĠзаÑıв ил +ãĥ¦ ãĥ¼ +ר×IJ ×Ļת +vol ución +Ġsz ko +Ġszko ÅĤy +جرÙĬ دة +Ġpens é +ìī ¬ +ĠBüyük ÅŁehir +ĠØ£Ùħ رÙĬ +ĠØ£ÙħرÙĬ ÙĥÙĬ +à¸Ļัà¸ģ ศึà¸ģษา +Ġtod av +Ġtodav ÃŃa +ĠС ан +ĠСан кÑĤ +íķĺ ìŀIJ +ØŃÙĪ Ø§ÙĦ +׼ ×ķשר +à¹Ģลย à¸Ħรัà¸ļ +Ġal gu +Ġalgu ém +Ùģ Ø² +Ġçek il +Ġ×ĵ ר׼×Ļ×Ŀ +ãĥIJ ãĥ© +à¸ģà¹ĩ สามารà¸ĸ +สà¹Īวà¸Ļ ลà¸Ķ +íı ° +ĠP úb +ĠPúb lico +à¹ģà¸Ļว à¸Ĺาà¸ĩ +×IJת ×Ĵר +Ø´ اش +شاش Ø© +ci ÅĽni +ĠÃľ rün +ÙĦÙĪ ØŃ +ĠاÙĦ بÙĨ +ĠاÙĦبÙĨ Ùĥ +ì¡° ì¹ĺ +Ġorganiz ación +ãģĤãĤĬãģĮãģ¨ãģĨãģĶãģĸ ãģĦãģ¾ãģĻ +s ätze +ĠÑģем ей +ÙĤ صد +ÑģÑĤв еннÑĭе +Ġpréc éd +Ġprécéd ent +à¸ģรุà¸ĩà¹Ģà¸Ĺà¸ŀ ฯ +ãģ¨è¨Ģ ãģĦ +×ij׳×Ļ ×Ļף +ĠØŃ ÙĪ +ĠØŃÙĪ Ø§ÙĦÙĬ +סק ס +ĠsaÄŁlam ak +Ġ׾ צ×Ļ×Ļף +×§×ĵ ש +Ġ×Ķ×ŀ ×¢×¨×Ľ×ª +Ġ׾×Ķ ×¢×ij×Ļר +Ġg ünd +Ġgünd em +ĠнаÑĪ ÐµÐ³Ð¾ +à¹ĥà¸Ļ à¸ŀืà¹īà¸Ļà¸Ĺีà¹Ī +à¹Ģà¸Ħร ืà¸Ń +à¹Ģà¸Ħรืà¸Ń à¸Ĥ +à¹Ģà¸Ħรืà¸Ńà¸Ĥ à¹Īาย +ظ اÙĩرة +ÙħÙĨ ظÙħ +ÙħÙĨظÙħ ات +Ùħت از +追 ãģĦ +dı kt +dıkt an +ĠëįĶ ìļ± +ĠÐĿ апÑĢимеÑĢ +tw ór +×ŀ×ķ×¢ צ×Ķ +Ùĥ ÙĪÙĥ +Ð © +×ŀ×ĺ פ׾ +ó lica +訪 ãĤĮ +ĠëĮĢ ë¶Ģ +ĠëĮĢë¶Ģ ë¶Ħ +ãĤ¯ãĥª ãĥĥãĤ¯ +ãĤĴ éģ¸ +ãĤĴéģ¸ ãģ¶ +Ġpow sta +Ġpowsta ÅĤ +Ġraz ón +×ij ×ķ×Ĺר +ĠÑģообÑī ил +Ġ×§ ×ij×ķ×¢ +r êt +à¸Ķี à¸Ĥึà¹īà¸Ļ +×ŀס ×¢×ĵ +×ŀסע×ĵ ×ķת +ĠÃĸ sterreich +Ġ׳ ×Ĺש×ij +Ùħباد رة +ì´ ī +×Ĵ ׳×ĺ×Ļ +ä¿¡ ãģĺ +du ÄŁ +duÄŁ unu +Ġph ú +ĠاÙĦØ£ Ø®ÙĬر +Ġت عتبر +landır ıl +ãģ¨ãģ¯ ãģĦ +ãģ¨ãģ¯ãģĦ ãģĪ +ĠاÙĦ Ø·ÙĦ +ĠاÙĦØ·ÙĦ اب +ĠN º +éģ¿ ãģij +اÙĦ Ùħع +اÙĦÙħع رÙĪÙģ +ส à¸łà¸² +éĽ¢ ãĤĮ +ĠпомоÑī ÑĮ +Ġзна еÑĤ +ãĥĹãĥ¬ ãĤ¼ +ãĥĹãĥ¬ãĤ¼ ãĥ³ãĥĪ +Ġsup érieur +Ġש׾ ×Ļש×Ļ +ĠاÙĦÙĨ ÙĪØ¹ +ãĤĵãģ§ãģĻ ãģŃ +à¸Ńà¸ļ รม +Ġgi á»įng +Ġwzgl ÄĻd +ĠاÙĦÙģ ÙĤر +è rent +Ġ×ŀ×IJ ×Ĺ +Ġ×ŀ×IJ×Ĺ ×ķר×Ļ +×Ĵ ×Ĵ +×Ļ ×Ļ×ij +ÙħÙĦ اب +ÙħÙĦاب س +Ġhük ü +Ġhükü met +Ġ×ŀ×Ĵ ×Ļ×ij +ĠÐŀ Ñĩ +ĠÐŀÑĩ енÑĮ +æĹ© ãģĦ +Ġconstr ucción +Ġth ượng +ï¼ ĭ +Ġcor ação +à¹Ģหล à¹ĩà¸ģ +ĠBaÅŁ b +ĠBaÅŁb akan +éĢ£ ãĤĮ +ãģĻãĤĭ ãģĵãģ¨ãģĮãģ§ãģįãģ¾ãģĻ +ĠÙĤ اÙħت +Ġا Ùĥثر +ÙģØ§Ø¹ ÙĦ +ĠÑĦ оÑĢ +ĠÑĦоÑĢ Ñĥм +غ ذÙĬ +ĠiÅŁ le +ĠiÅŁle ml +ĠiÅŁleml eri +ĠìĤ¬ëŀĮ ìĿĢ +Ġìŀij ìĦ± +Ġë§Ī 볨 +Ùħ جÙĦس +หม ู +д в +дв иг +двиг а +à¹Ģสีย à¸Ĭีวิà¸ķ +×Ķת פת×Ĺ +×Ķתפת×Ĺ ×ķת +ĠмеÑĤ ÑĢо +ĠÑģ енÑĤ +ĠÑģенÑĤ Ñı +ĠÑģенÑĤÑı бÑĢÑı +ê³ § +Ġ׾ פע +Ġ×ľ×¤×¢ ×ŀ×Ļ×Ŀ +à¹Ģà¸ļ ีย +詳 ãģĹãģı +çķ° ãģªãĤĭ +Ġİl çe +ĠAt at +ĠAtat ür +ĠAtatür k +รุ à¹Īà¸ĩ +Ġkald ı +Ġ주 ìŀ¥ +Ġprés ence +Ġн аб +Ġнаб лÑİ +ĠнаблÑİ Ð´Ð° +ĠÑģам ого +×Ĵ ×ķש +×ŀ×ĺ ×ķפ +×ŀ×ĺ×ķפ ׾ +ĠвÑĭб иÑĢа +ĠìŀIJ 리 +åĪĨ ãģĭãĤīãģªãģĦ +Ġз Ñĥб +Ġש׼ ×ijר +Ġد ائ +Ġدائ Ùħا +ĠпаÑĢ ÑĤи +ï¼ ² +ĠاÙĬ ضا +ĠÑħ оз +ĠÑħоз Ñı +ĠÑħозÑı й +ĠÑħозÑıй ÑģÑĤв +ĠاÙĦØ£ ج +ĠاÙĦأج ÙĨب +ĠاÙĦأجÙĨب ÙĬØ© +ĠÐĹ Ð½Ð° +ĠAp ós +ĠÑį неÑĢ +ĠÑįнеÑĢ Ð³Ð¸ +Ġy ans +Ġyans ı +ĠJust i +ĠJusti ça +Ġpré vu +ม วล +ìŀ¥ ëĭĺ +à¸ģระ à¸ļ +à¸ģระà¸ļ วà¸Ļ +à¸ģระà¸ļวà¸Ļ à¸ģาร +×ŀ ×ŀ +×ŀ×ŀ ×ķצע +Ġh ẹ +Ġhẹ n +зд ание +Ġak ÅŁ +ĠakÅŁ am +×ĺ ×ķפ +Ġgere kt +Ġgerekt i +Ġgerekti ÄŁini +Ġnar z +Ġnarz ÄĻdzi +é po +épo que +ĠTh ần +Ġwys oko +Ġwysoko ÅĽci +à¸ľà¸¹à¹ī à¸Ľ +à¸ľà¸¹à¹īà¸Ľ à¹Īวย +ĠÙĬ بدÙĪ +ÑĤелÑĮ ного +Ġвз глÑıд +Ġjed nÄħ +ĠìĿĺ 견 +Ġ à¸Ĥà¸ĵะà¸Ĺีà¹Ī +פ ×Ļ×ĵ +ìĥģ ëĭ´ +Ġm ỡ +×Ķ ×ŀ׾ +×Ķ×ŀ׾ צ×ķת +ĠÑģоÑģÑĤ о +ĠÑģоÑģÑĤо иÑĤ +Ġав и +Ġави а +ĠL änder +تص ÙĪÙĬر +×ŀ×ĵ ×Ļ×Ķ +ìłĪ ì°¨ +ãģ¨ ãĤĬ +ãģ¨ãĤĬ ãģĤ +ãģ¨ãĤĬãģĤ ãģĪ +ãģ¨ãĤĬãģĤãģĪ ãģļ +ĠÑĢ Ñıд +ĠÑĢÑıд ом +ĠNh ất +ĠاÙĦÙĥ اÙħÙĦ +×Ĺ׾ ׾ +ĠGi ấy +צ ×ĺר +צ×ĺר ×£ +Ġ׾×ij ×ĺ׾ +Ġим еÑĤÑĮ +ס×ŀ ×ķ×ļ +Ġparticip ação +íķľëĭ¤ ë©´ +ÙħÙĨت دÙĬ +ÙħÙĨتدÙĬ ات +ĠeÄŁ len +g änge +رب ØŃ +ãĤ® ãĥ£ +ĠاÙĦر ÙĤÙħ +à¸ĭ à¹īำ +ĠH óa +×ŀר ×Ĺ×§ +ØŃÙħ اÙħ +بÙĪ Ùĥ +ĠArt ÃŃculo +ãĥĦ ãĤ¢ãĥ¼ +×Ķפ ׼×Ķ +×Ĺ׾ ×ķף +ĠпеÑĢе Ñħод +len miÅŁ +زر اعة +Ġseñ or +ãģ£ãģ¦ ãģįãģ¦ +Ø¥ Ø´ +إش ارة +Ġpod ÃŃa +ĠÃľ lke +н ÑģкаÑı +Ġadapt é +Ġdüzen len +Ġdüzenlen en +ĠÑģÑĤ ала +ĠÙĬ ØŃتاج +Ġn ier +Ġnier uch +Ġnieruch omo +Ġnieruchomo ÅĽci +ãģĵãģ¨ãģĮ ãģĤãĤĭ +ยà¸Ńà¸Ķ à¹Ģยีà¹Īยม +ĠÙħ ج +ĠÙħج اÙĨÙĬ +Ġз аб +Ġзаб ол +Ġзабол ев +Ġзаболев аниÑı +ĠÅĽ ro +ĠÅĽro dk +ĠÅĽrodk ów +Ġ×Ķ ×ľ×IJ×ķ×ŀ×Ļ +Ġdok ÅĤad +ĠdokÅĤad nie +ãģŁãģı ãģªãģĦ +ãģ¯ãģļ ãģ§ãģĻ +ã썿ĢĿ ãģ£ãģ¦ãģĦãģŁ +é cran +ìĹħ ì²´ +trzym aÅĤ +ÑģÑĤв еннÑĭй +ĠNot ÃŃc +ĠNotÃŃc ias +Ùħ رÙĬ +ÙħرÙĬ ض +æ°Ĺ è» +æ°Ĺè» ½ +æ°Ĺ軽 ãģ« +ëĵ £ +Ġ×ĵ ×ķ×IJר +Ġ׾ ×ŀ׳ +Ġ׾×ŀ׳ ×ķ×¢ +ĠçalÄ±ÅŁ ıyor +ĠÅŁ idd +ĠÅŁidd et +ĠM ặt +Ġate ÅŁ +ĠполÑĥÑĩ ениÑı +à¹Ģà¸Ħรืà¹Īà¸Ńà¸ĩ มืà¸Ń +Ġgrö ÃŁer +د ائ +دائ رة +Ġbul un +Ġbulun maktadır +à¹Ģห ร +à¹Ģหร ีย +à¹Ģหรีย à¸į +à¸Ļัà¸ģ à¸Ĺà¹Īà¸Ńà¸ĩà¹Ģà¸Ĺีà¹Īยว +Ġalan ında +ĠÑĥ зна +Ġл еÑĩение +売 ãĤĮ +Ġçev ir +Ġdeste ÄŁi +ĠheiÃŁ t +âĸ ² +ØŃ Ø· +à¸Ħำ à¸ķà¸Ńà¸ļ +ãĤªãĥ³ ãĥ©ãĤ¤ãĥ³ +Ġ×ij×Ĺ×Ļ ×Ļ×Ŀ +ãĥ¦ ãĥĭ +Ġdüzenle me +Ġmodal itÃł +سر Ø· +سرط اÙĨ +×ŀ׼ ×ķף +ĠданнÑĭ й +تر ت +ترت ÙĬب +à¸ļาà¸ĩ à¸Ħà¸Ļ +ĠÄIJ á»ĭnh +ม ูล +มูล à¸Ħà¹Īา +ÙĨ ÙĤص +à¸ģาร รัà¸ģษา +ĠÑĦ он +ĠÑĦон д +ãĤĪãģĨ ãģ«ãģªãģ£ãģŁ +Ùħع اÙĦ +ÙħعاÙĦ جة +ĠOs man +ĠOsman lı +иÑĩеÑģк ом +à¸Ńยาà¸ģ à¸Īะ +ãģķãģ¾ ãģĸ +ãģķãģ¾ãģĸ ãģ¾ +ãģķãģ¾ãģĸãģ¾ ãģª +Ġת ×ķ׼׾ +×¢ צ×ij +ĠاÙĦع سÙĥ +ĠاÙĦعسÙĥ رÙĬ +Ġvé hic +Ġvéhic ule +Ġ×Ļצ ×Ĺ×§ +ĠاÙĦÙĪ ØŃ +ĠاÙĦÙĪØŃ ÙĬد +ĠاÙĦع دÙĪ +ĠQu ản +Ġê³µ ëıĻ +بد ÙĦ +ĠÄij ảng +Ġm á»ĩnh +Ġnie zb +Ġniezb ÄĻ +ĠniezbÄĻ dn +Ġyayın lan +обÑī и +Ġgö tür +צ פ +צפ ×ķ×Ļ +ĠÙĦÙĬ بÙĬ +ĠÙĦÙĬبÙĬ ا +ØŃ ÙĪØ§ +Ġд об +Ġдоб ÑĢо +иÑĢÑĥ ем +ĠاÙĦØŃÙĥÙĪÙħ ÙĬØ© +m Ã¤ÃŁig +Ġed ición +влек аÑĤелÑĮ +влекаÑĤелÑĮ н +Ġת ש׾×ķ×Ŀ +Ġ×Ķש ×ķ׳×Ļ×Ŀ +มิ à¸ĸุ +มิà¸ĸุ à¸Ļ +มิà¸ĸุà¸Ļ ายà¸Ļ +é£Łãģ¹ ãģ¦ +ĠìĪĺ ì§ij +ס ×ij×Ļ +ĠиÑİ Ð»Ñı +Ġà¹Ħà¸Ķà¹ī à¹ģà¸ģà¹Ī +׾×Ĺ ×Ŀ +tr ä +trä gt +ãģĿãĤĤ ãģĿãĤĤ +ÐĿ Ðķ +Ġв нÑĥÑĤ +ĠвнÑĥÑĤ ÑĢи +ãģ¨ ä¸Ģç·Ĵãģ« +ãĤ« ãĥķãĤ§ +Ġ×ij×Ĺ ×ĵר +×Ĺ ×ŀש +ãĤ¨ ãĥį +ãĤ¨ãĥį ãĥ« +ãĤ¨ãĥįãĥ« ãĤ® +ãĤ¨ãĥįãĥ«ãĤ® ãĥ¼ +à¸Ĥà¸Ńà¸ĩ à¸ķัวà¹Ģà¸Ńà¸ĩ +بÙĤ اء +פס ×Ļ׼ +פס×Ļ׼ ×ķ׾×ķ×Ĵ +ãĥ¡ ãĥĥ +ãĥ¡ãĥĥ ãĤ» +ãĥ¡ãĥĥãĤ» ãĥ¼ãĤ¸ +ÙĦ ÙĤب +A Äŀ +שק ×Ļ×¢ +ÙĤ ساÙħ +×ĵ×ķ×Ĵ ×ŀ×Ķ +æ·± ãģĦ +íĸĪ ëĬĶëį° +ĠrozwiÄħz anie +à¸Ļัà¹Īà¸Ļ à¹Ģà¸Ńà¸ĩ +×Ļצ ×ij +Ġtr ông +à¹ĥà¸Ĭà¹ī à¸ļริà¸ģาร +ĠاÙĦÙħÙĪ Ø³Ùħ +ĠдеÑĤ и +ãģĹãģĭ ãģªãģĦ +ס ×Ļף +Ġréfé rence +à¹ģห à¹īà¸ĩ +ãĤĤãĤī ãģ£ãģŁ +Ġ׾ ר׼ +Ġ׾ר׼ ×ķש +شع ÙĪØ± +ĠÐij ог +Ġlaz ım +Ġ×Ļש ׳×Ŀ +Ġп аÑĢÑĤ +ĠпаÑĢÑĤ неÑĢ +ĠÑĥ ника +ĠÑĥника лÑĮн +Ġmaté riel +×ŀר ×§ +Ġph ưá»Ŀng +Ġз ай +Ġзай м +Ùģ ÙĤد +Univers itÃł +×¢ ר׼×Ļ×Ŀ +Ġba ño +Ġн оÑı +ĠноÑı бÑĢÑı +à¸Ľ à¹īาย +Ġt ats +Ġtats äch +Ġtatsäch lich +ĠÑĤÑĢ ÐµÑĤÑĮ +Ñį м +ãĥĻ ãĥ¼ãĤ¹ +Ġnh á»±a +ìĬ¤ íģ¬ +ĠعبداÙĦ ÙĦÙĩ +Ġת ×ķר×Ķ +أش ÙĬ +أشÙĬ اء +ĠÙĦÙĦ غا +ĠÙĦÙĦغا ÙĬØ© +Ùħ ÙĪØ§ÙĤ +ÙħÙĪØ§ÙĤ Ùģ +ĠgÅĤówn a +Ġart Ä±ÅŁ +Ġ×ŀ×§ ×ķ×ŀ×Ļ +ãĤ¯ãĥ© ãĥĸ +Ġس ÙĪÙī +ĠìŬ ìĦ± +اس ر +اسر ائÙĬÙĦ +Ġ׳ ×Ľ×ª×ij +ย à¹īà¸Ńà¸Ļ +Ġdeber á +Ġph ẫu +ÑİÑī ем +ĠÙĦدÙĬ ÙĨا +×ŀ×ĺ ×Ķ +Ġ׳ ×ķ׾×ĵ +ĠвÑģÑĤÑĢ ÐµÑĩа +ãĤīãĤĮ ãģ¦ãģĦãģ¾ãģĻ +ĠcaÅĤ ej +ย ึ +ยึ à¸Ķ +поÑĤ ен +поÑĤен ÑĨи +Ġл иÑĤ +ĠлиÑĤ еÑĢ +ĠлиÑĤеÑĢ Ð°ÑĤÑĥÑĢ +Ġкажд ом +ĠíĮ IJ +ĠíĮIJ ëĭ¨ +à¸Ī ู +Ġpres ença +ãģªãĤĵ ãģ§ +Ùħ ÙĬاÙĩ +ин ÑĦоÑĢм +инÑĦоÑĢм аÑĨион +инÑĦоÑĢмаÑĨион н +ĠìŀIJ ìŰ +ר׼ ש +Ġöd ül +ç¶ļ ãģı +Ġп Ñģ +ĠпÑģ иÑħ +ĠпÑģиÑħ олог +ت ذÙĥر +Ġìŀħ ìŀ¥ +ล à¸Ķà¹Į +ìĦł ê±° +ãģ£ãģ¦ ãģĬãĤĬãģ¾ãģĻ +Ġ×Ļ ×¢ +Ġ×Ļ×¢ ×§×ij +ĠاÙĦØ· عاÙħ +ãĥĨ ãĤ¹ãĥĪ +ĠTu ấn +Ġparticip ación +×ŀ×ķ×ŀ ×Ĺ×Ķ +×Ĵר ס×Ķ +ĠاÙĦتÙĨ ÙģÙĬ +ĠاÙĦتÙĨÙģÙĬ ذÙĬ +ĠбезопаÑģ н +ge f +gef ähr +Ø´ ÙĪØ± +Ġmy ÅĽli +ÙĪØ§ Ø´ÙĨ +ÙĪØ§Ø´ÙĨ Ø·ÙĨ +׳×ķס ×¢ +Ùĥ Ùĩ +ÙĥÙĩ رب +ÙĥÙĩرب اء +Ġmus iaÅĤ +ìĭ ¸ +ãĥĸãĥ© ãĥĥãĤ¯ +Ġcré é +ÙĨÙĩ ار +owo ÅĽÄĩ +ÙħØŃا ÙĥÙħ +ĠwÅĤa ÅĽ +ĠwÅĤaÅĽ c +ĠwÅĤaÅĽc iciel +ĠÙĬ ؤ +ĠÙĬؤ دÙĬ +×ŀ×¢ ×ķ׳ +×IJ ×ij׾ +خط Ø£ +ĠÑħ олод +×ĸ ×ķ׾ +ãģĵãĤĮ ãĤī +ãģĵãĤĮãĤī ãģ® +Ġbás ica +ฤ à¸Ķ +ฤà¸Ķ ูà¸ģ +ฤà¸Ķูà¸ģ า +ฤà¸Ķูà¸ģา ล +èIJ½ãģ¡ çĿĢ +ãģªãģĦ ãģĵãģ¨ +ص ÙĪÙħ +ÙĨج ØŃ +׳ק ×ķ×ĵ +׳ק×ķ×ĵ ת +кл аÑģÑģ +íķĺìĭľ ëĬĶ +ëĦ ĺ +Ġש×IJ ×Ļ׳×ķ +ĠС ейÑĩаÑģ +may acaģı +Ġyap ılır +Ġcategor ÃŃa +عب اد +ĠТ еп +ĠТеп еÑĢÑĮ +×Ķ×Ļס×ĺ ×ķר×Ļ +h ế +ãĤ³ ãĥ¼ãĥī +Ġcabe ça +ج Ùħا +جÙħا Ùĩ +جÙħاÙĩ ÙĬر +ä½İ ãģĦ +ĠÑĤоваÑĢ Ð¾Ð² +à¸Ĭาว à¸ļà¹īาà¸Ļ +ĠÑģÑĤан ов +ĠÑģÑĤанов иÑĤÑģÑı +ĠавÑĤом обилÑĮ +ĠÑģлÑĥÑĩ ай +à¸Ńั à¸ŀ +ĠG iriÅŁ +ĠìĿ¼ ëĭ¨ +ĠпÑĢ Ð¾Ñģ +ĠпÑĢоÑģ моÑĤÑĢ +ãģªãģıãģª ãģ£ãģŁ +มี à¸Ľà¸±à¸įหา +ïº İ +éc oute +ĠÙħ ÙĪØ¬ÙĪØ¯ +Ġس رÙĬع +ĠÙĪÙĩ ÙĨا +ĠÙĪÙĩÙĨا Ùĥ +à¸Ħุà¸ĵ สม +à¸Ħุà¸ĵสม à¸ļัà¸ķิ +Ġìļ° ìĦł +à¸ŀระ à¸ŀุà¸Ĺà¸ĺ +好 ãģ¿ +ظ ÙĦÙħ +Ġм акÑģ +ĠмакÑģ ималÑĮ +ĠмакÑģималÑĮ но +ãĥª ãĤ¢ãĥ« +à¹ģมà¹ī วà¹Īา +ĠاÙĦØŃ ÙĪØ§Ø± +ãĥĹãĥ© ãĤ¹ +Ġع ÙĦاÙĤØ© +Ġíĸī ëıĻ +Ġgönder il +Ġl ãi +ĠsaÄŁ lıkl +ĠsaÄŁlıkl ı +ĠÑĪ Ð°Ð³ +Ġ×ij×IJר ×Ķ +prowadzi Äĩ +ãģĦãģı ãģ¤ãģĭ +Ġبت ارÙĬØ® +Ġ×ij×IJ×ķת ×Ķ +Ġmó c +ĠÐľ не +ãĥĹãĥ¬ ãĥ¼ +×IJ ×ĸר×Ĺ +åł´åIJĪ ãģ«ãģ¯ +使 ãģĪ +à¹Ģร ืà¸Ńà¸Ļ +ĠÐŁ еÑĤ +ĠÐŁÐµÑĤ ÑĢ +ãģ«åħ¥ ãĤĭ +Ùħ ادة +à¹Ģà¸ĩ ืà¹Īà¸Ńà¸Ļ +à¹Ģà¸ĩืà¹Īà¸Ńà¸Ļ à¹Ħà¸Ĥ +ĠÑģоÑģÑĤоÑı ние +ôn ica +ĠÑĦ ев +ĠÑĦев ÑĢа +ĠÑĦевÑĢа лÑı +Ġ×ķ ×ĸ +Ġ×ķ×ĸ ×IJת +à¸Ħร ิ +à¸Ħริ ส +ĠÐķ Ñīе +ãģ£ãģ¦ãģĹãģ¾ ãģĦãģ¾ãģĹãģŁ +ĠпÑĢав иÑĤелÑĮ +ĠпÑĢавиÑĤелÑĮ ÑģÑĤв +Ġtä glich +Ġëĭ¹ ìĭľ +×ŀ×ķ×¢ ×ŀ×ĵ +Ġдв оÑĢ +æī ķ +æīķ ãģĦ +ĠÑģÑĤан еÑĤ +Ġвозд ейÑģÑĤв +ĠвоздейÑģÑĤв и +Ġf ête +à¹Ģส า +תק ×ķ×ķ×Ķ +Ġu yar +Ġuyar ı +à¸ģลัà¸ļ à¹Ħà¸Ľ +Ġgi ưá»Ŀng +Ġв а +Ġва ÑĪи +ĠÄij áºŃu +ĠSpa ÃŁ +ĠìķĦ ë§Ī +à¹Ħà¸Ķà¹ī à¸ĩà¹Īาย +Ġ×Ķ×ŀ ×ijקש +æĸ° ãģŁ +æĸ°ãģŁ ãģª +ılı yor +пл ан +Ġ×Ķ×ijר ×Ļ×IJ×ķת +ĠaÄŁ rı +Ġsay gı +建 ãģ¦ +Ġnaj wyż +Ġnajwyż sz +سÙĬاس ات +ãģĬ å¾Ĺ +ĠاÙĦع ÙĦÙĬ +ĠاÙĦعÙĦÙĬ ا +Ġcoraz ón +ì¹ĺ ë£Į +หัว à¸Ĥà¹īà¸Ń +Ġب ØŃÙĬ +ĠبØŃÙĬ Ø« +зв езд +بÙĪ Ø§Ø¨Ø© +ÐĽ Ðĺ +ÙĦا زÙħ +Ġroz p +Ġrozp oc +Ġrozpoc zÄĻ +触 ãĤĮ +ĠاÙĦج ÙħÙĩ +ĠاÙĦجÙħÙĩ ÙĪØ± +Ġsp ÄĻd +ĠspÄĻd z +วิà¸Ĺยา ศาสà¸ķรà¹Į +ив аеÑĤÑģÑı +Ġдан ной +Ġreprés ente +ĠÄij á»ĭch +Ġ×¢×ŀ ×ķ×§ +à¸Ńัà¸Ļ à¸ķร +à¸Ńัà¸Ļà¸ķร าย +Ġestr atég +Ġestratég ia +pad ÅĤ +Ġв полн +Ġвполн е +ĠпÑĢедоÑģÑĤав лен +×Ĺ׾ ×ķ×§ +×Ĺ׾×ķ×§ ת +ãĤ¢ ãĥĬ +ĠاÙĦغ ذ +ĠاÙĦغذ ائÙĬ +ĠÑĥ зн +ĠÑĥзн аÑĤÑĮ +à¸ĭ à¹īาย +å½ĵ ãģ¦ +ØŃÙĬ اء +Ġbás ico +×§×ķ×ij ×¢ +ĠاÙĦÙħ باراة +ĠاÙĦÙĩ اتÙģ +Ġ׼ ׳×Ĵ×ĵ +à¸Ľà¸£à¸° หย +à¸Ľà¸£à¸°à¸«à¸¢ ัà¸Ķ +Ðļ ак +à¸Ĺีà¹Ī à¸Ļà¹Īา +à¸Ĺีà¹Īà¸Ļà¹Īา สà¸Ļà¹ĥà¸Ī +ãģ¾ ãģģ +ï½ ¢ +Ñģк оп +Ġson rasında +Ġur zÄħd +ĠurzÄħd zenia +׼×ķ ×ķ׳ +׼×ķ×ķ׳ ת +Ġ׾×Ķת ×ŀ×ķ×ĵ +Ġ׾×Ķת×ŀ×ķ×ĵ ×ĵ +ĠÑģ ли +ĠÑģли ÑĪ +ĠÑģлиÑĪ ÐºÐ¾Ð¼ +ĠÑģÑĤ Ñĥд +ĠÑģÑĤÑĥд енÑĤ +Ġ×Ķ ×ķ×ĵ +Ġ×Ķ×ķ×ĵ ×¢×Ķ +ë¹Ħ ìļ© +à¸Ńยาà¸ģ à¹ĥหà¹ī +Ġb á»ģ +ยุ à¸Ĺà¸ĺ +Ðĺ ÐĿ +س ائر +Ø£ صÙĪÙĦ +ĠاÙĦغ رÙģ +ãģĵãģ¨ãĤĤ ãģĤãĤĬãģ¾ãģĻ +è¾¼ ãģ¾ãĤĮ +ĠاÙĦساب ع +Ġc á»§ +ãģĦãģŁãģł ãģĦãģŁ +ì§ ĵ +ìĤ¬ 무 +powied ź +تÙģ Ùĥ +تÙģÙĥ ÙĬر +иÑĢов ки +ĠíĨµ íķ´ìĦľ +ãĤ¨ ãĤ¹ãĥĨ +ĠдеÑıÑĤелÑĮ ноÑģÑĤÑĮ +ĠданнÑĭ м +Ġ×¢ ×ķר +Ġ×¢×ķר ׼×Ļ +×ķ×ĵ עת +Ġhayat ını +Ġb Äħd +ĠbÄħd ź +obs ÅĤug +à¹Ģà¸ŀียà¸ĩ à¹ģà¸Ħà¹Ī +à¸ĭ à¹Īา +è²ł ãģij +ĠÑģÑĤÑĢ ÐµÐ¼ +ĠÄij á»īnh +ĠÐł ÑĥÑģ +ĠN ữ +Ġ׾×Ķש ×Ļ×Ĵ +Ġjed noc +Ġjednoc ze +Ġjednocze ÅĽnie +Ġ×Ķ×Ĵ ×ij×ķ×Ķ +أخ ÙĦاÙĤ +ĠнаÑģ ел +ĠнаÑģел ениÑı +ĠÙĬ ÙĨب +ĠÙĬÙĨب غÙĬ +ãģĮ ãģĭ +ãģĮãģĭ ãģĭ +×Ĵ עת +Ðŀ Ðł +ĠналиÑĩ ии +Ġë§Ī ì§Ģ +Ġë§Īì§Ģ ë§ī +Ġíĸī ìĤ¬ +Ġtre ÅĽci +Ġê°Ģ ì¹ĺ +ì¦ ĺ +Ġана лог +×Ķצע ת +в лад +влад е +ĠÑģдел ал +Ġ׳ ×Ĵ×Ļש +Ġ׳×Ĵ×Ļש ×ķת +полн ение +à¸Ĩ à¹Īา +ĠD ön +׼׾׼ ׾×Ķ +×ŀ×ĸ ×Ĵ +Ùħ Ùģ +ÙħÙģ Ùĩ +ÙħÙģÙĩ ÙĪÙħ +×Ķ ×ĵ +×Ķ×ĵ פס +×Ķ×ĵפס ×Ķ +ãģĻãģİ ãģ¦ +Ġг ÑĢ +ĠгÑĢ Ð½ +×ŀ×ĺ ×ķס +Ġ기 ìĸµ +ï¾ Ł +ĠpÅĤ yn +ĠGr ünde +ĠBü cher +Ġwed ÅĤug +ãģ¾ãģł ãģ¾ãģł +Ġ׳×Ķ ×ĵר +ĠÙĬست Ø·ÙĬع +ĠHi á»ĩp +ãĤŃãĥ£ãĥ³ ãĥļ +ãĤŃãĥ£ãĥ³ãĥļ ãĥ¼ãĥ³ +Ġth á»ķ +Ġeuropé enne +à¸ļ ัà¸ĩ +à¸ļัà¸ĩ à¸Ħัà¸ļ +ĠszczegóÅĤ owo +׳ שק +ãĥķ ãĥ©ãĥ³ãĤ¹ +×ŀ×ķ×ŀ ×Ĺ×Ļ +Ġcom ún +Ġç arp +ØŃت ÙĬا +ØŃتÙĬا ج +ØŃتÙĬاج ات +ëĭ´ ëĭ¹ +ä½ķ 度 +ä½ķ度 ãĤĤ +×ĵ ×ij×§ +ãģį ãĤĮ +ãģįãĤĮ ãģĦ +Ġк ам +Ġкам еÑĢ +ĠespecÃŃf ico +Ġtel éfono +à¸ķัà¹īà¸ĩ à¸Ńยูà¹Ī +I Åŀ +ãģ© ãĤĵãģ© +ãģ©ãĤĵãģ© ãĤĵ +עצ ×ŀ×IJ×Ļ +à¸Ķัà¸ĩ à¸Ļีà¹ī +ĠÑĦоÑĢм иÑĢов +ĠÑĦоÑĢмиÑĢов а +×ķ×ŀ ×ij +Ġkullan ımı +Ðľ Ðŀ +×¢ ש×Ļ +עש×Ļ ×Ļ×Ķ +Ġön lem +à¹Ģà¸Ń à¹ĩ +à¹Ģà¸Ńà¹ĩ ม +×ŀשק ×Ļ×¢ +ר ×Ļ×Ĺ +à¸Ĥ ัà¸Ķ +ĠíĻ ľ +ĠíĻľ ìļ© +à¸ĭ ะ +ãĤĪãģĨ ãģ«ãģªãĤĬãģ¾ãģĹãģŁ +ĠÑĢаÑģ пÑĢ +ĠÑĢаÑģпÑĢ Ð¾ÑģÑĤ +ĠÑĢаÑģпÑĢоÑģÑĤ ÑĢан +ĠÑĢаÑģпÑĢоÑģÑĤÑĢан ен +׼×Ļ ×ķף +ÙĤب ض +تص رÙĬØŃ +تصرÙĬØŃ ات +Ġо ÑĢи +ĠоÑĢи г +ĠоÑĢиг ина +ĠоÑĢигина л +ĠاÙĦع اÙĦÙĬ +à¹ģหà¹Īà¸ĩ à¸Ļีà¹ī +ãĥķãĤ¡ ãĥ¼ +ãģ¦ãģĦ ãģį +ãģ¦ãģĦãģį ãģŁãģĦ +פ תר +פתר ×ķ׳×ķת +Ġ×ij ×Ļ×Ĺ +Ġ×ij×Ļ×Ĺ ×ĵ +Ġod by +Ġodby ÅĤ +ĠоÑĩеÑĢ ÐµÐ´ +Ġtr ương +ãĤŃ ãĥ³ +×ŀ ×ķפ +×ŀ×ķפ ×¢ +ëĵľ 립 +ëĵľë¦½ ëĭĪëĭ¤ +à¸ŀืà¹īà¸Ļ à¸IJาà¸Ļ +ìŀIJ 격 +ĠVi á»ĩn +ĠDes pués +Ġ×IJ׾ ×Ļ׳×ķ +Ġdur ée +íĩ ´ +Ġmü zik +i ếu +ĠÑĢаз меÑīен +Ġк Ñĥд +ĠкÑĥд а +غ ض +غض ب +ĠTamb ém +à¸Īัà¸Ķ สà¹Īà¸ĩ +à¸ģาร à¹ģสà¸Ķà¸ĩ +onom ÃŃa +Ġан г +Ġанг ли +Ġангли й +Ġанглий Ñģк +Ġzn al +Ġznal az +Ġznalaz ÅĤ +תר ×Ĵ +תר×Ĵ ×ķ×Ŀ +ĠÑģ нов +ĠÑģнов а +ĠÑĩаÑģ а +Ġcommun auté +ĠespecÃŃf ica +ĠL á»ĭch +Ġli é +Ùģ Ø¬Ø± +à¹Ģà¸ģ à¹Īà¸ĩ +ع اÙĦ +عاÙĦ ج +Ø£ÙĨ ظ +Ø£ÙĨظ ÙħØ© +ES İ +ĠاÙĦØŃ دÙĬد +à¸ŀระ à¸Ńà¸ĩà¸Ħà¹Į +Ġפר שת +Ġдв иж +Ġдвиж ениÑı +ĠاÙĦج ارÙĬ +à¸ĺาà¸Ļ ี +неÑģ ен +ĠاÙĦÙĨ ÙĩائÙĬ +Ġб еÑĢ +ĠбеÑĢ ÐµÐ¼ +ĠбеÑĢем енн +Ġdépart ement +à¹Ģà¸Ĺ ีย +à¹Ģà¸Ĺีย à¸ļ +ĠÐľ аÑĢи +ĠнекоÑĤоÑĢ ÑĭÑħ +об еÑģп +обеÑģп еÑĩен +×Ĺ ×ķ×ĸ +×Ĺ×ķ×ĸ ×Ķ +ÙĨت ج +à¸Īะ à¹Ħà¸Ķà¹īรัà¸ļ +á» ° +Ġél éments +ع Ø· +عط اء +Ġt ắt +i á»ĩm +ÑİÑīиÑħ ÑģÑı +ãģĹãģ ° +ãģĹãģ° ãĤīãģı +Ġпом ожеÑĤ +à¸Ĥà¸ĵะ à¸Ļีà¹ī +Ġ×¢ שר×ķת +éģķ ãģ£ãģ¦ +ĠпÑĢ Ð¾Ð³ +ĠпÑĢог н +ĠпÑĢогн оз +Ġt ÅĤ +ĠtÅĤ um +ĠtÅĤum acz +T ür +Tür kiye +ãģį ãģ£ +ãģįãģ£ ãģĭãģij +Ġ×Ķ׳ ×ķ׼ +Ġ×Ķ׳×ķ׼ ×Ĺ×Ļ +ĠìĥĿ ìĤ° +ĠÑĦоÑĢм Ñĭ +ç¾İ ãģĹãģĦ +à¸Ľà¸£ ึà¸ģ +à¸Ľà¸£à¸¶à¸ģ ษา +Ġlum ière +ãĤª ãĥ¼ãĥĹ +ãĤªãĥ¼ãĥĹ ãĥ³ +à¸Ľ ืà¸Ļ +วั สà¸Ķ +วัสà¸Ķ ุ +еÑĢÑĤ в +ÙĥÙĦ Ùģ +ï½ £ +à¸ĺรรม à¸Ķา +׳ ×ĺר +ĠпÑĢедÑģÑĤав лÑıеÑĤ +Ġanál isis +Ġb ãi +با ÙĤÙĬ +à¸Ľà¸£à¸° à¹Ģà¸Ķ +à¸Ľà¸£à¸°à¹Ģà¸Ķ à¹ĩà¸Ļ +ĠÑģлÑĥÑĩ аÑı +ĠÑģлÑĥÑĩаÑı Ñħ +ÐĽ ÐIJ +สัà¸ĩ à¹Ģà¸ģ +สัà¸ĩà¹Ģà¸ģ à¸ķ +Ġprz ec +Ġprzec ież +Ùħ صÙĦ +ÙħصÙĦ ØŃØ© +ש×ķ×§ ×ķ׾×ĵ +ĠобоÑĢÑĥд ованиÑı +Ġtr waÅĤ +رÙĪ Ùħ +ìķĪ ëĤ´ +ĠNgh á»ĭ +Ø® Ø´ +à¸ļา à¸Ħาร +à¸ļาà¸Ħาร à¹Īา +Ġоп ÑĨион +ĠÑģозд аниÑı +ãĤ³ ãĤ¹ãĥĪ +Ġ×Ķ×¢ ׾×Ļ +Ġ×Ķ×¢×ľ×Ļ ×ķף +lä uft +ãĥĻ ãĤ¹ãĥĪ +Ġr ê +Ġrê ve +×IJ ×ij×Ļ×ij +×Ļ ×Ļ×ļ +ë¶ Ļ +ãĤ¤ãĥ³ ãĥī +ÅĤo ży +ÅĤoży Äĩ +ع ائÙĦ +عائÙĦ Ø© +Ø£ ÙĪØ± +Ø£ÙĪØ± اÙĤ +à¸Ĺà¹īà¸Ńà¸ĩ à¸ĸ +à¸Ĺà¹īà¸Ńà¸ĩà¸ĸ ิà¹Īà¸Ļ +Ġä hn +Ġähn lich +ãĥŁ ãĥĭ +à¸ľ ู +à¸ľà¸¹ à¹īà¸Ļ +à¸ľà¸¹à¹īà¸Ļ ำ +ĠмаÑĤеÑĢиал Ñĭ +Ġкап иÑĤ +ĠкапиÑĤ ал +ï¼ ¦ +Ġseç il +Ġh ứng +Ġintéress ant +ãģ£ãģ¦ ãģĦãģı +Ġe ÄŁer +ëIJĺ ìĹĪìĬµëĭĪëĭ¤ +Ġan laÅŁma +ãģĶ åĪ©ç͍ +Ġ×ij ×ĸ׼ +Ġ×ij×ĸ׼ ×ķת +ëĿ¼ ë©´ +ĠÙĬ ÙĪØ³ +ĠÙĬÙĪØ³ Ùģ +أسÙĦ ØŃØ© +ĠGef ühl +ĠноÑĢм алÑĮн +ãĥĻ ãĥ³ +ãģķãĤĮ ãĤĭãģĵãģ¨ +ĠÐij еÑģ +ãģ¨ãģĦ ãģĪãģ° +ĠÙħ ÙĩÙħ +ĠÙħÙĩÙħ Ø© +ãģ§ãģĹãĤĩãģĨ ãģŃ +ĠêµŃ ëĤ´ +à¹Ģม à¹ĩà¸Ķ +×ŀ×ij קר +ĠاÙĦد ÙĨÙĬ +ĠاÙĦدÙĨÙĬ ا +à¸Ĭ ู +к ÑĢÑĥÑĤ +Ġtho áng +Ġ׳ ×ĵר +Ġ׳×ĵר ש +ĠÑĢаÑģÑģ казал +ĠAu ÃŁerdem +פ ×IJר +פ×IJר ×§ +Ġ×ŀש×Ĺ×§ ×Ļ×Ŀ +צ ר׼×Ļ×Ŀ +×ŀ×ĵ ×ķ +×ŀ×ĵ×ķ ×Ļ×§ +èĭ¦ ãģĹ +ĠÑģ иг +ĠÑģиг нал +ĠM á»įi +Ġtr ữ +Ġnast ÄĻp +ĠnastÄĻp nie +Ġì¶Ķ ì§Ħ +ĠاÙĦÙģ ÙĨد +ĠاÙĦÙģÙĨد ÙĤ +koÅĦ czyÅĤ +ส ีà¹Ī +×§ ×Ļ×ij +×§×Ļ×ij ×ķ×¥ +ĠнÑĥж нÑĭ +大 åĪĩ +大åĪĩ ãģª +æıĽ ãģĪ +ת ×ķס +ת×ķס פת +ãģ£ãģ¦ ãģĦãģªãģĦ +Ġм Ñı +ĠмÑı г +ĠмÑıг к +Ġjak ie +Ġjakie ÅĽ +à¸ķำ à¸ļ +à¸ķำà¸ļ ล +ĠìŀĪ ì§Ģ +×ij×ĺ ×IJ +ĠоÑĤлиÑĩ но +ÙĤ ÙIJ +ĠавÑĤом об +ĠавÑĤомоб и +ĠавÑĤомоби лÑı +دÙĬÙħÙĤرا Ø·ÙĬ +ĠاÙĦ ÙĪØ§ +ĠاÙĦÙĪØ§ ØŃد +Ġس ÙĪØ±ÙĬØ© +Ø£ غÙĦ +أغÙĦ ب +ĠÑįк ÑĢан +ãĥĹ ãĥ©ãĤ¤ +Ġjeste ÅĽ +ãĥIJ ãĥª +Ġ×Ķ×IJ ×ķ×ķ×Ļר +ائ Ùĥ +à¸Ńยà¹Īาà¸ĩ ยิà¹Īà¸ĩ +ÑĢ ÐµÐºÑĤ +Ġum o +Ġumo ż +Ġumoż li +Ġumożli w +Ġumożliw ia +Ġnäch ste +ĠìŀĪ ì§Ģë§Į +ĠпÑĢед н +ĠпÑĢедн аз +ĠпÑĢедназ наÑĩен +Ġma çı +Ġp omi +Ġpomi ÄĻd +ĠpomiÄĻd zy +ĠاÙĦÙĦ ÙĤاء +à¹Ģà¸Ķ à¸Ńะ +Ġнов оÑģÑĤи +×ŀ׊׾×Ķ +رÙĬاض ÙĬ +à¸Ķ à¸Ļ +à¸Ķà¸Ļ à¸ķรี +ب صر +ìĬ¤ íĥĢ +scri pción +Ġnap isa +Ġnapisa ÅĤ +Ġ׳ש ×ŀ×¢ +ĠاÙĦÙħØŃ ÙĦÙĬ +Ġhi á»ĥn +×IJ ×Ĺ +×IJ׊ר×IJ×Ļ +Ġг ÑĢаниÑĨ +æīĭ ç¶ļãģį +Ùĥ سب +Ġà¹ģà¸ķà¹Ī à¸ĸà¹īา +à¸Ķาว à¸Ļà¹Į +à¸Ķาวà¸Ļà¹Į à¹Ĥหลà¸Ķ +ãĤĭãģĵãģ¨ãģĮãģ§ãģį ãģ¾ãģĻ +åŁºæľ¬ çļĦãģ« +ÙĪÙĦ اد +rä ume +د ÙģØ§Ø¹ +×Ļצ ×¢ +ĠO czy +ĠOczy wiÅĽcie +ĠÅ ģ +ĠÅģ a +اÙĦÙĬ اب +اÙĦÙĬاب اÙĨ +áºł I +ĠBir liÄŁi +×Ķ ×ķצ +×Ķ×ķצ ×IJת +ĠÄij ua +Ġê·¸ëŁ¬ ëĭĪê¹Į +Ġréal ité +ع ÙĦاÙĤات +J este +Jeste ÅĽ +Ġмн ож +Ġмнож еÑģÑĤво +ï¼ « +ãĥĹãĥŃ ãĤ¸ãĤ§ +ãĥĹãĥŃãĤ¸ãĤ§ ãĤ¯ãĥĪ +ĠÑĦ л +ظ ÙĨ +×Ĵ׾ ×Ĵ׾ +ĠmÅĤod zie +ĠmÅĤodzie ż +à¸Ļà¹īำ à¸ķา +à¸Ļà¹īำà¸ķา ล +ÐĽ Ðķ +×ij ×ķ×ĺ +Ġ׾×Ķ ×Ĵ×Ļ×ĵ +ãģĵãģ¨ãĤĤ ãģĤãĤĭ +ز اد +×ŀ×Ļ×ĵ ×¢ +ĠgÅĤówn ie +ãĥı ãĤ¦ +ãĥıãĤ¦ ãĤ¹ +б ел +Ġét ape +ðŁĺ Ģ +Ġмод елÑĮ +a ģını +ש ×Ĺ×§ +ש×Ĺ×§ ף +Ġni ño +à¸Ĭ à¹īาà¸ĩ +à¹Ģล ีย +ĠÑĦоÑĢм е +ĠاÙĦØ´ رÙĬÙģ +ĠÑĥд аÑĢ +arr iv +arriv ée +Ġmies iÄĻ +ĠmiesiÄĻ cy +ØŃ رÙĥ +ØŃرÙĥ ات +ĠDi á»ħn +ÐĿ Ы +ãģ¾ãģ£ãģŁ ãģı +Ġ×Ļ ×¨×ķ×§ +еÑģÑĤ еÑģÑĤв +еÑģÑĤеÑģÑĤв енн +Ġê·¸ ëŁ¼ +ĠاÙĦÙħ تÙĪ +ĠاÙĦÙħتÙĪ Ø³Ø· +Ġbéné fic +Ġbénéfic ie +Ġwy bra +Ġwybra Äĩ +ĠاÙĦز ÙħÙĨ +ĠпÑĢин Ñı +ĠпÑĢинÑı л +Ù쨱 ØŃ +Ġk sz +Ġksz taÅĤ +ĠksztaÅĤ t +ק׾ ×ĺ +×ij×ĵ×Ļ×§ ת +Ġgi ấ +Ġgiấ c +Ġpropriet Ãł +деÑĢж ан +ĠKö ln +ĠGü zel +×Ļפ ×ķ×Ļ +ĠCu á»Ļc +ÑįÑĤ аж +تر ÙĥÙĬ +ترÙĥÙĬ ز +лож ений +Ġп Ñĥ +ĠпÑĥ ÑĤи +اخت ÙĦاÙģ +åĩºãģ¦ ãģıãĤĭ +à¸ļุ à¸ģ +âĿ ¤ +ÑĦ ан +פש ×ĺ +à¸ļัà¸Ļ à¹Ģà¸Ĺ +à¸ļัà¸Ļà¹Ģà¸Ĺ ิà¸ĩ +ĠاÙĦس اد +ĠاÙĦساد س +ĠاÙĦÙĤ ÙĪÙħ +ĠاÙĦÙĤÙĪÙħ ÙĬ +Ġyönet ici +Ùĩ ÙĪØ§Øª +ÙĩÙĪØ§Øª Ùģ +Ġrespons ável +Ġпод деÑĢжива +ĠاÙĦسÙĦ Ø· +ĠاÙĦسÙĦØ· ات +ãģĹãģ¦ ãģĬãģı +ãĥļ ãĥĥãĥĪ +à¸Ľ ุà¹Īม +Ġogl Äħda +ÙĨا ÙĤ +ÙĨاÙĤ Ø´ +à¸Ħà¸Ńà¸Ļ à¹Ĥà¸Ķ +ĠMü sl +ĠMüsl ü +ĠMüslü man +ĠMo ż +ĠMoż na +Ġnum érique +Ġv á»ı +ĠسÙĬ تÙħ +Ġyer leÅŁ +монÑĤ аж +Ġgo ût +ãģ¦ ãģĬãĤĬãģ¾ãģĻ +ĠKh ánh +Ġе дин +Ġедин ÑģÑĤв +اÙĨ Ø®Ùģ +اÙĨØ®Ùģ Ø§Ø¶ +ìĭľ íĹĺ +Ġl ặng +ĠÑĢ Ð¾Ð»ÑĮ +à¸ķัว à¹ģà¸Ĺà¸Ļ +à¸Ħà¹Īา à¹ĥà¸Ĭà¹ī +à¸Ħà¹Īาà¹ĥà¸Ĭà¹ī à¸Īà¹Īาย +Ġver füg +Ġverfüg bar +ìĻĶ ëĭ¤ +ãģĦ ãģļ +ãģĦãģļ ãĤĮ +ĠиÑģÑģлед ованиÑı +меÑī а +×Ķ ×Ĺ +×Ķ×Ĺ ×ĸר +à¹ģà¸Ł à¸Ĭัà¹Īà¸Ļ +ت صرÙģ +Ø¥ رÙĩاب +Ġexerc ÃŃcio +Ġé lev +Ġélev é +สัà¸įà¸įา à¸ĵ +Ãĸ Z +ãĥĹ ãĥŃãĤ° +ãĥĹãĥŃãĤ° ãĥ© +ãĥĹãĥŃãĤ°ãĥ© ãĥł +Ġw ewnÄĻtrzn +Ġhen üz +é£Ľ ãģ³ +à¹Ģà¸Ķ à¸Ńรà¹Į +Ñģ Ñĥж +ÑģÑĥж ден +شع ÙĪØ¨ +ãģ²ãģ¨ ãĤĬ +Ġwy ÅĤÄħ +ĠwyÅĤÄħ cznie +Ġпло Ñħо +ÐĶ Ðķ +Ạ¦ +Ù쨹 اÙĦÙĬ +ÙģØ¹Ø§ÙĦÙĬ ات +ĠاÙĦع شر +ÑģÑĤÑĥп ил +Ġy arg +Ġyarg ı +нÑİ Ñİ +×ķ×IJ ×ij +Ġu ç +Ġuç ak +ë² ½ +تÙĪ ÙĤÙĬ +تÙĪÙĤÙĬ ع +Ġì¤ij ìĭ¬ +׳×Ļ×ķ ×ķ×ĺ +Ø£ ÙĥÙĦ +ç½® ãģĦãģ¦ +éłĤ ãģį +Ġ×Ķת ×ij +Ġ×Ķת×ij ×Ļ×¢×Ķ +Ġdür fen +Ùħ ÙĤاÙĦ +ÙħÙĤاÙĦ ات +Ġز ÙħÙĨ +à¸ŀฤ ศ +à¸ŀฤศ à¸Ī +à¸ŀฤศà¸Ī ิà¸ģ +à¸ŀฤศà¸Īิà¸ģ ายà¸Ļ +ĠнеÑģк олÑĮ +ĠнеÑģколÑĮ ки +ĠнеÑģколÑĮки Ñħ +Ġcrian ça +มิ à¸ķร +×ŀ׼ ×Ļר×ķת +à¸ģาร à¸ļริหาร +Ġtélé charg +Ġ×IJ×ķ×Ķ ×ijת +ĠBü ro +ä½ľ ãģ£ãģŁ +ĠKi ÅŁi +ç¾İåij³ ãģĹ +à¹Ģลย à¸Ħà¹Īะ +à¸ŀà¸ļ à¸ģัà¸ļ +à¸Ī à¹īา +Ġç er +Ġçer ç +Ġçerç eve +ãĤĴä½ľ ãģ£ãģ¦ +ĠпеÑĢв ÑĥÑİ +×ŀצ ר×Ļ×Ŀ +×IJ׾ ×ķ×Ķ +×IJ׾×ķ×Ķ ×Ļ×Ŀ +Ġagr é +Ġagré able +Ġay ır +İL İ +ãĤ ¥ +Ġíĺ Ħ +ĠíĺĦ ìĭ¤ +ثاÙĦ Ø« +ת ×ĸ +ת×ĸ ×ķ׳×Ķ +ãģ¨ãģĦ ãģ£ãģ¦ +ãģ¨ãģĦãģ£ãģ¦ ãĤĤ +Ġا بÙĪ +ĠÑģоб ак +é£Łãģ¹ ãģŁ +Ġдан ном +à¹Ģล ิ +à¹Ģลิ ศ +Ġí ļ +Ġíļ ¨ +Ġíļ¨ ê³¼ +ãĤĤãĤī ãģĪãĤĭ +׳ צ׾ +ÑĦ ик +ÑĦик Ñģ +Ġjeste ÅĽmy +ת×Ĺ×ķש ×Ķ +à¹Ħมà¹Ī à¸Ħวร +ĠØŃ سÙĬÙĨ +à¸ģาร ลà¸ĩà¸Ĺุà¸Ļ +ë´ ¤ +ĠÐĺ менно +à¸ļ à¸Ńรà¹Į +à¸ļà¸Ńรà¹Į à¸Ķ +ĠC ảnh +ìĦľ ë¹ĦìĬ¤ +Ġпол ов +Ġполов ин +Ġзам еÑĩа +ãģĦãĤį ãĤĵãģª +Ġ×ij ×Ļ×§ +Ġ×ij×Ļ×§ ש +л ÑĥÑĪ +ãĤĴ è¿İ +ãĤĴè¿İ ãģĪ +جرÙĬ ÙħØ© +Ġt ây +ĠاÙĦÙĨ ÙĪ +ĠاÙĦÙĨÙĪ ÙĪÙĬ +ÃĤ N +ì¿ ł +หà¸Ļ าว +Ġ×ij׊ש×ij×ķף +ز ار +à¸Ķ าร +à¸Ķาร า +ĠÅĽ l +ĠÅĽl ub +มีà¸Ħวาม สุà¸Ĥ +Ġn hu +Ġnhu áºŃn +ÙħØŃ طة +à¹Ģสืà¹īà¸Ń à¸ľà¹īา +ĠТ олÑĮко +ĠÙĥ س +ĠÙĥس ارة +ÙħØ´ رÙĪØ¹ +niÄĻ cia +×¢ ׼ש×Ļ×ķ +ت ÙĦÙģ +تÙĦÙģ Ø²ÙĬ +تÙĦÙ쨲ÙĬ ÙĪÙĨ +Ġl Æ°á»Ľi +ĠÐľÐ¾Ñģк вÑĭ +Ġré serve +Ġan laÅŁ +ĠanlaÅŁ ıl +Ġed eceÄŁi +รà¸Ńà¸ĩ à¹Ģà¸Ĺà¹īา +Ġب Ø· +Ġبط رÙĬ +ĠبطرÙĬ ÙĤØ© +ãģ¦ãģĹãģ¾ ãģ£ãģ¦ +ãĤĤãĤī ãģ£ãģ¦ +بر ج +æ± ļ +æ±ļ ãĤĮ +Ġch oc +Ġchoc ia +Ġchocia ż +Ġzob ac +Ġzobac zyÄĩ +пÑĢ Ñı +пÑĢÑı жен +ĠÑĨ иÑĦ +ĠÑĨиÑĦ ÑĢ +Ġм ам +Ġвз ÑıÑĤÑĮ +Ġch ạm +ج سÙħ +ØŃÙħ اس +à¹Ģล à¹Īม +à¸ŀิ ษ +×Ķפ ׼×ķ +à¸Ĭà¹Īà¸Ńà¸ĩ à¸Ĺาà¸ĩ +Ġв ек +Ġвек а +Æ¡ Ìģ +Æ¡Ìģ i +ĠTi á»ģn +Ġtr ầm +мÑĭ ÑĪ +мÑĭÑĪ Ð» +ĠÑĤ Ñĥ +ĠÑĤÑĥ ÑĢиÑģÑĤ +Ġch c +Ġchc Äħ +Ġав г +Ġавг ÑĥÑģÑĤ +ĠавгÑĥÑģÑĤ а +ס ×IJ×ķת +Ġר ×Ĵ׾ +à¸ľà¸¥ à¸ģระà¸Ĺ +à¸ľà¸¥à¸ģระà¸Ĺ à¸ļ +å¤īãĤı ãĤĭ +Ġ×Ķ×IJ×Ĺר ×ķ׳×Ļ×Ŀ +سÙģ ÙĬر +ĠÑĩа Ñīе +ãģĦ ãĤī +ãģĦãĤī ãģ£ +ãģĦãĤīãģ£ ãģĹãĤĥ +×ķ×ŀ ׳×Ļ×Ŀ +Ġart tır +ĠCh á»ĭ +Ġì¡° ì§ģ +ĠÑĥÑģп еÑħ +Ġ×¢ ×ķס +Ġ×¢×ķס ×§ +ĠìĥĿ ëªħ +ÑĨ иÑĤ +Ġreg ión +Ðŀ ÐĿ +ĠdoÄŁ um +ĠyaÅŁ ad +ĠyaÅŁad ıģı +à¸Ĺà¸Ķ ลà¸Ńà¸ĩ +Ġgöz ü +ש ×Ļר×Ķ +дÑĥм ал +Ġda ģı +Ġdaģı t +à¸Ĺีม à¸ĩาà¸Ļ +Ġti á»ģm +ĠاÙĦÙĥ بر +ĠاÙĦÙĥبر Ùī +ì¹ Ń +ĠGü nc +ĠGünc elle +ĠGüncelle me +ê¹ Ĭ +ĠобоÑĢÑĥд ование +ĠÑĢеÑĪ Ð° +á» ¤ +Ġп иÑĤ +ĠпиÑĤ аниÑı +à¹Ģรีย à¸ļ +×Ľ×ª ×Ļ×ij×Ķ +Ġп он +Ġпон ÑĢав +ĠпонÑĢав и +Ġ×Ķ ×ķ׾×ĵ +Ġ×Ķ×ķ׾×ĵ ת +Ġê² ģ +Ġê²ģ ëĭĪëĭ¤ +ĠпеÑĢв ой +ãĥ©ãĤ¤ ãĥķ +ĠÅŁi ir +kr ÄĻ +krÄĻ c +Ġthi á»ĥu +à¹Ģลย à¸Ĺี +à¹Ģลยà¸Ĺี à¹Ģà¸Ķียว +×ĺ×¢ ׳×ķת +ائ ÙĩÙħ +Ġ×IJ ס×ķר +ĠплаÑĤ еж +تر دد +Ġmożli we +Ġkh Ỽ +ĠkhỼ p +تÙģØ§Ø¹ ÙĦ +ĠÑĪ ÐºÐ¾Ð»ÑĮ +ĠÑĪколÑĮ н +ĠÙĤ صة +Ġmét ier +nÄĻ ÅĤa +หล à¹Īà¸Ń +Ġ á»§ng +Ġprz egl +Ġprzegl Äħd +ĠاÙĦÙħ تعÙĦ +ĠاÙĦÙħتعÙĦ ÙĤØ© +ĠÑģÑĭ н +Ġв олн +ãĥĩ ãĥ¼ãĥĪ +ĠÐŃ ÑĤи +Ġк ÑĢоме +à¸Ħ ารà¹Į +׳ק ×ķ×ĵ×Ķ +Ġ׾ש×ŀ ×ķ×¢ +Ġ×ĸ ×ķ׼ר +ï¼ § +ÙĬ ÙİØ§ +Ġgi á»ıi +åĥį ãģı +ĠÑģ ни +ĠÑģни жен +à¹ģà¸Ķ à¸Ķ +รุ à¸Ļ +รุà¸Ļ à¹ģรà¸ĩ +Ġhi á»ĩp +ograf ÃŃa +à¹Ģà¸Ī à¸Ńรà¹Į +Ġдв иг +Ġдвиг аÑĤ +ĠдвигаÑĤ ел +Ġü y +Ġüy eler +Ġüyeler i +Ġб Ñĥк +ĠбÑĥк в +ãĤĤ å¤ļãģı +Ġthi á»ĩt +ĠPa ÃŃs +ĠØ· بÙĬعÙĬ +à¹ģà¸Ī à¸ģ +ĠاÙĦص ØŃÙĬØŃ +Ġapp ré +Ġappré ci +Ġdecis ión +Ġë°ĺ ëĵľ +Ġë°ĺëĵľ ìĭľ +ĠÑĤеб е +ãĤ· ãĥ¼ãĤº +ãĤ·ãĥ¼ãĤº ãĥ³ +Ġд алÑĮн +ĠìĬ ¤ +ĠìĬ¤ ìĬ¤ +ĠìĬ¤ìĬ¤ ë¡ľ +ĠTh á»ĥ +Ġkar ÅŁ +ĠkarÅŁ ıs +ĠkarÅŁÄ±s ında +ĠK ön +ĠKön ig +ив ание +×ij ×ķצע +г лаÑģ +Ġtw ó +Ġtwó rc +à¸Ľà¸ģ à¸Ħร +à¸Ľà¸ģà¸Ħร à¸Ńà¸ĩ +ĠG ÅĤ +ĠGÅĤ ówn +ĠUnter stüt +ĠUnterstüt zung +Ġд ÑĥÑħ +ĠдÑĥÑħ ов +Ø£ ÙħاÙĨ +×Ĺש ש +ت ظ +تظ اÙĩر +ĠлÑİб ом +à¸ķ าร +à¸ķาร าà¸ĩ +Ġkr ól +Ø£ ØŃدث +ì¡Į ëĭ¤ +Ðļ ÑĥÑĢÑģ +ãĥĥ ãĥĦ +×ŀ×§ ×ķ×ij׾ +ĠÑģимв ол +Ġdés orm +Ġdésorm ais +w üns +wüns che +Ñĥ ни +Ñĥни ÑĨип +ÑĥниÑĨип алÑĮн +หลัà¸ģ สูà¸ķร +ÙĨت شر +Ġа л +Ġал к +Ġалк ог +Ġалког ол +ĠÑĥ ÑĩиÑĤÑĭва +à¸ģำ à¸ģัà¸ļ +Ġ׾ פע×ķ׾ +ĠìŰ ê²° +s Äħd +ĠاÙĦØ£ ÙĬ +ĠاÙĦØ£ÙĬ اÙħ +غÙĬ اب +Ġна ÑĢ +ĠнаÑĢ ÐºÐ¾ +×ŀ×ķ×ĵ ×¢ +ĠÑģеÑĢ Ð¸Ð¸ +пиÑģ Ñĭва +สิ ว +ç¶ļ ãģĦãģ¦ +çͳãģĹ è¾¼ãģ¿ +Ġ׾ ×Ĵר +Ġ׾×Ĵר ×ķ×Ŀ +Ġд ем +Ġдем о +Ġë³´ ëĤ´ +تÙĩ دÙĬد +ĠÙħØ´ ÙĬرا +Ġdu y +Ġduy á»ĩt +ĠwiÄĻks ze +Ùħع اÙĬ +ÙħعاÙĬ ÙĬر +ĠG da +ĠGda ÅĦsk +Ġr ah +Ġrah ats +Ġrahats ız +ר ×ķצ×Ķ +l ös +lös ung +ĠТак им +ÑĪ ÐµÐ´ +ÑĪед ÑĪ +ع زÙĦ +Ġרש ×Ļ×ŀת +Ġ׾×Ķ ×Ļ׼ +Ġ׾×Ķ×Ļ׼ ×ł×¡ +Ġп ÑĥÑĤ +ĠпÑĥÑĤ еÑĪ +ĠпÑĥÑĤеÑĪ ÐµÑģÑĤв +Ġnot ÃŃcia +Ġal Ä±ÅŁ +ĠalÄ±ÅŁ ver +ĠalÄ±ÅŁver iÅŁ +ĠwÅĤ os +ĠwÅĤos ów +Ġب غ +Ġبغ داد +Ġver öffent +Ġveröffent licht +ĠKh á +Ġt án +ëIJĺ 기 +Ġë°© 문 +Ùģ ÙĬÙĦ +à¹Ģà¸ģิà¸Ķ à¸Īาà¸ģ +åı¯ æĦĽ +åı¯æĦĽ ãģĦ +à¸ĸ ุà¸ĩ +Ġz ewnÄĻtrzn +à¸łà¸²à¸©à¸² à¸Ńัà¸ĩà¸ģฤษ +Ġmá xima +Ġul us +Ġulus lararası +Ġ׳×Ķ ×ł +à¸Ĥà¹Īาว สาร +ĠìĿĺ ìĤ¬ +à¹Ģหล ืà¸Ńà¸ĩ +Ġد ÙĤ +ĠدÙĤ ائÙĤ +สืà¹Īà¸Ń สาร +ë¨ ¼ +ĠÑģоÑģÑĤоÑı нии +สมา à¸Ħม +á» Ĥ +ĠÐľÐ¾Ñģ ков +ĠÐľÐ¾Ñģков Ñģк +×ŀס ×ķ×Ĵ׾ +ãģĭ ãģĭãĤĬ +ĠTr uyá»ģn +à¹ģà¸Ĥà¹ĩà¸ĩ à¹ģรà¸ĩ +×ŀ×Ĺ ×ĸ×Ļ×§ +à¹Ĥà¸ģ à¹ī +ÙĬس ر +ìĶ © +×IJ ×ķ×§ +×IJ×ķ×§ ×ĺ +×IJ×ķ×§×ĺ ×ķ×ijר +Ġprox imité +ÙħÙĨ Ùĩج +ĠاÙĦج ز +ĠاÙĦجز ائ +ĠاÙĦجزائ رÙĬ +ĠÄIJi á»ĥm +Ġден еж +Ġденеж н +ÙģØŃ ص +Ùģ Ø¦ +ĠÐij Ñĥд +×Ĵ×Ļ×ĵ ×ķ׾ +ĠÐĴ едÑĮ +عÙĦ اÙħØ© +Ġ×IJ×Ĺר ×ķ׳×ķת +ãģĦãģŁãģł ãģĦãģ¦ +سÙĦ ØŃ +ØŃ ÙĦÙħ +ز ÙĪØ§Ø± +Ùĥ سر +×ĺ קס +Ġб ан +Ġбан ков +ĠпÑĢ Ð¾Ð¶ +ĠпÑĢож ива +li wo +liwo ÅĽci +ĠTi ếp +ĠاÙĦÙħÙĨ اسب +ĠاÙĦØ® ÙĬار +ãģĬ ãģĭ +ãģĬãģĭ ãģĴ +à¸Ķà¸Ńà¸ģ à¹Ħมà¹ī +ä mp +ämp fe +à¸ķัà¹īà¸ĩ à¹ĥà¸Ī +Ġза ÑīиÑĤ +ĠзаÑīиÑĤ Ñĭ +ĠTh ưá»Ŀng +Ġص Ùģ +ĠصÙģ ØŃØ© +×Ĺ×ķר ×£ +ãĥIJ ãĥĥãĤ° +Ġ×ĵ ×Ļ×Ĵ +Ġ×ĵ×Ļ×Ĵ ×Ļ×ĺ +Ġ×ĵ×Ļ×Ĵ×Ļ×ĺ ׾×Ļ +Ġ×Ķ×Ĺ ×ķ׾×Ļ×Ŀ +в еÑī +веÑī а +Ġк ÑĥлÑĮÑĤ +ĠкÑĥлÑĮÑĤ Ñĥ +ĠкÑĥлÑĮÑĤÑĥ ÑĢÑĭ +ĠاÙĦاÙĨ ترÙĨت +Ġhö ch +Ġhöch st +Ġíĺ ķ +Ġíĺķ íĥľ +Ġв ой +Ġвой нÑĭ +ÐĽ Ðŀ +ìĭł ìļ© +Ġ×ŀ×ij ×ķס +Ġ×ŀ×ij×ķס ס +×ŀ׳ ×Ļ×¢ +Ġfiyat ı +ĠÑģл Ñĥж +ĠÑģлÑĥж бÑĭ +à¸Ĺั ศ +à¸Ĺัศ à¸Ļ +ãģĵãģ¨ãģĮ å¤ļãģĦ +Ġ×Ķ×ŀש ת +Ġ×Ķ×ŀשת ×ŀש +å¯Ħ ãģĽ +×ŀש׾ ×ķ×Ĺ +æĻĤ çĤ¹ +æĻĤçĤ¹ ãģ§ +à¸ŀร ี +à¸ŀรี à¹Ģมีย +à¸ŀรีà¹Ģมีย รà¹Į +à¸ŀรีà¹Ģมียรà¹Į ลีà¸ģ +Ġdiffic olt +Ġdifficolt Ãł +ãĥ¬ ãĤ¹ãĥĪ +ãĥ¬ãĤ¹ãĥĪ ãĥ©ãĥ³ +สม à¹Ģà¸Ķà¹ĩ +สมà¹Ģà¸Ķà¹ĩ à¸Ī +Ġж ид +Ġжид к +Ġzu peÅĤ +ĠzupeÅĤ nie +ĠÙħ جر +ĠÙħجر د +ãģĮ å§ĭ +ãģĮå§ĭ ãģ¾ +ãĤŃãĥ£ ãĥ© +Ġ×IJ ×ķ×ķ×Ļר +ãģĬ äºĴ +ãģĬäºĴ ãģĦ +Ġpot rÃł +ĠPa ÅĦst +ĠPaÅĦst wo +Ġب ÙĬاÙĨ +ĠبÙĬاÙĨ ات +Ġин огда +ĠÑĢ Ð° +ĠÑĢа ÑģÑĤв +ĠÑĢаÑģÑĤв оÑĢ +Ġ×ĸ ×ŀ׳ +ยิ à¹īม +Ä Ĩ +ãģ¾ ãģķ +ãģ¾ãģķ ãģ« +ãĥķãĤ¡ ãĤ¤ãĥ« +Ġgörd Ã¼ÄŁÃ¼ +สà¸ĩ à¸Ħร +สà¸ĩà¸Ħร าม +ĠArk adaÅŁ +ĠrozwiÄħz ania +×ŀ ×ķ×ĺ +pi ÄĻ +piÄĻ t +ص غر +ส ย +สย าม +ãĤĨ ãģ£ãģıãĤĬ +Ġtr ần +Ġeconom ÃŃa +Ġgeh ören +ãĤ·ãĥ§ ãĥ¼ +ĠsÅĤ ucha +à¸ŀà¸Ń à¹ĥà¸Ī +ĠоÑĤмеÑĤ ил +ÙĨت ÙĤÙĦ +Ġprop ósito +ĠваÑĪ ÐµÐ³Ð¾ +Ġnh ắn +à¹ģà¸ĸ ว +Ġком иÑģ +ĠкомиÑģ Ñģи +waż nie +Ġy avaÅŁ +×ŀ ×Ļ×§ +×ŀ×Ļ×§ ×ķ×Ŀ +ש×IJ׾ ת +Ġyıll arda +ĠÐ ® +ĠЮ ÑĢ +×ł×¡ ×Ļ×ij×ķת +ת צ +תצ ×ķ×Ĵ +Ġод нÑĥ +Ġ à¸Ńยà¹Īาà¸ĩà¹Ħร +Ġà¸Ńยà¹Īาà¸ĩà¹Ħร à¸ģà¹ĩà¸ķาม +ëģ ¼ +à¹Ħล à¹Ī +تس ÙĦÙĬÙħ +بÙĦ اغ +Ġì ī +Ġìī ½ +Ġìī½ ê²Į +ãĥļ ãĥ³ +зв ÑĥÑĩ +ĠW äh +ĠWäh rend +Ġ×Ļ ×Ļת +Ġ×Ļ×Ļת ׼ף +Ġkh uyên +Ġv ẽ +Ġа меÑĢ +ĠамеÑĢ Ð¸Ðº +ĠамеÑĢик ан +ĠамеÑĢикан Ñģк +ع جب +ãĥĽãĥ¼ãĥł ãĥļãĥ¼ãĤ¸ +Ġник ÑĤо +ĠÙĤ Ùİ +ĠÙĤÙİ Ø§ÙĦ +ĠÙĤÙİØ§ÙĦ Ùİ +ÐIJ ÐĹ +Ùħ جÙħÙĪØ¹ +ÙħجÙħÙĪØ¹ ات +Ġnecess itÃł +Ġpob li +Ġpobli żu +Ġph ấn +ĠСо обÑī +ÙħÙĤ اط +ÙħÙĤاط ع +Ġ×Ķצ ×ķר×ļ +la ÅŁtırma +ว ิà¸Ķ +วิà¸Ķ ี +วิà¸Ķี à¹Ĥà¸Ń +Ġ그리 ìĬ¤ +Ġ그리ìĬ¤ ëıĦ +ãĤ¿ãĤ¤ ãĥŁ +ãĤ¿ãĤ¤ãĥŁ ãĥ³ãĤ° +×§×ĺ ×Ĵ×ķר +×§×ĺ×Ĵ×ķר ×Ļ×Ķ +Ġ×Ĺ ×ķפ +Ġ×Ĺ×ķפ ש×Ļ +Ø£ جر +Ġим ени +ĠÑĢан ее +à¹Ģà¸ŀืà¹Īà¸Ńà¸Ļ à¹Ĩ +ĠJes ús +Ñģо един +Ñģоедин ен +Ġר ×Ĺ×ķ×§ +à¹Ĥà¸ļ รา +à¹Ĥà¸ļรา à¸ĵ +ĠH Æ¡n +Ġth áºŃp +تع ÙĬÙĬÙĨ +Ġtart Ä±ÅŁ +ĠtartÄ±ÅŁ ma +ĠGes pr +ĠGespr äch +תר ×ķפ +תר×ķפ ×ķת +Ġcat égorie +Ġоказ Ñĭва +ĠналиÑĩ ие +Ġprésent é +Ġk ull +Ġkull and +Ġkulland ı +Ġü nl +Ġünl ü +ĠÙģ Ùĥرة +из аÑĤоÑĢ +×IJ ×ķ׳ +×IJ×ķ׳ ×Ļ×ij +×IJ×ķ׳×Ļ×ij רס +×IJ×ķ׳×Ļ×ijרס ×Ļ×ĺת +ĠÑĢаÑģÑģ маÑĤ +ĠÑĢаÑģÑģмаÑĤ ÑĢ +ĠÑĢаÑģÑģмаÑĤÑĢ Ð¸Ð²Ð° +تÙĥÙĦ Ùħ +Ùĥت رÙĪ +ÙĥترÙĪ ÙĨÙĬ +ĠÑģо ÑĩеÑĤ +ĠÑģоÑĩеÑĤ а +ãĤĴè¦ĭ ãģĽ +Ġng ừa +ĠÐł еÑģп +ĠÐłÐµÑģп Ñĥб +ĠÐłÐµÑģпÑĥб лик +ãĤ¦ ãĤ© +ãĤ¦ãĤ© ãĥ¼ +ĠÐľ еждÑĥ +ĠìŀĪ ê²Į +Ġm â +ĠìļĶ ì²Ń +ض ار +ลุ à¹īà¸Ļ +ëĮĢ íķĻêµIJ +×ĸ ×Ļ׼ +×ĸ×Ļ׼ ר×ķף +ãĤ¹ ãĥļ +ãĤ¹ãĥļ ãĥ¼ãĤ¹ +ĠкÑĢаÑģ оÑĤ +ï¼ ¨ +ê¼ Ń +ãĤĴ éĽĨ +ãĤĴéĽĨ ãĤģ +ë° Ŀ +Ġ×Ķ׳ ×IJ +Ġ×Ķ׳×IJ ש×Ŀ +Ġê°Ģ ìļ´ +Ġê°Ģìļ´ ëį° +تÙĥÙĦ Ù쨩 +ĠØŃ ÙĤÙĬÙĤÙĬ +Ġh alk +Ġhalk ın +ÑİÑī ÑĥÑİ +ĠÑģп ин +סר×ĺ ף +ĠпеÑĢв ого +Ġпол ож +Ġполож иÑĤелÑĮн +Ġд л +Ġдл иÑĤелÑĮн +ĠV Ä©nh +ê´ ´ +ĠÑģÑĭ ÑĢ +ĠíĨµ íķĺìŬ +ë³ij ìĽIJ +à¹Ĥรà¸ĩ à¸ĩาà¸Ļ +รัà¸ļ à¸ľà¸´à¸Ķ +รัà¸ļà¸ľà¸´à¸Ķ à¸Ĭà¸Ńà¸ļ +تج ÙĨب +s ÅĤ +sÅĤ uch +ãĤ¢ãĥ« ãĥIJ +ãĤ¢ãĥ«ãĥIJ ãĥł +ëī´ ìĬ¤ +Ġpat ië +Ġpatië nt +Ġìĺ ¤í +Ġìĺ¤í ŀ +Ġìĺ¤íŀ Ī +Ġìĺ¤íŀĪ ëł¤ +ĠDer ne +ĠDerne ÄŁi +wró ci +wróci Äĩ +Ġоб Ñī +ĠобÑī еÑģÑĤв +ĠобÑīеÑģÑĤв енно +ĠêµIJ ìĪĺ +tıģ ımız +Ġ×Ķ×ŀש ×Ļ×ij +k örper +Ġпозв ол +Ġпозвол иÑĤ +ĠChi ến +أخ ÙĪ +ĠAy dın +à¸Ķà¹īาà¸Ļ ล +à¸Ķà¹īาà¸Ļล à¹Īาà¸ĩ +Ġdr u +Ġdru ż +Ġdruż yn +Ġë°ľ íijľ +ĠTh ảo +جÙĩ اد +à¸ģระà¸Ĺ ูà¹ī +Ġк ÑĢов +ĠкÑĢов и +Ġiçer ik +Ġnad zie +Ġnadzie jÄĻ +ĠС моÑĤÑĢ +Ġph ức +ج تÙħاع +جتÙħاع ÙĬØ© +ком пон +компон енÑĤ +Ġб ил +Ġбил еÑĤ +ãĥIJ ãĥ³ãĥī +ĠPol ÃŃcia +اÙĦ تÙĩ +اÙĦتÙĩ اب +ØŃر Ùģ +ت خط +تخط ÙĬØ· +ãĤ³ ãĥ¼ãĥ +ãĤ³ãĥ¼ãĥ Ĵ +ãĤ³ãĥ¼ãĥĴ ãĥ¼ +・・ ï½¥ +à¸ĭ à¸Ńย +Ġcréd it +è²· ãģ£ãģŁ +ĠпоÑĢ Ñıд +ĠпоÑĢÑıд ке +Ġph ó +Ġw ida +Ġwida Äĩ +جر ائÙħ +à¸ľ ี +ĠbÄĻd ÄĻ +Ġ×ŀ פת×Ĺ +ãĥij ãĥ¼ãĥ +ãĥijãĥ¼ãĥ Ĩ +ãĥijãĥ¼ãĥĨ ãĤ£ +ãĥijãĥ¼ãĥĨãĤ£ ãĥ¼ +ĠKa ż +ĠKaż dy +ĠнеобÑħодим оÑģÑĤи +à¸Ł à¸Ńรà¹Į +à¸Łà¸Ńรà¹Į ม +Ġмал ÑĭÑĪ +Ġпл оÑĤ +ĠÑĥ ÑģÑĤÑĢой +ĠÑĥÑģÑĤÑĢой ÑģÑĤва +à¸ĸ à¸Ńà¸Ļ +ĠoluÅŁtur ul +ĠÅĽwi ad +ĠÅĽwiad om +Ùħع Ùĩد +ĠпÑĢоиз веден +Æ ł +ר ×Ļש +Ùħست Ø« +Ùħستث Ùħر +׳×Ļ ×Ļר +pa ñ +Ġ; -) +Ġë°ľ 견 +Ġgör üyor +Ùħؤ ÙĦÙģ +ĠÄIJ á»ģ +ĠاÙĦÙĨ ÙĪØ§Ø¨ +×Ĺ×§ ×Ļר×Ķ +Ġm á»ıi +è¿° ãģ¹ +ÐĿ ик +ìŀĸ ìķĦ +ìŀĸìķĦ ìļĶ +prowadzi ÅĤ +l óg +lóg ica +פס ×ĺ +פס×ĺ ×Ļ×ij׾ +Ġ×ŀ ×ĵ×Ķ +Ġ×ŀ×ĵ×Ķ ×Ļ×Ŀ +ãģĵãģĵ ãģ¾ãģ§ +×Ķ ×ª×Ĺ +×Ķת׊׾×Ķ +Ġפ ×ķס +Ġפ×ķס ×ĺ×Ļ×Ŀ +Ġн ев +Ġнев оз +Ġневоз можно +ĠdostÄĻp ny +Ġغ اÙĦ +ĠغاÙĦ ب +Ġbez pieczeÅĦst +ĠbezpieczeÅĦst wa +åĪĨ ãģĭãĤĭ +ĠF ührung +à¸ģ ีà¹ī +gem Ã¤ÃŁ +à¸Ĭà¹Īวà¸ĩ à¹Ģวลา +Ġìļ°ë¦¬ ëĤĺ +Ġìļ°ë¦¬ëĤĺ ëĿ¼ +ãģ¥ ãģıãĤĬ +ĠاÙĦÙħ سÙĦ +ĠاÙĦÙħسÙĦ ØŃØ© +Ġlibert é +клÑİÑĩ ение +Ġzam ów +Ġzamów ienia +รà¸ĸ à¹Ħà¸Ł +Ø£ ÙģÙĦ +Ø£ÙģÙĦ اÙħ +Ùħ راج +Ùħراج عة +Ġë¹Ħ êµIJ +ĠاÙĦت اب +ĠاÙĦتاب عة +Ġë§Į ëĤĺ +Ġб Ñĥм +ĠбÑĥм аг +Ġgé nero +Ġìŀĺ 못 +×ŀ פ×ķר×ĺ +è²·ãģĦ çī© +ĠÙĦدÙĬ Ùĥ +Ġ×ľ×¢ ×Ļת +Ġ×ľ×¢×Ļת ×Ļ×Ŀ +ĠsÅĤ ab +ĠпÑĢедÑģÑĤав лÑı +ãĤ¿ ãĤ¤ãĥĪ +ãĤ¿ãĤ¤ãĥĪ ãĥ« +Ùħ ص +Ùħص Ø·Ùģ +ÙħصطÙģ Ùī +Ġdifficult é +ãĥĨãĤ£ ãĥĸ +Ġpew noÅĽci +ĠpewnoÅĽci Äħ +Ġ무 ìĬ¨ +Ø¥ رس +إرس اÙĦ +Ġд алÑĮ +ĠдалÑĮ ÑĪе +Ġ׾ ×ł×¡ +Ġ×ľ×ł×¡ ×ķת +หมูà¹Ī à¸ļà¹īาà¸Ļ +×ŀס×ŀ ׼×Ļ +أسÙĦ ÙĪØ¨ +Ġzw ÅĤ +ĠzwÅĤ as +ĠzwÅĤas zc +ĠzwÅĤaszc za +ĠпÑĢ ÐµÐ¶ +ĠпÑĢеж де +ĠоÑĢганиз аÑĨиÑı +Ġdön emin +Ġdönemin de +Ġ Ủ +ĠỦ y +ä¸ĭ ãģĴ +ĠпоÑģлед ние +Ġgü ne +Ġgüne ÅŁ +Ġ×IJ ×ĸר +Ġ×IJ×ĸר ×Ĺ×Ļ +ãģ§ãģĤ ãĤįãģĨ +ĠÙĨ ÙĤ +ĠÙĨÙĤ اط +æŃ£ ãģĹãģĦ +ĠÑĢ ÐµÐ³ +ĠÑĢег иона +ĠFör der +ê²½ ìĺģ +dıkl ar +dıklar ını +trzym aÄĩ +أش Ùĥ +أشÙĥ اÙĦ +×Ķת ×IJ +×Ķת×IJ ×ŀ×Ķ +à¸Ĺำà¹ĥหà¹ī à¹Ģà¸ģิà¸Ķ +ĠGeb ä +ĠGebä ude +ĠСеÑĢ Ð³ +ĠСеÑĢг ей +Ġз доÑĢов +ĠздоÑĢов ÑĮÑı +Ġr ãi +ĠпÑĢед ÑĥÑģ +ĠпÑĢедÑĥÑģ моÑĤÑĢ +ĠпÑĢедÑĥÑģмоÑĤÑĢ ÐµÐ½ +Ġ×Ķצ ×Ļ×ij +Ġ×Ķצ×Ļ×ij ×ķר×Ļ +Ġdés ir +Ġн оÑĩ +ĠноÑĩ ÑĮ +möglich keiten +Ġ×IJ×Ĺר ×ķ׳×Ļ×Ŀ +Ġsoir ée +ĠNh áºŃn +Ù ª +à¸Ľà¸£à¸°à¸§à¸±à¸ķิ ศาสà¸ķรà¹Į +êµIJ íĨµ +ĠØ£ Ø®ÙĬ +Ġdé cid +Ġdécid é +Ġwy ja +Ġwyja ÅĽni +Ġ สิ +Ġสิ à¸ĩ +Ġสิà¸ĩ หา +Ġสิà¸ĩหา à¸Ħม +à¹ģ à¸Ńรà¹Į +หà¸Ļà¹īา à¸Īà¸Ń +ס תר +Ġê ¶ +Ġê¶ Į +Ġê¶Į 리 +pl ätze +ب Ø·ÙĦ +ê±´ ìĦ¤ +Ġ×IJ ×Ļ×ŀ×Ļ +Ġ×IJ×Ļ×ŀ×Ļ ×Ļ׾ +ãģ ½ +تر اث +×IJ׾ ×Ļ×ŀ×ķת +Ġdispon ÃŃveis +Ġz ale +Ġzale ży +à¸Ľà¸£à¸°à¸Ĭา สัมà¸ŀัà¸Ļà¸ĺà¹Į +ĠÅļw iat +Ġpor ówn +Ġporówn a +Ġ׾×ĺ ×ķ×ijת +×Ķ×ĸ ×ŀ׳×Ķ +Ġ×Ľ×ª ×ķצ×IJ×Ķ +Ġ×ij ק׾ +Ġ×ijק׾ ×ķת +ĠоÑĤ кÑĢ +ĠоÑĤкÑĢ Ñĭва +ãĥij ãĥ¯ãĥ¼ +ë¿IJ ë§Į +Ġв ÑģÑı +ĠвÑģÑı к +ãģ¨ãģª ãģ£ãģ¦ãģĦãĤĭ +Ġgi áºŃn +Ġок ÑĢÑĥ +ĠокÑĢÑĥ жа +ĠокÑĢÑĥжа ÑİÑī +ĠUnivers ität +ĠÑĢ Ð¾Ð¶ +ĠÑĢож д +ĠÑĢожд ениÑı +Ø® ÙĬÙĦ +Ġкомпани й +ĠÑĢазлиÑĩ нÑĭе +ĠЦ ена +׳×Ļ ×ķ×ĸ +׳×Ļ×ķ×ĸ ׾ +׳×Ļ×ķ×ĸ׾ ×ĺר +Ġê³µ ê°Ħ +Ġê°ľ ëħIJ +landır ma +ĠÑĥдал ен +à¸ŀัà¸ģ à¸ľ +à¸ŀัà¸ģà¸ľ à¹Īà¸Ńà¸Ļ +Ġprote cción +Ġb ÅĤ +ĠbÅĤ ÄĻd +Ã Ī +Ġíĸī ë³µ +ĠÅŁ ü +ĠÅŁÃ¼ phe +Ġí Ķ +ĠíĶ ¼ +Ġíͼ íķ´ +Ġëĭ¤ 르 +à¹Ħมà¹Ī à¹Ģà¸ģิà¸Ļ +ãģ¿ ãģª +ãģ¿ãģª ãģķãĤĵ +ĠпоÑĤ ÑĢеб +ĠпоÑĤÑĢеб иÑĤел +ĠاÙĦÙĥÙĦ اÙħ +ìķĦ ë²Ħ +ìķĦë²Ħ ì§Ģ +ãĤĴ使 ãģ£ãģŁ +Ġbụ i +ĠпоÑĤ еÑĢ +ĠпоÑĤеÑĢ Ñı +ĠØ¢ ÙĦاÙģ +ĠнаÑģÑĤоÑıÑī ее +ãģıãģªãĤĬ ãģ¾ãģĹãģŁ +clus ão +ãĤ³ ãĥĶãĥ¼ +צ פ×Ļ +צפ×Ļ ×Ļ×Ķ +Ø® ÙĦا +Ø®ÙĦا ص +ล à¹īำ +ãĥ¯ ãĤ¤ãĥ³ +Ġมี à¸Ļา +Ġมีà¸Ļา à¸Ħม +Ø´ خص +شخص ÙĬات +Ġ×ĸ ×§ +Ġ×ĸ×§ ×ķ×§ +×Ļ ×Ļצ +×Ļ×Ļצ ×Ĵ +èĢĥãģĪ æĸ¹ +Ġürün ü +ĠиÑģп ол +ĠиÑģпол ни +Ġcompañ ero +×§ צ×Ķ +×ŀ×¢ ׳×Ļ×§ +Ùħ ØŃÙħد +Ġc ámara +Ġп ед +Ġпед аг +Ġпедаг ог +м аÑĢ +маÑĢ Ðº +×Ķת ׳×Ĵ×ĵ +ĠìĨĮ ê°ľ +Ġcom unitÃł +ê³ ¤ +ĠNg Ãłi +สà¸ĩ à¸ļ +ĠmieszkaÅĦ ców +ĠÙĨ ÙĩائÙĬ +iv ité +Ġи де +Ġиде алÑĮн +ĠØ£ سبÙĪØ¹ +Ġ×Ļ ×¢×ľ +Ġ׾ ר×IJש +Ġ׾ר×IJש ×ķ׳×Ķ +ĠзапиÑģ и +ĠкоÑĢ Ð¿ÑĥÑģ +วà¸ĩ ศ +วà¸ĩศ à¹Į +ĠÐĶ Ð¼ +ĠÐĶм иÑĤ +ĠÐĶмиÑĤ ÑĢ +Ġkön nt +Ġböl ges +Ġbölges inde +׼ ×Ļ׼ +׼×Ļ׼ ר +ĠاÙĦØ¥ Ø«ÙĨ +ĠاÙĦإثÙĨ ÙĬÙĨ +Ġng á»Ļ +ì¹ ł +د راج +Ġu da +Ġuda ÅĤo +ìº IJ +بر ÙĨاÙħج +ĠÑģÑĥд еб +ĠÑģÑĥдеб н +Ġzun ächst +ĠEduc ación +ãģ¨ãģª ãģ£ãģ¦ãģĦãģ¾ãģĻ +Ġ×Ķ×IJ ×ŀ×Ļת×Ļ +Ġİ nt +Ġİnt ernet +ĠcaÅĤ ego +ãĥĹãĥª ãĥ³ +Ø¥ بد +إبد اع +ĠпоÑĢ ÑĤал +à¹Ĥà¸ķ à¹ī +Ġ×Ķ×§ ש×ķר +пл од +ĠÙħ د +ĠÙħد رÙĬد +×ŀסע ×ĵ×Ķ +ĠØ´ÙĬ ئ +ĠØ´ÙĬئ ا +à¸ģà¹Īà¸Ń สรà¹īาà¸ĩ +Ġì°¸ ê³ł +à¹Ģà¸Ĺ ร +à¹Ģà¸Ĺร à¸Ķ +Ġ×ij×ŀ קר×Ļ×Ŀ +Ġb ât +Ġbât iment +åij¼ ãģ³ +ç´ł æķµ +ç´łæķµ ãģª +przedsiÄĻbior st +przedsiÄĻbiorst w +Ġ×ł×ª ×ķ׳×Ļ×Ŀ +×Ĺ׾ ×ķ×Ŀ +ร วย +Ùħ ÙĪØ¶ÙĪØ¹ +ĠÑģоб ÑĢан +вед ÑĥÑī +ĠÑĤе аÑĤ +ĠÑĤеаÑĤ ÑĢ +m eye +meye ceÄŁi +Ġpien iÄħ +ĠpieniÄħ d +ĠpieniÄħd ze +ÑĢез иденÑĤ +ØŃ صر +ìĺ ¥ +à¹Ģย ืà¸Ńà¸Ļ +ĠÑĥ ни +ĠÑĥни веÑĢ +ĠÑĥнивеÑĢ Ñģ +ĠÑĥнивеÑĢÑģ иÑĤеÑĤ +ĠاÙĦر ØŃ +ĠاÙĦرØŃ ÙħÙĨ +ĠÑĤеÑħ нолог +ĠÑĤеÑħнолог ии +ìĹIJ ëĦĪ +ìĹIJëĦĪ ì§Ģ +Ġíķ Ń +ĠíķŃ ìĥģ +à¸ĺ า +à¸ĺา à¸ķุ +ĠEspañ ol +×ĵ×Ĵ ש +Ġêµ ī +Ġêµī ìŀ¥ +Ġêµīìŀ¥ íŀĪ +ĠÅĤ at +ĠÅĤat wo +Ġk á»ĭch +Ø¥ ز +إز اÙĦØ© +ĠдейÑģÑĤв ие +ĠsaÄŁ layan +สุà¸Ķ ยà¸Ńà¸Ķ +Ġzosta Äĩ +Ġdispon ÃŃvel +ïº į +ver ständ +verständ lich +tw or +twor zyÄĩ +ع جز +à¹Ģà¸Ĥ à¹īม +ยà¹Ī à¸Ńม +Ġstrat ég +Ġstratég ie +à¸ľà¸¥ à¹Ħมà¹ī +Ġê°ģ ì¢ħ +ĠÙħ ÙĪØ§ +ĠÙħÙĪØ§ ض +ĠÙħÙĪØ§Ø¶ ÙĬع +اØŃ تج +اØŃتج اج +Ġ Ấ +ĠẤ n +×ŀ ×ŀש׾×Ķ +ĠÅŁek il +×ŀ ×Ĺ׾ +×ŀ×Ĺ׾ ×ķת +Ġ à¸ĺ +Ġà¸ĺ ัà¸Ļ +Ġà¸ĺัà¸Ļ วา +Ġà¸ĺัà¸Ļวา à¸Ħม +Ġìĭ¤ ìłľ +Ġìĭ¤ìłľ ë¡ľ +ì¤ij ìķĻ +ëįĶ ëĿ¼ +ĠÑĪ Ð¸ÑĢ +ĠÑĪиÑĢ Ð¾ÐºÐ¾ +Ġsol ución +วาà¸ĩ à¹ģà¸ľà¸Ļ +×IJ×ķ×ĺ ×ķ×ŀ +×IJ×ķ×ĺ×ķ×ŀ ×ĺ×Ļ +ĠÑĢ ÐµÑģÑĤ +ĠÑĢеÑģÑĤ оÑĢ +ĠÑĢеÑģÑĤоÑĢ Ð°Ð½ +ëį ¸ +ÑĤ ÑĢад +ÑĤÑĢад и +ÑĤÑĢади ÑĨион +ÑĤÑĢадиÑĨион н +มะ à¹Ģรà¹ĩ +มะà¹Ģรà¹ĩ à¸ĩ +à¹Ĥ ส +Ġol masını +×ŀ×ķס ר +ĠоÑĤноÑĪ ÐµÐ½Ð¸Ð¸ +Ġê°ĢëĬ¥ ìĦ± +Ġy uk +Ġyuk arı +ìĨ Ķ +ĠÑģ ÑĦ +ĠÑģÑĦ еÑĢе +Ġ×§ ×ķפ +ãĤ± ãĥ¼ãĤ +ãĤ±ãĥ¼ãĤ Ń +âĢķ âĢķ +ĠاÙĦØ£ ÙĦÙħ +ĠاÙĦØ£ÙĦÙħ اÙĨÙĬ +Ả N +ת×ķ׼ ׳×Ļ×ķת +ĠÑģÑĥÑīеÑģÑĤв ÑĥеÑĤ +æĪij ãĢħ +ĠاÙĦص ادر +ĠTr á»įng +Ġа д +Ġад миниÑģÑĤ +ĠадминиÑģÑĤ ÑĢа +ĠадминиÑģÑĤÑĢа ÑĨи +ĠдÑĢÑĥг ими +Ñģп еÑĪ +عÙĦاÙħ ات +Ġа б +Ġаб Ñģол +ĠабÑģол ÑİÑĤ +ĠабÑģолÑİÑĤ но +ฤ à¸Ķู +é tr +étr anger +нÑı ÑĤи +нÑıÑĤи е +×¢ ×ķ׳ +×¢×ķ׳ ש +ĠÙĤ ائ +ĠÙĤائ ÙĦا +Ġм аÑģ +ĠмаÑģ ло +ãĥī ãĤ¤ +ãĥīãĤ¤ ãĥĦ +å¿ħè¦ģ ãģĮãģĤãĤĬãģ¾ãģĻ +×ŀ×ķ×ĸ ×Ļ×IJ +×ŀ×ķ×ĸ×Ļ×IJ ×ķף +ĠNgo ại +Ġkê nh +à¸ģาร à¸Ńà¸Ńà¸ģà¹ģà¸ļà¸ļ +×ŀ פק +×ŀפק ×ĵ +ÙħÙĨ از +ÙħÙĨاز ÙĦ +ë· ° +íĹ ¤ +ÙħÙĩ ارات +Ġpropri été +פ×Ĵ ×Ļש×Ķ +Ñĩ ÑĢ +ÑĩÑĢ ÐµÐ¶ +ÑĩÑĢеж ден +×Ķ ×ķצ×IJ×Ķ +ØŃÙĥ ÙĬÙħ +ĠíĻ Ī +ĠíĻĪ íİĺìĿ´ì§Ģ +åİ ³ +åݳ ãģĹãģĦ +×¢ ×ŀ×ĵ×Ķ +ĠAu ÃŁen +سÙĪ Ø¡ +ë¹ Ī +ĠÙĪ Ø® +ĠÙĪØ® اصة +ин ÑĤеÑĢ +инÑĤеÑĢ ÐµÑģ +èĩ´ ãģĹãģ¾ãģĻ +Ġhük üm +à¹Ħà¸Ĥ มัà¸Ļ +Ġdav ran +Ġdavran Ä±ÅŁ +à¹Ģà¸ķ ียà¸ĩ +в ÑĢем +вÑĢем енно +à¹Ģà¸Ĺศ à¸ģา +à¹Ģà¸Ĺศà¸ģา ล +å¼ķ ãģ£ +å¼ķãģ£ è¶ĬãģĹ +×IJר ×ķ×Ĺ +×IJר×ķ×Ĺ ×ª +à¹Ģ วิ +à¹Ģวิ รà¹Į +à¸Ńยà¹Īาà¸ĩ รวà¸Ķà¹Ģรà¹ĩว +ĠìŬ íĸī +ĠÑĢан ÑĮ +ĠÑĢанÑĮ ÑĪе +Ġzob ow +Ġzobow iÄħ +ĠzobowiÄħ z +Ġ×ķ׼ ×ŀ×ķ×ijף +ĠاÙĦÙħ Ùĩ +ĠاÙĦÙħÙĩ ÙĨÙĬ +ãĤ¢ ãĤ¸ +ãĤ¢ãĤ¸ ãĤ¢ +ë°© ìĨ¡ +à¸Ńà¸Ńà¸ģ à¸ģำลัà¸ĩ +à¸Ńà¸Ńà¸ģà¸ģำลัà¸ĩ à¸ģาย +am éli +améli orer +å½ĵãģŁãĤĬ åīį +Ġreg elm +Ġregelm Ã¤ÃŁig +ãģĬ åĭ +ãģĬåĭ § +ãģĬåĭ§ ãĤģ +Ġm ưá»Ŀi +بر Ùħج +ĠNat ürlich +ĠD Å©ng +ĠاÙĦر جاÙĦ +Ġthé p +Ġol muÅŁtur +×ŀ×ķס ×Ļ×§×Ķ +f älle +주 íĥĿ +ĠاÙĦÙģ Ø±Øµ +Ġnaj wiÄĻks +ĠnajwiÄĻks zy +Ġça ÄŁ +ĠçaÄŁ rı +ì¸ ł +ĠvÃŃ ct +ĠvÃŃct ima +ĠÑģовеÑĢ ÑĪен +×Ķ×Ļ ×Ļת×Ļ +à¹Ģà¸Ķ ี +à¹Ģà¸Ķี à¹ĭ +à¹Ģà¸Ķีà¹ĭ ยว +ü yü +Ġд оп +Ġдоп олн +Ġдополн иÑĤелÑĮно +à¹ģà¸ķà¸ģà¸ķà¹Īาà¸ĩ à¸ģัà¸Ļ +Ġá l +Ġál bum +à¸Ľà¸£à¸°à¸Īำ à¸Ľà¸µ +ĠÑĦ едеÑĢ +ĠÑĦедеÑĢ Ð°Ð»ÑĮн +Ġobs ÅĤ +ĠobsÅĤ ugi +à¹Ģร ืà¹Ī +à¹Ģรืà¹Ī à¸Ńย +à¹Ģรืà¹Īà¸Ńย à¹Ĩ +ëģ Į +Ġngh ìn +ĠBaÅŁkan lıģı +تأ سÙĬ +تأسÙĬ س +Ġ×ij×ij ×ķקר +Ġ×¢×ij×ķ×ĵ ×ķת +Ġبص ÙĪØ±Ø© +ãĤıãģij ãģ§ãģ¯ãģªãģĦ +führ er +ãĤ¹ ãĤŃ +ãĤ¹ãĤŃ ãĥ« +ĠاÙĦÙĤ ض +ĠاÙĦÙĤض ÙĬØ© +Ġдолж ноÑģÑĤ +ÙģØ§Ø± ÙĤ +Ġcomeç ou +Ġorganis é +Ġxu ân +ĠÑģообÑī аеÑĤ +ĠпÑĢи д +ĠпÑĢид еÑĤÑģÑı +TÃľ RK +ãĥ¬ ãĥ¼ãĤ·ãĥ§ãĥ³ +Kh ông +است Ùģ +استÙģ Ø§Ø¯Ø© +ä¸ĬãģĮ ãģ£ãģ¦ +Ġum ie +Ġumie jÄĻ +ĠumiejÄĻ tn +ĠumiejÄĻtn oÅĽci +ëĤ ¸ +à¹Ģà¸Ļ à¸Ńรà¹Į +×ĵ×ķ ×ķ×Ĺ +ÃŃs imo +I ÃĬ +IÃĬ N +Ġalcan ç +Ġ à¸ķุ +Ġà¸ķุ ลา +Ġà¸ķุลา à¸Ħม +ש׾ ×ĺ×ķף +Ġél è +Ġélè ves +ĠÄij u +ĠÄiju á»ķi +ĠØ£ Ùģ +ĠØ£Ùģ Ø±ÙĬ +ĠØ£Ù쨱ÙĬ ÙĤÙĬ +ĠØ£Ù쨱ÙĬÙĤÙĬ ا +ãĤĴæİ¢ ãģĻ +ĠпÑĢед ложениÑı +ج اد +ĠÑħоÑĤ ÑĮ +Ñģ ал +Ñģал он +à¸Ľà¸£à¸° à¹Ģม +à¸Ľà¸£à¸°à¹Ģม ิà¸Ļ +ãĤŃ ãĥĥãĥģ +ãĤŃãĥĥãĥģ ãĥ³ +×ij×ĵ×Ļ×§ ×ķת +Ġch ù +Ġchù a +ÐĴ иде +ÐĴиде о +иÑĢов ка +ĠÑħоÑĤ иÑĤе +Ġspéc ifique +รส à¸Ĭาà¸ķิ +è¾¼ ãĤĵãģł +伸 ãģ³ +×Ķצ׾ ×Ĺת +ãģ©ãģ® ãĤĪãģĨãģ« +سع ادة +Ġл ид +Ġлид еÑĢ +ม à¸ĩ +มà¸ĩ à¸Ħล +ØŃ اÙħÙĦ +หล ุà¸Ķ +à¸Ńยà¹Īาà¸ĩ à¸ķà¹Īà¸Ń +à¸Ńยà¹Īาà¸ĩà¸ķà¹Īà¸Ń à¹Ģà¸Ļืà¹Īà¸Ńà¸ĩ +ãģķãģĽãģ¦ éłĤ +تس ÙĪÙĬ +تسÙĪÙĬ ÙĤ +ĠaÅŁaģı d +ĠaÅŁaģıd aki +ĠÑĨ елÑĮ +ĠÑĨелÑĮ Ñİ +ĠAra ÅŁtırma +à¸Ĥัà¸ļ รà¸ĸ +Ùĩ ذÙĩ +ลà¸ĩ à¸Ĺะ +ลà¸ĩà¸Ĺะ à¹Ģà¸ļ +ลà¸ĩà¸Ĺะà¹Ģà¸ļ ียà¸Ļ +تÙĥ اÙħÙĦ +Ġc io +Ġcio è +ãģ¦ ãģĬãģı +ĠاÙĦصØŃ ÙģÙĬ +ĠíĬ¹ ìłķ +полн иÑĤÑĮ +ãĤĵ ãģĺãĤĥãģªãģĦ +ãĤĵãģĺãĤĥãģªãģĦ ãģĭ +ĠاÙĦج Ùĩ +ĠاÙĦجÙĩ ات +ĠÑĥÑģпеÑĪ Ð½Ð¾ +Ġв ок +Ġвок ÑĢÑĥг +ĠÑģиÑĤÑĥ аÑĨиÑı +Ġ×Ķ×IJ ×ŀר +Ġ×Ķ×IJ×ŀר ×Ļ×§ +Ġ×Ķ×IJ×ŀר×Ļ×§ ×IJ×Ļ +×ŀ ×Ĵ×ĸ +×ŀ×Ĵ×ĸ ×Ļף +Ġак ÑĤÑĥ +ĠакÑĤÑĥ алÑĮн +é ta +éta is +Ġmog ÅĤa +ĠÑĤоÑĩ ки +Ġ×ŀ×Ķ ×ŀ×¢ +Ġ×ŀ×Ķ×ŀ×¢ ×¨×Ľ×ª +มี à¸Ľà¸£à¸°à¸ªà¸´à¸Ĺà¸ĺà¸´à¸łà¸²à¸ŀ +×Ļר ×Ļ×ĵ×Ķ +×Ĵר ×ŀ׳ +×Ĵר×ŀ׳ ×Ļ×Ķ +Ġг лав +Ġглав ное +Ġ미 ëŀĺ +Ġ׳׼ ×ķ׳×Ķ +ĠÙĪ Ø·ÙĨÙĬ +op port +opport unitÃł +Ġh á»§y +ĠÙĦ تØŃ +ĠÙĦتØŃ ÙĤÙĬÙĤ +Ġó rg +Ġórg ão +ãĤ¹ ãĥĶ +ãĤ¹ãĥĶ ãĥ¼ãĥī +Ġön ü +Ġönü ne +Ùħع اÙħÙĦ +ש×ŀ ×Ļר×Ķ +ĠвеÑģÑĮ ма +ĠwiÄĻks zo +ĠwiÄĻkszo ÅĽÄĩ +Ġاست راتÙĬج +ĠاستراتÙĬج ÙĬØ© +ĠÙģ Ø¥ +ĠÙ쨥 ذا +à¹Ģà¸Ĭืà¹Īà¸Ń ม +à¹Ģà¸Ĭืà¹Īà¸Ńม à¸ķà¹Īà¸Ń +Ġ׾ פר +Ġ׾פר ×ĺ×Ļ×Ŀ +Ùħض ÙĬ +ĠGer çek +Ġçocuk ların +ÙĪØ« ائÙĤ +ĠÙħساء Ùĭ +Ġunterstüt zt +Ġpré st +Ġprést amo +ĠÐłÐ°Ð· меÑĢ +ĠÅŁ eker +Ġsé culo +×ij×Ķ ×Ļר +Ø´Ùĩ ÙĪØ± +Ġ à¸Ńีà¸ģ +Ġà¸Ńีà¸ģ à¸Ĺัà¹īà¸ĩ +Ġlleg ó +à¸¨à¸´à¸¥à¸Ľ ะ +æĪij ãģĮ +æĪijãģĮ å®¶ +ع ÙĤÙĪ +عÙĤÙĪ Ø¨Ø§Øª +ĠF älle +Ġs ÅĤuż +ĠsÅĤuż b +ĠاÙĦØŃÙĤ ÙĪÙĤ +Ġпл иÑĤ +Ġи ноÑģÑĤ +ĠиноÑģÑĤ ÑĢан +ĠиноÑģÑĤÑĢан н +à¹ĥà¸Ļ à¸Ĥà¸ĵะà¸Ĺีà¹Ī +ãĤ« ãĥĨ +ãĤ«ãĥĨ ãĤ´ +ãĤ«ãĥĨãĤ´ ãĥª +à¸Ńิ ส +à¸Ńิส ระ +à¹Ģà¸ľà¸¢ à¹ģ +à¹Ģà¸ľà¸¢à¹ģ à¸ŀร +à¹Ģà¸ľà¸¢à¹ģà¸ŀร à¹Ī +ãģĬ ãģĦ +ãģĬãģĦ ãģĹãģĦ +است ÙĤÙĦ +استÙĤÙĦ اÙĦ +تØŃ ض +تØŃض ÙĬر +åĬ© ãģij +Ùħر اÙģÙĤ +Ġ×ĵ ×ķר +Ġ×ĵ×ķר ש +×ŀת×Ļ ×Ļ×Ĺס +ס ×Ļ׼ +ס×Ļ׼ ×ķ×Ŀ +íĮĮ íĬ¸ +Ġwy ÅĽ +ĠwyÅĽ w +ĠwyÅĽw iet +ĠwyÅĽwiet l +ĠاÙĦاÙĨ ساÙĨ +ĠStra ÃŁen +ï¼ ¬ +ãģ« åŁº +ãģ«åŁº ãģ¥ +Ġcap ÃŃtulo +ลุ ย +Ġ×Ķ×ŀ×§ צ×ķ×¢×Ļ +ãģĤãĤĭ ç¨ĭ度 +á» ¢ +ĠاÙĦ ÙĦا +ĠاÙĦÙĦا زÙħØ© +æķĻ ãģĪ +Ġרש ×IJ×Ļ +з ав +зав иÑģ +завиÑģ им +à¸Ľà¸±à¸Ī à¸Īัย +à¹Ģà¸ĭ ล +à¹Ģà¸ĭล ลà¹Į +Ġdiffé rence +ĠAlt ın +Ġк ÑĢай +ĠкÑĢай не +Ġз ло +Ġgün ümüz +Ġн аÑĤÑĥÑĢ +ĠнаÑĤÑĥÑĢ Ð°Ð»ÑĮн +×Ĵ×ķ׾ ש×Ļ×Ŀ +Ġк аÑĤегоÑĢ +ĠкаÑĤегоÑĢ Ð¸Ð¸ +Ġз нак +à¸ģà¹Īà¸Ńà¸Ļ หà¸Ļà¹īา +à¸ģà¹Īà¸Ńà¸Ļหà¸Ļà¹īา à¸Ļีà¹ī +ĠÙħÙĨ ت +ĠÙħÙĨت خب +ãĥĽ ãĥ¼ãĥ« +Ġе вÑĢо +ส ว +สว ม +ĠìľĦ ìĽIJ +ĠìľĦìĽIJ ëĭĺ +ĠاÙĦØŃ ÙĪØ« +ĠاÙĦØŃÙĪØ« ÙĬ +ĠÑģодеÑĢж иÑĤ +ãĥķãĤ¡ ãĥĥãĤ·ãĥ§ãĥ³ +Ġ à¸ģัà¸Ļ +Ġà¸ģัà¸Ļ ย +Ġà¸ģัà¸Ļย ายà¸Ļ +ãĤª ãĥª +ãĤªãĥª ãĤ¸ +ãĤªãĥªãĤ¸ ãĥĬãĥ« +Ġб ÑĢенд +ãĤĴæĮģ ãģ£ãģ¦ãģĦãĤĭ +Ġinvers ión +Ġê° ĸ +Ġê°ĸ ê³ł +Ġnov itÃł +ê´Ģ ê´ij +Ġà¸ŀ ฤษ +Ġà¸ŀฤษ à¸łà¸² +Ġà¸ŀà¸¤à¸©à¸łà¸² à¸Ħม +×ķר ×Ĺ×Ļ×Ŀ +׼׾ ×ķ׾ +Ġng ạc +×Ļ ×Ļש +×Ļ×Ļש ×ķ×ij +f äll +fäll ig +ĠÑĤÑĢеб ÑĥеÑĤÑģÑı +Ġcar á +Ġcará cter +Ġprinc ÃŃpio +ĠÅĤ az +ĠÅĤaz ien +ĠÅĤazien k +Ġgi ãn +ÑģÑĤÑĢа ива +Ùħس اب +Ùħساب ÙĤØ© +à¹Ģà¸Ħรืà¹Īà¸Ńà¸ĩ à¸Ķืà¹Īม +ترÙĥ ÙĬب +vol ução +ĠÐŁ оÑĩ +ĠÐŁÐ¾Ñĩ ем +ĠÐŁÐ¾Ñĩем Ñĥ +казал оÑģÑĮ +ĠпÑĢимен ениÑı +à¹Ģà¸Ĺ ียม +íĮ Ķ +à¸Ĥà¹īà¸Ń à¹Ģสà¸Ļà¸Ń +à¸Ľà¸±à¸į à¸įา +Ġоб ÑĥÑĩ +ĠобÑĥÑĩ ениÑı +ĠÑģеÑĢ Ð¸ +ĠÑģеÑĢи ал +Ġingl és +ĠÙĦ Ùĥرة +Ġ×ĺ ׾ +Ġ×ĺ׾ פ×ķף +Ġìł ij +Ġìłij ê·¼ +×IJ ×ķ×Ĵ +×IJ×ķ×Ĵ ×ķס +×IJ×ķ×Ĵ×ķס ×ĺ +ĠболÑĮÑĪ Ð¾Ðµ +ĠÐļон еÑĩно +×¢×Ļת ×ķ׳ +×¢×Ļת×ķ׳ ×IJ×Ļ +Ġкноп к +Ġз н +Ġзн аÑĤÑĮ +ĠÄij á»± +ĠÄijá»± ng +вл аж +влаж н +×ŀ ×Ļ×ĺ×ij +ãĤ¬ ãĤ¤ +ãĤ¬ãĤ¤ ãĥī +........ .. +Ġà¸ģ ุม +Ġà¸ģุม à¸łà¸²à¸ŀ +Ġà¸ģà¸¸à¸¡à¸łà¸²à¸ŀ ัà¸Ļ +Ġà¸ģà¸¸à¸¡à¸łà¸²à¸ŀัà¸Ļ à¸ĺ +Ġà¸ģà¸¸à¸¡à¸łà¸²à¸ŀัà¸Ļà¸ĺ à¹Į +be z +bez pieczeÅĦst +bezpieczeÅĦst w +ãĥijãĥij æ´» +ع اط +عاط Ùģ +ĠÄij áºŃm +Ġз ÑĢ +ĠзÑĢ ÐµÐ½Ð¸Ñı +Ġbor ç +Ġнед ел +Ġнедел Ñİ +Ġh á»ı +Ġhá»ı ng +ìŀ¥ ìķł +ìŀ¥ìķł ìĿ¸ +ĠاÙĦع ÙĦاÙĤØ© +Ġíģ ¬ +Ġíģ¬ ê²Į +à¹Ħร à¹Ī +à¸ļา à¸Ķ +à¸ļาà¸Ķ à¹Ģà¸Īà¹ĩà¸ļ +à¸Ŀ รั +à¸Ŀรั à¹Īà¸ĩ +à¸Ŀรัà¹Īà¸ĩ à¹Ģศ +à¸Ŀรัà¹Īà¸ĩà¹Ģศ ส +ר ×¢×Ļ +רע×Ļ ×ķ׳×ķת +Ġë Į +ĠëĮ ĵ +ĠëĮĵ ê¸Ģ +Ġnaj b +Ġnajb li +Ġnajbli ż +Ġnajbliż sz +ĠиÑģполÑĮз ÑĥеÑĤÑģÑı +Ġcient ÃŃf +ĠcientÃŃf ico +×¢ ×ŀ×§ +Ġg ợi +Ø´ ØŃÙĨ +ĠÅĽ m +ĠÅĽm ier +ĠÅĽmier ci +à¸Ħาสิà¹Ĥà¸Ļ à¸Ńà¸Ńà¸Ļà¹Ħลà¸Ļà¹Į +×Ĺש×ij ת×Ļ +Ġn ingu +Ġningu ém +è¾¼ ãĤģ +ãģ · +ĠÑĥ г +ĠÑĥг ол +ï½ ° +פת ×Ļ×Ĺ +פת×Ļ×Ĺ ×ª +Ġ×Ķר×IJש ×ķ׳×Ļ×Ŀ +p ósito +ãĤŃ ãĥ¬ãĤ¤ +ãģ© ãģĵãĤį +à¹Ģà¸Ĺà¹Īา à¹Ħ +à¹Ģà¸Ĺà¹Īาà¹Ħ หร +à¹Ģà¸Ĺà¹Īาà¹Ħหร à¹Ī +ĠинÑĤеÑĢ ÑĮеÑĢ +ĠØŃ اج +ĠØŃاج Ø© +สี à¸Ĥาว +ìĸ ¼ +Ġn á»Ļ +Ġná»Ļ p +ĠÃŃ nd +ĠÃŃnd ice +สำ รวà¸Ī +Ġкажд ой +Ġhot éis +Ġnast ÄĻ +ĠnastÄĻ pn +Ġ×Ķ×§ ×ķ×ĵ +Ġ×Ķ×§×ķ×ĵ ×Ŀ +פ ×ķפ +פ×ķפ ×ķ׾ +פ×ķפ×ķ׾ ר×Ļ +вÑĪ ÐµÐ¹ +ãĤ·ãĥ³ ãĥĹ +ãĤ·ãĥ³ãĥĹ ãĥ« +ĠzdjÄĻ Äĩ +ĠгÑĢÑĥпп а +Ġпом еÑī +ĠпомеÑī ениÑı +ãģ©ãģĨ ãģĦãģĨ +ĠиÑģп ÑĭÑĤа +Ġog ÅĤ +ĠogÅĤ os +ĠogÅĤos zen +ĠogÅĤoszen i +สรà¹īาà¸ĩ สรร +สรà¹īาà¸ĩสรร à¸Ħà¹Į +à¸ŀร รà¸ĵ +Ġçık Ä±ÅŁ +ĠÑĩаÑģÑĤ ноÑģÑĤи +Ġ×ķ ×Ļ×ķתר +ç¶ļãģį ãĤĴ +ç¶ļãģįãĤĴ èªŃ +ç¶ļãģįãĤĴèªŃ ãĤĢ +à¸ģร ั +à¸ģรั ม +г ÑĢаÑĦ +Ġв лад +Ġвлад елÑĮ +ĠвладелÑĮ ÑĨ +Ġistedi ÄŁ +ĠistediÄŁ iniz +×ij׾ ×¢ +×ij×ľ×¢ ×ĵ×Ļ +ÙħÙĪ Ø§Ùģ +ÙħÙĪØ§Ùģ ÙĤØ© +Ġ×Ļ ×ķר +Ġ×Ļ×ķר ×§ +ãĤ«ãĥ¼ãĥī ãĥŃãĥ¼ãĥ³ +ĠاÙĦÙħØ´ ÙĥÙĦ +ĠاÙĦÙħØ´ÙĥÙĦ Ø© +ĠêµŃ íļĮ +ס פ×ĺ +ספ×ĺ ×ŀ +ספ×ĺ×ŀ ×ijר +Ġìĸ´ ëłµ +Ùĥ اÙħ +ÙĥاÙħ ÙĬرا +sch lü +schlü sse +ĠØ« ÙĨ +ĠØ«ÙĨ ائÙĬ +ìī ½ +ĠÐŀ Ñģоб +ĠÐŀÑģоб енно +Ġин веÑģÑĤи +ĠинвеÑģÑĤи ÑĨи +اØŃ تÙħ +اØŃتÙħ اÙĦ +E Äŀ +EÄŀ İ +íķĺ ê²łëĭ¤ +Ġ×IJ ×ijר×Ķ +Ġ×IJ×ijר×Ķ ×Ŀ +Ġ×ij×Ĺ ×Ļ׳×Ŀ +Ø£ ÙĪØ¶ +Ø£ÙĪØ¶ اع +Ġdé l +Ġdél ai +Ġ×IJ×ķ×Ķ ×ij×Ļ×Ŀ +ĠÑģо Ñħ +ĠÑģоÑħ ÑĢ +ĠÑģоÑħÑĢ Ð°Ð½Ð¸ +ĠдоÑģÑĤ иж +ĠдоÑģÑĤиж ени +สิà¹Īà¸ĩ à¹ģ +สิà¹Īà¸ĩà¹ģ วà¸Ķ +สิà¹Īà¸ĩà¹ģวà¸Ķ ล +สิà¹Īà¸ĩà¹ģวà¸Ķล à¹īà¸Ńม +ĠاÙĦÙħ باشر +ĠÑĦ иг +ĠÑĦиг ÑĥÑĢ +мож ем +׾×ŀ×Ļ×ĵ ×Ķ +Ġcin é +Ġciné ma +Ġb ada +Ġbada ÅĦ +جب ÙĩØ© +Ġд еп +Ġдеп ÑĥÑĤ +ĠдепÑĥÑĤ аÑĤ +Ġdist ância +ĠاÙĦÙħ عار +ĠاÙĦÙħعار ضة +thè se +ü nc +ünc ü +Ġдан ного +ĠBel gi +ĠBelgi ë +Ġ×ij ×ij×§ +Ġ×ij×ij×§ ש×Ķ +ย à¹Īาà¸Ļ +Ġsol ução +Ġ×Ķצ ×ĺר +Ġ×Ķצ×ĺר פ×ķ +ĠØ£ÙĨ ØŃ +ĠØ£ÙĨØŃ اء +Ġد ÙħØ´ +ĠدÙħØ´ ÙĤ +มั à¹ī +มัà¹ī ย +Ùħ غرب +است عÙħاÙĦ +ĠS ÅĤow +ĠëıĻ ìĭľ +ĠëıĻìĭľ ìĹIJ +ĠÑģ оÑģ +ĠÑģоÑģ ед +ì²Ń ìĨĮ +ì²ŃìĨĮ ëħĦ +Ġг ÑĢаÑĦ +ĠгÑĢаÑĦ ик +Ġìŀij ìĿĢ +Ġyet i +Ġyeti ÅŁtir +ĠìĿ´ê²ĥ ìĿ´ +ห à¹Īาà¸ĩ +Ø¥ ÙħÙĥاÙĨ +Ø¥ÙħÙĥاÙĨ ÙĬØ© +است عراض +ÙħØ® در +ĠÑĩ ÑĥÑĤÑĮ +Ùħ دÙĬر +ÙħدÙĬر ÙĬØ© +Ġà¹Ģม ษ +Ġà¹Ģมษ ายà¸Ļ +Ġм еÑħ +ĠмеÑħ аниз +ĠмеÑħаниз м +ĠÑģ Ñĥм +ĠÑģÑĥм мÑĥ +Ġv ö +Ġvö ll +Ġvöll ig +Ġд ÑĢÑĥз +ĠдÑĢÑĥз ÑĮÑı +ãĤĴåĪ©ç͍ ãģĹãģ¦ +à¸ļรร à¸Īุ +po życz +×ŀש ׼ +×ŀש׼ ×ł×ª +×ŀ×©×Ľ×ł×ª ×IJ +Ġeuropé en +Ġpropri é +Ġproprié taire +Ġkh ấu +ãģĦãģŁãģł ãģijãĤĭ +Ġtec rü +Ġtecrü be +×Ķ ×ij +×Ķ×ij ׳×Ķ +Ġcu Ì +ĠcuÌ ī +ĠcuÌī a +×IJ ×ķ×ķ +×IJ×ķ×ķ ×Ļר×Ķ +Ġ׼×ķ׾ ×ķ +U lus +Ulus lararası +Ġ׳ ×ķת +Ġ׳×ķת ף +ãģ« åIJij +ãģ«åIJij ãģijãģ¦ +ë¹ Ľ +à¸Ĺ ัà¸ģษ +à¸Ĺัà¸ģษ ะ +س ÙĤÙĪ +سÙĤÙĪ Ø· +Ġв н +Ġвн еÑĪ +ĠвнеÑĪ Ð½Ðµ +Ġur z +Ġurz ÄĻd +Ġá mb +Ġámb ito +à¸Ń à¸ĺิ +à¸Ńà¸ĺิ à¸ļาย +Ġ ÅĤad +ĠÅĤad n +ê±´ ì¶ķ +wód zt +wództ w +Ġquest ões +Ġש ×§ +Ġשק ×Ļ×ij׾ +Ġmiejsc owoÅĽci +Ġв ал +Ġвал ÑİÑĤ +hä user +หà¸Ļ à¸Ńà¸ĩ +ãģ¨ åħ± +ãģ¨åħ± ãģ« +ãĥı ãĥ¼ãĥī +Ġê°ľ ìµľ +ĠоÑģнов ном +Ġм ÑıÑģ +اع ت +اعت ÙĤاÙĦ +สà¸ĸ ิ +สà¸ĸิ à¸ķิ +N gu +Ngu á»ĵn +ĠÙħ جÙĦ +ĠÙħجÙĦ Ø© +à¹ģà¸Ĥ à¸Ļ +ĠاÙĦÙĦÙĬ بÙĬ +פע×Ļ׾ ×ķ×Ļ×ķת +Ġ×Ķר פ×ķ×IJ×Ļ +פר ×ķפ +פר×ķפ ×Ļ׾ +×§ ׾×IJ +ק׾×IJ ס×Ļ +Ùĥت Ø´Ùģ +ãģ«ãģª ãģ£ãģ¦ãģĹãģ¾ãģĨ +à¹Ģà¸Ħล à¹ĩà¸Ķ +à¹Ģà¸Ħลà¹ĩà¸Ķ ลัà¸ļ +Ġì» ´ +Ġì»´ íĵ¨ +Ġì»´íĵ¨ íĦ° +Ġ×Ĺ×Ļ ×ķ×ij×Ļ +Ġnä m +Ġnäm lich +åij¼ ãģ° +åij¼ãģ° ãĤĮ +ĠÑĢ Ð¾Ð» +ĠÑĢол и +Ġspécial isé +à¸Ļ วัà¸ķ +à¸Ļวัà¸ķ à¸ģรรม +ÙĨص ÙĪØµ +пеÑĢ ÐµÐ´ +пеÑĢед аÑĩ +thè que +Ġר×IJ ×Ļת×Ļ +ãĥĢ ãĤ¦ãĥ³ +ãĤı ãģĭ +ãĤıãģĭ ãģ£ãģ¦ +беÑĢ ÐµÐ¶ +ĠÑģ ек +ĠÑģек ÑĢ +ĠÑģекÑĢ ÐµÑĤ +ĠпоÑģÑĤоÑıн н +à¸Ĥà¸Ļ สà¹Īà¸ĩ +Ġm ük +Ġmük em +Ġmükem mel +еÑĤ еÑģÑĮ +ĠاÙĦسÙĨ ÙĪØ§Øª +ĠìłĦ íĺĢ +Ġ×Ķ×ŀ×§ ×ķר×Ļ +Ġmü d +Ġmüd ah +Ġmüdah ale +Ġwy b +Ġwyb ór +Ġtend ência +Ø¥ دار +إدار ÙĬØ© +Ġunterstüt zen +ת ×ijר +ת×ijר ר +Ġdi á +Ġdiá logo +ĠÃĸ nce +ĠÃĸnce ki +ãĤ¹ãĥĿ ãĥĥãĥĪ +ëĦ £ +ĠG eli +ĠGeli ÅŁ +ãĤĴ éĢļ +ãĤĴéĢļ ãģĹãģ¦ +ĠFuÃŁ ball +Ġsal ari +Ġsalari é +ĠпÑĢодÑĥк ÑĤов +صÙģ ÙĤØ© +รว à¸ļ +รวà¸ļ รวม +à¹ĥà¸Ļ à¸IJาà¸Ļ +à¹ĥà¸Ļà¸IJาà¸Ļ ะ +Ġkay na +Ġkayna ģı +Ġìŀij íĴĪ +ĠвÑĭ ÑĢаж +ĠвÑĭÑĢаж ен +ĠÑģÑĤ еп +ĠÑģÑĤеп ени +ĠاÙĦÙħ ÙĪØ¬ÙĪØ¯ +ĠاÙĦÙħÙĪØ¬ÙĪØ¯ Ø© +ล à¹īม +Ġnaj czÄĻ +ĠnajczÄĻ ÅĽcie +ĠnajczÄĻÅĽcie j +Ġz wy +Ġzwy k +Ġzwyk ÅĤ +Ġê·¸ëłĩ ì§Ģ +à¸ģระ à¸Ī +à¸ģระà¸Ī าย +Ġëĭ µ +Ġëĭµ ë³Ģ +ĠÑĢе ак +ĠÑĢеак ÑĨи +ĠÅĽwie ż +ĠÑģÑĤоим оÑģÑĤи +ÙħÙĨ اÙĤ +ÙħÙĨاÙĤ Ø´ +ÙħÙĨاÙĤØ´ Ø© +ĠÑħоÑĩ Ñĥ +ãĥľ ãĥ¼ãĥī +Ġróż nic +Ġк ÑĢÑĭ +ĠкÑĢÑĭ ÑĪ +âľ ĵ +ãĤ³ãĥ³ ãĥĨãĥ³ +ãĤ³ãĥ³ãĥĨãĥ³ ãĥĦ +ĠпÑĢед поÑĩ +×ŀר ×ij×Ļת +ĠØ´ Ùĥ +ĠØ´Ùĥ را +Ġд ал +Ġдал ек +Ġдалек о +بر ÙĬØ· +برÙĬØ· اÙĨÙĬا +ع ÙĨا +عÙĨا ÙĬØ© +ĠÑĢаÑģÑģ каз +ĠÑĢаÑģÑģказ Ñĭва +Ø£ ÙĦÙĪ +Ø£ÙĦÙĪ Ø§ÙĨ +æĮģ ãģ£ãģ¦ +æĮģãģ£ãģ¦ ãģĦ +Ùħباد ئ +×Ķ ×¢×ijר +×Ķ×¢×ijר ת +Ġyay ı +Ġyayı ml +Ġyayıml a +m át +mát icos +à¸ģ ัà¸ĩ +à¸ģัà¸ĩ วล +Ġ׾ פת +Ġ×ľ×¤×ª ×ķ×Ĺ +à¸ŀฤ à¸ķิ +à¸ŀฤà¸ķิ à¸ģรรม +í Ĥ¬ +Ġок ÑĢÑĥг +Ġ×ŀצ ×ķ×ķ×Ķ +ÐĽ ени +ÐĽÐµÐ½Ð¸ н +ĠTri á»ģu +ãĤ³ãĥŁ ãĥ¥ +ãĤ³ãĥŁãĥ¥ ãĥĭ +ãĤ³ãĥŁãĥ¥ãĥĭ ãĤ± +ãĤ³ãĥŁãĥ¥ãĥĭãĤ± ãĥ¼ãĤ·ãĥ§ãĥ³ +Ùĥ ÙĨÙĬ +ÙĥÙĨÙĬ سة +ãĤĴ ä¸Ńå¿ĥ +ãĤĴä¸Ńå¿ĥ ãģ« +ĠmiÄĻd z +ĠmiÄĻdz yn +ĠmiÄĻdzyn ar +ĠmiÄĻdzynar od +ĠmiÄĻdzynarod ow +ÙĦ ÙĨ +ÙĦÙĨ دا +بر Ø´ +برش ÙĦÙĪÙĨ +برشÙĦÙĪÙĨ Ø© +à¸ģระ à¸ķุ +à¸ģระà¸ķุ à¹īà¸Ļ +Ġg ı +Ġgı da +à¸Ľà¸£à¸° à¸Ĺัà¸ļ +à¸Ľà¸£à¸°à¸Ĺัà¸ļ à¹ĥà¸Ī +Ġë¶Ī 구 +Ġë¶Ī구 íķĺê³ł +ĠÙĨ Ø· +ĠÙĨØ· اÙĤ +ĠÐľ ожеÑĤ +Pr äs +Präs ident +ĠÑģк оÑĢ +ĠÑģкоÑĢ Ð¾ÑģÑĤÑĮ +Ġ×Ķ×ij ×ķקר +еÑħ аÑĤÑĮ +Ġg ạo +Ġש×IJ ×Ļ׳×Ŀ +Ġ×ij׳ ×ķ×Ĵ +Ġ×ij׳×ķ×Ĵ ×¢ +Ġо пиÑģание +Ġucz ni +Ġuczni ów +à¹Ģà¸Ń à¹ĩà¸Ļ +Ġت Ø´ +Ġتش رÙĬÙĨ +Ġnh ãn +ë¹ ¨ +Ġcaract ère +×¢ ׾×Ļ +×¢×ľ×Ļ ×Ļ×Ķ +楽ãģĹ ãĤģãĤĭ +ĠÑģ аÑħ +ĠÑģаÑħ аÑĢ +дÑĥм аÑĤÑĮ +ĠÐĴоз можно +ص ÙĬاÙĨ +صÙĬاÙĨ Ø© +öm ür +ส ล +สล à¹ĩ +สลà¹ĩ à¸Ń +สลà¹ĩà¸Ń à¸ķ +ë¡ ¯ +Ġth ói +gr Ã¶ÃŁe +Ġksi ÄĻ +ĠksiÄĻ g +ĠÑĢ Ð¾Ð¼ +ĠÑĢом ан +ÙĤ اسÙħ +×ŀ×ij ×ķ×Ĵ +×ŀ×ij×ķ×Ĵ ר×Ļ×Ŀ +bes ch +besch äft +beschäft ig +×Ķצע ×Ķ +ĠÃģ rea +ĠзаÑıв к +Ä ¹ +ĠлÑİб ого +Ġ ม +Ġม à¸ģร +Ġมà¸ģร าà¸Ħม +ÑĦ из +ÑĦиз иÑĩеÑģк +ин ÑĦ +инÑĦ ек +инÑĦек ÑĨи +اÙĦ Ø· +اÙĦØ· ائÙģ +Ġкол л +Ġколл екÑĤив +ез жа +Ġس بØŃ +ĠسبØŃ اÙĨ +ĠسبØŃاÙĨ Ùĩ +sch lä +schlä ge +Ġд и +Ġди аг +Ġдиаг ноÑģÑĤ +ĠоÑĤмеÑĤ иÑĤÑĮ +Т Ь +ĠاÙĦ در +ĠاÙĦدر اسÙĬ +עצ ×ŀ +עצ×ŀ ×IJ×ķת +Ġdém arch +Ġdémarch e +Ġ×ĺ ×ķ×¢ +Ġ×ĺ×ķ×¢ ף +Ġfuncion ários +á» µ +׾ ׼×IJ +׾׼×IJ ×ķר×Ķ +à¸ĭ à¹Ī +à¸ĭà¹Ī à¸Ńม +ĠÑĩ Ñĥв +ĠÑĩÑĥв ÑģÑĤво +âĸ ¼ +п ÑĥÑī +пÑĥÑī ен +Ġм еÑĢ +ĠмеÑĢ Ð¾Ð¿ +ĠмеÑĢоп ÑĢи +ĠмеÑĢопÑĢи ÑıÑĤиÑı +Ġu çu +Ġuçu ÅŁ +ãĤĴåĪ©ç͍ ãģĻãĤĭ +a ÄŁ +aÄŁ lı +ìĺĪ ìĪł +à¹ģ ยà¹Ī +ĠاÙĦÙĥ Ùħ +ĠاÙĦÙĥÙħ بÙĬ +ĠاÙĦÙĥÙħبÙĬ ÙĪØªØ± +ت ÙĪÙĬ +تÙĪÙĬ تر +à¹Ģà¸Ĭ ีà¹Īยว +à¹Ģà¸Ĭีà¹Īยว à¸Ĭา +à¹Ģà¸Ĭีà¹Īยวà¸Ĭา à¸į +á» Ķ +Ġhi ếm +ذا Ùĥرة +Ġ×Ķ×ŀ×Ļ ×ķ×Ĺ×ĵ +ĠìĪ ľ +ĠìĪľ ê°Ħ +ĠK ı +ĠKı sa +Ġgele ceÄŁi +пÑĢо ÑĦеÑģÑģиона +пÑĢоÑĦеÑģÑģиона л +Ġog ó +Ġogó le +ĠgÅĤ ów +ĠgÅĤów ne +ĠÑģÑĤ илÑĮ +×IJ פ׾ +×IJפ׾ ×Ļ×§ +×IJפ׾×Ļ×§ צ×Ļ×Ķ +สม ารà¹Į +สมารà¹Į à¸Ĺ +สมารà¹Įà¸Ĺ à¹Ĥà¸Ł +สมารà¹Įà¸Ĺà¹Ĥà¸Ł à¸Ļ +Ġth ánh +ÐŁ од +ÐŁÐ¾Ð´ ÑĢоб +ÐŁÐ¾Ð´ÑĢоб нее +ĠاÙĦت ÙĪÙĨ +ĠاÙĦتÙĪÙĨ سÙĬ +Ġbah çe +à¹ģà¸ģà¹ī à¸Ľà¸±à¸įหา +é ducation +eu rop +europ ä +europä ische +ĠK si +ĠKsi ÄĻ +ĠëĦ ĺ +ĠëĦĺ ìĸ´ +Ġv üc +Ġvüc ud +Ġyay g +Ġyayg ın +Ġnie kt +Ġniekt óry +Ġniektóry ch +ãģŃ ãģĩ +Ġк аж +Ġкаж еÑĤÑģÑı +к аж +каж еÑĤ +ĠاÙĦ دÙĬÙħÙĤرا +ĠاÙĦدÙĬÙħÙĤرا Ø· +ĠاÙĦدÙĬÙħÙĤراط ÙĬØ© +æŃ © +æŃ© ãģĦãģ¦ +Ġv az +Ġvaz ge +Ġvazge ç +Ġмин ималÑĮ +ĠминималÑĮ н +ãĥij ãĤ¿ +ãĥijãĤ¿ ãĥ¼ãĥ³ +Ġë Ĭ +ĠëĬ IJ +ĠëĬIJ ëĤĮ +ãģ¡ ãĤĩãģĨ +ãģ¡ãĤĩãģĨ ãģ© +Ġ à¸ģร +Ġà¸ģร à¸ģà¸İ +Ġà¸ģรà¸ģà¸İ าà¸Ħม +تج دÙĬد +ĠØ´ اÙħÙĦ +หลัà¸ģ à¸IJาà¸Ļ +ĠмаÑĢ ÑĪ +ĠмаÑĢÑĪ ÑĢÑĥÑĤ +Ġv ÃŃt +ĠvÃŃt ima +Ġquiz á +ay gı +×ĵ×ijר ×Ļ×ķ +Ġиз д +Ġизд ели +Ġиздели Ñı +п ла +пла Ñĩ +плаÑĩ ива +ä»» ãģĽ +Ġéquip é +ä¹ħ ãģĹãģ +ä¹ħãģĹãģ ¶ +ä¹ħãģĹãģ¶ ãĤĬ +Ġк аÑĤ +ĠкаÑĤ ал +ĠкаÑĤал ог +ส à¹īม +ĠÑĢ ÐµÐ¹ +ĠÑĢей ÑĤ +ĠÑĢейÑĤ инг +Ġth uyá»ģn +ĠاÙĦÙħ ÙĤدس +esp ère +ãģ«åħ¥ ãģ£ãģŁ +หมาย à¹Ģลà¸Ĥ +ת×Ĺ×ķש ת +à¸Ļ à¹Īะ +Ġpe ÅĤ +ĠpeÅĤ ne +Ġpé rd +Ġpérd ida +หม วà¸Ķ +หมวà¸Ķ หมูà¹Ī +иÑĩеÑģк ÑĥÑİ +çµĤ ãĤı +çµĤãĤı ãģ£ãģŁ +Ġ×Ĵ ×ķ×Ĵ׾ +à¸Ĺำ à¸Ħวาม +à¸Ĺำà¸Ħวาม สะà¸Ńาà¸Ķ +Hot éis +Ġз аÑĢ +ĠзаÑĢ ÐµÐ³Ð¸ÑģÑĤ +ĠзаÑĢегиÑģÑĤ ÑĢи +ĠзаÑĢегиÑģÑĤÑĢи ÑĢова +ĠÑģ обÑĭÑĤи +ĠÑģобÑĭÑĤи Ñı +Ġ×ĸ ׼×IJ +ÙħÙĨظ ÙĪÙħØ© +Ġ×Ķ×ŀ צ +Ġ×Ķ×ŀצ ×Ļ×IJ×ķת +Ùħ ÙĥÙĪÙĨ +ÙħÙĥÙĪÙĨ ات +ä¸ĬãģĮ ãĤĭ +Ġm ÄĻ +ĠmÄĻ sk +หรืà¸Ń à¹Ģà¸Ľà¸¥à¹Īา +ëĤ ® +Ġnok tas +Ġnoktas ı +ĠболÑĮÑĪ Ð¸Ð¼ +ĠлÑĥÑĩ ÑĪиÑħ +Ø´Ùĩ ÙĬد +à¸Ńำ à¸Ļ +à¸Ńำà¸Ļ วย +à¸Ńำà¸Ļวย à¸Ħวาม +à¸Ńำà¸Ļวยà¸Ħวาม สะà¸Ķวà¸ģ +Ġе в +Ġев ÑĢ +ĠевÑĢ Ð¾Ð¿ +ĠевÑĢоп ей +à¸ī าย +ìĦ Ń +Ùħ Ù쨧 +ÙħÙ쨧 ÙĪØ¶ +ÙħÙ쨧ÙĪØ¶ ات +ë¹ Į +赤 ãģ¡ãĤĥãĤĵ +ĠÑĥдал оÑģÑĮ +ĠÐ¥ оÑĤ +ĠХоÑĤ Ñı +przedsiÄĻbior c +ĠH ôm +íķĺìĺĢ ìĬµëĭĪëĭ¤ +Ġн аг +Ġнаг ÑĢÑĥз +ĠнагÑĢÑĥз к +Ġ×ij×Ļ׳ ׾×IJ×ķ×ŀ×Ļ +Ġê°ĢëĬ¥ íķľ +ĠH ữu +à¸Ń ุà¸Ķ +à¸Ńุà¸Ķ ม +ת ×ķפ +ת×ķפ ×¢×Ķ +Ġmi ÅĤo +ĠmiÅĤo ÅĽci +ksi Äħż +ksiÄħż ka +ĠاÙĦÙĦ عبة +à¸ī าà¸ģ +สะ สม +×ŀ תר +×ŀתר ×Ĺש +Ġlég ère +Ġ׾צ פ +Ġ׾צפ ×Ļ×Ķ +ĠиÑģÑĤоÑĢ Ð¸Ñı +Ġ ãĥĪãĥ© +ĠãĥĪãĥ© ãĥĥãĤ¯ +ĠãĥĪãĥ©ãĥĥãĤ¯ ãĥIJãĥĥãĤ¯ +Ġк а +Ġка ÑĦе +×ŀס×ŀ ×ļ +Ġc üm +Ġcüm le +à¹Ģà¸Ħลืà¹Īà¸Ńà¸Ļ à¹Ħหว +ãģĬ ãģĿ +ãģĬãģĿ ãĤīãģı +ìŀIJ ëıĻ +ìŀIJëıĻ ì°¨ +à¸Ńั à¸ķ +à¸Ńัà¸ķ à¹Ĥà¸Ļ +à¸Ńัà¸ķà¹Ĥà¸Ļ มั +à¸Ńัà¸ķà¹Ĥà¸Ļมั à¸ķิ +ĠÅŁ ik +ĠÅŁik ay +ĠÅŁikay et +extr ême +kr ä +krä fte +ëĤ Ļ +íķ ij +ì² Ļ +íĺ Ī +ì° į +âĻ ¡ +ìŀ Ķ +ë¢ ° +íĿ Ķ +íĿ IJ +âĩ Ĵ +ë§ Ľ +ìĬ Ī +á» Ĵ +ìĺ µ +âĹ İ +í Ĥ¨ +ê¿ Ī +ìĪ ¨ +ìĽ ¨ +ë§ ¥ +ï½ Ģ +ï¼ ª +Ạ¨ +ãħ İ +Ñ Ĺ +ìĦ ¬ +ì¹ ¼ +ï¼ ¶ +ìĽ ł +ëŁ ´ +Å ĥ +ëĤ ¼ +ëĭ IJ +âĢ ¹ +ë¦ Ń +ì§ IJ +âĢ ¤ +à ħ +ëľ ¨ +íĦ ¸ +íľ ĺ +ê² ģ +ë´ ħ +à ĺ +ëŃ Ķ +ëĺ ij +âĹ ĩ +ìĹ ĺ +ï» ´ +ë§ ¹ +ï¾ Ŀ +ìĬ · +íĥ ķ +ï¼ ł +ì» ´ +ëł Į +ì½ ľ +ï» ¹ +ãħ ł +ì¡ ¸ +ëħ ¹ +âĤ º +âĸ ¶ +íĥ IJ +êµ ´ +íij ¸ +Ñ Ķ +íĶ ½ +Ð ħ +ë° ¤ +Ô ģ +ì² ¨ +ì¶ ĺ +ë² Ĺ +ë© ¸ +ï¼ » +ï¼ ½ +ï¼ · +ì° Į +à Ĵ +íı ´ +ìĵ ¸ +ì´ Į +ëģ Ķ +ëĶ © +ëĩ Į +ë© Ģ +ë² ¨ +ï¼ µ +ë§ ¡ +ëĭ « +ภ¿ +ãģ ± +ìĩ ¼ +ìº ł +ë® ¤ +ê± ± +ì» ¬ +âĦ ĥ +ëĶ ± +ëĥ Ī +ìĭ ± +íĻ Ī +ëŀ IJ +ìħ Ģ +ìł ł +Ð Ĩ +ëł ī +ï½ ħ +ï½ ı +íĻ Ģ +ëĽ ° +á» ® +í Ĥ¹ +ê½ ĥ +ï» ¤ +ïº Ķ +êº ¼ +ìķ ī +âĻ ¦ +ï½ ģ +ìĵ ´ +ãĢ ī +ì° ® +ì¤ ĺ +á» ª +ëģ Ħ +ëIJ ¨ +ìķ Į +íĿ ĺ +íħ IJ +ãĢ Ī +ê² ª +ëĭ ¥ +ê² ¼ +á» Į +ë§ ¨ +ëģ Ĭ +ë² ¤ +ëij Ķ +íĿ ¡ +á» ¬ +ë¬ ĺ +ãģ ī +ëŀ « +íĶ Ī +í ħį +ìŀ ĥ +ï½ ī +ìģ ľ +âĸ ½ +ë¬ » +âĸ ³ +ï¼ ¸ +ìģ ĺ +ì¶ ° +ìĬ ´ +ìķ ± +ìĩ Ħ +Ạ® +ï´ ¿ +ï´ ¾ +âĤ ½ +ëĦ ĵ +ë£ © +ì³ ¤ +ê´ ľ +Ã Ļ +á» ľ +ï¿ £ +ëĵ Ń +ë© ĺ +ê» ´ +ëł ´ +Ð ĥ +ë¬ µ +ì§ Ŀ +ãģ º +ðŁĺ Ĥ +ëŀ ¬ +ìł Ĭ +ê´ Ħ +ìŀ Ĭ +íŀ Į +ìĦ ¯ +âĪ Ģ +âĸ ¡ +ëĢ Į +ëŀ Ļ +ï½ ĥ +Ạ¶ +ï¾ Ħ +ïº ĺ +ë¹ ¼ +à Į +âĸ · +ê¸ į +ë© ĭ +ãģ ĥ +ìĺ Ĩ +ìĺ ® +ëª ¬ +ë¡ ¤ +ëł ¬ +ëĬ ¦ +âĸ ª +ì¼ ĵ +ìľ Ī +ì§ § +ï½ ½ +ëĥ ī +ï¾ Į +ëĺ IJ +ï¼ ĥ +á» Ħ +ì´ ¬ +ì¶ ¤ +ï¼ ¹ +ï» Ń +âĤ « +ï½ ĩ +ìĺ · +ëĸ ¨ +âī « +ë¦ ¿ +âľ ¨ +Ù ± +ì¯ ¤ +ê¹ Ķ +ðŁĺ Ĭ +ìĪ « +ê³ ± +êµ ³ +ï½ ĭ +ภĮ +Ä ł +ëĶ ¸ +ë° ij +ìħ ĭ +íİ ´ +âľ ħ +íĥ ij +ëĪ ĩ +íı ¼ +ðŁĺ į +ìĺ Ľ +ï» £ +Ñ ĺ +ì© Į +ë¦ ħ +ìĿ į +ï½ ¸ +ëį ľ +ãģ ħ +íİ ¼ +ëĭ Ŀ +ë¿ Į +ì¼ ° +ìĭ « +ë° ¥ +íĽ Į +ì¨ Į +ë¹ Ļ +ï½ İ +ë´ Ħ +ìĦ ¹ +ï½ ² +ìĮ ĵ +Ò ij +ë° į +ëł Ģ +íĨ ¤ +ï½ ¯ +ë¤ Ħ +ê½ ¤ +ï½ Ĵ +ìķ ¨ +ï½ ¼ +ê¹ IJ +íģ IJ +âĦ ĸ +ë§ º +ïº ® +ëħ ģ +ê² ¸ +ï» ł +íĬ ľ +Å ¹ +ë¥ Ń +ëĪ ī +ï½ Ķ +íĮ ¬ +ìŀ ĩ +ï ¬ģ +ï» ¨ +ëij ¥ +ëŀ Ħ +Ù ¬ +íĭ ´ +ìŀ ī +Ú ¾ +ìĽ ħ +ï» ® +ëĭ ī +âī ª +âĹ Ħ +ëĪ Į +íĽ ¼ +ì¤ į +Å ¸ +ì¤ ¬ +ì¾ Į +ï½ ĵ +ï¾ Ĭ +ðŁı » +ï¾ ī +Ð ģ +íĺ IJ +ï¾ Ļ +ê¼ ¬ +íŀ IJ +âĢ ¥ +ëŁ Ń +ë§ ŀ +ìĥ ¤ +ïº Ĵ +íĭ ± +ë½ ij +à ķ +âĪ ļ +ëĤ Ħ +ê¹ Ŀ +ëĨ Ī +Ạº +ìħ Ī +ìĮ į +âĢ ¡ +ï¼ ± +ìģ ¨ +âĺ º +ëĴ · +ìĺ ³ +ðŁij į +ëª ½ +ëĤ Ń +ïº Ń +ë© Ī +á» Ī +íķ Ģ +ëĭ Ļ +ë¦ ĩ +ìķ ¤ +ìį ¼ +ãĥ µ +Ñ £ +ìľ Ĺ +â ŃIJ +ï¾ ĺ +íĹ ¬ +ê¾ ¼ +ìķ Ĺ +ï» Į +ê± · +ëħ ķ +ë¡ ± +ìķ Ĭ +ï¾ Ģ +ìĩ ł +íĮ © +ïº ª +ë§ Ļ +ï¼ ¿ +ê¿ Ķ +íİ ľ +ë£ ¸ +íĶ Ķ +ï» ³ +ëı ķ +ìĭ ¼ +á» İ +ë§ ĺ +ì¢ ĭ +íĨ ¡ +ï½ ± +íĿ ij +á» ¸ +ì¦ Į +ì¹ ¸ +ëŃ ĺ +ï¾ Ĺ +ï» ĭ +íĬ Ģ +ë¥ Ļ +ì½ © +ëģ Ĺ +ëį ´ +ìħ ľ + ¸ +ë» IJ +ìĥ µ +ê² IJ +ëĵ ¬ +ë£ ° +ãħ ĭ +ìĹ ī +á» ĸ +ëĦ Į +ï½ ¶ +ë´ ĩ +ëĤ ³ +ãĤ ľ +ëĸ » +íİ Ģ +ëį © +íķ ¸ +à · +ê¼ ¼ +ëĶ ľ +ë° ´ +ë© į +âĹ ¯ +ìĹ ij +ìĻ ¼ +ïº ij +ë¶ ķ +ë¡ ¬ +ï½ Į +íĨ ¨ +ïº ´ +ëł ĺ +ê° ¤ +ìĪ ² +Ñ ĵ +ìħ ī +ï» ĵ +ëĪ Ķ +ëį § +âĢ ¼ +ï» ² +ê° ± +ê¿ Ģ +ëĭ · +Ạ¸ +Ạª +Æ Ĵ +ëį ¤ +ìĪ Ń +ï½ Ĥ +ï½ Ī +Å ł +ë£ ¬ +Ñ µ +ëĸ ¡ +ëĥ Ħ +ìĦ ° +ëĵ Ī +ï¾ ĥ +ëĩ ¨ +ï½ IJ +êµ ½ +ìĹ ½ +ëĤ Ģ +ë¬ ¶ +ï½ · +ìı Ł +íĺ Ķ +ê¼ Ī +ëģ Ī +ì¥ IJ +ïº Ĺ +Ä Į +ëĪ ł +ëĸ ¼ +íĢ ´ +âī ¥ +ëĭ Ń +ì± Ļ +ê» ı +ë© ¤ +ìĥ ĺ +ëį ® +ë£ ¡ +ìĤ ½ +ãĪ ľ +Ä ¨ +âĢ § +ï½ º +Ä £ +ì¦ ī +ï¼ ¼ +Û © +âĪ Ļ +ë° ı +ë¹ ħ +ðŁĺ Ľ +íĪ ´ +ðŁĴ ķ +ãĢ Ĵ +ìŀ ĺ +ïº ¤ +ï½ ĸ +ë© ľ +ë² ¼ +ëĿ Ħ +ëļ ľ +ï» ĺ +ìĥ Į +ï½ Ħ +ì© Ķ +ï½ Ļ +ïº © +Û ŀ +âĺ İ +ìł ¤ +ëIJ © +Å Ŀ +âŀ ¡ +ï» § +Ð ı +ì« ĵ +ê³ ½ +É ij +ãĥ ² +ëĤ « +ë¦ ī +ì¢ ģ +ë° Ń +ðŁĺ ģ +ë¹ µ +ì² © +ì» µ +ðŁĺ ĺ +ë± ħ +âī Ī +ë¹ ļ +ï» ľ +ðŁĻ ı +íģ ° +ìĦ ŀ +ï¾ ļ +ìĺ ¹ +ë¼ Ī +ëĤ ¯ +ëŀ © +íļ ¡ +ï½ ķ +íĥ ĵ +ëĿ ł +ê³ ģ +ëĵ Ģ +ìĹ ł +ï¼ º +ë§ ij +ëĭ ¿ +ì¿ ¨ +ãİ ¡ +Ð Ĭ +íĦ ± +Å ¨ +ïº ³ +ï¾ ı +âĭ ħ +ê¼ ´ +âī ¤ +íĮ ģ +Î © +ê¶ ¤ +ìĪ į +âľ ¿ +ì½ ¤ +ëĪ ħ +íĨ ± +ãħ ľ +áIJ ħ +Å Ĵ +ðŁij ī +ï» ¦ +Ð ª +ë¥ ľ +íķ « +ï¾ ĭ +âĻ « +ê¹ ľ +ë° ¸ +ëĶ ĺ +íĿ ī +ï¾ ģ +ï¾ Ľ +ëł Ľ +ê² ¹ +ì¿ ¼ +ï» ¬ +âŀ ¤ +ðŁĻ ģ +ïº ł +ëĨ ¨ +ë¯ ¹ +ê¸ ĭ +ë» Ķ +ê¹ ĥ +ëij ij +íĭ ¸ +íİ Ļ +âŀ ĸ +ãĥ ½ +ì§ ļ +ï½ ¬ +ï» ¥ +íĮ ½ +âĢ Ĵ +ì ĮĢ +ìŃ ī +ëļ ± +ãĤ ŀ +íĭ Ī +ãĤ IJ +ëī ĺ +Î £ +ê³ ° +ë¹ Ĺ +ï¾ İ +ðŁĺ Ń +íĿ ł +ìĹ ¿ +ê° ļ +ì¤ Į +ë§ µ +ï½ ³ +ãģ ¢ +ï» Ĺ +âī ¦ +Ú ¤ +ë łģ +ê¼ ½ +ï» « +âī § +ì´ Ľ +ìł Ŀ +Ạ° +âĻ £ +ìº ĺ +âĪ ĩ +ê² ī +ë° Ł +ï» Ķ +íĸ ĩ +âĸ Ĵ +ðŁij ı +à ŀ +ðŁĺ Ĩ +ïº ¼ +âĿ Ĺ +ìº Ķ +ì¹ © +ëĸ ¤ +ëĥ ħ +âĶ ľ +ï½ » +Î Ķ +áĥ ¦ +ìŀ İ +âĺ Ģ +âĪ ¼ +ðŁĶ ¥ +ë° Į +ìł ĸ +íĹ Ľ +Î ķ +ïº ĥ +ë¶ ī +âĪ ŀ +íĥ Ń +à ĭ +âģ Ħ +ãħ ĩ +ëĦ ¥ +ëĭ ® +ëł · +íĮ Ŀ +ìº ¡ +ë· Ķ +ì© į +íĤ ´ +ëļ « +âĵ Ĵ +íķ į +âĻ Ĥ +ï¾ Ĩ +âĨ © +ìį © +ïº ķ +íĿ Ļ +Ñ ľ +íĤ · +íĿ ° +íĥ ± +ëķ IJ +ï¾ Ĵ +× ĥ +ëĮ Ħ +ìĺ ´ +ìķ µ +ê¹ ¥ +ëŀ Ń +ìª ¼ +ãİ Ŀ +ðŁĺ ħ +ëı ĭ +ëª « +ïº ¸ +ë® ¬ +ë² ħ +ëij ł +ìħ ° +ì» · +ëĶ ª +ëħ Ķ +ãħ ¡ +ìĶ » +íķ ı +ëį ± +ïº ¨ +ï¾ į +ï½ µ +ì¢ Ģ +íİ Į +ï» ° +ïº £ +Æ £ +ðŁ¤ £ +ï· º +ëĤ ļ +âĭ Ĩ +ë³ į +ðŁĺ Ħ +ìĸ Ģ +ìĻ ł +ëĨ Ķ +íĹ ¨ +ï» Ľ +ï» Ŀ +á» ¶ +ìĸ ĺ +ìİ Ħ +Ú Ĩ +ï» ŀ +ëĢ IJ +ê² Ķ +ï» µ +âĹ ¦ +íļ Ł +ê¹ ģ +ê° ĵ +ëĶ ´ +ìı ĺ +ëļ Ŀ +á» ł +ëŀ ´ +ëĦ ī +âĺ ŀ +ï½ ĺ +Å ½ +ë¦ İ +âĸ ¬ +ëŃ ī +âĩ Ľ +ìį ¬ +ïº Ł +Ë ľ +ë¶ ĵ +ìĽ ° +Å ľ +ëŃ ĩ +á» ² +Ë ļ +ëķ Ģ +âĺ ij +ðŁı ¼ +ìĸ ½ +âĮ Ĵ +Ð İ +É ¾ +íĮ ¡ +ï¾ ħ +ìŀ Ń +ï½ ¨ +ì¹ « +ìľ Į +Ò Ľ +êµ ¿ +ëĭ ¦ +âĶ Ķ +ï¾ ij +ì§ ĸ +ìº Ħ +ãĢ ĥ +Ê ¼ +ê² Ł +ï½ § +Ä ¢ +íİ ł +ë§ · +ê° ĩ +ìĭ ¹ +ðŁĴ ¦ +ï¾ ľ +ëĬ Ļ +ë² ¡ +Å ¿ +ðŁĺ ĭ +ðŁĴ ª +ì¿ Ħ +ë© ķ +ìŃ ¤ +ëĬ Ħ +ðŁĮ ¸ +ãĤ Ŀ +Ç İ +ï½ ļ +Ä Ĺ +ëģ ĵ +ê¶ IJ +áµ ī +ãĥ Ĥ +ê» į +ðŁĺ ¦ +ãĢ Ŀ +ðŁ¤ Ĺ +Ñ Ł +ìĹ İ +âľ Į +ìī IJ +à Ĩ +íĹ IJ +ðŁİ ī +Î ij +ï½ Ń +ðŁĴ Ļ +ìĽ ¬ +íĢ ĺ +ï» ¢ +ðŁĺ İ +íij ¼ +íĿ © +ï» Ħ +íħ Ģ +ëł IJ +ì¥ ¬ +Ð ĭ +ìĥ · +ëľ ¬ +ðŁĺ ĥ +ëĦ ¬ +ë¥ ¨ +ìĽ į +ï½ Ĩ +ï½ ´ +ãĥ ħ +à ı +ï» ª +âĻ ł +ëĬ ¬ +ë± Ģ +ë° ĭ +ìĥ Ģ +ï½ ¾ +ëĤ ± +ì» ¸ +ðŁĴ ĸ +ðŁij Į +Ñ ŀ +ì§ ± +Ë Ĩ +ðŁĵ ļ +âŃ ķ +ï¬ Ĥ +ï» ¡ +ëij ¬ +íĪ ¼ +âĸ ¸ +ê° ¯ +ê¹ ħ +ï½ ® +ëĺ ¥ +Ä ¡ +íĮ Ł +Ð Į +ìĨ Ł +ïº ĵ +ï» ¼ +à Ľ +ãĥ ¾ +ëĮ ĵ +íĴ ĭ +ìķ ĵ +ï½ ¹ +ëĤ ¡ +ðŁij ĩ +Ạ¼ +ãĢ Ł +ðŁĮ Ł +íĥ ł +ãĢ Ĩ +âĢ Ł +ë¸ IJ +ðŁĮ ¹ +ìł ¼ +ðŁĵ Į +ìĶ ¬ +âĹ Ģ +ðŁĴ ĵ +ê¹ İ +ìĤ IJ +ìĶ Į +Ñ Ľ +âĶ Ī +ë² ³ +ãİ ŀ +Õ ¡ +íĤ µ +ðŁ¤ Ķ +ëĢ Ķ +ìĬ IJ +íĻ ī +âľ ¦ +ëľ ¯ +ìł ¯ +ëĶ § +Î ¦ +Ë Ī +ìī ¼ +âĹ Ĭ +ëľ © +ëľ ° +ï¾ IJ +ë¿ Ķ +ìĹ ® +ì· Į +ïº § +Î Ĵ +ëµ Ļ +ï» Ĭ +ì° Ķ +íİ Ħ +ðŁĴ Ĺ +Ạ´ +ì° ¢ +íľ ¼ +ê½ Ĥ +ì± Ķ +ìī ´ +âĸ ¾ +íĪ ° +ëĭ Ľ +âĿ £ +ï½ ª +ðŁĴ ľ +Ë ĺ +ãħ ¤ +âĨ Ĺ +íĸ Ħ +âĻ ¬ +ìķ ° +ïº ľ +âī ¡ +ãĢ ĵ +ìij ¥ +íĮ į +íī ģ +ë» Ĺ +íľ ł +íľ © +âľ Ī +íĢ Ħ +ìĸ ĩ +ì¢ ĩ +íŀ Ļ +ëª ¹ +ãĤ Ľ +ðŁĺ ± +ëį Ł +๠ħ +êµ ¶ +Ù « +ìĶ ģ +âľ ª +ï¾ Ī +ðŁĻ Į +âļ ¡ +Î ļ +ì¼ Ī +ï¾ Ķ +ï¾ Ĥ +êµ ī +ïº » +ðŁĴ ĭ +á¹ £ +Ó Ļ +ìĨ ľ +ìĹ £ +âľ © +ìľ Ļ +ïº ° +Ạ² +ìŀ £ +âĿ Į +âĺ ģ +ìķ İ +Ä ½ +Û ģ +ãĦ ± +ëŁ ¿ +íĮ ¸ +ê½ ī +ìı ł +ðŁį Ģ +âĨ Ķ +ëŃ ¡ +ï» ģ +ï¼ Ħ +ðŁĴ ¥ +âĺ Ľ +íĹ · +ëij ¡ +Î ł +Î ¤ +âĦ ĵ +ïº · +Î Ļ +ëı Ķ +ì§ ¤ +âĶ ĥ +ãĦ · +Ç Ĵ +ðŁ¥ ° +ëĶ ķ +ìļ ¥ +ì¸ Ħ +íĽ Ķ +ïº ĩ +ïº ¬ +ðŁĺ ¢ +ë¹ ¡ +ìĶ ¹ +Å ³ +Ë Ŀ +íİ ij +ï¾ ĵ +ðŁĴ ļ +ëĬ ij +êº ¾ +íĨ ° +à ¿ +Ð Ħ +ëĮ IJ +ë½ Ģ +ì· Ħ +ðŁ ĵį +ðŁĻ Ī +âĹ Ī +ê¿ ĩ +ì¼ Ħ +íİ « +ðŁĩ · +âĶ ĭ +âļ ł +ë± ī +ì į° +ìĻ Ī +É ª +ïº ĭ +ðŁĺ ľ +Î Ł +ðŁ ĻĤ +âļ ½ +Å Ī +ë¹ Ķ +íĮ ľ +๠ı +ìĸ ¹ +íĪ Ń +ðŁ¥ ĩ +ãĦ ´ +ëĶ ¥ +ìŃ Ī +âĪ Ĩ +ëĸ ³ +ë± ĥ +ìŀ ¦ +ï» IJ +Î ľ +âľ § +Ï į +ìł ĵ +âĹ ķ +ëĴ Ģ +ï» Ģ +ðŁĶ ´ +ê½ ģ +ëĮ Ī +ëİ Į +ãĤ İ +⦠ģ +ì½ § +ï¯ ¾ +âĿ ¯ +ภħ +ðŁĻ Ħ +âĿ Ģ +ðŁĶ ¹ +âĩ IJ +êµ µ +âĩ Ķ +ë¶ IJ +ðŁĴ Ľ +Î ¾ +íĥ ¬ +âĿ Ħ +Ò £ +ãĢ ° +âĪ ij +âĺ ¼ +âī ł +Ò ¯ +ïº ¯ +ê¿ ¨ +âľ ĸ +Ê ĸ +íĢ Ģ +ê¾ Ģ +íĹ Ŀ +âĶ £ +ãİ ľ +ëĶ Ľ +ëľ ¸ +ï º« +ê¿ ° +ðŁĩ ¹ +Ç IJ +Û Ĵ +ë£ » +ïº ĸ +Ñ ļ +ëĬ ł +Û ķ +ê¹ ¡ +ë¿ ľ +ì² ¼ +ï¨ ij +ë¥ µ +ìį ¸ +íħ ħ +íij ¹ +Ö Ģ +ï³ Į +ãħ £ +ìij ¤ +ì½ ķ +ëķ ł +ðŁĮ ¿ +íĥ Ķ +ìĽ ģ +Î ¶ +âŀ ľ +ìĬ ĺ +íĽ Ĺ +ë© § +ìī ĺ +Õ ¶ +á¹ ĩ +ðŁİ ģ +ï½ ¿ +ï¼ Ĥ +á¼ IJ +âľ ķ +âŀ ¢ +ëĦ ¨ +ì» « +ì¯ Ķ +ì° ľ +ðŁĴ ° +íħ Ŀ +ãİ ı +ë³ ¶ +Ò ĵ +âĨ ³ +ìĥ ´ +íģ ĺ +âĸ Ģ +ë² Ļ +ภĥ +á½ ¶ +Ä ķ +⬠ĩ +ë¤ ĺ +ðŁİ µ +âľ ļ +ïº ı +Î ¡ +âĹ ī +ðŁĴ « +Ð Ī +ìĸ Ħ +ì§ Ļ +ï» ĥ +ðĿij Ĵ +ëŃ Ħ +âĿ ¥ +âĿ ĸ +âĺ Ŀ +Ê ¹ +Ḡ¥ +âĢ ¿ +ãħ ħ +ê¸ ģ +ëķ ¡ +ëį ¥ +âĪ © +ê» Ħ +ë® Į +Ò ± +âĪ Ĺ +ëł Ļ +ïº Į +Ë IJ +ðŁĺ ³ +ðŁij © +ðŁİ ¶ +ì¿ µ +ðŁ¤ © +ê· ¤ +ëĮ Ķ +ïº IJ +Ï İ +ì¶ ¥ +ï½ Ĭ +á¹ Ń +ë¤ ¼ +âĸ « +ì§ ł +á¼ Ģ +ê» ij +ëĮ ģ +íĢ ¸ +âĻ Ľ +ðŁĴ ŀ +âĸ ° +ðĿij ĸ +ëĿ ¤ +ठ¦ +ì´ ĺ +ðŁĺ ĩ +ëĶ ¤ +Î Ĺ +ðŁĻ ĩ +Ë Ľ +ì© ¡ +âĪ § +Õ ¥ +Ñ Ļ +ëIJ ¬ +ëĸ Ħ +ðŁĮ · +ìĹ Į +ðŁĺ ¥ +ëĪ ´ +ï» ļ +É Ľ +ïº Ħ +ï» ı +Å Į +ë² ļ +ìĭ £ +ïº Ģ +Î ĵ +ðŁĺ Į +Ë Ļ +ëŀ ı +ðŁĶ ¸ +ðŁĵ · +ëģ ½ +íģ ½ +ðŁĴ ¡ +ðŁĮ ± +ëº ı +ìģ ł +ìĥ IJ +ëı Ĺ +ì¸ ° +ëĪ ķ +Î Ŀ +âģ ī +ðŁĮ ¼ +íĮ ł +âĭ ¯ +áĥ ĺ +âľ ¤ +ê± Ķ +íĮ İ +ðŁĴ ¯ +ìı Ļ +íĹ ī +Ù Ń +ì½ ° +ïº ¿ +ï» ± +ì± Į +âĺ ķ +ðŁİ Ģ +Ä Ŀ +ë° § +ìĤ ¿ +áij ķ +ðŁį ĥ +âĩ ¨ +Î Ľ +ë§ ´ +ë³ ķ +á ijIJ +âĸ ĵ +ðĿ ijľ +âĻ » +íĤ ¥ +Õ ¸ +ãĪ ± +ëº Ģ +ì² ¸ +ïº Ľ +ðŁı Ĩ +ðŁĩ ª +âĿ ĵ +Ä Ģ +ì½ ¥ +ðŁĩ § +á½ · +âľ Ĥ +ìŀ ¼ +ï§ ¡ +ðŁĵ ¸ +âĻ ¯ +É Ķ +á½ ¸ +âĮ ª +ï» ĸ +ï¥ § +âļ « +âĶ Ĺ +ðŁĮ Ī +ï» © +ðŁĵ ² +Ï Ī +ðŁĺ ¡ +ðĿij İ +ìľ ½ +ì§ ¬ +ì§ Ĭ +á½ ³ +ìĮ ¤ +ëĤ į +âī Ĵ +ðŁij ¨ +âĺ ĺ +Ó © +âĤ ĵ +âĪ Ĥ +ï¹ ģ +ðŁĴ IJ +íħ ĥ +ðŁı ½ +ê· Ħ +ðŁĺ ı +ðŁĮ º +ðŁĺ Ķ +ï½ « +âľ İ +ëµ Ī +ðŁĩ ¸ +âĢ £ +âŀ Ķ +ëĺ ĺ +ìĥ ¬ +Ê ĥ +⬠ħ +ì© IJ +ðŁĻ Ĩ +ðŁİ Ħ +Ä ¾ +⣠¶ +áĥ IJ +âĺ » +ì± ķ +ìģ © +ë½ ķ +ìº £ +ðŁij Ī +ðŁĻ ĭ +ï¾ ĸ +Ò ļ +Õ « +ìĮ Ī +ë² § +ðŁĩ ® +ï½ Ŀ +ðŁį ģ +ìĹ ¥ +Ä ³ +ë½ IJ +íį ½ +íĽ ij +âĤ ¹ +ãħ ģ +ìĶ ½ +ðŁĶ ģ +ठ¯ +ê¾ ¹ +ëī ľ +âĹ ¡ +íķ Į +Î ĺ +ë£ ¹ +ìĻ ĵ +ðŁĩ ¦ +ðŁij Ģ +âĶ Į +á¿ ¦ +ëĦ Ľ +ìĦ £ +ìŃ Ļ +ï± ł +Î ŀ +Ê » +á¿ ¶ +âĿ Ŀ +ê± Ģ +ëĸ ´ +ãĦ ¹ +ðŁĴ İ +Ï ¹ +⼠ħ +ï» ķ +ãĥ ± +ï½ Ľ +ëĮ ķ +ë¹ ½ +ì¥ Ķ +ì¿ ¤ +ðŁĸ ¤ +Ñ Ĵ +ê¹ į +ëİ Ģ +ìĭ ¯ +ë» ¤ +ðŁĵ ŀ +ðŁĵ £ +ðŁĺ Ŀ +ìį ¹ +ìĹ ¡ +ì° IJ +á½ IJ +ï» Ī +âľ į +Ä ı +ðŁĮ ŀ +âĦ ¦ +ê½ Ŀ +ë» ĺ +ìĪ ± +âĶ ĺ +ðŁĮ » +âĤ ´ +âŀ ¨ +íIJ ģ +ê ¶Ī +âĺ ¢ +ðŁĺ Ī +ï½ © +âĦ Ĺ +ê° Ń +ê° ¸ +ë» ij +ì¥ ´ +ì» ¥ +ï¤ Ĭ +ï» Ĵ +ðŁĺ ķ +âĺ Ķ +ìĺ IJ +ðŁļ Ĺ +ëĹ Ħ +ë§ ı +Õ ½ +âĸ » +⣠µ +ìī ° +ï» ij +âĻ © +Î ¥ +ðŁĺ £ +âĬ Ĥ +ãħ Ĥ +ìħ ¸ +íı Ħ +âľ ½ +ì¦ Ļ +âĸ £ +ê± į +ê¿ ĭ +ì« Ħ +ìº ĩ +ðŁĩ µ +ðŁij ij +âľ ĺ +ðĿij Ľ +ìį ½ +ìº ī +ï¬ µ +ðŁĶ º +âĦ ® +íĥ ¤ +ðŁĩ º +ðŁĴ µ +íħ ¨ +ï½ ij +Î ¨ +ìĥ ¹ +ìĸ ķ +ì¹ µ +ðŁĵ ± +ठµ +ðŁij Ĭ +ðŁĴ Ħ +ðŁĴ Ŀ +ãĮ Ķ +ìĻ ģ +Ð ĩ +à® IJ +âĸ ¹ +á´ Ľ +âĹ ĺ +ëº ¨ +íĥ ī +ìĸ Į +ðŁIJ ¶ +ãĤ ij +Ë ĩ +Å ı +á½ ¹ +ìħ § +ï¹ ° +ðĿij ¡ +ðŁĶ Ŀ +ðŁĺ » +ðŁĴ ĥ +ðŁ¤ ¦ +ðŁį Ĵ +íĢ µ +âľ Ĩ +ë¹ ´ +ï§ ¤ +ï» Ļ +á´ Ĺ +ðŁĮ ´ +Í ¾ +ëĮ ij +ì¨ ĭ +ìµ ¸ +ðŁİ Ī +ðŁı ł +á½ ± +Û Ĩ +á¿ ĸ +âĢ Ľ +ì° ¼ +íķ ¥ +íĹ ´ +ðŁĩ ¬ +ì° Ŀ +âĪ ł +ï¼ ĩ +âĬ Ļ +âĿ ij +ëĦ ĭ +ëŀ Ĺ +ë° ī +ìĹ Ĭ +ì¢ Ĩ +íĮ ¥ +ï° ² +ðŁĵ ĸ +ðŁĺ ® +âļ ª +ðŁĺ ļ +âĿ ŀ +ðĿij Ł +ðŁİ Ĥ +Å ķ +áIJ Ī +êº ½ +ì± ł +ïº Ŀ +ê¿ ī +áĥ ł +ðŁı ĥ +ðŁĴ ¸ +âĿ ģ +âĹ ¾ +Ú ª +á¹ ĥ +íĬ ¬ +ðŁĩ ± +íİ Ń +ðŁĺ ŀ +ë¾ ° +á¹ Ľ +ëĽ ¸ +âĿ Ĥ +êĴ ³ +âĶ IJ +íĵ ° +âŀ ł +ê´ ĺ +ëħ ĺ +ë» ¥ +ì¾ ħ +ðŁĺ IJ +âĪ ª +ðŁij ģ +âĪ ´ +âĹ ģ +ëº IJ +ìŀ ¤ +ì± Ĺ +ðŁı ¾ +Î § +á½ » +âŀ ¥ +ìŁ Ī +ï» ī +âĸ Į +ãĥ ® +ðŁ¤ ¤ +âĩ ĵ +ì¼ ł +á´ ı +ë§ ¬ +ë» £ +ðŁĴ ¬ +ðŁį ĵ +Ä ¸ +Ù ¹ +Ê ¿ +á½ ° +ëķ ľ +ì° ¡ +ì° » +íİ į +ðŁİ ¯ +ðŁį Ĥ +ðŁij § +âĻ ¢ +áĨ ŀ +âĻ § +âļ ľ +âľ ī +ëĵ ¦ +ëŃ £ +ìĪ ı +ìĵ ± +Å Ń +Ê Ĭ +âĴ ¸ +âĩ © +ðŁĴ Ķ +Õ µ +Ð ī +Ò » +ë§ £ +ìĽ ľ +ì¿ ¡ +íĽ ħ +íĽ ¤ +ïº ¢ +âľ ĭ +âĪ Ī +ðŁĮ į +Ê ľ +ëĬ ª +ëĴ ¹ +ïº ² +âĸ Ħ +ãħ Ī +ëļ ¤ +íİ © +âĪ ¨ +ðŁ¤ ª +áĥ ļ +ê³ ¶ +íĬ ķ +ðŁĺ ¬ +âĪ « +ðŁij ĭ +Ò IJ +íĬ ¿ +ðŁĶ µ +ðŁĴ ¨ +ðŁĮ Ļ +ëĩ © +âľ ³ +ë¨ ģ +ëº Ħ +ìĻ ij +ìº ħ +íı Ī +ðĿij Ļ +ðŁĴ ĺ +ãİ ¥ +âĿ ı +âľ ° +ï¯ ¿ +ëµ IJ +ì¼ IJ +ïº ± +Õ ´ +ï¬ Ģ +âľ ´ +ðŁ¤ Ń +ðŁij Ĩ +âĽ Ķ +ê· ĵ +ìĮ Į +ðŁ¤ · +Û Ķ +ðŁ§ ¡ +ðŁĺ ĵ +Î ĸ +âı ° +ê² ľ +ëĭ ³ +ëİ ħ +ë° Ī +ï® IJ +ðŁı ¡ +âĨ ª +âĵ Ķ +âľ Ĭ +Ï ² +Ü IJ +ðŁĩ ³ +Ö Ĥ +âľ ı +ìĸ Ĺ +ì« Ļ +ðŁĺ ² +Ä Ń +âĻ Ń +âĶ ı +âĹ Į +ðŁĺ ¯ +áµ Ĵ +íĬ ł +Ä · +Ê ģ +à¤ Ł +á¹ ģ +á¼ ° +á¿ Ĩ +â « +â« ¸ +ëį « +ì³ ĩ +ì¼ ¤ +íĽ ¨ +ðŁĴ Ł +Ê Ģ +Ê ³ +ëĵ IJ +âķ ° +âĿ ĩ +Ç Ģ +Ç Ķ +É ´ +âĺ ļ +âĺ ľ +ê¶ Ĥ +ì« Ĵ +ì± Ī +ðŁĩ ¨ +ðŁİ ¥ +ðŁĵ Ŀ +Ä § +ðĿ ijIJ +Û Ī +ठ¬ +ì¬ IJ +íĹ ¥ +âĻ ¨ +ðŁį ´ +ï¹ ı +Ë ĭ +ðŁ¥ º +âĸ ¨ +íĻ ĭ +âĪ ħ +ëģ Ļ +ëŀ ł +ìĨ ¥ +âĢ ĸ +ðŁ¤ ĺ +ðŁIJ » +áµ ķ +Ç Ŀ +âĺ ı +ïº ļ +ï» Ĥ +ðŁļ © +ìĪ Ł +Ë Ĭ +⤠µ +ðŁĴ § +ã ħį +ë© © +Æ ¬ +Î ĩ +âĩ § +âĵ ļ +ìĤ ¯ +ìĪ ¯ +ëĨ ĭ +âľ ¯ +ðŁļ Ģ +Ú ĺ +Ú ¨ +âľ Ń +ê² ħ +íĮ ° +íľ Ļ +ðŁĮ Ĭ +ðŁİ ĵ +ðŁĺ Ļ +Ë ĥ +ðŁĴ ģ +ðŁij İ +âĺ ¹ +ðŁĺ « +ðŁĴ » +ëĤ µ +ìĿ Ĭ +íĮ » +Ò ³ +á½ ² +âŀ ŀ +ëĤ ij +ëĿ Ī +ì£ ¤ +ï» ¯ +ðŁĩ © +ðŁ¥ ³ +âĴ ¼ +ðŁ¦ ĭ +âĺ Ĥ +ðŁĺ ° +ðŁĻ ĥ +ðŁĺ Ĵ +Û İ +Ï ķ +Ḡ¤ +ë£ ½ +ìĬ ¥ +ðĿij ī +É IJ +ðŁį İ +âķ ¯ +âķ ¹ +ຠ² +ï¾ ł +ë¹ ķ +ïº Ĩ +Ê º +Ó § +âĨ ł +ëĥ ĩ +ìİ Ī +ìŁ ¤ +ï± ¢ +âķ ¬ +âĺ ł +ðŁİ Ĭ +ãį į +ãİ İ +âĺ ° +âľ ĥ +ãħ ī +ë¯ Ī +ë¹ ¤ +ìı Ń +ðĿij ¢ +ðŁIJ ¾ +Å ĭ +ðŁij ¶ +âĶ Ľ +ï¿ ¢ +áĥ ¡ +Ä ¼ +Å Ĩ +Ñ IJ +ìĥ Ľ +ìĺ Į +ì± ¤ +íħ ģ +íļ ĥ +ï³ Ĭ +ðĿij Ķ +ðŁĩ « +âĭ ° +ðŁĺ ¨ +âĤ © +Õ ¬ +Ḡį +á» ´ +âĨ ĺ +âĺ ¯ +ãħ ı +ìł ¬ +âĻ Ķ +ðŁĶ Ķ +ðŁĺ ł +ðŁĻ Ĭ +à® ľ +á¹ ħ +âĹ IJ +âĿ Ī +âŀ ½ +ìĥ ħ +ðĿij ł +Æ ¢ +âĭ Ļ +ê° Ľ +ëĿ µ +ë£ Ł +ìı ľ +ïº ģ +ðŁĴ Ń +âĬ ĥ +ðŁIJ ° +ãħ Į +Ü ĵ +âŀ ķ +á½ ģ +ìķ ³ +ðĿij Ŀ +ðŁİ ¬ +É ¡ +à¤ Ĺ +áIJ ī +ì© ľ +ì¶ § +ï³ ī +ï» ħ +ðĿIJ ŀ +ठ¶ +ðŁĵ ¢ +ðŁį ĭ +ðŁĴ ħ +ï¾ ķ +⬠Ĩ +âĪ µ +ðŁ¤ ij +áĥ £ +Æ Ħ +Ñ ¹ +á¼ Ķ +ê° ł +ê´ Į +ê· IJ +ëĽ ´ +ì± ĺ +ï® Ń +ïº ¹ +ïº ¾ +âľ Ĺ +âĿ ¦ +ðŁij ¦ +áĥ Ĺ +Ù ² +á½ ´ +âĪ ı +âľ ® +ê¹ ° +ë² µ +ìĦ Ģ +ì© Ŀ +ïº ŀ +ïº ½ +ðŁĩ Ń +Ë Ĥ +ðŁį ij +ðŁį Į +ðŁĶ » +ê¹ ¬ +ìĬ Ń +ìľ · +ðŁĽ ij +Ç § +ë¼ Ľ +ïº ¡ +ïº º +ðĿij ļ +ðŁĵ ¦ +ðŁĶ İ +ðŁĹ ĵ +áĥ Ķ +âľ Ĵ +âľ ¡ +ðŁĮ µ +âĶ ķ +ëĢ Ŀ +ðŁį Ĭ +âĺ ĥ +ìĺ ħ +ঠ¬ +ðŁ¦ ģ +âİ ¯ +ðŁIJ ķ +Ñ ¿ +ॠ¤ +༠ĭ +ê· Ī +ì« Į +ðŁĩ ° +âĿ ī +ì« Ģ +íĿ Ħ +ðĿIJ ¢ +ðŁļ ¨ +âĻ ¤ +ðŁĺ © +ðŁį į +ðŁĺ ij +ðŁļ ļ +Ö Ħ +ë « +ë« ¼ +ठı +á¿ · +âĮ © +âĺ IJ +âŀ £ +ê¸ ± +ê¼ ¿ +ëĦ Ŀ +ìı ´ +ìļ ¤ +ì¿ ± +íİ IJ +ðŁĴ ¢ +ì´ IJ +âĩ ij +âĶ ĵ +âģ ¾ +Ü Ŀ +ðŁ į° +â´ ° +Æ ı +Ï Ł +Ú º +Û ĥ +áĦ Ĵ +âĪ Ł +âĿ į +ãĦ ² +ìľ ħ +ì¤ ı +ðŁĩ ² +êº Ħ +ðŁİ ¤ +âľ £ +⸠Ŀ +ï¸ µ +ຠ§ +áĢ Ļ +âķ ł +Õ ¯ +âı © +ðĿij £ +ðŁĴ £ +Å ĺ +ॠIJ +âģ ĥ +âĮ ĺ +ê» Į +ìĮ Ķ +ðĿij ĺ +ðŁ¤ ĵ +Õ ¿ +à¤ Ń +âĮ ļ +âľ Ŀ +ðŁIJ ¼ +Ë Į +âķ ļ +ï¦ Ĺ +âĿ ķ +âķ £ +ðŁIJ ± +à® ¤ +Ñ ¾ +ठļ +ठľ +ìĪ Ħ +ìļ ľ +ðŁİ ® +É Ĵ +Ú · +ຠį +âĨ µ +â Īĺ +âĿ Ĭ +ë¿ į +ìIJ Ī +ìļ ĺ +ì¯ § +íĥ ¯ +ìĸ ı +ï¸ ° +ðŁĩ ¯ +ðŁ§ ļ +ðŁĺ µ +ðŁĺ · +ðŁĮ ³ +ຠ¥ +Ä ī +Ä ¥ +âľ ¶ +á¿ ¾ +âĬ ± +âĺ ¾ +ê° ī +ê¼ ° +ëº ij +ðŁĶ Ĭ +ðŁĸ IJ +Å ¤ +Ò « +à® ® +âĮ Ī +âĹ Ĺ +ëĦ µ +ëħ ľ +ëľ ¹ +ðĿij ¥ +ðŁĴ ¿ +ðŁĽ Ĵ +Ê Ĵ +áŀ ĵ +ðŁIJ Ŀ +ðŁ¦ Ħ +ðŁį · +âĺ Ł +ï¸ ¶ +ðŁ¤ Ł +Ô ± +âĨ ² +âĪ İ +âľ « +ëĩ ½ +ëı IJ +ëķ Ħ +ï¦ ³ +ï§ Ŀ +ïº Ļ +ðŁij » +ðŁĵ º +êµ ¼ +ìĮ © +ðŁĮ ² +È ± +íĶ ķ +ðŁĺ ¤ +ãĮ ¢ +Ê Ķ +ठ¡ +á¼ Ī +ëİ ĥ +ë© ± +ë® Ī +ðĿIJ « +âĬ ķ +ëĥ ł +ë» ¬ +íĭ Ķ +Õ ¤ +á¼ ± +âľ ¥ +âĺ Ħ +âĪ ¥ +âļ ķ +ðŁij Ħ +ðŁİ ħ +àº Ļ +âĶ ¬ +á½ µ +Õ ¾ +Ö ģ +âĹ Ķ +ê¿ į +ëĸ µ +ë© İ +ë® ´ +ìķ ´ +áĥ ľ +á¼ ¡ +âĶ Ĭ +âķ ® +âĹ ¼ +ðŁį ¾ +ðŁĽ į +ðŁij Ĺ +ðŁ¤ ŀ +âľ Ħ +Õ Ģ +ঠ² +Ë ī +⣠¨ +Ä ¯ +Ï Ĭ +á´ ľ +ë¹ ³ +ï³ ĭ +ï¿ ł +Ä ª +âĤ ¸ +âľ ± +ê» IJ +ëĭ » +ë§ ¸ +ìŀ ¿ +ì© ¨ +ì ŃIJ +ì° ¿ +íħ Ł +ðĿIJ § +ðĿij ij +ðŁĮ İ +ðŁĵ ® +ðŁķ Ķ +âĹ Ļ +âĹ » +âŀ § +ìŁ Ŀ +âľ ¬ +ãĥ ° +âģ Ī +â ĵĺ +ðŁ ĴĮ +ï¬ ĥ +àº Ķ +ìĶ ° +ðŁĺ ª +× Ģ +ìĥ ¨ +ïŃ ĭ +ðŁį ķ +ðŁĺ ´ +Ï ³ +á¼ Ħ +á½ ħ +âĩ ¢ +âķ Ń +ìĺ » +íĬ ¤ +Ü ĺ +⤠´ +âĹ į +áŀ Ł +ðŁį º +áŀ ļ +ðŁı Ĭ +ðŁIJ · +Ê Į +á½ º +âģ » +ê½ Į +ëĪ Ĺ +ë Ĺı +ì¿ ° +íĢ ¼ +íį ħ +ï· ² +ðŁĮ ı +ðŁį « +ðŁį ³ +ðŁİ ° +ðŁij ° +ðŁĴ ² +á¥ Ļ +ðŁIJ Ł +ï¿ ¡ +ðŁĹ £ +ðŁį ľ +âľ ² +ãİ ¢ +ðŁĶ ° +á¼ ¸ +á½ ij +Ä İ +áĦ Ģ +âĻ ķ +ëł Ŀ +ìĪ ´ +ïŃ Ń +Ó ľ +Ô Ģ +ëĢ ľ +ëĥ Ķ +ìĬ Ľ +ì« ij +ìº ¥ +ìº ¬ +ðĿij ¦ +ðŁĶ ¶ +ì¾ ¨ +ðĿIJ ļ +ðŁį » +ðŁĴ į +ðŁ¤ ¡ +ðŁķ Ĭ +â½ ĩ +âĵ IJ +ðŁį Ń +ðŁį ª +ðŁĶ Ĩ +Ò ¡ +á´ ĩ +É Ĺ +Ü Ķ +âĦ İ +âĿ ĥ +ëĹ Ģ +ï² Ķ +ïº Ī +ðĿIJ » +ðŁĴ Ĭ +ðŁļ « +Ñ ° +Ñ ³ +ठ· +âĹ ł +ðŁij ¤ +ï¾ ĩ +âĺ ĵ +ðŁį µ +ðŁ¤ ¨ +âĸ Ń +à® ´ +Ü ¢ +Ü ¬ +à´ ® +ðŁķ º +Ô ¹ +Õ £ +à´ ¯ +á ´Ģ +âĮ ī +âľ IJ +âŀ ¦ +ê¹ ½ +ëĮ ľ +ðŁı ¥ +ðŁĵ © +Ò ¹ +Ó ĺ +ठħ +âĿ § +Æ Ĺ +âĹ ½ +ðŁij « +ðŁİ § +ðŁij £ +âľ » +ðŁĻ ħ +ðŁĺ ĸ +ðŁĴ ® +ຠ° +ðŁĶ ľ +ðŁį Ħ +ðŁ¤ Ŀ +á ĥĿ +áŀ Ģ +âĩ ¦ +Ê ¾ +Ò ® +Õ ¼ +ठĨ +âĹ ħ +âļ ĵ +âļ ĸ +ê¿ © +ë¯ Ħ +ìIJ IJ +ìŀ ° +ì§ Ń +íĭ ĭ +íİ ¨ +íĻ § +ï² ij +ðŁİ Ĺ +Ù ³ +ðŁij ¸ +ঠ® +ðŁij ķ +Ú µ +âĢ ¾ +âŀ ° +ðŁij ¯ +ðŁİ ¼ +ðŁı ģ +Ä º +Ê ı +Ú ³ +âı ± +ê½ Ī +ëĿ Į +ìĮ ī +ìĹ · +ìŀ ´ +íĹ ¹ +íľ ¨ +ðĿĹ ² +ðŁĮ IJ +ðŁİ Ļ +ðŁı µ +íĽ Ļ +ðĿij ħ +ðŁĺ ¶ +âĵ ħ +âķ ¥ +ðŁį ı +ï¦ İ +Õ © +ðĿIJ Ħ +Ó £ +Ú ¿ +âĻ ļ +ðŁĶ Ĺ +Ḡ« +âĭ ® +âĸ ¦ +⼠½ +âľ µ +ãħ Ĩ +ãħ Ĭ +ëĦ Ļ +ëĿ ¨ +ë¥ Ħ +ìĦ ¦ +ì§ ° +ì§ ¹ +íī Ī +ï§ ij +ï» ĩ +ðŁĮ ¾ +ðŁı ĸ +ðŁIJ ij +ðŁĴ ³ +ðŁĵ Ĩ +Û ĩ +Ü ķ +á½ ½ +ëĦ ľ +à´ ² +à´ ³ +àº Ń +áĥ Ľ +âĿ Ķ +âij ħ +áĥ ¥ +ðŁĵ ħ +âŀ ³ +á´ µ +ï¹ ¡ +ï¹ ¶ +Î Ĩ +ठ¥ +áī µ +âĿ Ļ +âĿ ± +ëī ł +ëİ ł +ëı Ľ +ë¿ ħ +ìĶ ¸ +íij ¯ +íŀ ī +íŀ Ľ +ï§ Ħ +ïŃ ĺ +ïº ¦ +ï» ¸ +ðĿij Ĥ +ðĿij ı +Ï ij +Ú ł +áĢ Ķ +áŀ Ķ +á¹ ¢ +ëĦ ¸ +ðĿIJ ¨ +ðŁĩ ´ +Õ ° +ðŁij ł +ðŁį Ĩ +ðŁı Ģ +ðŁ ijIJ +ðŁį ĩ +ðŁIJ £ +áĪ Ń +Ü ª +ðŁ ĮĢ +áŀ ĺ +âĩ Ħ +ðĿIJ Ģ +Ê Ļ +âĶ ¼ +ðŁı ¿ +Æ · +È ł +Ñ ½ +âĤ ¨ +ê´ Ń +ê¹ » +ëĶ ¨ +ìĪ Ģ +ì¾ ° +íĨ Ī +ï® § +ï¯ ½ +ðŁĶ ħ +ðŁĶ ® +Å ¢ +Ê ° +Ñ ¸ +ठ£ +âĬ Ĺ +ëª Ħ +ï¹ · +ïº ħ +ðĿIJ µ +ðŁĮ ¶ +ðŁĵ ° +ðŁĶ · +ðŁĸ Ĵ +ðŁ¤ ² +ëī © +ðŁİ Ĩ +ðŁ§ IJ +ðŁį ® +âĨ º +âĿ ¢ +ðŁij ª +ðŁij ± +âĨ ¡ +áŀ ı +Ú ķ +ðŁį ¹ +ðŁĴ Ģ +Ë ® +Ó ¨ +Ö ħ +ठĩ +âĤ ¡ +âĪ ķ +âĺ ī +ê¹ ¼ +ê¼ IJ +ì½ ¸ +ðĿIJ ¬ +ðŁı ħ +ðŁij Ļ +ðŁĴ ī +ðŁ¤ Ļ +È ĺ +É ³ +É ¹ +Ù º +áĢ Ħ +á¿ ³ +âļ ĺ +âĿ Ĩ +ëĨ ī +ìĸ į +ìĺ ĩ +ì¥ ĺ +íĸ ħ +íĻ ij +ï® Ĭ +ï¿ Ń +ðĿĴ IJ +ðĿĹ ¢ +ðŁĶ ĸ +ðŁĶ ¨ +ðŁļ ij +ðŁļ ² +Æ ¸ +âĹ ¥ +ðĿIJ Ń +ðŁį ½ +âĹ ij +âĵ ĩ +ðŁĶ ± +âľ ¼ +ï¹ ĥ +âķ ± +ãĢ Ĺ +ðŁı ĭ +ðŁļ ´ +ðĿIJ ® +Ä ļ +Õ ı +Ä ¶ +áĥ ij +á¹ ¬ +Ä Ī +Ä Ĵ +Ò ° +Ó ķ +â IJ +âIJ £ +âĹ ¢ +âļ Ļ +ãħ Ĺ +ê° ¬ +ê³ ª +ê» Ģ +ëĦ ´ +ëİ ģ +ëĿ Ķ +ë¬ ½ +ëŃ į +ìĩ ³ +ì° ¹ +íĮ ¹ +íŀ Ŀ +ï® ĭ +ï ¶Ī +ðĿĴ Ĥ +ðŁ¥ Ģ +ðŁ¦ ħ +Ê ĺ +á¼ ij +âģ İ +ðŁį ŀ +âĨ ĸ +âĨ Ļ +ðŁİ ĥ +âĦ ¡ +âĭ ± +ðŁĶ į +ಠ¨ +áµ ĥ +âĶ « +⦠¿ +ðŁĩ » +Æ ¤ +Ò ı +Ò · +Û ī +à® ķ +Ḡ³ +ï¬ ± +ðŁĨ Ķ +Ú Ń +Û ¦ +áħ ¡ +âĦ ¹ +ê¿ İ +ëķ Ķ +ë¼ ī +ìļ § +ì² µ +ì´ ¨ +íĬ Ī +íĸ IJ +ðĿĹ ĺ +ðŁĩ ¿ +ðŁİ ĸ +ðŁij ħ +ðŁ ĵĺ +ðŁļ Ļ +ðŁĽ µ +à¶ ½ +⼠µ +ðĿIJ ³ +ðĿIJ ¸ +âļ Ķ +ðŁij Ń +Ó ij +âĶ ¯ +ðŁħ ¿ +ðŁĺ ¹ +ï¿ « +â¼ ¤ +ðŁĴ ĩ +ðŁĵ İ +ðŁĸ ĭ +ঠ¸ +ðĿIJ į +Ä ² +Ï ĭ +Ñ ¬ +Ú ¬ +Ü Ĵ +á´ ¬ +ï¨ Ħ +É £ +Ë ij +Ï µ +Ò Ŀ +Û ¥ +Ü ł +๠Ľ +áĥ ķ +áĬ ķ +á¾ ¶ +âĤ · +âĩ ¾ +âķ © +âĸ IJ +âĺ ª +âĺ ® +âĿ ļ +âĿ Ń +âŀ ± +âµ İ +ãı Ĭ +ë© ĵ +ìĹ ¾ +ìª Ħ +íĵ Į +íķ ¼ +ïŃ ¬ +ðĿij Ĩ +ðĿij ŀ +ðĿĸ Ĭ +ðŁİ ¸ +ðŁı Ħ +ðŁij µ +ðŁĴ ł +ðŁĶ ĺ +ðŁ¥ Ĥ +Å ª +à· ĥ +á´ ¼ +âĬ ° +ë³ ı +ë´ £ +ï¥ ľ +ðŁĵ Ī +ðŁķ ¯ +ðŁ§ Ģ +âĻ IJ +ðŁĨ Ĺ +ðŁĵ ķ +ðŁ§ ģ +Ü « +âĿ IJ +Õ ķ +འķ +âŀ Ŀ +ঠķ +ðĿIJ ¶ +É ¢ +Î Ħ +áĨ ¢ +âĤ ± +Õ į +à¡ ķ +á´ ° +Ḡ© +⼠· +âĿ ® +ê¡ ĵ +ëı ¤ +ëĹ IJ +ëµ Į +ìij Ī +íı ¿ +íĹ µ +ðĿIJ İ +ðŁĨ ĺ +ðŁı Ł +É ¥ +Õ » +à¡ Ķ +ठĸ +á´ ¸ +âİ Ļ +âİ ¥ +âı ³ +ëģ ķ +ëĬ ī +ì¡ į +ì¹ ¡ +ï¦ ¶ +ï¬ Ł +ï® « +ï® ¯ +ï± ĥ +ï ·» +ïº µ +ðĿĹ Ķ +ðĿĹ ¡ +ðŁİ ¨ +ðŁĶ Ĵ +Ú Ľ +ठ§ +âŀ ¹ +áĢ Ģ +ðŁį ħ +âĹ ¤ +ठł +ðŁIJ ¥ +áĥ Ĵ +ðŁı Ŀ +ðŁį ¼ +ãĮ § +âĿ Ľ +ðŁIJ Ī +ঠ¯ +áĢ ŀ +ãĢ ĸ +áŀ Ļ +ঠª +Õ Ĩ +âĬ Ĩ +âľ ¾ +ðŁIJ Ĺ +ï¹ ¿ +Ä ¦ +Ü Ł +ಠł +ಠ¥ +áŀ ī +á´ ¥ +á´ © +á½ Ģ +á½ ¡ +âĨ ķ +âŀ ¯ +ê¡ ij +ëij £ +ë± Į +ìĪ ij +ìľ Ķ +ìŀ ½ +ì¨ į +ðĿij Ģ +ðŁĮ Į +ðŁį ¦ +ðŁį © +ðŁIJ ļ +ðŁĵ Ĵ +ðŁĵ ¹ +ðŁ¥ ij +Ä ĭ +Ë Ĺ +Ñ « +Õ ¢ +Ú ° +â ĮĢ +âĹ Ĥ +âĹ £ +âľ Ľ +âĿ Ĵ +âĿ ĺ +âŀ Ļ +âŀ ² +ãİ į +ê¡ IJ +ëŀ ĸ +ìĬ Ŀ +ìĽ ¤ +ì¡ ĭ +ì¨ ° +íĹ Ļ +ï¥ ¸ +ï³ į +ï» İ +ðĿij ĵ +ðŁĵ Ĭ +ðŁļ ¼ +ï¦ ģ +ðĿķ Ĵ +ðŁ ijľ +ðŁij ¿ +ðŁĩ ½ +à· Ħ +âĸ ´ +ãį ī +âĬ ĩ +ðŁ§ ¸ +Ú ¡ +â¾ ĥ +ðŁĹ » +âĵ ij +ðŁ¤ ¸ +ðŁ¤ ¯ +êĴ ° +ðĿIJ ĵ +âĶ ´ +êĴ ± +áĢ ĺ +â ĽĦ +ï¹ ¹ +Ó Ķ +áĥ ± +Ü ¡ +ß ŀ +âĻ ı +âľ ¸ +ìij ¨ +ðĿIJ Ŀ +ðĿIJ ¥ +ðŁį ī +ðŁij ¼ +ðŁ¥ Ŀ +Æ Ķ +Ý ¬ +ठ« +ຠļ +á´ ´ +á½ ĸ +âĤ ¶ +âİ ¢ +âĿ ħ +⣠« +ãİ Ľ +ë® ¨ +ëº Į +ë¼ ĺ +ìĨ Ŀ +ìľ ³ +ìŀ Į +ì£ Ĺ +ìª ĺ +ì» ¹ +ï· ¼ +ïº Ĥ +ðĿIJ ´ +ðĿIJ ¼ +ðŁĮ ļ +ðŁı « +ðŁĴ ¤ +ðŁĴ ¶ +ðŁĴ ¼ +Ê ķ +Ê ½ +â² Ł +ãī ł +ê¡ Ĵ +ëľ Ģ +ìĥ ¾ +ì¸ ¤ +ï¥ ģ +ðĿļ Ĭ +ðŁļ ĥ +âŀ Ľ +ìħ ´ +áĦ ĭ +âĩ Ĺ +ï§ · +âĺ ĸ +ðŁIJ ¦ +⸠ľ +ðŁĴ ´ +ðŁ¤ ļ +ãĬ Ĺ +âĮ Ľ +áĪ Ľ +༠º +â½ ī +ðŁı ¢ +âĵ ŀ +âĺ ½ +ãĢ Ļ +ðŁ¤ ® +Å IJ +áĥ ¬ +ðĿĹ » +ðŁį ĸ +Æ Ĭ +Ê Ł +ß ĭ +ठĭ +áµ Ķ +á¿ ĥ +âĦ ī +âĮ ĭ +âı ² +âĵ Ī +âĵ ¢ +âķ Ķ +âļ ij +âĿ ĭ +âĿ İ +â µľ +âµ £ +ëĴ Ī +ëľ ģ +ë¶ ĩ +ìį » +ìĺ Ń +ì§ ¢ +íĹ Ģ +ï§ Ĭ +ï ¬¸ +ï± ¡ +ðĿIJ º +ðĿij § +ðĿĺ ¦ +ðŁĵ ¥ +ðŁĺ Ł +ðŁ¥ IJ +Ä ĸ +É ¨ +áĢ IJ +áĥ ĵ +Ạĵ +á¼ ¶ +á½ Ħ +âĤ ¤ +âĮ ľ +âĮ Ł +âİ ł +⼠¸ +âµ į +âµ ı +âµ ĵ +ãĢ ĺ +ë ·¸ +íħ ¼ +ï¦ Į +ïŃ Ħ +ïŃ İ +ðĿĻ ļ +ðĿļ ĺ +༠ĵ +ëŃ ħ +áIJ Ľ +ãİ ¾ +ï¨ Ģ +ðŁĹ ½ +âĻ ŀ +Ë ĸ +âĹ ŀ +ðŁ¤ « +ðŁĺ Ĺ +ï½ ¦ +ðŁ¤ ¢ +âģ ĩ +ãĢ µ +ðŁį Ķ +áĬ ł +ðŁĺ ¼ +ðĿĹ ® +ðŁIJ ³ +ðĿIJ ĭ +ðŁĨ ļ +ðŁĶ Ľ +Ñ » +Ü ¨ +à® ² +âľ ŀ +âµ Ļ +êµ £ +ì¸ ¨ +ðĿ IJľ +ðĿĺ ° +ðŁĶ ½ +Ç » +Ç ¿ +Ê ĩ +Î IJ +Ð Ģ +Ñ ¡ +Ñ ² +Ò Ĵ +Ù ¶ +ß ķ +à¶ ± +áIJ ģ +âģ ŀ +âĸ § +âĽ Ī +âľ ľ +âľ ¹ +⣠¹ +⤠ĩ +ê² Ĭ +ê¾ ľ +ë¯ IJ +ë³ IJ +ìħ © +ìIJ ¬ +ìij ¹ +ï¤ Ķ +ï¦ ļ +ï¬ ł +ïŃ Ķ +ïº ¶ +ðĿĴ ı +ðĿĸ Ĩ +ðĿĹ ¶ +ðŁı Ĥ +ðŁIJ ½ +ðŁĴ © +ðŁĵ ½ +ðŁĹ ¨ +ðŁĹ º +ðŁĺ ¸ +ðŁ¥ § +Å Ĺ +Ê İ +Ò Ļ +× ² +à¤ Ī +á¼ ´ +á¿ ij +âµ ī +ãħ ĵ +ì½ ´ +ðĿĸ ĵ +ðŁĵ Ĺ +ðŁĶ ª +ðŁĸ į +Ï Ĵ +ðŁij ¬ +áĥ Ļ +âĨ ¬ +âĶ ¤ +⼠¹ +âĻ Ł +ðŁļ ¶ +ðŁij ¾ +âĪ ĭ +ðŁIJ ¯ +à¼ İ +âľ · +ï¨ Ļ +âĶ » +ðŁij ¹ +áĦ ī +ຠª +â¾ ı +â½ ħ +ãİ ĸ +Ñ ´ +Õ ® +Ú ¼ +áĢ ķ +áĨ ¼ +ëŃ ı +ðŁIJ ¸ +ðŁļ £ +Æ Ŀ +Ô » +áĥ ¢ +ðŁį ¯ +É ¦ +Õ ¦ +âĻ ĭ +ï¬ « +ðĿĹ ¦ +Ç ļ +É ± +ठī +á´ Ħ +âĻ ĵ +⼠° +⣠ª +ëĥ ĺ +ë¢ ¸ +ìĤ ij +ï® Ķ +ðĿķ ĸ +ðĿĹ § +ðŁĩ ¼ +ðŁĵ ĭ +ðŁļ ľ +ðŁ¥ ¤ +Ä ® +Å · +ß Ĭ +ॠ¥ +à® ª +áŀ Ħ +áµ Ģ +Ḡħ +á¼ ¢ +âĪ Ŀ +âĬ ¹ +âĴ ¶ +âķ ´ +⼠± +⼠³ +⼠º +âŀ Ł +ãı Ħ +ê¸ Ķ +ê¹ Ł +ëĩ ° +ë¹ » +ìĤ ¥ +ìĽ » +ì° Ł +íĥ ° +íĨ º +íļ ½ +ï¤ ´ +ï¥ ¾ +ï³ Ŀ +ðĿIJ ¦ +ðĿĴ ľ +ðĿĴ Ł +ðĿļ Ĺ +ðŁİ Ń +ðŁı ĵ +ðŁı ³ +ðŁı º +ðŁIJ į +ðŁij ĥ +ðŁĴ ı +ðŁ¤ ĸ +ðŁ¤ µ +Õ ² +âµ Ķ +ëĺ ¬ +ï¦ £ +Ê Ĥ +áĨ « +áŀ ij +ðĿĸ İ +ðĿĹ ĸ +áĦ ĥ +âĩ ł +áĢ ¡ +འĦ +âŀ ¸ +ï¦ Ļ +âĩ ļ +ðŁIJ ¬ +ðŁIJ ¢ +â¾ Ĵ +ðŁIJ ¤ +ðŁĶ « +ãĢ ŀ +ï¸ º +ðŁĺ º +â½ ´ +ðŁĨ ķ +âģ ¿ +ðŁį ¨ +ಠķ +ðŁļ ĺ +áŀ ħ +ঠħ +áŀ ¢ +ਠľ +â ļĮ +ãĢ ½ +à· ´ +âĵ Ľ +áĢ ľ +ìĨ ¨ +Ë © +Ü Ĺ +âĭ ¼ +ðŁĻ ī +Å Ĭ +É ĵ +Ê ² +Î ° +Ñ ¼ +Ô ¿ +à¡ IJ +༠ľ +འ¦ +á¶ ľ +âĤ ² +âĨ ¨ +âĬ ¥ +âķ § +âĻ ľ +ãĭ ¡ +ë´ ¬ +ë¶ ij +ìī ¿ +ìİ ħ +ìł ± +ì° § +ï² ¡ +ðĿĴ Ľ +ðĿķ £ +ðĿĹ ľ +ðŁį ² +ðŁİ © +ðŁIJ IJ +ðŁIJ ł +ðŁij ½ +ðŁĴ ij +ðŁĵ ľ +ðŁķ µ +ðŁ ļĮ +ðŁĽ £ +Ê ĭ +Ó ¯ +Ù ¸ +ß Ķ +ß Ļ +à¡ ĵ +á´ į +Ḡ¿ +âı º +âĸ ¥ +ë¤ ½ +íľ ij +ðĿIJ ¹ +ðĿĸ Ķ +ðĿļ İ +ðŁĵ Ħ +ðŁ¦ · +Æ ĥ +à¦ Ł +âĮ Ĥ +âĺ Ń +â² ļ +ëĿ ķ +ðŁİ £ +à® ĩ +འĨ +áħ µ +áĹ ľ +âĢ ½ +âĮ £ +âģ ½ +ðŁĵ ¬ +ðŁ¤ § +âĩ ª +â½ £ +âĹ Ł +ï¨ Ĺ +êĴ ª +ðŁĽ Ģ +Ç Ĥ +ðŁ¥ ¶ +ðŁİ į +ï¿ © +ðŁij Ĵ +áµ Ī +ï¸ ¿ +áħ © +â¾ ¦ +à° ¤ +á´ ĸ +ਠ¬ +àº Ĺ +༠» +Ñ º +ਠª +á´ ³ +ðĿIJ Ī +à» Ģ +á´ ¿ +âĤ į +âĩ ¡ +⼠ª +ðĿIJ Ĥ +ðĿĴ ķ +ðŁ IJľ +Ê į +Ñ ± +འĥ +ë® IJ +ìĽ ¡ +ìľ ģ +ðĿIJ ¿ +ðĿķ ł +ðŁij Ľ +Æ ª +Ï º +Ó ¬ +Ù ¿ +Ý £ +ઠī +à® ¹ +འij +áĨ ¯ +áµ ĩ +âĩ ¥ +âı ª +âĻ ° +âļ Ń +âļ ¾ +ãħ Ħ +êĢ ° +ê° Ĺ +ê² ĭ +ê² » +ê¶ ľ +ê¼ ĩ +ê½ ¹ +ëĤ Ł +ëħ Ī +ëĭ ¢ +ë§ Ł +ëª Ĩ +ëµ Ģ +ì½ ± +íĩ ĺ +íľ ľ +ï§ ¾ +ï± µ +ï² ¢ +ï² ¤ +ðĿĴ Ĭ +ðĿĺ ¯ +ðŁį Ĺ +ðŁı į +ðŁIJ ĺ +ðŁĵ ¡ +ðŁĶ ŀ +ðŁ¤ ³ +ðŁ¥ ģ +ðŁ¥ Ĺ +ðŁ¦ Ĭ +Ä µ +Æ ¦ +Ç µ +É ¯ +Î ı +Õ Ħ +Ü ¥ +འģ +ᨠł +âķ « +ãİ ī +ë· ´ +ìĨ İ +ìİ Į +ì£ µ +íĽ ł +ï§ ª +ï³ ı +ï» º +ðĿij ģ +ðĿij ĩ +ðĿĴ Ĩ +ðŁİ ł +ðŁIJ Ķ +ðŁij Ł +Å ĸ +ठĮ +á¾ ½ +ê¦ Ĵ +à® Ł +á´ ± +ðŁı ° +ðŁIJ ŀ +à½ Ģ +áĢ ħ +âĬ ¿ +ðŁIJ § +ἠģ +â¼ Ī +âĶ ¿ +ðŁ¥ ´ +â¼ ¿ +ðŁ§ ľ +ãħ ¿ +âĦ « +ãĢ ³ +ãĬ Ļ +â¼ Ģ +ï ¦¬ +ðŁı ¬ +ðŁĵ » +áĬ Ľ +áĦ ħ +ຠĬ +ຠĽ +áħ ³ +ðŁij ® +à® ± +âĺ ĩ +ðĿIJ ı +à´ µ +à» ģ +འı +འ¢ +ᥠ± +âĤ £ +ï¥ ¦ +ïŃ Ļ +ï´ © +ï¹ Ĥ +ðŁį £ +ðŁķ ¹ +Ï ĸ +à¶ ¸ +ຠ¢ +áĭ Ń +âİ Ŀ +âĹ Ŀ +âĻ Ī +âĻ İ +ê½ ¥ +ì³ Ķ +ì¼ ij +ï± ° +ðĿij ĥ +ðŁĮ ª +ðŁį ¡ +Å İ +Ê ¦ +Ñ § +Ó İ +Ô ´ +Ú Ī +ß ĵ +ß § +à¤ Ķ +áĪ « +áĪ µ +áĹ © +á´ ł +á¼ ł +âĢ Ĺ +âģ ij +âĦ ı +âĸ ĩ +â² £ +ãĦ ³ +ãī ® +ê³ Ĺ +ëĦ Ĵ +ëĸ « +ë¡ Ħ +ë¹ ° +ë½ ģ +ìĦ ģ +ìĮ ĺ +ìŁ Į +ì³ ī +ì¼ ķ +ï¬ » +ï³ İ +ï¹ ¸ +ï¹ ¾ +ðĿIJ Ĩ +ðĿij · +ðĿĽ ¼ +ðŁİ ı +ðŁİ ŀ +ðŁIJ Ļ +ðŁij Ĥ +ðŁĵ ģ +ðŁĸ ± +ðŁļ į +ðŁļ § +ðŁĽ ¡ +ðŁ¤ Ĵ +ðŁ¥ ŀ +ðŁ¥ © +ðŁ¦ Ģ +ðŁ¦ ĸ +Ë ¢ +Ü ļ +à® µ +áĢ ģ +áī ° +âı Ń +âĻ ¿ +ê³ ĺ +ëı Ŀ +ëķ ĥ +ìħ Į +ìĴ ¸ +ìĽ Ł +íħ Ħ +íľ « +ï§ ĺ +ï¿ ¬ +ðŁı · +ðŁĶ § +ðŁ¥ Ī +Æ ĸ +áŀ ĩ +áŀ ĸ +âģ º +âĹ ľ +âŀ © +ê¦ Ń +ëĻ ¤ +ïŃ ¼ +ðĿĻ ĸ +ðĿĻ £ +ðĿĻ ¤ +ðŁĮ Ŀ +ðŁĶ ij +ðŁĽ ł +ຠĩ +âĺ £ +ãĦ ¨ +ðĿĸ Ĺ +Ó ĵ +âĨ £ +ðŁ¥ ī +ðŁĮ ł +ðŁĺ ½ +ãİ ł +Å § +ðŁIJ Ĵ +ï§ IJ +ðŁĺ ¿ +âĪ ¬ +ðŁIJ ® +⣠± +ಠ¡ +â¾ ¼ +à° ² +Ë ¶ +âĸ ¿ +Õ Ī +áŀ İ +áħ ¥ +áŀ Ĺ +Õ § +ðŁ¤ IJ +ðŁį ł +ঠ¤ +à¶ º +âĻ į +ìĺ Ļ +íĺ ĵ +ï¹ º +ðŁĽ ³ +Å ī +á´ İ +âı ľ +âĶ ³ +ê¸ · +ì¡ Ķ +ðĿĴ Ī +ðĿĴ į +ðĿĴ ¹ +ðĿĵ ĩ +ðĿķ Ł +ðĿĹ ¹ +ðŁĮ ħ +ðŁı ´ +Ä Ķ +Ä ¤ +Å µ +Ç ¾ +Ï ŀ +Ï ¶ +Ô ³ +Ü Ĩ +ß © +à¡ Ĵ +ठĺ +à¶ ļ +འĸ +áģ Ĭ +áĥ ŀ +áĦ Ĥ +áĭ « +á´ º +Ḡ£ +Ḡª +á¹ Ĥ +á¼ · +á¿ ĩ +âĩ Į +âı ¬ +âĻ Į +â® Ł +â´ » +âµ Ł +ê¦ ķ +ê¦ ª +ê¦ ® +ê² Ħ +ê¾ IJ +ëĥ ij +ëķ ĭ +ë¡ ¸ +ë¬ Ģ +ìĩ ¤ +ìĪ © +ìľ ķ +ìŃ ĺ +ì· ° +ì ·¸ +íľ Ģ +ï¤ £ +ï§ į +ï± Ħ +ï³ ij +ðĿIJ ¤ +ðĿĴ ĵ +ðĿĴ ¶ +ðĿĹ ¼ +ðĿĻ Ĭ +ðŁĩ ¾ +ðŁĮ Ľ +ðŁĮ ® +ðŁİ ĩ +ðŁİ ² +ðŁı Ľ +ðŁij ¥ +ðŁij ´ +ðŁĴ Ĩ +ðŁĵ Ĥ +ðŁĵ § +ðŁķ IJ +ðŁĸ ķ +ðŁĺ § +ðŁĻ Ģ +ðŁļ Ĵ +ðŁĽ « +ðŁ¤ ł +ðŁ¥ ļ +ðŁ¥ Ľ +ðŁ¥ £ +Ç ¯ +È § +Î Ĭ +Ò ² +× ° +Û ij +áĥ © +áĦ Į +áĪ į +áī ¥ +áı Ĥ +âģ ± +âĬ ¢ +âĹ ĵ +âĿ ° +ë¿ ¡ +ìĽ © +íģ Ń +íĨ ³ +íĬ Ħ +íĵ ¸ +ï¥ £ +ï¥ ´ +ï± IJ +ï± ¯ +ï³ ļ +ðĿĸ ĺ +ðĿĺ Ģ +ðŁIJ Ĭ +ðŁIJ Į +ðŁij ļ +ðŁĵ ĥ +ðŁļ Ľ +ðŁļ ª +ðŁ¤ ° +Ä ´ +áĥ ® +áĹ ¨ +âĻ ® +â² ŀ +ãĪ Ķ +ì ħį +ãħ ĥ +ï¥ ¡ +ຠ¡ +Õ İ +Õ º +⬠Ľ +â½ ¤ +ðĿIJ ² +âŀ µ +áĢ Ľ +âĶ ħ +âĨ Ł +â¼ Ĭ +ðŁĮ ½ +ðŁļ ¿ +ï¦ Ĭ +ãĦ £ +⼠© +ï© Ľ +ðŁį ± +â¾ ¨ +à´ ¤ +áŀ ģ +ຠŀ +Ê ļ +ðĿIJ Ĵ +à´ ± +áŀ ľ +à® © +à° Ĺ +à´ ļ +âĩ £ +ï¦ ķ +Õ ħ +Æ ĺ +âĤ ¦ +âĶ Ħ +ï¦ Ł +ï¦ « +ðĿIJ ģ +ðĿIJ ĥ +ðŁį ¸ +ðŁIJ ² +Å ¶ +É ĸ +ß ĺ +ภ¦ +à½ Ķ +áĨ · +âģ ķ +âĵ Ĥ +âĿ ľ +ï¥ ¥ +ï¬ ® +ðĿĹ Ŀ +ðĿĹ ¿ +ðŁİ ¾ +ðŁĹ Ŀ +ðŁ¦ Į +Æ ħ +Ç ª +Ò Ĺ +Ü Ľ +ß ł +à¡ ij +áī £ +áĬ Ń +á¹ ¡ +âŀ ¼ +âŀ ¾ +â´ ± +ãī ¡ +ê³ ¯ +ë½ Ī +ìĤ ĺ +ìī ij +ì «ĺ +íĮ ĥ +íĻ ° +ï¤ Ĺ +ðŁĮ ¬ +ðŁĮ ° +ðŁį ¤ +Ä » +Å ĩ +Æ ¨ +É ķ +Ò ¢ +Ò º +Ö į +× ± +Ú ± +Ú ½ +Û IJ +ठĽ +à· Ģ +๠ļ +ຠ« +á´ ¹ +á ½Ķ +á¾ ³ +âĤ Ĵ +âĨ ´ +âĩ Ŀ +âī ħ +â Į¨ +âĵ ĵ +âĸ ¢ +âļ ¬ +âŀ Ń +â² Ĵ +ãİ ¿ +ê¿ ´ +ëĪ ± +ëį ¬ +ëİ IJ +ëIJ « +ëĶ « +ë± ģ +ìĥ ¥ +íĮ ¼ +ïŃ ĵ +ï® ¥ +ï² ° +ðĿIJ ĩ +ðĿIJ ij +ðĿij Į +ðĿĵ ª +ðĿķ ļ +ðĿĺ ª +ðĿĺ ¼ +ðĿļ Ľ +ðŁĩ ¶ +ðŁĮ Ħ +ðŁĮ ķ +ðŁĮ ¤ +ðŁĮ § +ðŁį ¬ +ðŁİ ĭ +ðŁİ » +ðŁı ¨ +ðŁIJ ĩ +ðŁij ĵ +ðŁĵ IJ +ðŁĵ Ļ +ðŁĶ ¼ +ðŁķ Ĵ +ðŁĸ ı +ðŁĸ ¥ +ðŁ¤ ¬ +ðŁ¥ Ĭ +ðŁ¥ Ĵ +ß Į +ຠĦ +á¼ µ +âķ ¡ +â² ¤ +â´ ¼ +âµ ¢ +ãĪ ¯ +ëĵ ¸ +ëŁ ĩ +ëº į +ðĿĻ § +ðŁį Ī +ðŁĶ ¬ +ðŁĸ Ĭ +ðŁ¤ ¾ +Ë ¡ +Ü © +âĮ ¡ +âŃ ij +â² ¦ +ë© ī +ì¼ Ń +ï¿ ¤ +ðĿĴ İ +ðĿĹ ¥ +ðŁIJ µ +ðŁķ ¶ +ðŁķ ¸ +ðŁ¤ ľ +Õ ª +áĪ ĭ +ðŁ¥ µ +ï° ģ +áµ IJ +âķ ĵ +áĢ ĸ +âĭ Ī +É ŀ +âŀ ® +ॠ° +ãĨ ģ +ðŁĴ ± +ðŁı Ń +áĨ ¨ +ðŁį ļ +ðŁ¦ IJ +á´ » +âĺ Į +à´ ķ +Õ ± +áħ ® +ðĿIJ Į +Å ¦ +ຠķ +âľ Ļ +Ë ³ +Ô µ +âķ Ĵ +ðĿĹ Ĺ +ðĿĹ ł +Ú ļ +ঠ§ +âĨ Ŀ +âĻ ī +ãĮ » +ì¹ Ĭ +ðĿĹ º +ðŁ§ ĺ +ì³ £ +ï¬ Ŀ +ðŁij º +Ç Ł +Î Ī +Î « +Ñ ¥ +Ô ² +Õ ¨ +Ü ¦ +ঠĨ +ঠ¥ +áIJ ¢ +á¼ ģ +á¼ ĺ +á¼ ¦ +âĵ Ŀ +ãĪ ° +ãİ Ĺ +ê² ¡ +ë¨ Ģ +ì£ Ķ +ì´ ¤ +ìµ Ŀ +ï§ ´ +ïŃ Ĭ +ï² Ł +ðĿIJ · +ðĿij ĭ +ðĿĵ ī +ðĿĺ µ +ðŁĴ · +ðŁĽ © +ðŁ§ ¹ +Å Ķ +Ê ŀ +Ë ¥ +Î Į +Ñ © +Ó IJ +Ó ł +Ú ij +Ú Ĵ +ß ¨ +àª Ī +áIJ ĥ +á¹ ¯ +âĤ ĭ +âĤ µ +âĦ ħ +âĦ ł +âĪ £ +âī º +âī » +âĬ Ľ +âĮ IJ +âİ ĵ +âĺ ¸ +âĻ Ĵ +âļ Ĵ +âľ ĩ +âľ ł +â´ · +âµ ĸ +ãĦ ¸ +ãī ¢ +ãī ° +êĩ ´ +ê´ ¸ +êº ł +ëĤ ı +ëĤ ¢ +ëIJ Ģ +ëº ´ +ìĥ ľ +ìį ħ +ì¤ « +ì± ¦ +ìº ij +ì¼ ģ +ì¿ ³ +íĤ ģ +íħ ¡ +íĴ Ĥ +íĴ ī +íľ Ħ +ïŃ ª +ï® ¬ +ï¯ ¦ +ï± ª +ï² ı +ï ´Ģ +ï» Ĩ +ï¿ ¦ +ðĿij Ĺ +ðĿĸ Ļ +ðŁĮ ¡ +ðŁį Ŀ +ðŁį § +ðŁİ « +ðŁı ĺ +ðŁı ª +ðŁIJ ĭ +ðŁIJ Ľ +ðŁIJ º +ðŁij ĸ +ðŁij ŀ +ðŁij · +ðŁĵ Ģ +ðŁ ĶĦ +ðŁĶ Į +ðŁķ Ļ +ðŁĻ į +ðŁĻ İ +ðŁ¦ į +Ç ° +É Ł +Ê Ĩ +Ô ¼ +Ú ľ +ঠ¡ +ঠ¶ +áĴ ĥ +á¼ © +âĵ ķ +â² Ī +ê° ° +ê¹ ł +êº ħ +ëĦ ¹ +ë¯ ĵ +íIJ Ī +ï§ ¶ +ï® ij +ï² ¨ +ðĿĴ ī +ðĿĴ Ķ +ðĿĹ ¨ +ðĿĻ ŀ +ðĿļ Ĵ +ðĿļ ķ +ðŁIJ İ +ðŁ¤ ķ +ðŁ§ Ķ +Ï ° +Ô Ŀ +âĮ Ĭ +âĴ ¾ +ãī £ +ïŃ © +ðĿļ ŀ +Ê ij +ঠ¦ +áĦ ĩ +âī ĥ +â² Ģ +ìŁ İ +ðĿij ¶ +ðĿĵ ² +ðŁ İ· +ðŁļ ¹ +ຠģ +áł ł +ãĦ ļ +ðŁIJ ¿ +ἠļ +âķ ³ +ðŁIJ Ń +âĴ ¹ +ðĿĸ ļ +âĻ ĸ +ãĪ ² +âĨ ¾ +áĦ Ĩ +âķ Ľ +ðŁ¤ į +â½ ¥ +ðŁ Į¨ +âĪ ® +ãĮ ĺ +ãį ij +ï¹ Ģ +âĵ Ĺ +âĬ Ħ +ðŁı ¹ +Ë Ĵ +ðŁ¤ ± +ãı ľ +ðŁİ Į +ï¥ Ń +ঠ£ +ðŁİ ¹ +ãĬ Ł +à´ ° +ðĿIJ Ķ +à´ ¨ +འļ +âľ º +Õ · +ðŁij ³ +ঠľ +âĺ ĭ +âĻ Ĭ +ãĢ Ľ +È ĭ +à® ° +áĥ ¨ +âĦ ķ +íij Ģ +ðĿĵ ĥ +ðŁ¦ Ķ +Ä ¿ +Å Ģ +Æ ³ +É ļ +Ö ĥ +Ü £ +ß Ł +à¦ Ń +à§ ¡ +à¶ » +ຠ£ +འĩ +Ḡ¨ +á½ Ī +â½ ¬ +ê¡ Ķ +ì³ Ħ +ï¨ ī +ðĿIJ ¡ +ðĿĺ ¢ +ðŁį ¿ +ðŁİ Ł +ðŁı ī +ðŁĶ IJ +ðŁļ ħ +ðŁ¤ ½ +Æ į +Ç « +Ç ½ +È ļ +Î ī +Ó ¤ +Ó ª +Õ Ĭ +Ù ¼ +Ú ´ +ß Ŀ +à¶ ľ +á¼ ķ +á¿ ¥ +âİ ŀ +ãĢ ļ +ãī ¤ +ê³ ¸ +ê· ģ +ëĵ Ħ +ëĵ ķ +ì¨ Ķ +ì± ¨ +ðĿIJ ¾ +ðĿij » +ðĿĶ ¼ +ðĿķ Ŀ +ðĿĺ Ń +ðŁĨ Ļ +ðŁĵ ¤ +ðŁĶ Ł +ðŁĹ ¼ +Ä ľ +Æ ģ +Æ ¿ +Ç ³ +Ç · +É ĥ +É ł +Ê ī +Ê § +Ë ² +Ï ´ +Õ ģ +Õ ŀ +Ö ĩ +Û Ĥ +Û ĵ +ß Ĺ +ß ¦ +ঠ¹ +à® ³ +à´ ¸ +à» Ĥ +áĪ Ŀ +áĪ ª +áĭ µ +áIJ Ĭ +áĴ ª +áļ ĸ +áŀ Ľ +á´ ¢ +áµ ı +áµ Ń +á¶ « +Ḡı +ẠĴ +á¼ ¥ +á½ ķ +á½ ¼ +âĤ Ĭ +âĦ Ĥ +âĦ © +âĩ ī +âī £ +âĮ ł +âİ Ł +âı ® +âķ ĺ +âĹ ĸ +âĺ © +âĻ ij +âĻ ² +âļ Ľ +ãĦ Ł +ãī ± +ãİ ļ +ê¡ ķ +êª ĸ +ê° ¹ +ê² Ĩ +êµ Ħ +ëĩ ¬ +ëĭ ¯ +ëı ł +ëĴ ¬ +ëĸ Ī +ëĸ ½ +ëĺ Ķ +ëŀ ¸ +ë¸ ħ +ë» ł +ë¿ Ł +ìĤ µ +ìĬ ī +ìľ ° +ìł ĭ +ìł Ķ +ì¥ ¡ +ìŃ Ŀ +ì¼ ¬ +íĪ ĩ +íī ľ +íį Ħ +íĽ ¾ +íĿ £ +ï¤ © +ï¤ ¯ +ï¦ ľ +ï¦ § +ï§ ľ +ï¨ Ī +ï¬ ª +ï ¬´ +ïŃ ½ +ï® ī +ï¯ ŀ +ï° Ĵ +ï± ĩ +ï¿ Ħ +ðĿIJ ħ +ðĿij Ħ +ðĿij º +ðĿĴ Ĺ +ðĿĵ ® +ðĿķ Ľ +ðĿķ ŀ +ðĿĸ ij +ðĿĺ ģ +ðĿĺ Ĩ +ðĿĺ ¶ +ðĿĻ ¢ +ðĿļ ľ +ðŁĮ ĥ +ðŁĮ ¦ +ðŁį Ł +ðŁİ İ +ðŁı Ļ +ðŁIJ © +ðŁIJ « +ðŁIJ ´ +ðŁij Ķ +ðŁĵ ī +ðŁĵ Ľ +ðŁĶ ī +ðŁĸ ¼ +ðŁĹ ĥ +ðŁĹ ¯ +ðŁļ ĩ +ðŁļ IJ +ðŁļ µ +ðŁ¤ ¶ +ðŁ¥ ĭ +ðŁ¥ ĵ +ðŁ¥ ® +ðŁ¦ İ +ðŁ¦ ł +ðŁ§ Ĵ +ðŁ§ ¨ +Æ IJ +Ç į +Ó Ģ +Ô Ľ +ಠ° +à´ Ļ +áĢ Ĵ +ê² Ŀ +ê¹ ¹ +ë© ¥ +ìĸ Ķ +ï¤ ģ +ï¤ ı +ï¦ ī +ï¦ ĵ +ï§ ī +ï² Ŀ +ðĿĹ ŀ +ðĿĹ ± +ðŁĮ ĭ +ðŁį ¶ +ঠļ +ìķ ľ +ðĿIJ ¯ +ðĿļ Ŀ +à° ¨ +འĺ +འł +á¡ ¥ +á¾ ° +âģ į +âĶ ° +⬠ľ +ðĿIJ ł +ðĿij ¯ +ðĿĹ Ľ +ðĿĵ » +ðĿĸ Ī +âŀ » +áŀ ł +â¡ ± +â» ij +ðŁ§ µ +ï¦ ¢ +ðŁij ĺ +ãĤ Ķ +â¼ Ł +ãĬ ¤ +ï¦ Ŀ +ãĮ ¦ +âĢ ¸ +ðŁĶ Ļ +ã ¹ +ã¹ ¦ +ï¹ ħ +ï© Į +ãī ¨ +ï¸ ½ +âį ¥ +ðŁļ ī +ðŁ¥ ľ +âĵ ľ +â» Ŀ +ï¨ ľ +ðŁĴ Ĵ +áĦ ij +â¾ ŀ +ï¨ ģ +à´ ª +áĦ İ +âŀ ´ +ঠ· +áħ ¬ +áŀ § +âĨ ¢ +âķ ¦ +âľ ij +Ë ¬ +Õ IJ +à¼ Ķ +Ê ¤ +Ë ¨ +ठŀ +à» ĥ +༠ļ +âĵ ¥ +âķ ľ +ðŁIJ ĸ +á¼ Ļ +á¼ ¤ +ìĨ ° +È Ĥ +Ê ± +à® ļ +áĥ § +á´ ĭ +á´ ® +âĿ ¡ +âŀ · +ëĿ ¡ +ï§ ¢ +ï¯ ¡ +ðĿķ ķ +ðŁħ ° +ðŁ¦ ¸ +Ç ¸ +Ó ŀ +Ô ¶ +Ö Ĩ +Ú ģ +Û ĭ +áİ ¥ +á¾ ¿ +âĶ Ń +âĶ ® +êĢ Ģ +ê± ĺ +ëIJ Ń +ë½ Ħ +ìĶ IJ +ì¸ Į +íģ ł +íĻ ± +ï¥ ī +ï¨ ĸ +ðĿij ´ +ðĿĸ Ĵ +ðĿĺ ¨ +ðĿ ļĮ +ðŁIJ ¡ +ðŁij ¢ +ðŁĵ Ķ +Å ħ +Æ İ +È © +Ò ª +Ô ĥ +áĥ « +Ḡĩ +âĽ Ł +ê» Ń +ë¨ Ħ +ìŁ Ģ +ì¤ ´ +íļ IJ +ï¤ ³ +ðŁŁ ¢ +Æ § +È ¼ +Ê Ŀ +Ë Ħ +Ë ħ +Ë į +Ë § +Ò ¥ +Õ Ķ +Ø ı +Ø ¼ +ß IJ +ß ľ +ठĵ +à¦ Ļ +à® ĵ +à¶ ´ +༠į +༠Ĵ +འ£ +áĢ Ĥ +áĢ Ĭ +áĦ Ħ +á Īĺ +áĭ Ĭ +áĮ į +áij ĭ +áŀ Ĥ +áł ¢ +á¡ Ŀ +á´ ¦ +áµ į +áµ ¨ +Ḡ¡ +Ḡ¯ +á¼ £ +âģ Ĥ +âĦ ĺ +âĦ ľ +âĦ ³ +âĦ µ +âĨ ¦ +âĩ Ĩ +âĪ · +âĬ ļ +âĮ « +âĮ ¯ +âİ Ľ +âİ ľ +âİ ¤ +âİ ¦ +âİ ® +âij ī +âĶ ī +âķ Ļ +âĸ Ĥ +âĹ Ń +âĺ Ĭ +âĺ į +âĺ Ĵ +âļ Ĩ +⼠§ +⼠² +âŀ ĺ +⥠Ħ +â´ ³ +â´ ½ +âµ Ī +ãī ¯ +ãİ ij +ã§ ¬ +êĻ ¬ +ê§ ģ +ê³ ¬ +ê´ ŀ +ê» ľ +ëħ ĵ +ëĭ ¼ +ëį ĸ +ëĸ ± +ëĿ ° +ë¡ ¹ +ë¢ ´ +ë£ Ģ +ë¤ ł +ë¨ ķ +ëŃ ¥ +ìĦ ¶ +ìħ ¤ +ìĮ ķ +ìį ª +ìı © +ìĴ Ģ +ìĶ ¯ +ìĿ Ķ +ìĿ ľ +ìł Ń +ì§ ¦ +ì¨ © +ì² ¬ +ì³ ¥ +ì¼ ¯ +íĢ « +íĢ Ń +íĥ ¸ +íĵ ģ +íķ ¬ +íĹ ¸ +íĽ ķ +íľ Ń +íĿ Ĺ +ï¤ Į +ï¤ ª +ï§ ¿ +ï¬ Ħ +ï¬ ħ +ïŃ ij +ïŃ « +ïŃ º +ï® Ĥ +ï® ¢ +ï® ¨ +ï° İ +ï° ł +ï² £ +ï³ IJ +ï³ Ĵ +ï³ ĺ +ï³ ľ +ï¹ ¼ +ï¿ ¨ +ðĿIJ © +ðĿĴ ļ +ðĿķ Ķ +ðĿķ ¤ +ðĿĸ Į +ðĿĹ £ +ðĿĹ ° +ðĿĹ ´ +ðĿĺ Ĥ +ðĿĺ ¥ +ðĿĺ ® +ðĿĺ ¸ +ðĿĻ Ģ +ðĿĽ ¾ +ðĿľ ı +ðŁĮ ģ +ðŁĮ ľ +ðŁĮ ¥ +ðŁĮ ¯ +ðŁį IJ +ðŁİ Ĵ +ðŁı Ķ +ðŁı ķ +ðŁı ® +ðŁIJ Ĥ +ðŁIJ ī +ðŁIJ ¹ +ðŁĶ ķ +ðŁĶ ļ +ðŁķ ij +ðŁķ £ +ðŁĹ ŀ +ðŁĹ ¡ +ðŁĹ ¿ +ðŁļ Ĩ +ðŁļ Ĭ +ðŁļ ĵ +ðŁļ ķ +ðŁļ ¾ +ðŁĽ ģ +ðŁĽ İ +ðŁĽ ı +ðŁ¤ ´ +ðŁ¥ ķ +ðŁ¥ ĸ +ðŁ¥ ł +ðŁ¥ ¥ +ðŁ¦ Ĩ +ðŁ¦ ī +ðŁ¦ ļ +ðŁ§ ij +ðŁ§ ¥ +ðŁ§ ¿ +Å ° +Æ º +É § +ઠĩ +à® £ +áĪ Ī +áĬ ¤ +áĭ ® +áĮ Ī +áĮ µ +ᥠ² +âĵ Ł +êĻ ³ +ê° Ĭ +ëķ ģ +ëķ ¨ +ìĬ ģ +ï¦ µ +ï¬ ² +ðĿĸ į +ðĿĺ Į +ðĿĺ ³ +ðĿĻ © +ðŁį Ļ +ðŁĸ ĸ +áī ³ +áĭ ¨ +áĸ ĩ +áŀ Į +á¹ § +âķ ª +âŀ ļ +â² ĺ +ê ķ +êķ ¥ +ï¤ · +ï® £ +ï¯ ł +ðĿĴ ĸ +ðĿķ ĺ +ðĿĸ ĩ +ðĿĹ Ł +ðĿĹ ª +ðĿĹ ¯ +ðĿĻ ł +ðŁĵ ı +à¦ Ĺ +âĴ » +â² ł +ðĿĵ µ +Ê £ +à° ľ +áĬ ¢ +áŀ IJ +Ḡ· +âĦ Ľ +âĩ Ģ +âĩ Ĭ +êĴ ¦ +ê¦ ł +ï® ¤ +ðŁį Ľ +ðŁ¤ Ľ +ᨠ¾ +âŀ º +áķ ¯ +ἠı +âĩ Ĥ +âĶ ¹ +âĻ Ĺ +ðŁĸ ¨ +ê¦ ı +ઠ° +áļ ¨ +ðŁ¤ ¥ +ðŁ§ ¢ +ãIJ Ĥ +ãĦ ¥ +ðŁĸ Į +â¼ Ĵ +ãĬ § +âį © +ðŁ¦ ij +âĶ · +ï© IJ +ï© ¡ +ðĵ Ī +ðĵĪ Ĵ +â» Ħ +ï¨ Ĵ +âĦ ª +Ò § +Ú Į +âĢ ¶ +⺠ł +â» ģ +âĨ ¸ +áĦ IJ +ãħ IJ +à» Ħ +áĹ ª +âĨ ¼ +âĩ ĭ +âĩ ĺ +âĮ ij +âĸ © +ðĿIJ Ĺ +Ä Ĭ +ঠī +ìī ł +É ¤ +ß į +ß ı +áµ Ĺ +âĤ ¥ +âĵ ī +âĶ ł +âĶ ¨ +âķ Ħ +ä ¤ +ä¤ Ģ +ê» ¸ +ï® ģ +ðĵ Ĥ +ðĵĤ ĥ +ðŁ¦ ķ +Æ Ľ +ঠĩ +ãı ĺ +ï® ¼ +Ú ĵ +Ú Ŀ +ঠĵ +à¶ ¯ +á´ ħ +á½ Ļ +âģ ¼ +âĸ İ +â¼ © +ä Ķ +äĶ Ģ +ë» ¡ +ìĽ ½ +íģ Ħ +ï¥ ¼ +ï± ī +ï¹ » +ðĿĸ ĭ +ðĿĻ Ī +ðĿĻ ª +ðĿ ϶ +ðŁIJ Ħ +ðŁIJ Ĩ +áİ ¢ +ḠĮ +âĿ ´ +ðŁı ¸ +È Ŀ +É ¸ +Î ħ +Ï ľ +Ó ¢ +Õ ¹ +à´ ħ +àº Ī +áĭ ° +áij İ +áł µ +á¡ ł +á´ ī +Ḡµ +á¿ ´ +âĵ £ +âĶ ¶ +â½ ¯ +ê² ¥ +ê¿ ĺ +ëģ İ +ëİ Ī +ëĶ ¯ +ë² ° +ìĺ ¯ +ìĽ ¸ +ìŀ Ĺ +ì§ ĺ +ì¬ ¬ +ì· ¬ +íģ ħ +íĵ Ķ +íĽ Ŀ +ï¤ ® +ï¤ ¹ +ï¥ ² +ï¯ ĸ +ðĿĵ ħ +ðĿĻ Ħ +ðŁĵ ¶ +ðŁĹ Ĵ +ðŁ¥ Ķ +ðŁ¥ Ń +Å ® +Å ´ +Æ ī +Æ « +Ç ģ +Ç £ +Ç º +Ç ¼ +È į +È ¯ +É ľ +Ê ¬ +Ë ģ +Ë ¤ +Ë µ +Ï Ľ +Ò ¤ +Ò ¬ +Ó ı +Ó Ľ +Ó ¡ +Ó ³ +Ô Į +Ô ¬ +Õ ³ +Ù » +Ú ī +Ú § +Ü ľ +ß ª +ठĿ +ঠĽ +ਠĨ +ઠķ +ઠ¡ +à® İ +à° ¬ +ൠ» +ൠ¼ +à¶ ł +à¶ Ń +à¶ ¶ +à· Ĩ +༠½ +áĢ ļ +áħ ¢ +áĨ ¸ +áĪ Ģ +áĪ ķ +áĪ ° +áī ¡ +áī ¤ +áĬ ¦ +áĬ « +áĭ ĭ +áĭ į +áİ ¯ +áij Ń +áķ Ĺ +ᣠĽ +ᥠĴ +á© ī +áŃ º +á´ ¡ +áµ ĺ +áµ Ľ +á¶ ł +Ḡģ +Ḡĭ +á¹ Ļ +á¹ Ŀ +á¹ ¦ +Ạħ +á¼ Ĥ +á½ ĥ +á½ į +á½ § +á¾ · +âĢ µ +âĤ İ +âĦ Ŀ +âħ Ģ +âĨ ŀ +âĨ § +âĩ ħ +âĪ ĥ +âī ı +âī ½ +âĬ ŀ +âĬ ¡ +âĬ § +â Ĭ¶ +âĭ Ħ +âİ Ĵ +âİ ¡ +âİ £ +âİ ª +âı İ +âĵ ĥ +âĵ ĸ +âĵ ¨ +âķ ĭ +âķ ĸ +âķ ¢ +âķ ² +âĸ Ĩ +âĸ Ĭ +âĸ į +âĸ ® +âĺ ¡ +âĺ ¦ +âĺ ± +âĺ ¿ +âĻ ĺ +âĻ Ŀ +âļ ° +⼠ij +âŀ ª +⤠Ŀ +⤠¢ +⤠· +â§ « +â¨ Ń +⨠¯ +â± £ +â² İ +âµ Ľ +ãħ Ķ +ãĪ ı +ãī ² +ãī ³ +ãĬ ij +ãĭ Ľ +ãİ IJ +ê² ¤ +ê· ¿ +ê¹ ŀ +ê» ¨ +ê¼ į +ê¿ ¸ +ëĥ ¬ +ëĩ IJ +ëĭ ł +ëį ¯ +ëĹ Į +ëĹ ij +ë¥ Ģ +ëª ĥ +ëª ¯ +ë± ¡ +ë³ ĵ +ë³ ½ +ë µľ +ìĤ ³ +ìħ ¥ +ìĩ ½ +ìı ¨ +ìı ¸ +ìķ į +ìĸ ĸ +ìŁ ¨ +ì¢ ĥ +ì¢ į +ì¥ ij +ì§ ¼ +ì© ĥ +ì® ľ +ì® ¸ +ì³ ij +ì´ ¥ +ì¾ ĥ +íħ ¦ +íĪ ¿ +íĵ ½ +íķ ³ +íĸ ı +íĹ ł +íĿ « +ï¤ ĵ +ï¤ ĺ +ï¥ İ +ï¥ ¶ +ï¦ ħ +ï¦ ½ +ï§ ĩ +ï¬ Ĩ +ï¬ ³ +ï® ĩ +ï® Ī +ï® Ŀ +ï® © +ï® ± +ï¯ ĺ +ï¯ Ļ +ï¯ ¢ +ï¯ £ +ï¯ ¤ +ï¯ ¥ +ï± Ĥ +ï² Ĩ +ï² ª +ï´ ¼ +ïº ī +ïº Ĭ +ïº ¥ +ðĿij ¨ +ðĿij © +ðĿij ² +ðĿ ĴĮ +ðĿĴ ª +ðĿĴ ® +ðĿĵ Ĥ +ðĿĵ Ī +ðĿĵ ¯ +ðĿĶ ¨ +ðĿķ Ģ +ðĿķ Ĩ +ðĿķ ¦ +ðĿķ § +ðĿķ « +ðĿķ · +ðĿĹ µ +ðĿĹ ¸ +ðĿĺ Ħ +ðĿĺ Ļ +ðĿĺ ł +ðĿĺ ¬ +ðĿĻ į +ðĿĻ ij +ðĿĻ ¡ +ðĿ ύ +ðĿĻ · +ðĿļ į +ðĿĽ ¿ +ðŁ ĥ +ðŁĥ ı +ðŁħ ĺ +ðŁ ī +ðŁī ij +ðŁİ ¡ +ðŁİ ª +ðŁİ ± +ðŁİ ³ +ðŁİ º +ðŁı İ +ðŁı Ĺ +ðŁı ļ +ðŁı ŀ +ðŁı ¦ +ðŁı § +ðŁIJ ģ +ðŁIJ ħ +ðŁIJ ĵ +ðŁĴ Ĥ +ðŁĵ ij +ðŁĵ ĵ +ðŁĵ ¨ +ðŁĵ « +ðŁĶ ĭ +ðŁĶ Ń +ðŁĶ ¯ +ðŁķ Ĺ +ðŁļ Ĥ +ðŁļ ¢ +ðŁļ ¦ +ðŁļ ¬ +ðŁĽ ĭ +ðŁĽ Į +ðŁĽ ¬ +ðŁĽ ¶ +ðŁŁ ¡ +ðŁ¥ ĺ +ðŁ¥ Ł +ðŁ¥ ¦ +ðŁ¦ ĩ +ðŁ¦ Ī +ðŁ§ Ĭ +ðŁ§ Ĺ +ðŁ§ ¤ +Ê · +Ë ¹ +á¹ ļ +á½ ¥ +âĦ Ł +ê² ¯ +ê» « +ë° · +ìĥ Ĩ +ìĽ Ŀ +ì¨ ī +ì« ı +ï¯ ķ +ðĿľ ĭ +É ² +Ò Ń +Ó Ī +འĽ +áĭ ĵ +áĻ Ń +áł © +á¹ ® +âĦ Ĵ +âĨ » +âµ ĥ +ëĢ ¨ +ëł § +ìī ¥ +ìĮ ľ +ìĹ ¶ +ì¨ Ī +ìª ¾ +íı ½ +íļ Ķ +íĽ µ +ï¤ ¸ +ï¦ IJ +ï§ Ĺ +ï§ ļ +ï¬ ¯ +ðĿIJ Ĭ +ðĿķ Ĺ +ðĿĹ ļ +ðĿļ ĸ +ðŁħ ´ +È ĥ +É Ŀ +Ï ± +Ó Ĺ +ठ¢ +áħ ł +áī ¦ +áij Į +áĴ ¼ +áŀ ¡ +áł ¨ +áł Ń +ᨠħ +á¨ Ķ +á´ ĺ +á¶ ¦ +á¸ İ +á¼ ħ +á¼ ¹ +âĨ ¯ +âĵ İ +ãı Į +ê ī +êī Ĥ +ëĨ § +ëĿ ± +ì¢ ¡ +íĪ ½ +ï¤ ĩ +ï¤ Ľ +ðĿIJ ķ +ðĿĵ ¸ +ðĿĵ ¼ +ðĿĹ ķ +ðĿĺ Ī +ðŁı £ +ðŁı ¤ +ðŁĹ Ħ +Ñ · +Ò ł +áµ ĸ +á¼ ¨ +ë¬ Ħ +ï° ´ +âĪ ½ +Õ Ń +Ú ¹ +à¥ Ł +áĢ Ĩ +áŀ Ĵ +ãĢ ¶ +ê¦ « +ï¸ ĵ +ðĿIJ Ľ +ðĿĺ Ĺ +ðŁı ľ +ì« Ń +ðŁ§ ŀ +འĤ +âĨ ¿ +âĩ ı +âĵ ģ +âĶ § +âķ ģ +âķ ¤ +ê¦ Ĺ +ê¦ ¤ +ðŁı Ī +áŀ ķ +Ô ½ +àª Ĺ +ଠĨ +âķ ķ +ï½ ł +â¼ ¦ +â¼ ¯ +â¾ · +âĶ ĸ +ଠĵ +âĺ Ĺ +âį ĭ +ï¨ Ŀ +â¼ ¥ +ï¦ ª +âĦ Ĭ +ãĢ ´ +âį ¢ +ð¡ Ī +ð¡Ī ½ +ï© ¨ +ãĢ » +ãı ĥ +ï¦ ¡ +ï¨ ĺ +ðŁIJ ĥ +ðŁĨ ĸ +ðŁĹ ¾ +ãĦ ĩ +Þ ĭ +â¼ ¼ +ï¨ Ń +Þ Ģ +Þ Ħ +Þ Ī +Þ IJ +âĮ Ħ +â» ĺ +ãŁ ¢ +á ħ§ +ðIJĮ ¿ +Ë » +à² Ĺ +áĢ ĩ +áŀ Ĭ +âķ ĩ +ãĩ ¼ +ãİ ° +Õ Ĵ +Ü Ī +ß ¥ +à¿ IJ +áĢ Ł +âĨ ¥ +âķ Į +â½ Ģ +â½ ° +â¾ Ĭ +ä Ħ +äĦ Ģ +ðĵ IJ +ðĵIJ į +ðŁİ ¦ +âĤ ¯ +âĬ ĺ +âĦ į +Ê µ +Ñ ¶ +Ú ĥ +à¦ Ķ +à´ ¦ +áİ ¶ +áĵ ķ +á¹ ¨ +âĤ ł +âĩ ° +âĹ Ĵ +â¿ Ĭ +ê· ± +ì¹ ķ +íĪ © +ïŃ Ģ +ðĿĴ ¸ +ðĿĵ Ĭ +ðĿĺ © +Ç ¦ +É « +áĬ ¨ +È ¹ +Ê ¯ +Î ª +Ú Ģ +áĮ ¸ +áİ » +áı ķ +áı ´ +á² Ĥ +á½ ¨ +âı Ŀ +âĺ Ļ +ëĥ ¨ +ëĦ ¼ +ëĪ Ļ +ë£ ħ +ìĶ ¼ +ìķ Ŀ +ìļ ¬ +ìľ ± +ï¥ Ĥ +ï¦ ¹ +ï¬ ¹ +ïŃ ģ +ï³ Ī +ðĿĶ ħ +ðĿĺ ¤ +ðĿĻ ı +ðĿĻ Ļ +ðŁķ ī +ðŁ§ Ļ +Ḡij +ê´ ¼ +ëģ į +ëĹ ´ +ëĿ ³ +ë° ŀ +ë° ¢ +ëµ ĺ +ìĤ Ķ +ìĦ Ħ +ì¼ ļ +íĢ ł +íĬ ± +íĮ ĸ +ï¤ ij +ï¦ ´ +ï¦ ¸ +ï´ į +ðĿĺ · +Ä ¬ +Å ¬ +Æ Ģ +Æ ĭ +Æ ľ +Ç ij +Ç ĺ +Ç ŀ +Ç ¥ +Ç ® +É ° +É ¶ +É · +É ½ +Ê Ī +Ê IJ +Ë İ +Ë Ł +Ë ¦ +Ë ¯ +Ï IJ +Ï ĵ +Ï ¢ +Ï ¤ +Ï ª +Ï Ń +Ï ® +Ï » +Ñ ł +Ñ Ń +Ò ¨ +Ó Ŀ +Ô ¡ +Ô · +Õ ī +Õ ĵ +Õ ĸ +Õ ļ +Õ Ŀ +Ö İ +Ø ¿ +Ú ħ +Ú į +Ú Ķ +Û Ĭ +Û ¾ +Ü Ļ +Ý Ĵ +Ý ĺ +ß Ĵ +ß ĸ +ठĬ +ठIJ +ঠı +ঠĸ +à§ Ł +ઠ® +ઠ¹ +à® ħ +à® Ĩ +à° ¡ +à° ° +ಠļ +ಠ® +ಠ¯ +à´ Ł +à´ · +ൠ¾ +à¶ ij +à¶ ŀ +༠¼ +འĵ +áĢ ĵ +áĤ ¦ +áĥ ĸ +áĥ Ń +áĥ ¯ +áħ ¨ +áħ ª +áĨ ° +áĪ ģ +áĪ İ +áĪ ĵ +áĪ ¥ +áĪ ² +áĪ ´ +áĪ » +áī ł +áī ² +áī ¶ +áĬ £ +áĬ ¥ +áĬ ª +áĭ ĺ +áĭ ² +áĭ ¶ +áĮ £ +áį ¡ +áį £ +áİ ¬ +áİ ¾ +áIJ ¡ +áķ ķ +áĸ ± +áĹ IJ +áĹ Ń +áĺ ī +áļ ± +áĽ Ł +áŀ ¥ +áŁ Ķ +áł £ +áł ª +áł ° +áł ´ +ᤠĸ +ᥠ£ +á ® +á® ł +á ¯ +á¯ Ļ +á ° +á° į +á´ Ĭ +á´ ¾ +áµ ģ +áµ İ +áµ ŀ +áµ ¤ +á¶ ħ +á¶ ĺ +á¶ Ł +á¶ ¢ +á¶ ¤ +á¶ ± +á¶ » +Ḡī +Ḡŀ +Ḡº +á¹ ĵ +á¹ Ĺ +á¹ ª +ẠĬ +Ạı +ẠĽ +á¼ ĥ +á¼ Į +á¼ ¿ +á½ Ĥ +á½ ĵ +á½ Ĺ +á½ ¦ +á¾ ± +á¾ ´ +á¿ ĺ +á¿ Ł +á¿ ¸ +âģ ĺ +âĤ ij +âĤ Ľ +âĤ ¿ +âĦ ĩ +âĦ ŀ +âĦ ± +âĩ Ł +âĩ ² +âĪ ¤ +âĪ ¶ +âī Ĥ +âī ¾ +âĬ ¨ +âĬ ³ +âĬ · +âĭ Į +âĭ ĺ +âĮ ķ +âĮ ¥ +âĮ µ +âĮ º +âį £ +âį ² +âį µ +âİ ĩ +âı ĥ +âı IJ +âı ł +âı ¤ +âı ¶ +âı ¸ +âı ¹ +âij Ĥ +âĴ · +âĴ º +âĵ ¡ +âĵ ¤ +âĶ ¾ +âĸ ĺ +âĸ µ +âĹ ª +âĹ · +âĺ ¨ +âĺ « +âĺ ² +âĺ ³ +âĻ Ĩ +âļ ¤ +âļ ¥ +⼠ĵ +⼠´ +⼠¾ +âŀ « +âŀ ¿ +⣠· +⤠ij +⤠« +⤠¶ +⤠½ +â§ ª +â¨ Ģ +â ©½ +⬠¡ +⬠¢ +⬠¤ +â² ĸ +â² ª +âµ Ģ +⸠® +⸠½ +ãĢ ł +ãĢ · +ãĦ Į +ãĦ ĺ +ãħ ij +ãĪ İ +ãĪ IJ +ãĬ ľ +ãĮ ĵ +ãĮ ł +ãİ Ł +ãİ ¤ +ãİ § +㬠® +ä Ī +äĪ Ģ +ä ° +ä° Ģ +ê ħ +êħ ī +êĩ Ĺ +ê Ī +êĪ į +ê§ Ĥ +ê§ Ĭ +êª Ģ +ê² Ī +ê² į +ê³ Ģ +êµ ł +ê½ IJ +ê¾ Ī +ê¿ ± +ëĥ ı +ëĦ ij +ëħ ¤ +ëĩ ¸ +ëĪ ¼ +ëī ħ +ëĬ £ +ëĭ º +ëį ŀ +ëIJ Į +ëķ ¸ +ëĺ ł +ëĻ ĩ +ëĻ Ī +ëľ ½ +ëŀ Ķ +ëł ľ +ë£ IJ +ë§ Ģ +ë§ Ĭ +ëª Ģ +ë¬ Ń +ë¯ ¾ +ë³ ľ +ë´ Ĭ +ëµ ī +ë· ľ +ë¸ Ģ +ë¹ ĭ +ìģ Ħ +ìĤ £ +ìĤ » +ìĦ µ +ìħ Ĵ +ìī Ī +ìī Ķ +ìĬ Į +ìĬ Ļ +ìIJ ´ +ìĵ º +ìķ ļ +ìķ º +ìĸ ľ +ìĹ ª +ìĺ ľ +ìĻ ¤ +ìļ Ľ +ìļ º +ìĿ ħ +ìĿ ı +ìĿ Ń +ìĿ ¶ +ìł Ľ +ì¡ Ī +ì¢ ī +ì¢ Ķ +ì© ł +ìŃ Į +ì¯ © +ì´ £ +ì¸ ķ +ì¹ Ł +ì¾ ¡ +ì¿ Ļ +íģ ĩ +íģ ī +íĩ Ģ +íĪ ¶ +íĸ ij +íĸ ¤ +íĹ ħ +íľ ı +íĿ Ŀ +ï¤ Ĵ +ï¤ ķ +ï¤ ¬ +ï¥ ħ +ï¥ ĩ +ï¥ ı +ï¥ ļ +ï¥ Ł +ï¦ Ħ +ï¦ Ī +ï¦ ¨ +ï¦ © +ï¦ ² +ï§ ģ +ï§ ĥ +ï§ Ķ +ï§ ł +ï§ £ +ï§ ® +ï ŃIJ +ïŃ ĸ +ïŃ ¦ +ïŃ ´ +ïŃ µ +ïŃ ¶ +ïŃ ¸ +ï® Į +ï® İ +ï® ŀ +ï® Ł +ï® ¡ +ï® ª +ï¯ Ķ +ï¯ Ĺ +ï¯ ļ +ï¯ Ľ +ï¯ Ŀ +ï¯ Ł +ï¯ § +ï¯ ¨ +ï¯ « +ï¯ ¯ +ï¯ ° +ï¯ ± +ï¯ ² +ï¯ ³ +ï¯ ´ +ï¯ µ +ï¯ ¶ +ï° Ģ +ï± ħ +ï± Ķ +ï± ´ +ï² ģ +ï³ ķ +ï· ½ +ï¸ ķ +ï¸ ± +ï¹ £ +ï¹ ½ +ï» į +ï¾ ± +ðĿIJ Ļ +ðĿIJ ½ +ðĿij ¤ +ðĿij ® +ðĿij µ +ðĿĴ ĥ +ðĿĴ Ħ +ðĿĵ Ń +ðĿĵ · +ðĿĶ ĸ +ðĿĶ ŀ +ðĿĶ ¢ +ðĿĶ ¦ +ðĿĶ ¬ +ðĿķ Ħ +ðĿķ Ĭ +ðĿķ İ +ðĿķ Ļ +ðĿķ ľ +ðĿķ Ń +ðĿķ ³ +ðĿķ ¸ +ðĿķ ¾ +ðĿ ĸī +ðĿĸ ı +ðĿĺ ĩ +ðĿĺ ī +ðĿĺ ĸ +ðĿĺ Ľ +ðĿĺ ŀ +ðĿĺ « +ðĿĺ ¾ +ðĿĻ ĩ +ðĿĻ ī +ðĿĻ ĭ +ðĿĻ İ +ðĿĻ ĺ +ðĿĻ ¥ +ðĿļ ĥ +ðĿļ IJ +ðĿļ Ķ +ðĿľ ĥ +ðŁĦ · +ðŁħ Ŀ +ðŁħ ¾ +ðŁĨ Ĥ +ðŁĨ ĵ +ðŁĮ Ĥ +ðŁĮ Ĩ +ðŁĮ ī +ðŁĮ ij +ðŁĮ ĺ +ðŁĮ © +ðŁĮ « +ðŁį ¢ +ðŁį ¥ +ðŁİ Ľ +ðŁİ ¢ +ðŁİ ´ +ðŁij ¡ +ðŁĴ ¾ +ðŁĵ Ń +ðŁĶ Ī +ðŁĶ ¦ +ðŁĶ ² +ðŁĶ ³ +ðŁķ ĵ +ðŁķ ķ +ðŁķ ĺ +ðŁķ Ł +ðŁķ · +ðŁĹ ³ +ðŁļ Ħ +ðŁļ Ķ +ðŁļ ĸ +ðŁĽ IJ +ðŁĽ ¤ +ðŁĽ ¸ +ðŁ ł +ðŁł ³ +ðŁ¤ ¹ +ðŁ¥ ĥ +ðŁ¥ ¨ +ðŁ¥ ª +ðŁ¥ ¾ +ðŁ¦ ĥ +ðŁ¦ Ĵ +ðŁ¦ Ļ +ðŁ¦ ¶ +ðŁ§ ł +ðŁ§ ª +ðŁ§ Ń +ðŁ§ ² +𣠷 +ð£· Ń +ð¦ ĺ +ð¦ĺ Ĵ +Æ ij +Ç Ļ +È ® +Ø ł +Ú Ħ +Ü Ģ +ß ¢ +áī Ģ +áĬ IJ +áİ ł +Ạŀ +ëĪ ŀ +ëķ Ł +ë£ ģ +ë¤ Ĺ +ìĦ ¥ +ìħ ij +ìĸ IJ +ìĽ Ľ +ì£ ķ +íİ ı +íĽ ĵ +ï¥ º +ï³ Ľ +ï´ « +ðĸ § +ðĸ§ · +ðĿķ ģ +ðŁIJ ª +ðŁĴ Ī +ðŁĵ ł +ðŁķ Ľ +ðŁķ ´ +Ñ Ŀ +Ó Ĭ +ॠ² +ઠª +áĥ ¤ +áį IJ +á¶ ° +á¼ Ŀ +á½ © +âĭ ĭ +âĴ ½ +âĻ ¾ +â ½Ķ +â¾ ¯ +ãĦ Ĵ +ãħ ļ +ëIJ į +ë· ģ +ìĭ Ģ +ìļ Ŀ +ì¥ ° +ìº ´ +íĭ ī +íĿ ½ +ï¦ Ģ +ï¦ ¿ +ï§ ħ +ï§ ĵ +ïŃ ¯ +ï® Ĩ +ðIJ¤ ķ +ðĿIJ Ł +ðĿĴ ħ +ðĿĵ ľ +ðĿĶ ° +ðĿĶ » +ðĿĺ į +ðĿĻ ¯ +ðŁĦ ½ +ðŁħ Ĥ +ðŁħ Ķ +ðŁħ ½ +ðŁĵ ´ +ðŁ§ ĸ +Ó Ĵ +Ḡ² +ëī ¼ +Ç ı +È ĵ +Ê ¸ +Õ Ĥ +Û ħ +ß ¡ +ß £ +à® ¯ +à° Ī +ಠ¸ +ຠ® +༠ķ +áĢ İ +áĨ ¡ +áIJ ĭ +áIJ ķ +áij ¯ +áŀ Ĩ +ᨠķ +á© Ī +âģ ħ +âĨ ļ +âĶ İ +âł © +â² Ĥ +â² Ķ +â² ¨ +ãĬ ļ +íĵ ² +ðĿij Ī +ðĿij ¬ +ðĿij ¹ +ðĿĴ ¾ +ðĿĵ ± +ðĿĵ ½ +ðĿķ ¯ +ðĿķ » +ðĿĺ ½ +ðĿļ Ĩ +ðŁĦ ° +ðŁIJ ¨ +Ò ķ +ಠħ +ï¨ Ĩ +ðĿij ° +ðŁĦ ¸ +Ô İ +Ø į +Ù µ +ಠ¶ +áĢ Ī +áĺ Ĺ +áł ¸ +á¡ ¡ +ᨠ² +á© ģ +á´ · +áµ § +âķ ¨ +âļ ģ +â¾ Ŀ +ãĢ ¼ +ãĦ ı +êĴ « +ê¦ ¥ +ê¦ © +ê¦ ² +ìĺ ¼ +íĵ IJ +ðĵ ĩ +ðĵĩ ¼ +ðĿķ ¿ +ðŁĽ ´ +ë¨ ľ +ಠµ +à´ İ +à¼ Ģ +âĩ ĸ +ãĪ « +âĵ Ģ +áħ ´ +áļ ¾ +ἠŀ +ἠ« +ᥠ´ +âĨ Ľ +âĨ ¶ +âĩ ¤ +âķ Ł +âĺ · +âļ IJ +ðŁ§ ´ +á¹ ³ +âĶ į +âĶ Ĵ +âĶ © +âĶ ¦ +â¾ µ +ઠľ +ઠ¤ +âĩ Ļ +âĶ ± +âķ Ģ +â½ Ĭ +ï½ Ł +ଠ¡ +ðł ® +ðł® · +âķ ĥ +â° Ķ +ãĬ ¦ +ðŁİ IJ +ãĩ ° +â¼ Ŀ +â¾ Ķ +â½ Ĵ +âł Ĵ +ï¨ ¦ +ï© Ĵ +ï¨ ² +ï© ĸ +ðĵı ¸ +ãĮ ĥ +ðĸ ¤ +ðĸ¤ IJ +ï¦ Ń +âĬ ħ +â¾ ³ +ä´ ¥ +ï© ķ +ðŁĮ Ķ +áŀ ĭ +âļ į +â¼ ĭ +ãİ ĺ +ðIJĮ ² +É © +áİ ij +âĨ ® +âĩ ĥ +âļ İ +ãĩ ± +ãĭ © +ãĮ ¶ +êĻ ª +ëİ ¬ +ï¨ IJ +ï¨ Ľ +ï© Ĭ +ï© į +ðĵ ħ +ðĵħ º +Ï ¡ +È ij +É Ĥ +Ô ĵ +ß İ +à´ § +áĢ ī +áĢ ĭ +áĢ ij +áĢ ł +áļ Ļ +ᨠĦ +ᨠ© +ᨠ¹ +á© ĵ +ᬠľ +á´ Ļ +áµ ij +âĤ Ń +âĨ ° +âľ ģ +â½ IJ +ãĭ ¯ +ãĮ ½ +íĨ ¢ +ï¤ ¿ +ðŁ Ĥ +ðŁĤ » +È Ĵ +Í º +Ô ¥ +Õ ij +Ú ¶ +à§ İ +à¶ ® +ຠĸ +ຠľ +ຠ½ +áĥ » +áħ ¯ +áĭ ŀ +áĸ ķ +á ´Ī +á¶ Ĩ +Ḡľ +á¹ ¼ +á¿ ¨ +âĦ ĭ +âĦ Ń +âĪ ± +âĮ ĵ +âĶ ĩ +âĶ ¢ +â± ® +â² Ħ +ãĩ ¾ +ãĪ ¬ +ë¸ ¡ +ìIJ ī +íĻ Ľ +ðĿķ ª +Æ ¹ +Í ² +Ó ģ +Û ¼ +ঠ« +áħ Ł +áī Ĩ +áį Ī +Ạĸ +á½ ī +âĶ ¸ +â½ © +ê ľ +êľ ¥ +êµ ħ +ëĤ Ķ +ëĦ ł +ëĩ Ĺ +ëĻ Ŀ +ìļ ¯ +ìļ · +ìŁ Ľ +ì· IJ +íŁ ¬ +íŁ ® +íŁ ° +ï¦ Ĩ +ï¦ ± +ï² ŀ +ï³ ¤ +ï³ ¥ +ðIJĮ ¸ +ðĿĶ ı +ðĿķ ® +ðĿĺ £ +à¦ Ī +âı ı +ãĦ ĸ +ê² ĩ +ëĸ ĺ +ëľ · +ëŀ Ĵ +ë¡ ĵ +ë¢ ī +ë£ ĥ +ë§ ĭ +ë² ĭ +ìĤ · +ìĪ ķ +ì Į¨ +ìĵ » +ìĸ Ĭ +ìĻ ¬ +ìĿ » +ì¦ ģ +ìµ ¤ +ì· ĥ +íĢ ľ +íħ ī +íį ł +íı ħ +íij ± +íķ ķ +íĸ ł +íĿ ķ +Æ Ļ +Æ ļ +Æ ŀ +Ç ĥ +Ç Ĭ +Ç ľ +Ç ¤ +Ç Ń +Ç ¹ +È Ģ +È ģ +È ħ +È ī +È Ĺ +È Ł +È ¤ +È ¥ +È ¨ +È µ +È º +È » +É Į +É ® +Ê ħ +Ê ¥ +Ê ¨ +Ë ĵ +Ë Ķ +Ë ł +Ë £ +Ë ¸ +Í ´ +Ï Ĺ +Ï ĺ +Ï Ļ +Ï ļ +Ï Ŀ +Ï ¨ +Ï ¬ +Ï ¾ +Ï ¿ +Ñ ª +Ò Ģ +Ò ľ +Ò ¼ +Ò ½ +Ó Ĥ +Ó ħ +Ó ĩ +Ó į +Ó ĸ +Ó Ł +Ó « +Ó ± +Ô Ĩ +Ô ĩ +Ô º +Õ ĭ +Ö ī +Ø Ī +Ø Ĭ +Ø ½ +Ø ¾ +Ù · +Ú Ĥ +Ú Ĭ +Ú ĸ +Ú Ĺ +Ú £ +Ú « +Ú ¸ +Û Ģ +Û į +Û ½ +Ü ī +Ü ¤ +Ý § +Ý ´ +Þ ĥ +Þ ¤ +Þ ¥ +ß ļ +ß Ľ +ß ¤ +àł į +àł ĵ +àł ³ +à¡ ¢ +ॠł +à§ ł +à§ º +ਠĬ +ਠIJ +ਠ® +ਠ¯ +ਠ° +ਠ¸ +ઠĨ +ઠ³ +ઠµ +ઠ½ +ଠĮ +ଠĺ +ଠ½ +à® ĥ +à® ¸ +à° Ĩ +à° ķ +à° ¦ +ಠĨ +ಠĬ +ಠĮ +ಠIJ +ಠĽ +ಠ¤ +ಠ¦ +ಠª +ಠ² +ಠ¹ +à´ Ĩ +à´ ı +à´ Ĺ +à´ « +à´ ¹ +ൠº +ൠ½ +à¶ ħ +à¶ Ĭ +à¶ Ķ +à¶ § +à¶ « +à¶ ° +༠Ħ +༠ħ +༠Ĭ +à½ Ļ +འ¡ +འ§ +à¿ Ģ +à¿ Ļ +áĢ Ŀ +áĢ § +áĢ © +áĢ ¿ +áģ µ +áĤ ģ +áĤ ½ +áĥ Ĥ +áĥ ª +áĦ Ĭ +áĦ ¢ +áħ ¦ +áħ Ń +áĨ ® +áĨ ± +áĨ » +á ĩ +áĩ Ĥ +áĪ ħ +áĪ ī +áĪ Į +áĪ IJ +áĪ Ĵ +áĪ Ļ +áĪ ļ +áĪ ľ +áĪ ŀ +áĪ © +áĪ ³ +áĪ º +áĪ ½ +áī ħ +áī ¢ +áī ± +áī ´ +áĬ ĥ +áĬ į +áĬ ĸ +áĬ ® +áĬ ¸ +áĭ Ľ +áĭ Ŀ +áĭ ³ +áĮ ģ +áĮ ħ +áĮ ¥ +áĮ ¦ +á Į¨ +áį Ĭ +áį į +áį ķ +áį ĸ +áį ¢ +áį ¤ +áİ Ĵ +áİ ª +áı ģ +áı IJ +áı Ł +áIJ Ĥ +áIJ ĸ +áIJ Ŀ +áIJ ŀ +áIJ Ł +áIJ ł +áij ĸ +áĴ ĭ +áĴ į +áĴ ¡ +áĵ « +áĶ ķ +áķ ĭ +áķ ij +áķ Ļ +áķ ļ +áķ Ľ +áķ ¤ +áķ ¦ +áķ ® +áķ ¼ +áĸ ĵ +áĹ Ĺ +áĹ ¢ +áĹ ¯ +áĹ · +áĺ Ħ +áĺ ij +ἠĤ +áĽ Ļ +áŀ į +áł Ĩ +áł ¡ +áł ¦ +áł ® +áł ¯ +áł ² +áł · +á¡ į +á¡ ŀ +á¡ ¤ +á ¡´ +á¡ µ +ᤠĵ +ᥠĸ +ᥠ° +ᨠ¦ +ᨠ§ +ᨠ¨ +ᨠª +ᨠ¬ +ᨠ¯ +ᨠ³ +ᨠµ +á© ĥ +ᬠķ +áŃ £ +á ± +á± ļ +á² ł +á´ ĵ +á´ ¶ +áµ Ĥ +áµ Į +áµ ¥ +áµ ´ +á¶ ĩ +á¸ Ī +Ḡł +Ḡ§ +Ḡ´ +Ḡ¾ +á¹ Ģ +á¹ ĸ +á¹ Ł +á¹ ł +á¹ « +á¹ ± +á¹ · +á¹ ¿ +ẠĦ +Ạį +Ạij +áº Ĺ +á¼ ī +á¼ ĵ +á¼ Ń +á½ ĭ +á½ Ĵ +á½ ł +á½ £ +á¾ Ħ +á¾ ı +á¾ ij +á¾ Ĺ +á¾ ¦ +á¾ § +á¾ ¾ +á¿ Ħ +á¿ ĵ +á¿ ¡ +á¿ ¬ +âģ ļ +âĤ Į +âĦ ģ +âĦ Ķ +âĦ £ +âĦ § +âĦ ¯ +âĦ ° +âĦ ´ +âħ ħ +âĨ ľ +âĨ « +âĨ Ń +âĨ ± +âĨ ¹ +âĨ ½ +âĩ ĩ +âĩ ľ +âĩ µ +âĪ ī +âĪ Ĭ +âĪ ĸ +âĪ ľ +âĪ ¾ +âī Ģ +âī ĭ +âī Į +âī ĵ +âī ľ +âī ´ +âī ¿ +âĬ Ĭ +âĬ ĭ +âĬ Ķ +âĬ ĸ +âĬ £ +âĬ ¦ +âĭ İ +âĭ ª +âĭ ² +âĮ ¦ +âĮ § +âį º +âİ Ī +âİ ¨ +âİ ¬ +âİ ³ +âİ ¼ +âİ ¾ +âı Į +âı ļ +âı « +âı ¯ +âı µ +âĴ ľ +âĴ Ŀ +âĴ « +âĵ Ħ +âĵ Ĭ +âĵ Ļ +âĵ © +âĶ ij +âĶ Ļ +âĶ ļ +âĶ ¥ +âķ ħ +âķ ī +âķ į +âķ ı +âķ ŀ +âĸ ļ +âĸ ¯ +âĹ ĥ +âĹ ļ +âĹ ¬ +âĹ ´ +âĺ Ī +âĺ ¤ +âĺ ¥ +âĺ § +âĺ ¬ +âĻ ģ +âĻ ± +âļ ĥ +âļ Ħ +âļ ħ +âļ ı +âļ ļ +âļ ŀ +âļ Ł +âļ ± +âļ ² +âľ Ģ +âľ Ł +âľ ¢ +âĿ µ +⣠¡ +⣠¦ +⣠§ +⣠³ +⣠¾ +⣠¿ +âł ĩ +⤠Ħ +⤠º +⥠Ĥ +⥠¹ +â§ ī +â§ ¼ +â§ ½ +⨠į +⬠Ĭ +â¬ Ł +âŃ ŀ +â® ŀ +â® ³ +â¯ Ī +⯠ij +â± ł +â± ± +â² Ń +â´ ¹ +âµ ķ +⸠¾ +â º« +â¼ Ĩ +â¼ ł +â½ Ł +â½ ¼ +â¾ Ľ +â¾ § +â¿ ĥ +â¿ » +ãĤ ķ +ãĤ Ł +ãĦ Ľ +ãĦ ¡ +ãĦ ¶ +ãĦ º +ãħ Ĵ +ãħ Ł +ãĨ Ģ +ãĩ » +ãĪ ij +ãĪ Ń +ãĪ ® +ãĪ ³ +ãĪ ¹ +ãī ¥ +ãī ¦ +ãī ¹ +ãī ¿ +ãĬ ŀ +ãĬ ¨ +ãĭ ij +ãĭ ¥ +ãĭ ´ +ãĭ º +ãİ Ħ +ãİ ķ +ãİ ¯ +ãı Ĥ +ãı Ī +ãı ĵ +ãı ĸ +ãı ± +ãIJ ± +ãŁ ģ +ã ¢ +㢠¨ +ã ¨ +㨠³ +ã« ª +ã« ´ +ã¶ ³ +㺠¾ +ä Ģ +äĢ Ģ +ä ĭ +äĭ Į +ä ĮĢ +äIJ Ģ +ä łĢ +ä ł +äł ¼ +ä § +ä§ ŀ +ä¨ ° +ä¨ º +ä ´Ģ +ä · +ä· ħ +ä ·¸ +ê Ĥ +êĤ « +ê Į +êĮ ¼ +ê į +êį ² +êĴ µ +ê ĵ +êĵ ½ +êĻ Ń +êĿ Ľ +êĿ ¥ +ê ŀ +êŀ Ĭ +ê¦ Ĩ +ê¦ ĩ +ê¦ Ł +ê¦ ¨ +ê§ Ī +ê © +ê© Ł +êª ĭ +êª ij +êª ķ +êª Ĺ +êª ľ +êª ® +êª ± +êª » +êª ¼ +ê« Ģ +ê« Ŀ +ê° ĥ +ê° ĺ +ê± ľ +ê² ĵ +ê² ļ +ê³ Ļ +ê³ ¾ +ê´ Ĺ +ê´ Ļ +êµ Ľ +ê¶ ĥ +ê¶ ķ +ê¶ ¨ +ê¸ © +ê¸ ¿ +ê ¹Ħ +ê¹ Ĩ +ê¹ ī +ê¹ ĵ +ê¹ ¢ +ê¹ £ +ê¹ ¸ +êº ³ +ê¿ ı +ê¿ ķ +ê¿ § +ëĢ © +ëģ ħ +ëĥ µ +ëĦ ĸ +ëĦ Ĺ +ëĦ ¢ +ëħ Ĥ +ëĨ IJ +ëĩ ľ +ëĪ ĭ +ëĪ ļ +ëī į +ëī ¨ +ëĬ ļ +ëĬ ¡ +ëĭ ľ +ëĭ ª +ëĮ ĺ +ëĮ ¤ +ëĮ ¸ +ëİ Ł +ëı ¨ +ëIJ Ħ +ëIJ ı +ëIJ ´ +ëIJ ¸ +ëij ģ +ëij ¿ +ëĴ ¨ +ëĵ · +ëĶ ® +ëĶ ² +ëķ § +ëĸ Ķ +ëĸ ª +ëĺ Ń +ëļ Ģ +ëļ ł +ëĽ Ķ +ëĽ © +ëľ ħ +ëŀ ķ +ëŀ ° +ëŁ IJ +ëł ¡ +ë¡ ŀ +ë¡ £ +ë¡ µ +ë£ Ħ +ë£ į +ë¤ ³ +ë¦ į +ë¦ ı +ë¦ ³ +ë§ Ħ +ë§ Ĩ +ë§ į +ë§ ľ +ë§ « +ë§ » +ë¨ ® +ë© Ĥ +ë© Ń +ëª ´ +ë¬ ľ +ë¬ ł +ë¬ « +ë¬ ¾ +ëŃ ¬ +ë® ĺ +ë® ¹ +ë¯ ķ +ë¯ ľ +ë° ¨ +ë° ª +ë± Ķ +ë² ĺ +ë² Ľ +ë² ± +ë² ´ +ë´ ½ +ëµ ¤ +ëµ ¨ +ë· Ĺ +ë· ĺ +ë¸ ĵ +ë¸ ľ +ë¹ ª +ëº ĥ +ëº ĺ +ëº µ +ë» ´ +ë¼ IJ +ë¾ Ķ +ìģ Ń +ìĤ ł +ìĤ ® +ìĥ ı +ìĥ Ļ +ìĦ º +ìħ ¢ +ìĨ Ģ +ìĨ ħ +ìĨ ¤ +ìĨ ¦ +ìĨ ¬ +ìĩ ± +ìĪ µ +ìĭ ¨ +ìĭ ´ +ìĮ ° +ìį ľ +ìİ Ĺ +ìİ ĺ +ìİ ¼ +ìij ī +ìij Ŀ +ìij » +ìĴ Ķ +ìĴ ¯ +ìĵ © +ìķ IJ +ìķ ĸ +ìĸ ł +ìĸ ¾ +ìĹ ĥ +ìĹ Ĺ +ìĹ ľ +ìĹ ¨ +ìĺ Ĥ +ìĺ Ħ +ìĺ ı +ìĺ ¾ +ìĺ ¿ +ìľ § +ìĿ IJ +ìĿ ĸ +ìĿ · +ìŀ į +ìŀ ı +ìŀ ¨ +ìŀ ª +ìŀ ³ +ìł ¡ +ìł ´ +ìł ¹ +ì¡ Ģ +ì¡ ª +ì¡ µ +ì¢ IJ +ì¢ ¨ +ì£ Į +ì£ Ļ +ì£ ³ +ì¦ ij +ì§ ¥ +ì§ ´ +ì§ ¾ +ì¨ ĵ +ì¨ ķ +ì© ° +ì© » +ì© ¼ +ìª Ĺ +ì¬ Ķ +ì¬ ĺ +ì® ® +ì¯ ķ +ì¯ ĺ +ì° İ +ì° ¯ +ì± ĥ +ì± µ +ì² § +ì² ® +ì² ¯ +ì³ ¬ +ì´ ĭ +ì´ ¢ +ìµ ¥ +ì¶ £ +ì¸ Ī +ì¸ Ļ +ìº ¤ +ìº Ń +ì» ½ +ì¼ Ļ +ì½ ¬ +ì¾ Ģ +ì¿ ħ +ì¿ ½ +íĢ ħ +íģ ¦ +íĤ ħ +íĥ ¶ +íĥ ¹ +íĦ Ķ +íħ £ +íĨ Ħ +íĨ § +íĨ ¹ +íĩ ¼ +íī ¤ +íĬ ½ +íĭ Ĥ +íĭ ij +íį Ī +íį Ļ +íį ¿ +íİ ¶ +íIJ Ŀ +íĴ ľ +íĵ Ŀ +íĵ ª +íĵ ± +íĵ · +íĵ ¼ +íĶ Ļ +íĶ ł +íķ ļ +íķ Ľ +íķ ŀ +íķ Ł +íķ § +íķ ¶ +íĸ Ĭ +íĸ ĭ +íĸ į +íĸ Ķ +íĸ ĺ +íĸ ¡ +íĸ ¬ +íĹ £ +íĹ ¿ +íĺ ĸ +íĺ Ń +íļ ° +íĽ į +íĽ ½ +íĿ Ł +íĿ Ń +íĿ ´ +íŀ ľ +ï¤ ī +ï¤ Ń +ï¤ ² +ï¤ µ +ï¤ ¼ +ï¥ Ģ +ï¥ ij +ï¥ Ĵ +ï¥ ķ +ï¥ ĺ +ï¥ Ļ +ï¥ « +ï¥ ¬ +ï¥ ° +ï ¥¿ +ï¦ ĭ +ï¦ ı +ï¦ Ķ +ï¦ ĸ +ï¦ ĺ +ï¦ Ľ +ï¦ ł +ï¦ ® +ï¦ ¯ +ï¦ º +ï¦ » +ï¦ ¾ +ï§ Ĩ +ï§ ĸ +ï§ Ľ +ï§ ŀ +ï§ Ł +ï§ § +ï§ ³ +ï§ º +ï§ ½ +ï¨ ĥ +ï¨ ļ +ï¨ ¢ +ï© Ł +ï¬ ¤ +ï¬ ¬ +ï¬ ¼ +ïŃ Ĵ +ïŃ ķ +ïŃ Ľ +ïŃ Ŀ +ïŃ ŀ +ïŃ Ł +ïŃ ¤ +ïŃ § +ïŃ ¨ +ïŃ ® +ïŃ ° +ïŃ ± +ïŃ · +ïŃ ¹ +ïŃ » +ï® Ģ +ï® ĥ +ï® Ħ +ï® ħ +ï® į +ï® Ĵ +ï® ĵ +ï® ķ +ï® ¦ +ï® ® +ï® ° +ï¯ ĵ +ï¯ ľ +ï¯ © +ï¯ ª +ï¯ ¬ +ï¯ Ń +ï¯ ® +ï¯ · +ï¯ ¹ +ï¯ » +ï¯ ¼ +ï° ĥ +ï° Į +ï° IJ +ï° ĺ +ï° Ļ +ï° ľ +ï° ŀ +ï° ¢ +ï° ® +ï° ° +ï° ¼ +ï° ¿ +ï± Ģ +ï± ģ +ï± Ī +ï± ĭ +ï± ı +ï± Ń +ï² Ģ +ï² ĩ +ï² Ī +ï² ĭ +ï² İ +ï² Ĵ +ï² ľ +ï² ł +ï² ¬ +ï² » +ï³ ĩ +ï³ Ķ +ï³ £ +ï³ « +ï´ ĺ +ï´ ° +ï´ ½ +ï ¶ +ï¶ ° +ï¸ ĸ +ï¸ ´ +ï¸ ¹ +ï¹ į +ï¹ Ĺ +ï¹ ¢ +ï¹ ¤ +ï¹ © +ï¹ ± +ï¾ ° +ï¿ Ĥ +ï¿ ® +ðIJĮ ° +ðIJĮ ¹ +ðIJĮ º +ðIJĮ ½ +ðIJį Ĥ +ðIJį ĥ +ðIJį Ħ +ðIJ İ +ðIJİ ¹ +ðIJ¤ Ĥ +ðIJ¤ į +ðIJ¤ ı +ðIJ¤ ĵ +ðIJŃ ī +ðIJŃ į +ðIJ° ĩ +ðIJ° ° +ðij Ĥ +ðijĤ Ħ +ðij ĺ +ðijĺ ģ +ðĴ Ģ +ðĴĢ ¸ +ðĴ ģ +ðĴģ º +ðĴ Ħ +ðĴĦ · +ðĴ Ĭ +ðĴĬ ij +ðĴ ĭ +ðĴĭ Ĺ +ð ĴĮ +ðĴĮ ¨ +ðĵĥ ¢ +ðĵĥ ° +ðĸ ł +ðĸł ļ +ðĿĦ ĥ +ðĿĦ ħ +ðĿĦ ķ +ðĿĦ Ļ +ðĿĦ ± +ðĿĦ ´ +ðĿĦ ¹ +ðĿħ İ +ðĿħ ª +ðĿĨ £ +ðĿĨ ³ +ðĿĨ ¹ +ðĿĩ Ĭ +ðĿĩ Ĺ +ðĿĩ ļ +ðĿĩ ľ +ðĿĩ ł +ðĿIJ ī +ðĿIJ ĸ +ðĿIJ ĺ +ðĿIJ £ +ðĿIJ ± +ðĿij Ĭ +ðĿij Ń +ðĿij ¼ +ðĿij ½ +ðĿĴ ° +ðĿĴ · +ðĿĴ ¿ +ðĿĵ ģ +ðĿĵ ĭ +ðĿĵ İ +ðĿĵ Ĵ +ðĿ ĵĺ +ðĿĵ ¢ +ðĿĵ ¦ +ðĿĵ « +ðĿĵ ¿ +ðĿĶ İ +ðĿĶ ± +ðĿĶ ´ +ðĿĶ · +ðĿĶ ¸ +ðĿĶ ½ +ðĿķ Ĥ +ðĿķ ĥ +ðĿķ ĭ +ðĿķ ı +ðĿķ IJ +ðĿķ ¥ +ðĿķ ´ +ðĿķ º +ðĿĸ IJ +ðĿĸ Ľ +ðĿĸ Ŀ +ðĿĸ ŀ +ðĿĹ © +ðĿĹ ³ +ðĿĹ ½ +ðĿĺ Ĭ +ðĿĺ ĭ +ðĿĺ Ķ +ðĿĺ ± +ðĿĺ ´ +ðĿĺ ¿ +ðĿĻ Ĵ +ðĿĻ Ŀ +ðĿĻ Ł +ðĿĻ ¬ +ðĿĻ Ń +ðĿĻ » +ðĿĻ ¾ +ðĿļ Ī +ðĿļ ĭ +ðĿļ ij +ðĿļ Ł +ðĿļ ł +ðĿļ £ +ðĿĽ ½ +ðĿľ Ĥ +ðĿľ Ķ +ðĿľ Ļ +ðŁ Ģ +ðŁĢ Ħ +ðŁĦ ² +ðŁĦ ¶ +ðŁħ IJ +ðŁħ ĸ +ðŁħ ļ +ðŁħ Ľ +ðŁħ ¦ +ðŁħ ¶ +ðŁħ » +ðŁħ ¼ +ðŁĨ ĥ +ðŁĨ Ĩ +ðŁĨ İ +ðŁĪ ¯ +ðŁĪ ² +ðŁĪ ¹ +ðŁĮ ĩ +ðŁĮ ĵ +ðŁį ĺ +ðŁİ ij +ðŁİ ¿ +ðŁı ı +ðŁı Ĵ +ðŁı © +ðŁı ¯ +ðŁIJ Ģ +ðŁij Ŀ +ðŁĴ ¹ +ðŁĴ º +ðŁĵ Ł +ðŁĵ ª +ðŁĵ ¼ +ðŁĶ Ģ +ðŁĶ Ĥ +ðŁĶ ĥ +ðŁĶ ĩ +ðŁĶ ĵ +ðŁĶ ¢ +ðŁĶ ¤ +ðŁĶ © +ðŁķ ĸ +ðŁķ ļ +ðŁķ ľ +ðŁķ Ŀ +ðŁķ ŀ +ðŁķ ł +ðŁķ ¢ +ðŁķ ³ +ðŁĸ ĩ +ðŁĸ ij +ðŁĸ ¶ +ðŁĹ ģ +Ñ ¨ +Ú İ +á¡ Į +Ḡ° +áº Ģ +á¼ ® +á½ Ŀ +âĦ ¬ +âļ § +⼠¤ +ã³ ¬ +êĻ ĭ +ê¸ ij +ëĶ ī +ëĹ į +ë¡ ij +ë¯ ij +ë» ħ +ë¼ Ŀ +ìĦ IJ +ìī ¡ +ìĭ ² +ìı ± +ìĹ ¤ +ìĿ © +ìĿ ¿ +ìŁ Ļ +ìł ° +ì¥ ī +íĬ Ń +íķ ® +ï® ı +ðŁħ ± +ðŁĨ Ĵ +ðŁķ ĭ +É ĺ +Ê ĵ +Õ ĥ +à´ ´ +འħ +áĨ º +áĪ Ĭ +áĪ ¨ +áĪ ¾ +áī IJ +áĮ ĥ +áĮ ½ +áĶ Ń +áł Ĥ +áł ¬ +ᨠ¸ +á© ĭ +á¶ ı +á¾ Ķ +á¿ IJ +á¿ ļ +âĻ Ļ +âļ Ĥ +âļ Ĺ +â¡ ¢ +⤠¦ +ëĸ ° +ë¤ Ĥ +ë§ ł +ë± ĭ +ë± IJ +ìĽ ¢ +ìľ ¾ +ì³ ħ +ì» ģ +íģ » +íĥ Ļ +íĵ ĸ +íĵ Ń +íķ ± +íĽ ľ +ï¤ ħ +ï¤ Ĩ +ï¦ ĥ +ï§ © +ï¨ Ĥ +ðIJ¤ Ķ +ðIJŃ ĵ +ðIJ° ¼ +ðĿĵ ŀ +ðĿĵ ° +ðĿĻ ľ +ðĿļ ģ +ðŁħ ¢ +ðŁı ĩ +È ² +Ê ¶ +Ô Ī +Ô ij +Ý ĵ +Ý ¥ +ठij +ॠ± +ଠī +à° ³ +à° µ +à² Ł +áĢ ı +áģ ¼ +áī ¨ +áĬ Ĵ +áĭ © +áĮ Ħ +áĮ Ķ +áIJ § +á ĴĮ +áĶ ħ +áĶ Ĭ +áł Ħ +ᨠģ +Ḡĥ +Ḡ» +âĶ ŀ +âĺ µ +âļ £ +â² ¢ +ãĪ ª +ä¶ µ +ê² Ļ +ê² ´ +ê³ Ĥ +ë¡ ¼ +ìĨ Ĭ +ì¼ ĩ +íĭ į +íĵ ¬ +íĵ ® +íĵ ¶ +íĵ » +ï¤ ¦ +ï¥ ł +ï¥ ± +ïŃ ² +ðIJŃ Ĭ +ðIJ ±ħ +ðĸ ¥ +ðĸ¥ ¨ +ðĿij ³ +ðĿĵ ķ +ðĿĵ ¬ +ðĿĵ ¹ +ðĿĵ ¾ +ðĿĶ ĵ +ðĿķ į +ðĿķ ¡ +ðĿķ ± +ðĿĸ ĸ +ðĿĺ ı +ðĿĺ IJ +ðĿĺ ļ +ðĿĻ ® +ðĿĻ ° +ðĿĻ ¸ +ðĿĻ º +ðĿĻ ¼ +ðĿĻ ½ +ðĿĻ ¿ +ðĿļ Ħ +ðĿļ ı +ðŁħ ħ +ðŁħ ĵ +Æ Ī +àł Į +áĻ ³ +á ļĮ +ἠħ +ἠIJ +ᤠĬ +ḠĬ +âĶ ½ +âķ Ĭ +⼠ĩ +⼠ı +âĿ ª +âĿ « +⣠° +ãĦ į +ãĦ ĵ +ãĦ § +ãħ ĸ +ãī « +ê¦ Ķ +ï± Ĭ +ຠĤ +áħ £ +á¥ Ķ +ᥠ¤ +âĨ ¤ +âĨ · +âĩ ŀ +âĸ ¤ +âŀ ¶ +ãĪ ¼ +ï¨ · +ðĵı § +âĶ ² +âĢ ´ +âĴ Ł +âĴ ¡ +â° Ĥ +â° į +â° İ +â° IJ +â° ij +â° Ł +â° ł +â° ¡ +â¼ Ń +ãĬ ¥ +âĴ ł +â½ º +ãĩ º +ãĩ ½ +ï¨ Ĭ +áķ · +âį ¨ +âº Ł +â½ Ĺ diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/tokenizer.json" "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/tokenizer.json" new file mode 100644 index 0000000..949e1ec --- /dev/null +++ "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/tokenizer.json" @@ -0,0 +1,757480 @@ +{ + "version": "1.0", + "truncation": null, + "padding": null, + "added_tokens": [ + { + "id": 151643, + "content": "<|endoftext|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 151644, + "content": "<|im_start|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 151645, + "content": "<|im_end|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 151646, + "content": "<|object_ref_start|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 151647, + "content": "<|object_ref_end|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 151648, + "content": "<|box_start|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 151649, + "content": "<|box_end|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 151650, + "content": "<|quad_start|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 151651, + "content": "<|quad_end|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 151652, + "content": "<|vision_start|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 151653, + "content": "<|vision_end|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 151654, + "content": "<|vision_pad|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 151655, + "content": "<|image_pad|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 151656, + "content": "<|video_pad|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 151657, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": false + }, + { + "id": 151658, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": false + }, + { + "id": 151659, + "content": "<|fim_prefix|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": false + }, + { + "id": 151660, + "content": "<|fim_middle|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": false + }, + { + "id": 151661, + "content": "<|fim_suffix|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": false + }, + { + "id": 151662, + "content": "<|fim_pad|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": false + }, + { + "id": 151663, + "content": "<|repo_name|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": false + }, + { + "id": 151664, + "content": "<|file_sep|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": false + }, + { + "id": 151665, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": false + }, + { + "id": 151666, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": false + }, + { + "id": 151667, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": false + }, + { + "id": 151668, + "content": "", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": false + } + ], + "normalizer": { + "type": "NFC" + }, + "pre_tokenizer": { + "type": "Sequence", + "pretokenizers": [ + { + "type": "Split", + "pattern": { + "Regex": "(?i:'s|'t|'re|'ve|'m|'ll|'d)|[^\\r\\n\\p{L}\\p{N}]?\\p{L}+|\\p{N}| ?[^\\s\\p{L}\\p{N}]+[\\r\\n]*|\\s*[\\r\\n]+|\\s+(?!\\S)|\\s+" + }, + "behavior": "Isolated", + "invert": false + }, + { + "type": "ByteLevel", + "add_prefix_space": false, + "trim_offsets": false, + "use_regex": false + } + ] + }, + "post_processor": { + "type": "ByteLevel", + "add_prefix_space": false, + "trim_offsets": false, + "use_regex": false + }, + "decoder": { + "type": "ByteLevel", + "add_prefix_space": false, + "trim_offsets": false, + "use_regex": false + }, + "model": { + "type": "BPE", + "dropout": null, + "unk_token": null, + "continuing_subword_prefix": "", + "end_of_word_suffix": "", + "fuse_unk": false, + "byte_fallback": false, + "ignore_merges": false, + "vocab": { + "!": 0, + "\"": 1, + "#": 2, + "$": 3, + "%": 4, + "&": 5, + "'": 6, + "(": 7, + ")": 8, + "*": 9, + "+": 10, + ",": 11, + "-": 12, + ".": 13, + "/": 14, + "0": 15, + "1": 16, + "2": 17, + "3": 18, + "4": 19, + "5": 20, + "6": 21, + "7": 22, + "8": 23, + "9": 24, + ":": 25, + ";": 26, + "<": 27, + "=": 28, + ">": 29, + "?": 30, + "@": 31, + "A": 32, + "B": 33, + "C": 34, + "D": 35, + "E": 36, + "F": 37, + "G": 38, + "H": 39, + "I": 40, + "J": 41, + "K": 42, + "L": 43, + "M": 44, + "N": 45, + "O": 46, + "P": 47, + "Q": 48, + "R": 49, + "S": 50, + "T": 51, + "U": 52, + "V": 53, + "W": 54, + "X": 55, + "Y": 56, + "Z": 57, + "[": 58, + "\\": 59, + "]": 60, + "^": 61, + "_": 62, + "`": 63, + "a": 64, + "b": 65, + "c": 66, + "d": 67, + "e": 68, + "f": 69, + "g": 70, + "h": 71, + "i": 72, + "j": 73, + "k": 74, + "l": 75, + "m": 76, + "n": 77, + "o": 78, + "p": 79, + "q": 80, + "r": 81, + "s": 82, + "t": 83, + "u": 84, + "v": 85, + "w": 86, + "x": 87, + "y": 88, + "z": 89, + "{": 90, + "|": 91, + "}": 92, + "~": 93, + "¡": 94, + "¢": 95, + "£": 96, + "¤": 97, + "¥": 98, + "¦": 99, + "§": 100, + "¨": 101, + "©": 102, + "ª": 103, + "«": 104, + "¬": 105, + "®": 106, + "¯": 107, + "°": 108, + "±": 109, + "²": 110, + "³": 111, + "´": 112, + "µ": 113, + "¶": 114, + "·": 115, + "¸": 116, + "¹": 117, + "º": 118, + "»": 119, + "¼": 120, + "½": 121, + "¾": 122, + "¿": 123, + "À": 124, + "Á": 125, + "Â": 126, + "Ã": 127, + "Ä": 128, + "Å": 129, + "Æ": 130, + "Ç": 131, + "È": 132, + "É": 133, + "Ê": 134, + "Ë": 135, + "Ì": 136, + "Í": 137, + "Î": 138, + "Ï": 139, + "Ð": 140, + "Ñ": 141, + "Ò": 142, + "Ó": 143, + "Ô": 144, + "Õ": 145, + "Ö": 146, + "×": 147, + "Ø": 148, + "Ù": 149, + "Ú": 150, + "Û": 151, + "Ü": 152, + "Ý": 153, + "Þ": 154, + "ß": 155, + "à": 156, + "á": 157, + "â": 158, + "ã": 159, + "ä": 160, + "å": 161, + "æ": 162, + "ç": 163, + "è": 164, + "é": 165, + "ê": 166, + "ë": 167, + "ì": 168, + "í": 169, + "î": 170, + "ï": 171, + "ð": 172, + "ñ": 173, + "ò": 174, + "ó": 175, + "ô": 176, + "õ": 177, + "ö": 178, + "÷": 179, + "ø": 180, + "ù": 181, + "ú": 182, + "û": 183, + "ü": 184, + "ý": 185, + "þ": 186, + "ÿ": 187, + "Ā": 188, + "ā": 189, + "Ă": 190, + "ă": 191, + "Ą": 192, + "ą": 193, + "Ć": 194, + "ć": 195, + "Ĉ": 196, + "ĉ": 197, + "Ċ": 198, + "ċ": 199, + "Č": 200, + "č": 201, + "Ď": 202, + "ď": 203, + "Đ": 204, + "đ": 205, + "Ē": 206, + "ē": 207, + "Ĕ": 208, + "ĕ": 209, + "Ė": 210, + "ė": 211, + "Ę": 212, + "ę": 213, + "Ě": 214, + "ě": 215, + "Ĝ": 216, + "ĝ": 217, + "Ğ": 218, + "ğ": 219, + "Ġ": 220, + "ġ": 221, + "Ģ": 222, + "ģ": 223, + "Ĥ": 224, + "ĥ": 225, + "Ħ": 226, + "ħ": 227, + "Ĩ": 228, + "ĩ": 229, + "Ī": 230, + "ī": 231, + "Ĭ": 232, + "ĭ": 233, + "Į": 234, + "į": 235, + "İ": 236, + "ı": 237, + "IJ": 238, + "ij": 239, + "Ĵ": 240, + "ĵ": 241, + "Ķ": 242, + "ķ": 243, + "ĸ": 244, + "Ĺ": 245, + "ĺ": 246, + "Ļ": 247, + "ļ": 248, + "Ľ": 249, + "ľ": 250, + "Ŀ": 251, + "ŀ": 252, + "Ł": 253, + "ł": 254, + "Ń": 255, + "ĠĠ": 256, + "ĠĠĠĠ": 257, + "in": 258, + "Ġt": 259, + "ĠĠĠĠĠĠĠĠ": 260, + "er": 261, + "ĠĠĠ": 262, + "on": 263, + "Ġa": 264, + "re": 265, + "at": 266, + "st": 267, + "en": 268, + "or": 269, + "Ġth": 270, + "ĊĊ": 271, + "Ġc": 272, + "le": 273, + "Ġs": 274, + "it": 275, + "an": 276, + "ar": 277, + "al": 278, + "Ġthe": 279, + ";Ċ": 280, + "Ġp": 281, + "Ġf": 282, + "ou": 283, + "Ġ=": 284, + "is": 285, + "ĠĠĠĠĠĠĠ": 286, + "ing": 287, + "es": 288, + "Ġw": 289, + "ion": 290, + "ed": 291, + "ic": 292, + "Ġb": 293, + "Ġd": 294, + "et": 295, + "Ġm": 296, + "Ġo": 297, + "ĉĉ": 298, + "ro": 299, + "as": 300, + "el": 301, + "ct": 302, + "nd": 303, + "Ġin": 304, + "Ġh": 305, + "ent": 306, + "id": 307, + "Ġn": 308, + "am": 309, + "ĠĠĠĠĠĠĠĠĠĠĠ": 310, + "Ġto": 311, + "Ġre": 312, + "--": 313, + "Ġ{": 314, + "Ġof": 315, + "om": 316, + ");Ċ": 317, + "im": 318, + "čĊ": 319, + "Ġ(": 320, + "il": 321, + "//": 322, + "Ġand": 323, + "ur": 324, + "se": 325, + "Ġl": 326, + "ex": 327, + "ĠS": 328, + "ad": 329, + "Ġ\"": 330, + "ch": 331, + "ut": 332, + "if": 333, + "**": 334, + "Ġ}": 335, + "em": 336, + "ol": 337, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 338, + "th": 339, + ")Ċ": 340, + "Ġ{Ċ": 341, + "Ġg": 342, + "ig": 343, + "iv": 344, + ",Ċ": 345, + "ce": 346, + "od": 347, + "Ġv": 348, + "ate": 349, + "ĠT": 350, + "ag": 351, + "ay": 352, + "Ġ*": 353, + "ot": 354, + "us": 355, + "ĠC": 356, + "Ġst": 357, + "ĠI": 358, + "un": 359, + "ul": 360, + "ue": 361, + "ĠA": 362, + "ow": 363, + "Ġ'": 364, + "ew": 365, + "Ġ<": 366, + "ation": 367, + "()": 368, + "Ġfor": 369, + "ab": 370, + "ort": 371, + "um": 372, + "ame": 373, + "Ġis": 374, + "pe": 375, + "tr": 376, + "ck": 377, + "âĢ": 378, + "Ġy": 379, + "ist": 380, + "----": 381, + ".ĊĊ": 382, + "he": 383, + "Ġe": 384, + "lo": 385, + "ĠM": 386, + "Ġbe": 387, + "ers": 388, + "Ġon": 389, + "Ġcon": 390, + "ap": 391, + "ub": 392, + "ĠP": 393, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 394, + "ass": 395, + "int": 396, + ">Ċ": 397, + "ly": 398, + "urn": 399, + "Ġ$": 400, + ";ĊĊ": 401, + "av": 402, + "port": 403, + "ir": 404, + "->": 405, + "nt": 406, + "ction": 407, + "end": 408, + "Ġde": 409, + "ith": 410, + "out": 411, + "turn": 412, + "our": 413, + "ĠĠĠĠĠ": 414, + "lic": 415, + "res": 416, + "pt": 417, + "==": 418, + "Ġthis": 419, + "Ġwh": 420, + "Ġif": 421, + "ĠD": 422, + "ver": 423, + "age": 424, + "ĠB": 425, + "ht": 426, + "ext": 427, + "=\"": 428, + "Ġthat": 429, + "****": 430, + "ĠR": 431, + "Ġit": 432, + "ess": 433, + "ĠF": 434, + "Ġr": 435, + "os": 436, + "and": 437, + "Ġas": 438, + "ect": 439, + "ke": 440, + "rom": 441, + "Ġ//": 442, + "con": 443, + "ĠL": 444, + "(\"": 445, + "qu": 446, + "lass": 447, + "Ġwith": 448, + "iz": 449, + "de": 450, + "ĠN": 451, + "Ġal": 452, + "op": 453, + "up": 454, + "get": 455, + "Ġ}Ċ": 456, + "ile": 457, + "Ġan": 458, + "ata": 459, + "ore": 460, + "ri": 461, + "Ġpro": 462, + ";čĊ": 463, + "ĉĉĉĉ": 464, + "ter": 465, + "ain": 466, + "ĠW": 467, + "ĠE": 468, + "Ġcom": 469, + "Ġreturn": 470, + "art": 471, + "ĠH": 472, + "ack": 473, + "import": 474, + "ublic": 475, + "Ġor": 476, + "est": 477, + "ment": 478, + "ĠG": 479, + "able": 480, + "Ġ-": 481, + "ine": 482, + "ill": 483, + "ind": 484, + "ere": 485, + "::": 486, + "ity": 487, + "Ġ+": 488, + "Ġtr": 489, + "elf": 490, + "ight": 491, + "('": 492, + "orm": 493, + "ult": 494, + "str": 495, + "..": 496, + "\",": 497, + "Ġyou": 498, + "ype": 499, + "pl": 500, + "Ġnew": 501, + "Ġj": 502, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 503, + "Ġfrom": 504, + "Ġex": 505, + "ĠO": 506, + "ld": 507, + "Ġ[": 508, + "oc": 509, + ":Ċ": 510, + "Ġse": 511, + "Ġle": 512, + "--------": 513, + ".s": 514, + "{Ċ": 515, + "',": 516, + "ant": 517, + "Ġat": 518, + "ase": 519, + ".c": 520, + "Ġch": 521, + "": 589, + "ust": 590, + "que": 591, + "Ġres": 592, + "))": 593, + "'s": 594, + "Ġk": 595, + "ans": 596, + "yst": 597, + "unction": 598, + "********": 599, + "Ġi": 600, + "Ġus": 601, + "pp": 602, + "one": 603, + "ail": 604, + "====": 605, + "name": 606, + "Ġstr": 607, + "Ġ/": 608, + "Ġ&": 609, + "ach": 610, + "div": 611, + "ystem": 612, + "ell": 613, + "Ġhave": 614, + "err": 615, + "ould": 616, + "ull": 617, + "pon": 618, + "ĠJ": 619, + "_p": 620, + "Ġ==": 621, + "ign": 622, + "St": 623, + ".Ċ": 624, + "Ġpl": 625, + ");ĊĊ": 626, + "form": 627, + "put": 628, + "ount": 629, + "}ĊĊ": 630, + "dd": 631, + "ite": 632, + "Ġget": 633, + "rr": 634, + "ome": 635, + "ĠâĢ": 636, + "aram": 637, + "cc": 638, + "Ġ*/": 639, + "ER": 640, + "In": 641, + "les": 642, + "_s": 643, + "ong": 644, + "ie": 645, + "Ġcan": 646, + "ĠV": 647, + "erv": 648, + "pr": 649, + "Ġun": 650, + "row": 651, + "ber": 652, + "Ġdo": 653, + "ll": 654, + "Ġel": 655, + "Ġself": 656, + "ated": 657, + "ary": 658, + "Ġ.": 659, + "']": 660, + "ud": 661, + "Ġen": 662, + "ĠTh": 663, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 664, + "te": 665, + "_c": 666, + "uct": 667, + "Ġab": 668, + "ork": 669, + ".get": 670, + "Ġ#": 671, + "aw": 672, + "ress": 673, + "ob": 674, + "Name": 675, + "app": 676, + "['": 677, + "Ġall": 678, + "ory": 679, + "ition": 680, + "ance": 681, + "ear": 682, + "Ġcont": 683, + "vent": 684, + "ia": 685, + "Ġwill": 686, + "IN": 687, + "ĠĠĠĠĠĠĠĠĠ": 688, + "return": 689, + "Ġ": 755, + "\",Ċ": 756, + "ec": 757, + "ĠIn": 758, + "ph": 759, + "Ġ|": 760, + "_f": 761, + "Ġvar": 762, + "ence": 763, + "Id": 764, + "ree": 765, + "ink": 766, + "lect": 767, + "ug": 768, + "eth": 769, + "Ġelse": 770, + "----------------": 771, + "cont": 772, + "Ġso": 773, + "atic": 774, + "Ġlo": 775, + "pro": 776, + "ton": 777, + "ss": 778, + "own": 779, + "abel": 780, + "oint": 781, + "ous": 782, + "eld": 783, + "ST": 784, + "The": 785, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 786, + "RE": 787, + "\":": 788, + "olor": 789, + "tp": 790, + "eg": 791, + "key": 792, + "ude": 793, + "ĠSt": 794, + "ound": 795, + "Ġar": 796, + "\");Ċ": 797, + "ener": 798, + "ser": 799, + "bject": 800, + "essage": 801, + "fer": 802, + "Ġmore": 803, + "ations": 804, + "ents": 805, + "Ġhis": 806, + "Ġthey": 807, + ".S": 808, + "ĠY": 809, + "use": 810, + "ne": 811, + "ish": 812, + "old": 813, + "_d": 814, + "io": 815, + "ield": 816, + "Ġper": 817, + "Cont": 818, + "ings": 819, + "####": 820, + "Ġdata": 821, + "Ġsa": 822, + "ef": 823, + "fo": 824, + "Ġone": 825, + "eng": 826, + "Ġdis": 827, + "AT": 828, + "Ġname": 829, + "Ġtrue": 830, + "val": 831, + "led": 832, + ".f": 833, + "Ġne": 834, + "Ġend": 835, + ".T": 836, + "cre": 837, + "ark": 838, + "log": 839, + "Ex": 840, + "error": 841, + "_id": 842, + "urre": 843, + "ange": 844, + "Ġnull": 845, + "rray": 846, + "Ġmy": 847, + "pan": 848, + "ict": 849, + "ator": 850, + "View": 851, + "List": 852, + "ĉreturn": 853, + "âĢĿ": 854, + "Ġpre": 855, + "Ġx": 856, + "clude": 857, + "arg": 858, + "ov": 859, + ".h": 860, + "Ġ>": 861, + "Ġtheir": 862, + "')": 863, + "irst": 864, + "ick": 865, + "gh": 866, + "LE": 867, + "OR": 868, + "Ġprivate": 869, + "tem": 870, + "čĊčĊ": 871, + "user": 872, + "Ġ)": 873, + "com": 874, + ".A": 875, + "\";Ċ": 876, + "Ġid": 877, + "read": 878, + "Ġwho": 879, + "_b": 880, + "\">Ċ": 881, + "Ġtime": 882, + "Ġman": 883, + "ry": 884, + "========": 885, + "roup": 886, + "rop": 887, + "public": 888, + "vel": 889, + "umber": 890, + "ble": 891, + "Ġwhich": 892, + "****************": 893, + "Ġany": 894, + "Ġfalse": 895, + "we": 896, + "Ġvalue": 897, + "Ġli": 898, + "\")": 899, + "nder": 900, + "gr": 901, + "Ġno": 902, + "param": 903, + "fig": 904, + ".com": 905, + "Ġapp": 906, + "_l": 907, + "ions": 908, + ".D": 909, + "ĠCh": 910, + "Ġabout": 911, + "Ġadd": 912, + "Ġsu": 913, + "Ġstring": 914, + "ID": 915, + "Ġover": 916, + "string": 917, + ".l": 918, + "ource": 919, + "_C": 920, + "]Ċ": 921, + "Ġqu": 922, + "ĠString": 923, + "ca": 924, + "SE": 925, + "Ġro": 926, + "sh": 927, + "ual": 928, + "Type": 929, + "son": 930, + "new": 931, + "ern": 932, + "Ġag": 933, + "AR": 934, + "];Ċ": 935, + "].": 936, + "Ġ?": 937, + "ical": 938, + "Ġdes": 939, + "uth": 940, + "ix": 941, + "ays": 942, + "Ġtype": 943, + "'t": 944, + "ault": 945, + "Ġinter": 946, + "var": 947, + ".b": 948, + "Ġpart": 949, + ".d": 950, + "urrent": 951, + "IT": 952, + "EN": 953, + "enc": 954, + "(f": 955, + "ra": 956, + "value": 957, + "cho": 958, + "utton": 959, + "ose": 960, + "Ġ!=": 961, + "ater": 962, + "é": 963, + "reate": 964, + "oll": 965, + "pos": 966, + "yle": 967, + "ng": 968, + "AL": 969, + "using": 970, + "ames": 971, + "Ġ{čĊ": 972, + "ates": 973, + "ely": 974, + "Ġwork": 975, + "Ġem": 976, + "inal": 977, + "Ġsp": 978, + "Ġwhen": 979, + ".set": 980, + "ĠĠĠĠĠĠ": 981, + "):Ċ": 982, + "to": 983, + "quire": 984, + "indow": 985, + "lement": 986, + "pect": 987, + "ash": 988, + "[i": 989, + "Ġuse": 990, + ".F": 991, + "pec": 992, + "Ġad": 993, + "ove": 994, + "ception": 995, + "ength": 996, + "include": 997, + "ader": 998, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 999, + "atus": 1000, + "Th": 1001, + "itle": 1002, + "rit": 1003, + "void": 1004, + "().": 1005, + "(Ċ": 1006, + "Ġoff": 1007, + "Ġother": 1008, + "Ġ&&": 1009, + "';Ċ": 1010, + "ms": 1011, + "Ġbeen": 1012, + "Ġte": 1013, + "ml": 1014, + "co": 1015, + "nc": 1016, + "ervice": 1017, + "Ġ%": 1018, + "**Ċ": 1019, + "ann": 1020, + "ade": 1021, + "ĊĊĊĊ": 1022, + "lock": 1023, + "const": 1024, + "ponse": 1025, + "Ġsup": 1026, + "++": 1027, + "date": 1028, + "Ġacc": 1029, + "Ġhad": 1030, + "Ġbu": 1031, + "ĠRe": 1032, + "Ġwere": 1033, + "Ġfile": 1034, + "Ġwould": 1035, + "ĠâĢľ": 1036, + "ven": 1037, + "iss": 1038, + "Ġour": 1039, + "class": 1040, + "raw": 1041, + "Ġyear": 1042, + "Data": 1043, + "Ġval": 1044, + "Ġsome": 1045, + "fter": 1046, + "ys": 1047, + "Ġ///": 1048, + "round": 1049, + "view": 1050, + "Ġpe": 1051, + "Ġthere": 1052, + "Ġsaid": 1053, + "du": 1054, + "of": 1055, + "line": 1056, + "/*": 1057, + "duct": 1058, + "Ġher": 1059, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠ": 1060, + "Res": 1061, + "Ġco": 1062, + "Ġcomm": 1063, + "ise": 1064, + "min": 1065, + "ĠĠĠĠĊ": 1066, + "#include": 1067, + "ethod": 1068, + ".P": 1069, + "ute": 1070, + "Ġass": 1071, + "Int": 1072, + "ask": 1073, + "loc": 1074, + "Ġlike": 1075, + "ody": 1076, + "Ġlet": 1077, + "load": 1078, + "Ġam": 1079, + "rol": 1080, + "Ġgr": 1081, + "yp": 1082, + "Ġalso": 1083, + "ĠIt": 1084, + "url": 1085, + "ific": 1086, + "ors": 1087, + "_P": 1088, + "_n": 1089, + "igh": 1090, + "Ġthan": 1091, + "Com": 1092, + "AN": 1093, + "UL": 1094, + "ating": 1095, + "ĠThis": 1096, + "ref": 1097, + "_S": 1098, + "Ġstatic": 1099, + "roll": 1100, + "Ġjust": 1101, + "Ġresult": 1102, + "ian": 1103, + "idth": 1104, + "Ġthem": 1105, + "));Ċ": 1106, + "der": 1107, + "reak": 1108, + "Con": 1109, + "://": 1110, + "ule": 1111, + "...": 1112, + "arch": 1113, + "ement": 1114, + "Ġ<<": 1115, + "ush": 1116, + "ense": 1117, + "arr": 1118, + "Ġinto": 1119, + "cess": 1120, + "amp": 1121, + "ied": 1122, + "ument": 1123, + "Ġ\\": 1124, + "],": 1125, + "wo": 1126, + "als": 1127, + "Ġwhat": 1128, + "anc": 1129, + "Value": 1130, + "='": 1131, + "olum": 1132, + "Ġpos": 1133, + "ages": 1134, + "ayer": 1135, + "Ġsc": 1136, + "ues": 1137, + "\")Ċ": 1138, + "_T": 1139, + "Ġlist": 1140, + "(s": 1141, + "Ġcase": 1142, + "Ch": 1143, + "ĉĉĉĉĉ": 1144, + "////////": 1145, + "ponent": 1146, + "Ġz": 1147, + "Ġkn": 1148, + "let": 1149, + "DE": 1150, + "red": 1151, + "Ġfe": 1152, + "Ġ},Ċ": 1153, + "Ġ,": 1154, + "(t": 1155, + "Ġfirst": 1156, + "');Ċ": 1157, + "word": 1158, + "Ġimport": 1159, + "Ġact": 1160, + "Ġchar": 1161, + "CT": 1162, + "ĠTr": 1163, + "ople": 1164, + "={": 1165, + "ĉf": 1166, + "ient": 1167, + "cent": 1168, + ".j": 1169, + "lection": 1170, + "))Ċ": 1171, + "Ġonly": 1172, + "Ġprint": 1173, + "mer": 1174, + ".W": 1175, + "ock": 1176, + "Ġ--": 1177, + "Text": 1178, + "Ġop": 1179, + "ank": 1180, + "Ġits": 1181, + "Ġback": 1182, + "[\"": 1183, + "Ġneed": 1184, + "Ġcl": 1185, + "Ġsub": 1186, + "Ġla": 1187, + "((": 1188, + ".\"": 1189, + "Object": 1190, + "Ġstart": 1191, + "file": 1192, + "(self": 1193, + "ner": 1194, + "ey": 1195, + "Ġuser": 1196, + "Ġent": 1197, + "ĠCom": 1198, + "its": 1199, + "ĠCon": 1200, + "ouble": 1201, + "ower": 1202, + "item": 1203, + "very": 1204, + "ĠWe": 1205, + "lick": 1206, + "ĠQ": 1207, + "php": 1208, + "ttp": 1209, + "':": 1210, + "ics": 1211, + "Ġunder": 1212, + "Ġ*Ċ": 1213, + ".L": 1214, + ");": 1215, + "ices": 1216, + "Ġreg": 1217, + ")čĊ": 1218, + "ĉpublic": 1219, + "SS": 1220, + "Ġthen": 1221, + "reat": 1222, + "ious": 1223, + ".G": 1224, + "ek": 1225, + "irect": 1226, + "heck": 1227, + "cript": 1228, + "ning": 1229, + "ĠUn": 1230, + "Ġmay": 1231, + "ĠWh": 1232, + "Bo": 1233, + "Item": 1234, + "struct": 1235, + ".st": 1236, + "ream": 1237, + "ible": 1238, + "loat": 1239, + "Ġorg": 1240, + "und": 1241, + "sum": 1242, + "_in": 1243, + "../": 1244, + "_M": 1245, + "Ġhow": 1246, + "rite": 1247, + "'Ċ": 1248, + "To": 1249, + "ww": 1250, + "Ġpeople": 1251, + "index": 1252, + ".n": 1253, + "http": 1254, + "(m": 1255, + "ector": 1256, + "Ġind": 1257, + "Ġjav": 1258, + "],Ċ": 1259, + "ĠHe": 1260, + "_st": 1261, + "ful": 1262, + "ole": 1263, + "){Ċ": 1264, + "Ġshould": 1265, + "opy": 1266, + "elp": 1267, + "ier": 1268, + "_name": 1269, + "erson": 1270, + "ION": 1271, + "ote": 1272, + "Ġtest": 1273, + "Ġbet": 1274, + "rror": 1275, + "ular": 1276, + "ãĢ": 1277, + "ĠÐ": 1278, + "bs": 1279, + "ting": 1280, + "Ġmake": 1281, + "Tr": 1282, + "Ġafter": 1283, + "arget": 1284, + "RO": 1285, + "olumn": 1286, + "rc": 1287, + "_re": 1288, + "define": 1289, + "Ġright": 1290, + "right": 1291, + "day": 1292, + "Ġlong": 1293, + "[]": 1294, + "(p": 1295, + "td": 1296, + "cond": 1297, + "ĠPro": 1298, + "Ġrem": 1299, + "ptions": 1300, + "vid": 1301, + ".g": 1302, + "Ġext": 1303, + "Ġ__": 1304, + "')Ċ": 1305, + "pace": 1306, + "mp": 1307, + "Ġmin": 1308, + "stance": 1309, + "air": 1310, + "action": 1311, + "wh": 1312, + "type": 1313, + "util": 1314, + "ait": 1315, + "ĊĊ": 1339, + "Ġshe": 1340, + "\"]": 1341, + "aph": 1342, + "Ġexp": 1343, + "erty": 1344, + "ĠSe": 1345, + "Ġpar": 1346, + "unc": 1347, + "ET": 1348, + "Ġread": 1349, + "print": 1350, + "Ġrel": 1351, + "Ġform": 1352, + "Ġdr": 1353, + "Exception": 1354, + "input": 1355, + "Ġtrans": 1356, + "########": 1357, + "order": 1358, + "By": 1359, + "Ġaw": 1360, + "ities": 1361, + "uff": 1362, + "play": 1363, + ".add": 1364, + "ĠâĢĵ": 1365, + "Ġwant": 1366, + "Ġcomp": 1367, + "ments": 1368, + "Ġ||": 1369, + "az": 1370, + "be": 1371, + "Ġnumber": 1372, + "Ġrequire": 1373, + "ĠEx": 1374, + "Ġcol": 1375, + "Ġkey": 1376, + "ember": 1377, + "Ġtwo": 1378, + "Ġsize": 1379, + "Ġwhere": 1380, + "UT": 1381, + "result": 1382, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 1383, + "ough": 1384, + "orld": 1385, + "ood": 1386, + "uch": 1387, + "ative": 1388, + "ger": 1389, + "arent": 1390, + "Ġ/*": 1391, + "Ġarg": 1392, + "Ġwhile": 1393, + "(this": 1394, + "Ġrec": 1395, + "Ġdif": 1396, + "State": 1397, + "Ġspec": 1398, + "ride": 1399, + "_F": 1400, + "Ġlook": 1401, + "AM": 1402, + "ility": 1403, + "eter": 1404, + "âĢĻt": 1405, + "ĊĊĊ": 1406, + "ayout": 1407, + "--------------------------------": 1408, + "ager": 1409, + "Ġcould": 1410, + "Ġbr": 1411, + "ends": 1412, + "ures": 1413, + "Ġknow": 1414, + "ets": 1415, + "ĠIf": 1416, + "ĠSh": 1417, + ".w": 1418, + "back": 1419, + "Ġser": 1420, + "Ġ+=": 1421, + "Ġfr": 1422, + "());Ċ": 1423, + "Ġhand": 1424, + "Ind": 1425, + "ULL": 1426, + "Im": 1427, + "();ĊĊ": 1428, + "Ġmost": 1429, + "Ġtry": 1430, + "Ġnow": 1431, + "rough": 1432, + ">čĊ": 1433, + "ackage": 1434, + "Ġhim": 1435, + "._": 1436, + "ify": 1437, + "Ġbreak": 1438, + "Ġ);Ċ": 1439, + "ren": 1440, + "#define": 1441, + "itt": 1442, + "Ġap": 1443, + "ĉc": 1444, + "(n": 1445, + "ĠYou": 1446, + ":ĊĊ": 1447, + "-m": 1448, + "Ġevery": 1449, + "ustom": 1450, + "lient": 1451, + "ocument": 1452, + "cription": 1453, + "Error": 1454, + "-b": 1455, + "о": 1456, + "][": 1457, + "trans": 1458, + "Ġpoint": 1459, + "Ġstd": 1460, + "Ġfil": 1461, + "Time": 1462, + "Ġmod": 1463, + "Ġ->": 1464, + "Ġerror": 1465, + "ah": 1466, + "Ġtext": 1467, + "roller": 1468, + "lose": 1469, + "ql": 1470, + "Ġpol": 1471, + "><": 1784, + ".B": 1785, + "-c": 1786, + "Ġopen": 1787, + "Ġest": 1788, + "ĠĠĠĠĠĠĠĠĊ": 1789, + "Ġnext": 1790, + "IM": 1791, + "ÑĤ": 1792, + "OT": 1793, + "ó": 1794, + "Ġfollow": 1795, + "content": 1796, + "ĠĠĠĠĠĠĠĠĠĠĠĠ": 1797, + "Ġinclud": 1798, + "HE": 1799, + "ĠRes": 1800, + "Ġhref": 1801, + "и": 1802, + "Ġcar": 1803, + "ypes": 1804, + "image": 1805, + "Un": 1806, + "Ġbool": 1807, + "AD": 1808, + "Ġgame": 1809, + ".Form": 1810, + "rows": 1811, + "*/": 1812, + "velop": 1813, + ".Drawing": 1814, + "Ġpath": 1815, + "ision": 1816, + "Ġeach": 1817, + "ĠPl": 1818, + "_type": 1819, + "Path": 1820, + "nection": 1821, + "Ġav": 1822, + "').": 1823, + "Ġsupport": 1824, + "ENT": 1825, + "rem": 1826, + "\").": 1827, + "Ġown": 1828, + "Ġcor": 1829, + "count": 1830, + "miss": 1831, + "ually": 1832, + "Ġmem": 1833, + "std": 1834, + "ience": 1835, + "search": 1836, + "\"ĊĊ": 1837, + "Form": 1838, + "Ġsex": 1839, + "ename": 1840, + "Ġsign": 1841, + "Ġet": 1842, + "ĠĠĠĠĠĠĠĠĠĠ": 1843, + "','": 1844, + "ĠApp": 1845, + "Ġthose": 1846, + "off": 1847, + "Ġerr": 1848, + "Ġsystem": 1849, + "Ġbest": 1850, + "code": 1851, + "Ġsame": 1852, + "Ġdi": 1853, + "uss": 1854, + "Ġcreate": 1855, + "ather": 1856, + "Array": 1857, + ".in": 1858, + "fe": 1859, + "Service": 1860, + "UN": 1861, + "ats": 1862, + "ĠZ": 1863, + "alth": 1864, + "Ġmade": 1865, + "true": 1866, + "AB": 1867, + "Ġmark": 1868, + "rid": 1869, + "ified": 1870, + ",čĊ": 1871, + "yn": 1872, + "press": 1873, + "Ġgroup": 1874, + "Ġfin": 1875, + "ĠLicense": 1876, + "Field": 1877, + "eger": 1878, + "Ġworld": 1879, + "iness": 1880, + "ty": 1881, + "Ġprocess": 1882, + "(b": 1883, + "Ġcre": 1884, + "arn": 1885, + "ives": 1886, + "Ġmain": 1887, + "ideo": 1888, + "_g": 1889, + "AG": 1890, + "valid": 1891, + "img": 1892, + "PI": 1893, + "Ġcolor": 1894, + "Ġreport": 1895, + "Ġtake": 1896, + "rib": 1897, + "OM": 1898, + "Ġday": 1899, + "Request": 1900, + "Ġsk": 1901, + "bers": 1902, + "ĉs": 1903, + ".Add": 1904, + "oot": 1905, + "Image": 1906, + "Ġcomple": 1907, + "ollection": 1908, + "Ġtop": 1909, + "Ġfree": 1910, + "AS": 1911, + "De": 1912, + "ĠOn": 1913, + "IG": 1914, + "eta": 1915, + "Date": 1916, + "Ġaction": 1917, + "Over": 1918, + "itor": 1919, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 1920, + "not": 1921, + "Ġindex": 1922, + "her": 1923, + "icon": 1924, + "On": 1925, + ";čĊčĊ": 1926, + "ivity": 1927, + "mand": 1928, + ".Windows": 1929, + "OL": 1930, + "Ġreal": 1931, + "Ġmax": 1932, + "land": 1933, + "....": 1934, + "raph": 1935, + "Ġbuild": 1936, + "leg": 1937, + "assword": 1938, + "?ĊĊ": 1939, + "â̦": 1940, + "ook": 1941, + "uck": 1942, + "Ġmessage": 1943, + "test": 1944, + "ivers": 1945, + "Ġinput": 1946, + "Ġart": 1947, + "Ġbetween": 1948, + "Get": 1949, + "enter": 1950, + "ground": 1951, + "ene": 1952, + "á": 1953, + ".length": 1954, + "Node": 1955, + "(i": 1956, + "Class": 1957, + "for": 1958, + "ĠâĢĶ": 1959, + "ten": 1960, + "oin": 1961, + "Ġke": 1962, + "ui": 1963, + "ĠIN": 1964, + "Ġtable": 1965, + "sub": 1966, + "ĠLe": 1967, + "Ġhead": 1968, + "Ġmust": 1969, + "////////////////": 1970, + ".util": 1971, + "Context": 1972, + "Ġorder": 1973, + "Ġmov": 1974, + "over": 1975, + "Ġcontin": 1976, + "Ġsay": 1977, + "static": 1978, + ".Text": 1979, + "ĠclassName": 1980, + "pany": 1981, + "Ġter": 1982, + "head": 1983, + "rg": 1984, + "Ġproduct": 1985, + "This": 1986, + ".âĢĿ": 1987, + "ĠBut": 1988, + "loy": 1989, + "Ġdouble": 1990, + "sg": 1991, + "Ġplace": 1992, + ".x": 1993, + "message": 1994, + "Ġinformation": 1995, + "private": 1996, + "Ġoper": 1997, + "ced": 1998, + "db": 1999, + "\">": 2179, + "aterial": 2180, + "iled": 2181, + "Ġput": 2182, + "Qu": 2183, + "ÑĢ": 2184, + "ung": 2185, + "map": 2186, + "ĉĉĉĉĉĉĉĉ": 2187, + "Ġlevel": 2188, + "Component": 2189, + "book": 2190, + "creen": 2191, + "_RE": 2192, + "Ġconfig": 2193, + "ãģ": 2194, + "Or": 2195, + ".data": 2196, + "Ġdocument": 2197, + "\",\"": 2198, + "tribute": 2199, + "ux": 2200, + "Log": 2201, + "ference": 2202, + "post": 2203, + "_e": 2204, + "Ġlocal": 2205, + "andom": 2206, + "assert": 2207, + "Val": 2208, + "lected": 2209, + "ina": 2210, + "atabase": 2211, + "Add": 2212, + "Ġcontent": 2213, + ".print": 2214, + "signed": 2215, + "ric": 2216, + ".\"ĊĊ": 2217, + "Ġfa": 2218, + "!ĊĊ": 2219, + "-f": 2220, + "ived": 2221, + "Ġquest": 2222, + ".ex": 2223, + "Ġfloat": 2224, + "Ġdevelop": 2225, + "оÐ": 2226, + "Map": 2227, + "ading": 2228, + "Ġposs": 2229, + "UE": 2230, + "namespace": 2231, + "_O": 2232, + "ĉb": 2233, + ".Get": 2234, + ">(": 2235, + "json": 2236, + "etails": 2237, + "Ġtoo": 2238, + "Ġextends": 2239, + "ĠNone": 2240, + "Ġfore": 2241, + "(String": 2242, + "format": 2243, + "Ġgreat": 2244, + "inter": 2245, + "cale": 2246, + "Ñģ": 2247, + "ron": 2248, + "iving": 2249, + "Ent": 2250, + "ency": 2251, + "xt": 2252, + "oy": 2253, + "Ġmonth": 2254, + "Ġhapp": 2255, + "Ġsuper": 2256, + "bar": 2257, + "default": 2258, + "_de": 2259, + "ords": 2260, + "ln": 2261, + "({Ċ": 2262, + "ĠInd": 2263, + "ases": 2264, + "Ġtitle": 2265, + "Ġcontext": 2266, + "oh": 2267, + "-p": 2268, + "Em": 2269, + "Ġmet": 2270, + "Test": 2271, + "Ġlife": 2272, + "_v": 2273, + "ĠUS": 2274, + "UI": 2275, + "ocation": 2276, + "md": 2277, + "Ġ[Ċ": 2278, + "Ġ]": 2279, + "sw": 2280, + "Ġincre": 2281, + "script": 2282, + "ential": 2283, + "ways": 2284, + ".de": 2285, + "Ġsrc": 2286, + "Ġcatch": 2287, + "ĠAmeric": 2288, + "//Ċ": 2289, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 2290, + "Ġpay": 2291, + "plit": 2292, + "âĢĶ": 2293, + "Ġcoun": 2294, + "obj": 2295, + ".php": 2296, + "Ġchange": 2297, + "ething": 2298, + "'re": 2299, + "aster": 2300, + "los": 2301, + "lation": 2302, + "ĠĠĊ": 2303, + "Le": 2304, + "ä": 2305, + "({": 2306, + "ready": 2307, + "ĠNo": 2308, + "Ġposition": 2309, + "Ġold": 2310, + "Ġbook": 2311, + "abled": 2312, + "bug": 2313, + "Hand": 2314, + "};ĊĊ": 2315, + "isplay": 2316, + "aving": 2317, + "Ġgover": 2318, + "Ġversion": 2319, + "System": 2320, + "nect": 2321, + "response": 2322, + "Style": 2323, + "Up": 2324, + "angu": 2325, + "Ġthree": 2326, + "init": 2327, + "ero": 2328, + "Ġlaw": 2329, + "endif": 2330, + "Ġbase": 2331, + "email": 2332, + "(l": 2333, + "_V": 2334, + "Ġconf": 2335, + "ATE": 2336, + "Ġduring": 2337, + "tes": 2338, + "Ġconsole": 2339, + "ĠPr": 2340, + "Ġspe": 2341, + "ves": 2342, + "path": 2343, + "ialog": 2344, + "dition": 2345, + "_to": 2346, + "ards": 2347, + "Ġagainst": 2348, + "etwork": 2349, + "ĠPh": 2350, + "_L": 2351, + "cur": 2352, + "imit": 2353, + "With": 2354, + "Ġpower": 2355, + "ium": 2356, + "';ĊĊ": 2357, + "Ġwom": 2358, + "left": 2359, + "ources": 2360, + "atri": 2361, + "ĠIm": 2362, + "ĠMan": 2363, + "orth": 2364, + "${": 2365, + "quals": 2366, + "ese": 2367, + "_size": 2368, + "Ġiss": 2369, + "otal": 2370, + "-g": 2371, + "ique": 2372, + "rame": 2373, + "Ġwidth": 2374, + "erg": 2375, + ")(": 2376, + "ittle": 2377, + "TR": 2378, + "ĠThey": 2379, + "ences": 2380, + "rl": 2381, + "ons": 2382, + "Ġlabel": 2383, + ".y": 2384, + "-t": 2385, + "update": 2386, + "anel": 2387, + "sc": 2388, + ".to": 2389, + "Ġproject": 2390, + "ü": 2391, + "Ġelement": 2392, + "Ġsuccess": 2393, + "ĉĉĊ": 2394, + ".sh": 2395, + "ram": 2396, + "ched": 2397, + "())Ċ": 2398, + "Ġ(Ċ": 2399, + "Ġdate": 2400, + "Ġtot": 2401, + "_ST": 2402, + "All": 2403, + "ification": 2404, + "ĉvar": 2405, + "Ġtri": 2406, + "chem": 2407, + "my": 2408, + "Ġbig": 2409, + "ĠAd": 2410, + "ĠAt": 2411, + "ots": 2412, + "num": 2413, + "Act": 2414, + "Ġmap": 2415, + "era": 2416, + "cope": 2417, + ".$": 2418, + ",âĢĿ": 2419, + "Ġpop": 2420, + "Ġfew": 2421, + "Ġlen": 2422, + "uid": 2423, + "eters": 2424, + "ules": 2425, + "ÃŃ": 2426, + "source": 2427, + "https": 2428, + "Ġdem": 2429, + "Ġear": 2430, + "################": 2431, + "Ġmatch": 2432, + "ories": 2433, + "aces": 2434, + "ĠCl": 2435, + "Ġnode": 2436, + "irc": 2437, + "local": 2438, + "unity": 2439, + "};Ċ": 2440, + "Ġanother": 2441, + "<<": 2442, + "ogle": 2443, + "Ġsit": 2444, + "ework": 2445, + "TE": 2446, + ".I": 2447, + "NS": 2448, + "ology": 2449, + "ought": 2450, + ".Cont": 2451, + ">>": 2452, + "Ġcare": 2453, + "state": 2454, + "ĉprivate": 2455, + "Ġeffect": 2456, + "++)": 2457, + "_file": 2458, + "ending": 2459, + "Line": 2460, + "For": 2461, + "ior": 2462, + "ĠSc": 2463, + "Ġfun": 2464, + ".Size": 2465, + "ĉelse": 2466, + "])": 2467, + "start": 2468, + "vious": 2469, + "Ġ},": 2470, + "ours": 2471, + "Ġleg": 2472, + "Ġservice": 2473, + "Ġsince": 2474, + "iron": 2475, + "Label": 2476, + "Ġnon": 2477, + "Ġlos": 2478, + "iction": 2479, + "Ġfull": 2480, + "acter": 2481, + "board": 2482, + "gress": 2483, + "Ġturn": 2484, + "ither": 2485, + ".size": 2486, + "Ġbody": 2487, + "resh": 2488, + "eturn": 2489, + "(_": 2490, + "yles": 2491, + "ormal": 2492, + "pi": 2493, + "Ġsomething": 2494, + "!--": 2495, + "uint": 2496, + "Ġprodu": 2497, + "Ġstand": 2498, + "Ġproble": 2499, + "Ġavailable": 2500, + "mt": 2501, + "ĠBl": 2502, + "Ġ...": 2503, + "Ġblock": 2504, + "Input": 2505, + "Ġkeep": 2506, + "Count": 2507, + "open": 2508, + "Ġ['": 2509, + "Ġthrow": 2510, + "uilder": 2511, + "Action": 2512, + "Ġthings": 2513, + "True": 2514, + "Ġurl": 2515, + "ĠBo": 2516, + "printf": 2517, + "Ġred": 2518, + "js": 2519, + ".create": 2520, + "ĠOr": 2521, + "Status": 2522, + "Instance": 2523, + "Ġcontrol": 2524, + "Ġcome": 2525, + "Ġcustom": 2526, + "location": 2527, + "model": 2528, + "ĠčĊ": 2529, + "Ġsource": 2530, + "Ġeas": 2531, + ".out": 2532, + "]ĊĊ": 2533, + "oney": 2534, + "Ġawait": 2535, + "Ġpartic": 2536, + "AP": 2537, + "ublish": 2538, + "odes": 2539, + "_pro": 2540, + "ply": 2541, + "riter": 2542, + "Ġprov": 2543, + "Ġmill": 2544, + "HT": 2545, + "])Ċ": 2546, + "Ġchang": 2547, + "Ġask": 2548, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 2549, + "Ġoutput": 2550, + "Ġemail": 2551, + ".push": 2552, + "Ġ}čĊčĊ": 2553, + "ination": 2554, + "atrix": 2555, + "Table": 2556, + "uccess": 2557, + "]);Ċ": 2558, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 2559, + "Ġdisc": 2560, + "([": 2561, + "Ġbusiness": 2562, + "height": 2563, + ".html": 2564, + "ta": 2565, + "field": 2566, + "Ġrequired": 2567, + "_R": 2568, + "Ġgovern": 2569, + "}čĊčĊ": 2570, + "lex": 2571, + ".,": 2572, + "ĠSet": 2573, + "urch": 2574, + "///": 2575, + "ts": 2576, + "af": 2577, + "Ġmight": 2578, + "istory": 2579, + "Str": 2580, + "Ġnever": 2581, + "Response": 2582, + "arse": 2583, + "ada": 2584, + "ĠHow": 2585, + "Ġ*)": 2586, + "Ġ;": 2587, + "Ġhard": 2588, + "Ad": 2589, + "Ġintern": 2590, + "used": 2591, + "(data": 2592, + "mod": 2593, + "annel": 2594, + "Ġnp": 2595, + "ugg": 2596, + "Ġ/>Ċ": 2597, + "Ġcalled": 2598, + "body": 2599, + "Ġcho": 2600, + "(r": 2601, + "_set": 2602, + "ird": 2603, + "Ġ>=": 2604, + "Ġ};Ċ": 2605, + "Ġoptions": 2606, + "ĠGener": 2607, + "Ġheight": 2608, + "Point": 2609, + "You": 2610, + "ety": 2611, + "Click": 2612, + "Ġsmall": 2613, + "Ġide": 2614, + "Ġaccess": 2615, + "anguage": 2616, + "Ġprotected": 2617, + "Ġjob": 2618, + "ĠThere": 2619, + "Def": 2620, + "Ġaddress": 2621, + "Ġuint": 2622, + "Not": 2623, + "oo": 2624, + "aps": 2625, + "": 2759, + "ĉĠĠĠ": 2760, + "\"))": 2761, + "Content": 2762, + "_W": 2763, + "plement": 2764, + "Ġwon": 2765, + "Ġvideo": 2766, + "adi": 2767, + "point": 2768, + "%%": 2769, + "Ġgl": 2770, + "erved": 2771, + "viron": 2772, + "IF": 2773, + "uted": 2774, + "ãĥ": 2775, + "'m": 2776, + "Ġcert": 2777, + "Ġprof": 2778, + "Ġcell": 2779, + "ari": 2780, + "Ġplayer": 2781, + "ais": 2782, + "Ġcost": 2783, + "Ġhum": 2784, + "(R": 2785, + "Ġoffic": 2786, + "ks": 2787, + ".text": 2788, + "atures": 2789, + "Ġtotal": 2790, + "Ġ*/ĊĊ": 2791, + "ope": 2792, + "Ġstat": 2793, + "UM": 2794, + "Ġload": 2795, + "ights": 2796, + "Ġclear": 2797, + "uro": 2798, + "Ġtechn": 2799, + "upport": 2800, + "IR": 2801, + "Ġrow": 2802, + "Ġseem": 2803, + "Ġq": 2804, + "Ġshort": 2805, + "ĠNot": 2806, + "ipp": 2807, + "Group": 2808, + "section": 2809, + "max": 2810, + "irl": 2811, + "Ġoverride": 2812, + "Ġcompany": 2813, + "Ġdone": 2814, + "\");čĊ": 2815, + "Ġgre": 2816, + ".Re": 2817, + "Ġbelie": 2818, + "rist": 2819, + "Ġhealth": 2820, + "ANT": 2821, + "()ĊĊ": 2822, + "ĠBe": 2823, + ".value": 2824, + "ĠGr": 2825, + "ottom": 2826, + "Ġargs": 2827, + "PT": 2828, + "status": 2829, + "func": 2830, + "uments": 2831, + "-h": 2832, + "Number": 2833, + ":čĊ": 2834, + "ĠLog": 2835, + "erver": 2836, + "Ġ),Ċ": 2837, + "ament": 2838, + "Ġobj": 2839, + "inc": 2840, + "Ġchildren": 2841, + "icy": 2842, + "IZ": 2843, + "ands": 2844, + "ably": 2845, + "Ġdistrib": 2846, + "Ġcur": 2847, + "erial": 2848, + "Ġdays": 2849, + "reated": 2850, + "rect": 2851, + "-l": 2852, + "irm": 2853, + "idden": 2854, + "omb": 2855, + "Ġinitial": 2856, + ".js": 2857, + "Ġâ": 2858, + "Query": 2859, + "Ġonline": 2860, + "imal": 2861, + ".con": 2862, + "au": 2863, + "Url": 2864, + "control": 2865, + "irection": 2866, + "Ġinstance": 2867, + "ORT": 2868, + "ĠFr": 2869, + "where": 2870, + "Ġjavax": 2871, + "Ġorgan": 2872, + "apter": 2873, + "Ġreason": 2874, + "options": 2875, + "ĠMar": 2876, + "(a": 2877, + "Ġwithin": 2878, + ".âĢĿĊĊ": 2879, + "ODE": 2880, + "_DE": 2881, + "admin": 2882, + "ended": 2883, + "Ġdesign": 2884, + "ĠData": 2885, + "une": 2886, + "ĠFile": 2887, + "root": 2888, + "Ġcent": 2889, + "Ġarr": 2890, + "_add": 2891, + "len": 2892, + "page": 2893, + ",'": 2894, + "_str": 2895, + "Ġbro": 2896, + "ability": 2897, + "outh": 2898, + "/c": 2899, + "pose": 2900, + "irtual": 2901, + "earch": 2902, + "_url": 2903, + "argin": 2904, + "Http": 2905, + "Ġschool": 2906, + "ava": 2907, + "Ġconsider": 2908, + ".label": 2909, + "ĠArray": 2910, + "web": 2911, + "opt": 2912, + ".println": 2913, + "ulation": 2914, + "Ġfunc": 2915, + "PL": 2916, + "Ġ\"\\": 2917, + "ĠText": 2918, + "actory": 2919, + "(function": 2920, + "null": 2921, + "Ġeng": 2922, + "down": 2923, + "Ġinclude": 2924, + "ĠEn": 2925, + "ĠDr": 2926, + "Ġdb": 2927, + "!!": 2928, + "side": 2929, + "Ġinit": 2930, + "quired": 2931, + "ĠShe": 2932, + "Column": 2933, + "react": 2934, + "Ġann": 2935, + "Ġstop": 2936, + "Ġlater": 2937, + "ĠThat": 2938, + "ention": 2939, + "df": 2940, + "UG": 2941, + "ILE": 2942, + "Ġclient": 2943, + "raft": 2944, + "ffer": 2945, + "POST": 2946, + "elper": 2947, + "Ġlove": 2948, + "quote": 2949, + "oud": 2950, + "Ġjson": 2951, + "Ġable": 2952, + "Ġmen": 2953, + "AX": 2954, + "ĠCopyright": 2955, + "ö": 2956, + "avig": 2957, + "req": 2958, + "Client": 2959, + "});Ċ": 2960, + ".Com": 2961, + "erc": 2962, + "ilt": 2963, + "pecial": 2964, + "_com": 2965, + "room": 2966, + ".Name": 2967, + "Ġgive": 2968, + "amb": 2969, + "ike": 2970, + "Ġcondition": 2971, + "client": 2972, + "ators": 2973, + ":\"": 2974, + "Ġcopy": 2975, + "uture": 2976, + "iversity": 2977, + "ernal": 2978, + "{{": 2979, + "ĠCan": 2980, + "ounc": 2981, + "do": 2982, + "Ġocc": 2983, + "Ġappro": 2984, + "thers": 2985, + "ze": 2986, + "Ġeither": 2987, + "ĠFl": 2988, + "Ġimportant": 2989, + "Ġlead": 2990, + "attr": 2991, + "ART": 2992, + "Equal": 2993, + "Ġda": 2994, + "etch": 2995, + "entity": 2996, + "Ġfamily": 2997, + "adding": 2998, + "Ġoption": 2999, + "Ġexist": 3000, + "ica": 3001, + "ĠObject": 3002, + "'ve": 3003, + "vers": 3004, + "itional": 3005, + "output": 3006, + "ĠTrue": 3007, + "ĠOF": 3008, + "_time": 3009, + "Ġoffer": 3010, + "Ġ});ĊĊ": 3011, + "HER": 3012, + "egin": 3013, + "\"\"": 3014, + "Ġwater": 3015, + "Ġche": 3016, + "ĠMy": 3017, + "ored": 3018, + "Ġstep": 3019, + "ances": 3020, + "CK": 3021, + "AY": 3022, + "à¸": 3023, + "struction": 3024, + "(C": 3025, + "ouch": 3026, + "Stream": 3027, + "active": 3028, + "ama": 3029, + "Entity": 3030, + "product": 3031, + "(){Ċ": 3032, + "Ġgovernment": 3033, + "ĠID": 3034, + "ajor": 3035, + "And": 3036, + "Ġdisplay": 3037, + "л": 3038, + "Ġtimes": 3039, + "Ġfour": 3040, + "Ġfar": 3041, + "Ġpresent": 3042, + "ĠNS": 3043, + "Ġ\\Ċ": 3044, + "uest": 3045, + "Ġbas": 3046, + "echo": 3047, + "child": 3048, + "ifier": 3049, + "Handler": 3050, + "Ġlib": 3051, + "Property": 3052, + "translation": 3053, + "Ġroom": 3054, + "Ġonce": 3055, + "Ġ[]": 3056, + "center": 3057, + "================================": 3058, + "Ġresults": 3059, + "Ġcontinue": 3060, + "Ġtalk": 3061, + "_get": 3062, + "Ġgrow": 3063, + ".sw": 3064, + "eb": 3065, + "ĠPublic": 3066, + "OP": 3067, + "ecute": 3068, + "ols": 3069, + "Ġ**": 3070, + "\");ĊĊ": 3071, + "Ġmass": 3072, + "ured": 3073, + ".class": 3074, + "omic": 3075, + "Ġmean": 3076, + "ips": 3077, + "Ġaut": 3078, + ");čĊčĊ": 3079, + "Ġuntil": 3080, + "Ġmarket": 3081, + "Ġarea": 3082, + "uit": 3083, + "Ġlength": 3084, + "ĠWith": 3085, + "structor": 3086, + "event": 3087, + "\"><": 3088, + "ĠSp": 3089, + "IV": 3090, + "Ġmus": 3091, + "iff": 3092, + "Ġkind": 3093, + "author": 3094, + "ounds": 3095, + "mb": 3096, + "_key": 3097, + "width": 3098, + "pository": 3099, + "Ġlight": 3100, + "uk": 3101, + "Row": 3102, + "ohn": 3103, + "alf": 3104, + "vironment": 3105, + "apper": 3106, + "ollections": 3107, + "Ġside": 3108, + "_info": 3109, + "Ġexample": 3110, + "imary": 3111, + "Ġwr": 3112, + "Ġcamp": 3113, + "cribe": 3114, + "\"/": 3115, + "Ġmiss": 3116, + "way": 3117, + "Ġbased": 3118, + "Ġplan": 3119, + "Vis": 3120, + "omain": 3121, + "unk": 3122, + "Ġaway": 3123, + "UP": 3124, + "": 3370, + "Ġden": 3371, + "obile": 3372, + "change": 3373, + "ĠĠĠĠĠĠĠĠĠĠĠĠĊ": 3374, + "ici": 3375, + "na": 3376, + "ĠForm": 3377, + "Ġsort": 3378, + "Select": 3379, + "pare": 3380, + "Ġthought": 3381, + "_con": 3382, + "Ġtask": 3383, + "ocus": 3384, + "ĠDE": 3385, + "ĠMin": 3386, + "Ġopt": 3387, + "ĉbreak": 3388, + "umer": 3389, + "KE": 3390, + "then": 3391, + "Ġdet": 3392, + "ĠTest": 3393, + "ports": 3394, + "Ġreview": 3395, + "('/": 3396, + "move": 3397, + "Ġswitch": 3398, + "ERT": 3399, + "patch": 3400, + "annot": 3401, + "ãĤ": 3402, + "Ġabove": 3403, + "itive": 3404, + "Ġquestion": 3405, + "ĠQu": 3406, + "ãĢĤĊĊ": 3407, + "gle": 3408, + "Ġword": 3409, + "Ġprovide": 3410, + "ĠReturn": 3411, + "Ġresearch": 3412, + "ão": 3413, + "ustr": 3414, + "Ġpublish": 3415, + "chema": 3416, + "}}": 3417, + "ĠCON": 3418, + "-in": 3419, + "allback": 3420, + "Ġcover": 3421, + "\\\\": 3422, + "color": 3423, + "ĠIS": 3424, + "Ġwhether": 3425, + "imate": 3426, + "isc": 3427, + "Bar": 3428, + "Ġdiv": 3429, + "Be": 3430, + "ourn": 3431, + "Ġhaving": 3432, + "lem": 3433, + "player": 3434, + "abs": 3435, + "amera": 3436, + "ney": 3437, + "Ġexc": 3438, + "gether": 3439, + "plied": 3440, + "ao": 3441, + "[$": 3442, + "Ġ++": 3443, + "ipe": 3444, + "show": 3445, + "/d": 3446, + "[:": 3447, + "agement": 3448, + "lev": 3449, + "_ID": 3450, + "rary": 3451, + "ades": 3452, + "_se": 3453, + "ause": 3454, + "Ġemploy": 3455, + "Ġ*/čĊ": 3456, + "Ġfre": 3457, + "Ġ'@": 3458, + "Ġcomplet": 3459, + "Ġlarge": 3460, + "ral": 3461, + "\\x": 3462, + "Ġfac": 3463, + ">": 3578, + "Ġface": 3579, + "CTION": 3580, + "Ġsave": 3581, + "Ġtyp": 3582, + "dev": 3583, + "(\"#": 3584, + "AGE": 3585, + "container": 3586, + "edit": 3587, + "QL": 3588, + "Ġitems": 3589, + "Ġsocial": 3590, + "ien": 3591, + "ĠReact": 3592, + ").ĊĊ": 3593, + "Ġmar": 3594, + "Ġredu": 3595, + "ĠRE": 3596, + ".put": 3597, + "Ġmajor": 3598, + "Cell": 3599, + "next": 3600, + "Ġexpected": 3601, + "Ġyet": 3602, + "Ġindiv": 3603, + "tributes": 3604, + "atis": 3605, + "amed": 3606, + "Ġfood": 3607, + "Source": 3608, + "(string": 3609, + "Ġ+Ċ": 3610, + "ites": 3611, + "dr": 3612, + "Ġmembers": 3613, + "Ġcomb": 3614, + "items": 3615, + "ĠPer": 3616, + "TH": 3617, + "=True": 3618, + "Ġbar": 3619, + "_SE": 3620, + "comm": 3621, + "(w": 3622, + ")ĊĊĊ": 3623, + "Ġsend": 3624, + "Ġinc": 3625, + "unsigned": 3626, + "FA": 3627, + "Ġparams": 3628, + "apping": 3629, + "ros": 3630, + "ugin": 3631, + "fa": 3632, + "Ġconnection": 3633, + "Ġ};ĊĊ": 3634, + "Ġbecome": 3635, + "Mode": 3636, + "Ġev": 3637, + "Ġdiff": 3638, + "ĠUnited": 3639, + "Height": 3640, + "fully": 3641, + "images": 3642, + "Ġmakes": 3643, + "Ġglobal": 3644, + "Ġcontact": 3645, + "':Ċ": 3646, + "Ġabs": 3647, + "аÐ": 3648, + "float": 3649, + "Ġexcept": 3650, + "ĠPol": 3651, + "Child": 3652, + "typ": 3653, + "Ġcertain": 3654, + "ión": 3655, + "OUT": 3656, + "Ġimpro": 3657, + "iles": 3658, + "Ġ-->Ċ": 3659, + "ĠPart": 3660, + "values": 3661, + "oss": 3662, + "/**": 3663, + "ilit": 3664, + "ĠEvent": 3665, + "curity": 3666, + "ster": 3667, + "Ġcharacter": 3668, + "Ġnews": 3669, + "Ġ\",": 3670, + "Ġdevice": 3671, + "cel": 3672, + "login": 3673, + "heet": 3674, + "Default": 3675, + "@\"": 3676, + "ĉĠ": 3677, + "click": 3678, + "(value": 3679, + "ĠAb": 3680, + "Ġprevious": 3681, + "ERROR": 3682, + "ocal": 3683, + "Ġmaterial": 3684, + "Ġbelow": 3685, + "ĠChrist": 3686, + "Ġmedia": 3687, + "cover": 3688, + "ĠUI": 3689, + "Ġfail": 3690, + "Ġblack": 3691, + "Ġcomponent": 3692, + "ĠAmerican": 3693, + "Ġadded": 3694, + "Ġbuy": 3695, + "stit": 3696, + "Ġcame": 3697, + "Ġdelete": 3698, + "property": 3699, + "oding": 3700, + "Ġcard": 3701, + "rops": 3702, + "Ġhttps": 3703, + "Ġroot": 3704, + "Ġhandle": 3705, + "CC": 3706, + "Back": 3707, + "emplate": 3708, + "Ġgetting": 3709, + "_by": 3710, + "mail": 3711, + "_sh": 3712, + ".assert": 3713, + "ĠDec": 3714, + "(true": 3715, + "Ġcomput": 3716, + "Ġclaim": 3717, + "'=>": 3718, + "ĠSub": 3719, + "Ġair": 3720, + "ops": 3721, + "nav": 3722, + "ements": 3723, + "(id": 3724, + "Ġenter": 3725, + "anged": 3726, + "End": 3727, + "Ġlocation": 3728, + "Ġnight": 3729, + "Ġdoing": 3730, + "ĠRed": 3731, + "lin": 3732, + "}ĊĊĊ": 3733, + "vider": 3734, + "Ġpick": 3735, + "Ġwatch": 3736, + "essages": 3737, + "Ġhuman": 3738, + "Ġdam": 3739, + "pend": 3740, + "dir": 3741, + "Ġtax": 3742, + "Ġgirl": 3743, + "reet": 3744, + "Ġbox": 3745, + "Ġstrong": 3746, + "(v": 3747, + "rel": 3748, + "Ġinterface": 3749, + "Ġmsg": 3750, + "fect": 3751, + "_at": 3752, + "Ġhouse": 3753, + "Ġtrack": 3754, + "');ĊĊ": 3755, + "je": 3756, + "ĠJohn": 3757, + "istr": 3758, + "(S": 3759, + "ube": 3760, + "Ġce": 3761, + "itted": 3762, + "VER": 3763, + "*)": 3764, + "parent": 3765, + "Ġapplication": 3766, + "any": 3767, + ".swing": 3768, + "Ġpack": 3769, + "\\u": 3770, + "Ġpract": 3771, + "Ġsection": 3772, + "ctx": 3773, + "Ġunsigned": 3774, + ".Point": 3775, + "ĠOne": 3776, + "ı": 3777, + "iple": 3778, + "aid": 3779, + "Ñĥ": 3780, + "Vector": 3781, + "byte": 3782, + "Ġwait": 3783, + "ĠÃł": 3784, + "Ã¥": 3785, + "Ġtogether": 3786, + "Ġthrows": 3787, + "FO": 3788, + "'))": 3789, + "host": 3790, + "ising": 3791, + ".view": 3792, + "Ġterms": 3793, + "framework": 3794, + "-r": 3795, + "Ġapply": 3796, + "Ġsession": 3797, + "Options": 3798, + "uggest": 3799, + "Ġothers": 3800, + "witter": 3801, + "Ġfund": 3802, + "Init": 3803, + "__(": 3804, + "ensor": 3805, + "GET": 3806, + "Ġseveral": 3807, + "ii": 3808, + "[j": 3809, + "IO": 3810, + "Ġtemplate": 3811, + "Position": 3812, + "Ġecon": 3813, + "achine": 3814, + "Ġil": 3815, + ".spring": 3816, + "main": 3817, + "elt": 3818, + "iment": 3819, + "Rec": 3820, + "mm": 3821, + "ĠUniversity": 3822, + "ursor": 3823, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 3824, + "GL": 3825, + "icture": 3826, + "ithub": 3827, + "cer": 3828, + "cast": 3829, + "From": 3830, + "ales": 3831, + "Ġsubject": 3832, + "password": 3833, + "ny": 3834, + "Ġesc": 3835, + ".write": 3836, + "ï¼Į": 3837, + "What": 3838, + ".H": 3839, + "Ġhistory": 3840, + "ĠFe": 3841, + "Ġindividual": 3842, + "unit": 3843, + "Ġ-->": 3844, + "Ġdu": 3845, + "IST": 3846, + "Ġusers": 3847, + "fs": 3848, + "false": 3849, + "unt": 3850, + "Title": 3851, + "Ġmot": 3852, + "Ġfuture": 3853, + "ached": 3854, + "Ġstarted": 3855, + "Ġmode": 3856, + "Ġ'<": 3857, + "_array": 3858, + "Ġax": 3859, + "'];Ċ": 3860, + "ires": 3861, + "There": 3862, + "ught": 3863, + "tml": 3864, + "posed": 3865, + "icult": 3866, + "Ġtook": 3867, + "Ġgames": 3868, + "Ġ}}": 3869, + "Ġ?>Ċ": 3870, + "Ġproducts": 3871, + "Is": 3872, + "Ġbad": 3873, + "ĠDes": 3874, + ".path": 3875, + "'ĊĊ": 3876, + "ĠPost": 3877, + "avel": 3878, + "(:": 3879, + "Ġneeds": 3880, + "Ġknown": 3881, + "Fl": 3882, + "Ġexec": 3883, + "Ġseen": 3884, + "ume": 3885, + "Ġborder": 3886, + "Ġlive": 3887, + "temp": 3888, + "Per": 3889, + "Ġvariable": 3890, + "iet": 3891, + "ĠDef": 3892, + "Ġge": 3893, + "eme": 3894, + "_back": 3895, + "first": 3896, + "Ġprovided": 3897, + "////////////////////////////////": 3898, + "Ġfilename": 3899, + "Ġhope": 3900, + "uly": 3901, + "auto": 3902, + "find": 3903, + "_string": 3904, + "btn": 3905, + "itude": 3906, + "Attribute": 3907, + "Ġyoung": 3908, + ".txt": 3909, + "Ġwebsite": 3910, + "ĠProp": 3911, + "Ġey": 3912, + ">();Ċ": 3913, + "ional": 3914, + "ARR": 3915, + "ictionary": 3916, + "urther": 3917, + ".": 3997, + "tx": 3998, + "Ġpur": 3999, + "uel": 4000, + "ymbol": 4001, + "uation": 4002, + "anger": 4003, + "Ġbackground": 4004, + "ecess": 4005, + "efined": 4006, + "........": 4007, + "Ġdescription": 4008, + "Ġrepresent": 4009, + "\"));Ċ": 4010, + "pression": 4011, + "rowser": 4012, + "Ġseries": 4013, + "wards": 4014, + "($_": 4015, + "aise": 4016, + "Ġhot": 4017, + "acity": 4018, + "ries": 4019, + "actions": 4020, + "Create": 4021, + "adio": 4022, + "amples": 4023, + "Ġoriginal": 4024, + "ensive": 4025, + "font": 4026, + "stream": 4027, + "using": 4028, + ".springframework": 4029, + "server": 4030, + "Ġbill": 4031, + "ACK": 4032, + "ilename": 4033, + "Ġframe": 4034, + "Ġ=Ċ": 4035, + "Edit": 4036, + "adius": 4037, + "Ġdraw": 4038, + "anks": 4039, + "Ġdeter": 4040, + "Ġcomes": 4041, + "_int": 4042, + "Ġforeach": 4043, + "angle": 4044, + "Ġelect": 4045, + "pected": 4046, + "Header": 4047, + "istration": 4048, + "False": 4049, + "ĠGame": 4050, + "Ġfilter": 4051, + "Activity": 4052, + "Ġlarg": 4053, + "inition": 4054, + "Ġ\"<": 4055, + "ised": 4056, + "Ġremove": 4057, + "ĠTrans": 4058, + "met": 4059, + "see": 4060, + "Format": 4061, + "Command": 4062, + "ĠEX": 4063, + "None": 4064, + "Ġfront": 4065, + "ASE": 4066, + "ĠRec": 4067, + "oundation": 4068, + "Ġvo": 4069, + "=\\\"": 4070, + "(*": 4071, + "Change": 4072, + ".Write": 4073, + "group": 4074, + "ients": 4075, + "uy": 4076, + "****************************************************************": 4077, + "Ġdig": 4078, + "hr": 4079, + "(-": 4080, + "Ġgen": 4081, + "number": 4082, + "vec": 4083, + "urope": 4084, + "entry": 4085, + "LL": 4086, + "Ġste": 4087, + "Valid": 4088, + "'],": 4089, + "_param": 4090, + "Ġselected": 4091, + "Ġaccording": 4092, + "ĠDis": 4093, + "Ġutil": 4094, + "Buffer": 4095, + "_error": 4096, + "Ġassoci": 4097, + "_SIZE": 4098, + "Ġwor": 4099, + "Ġprintf": 4100, + "rag": 4101, + "Âł": 4102, + "DD": 4103, + "ĠVal": 4104, + "Ġactiv": 4105, + "Eng": 4106, + "etime": 4107, + "Ġvirtual": 4108, + "aign": 4109, + "aur": 4110, + "ĠPres": 4111, + "ĠException": 4112, + "Ġanything": 4113, + "ĠOff": 4114, + "Ġhours": 4115, + "Ġwar": 4116, + "Args": 4117, + "aging": 4118, + "Ġmodels": 4119, + "ĠTime": 4120, + "Ob": 4121, + "ams": 4122, + "joy": 4123, + "Ġearly": 4124, + ".read": 4125, + "Ġcenter": 4126, + "ĠInitial": 4127, + "Ġlanguage": 4128, + "length": 4129, + "xy": 4130, + "Ġsn": 4131, + "Ġinf": 4132, + "Post": 4133, + "Ġago": 4134, + "Ġeasy": 4135, + "_code": 4136, + "ĠANY": 4137, + "_ch": 4138, + "Ġdownload": 4139, + "(T": 4140, + "aved": 4141, + "âĢĵ": 4142, + "Ġstudents": 4143, + "Ġfig": 4144, + "light": 4145, + "xx": 4146, + "Ġbuffer": 4147, + "ĠDep": 4148, + "ĠMath": 4149, + "ITH": 4150, + "Ġvari": 4151, + "Ġdue": 4152, + "Factory": 4153, + "Ġpor": 4154, + "Ġep": 4155, + "otype": 4156, + "Ġcannot": 4157, + "Ġwhite": 4158, + "čĊ": 4424, + ".annot": 4425, + "Ġcollection": 4426, + "'.": 4427, + "Ġsimilar": 4428, + "Ġtaken": 4429, + "(\"%": 4430, + "Order": 4431, + "']Ċ": 4432, + "-md": 4433, + "ĠTH": 4434, + "aced": 4435, + "Ġisn": 4436, + "/j": 4437, + "Ġson": 4438, + "graph": 4439, + "ĠInteger": 4440, + "Ġnecess": 4441, + "reen": 4442, + "Ġum": 4443, + "Ġ\\<": 4444, + "Ġmoment": 4445, + "Ġbring": 4446, + "Ġindic": 4447, + "ysis": 4448, + "Level": 4449, + "verse": 4450, + "urrenc": 4451, + "_test": 4452, + "Ġentire": 4453, + "Down": 4454, + "Ġ}ĊĊĊ": 4455, + "(result": 4456, + "ĠRead": 4457, + "è": 4458, + "Mod": 4459, + "Ġtrying": 4460, + "\"),Ċ": 4461, + "Ġmember": 4462, + "ĠCor": 4463, + "ODO": 4464, + "-control": 4465, + "untime": 4466, + "ĠSim": 4467, + "Dialog": 4468, + "plot": 4469, + "_on": 4470, + "Ġphys": 4471, + "}/": 4472, + "Ġnamespace": 4473, + "ĉčĊ": 4474, + "acc": 4475, + "Player": 4476, + "ARE": 4477, + "Ġfoot": 4478, + "Ġboard": 4479, + "part": 4480, + "Ġsus": 4481, + "wise": 4482, + "ĠMc": 4483, + "Ġpush": 4484, + "ATA": 4485, + "Ġplease": 4486, + "ried": 4487, + "weet": 4488, + "bit": 4489, + "ided": 4490, + "VE": 4491, + "ĠSw": 4492, + "UB": 4493, + "Ġtypes": 4494, + "edia": 4495, + "Ġclos": 4496, + "acebook": 4497, + "When": 4498, + "Ġedit": 4499, + "igger": 4500, + "Ġenerg": 4501, + "Container": 4502, + "Ġphot": 4503, + "ĠCount": 4504, + "ĠEurope": 4505, + ".Is": 4506, + "ĠRuss": 4507, + "peed": 4508, + "ĠStr": 4509, + "Ġpy": 4510, + "Ġcult": 4511, + "Ġdefined": 4512, + "ccount": 4513, + "Ġobt": 4514, + ".Location": 4515, + "Ġthread": 4516, + "ille": 4517, + "Ġinstead": 4518, + "strong": 4519, + "ĠSec": 4520, + "URE": 4521, + "Ġidea": 4522, + ".se": 4523, + "emy": 4524, + "selected": 4525, + "Connection": 4526, + "acing": 4527, + "thread": 4528, + ".next": 4529, + "Ġcoll": 4530, + "Ġfilm": 4531, + "istic": 4532, + "Ġcompet": 4533, + "Ġconn": 4534, + "though": 4535, + "Ġcompan": 4536, + "ocket": 4537, + "Ġteach": 4538, + "=(": 4539, + "Ġphone": 4540, + "Ġactive": 4541, + "delete": 4542, + "tries": 4543, + "Ġmo": 4544, + "Ġdeath": 4545, + "});ĊĊ": 4546, + "ocol": 4547, + "Widget": 4548, + "Ġarticle": 4549, + "rodu": 4550, + "andid": 4551, + "Ñĭ": 4552, + "ĠCr": 4553, + "ka": 4554, + "():": 4555, + "lood": 4556, + "ĉĉĉĊ": 4557, + "Ġalmost": 4558, + "Ġsell": 4559, + "ervlet": 4560, + "rip": 4561, + "Unit": 4562, + "Ġapplic": 4563, + "Ġconnect": 4564, + "Ġfeature": 4565, + "Ġvia": 4566, + "'),": 4567, + "Ġlim": 4568, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 4569, + "ĠGu": 4570, + "Engine": 4571, + "Ġens": 4572, + "Ġenvironment": 4573, + "block": 4574, + "HERE": 4575, + "NULL": 4576, + "gy": 4577, + "tag": 4578, + ")).": 4579, + "exp": 4580, + "Ġcompl": 4581, + "Ġinstall": 4582, + "Ġcomplete": 4583, + "queue": 4584, + "atural": 4585, + "Ġgeneral": 4586, + "thon": 4587, + "Ġasked": 4588, + "ores": 4589, + "(res": 4590, + "Ġreserved": 4591, + "SP": 4592, + "Ġâ̦": 4593, + "ÅĤ": 4594, + "Ġsignific": 4595, + "Off": 4596, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 4597, + "ĠAg": 4598, + "ĠJust": 4599, + "ĠError": 4600, + "Ġinfl": 4601, + "adata": 4602, + "Ġicon": 4603, + "asks": 4604, + "''": 4605, + "_LO": 4606, + "?.": 4607, + "account": 4608, + "Ġ(*": 4609, + "')ĊĊ": 4610, + "rap": 4611, + "_var": 4612, + "ĠFOR": 4613, + "Ġparty": 4614, + "ĠYour": 4615, + "cat": 4616, + "stry": 4617, + ".new": 4618, + "boot": 4619, + "ĠNov": 4620, + "Ġvector": 4621, + "Ġnormal": 4622, + "Ġfurther": 4623, + "Repository": 4624, + "Ġdatabase": 4625, + "attle": 4626, + "Ġmusic": 4627, + "Ġspeed": 4628, + "Ġdoc": 4629, + "process": 4630, + "IGHT": 4631, + ".parse": 4632, + "Ġtaking": 4633, + "Ġviol": 4634, + "ceed": 4635, + "ĠAfter": 4636, + "Ġforward": 4637, + "Ġcrit": 4638, + "\"/>Ċ": 4639, + "rot": 4640, + "Ġfailed": 4641, + "efore": 4642, + "Ġconcern": 4643, + "oe": 4644, + "ba": 4645, + "Ġsender": 4646, + "Ġterm": 4647, + "has": 4648, + "=\"#": 4649, + "Ġpotential": 4650, + "Num": 4651, + "Ġpublished": 4652, + ".close": 4653, + "ĠImage": 4654, + "straint": 4655, + "UD": 4656, + "ĠOb": 4657, + "Ġprobably": 4658, + "lim": 4659, + "\":Ċ": 4660, + "olume": 4661, + "Ġconsum": 4662, + "ague": 4663, + "ensions": 4664, + "Ġinvestig": 4665, + "-year": 4666, + "');": 4667, + "-sm": 4668, + "Ġenjoy": 4669, + "orig": 4670, + "ering": 4671, + "cp": 4672, + "leased": 4673, + "plements": 4674, + "Ġreturns": 4675, + "pat": 4676, + "BO": 4677, + "ĠHouse": 4678, + ".Label": 4679, + "Ġweight": 4680, + "ighb": 4681, + "Ġconditions": 4682, + "Ġexception": 4683, + "description": 4684, + "Ġtrad": 4685, + "-to": 4686, + "Ġ{}": 4687, + "Ġmodule": 4688, + "END": 4689, + ".ap": 4690, + ".props": 4691, + "Ġconstructor": 4692, + "aves": 4693, + "Ġfavor": 4694, + "ĠNow": 4695, + ";i": 4696, + "ĠMain": 4697, + "_k": 4698, + "eries": 4699, + "âĢĻll": 4700, + "transform": 4701, + "imestamp": 4702, + "Pre": 4703, + "Ġmer": 4704, + ".res": 4705, + "stant": 4706, + "Location": 4707, + "_NAME": 4708, + "Ġloss": 4709, + "ĠĊĊ": 4710, + "net": 4711, + "Ġengine": 4712, + "Block": 4713, + "Ġissues": 4714, + "Ġparse": 4715, + "ĠBar": 4716, + "Ġstay": 4717, + "ĠJSON": 4718, + "Ġdom": 4719, + "airs": 4720, + "wner": 4721, + "Ġlower": 4722, + "\",čĊ": 4723, + "ĠDem": 4724, + "ufact": 4725, + "Ġps": 4726, + "Ġperfect": 4727, + "RL": 4728, + "Ġeduc": 4729, + "ls": 4730, + "emory": 4731, + "ARRANT": 4732, + "uge": 4733, + "Ġexact": 4734, + ".key": 4735, + "alled": 4736, + "ech": 4737, + "ief": 4738, + "\\/": 4739, + "oke": 4740, + "Ġformer": 4741, + "alloc": 4742, + "Ġsix": 4743, + "ida": 4744, + "Ġmargin": 4745, + "Ġheart": 4746, + "ald": 4747, + "pack": 4748, + ".getElementById": 4749, + "ĠWARRANT": 4750, + "Ġrather": 4751, + "Ġbuilding": 4752, + "erman": 4753, + "lice": 4754, + "Ġquestions": 4755, + "izes": 4756, + "lege": 4757, + "irectory": 4758, + "Ġje": 4759, + "Ġcas": 4760, + "props": 4761, + "utf": 4762, + "Ġsecurity": 4763, + "Ġhowever": 4764, + "weight": 4765, + "Ġinside": 4766, + "Ġpresident": 4767, + "Char": 4768, + "ĠWITH": 4769, + ".map": 4770, + "Ġgraph": 4771, + "Ġtag": 4772, + "_status": 4773, + "Ġattempt": 4774, + "opp": 4775, + "uses": 4776, + "ĉconst": 4777, + "Ġround": 4778, + ",$": 4779, + "Ġfriends": 4780, + "Email": 4781, + "?>": 4782, + "Resource": 4783, + "KEY": 4784, + "osp": 4785, + ".query": 4786, + "ĠNorth": 4787, + "ables": 4788, + "istrib": 4789, + "_class": 4790, + "ello": 4791, + "That": 4792, + "к": 4793, + "pecially": 4794, + "ĠPresident": 4795, + "Ġcampaign": 4796, + "Ġalt": 4797, + "area": 4798, + "Ġchall": 4799, + "Ġopport": 4800, + ".Con": 4801, + "Ġenergy": 4802, + "like": 4803, + ".string": 4804, + "ington": 4805, + ")*": 4806, + "yy": 4807, + "Ġprofession": 4808, + "irth": 4809, + "Ġseg": 4810, + "æľ": 4811, + "Ġhor": 4812, + "iers": 4813, + "can": 4814, + "Ġbehind": 4815, + "Product": 4816, + "fg": 4817, + "ĠSk": 4818, + ".jpg": 4819, + "?:": 4820, + "];ĊĊ": 4821, + "Ġcallback": 4822, + "ĠHttp": 4823, + "ÑĮ": 4824, + "long": 4825, + "MS": 4826, + "ATH": 4827, + "Ġraise": 4828, + "Ġwanted": 4829, + "rown": 4830, + "utor": 4831, + "lt": 4832, + "]=": 4833, + "eline": 4834, + "MA": 4835, + "Ġsepar": 4836, + "cs": 4837, + "semb": 4838, + "Dis": 4839, + "bserv": 4840, + "ĠWill": 4841, + "Ġpolicy": 4842, + "Ġthird": 4843, + "phone": 4844, + "Ġbed": 4845, + "/g": 4846, + ".__": 4847, + "ĠInc": 4848, + "izing": 4849, + ".remove": 4850, + "instance": 4851, + ".type": 4852, + "Ġserv": 4853, + "Each": 4854, + "Ġhar": 4855, + "ĠMessage": 4856, + "(key": 4857, + "SELECT": 4858, + "Pos": 4859, + "));čĊ": 4860, + "Ġrecomm": 4861, + "Ġtraining": 4862, + "ĠEnt": 4863, + "ĠChar": 4864, + "icht": 4865, + "(file": 4866, + "Ġprior": 4867, + "Game": 4868, + "Ġexit": 4869, + "Params": 4870, + ".core": 4871, + "PC": 4872, + "nes": 4873, + "anced": 4874, + "(request": 4875, + "Password": 4876, + "}>Ċ": 4877, + "Ġmag": 4878, + "Ġrelease": 4879, + "Ġshall": 4880, + "udent": 4881, + "ĠSouth": 4882, + "ando": 4883, + ":'": 4884, + ".TabIndex": 4885, + "sk": 4886, + "anner": 4887, + "isset": 4888, + "Ġoutside": 4889, + "ledge": 4890, + "Ġå": 4891, + "ĠRob": 4892, + "Ġimm": 4893, + "!Ċ": 4894, + "ĠWeb": 4895, + "Des": 4896, + "BC": 4897, + "ancial": 4898, + "Route": 4899, + "Dec": 4900, + "ferences": 4901, + "Ġpurch": 4902, + "ĠModel": 4903, + "ctor": 4904, + "gn": 4905, + "_start": 4906, + "_un": 4907, + ".*": 4908, + "ises": 4909, + "Ġground": 4910, + "Ġunique": 4911, + "Ġbeaut": 4912, + "{\"": 4913, + "Ġpour": 4914, + "ĠOct": 4915, + "Ġtree": 4916, + "sets": 4917, + "_res": 4918, + "')->": 4919, + "_reg": 4920, + "(\"\\": 4921, + "Ġbyte": 4922, + "Bl": 4923, + "Ġdating": 4924, + "Ġmatter": 4925, + "ĠRem": 4926, + "Ġ'../": 4927, + "ĠAug": 4928, + "ĠLa": 4929, + "Ġ$(": 4930, + "ournal": 4931, + "iam": 4932, + "Ġshows": 4933, + "write": 4934, + "Ġball": 4935, + "Ġsimply": 4936, + "Ġfast": 4937, + "Ġmemory": 4938, + "ASS": 4939, + "ĠOf": 4940, + "oved": 4941, + "ante": 4942, + "aul": 4943, + "istry": 4944, + ")));Ċ": 4945, + "Ġfit": 4946, + "_": 5129, + "\")ĊĊ": 5130, + "ox": 5131, + "application": 5132, + "Ġ]Ċ": 5133, + "ĊĊĊĊĊĊ": 5134, + "Ġsoon": 5135, + "ctions": 5136, + "inger": 5137, + "Ġjoin": 5138, + "ĠPe": 5139, + "Ġë": 5140, + "Ġlas": 5141, + ".E": 5142, + "css": 5143, + "/or": 5144, + "ĠStart": 5145, + "ĠTO": 5146, + "Ġsubs": 5147, + "conn": 5148, + "components": 5149, + "DEBUG": 5150, + "quare": 5151, + "Function": 5152, + "endar": 5153, + ".index": 5154, + "Ġfill": 5155, + "ÄĻ": 5156, + "Ġchoose": 5157, + "how": 5158, + "ĠAmerica": 5159, + "assets": 5160, + "------------": 5161, + "ĠValue": 5162, + "Ġoffice": 5163, + "Ġveh": 5164, + "Ġtransform": 5165, + "ĠArt": 5166, + "Ġinde": 5167, + "Ġfn": 5168, + "Ġimplements": 5169, + "ango": 5170, + "plete": 5171, + "+\"": 5172, + "tmp": 5173, + "amily": 5174, + "Ġhash": 5175, + "missions": 5176, + "EST": 5177, + "gt": 5178, + "Provider": 5179, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 5180, + "Ġflag": 5181, + "Ġparticip": 5182, + "den": 5183, + "ĠReturns": 5184, + "Ġnote": 5185, + "ür": 5186, + "pm": 5187, + "ideos": 5188, + "Ġspecified": 5189, + "ĠEN": 5190, + "ester": 5191, + "olid": 5192, + "Ġupon": 5193, + "(std": 5194, + "ĉv": 5195, + "Ġ'\\": 5196, + "uz": 5197, + "Ġvert": 5198, + "Ġvict": 5199, + "ĉself": 5200, + "Ġ\"$": 5201, + ".k": 5202, + "Ġgroups": 5203, + "github": 5204, + "lang": 5205, + "Ġmut": 5206, + "TO": 5207, + "Ġve": 5208, + "ĠPlease": 5209, + ";ĊĊĊ": 5210, + "access": 5211, + "Ġ{\"": 5212, + "rea": 5213, + "Ġrisk": 5214, + "icker": 5215, + "oggle": 5216, + "ĉwhile": 5217, + "ANG": 5218, + ".send": 5219, + "Ġwoman": 5220, + "Ġgets": 5221, + "Ġign": 5222, + "ĠId": 5223, + "_log": 5224, + "ONE": 5225, + "Ġevid": 5226, + "ĠHar": 5227, + "_sub": 5228, + "Ġendl": 5229, + "Ġincluded": 5230, + "());ĊĊ": 5231, + "ĠAp": 5232, + "igr": 5233, + "Ġsem": 5234, + "ĠBlack": 5235, + "doc": 5236, + "_table": 5237, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 5238, + "-up": 5239, + "Ġcause": 5240, + "Ġ..": 5241, + "Ġvan": 5242, + "_dict": 5243, + "Ġfocus": 5244, + "IND": 5245, + "CESS": 5246, + ".Log": 5247, + "Ġmultiple": 5248, + "ido": 5249, + "Ġregard": 5250, + "-M": 5251, + "andler": 5252, + "ourse": 5253, + "Ġdeg": 5254, + ".U": 5255, + "Ġaddition": 5256, + "Ġvarious": 5257, + "Ġreceive": 5258, + "ен": 5259, + "ĠHT": 5260, + "Obj": 5261, + "DF": 5262, + "Ġincrease": 5263, + "ĠOpen": 5264, + "];": 5265, + "Ġcommit": 5266, + "?Ċ": 5267, + "ategories": 5268, + "atory": 5269, + "ship": 5270, + "ĠMich": 5271, + "Ġhtml": 5272, + "romise": 5273, + "Ġleave": 5274, + "Ġstrateg": 5275, + "aven": 5276, + "ĠConsole": 5277, + "known": 5278, + "-n": 5279, + "_LE": 5280, + ".component": 5281, + "Ġbre": 5282, + "Session": 5283, + "iance": 5284, + "Ġalign": 5285, + "typedef": 5286, + "_result": 5287, + "ĠWHERE": 5288, + ".split": 5289, + "Ġreading": 5290, + "FAULT": 5291, + "Ġclo": 5292, + "Ġnotice": 5293, + "_pr": 5294, + "arter": 5295, + "Ġlock": 5296, + "Ġstandard": 5297, + "etic": 5298, + "ellow": 5299, + "Ġpadding": 5300, + "ĠHis": 5301, + "Ġstates": 5302, + "_cast": 5303, + "(P": 5304, + "aa": 5305, + "Ġinternal": 5306, + "ean": 5307, + "ĠPRO": 5308, + "ĠKey": 5309, + "Ġespecially": 5310, + "ming": 5311, + "Ġcross": 5312, + "Ġnational": 5313, + "_object": 5314, + "filter": 5315, + "Ġscript": 5316, + ".update": 5317, + "_i": 5318, + "ĠAssert": 5319, + "/core": 5320, + "%%%%": 5321, + "Ġproblems": 5322, + "istor": 5323, + "Ġ.=": 5324, + "Ġarch": 5325, + "Ġwritten": 5326, + "Ġmilit": 5327, + "MENT": 5328, + ".ch": 5329, + "cape": 5330, + "ĠMus": 5331, + "_config": 5332, + "ĠAPI": 5333, + "foot": 5334, + "Ġimages": 5335, + "endl": 5336, + ".In": 5337, + "First": 5338, + "Ġplatform": 5339, + ".prot": 5340, + "Option": 5341, + "ste": 5342, + "ĠTODO": 5343, + "Ġforce": 5344, + ".cont": 5345, + "ĉecho": 5346, + "ĠDav": 5347, + "Ptr": 5348, + "(B": 5349, + "RT": 5350, + "ĠBase": 5351, + "]['": 5352, + "Ġannounc": 5353, + "console": 5354, + "ĠPy": 5355, + "ds": 5356, + ".as": 5357, + "Ġprevent": 5358, + "apan": 5359, + "Ġ{'": 5360, + "}'": 5592, + "Ġdead": 5593, + "VAL": 5594, + "QUE": 5595, + "************************************************************************": 5596, + "Ġcharg": 5597, + "Return": 5598, + "Ġful": 5599, + "dom": 5600, + "Ġrules": 5601, + "Ġmodify": 5602, + "Ġeval": 5603, + "ham": 5604, + "atement": 5605, + "\\<": 5606, + "ula": 5607, + "=False": 5608, + "RA": 5609, + "Ġcontains": 5610, + "Ġstack": 5611, + "mar": 5612, + "Ġ{}Ċ": 5613, + "Ġundefined": 5614, + "Ass": 5615, + "ĠChina": 5616, + "vey": 5617, + "*Ċ": 5618, + "Ġplaying": 5619, + ")/": 5620, + "actor": 5621, + "Ġbottom": 5622, + "lier": 5623, + "ĠNumber": 5624, + "Ġcouple": 5625, + "DC": 5626, + "ĠSO": 5627, + "gor": 5628, + ".setText": 5629, + "success": 5630, + "command": 5631, + "Filter": 5632, + "ĠOur": 5633, + "_item": 5634, + "Ġctx": 5635, + "Ġroad": 5636, + "Version": 5637, + "case": 5638, + "urt": 5639, + "avior": 5640, + "ych": 5641, + "sembly": 5642, + "ĠProduct": 5643, + "Ġheld": 5644, + "afe": 5645, + "Ġincludes": 5646, + "&": 5789, + "CON": 5790, + "Ġrepl": 5791, + "Ġregular": 5792, + "Storage": 5793, + "ramework": 5794, + "Ġgoal": 5795, + "Ġtouch": 5796, + ".widget": 5797, + "Ġbuilt": 5798, + "des": 5799, + "Part": 5800, + "(re": 5801, + "Ġworth": 5802, + "hib": 5803, + "game": 5804, + "Ġв": 5805, + "acion": 5806, + "ĠWhite": 5807, + "(type": 5808, + "(`": 5809, + "Ġnatural": 5810, + "Ġinj": 5811, + "Ġcalcul": 5812, + "ĠApril": 5813, + ".List": 5814, + "Ġassociated": 5815, + "ĉSystem": 5816, + "~~": 5817, + "=[": 5818, + "Ġstorage": 5819, + "Ġbytes": 5820, + "Ġtravel": 5821, + "Ġsou": 5822, + "Ġpassed": 5823, + "!=": 5824, + "ascript": 5825, + ".open": 5826, + "Ġgrid": 5827, + "Ġbus": 5828, + "Ġrecogn": 5829, + "Ab": 5830, + "Ġhon": 5831, + "ĠCenter": 5832, + "Ġprec": 5833, + "build": 5834, + "HTML": 5835, + "ĠSan": 5836, + "Ġcountries": 5837, + "aled": 5838, + "token": 5839, + "kt": 5840, + "Ġqual": 5841, + "Last": 5842, + "adow": 5843, + "Ġmanufact": 5844, + "idad": 5845, + "jango": 5846, + "Next": 5847, + "xf": 5848, + ".a": 5849, + "Ġporno": 5850, + "ĠPM": 5851, + "erve": 5852, + "iting": 5853, + "_th": 5854, + "ci": 5855, + "=None": 5856, + "gs": 5857, + "Ġlogin": 5858, + "atives": 5859, + "']);Ċ": 5860, + "Äħ": 5861, + "Ġill": 5862, + "IA": 5863, + "children": 5864, + "DO": 5865, + "Ġlevels": 5866, + "Ġ{{": 5867, + "Ġlooks": 5868, + "Ġ\"#": 5869, + "ToString": 5870, + "Ġnecessary": 5871, + "ĠĠĠĊ": 5872, + "cell": 5873, + "Entry": 5874, + "Ġ'#": 5875, + "Ġextrem": 5876, + "Selector": 5877, + "Ġplaceholder": 5878, + "Load": 5879, + "Ġreleased": 5880, + "ORE": 5881, + "Enumer": 5882, + "ĠTV": 5883, + "SET": 5884, + "inq": 5885, + "Press": 5886, + "ĠDepartment": 5887, + "Ġproperties": 5888, + "Ġrespond": 5889, + "Search": 5890, + "ael": 5891, + "Ġrequ": 5892, + "ĠBook": 5893, + "/Ċ": 5894, + "(st": 5895, + "Ġfinancial": 5896, + "icket": 5897, + "_input": 5898, + "Ġthreat": 5899, + "(in": 5900, + "Strip": 5901, + "ìĿ": 5902, + "ção": 5903, + "Ġevidence": 5904, + "));": 5905, + "ĠBro": 5906, + "Ġ[];Ċ": 5907, + "Ġou": 5908, + "buf": 5909, + "Script": 5910, + "dat": 5911, + "Ġrule": 5912, + "#import": 5913, + "=\"/": 5914, + "Serial": 5915, + "Ġstarting": 5916, + "[index": 5917, + "ae": 5918, + "Ġcontrib": 5919, + "session": 5920, + "_new": 5921, + "utable": 5922, + "ober": 5923, + "Ġ\"./": 5924, + "Ġlogger": 5925, + "Ġrecently": 5926, + "Ġreturned": 5927, + "ččĊ": 5928, + ")))Ċ": 5929, + "itions": 5930, + "Ġseek": 5931, + "Ġcommunic": 5932, + "Ġ\".": 5933, + "Ġusername": 5934, + "ECT": 5935, + "DS": 5936, + "Ġotherwise": 5937, + "ĠGerman": 5938, + ".aw": 5939, + "Adapter": 5940, + "ixel": 5941, + "Ġsystems": 5942, + "Ġdrop": 5943, + "Ġstructure": 5944, + "Ġ$(\"#": 5945, + "encies": 5946, + "anning": 5947, + "ĠLink": 5948, + "ĠResponse": 5949, + "Ġstri": 5950, + "ż": 5951, + "ĠDB": 5952, + "æĹ": 5953, + "android": 5954, + "submit": 5955, + "otion": 5956, + "(@": 5957, + ".test": 5958, + "ĊĊĊĊĊĊĊĊ": 5959, + "];čĊ": 5960, + "Ġdirectly": 5961, + "Ġ\"%": 5962, + "ris": 5963, + "elta": 5964, + "AIL": 5965, + "){čĊ": 5966, + "mine": 5967, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 5968, + "(k": 5969, + "bon": 5970, + "asic": 5971, + "pite": 5972, + "___": 5973, + "Max": 5974, + "Ġerrors": 5975, + "ĠWhile": 5976, + "Ġarguments": 5977, + "Ġensure": 5978, + "Right": 5979, + "-based": 5980, + "Web": 5981, + "Ġ-=": 5982, + "Ġintrodu": 5983, + "ĠInst": 5984, + "ĠWash": 5985, + "ordin": 5986, + "join": 5987, + "Database": 5988, + "Ġgrad": 5989, + "Ġusually": 5990, + "ITE": 5991, + "Props": 5992, + "?>Ċ": 5993, + "ĠGo": 5994, + "@Override": 5995, + "REF": 5996, + "Ġip": 5997, + "ĠAustral": 5998, + "Ġist": 5999, + "ViewById": 6000, + "Ġserious": 6001, + "Ġcustomer": 6002, + ".prototype": 6003, + "odo": 6004, + "cor": 6005, + "Ġdoor": 6006, + "ĠWITHOUT": 6007, + "Ġplant": 6008, + "Ġbegan": 6009, + "Ġdistance": 6010, + "()).": 6011, + "Ġchance": 6012, + "Ġord": 6013, + "came": 6014, + "pragma": 6015, + "Ġprotect": 6016, + "ragment": 6017, + "ĠNode": 6018, + "ening": 6019, + "Ñĩ": 6020, + "Ġroute": 6021, + "ĠSchool": 6022, + "hi": 6023, + "Ġneighb": 6024, + "After": 6025, + "licit": 6026, + "Ġcontr": 6027, + "Ġprimary": 6028, + "AA": 6029, + ".WriteLine": 6030, + "utils": 6031, + "Ġbi": 6032, + "Red": 6033, + ".Linq": 6034, + ".object": 6035, + "Ġleaders": 6036, + "unities": 6037, + "Ġgun": 6038, + "onth": 6039, + "ĠDev": 6040, + "FILE": 6041, + "Ġcomments": 6042, + "_len": 6043, + "arrow": 6044, + "amount": 6045, + "Range": 6046, + "sert": 6047, + "GridView": 6048, + "Ġupdated": 6049, + "ĠMo": 6050, + "Ġinform": 6051, + "ociety": 6052, + "ala": 6053, + "Access": 6054, + "Ġhab": 6055, + "Ġcreat": 6056, + "_arg": 6057, + "ĠJanuary": 6058, + "ĠDay": 6059, + "\")čĊ": 6060, + "uple": 6061, + "document": 6062, + "gorith": 6063, + "menu": 6064, + "ĠOver": 6065, + "bb": 6066, + ".title": 6067, + "_out": 6068, + "Ġled": 6069, + "uri": 6070, + "Ġ?>Ċ": 6107, + "run": 6108, + "Ġscene": 6109, + "(array": 6110, + "device": 6111, + "_title": 6112, + "agon": 6113, + "]čĊ": 6114, + "aby": 6115, + "Ġbecame": 6116, + "boolean": 6117, + "Ġpark": 6118, + "ĠCode": 6119, + "upload": 6120, + "riday": 6121, + "ĠSeptember": 6122, + "Fe": 6123, + "Ġsen": 6124, + "cing": 6125, + "FL": 6126, + "Col": 6127, + "uts": 6128, + "_page": 6129, + "inn": 6130, + "Ġimplied": 6131, + "aling": 6132, + "Ġyourself": 6133, + ".Count": 6134, + "conf": 6135, + "Ġaud": 6136, + "_init": 6137, + ".)": 6138, + "Ġwrote": 6139, + "NG": 6140, + ".Error": 6141, + "ä»": 6142, + ".for": 6143, + "Ġequal": 6144, + "ĠRequest": 6145, + "Ġserial": 6146, + "Ġallows": 6147, + "XX": 6148, + "Ġmiddle": 6149, + "chor": 6150, + "ø": 6151, + "erval": 6152, + ".Column": 6153, + "reading": 6154, + "Ġescort": 6155, + "ĠAugust": 6156, + "Ġquickly": 6157, + "Ġweap": 6158, + "ĠCG": 6159, + "ropri": 6160, + "ho": 6161, + "Ġcop": 6162, + "(struct": 6163, + "ĠBig": 6164, + "Ġvs": 6165, + "Ġfrequ": 6166, + ".Value": 6167, + "Ġactions": 6168, + "Ġproper": 6169, + "Ġinn": 6170, + "Ġobjects": 6171, + "Ġmatrix": 6172, + "avascript": 6173, + "Ġones": 6174, + ".group": 6175, + "Ġgreen": 6176, + "Ġpaint": 6177, + "ools": 6178, + "ycl": 6179, + "encode": 6180, + "olt": 6181, + "comment": 6182, + ".api": 6183, + "Dir": 6184, + "Ġune": 6185, + "izont": 6186, + ".position": 6187, + "Ġdesigned": 6188, + "_val": 6189, + "avi": 6190, + "iring": 6191, + "tab": 6192, + "Ġlayer": 6193, + "Ġviews": 6194, + "Ġreve": 6195, + "rael": 6196, + "ĠON": 6197, + "rics": 6198, + "np": 6199, + "Ġcore": 6200, + "());čĊ": 6201, + "Main": 6202, + "Ġexpert": 6203, + "ĉĉčĊ": 6204, + "_en": 6205, + "Ġ/>": 6206, + "utter": 6207, + "IAL": 6208, + "ails": 6209, + "ĠKing": 6210, + "*/ĊĊ": 6211, + "ĠMet": 6212, + "_end": 6213, + "addr": 6214, + "ora": 6215, + "Ġir": 6216, + "Min": 6217, + "Ġsurpr": 6218, + "Ġrepe": 6219, + "Ġdirectory": 6220, + "PUT": 6221, + "-S": 6222, + "Ġelection": 6223, + "haps": 6224, + ".pre": 6225, + "cm": 6226, + "Values": 6227, + "Ġ\"Ċ": 6228, + "column": 6229, + "ivil": 6230, + "Login": 6231, + "inue": 6232, + "Ġbeautiful": 6233, + "Ġsecret": 6234, + "(event": 6235, + "Ġchat": 6236, + "ums": 6237, + "Ġorigin": 6238, + "Ġeffects": 6239, + "Ġmanagement": 6240, + "illa": 6241, + "tk": 6242, + "Ġsetting": 6243, + "ĠCour": 6244, + "Ġmassage": 6245, + "ĉend": 6246, + "Ġhappy": 6247, + "Ġfinish": 6248, + "Ġcamera": 6249, + "ĠVer": 6250, + "ĠDemocr": 6251, + "ĠHer": 6252, + "(Q": 6253, + "cons": 6254, + "ita": 6255, + "Ġ'.": 6256, + "{}": 6257, + "ĉC": 6258, + "Ġstuff": 6259, + "Ġ:Ċ": 6260, + "ĠAR": 6261, + "Task": 6262, + "hidden": 6263, + "eros": 6264, + "IGN": 6265, + "atio": 6266, + "ĠHealth": 6267, + "olute": 6268, + "Enter": 6269, + "'>": 6270, + "ĠTwitter": 6271, + "ĠCounty": 6272, + "scribe": 6273, + "Ġ=>Ċ": 6274, + "Ġhy": 6275, + "fit": 6276, + "Ġmilitary": 6277, + "Ġsale": 6278, + "required": 6279, + "non": 6280, + "bootstrap": 6281, + "hold": 6282, + "rim": 6283, + "-old": 6284, + "ĠDown": 6285, + "Ġmention": 6286, + "contact": 6287, + "_group": 6288, + "oday": 6289, + "Ġtown": 6290, + "Ġsolution": 6291, + "uate": 6292, + "elling": 6293, + "]->": 6294, + "otes": 6295, + "ental": 6296, + "omen": 6297, + "ospital": 6298, + "ĠSup": 6299, + "_EN": 6300, + "Ġslow": 6301, + "SESSION": 6302, + "Ġblue": 6303, + "ago": 6304, + "Ġlives": 6305, + "Ġ^": 6306, + ".un": 6307, + "inst": 6308, + "enge": 6309, + "Ġcustomers": 6310, + "Ġcast": 6311, + "udget": 6312, + "ï¼ģ": 6313, + "icens": 6314, + "Ġdetermin": 6315, + "Selected": 6316, + "_pl": 6317, + "ueue": 6318, + "Ġdark": 6319, + "//ĊĊ": 6320, + "si": 6321, + "thern": 6322, + "ĠJapan": 6323, + "/w": 6324, + "PU": 6325, + "ĠEast": 6326, + "ovie": 6327, + "Ġpackage": 6328, + "Ġnor": 6329, + "Ġapi": 6330, + "bot": 6331, + "\"];Ċ": 6332, + "_post": 6333, + "ulate": 6334, + "Ġclub": 6335, + "'));Ċ": 6336, + "Ġloop": 6337, + "PIO": 6338, + "ione": 6339, + "shot": 6340, + "Initial": 6341, + "Ġplayed": 6342, + "register": 6343, + "rought": 6344, + "_max": 6345, + "acement": 6346, + "match": 6347, + "raphics": 6348, + "AST": 6349, + "Ġexisting": 6350, + "Ġcomplex": 6351, + "DA": 6352, + ".Ch": 6353, + ".common": 6354, + "mo": 6355, + "Ġ'../../": 6356, + "ito": 6357, + "Ġanalysis": 6358, + "Ġdeliver": 6359, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ": 6360, + "idx": 6361, + "Ãł": 6362, + "ongo": 6363, + "ĠEnglish": 6364, + "Ċ": 9992, + "_default": 9993, + "ĠDatabase": 9994, + "rep": 9995, + "ESS": 9996, + "nergy": 9997, + ".Find": 9998, + "_mask": 9999, + "Ġrise": 10000, + "Ġkernel": 10001, + "::$": 10002, + ".Q": 10003, + "Ġoffering": 10004, + "decl": 10005, + "ĠCS": 10006, + "Ġlisted": 10007, + "Ġmostly": 10008, + "enger": 10009, + "Ġblocks": 10010, + "olo": 10011, + "Ġgoverning": 10012, + "\\F": 10013, + "Ġconcent": 10014, + ".getText": 10015, + "Ġmb": 10016, + "Ġoccurred": 10017, + "Ġchanging": 10018, + "Scene": 10019, + "_CODE": 10020, + "Beh": 10021, + "\"The": 10022, + "Ġtile": 10023, + "ĠAssociation": 10024, + "ĉP": 10025, + "alty": 10026, + "_ad": 10027, + "odies": 10028, + "iated": 10029, + "Ġprepared": 10030, + "possible": 10031, + "Ġmort": 10032, + "TEST": 10033, + "Ġignore": 10034, + "Ġcalc": 10035, + "Ġrs": 10036, + "ĠassertEquals": 10037, + "Ġsz": 10038, + "ĠTHIS": 10039, + ".\"Ċ": 10040, + "Ġcanvas": 10041, + "java": 10042, + "Ġdut": 10043, + "VALID": 10044, + ".sql": 10045, + ".input": 10046, + "Ġaux": 10047, + "Sup": 10048, + "Ġartist": 10049, + "Vec": 10050, + "_TIME": 10051, + ".stringify": 10052, + "etween": 10053, + "ĠCategory": 10054, + "Ġ[-": 10055, + "ĠDevExpress": 10056, + "ĠJul": 10057, + "Ġring": 10058, + ".ed": 10059, + "YY": 10060, + "Let": 10061, + "TextField": 10062, + "Ġflat": 10063, + "_print": 10064, + "ĠOTHER": 10065, + "adian": 10066, + "Ġchecked": 10067, + "ele": 10068, + "Align": 10069, + "standing": 10070, + "Ġ[],": 10071, + "Ġlab": 10072, + "ucky": 10073, + "ĠChristmas": 10074, + "(image": 10075, + ".module": 10076, + "Ġlots": 10077, + "Ġslightly": 10078, + "(final": 10079, + "erge": 10080, + "è¿": 10081, + "ĠPolice": 10082, + "ĠRight": 10083, + "Ġaward": 10084, + "ĠOS": 10085, + "Ġ{}ĊĊ": 10086, + "Ġptr": 10087, + "oves": 10088, + "icated": 10089, + "ем": 10090, + "Ġmanage": 10091, + "oliday": 10092, + "Amount": 10093, + "oolStrip": 10094, + "tbody": 10095, + "Nav": 10096, + "wrap": 10097, + "BB": 10098, + "Ġwatching": 10099, + "arios": 10100, + "Ġoptional": 10101, + "_K": 10102, + "ĠLicensed": 10103, + ".Map": 10104, + "Timer": 10105, + "ĠAP": 10106, + "ĠRev": 10107, + "(o": 10108, + ",c": 10109, + "umin": 10110, + "etailed": 10111, + "ĠHy": 10112, + "Ġblank": 10113, + "agger": 10114, + "ĠSelf": 10115, + "()[": 10116, + ".make": 10117, + "earn": 10118, + "channel": 10119, + ";Ċ": 10133, + "World": 10134, + "Ġpython": 10135, + "Ġlif": 10136, + "Ġtrav": 10137, + "Ġconven": 10138, + "company": 10139, + "ĠClub": 10140, + "Ver": 10141, + "Btn": 10142, + "Ġzone": 10143, + "products": 10144, + "ĠEduc": 10145, + "Ġverify": 10146, + "ĠMil": 10147, + "ono": 10148, + "]);ĊĊ": 10149, + "ENCE": 10150, + "Ġpacket": 10151, + "Ġcer": 10152, + "Ġenumer": 10153, + "Ġpars": 10154, + "formed": 10155, + "Ġoccup": 10156, + "tre": 10157, + "Ġexercise": 10158, + "Day": 10159, + "_sum": 10160, + "Ġasking": 10161, + "aption": 10162, + "Ġorders": 10163, + "Ġspending": 10164, + "ĠERR": 10165, + ".Dis": 10166, + "ĠUtil": 10167, + "âĢľI": 10168, + "\\'": 10169, + "?)": 10170, + "/>Ċ": 10171, + "Ġemot": 10172, + "Ġinfluence": 10173, + "ĠAfrica": 10174, + "atters": 10175, + "Ùħ": 10176, + ".session": 10177, + "Ġchief": 10178, + "ĉĉĉĉĉĉĉĉĉĉĉ": 10179, + "Ġtom": 10180, + "cluded": 10181, + "serial": 10182, + "_handler": 10183, + ".Type": 10184, + "aped": 10185, + "Ġpolicies": 10186, + "-ex": 10187, + "-tr": 10188, + "blank": 10189, + "merce": 10190, + "Ġcoverage": 10191, + "Ġrc": 10192, + "_matrix": 10193, + "_box": 10194, + "Ġcharges": 10195, + "ĠBoston": 10196, + "Pe": 10197, + "Ġcircum": 10198, + "Ġfilled": 10199, + "Ġnorth": 10200, + "ictureBox": 10201, + "ĉres": 10202, + "è®": 10203, + "Ġtermin": 10204, + "Ġ[â̦": 10205, + "IRECT": 10206, + "Ġber": 10207, + "Ġ\"../../": 10208, + "retch": 10209, + ".code": 10210, + "_col": 10211, + "ĠGovernment": 10212, + "Ġargv": 10213, + "ĠLord": 10214, + "asi": 10215, + "Exec": 10216, + "ĉlet": 10217, + "vertis": 10218, + "Ġdiscussion": 10219, + "enance": 10220, + "outube": 10221, + "typeof": 10222, + "Ġserved": 10223, + "ĠPut": 10224, + "ĉx": 10225, + "Ġsweet": 10226, + "Before": 10227, + "ategy": 10228, + ".of": 10229, + "ĠMaterial": 10230, + "Sort": 10231, + "ONT": 10232, + "igital": 10233, + "Why": 10234, + "Ġsust": 10235, + "Ġç": 10236, + "abet": 10237, + "Ġsegment": 10238, + "Ġ[],Ċ": 10239, + "ĠMuslim": 10240, + "ĠfindViewById": 10241, + "cut": 10242, + "_TEXT": 10243, + "ĠMary": 10244, + "Ġloved": 10245, + "Ġlie": 10246, + "ĠJO": 10247, + "Ġisset": 10248, + "month": 10249, + "Ġprime": 10250, + "ti": 10251, + "ĠCarol": 10252, + "Use": 10253, + "ĠPop": 10254, + "ĠSave": 10255, + "Interval": 10256, + "execute": 10257, + "dy": 10258, + "ĠIran": 10259, + "_cont": 10260, + "ĉT": 10261, + "Ġphase": 10262, + "checkbox": 10263, + "week": 10264, + "Ġhide": 10265, + "Ġtil": 10266, + "Ġju": 10267, + "Custom": 10268, + "burg": 10269, + "/M": 10270, + "TON": 10271, + "Ġquant": 10272, + "Ġrub": 10273, + "ixels": 10274, + "Ġinstalled": 10275, + "Ġdump": 10276, + "Ġproperly": 10277, + "(List": 10278, + "Ġdecide": 10279, + "apply": 10280, + "Has": 10281, + "Ġkeeping": 10282, + "Ġcitizens": 10283, + "Ġjoint": 10284, + "pool": 10285, + "Socket": 10286, + "_op": 10287, + "Ġweapon": 10288, + "gnore": 10289, + "ĠExec": 10290, + "otten": 10291, + "ĠMS": 10292, + "Ġ(-": 10293, + "ĠReview": 10294, + "Ġexamples": 10295, + "Ġtight": 10296, + "!(": 10297, + "DP": 10298, + "ĠMessageBox": 10299, + "Ġphotograph": 10300, + "URI": 10301, + "ét": 10302, + "low": 10303, + "ĠGrand": 10304, + ".persistence": 10305, + "Ġmaintain": 10306, + "Ġnums": 10307, + "Ġzip": 10308, + "ials": 10309, + "ĠGets": 10310, + "peg": 10311, + "ĠBuffer": 10312, + "~~~~": 10313, + "rastructure": 10314, + "ĠPL": 10315, + "uen": 10316, + "obby": 10317, + "sizeof": 10318, + "Ġpic": 10319, + "Ġseed": 10320, + "Ġexperienced": 10321, + "Ġodd": 10322, + "Ġkick": 10323, + "Ġprocedure": 10324, + "avigator": 10325, + "-on": 10326, + ",j": 10327, + "ĠAlthough": 10328, + "ĠuserId": 10329, + "accept": 10330, + "Blue": 10331, + "IColor": 10332, + "layer": 10333, + "available": 10334, + "Ġends": 10335, + ".table": 10336, + "Ġdataset": 10337, + "bus": 10338, + "Ġexplain": 10339, + "(pro": 10340, + "ĠCommittee": 10341, + "Ġnoted": 10342, + "]:Ċ": 10343, + "Dim": 10344, + "stdio": 10345, + ".\",Ċ": 10346, + "_source": 10347, + "ĠWeek": 10348, + "ĠEdge": 10349, + "Ġoperating": 10350, + "Ġeste": 10351, + "ipl": 10352, + "agination": 10353, + "Ġproceed": 10354, + "Ġanimation": 10355, + ".Models": 10356, + "ĠWatch": 10357, + "iat": 10358, + "Ġoppon": 10359, + "/A": 10360, + "Report": 10361, + "Ġsounds": 10362, + "_buf": 10363, + "IELD": 10364, + "Ġbund": 10365, + "ĉget": 10366, + ".pr": 10367, + "(tmp": 10368, + "Ġkid": 10369, + ">ĊĊĊ": 10370, + "Ġyang": 10371, + "NotFound": 10372, + "ÑĨ": 10373, + "math": 10374, + "@gmail": 10375, + "ĠLIMIT": 10376, + "redients": 10377, + "Ġvent": 10378, + "avigate": 10379, + "Look": 10380, + "Ġreligious": 10381, + "Ġrand": 10382, + "rio": 10383, + "(GL": 10384, + "_ip": 10385, + "uan": 10386, + "iciency": 10387, + "ĠChange": 10388, + ">čĊčĊ": 10389, + "ĠEntity": 10390, + "Ġrencontre": 10391, + "ĠRet": 10392, + "plan": 10393, + "én": 10394, + "BOOL": 10395, + "uries": 10396, + "train": 10397, + "Definition": 10398, + "============": 10399, + "zz": 10400, + "Animation": 10401, + "ĠOK": 10402, + "_menu": 10403, + ".bl": 10404, + "_score": 10405, + "Ġacad": 10406, + "(System": 10407, + "Ġrefresh": 10408, + "'=>$": 10409, + ".Graphics": 10410, + "amento": 10411, + "pid": 10412, + "tc": 10413, + "Ġtips": 10414, + "Ġhomes": 10415, + "Ġfuel": 10416, + "âĸ": 10417, + "_helper": 10418, + "ĠĠčĊ": 10419, + "ĠRoom": 10420, + ".Close": 10421, + "_attr": 10422, + "ĠMount": 10423, + "ĠEv": 10424, + "arser": 10425, + "_top": 10426, + "eah": 10427, + "ĠDelete": 10428, + "ãĢį": 10429, + "uke": 10430, + "Ġusage": 10431, + "aria": 10432, + "_dev": 10433, + "Ġtexture": 10434, + "Ġconversation": 10435, + "eper": 10436, + "Bean": 10437, + "done": 10438, + "nonatomic": 10439, + "ĠSecond": 10440, + "Ġshooting": 10441, + "_pre": 10442, + "Components": 10443, + "Ġ]ĊĊ": 10444, + "__,": 10445, + "stitution": 10446, + ".Char": 10447, + ">();ĊĊ": 10448, + "Ġpresented": 10449, + "Ġwa": 10450, + "oker": 10451, + "-ĊĊ": 10452, + "iner": 10453, + "Ġbecoming": 10454, + "Ġincident": 10455, + "Att": 10456, + "Ġrevealed": 10457, + "forc": 10458, + "Ġboot": 10459, + ".page": 10460, + "Enumerator": 10461, + "_->": 10462, + "Photo": 10463, + "Ġspring": 10464, + ".\",": 10465, + "ĠDictionary": 10466, + "BJECT": 10467, + "Ġlocations": 10468, + "Ġsamples": 10469, + "InputStream": 10470, + "ĠBrown": 10471, + "Ġstats": 10472, + "quality": 10473, + "Ñħ": 10474, + "-dis": 10475, + "Ġhelping": 10476, + "Ġped": 10477, + "(se": 10478, + "ĠWho": 10479, + "alian": 10480, + "internal": 10481, + "Ġft": 10482, + ">().": 10483, + "->{": 10484, + "Ġmine": 10485, + "Ġsector": 10486, + "Ġgro": 10487, + "Ġopportunities": 10488, + "Ġü": 10489, + "Ġmp": 10490, + "Ġalleged": 10491, + "Ġdoubt": 10492, + "Mouse": 10493, + "About": 10494, + "_part": 10495, + "Ġchair": 10496, + "Ġstopped": 10497, + "loop": 10498, + "entities": 10499, + "Ġapps": 10500, + "ansion": 10501, + "Ġmental": 10502, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 10503, + "FR": 10504, + "Ġdefend": 10505, + "care": 10506, + "Ġideal": 10507, + "/api": 10508, + "urface": 10509, + "Ġele": 10510, + "ulator": 10511, + "ĠRights": 10512, + "anguages": 10513, + "Ġfunds": 10514, + "Ġadapt": 10515, + "Attributes": 10516, + "Ġdeploy": 10517, + "opts": 10518, + "Ġvalidation": 10519, + "Ġconcerns": 10520, + "uce": 10521, + ".num": 10522, + "ulture": 10523, + "ila": 10524, + "Ġcup": 10525, + "Ġpure": 10526, + ".Fore": 10527, + "ĠHashMap": 10528, + ".valueOf": 10529, + "asm": 10530, + "MO": 10531, + "Ġcs": 10532, + "Ġstores": 10533, + "Ġ************************************************************************": 10534, + "Ġcommunication": 10535, + "mem": 10536, + ".EventHandler": 10537, + ".Status": 10538, + "_right": 10539, + ".setOn": 10540, + "Sheet": 10541, + "Ġidentify": 10542, + "enerated": 10543, + "ordered": 10544, + "Ġ\"[": 10545, + "Ġswe": 10546, + "Condition": 10547, + "ĠAccording": 10548, + "Ġprepare": 10549, + "Ġrob": 10550, + "Pool": 10551, + "Ġsport": 10552, + "rv": 10553, + "ĠRouter": 10554, + "Ġalternative": 10555, + "([]": 10556, + "ĠChicago": 10557, + "ipher": 10558, + "ische": 10559, + "ĠDirector": 10560, + "kl": 10561, + "ĠWil": 10562, + "keys": 10563, + "Ġmysql": 10564, + "Ġwelcome": 10565, + "king": 10566, + "ĠManager": 10567, + "Ġcaught": 10568, + ")}Ċ": 10569, + "Score": 10570, + "_PR": 10571, + "Ġsurvey": 10572, + "hab": 10573, + "Headers": 10574, + "ADER": 10575, + "Ġdecor": 10576, + "Ġturns": 10577, + "Ġradius": 10578, + "errupt": 10579, + "Cor": 10580, + "Ġmel": 10581, + "Ġintr": 10582, + "(q": 10583, + "ĠAC": 10584, + "amos": 10585, + "MAX": 10586, + "ĠGrid": 10587, + "ĠJesus": 10588, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 10589, + ".DE": 10590, + "Ġts": 10591, + "Ġlinked": 10592, + "free": 10593, + "ĠQt": 10594, + "Ġ/**čĊ": 10595, + "Ġfaster": 10596, + "ctr": 10597, + "_J": 10598, + "DT": 10599, + ".Check": 10600, + "Ġcombination": 10601, + "Ġintended": 10602, + "-the": 10603, + "-type": 10604, + "ectors": 10605, + "ami": 10606, + "uting": 10607, + "Ġuma": 10608, + "XML": 10609, + "UCT": 10610, + "Ap": 10611, + "ĠRandom": 10612, + "Ġran": 10613, + ".sort": 10614, + "Ġsorted": 10615, + ".Un": 10616, + "_PER": 10617, + "itory": 10618, + "Ġpriority": 10619, + "ĠGal": 10620, + "ĠOld": 10621, + "hot": 10622, + "ĠDisplay": 10623, + "(sub": 10624, + "_TH": 10625, + "_Y": 10626, + "ĠCare": 10627, + "loading": 10628, + "Kind": 10629, + "_handle": 10630, + ",,": 10631, + "rase": 10632, + "_replace": 10633, + ".addEventListener": 10634, + "ĠRT": 10635, + "Ġentered": 10636, + "gers": 10637, + "Ġich": 10638, + "(start": 10639, + "/app": 10640, + "Ġbrother": 10641, + "Memory": 10642, + "Outlet": 10643, + "Ġutf": 10644, + "prec": 10645, + "Ġnavigation": 10646, + "ORK": 10647, + "Ġdst": 10648, + "Detail": 10649, + "Ġaudience": 10650, + "Ġdur": 10651, + "Ġcluster": 10652, + "unched": 10653, + "Ġ],": 10654, + "Ġcomfortable": 10655, + ".values": 10656, + "ĠTotal": 10657, + "Ġsnap": 10658, + "Ġstandards": 10659, + "Ġperformed": 10660, + "hand": 10661, + "(\"@": 10662, + "åŃ": 10663, + "Ġphil": 10664, + "ibr": 10665, + "trim": 10666, + "Ġforget": 10667, + "Ġdoctor": 10668, + ".TextBox": 10669, + "icons": 10670, + ",s": 10671, + "ĠOp": 10672, + "Sm": 10673, + "Stop": 10674, + "ĉList": 10675, + "ĉu": 10676, + "Comment": 10677, + "_VERSION": 10678, + ".Xtra": 10679, + "Person": 10680, + "rb": 10681, + "LOB": 10682, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ": 10683, + "ĠCentral": 10684, + "ICK": 10685, + "raq": 10686, + "Ġputting": 10687, + "Ġmd": 10688, + "ĠLove": 10689, + "Program": 10690, + "Border": 10691, + "oor": 10692, + "Ġallowing": 10693, + "after": 10694, + "Ġentries": 10695, + "ĠMaybe": 10696, + "]).": 10697, + "ĠShort": 10698, + ")\\": 10699, + ".now": 10700, + "friend": 10701, + "Ġprefer": 10702, + "ĠGPIO": 10703, + "osis": 10704, + "ĠGameObject": 10705, + "Ġskip": 10706, + "Ġcompetition": 10707, + "_match": 10708, + "lications": 10709, + "_CONT": 10710, + ".groupBox": 10711, + "Ġals": 10712, + "\"We": 10713, + "_eq": 10714, + "lan": 10715, + "_search": 10716, + "ĠMusic": 10717, + "asis": 10718, + "Ġbind": 10719, + "ĠIsland": 10720, + "rum": 10721, + "(E": 10722, + "Ġseat": 10723, + "Video": 10724, + "Ġack": 10725, + "reek": 10726, + "={()": 10727, + "Ġrating": 10728, + "Ġrestaurant": 10729, + "DEX": 10730, + "(buf": 10731, + "pping": 10732, + "uality": 10733, + "Ġleague": 10734, + "Ġfocused": 10735, + "apon": 10736, + "$data": 10737, + "CLUD": 10738, + "CLUDING": 10739, + "Ġabsolute": 10740, + "(query": 10741, + "Ġtells": 10742, + "Ang": 10743, + "Ġcommunities": 10744, + "Ġhonest": 10745, + "oking": 10746, + "Ġapart": 10747, + "arity": 10748, + "/$": 10749, + "_module": 10750, + "ĠEnc": 10751, + ".an": 10752, + ".Config": 10753, + "Cre": 10754, + "Ġshock": 10755, + "ĠArab": 10756, + "IENT": 10757, + "/re": 10758, + "Ġretrie": 10759, + "ycler": 10760, + "isa": 10761, + "ĠOrgan": 10762, + ".graph": 10763, + "Ġí": 10764, + "ĠBAS": 10765, + "Enum": 10766, + "Ġpossibly": 10767, + "ÑĢаÐ": 10768, + "ĠJapanese": 10769, + "Ġcraft": 10770, + "ĠPlace": 10771, + "Ġtalent": 10772, + "Ġfunding": 10773, + "Ġconfirmed": 10774, + "Ġcycle": 10775, + "/x": 10776, + "GE": 10777, + "Ġhearing": 10778, + "Ġplants": 10779, + "Ġmouth": 10780, + "pages": 10781, + "oria": 10782, + "ĠRemove": 10783, + "_total": 10784, + "Ġod": 10785, + "ollapse": 10786, + "door": 10787, + "Ġbought": 10788, + "Ġaddr": 10789, + "ARCH": 10790, + "_dim": 10791, + "dden": 10792, + "Ġdecades": 10793, + "REQUEST": 10794, + "Ġversions": 10795, + "fire": 10796, + "Ġmoves": 10797, + "fb": 10798, + "Ġcoffee": 10799, + ".connect": 10800, + "ĠRow": 10801, + "Ġschema": 10802, + "Scope": 10803, + "-Type": 10804, + "Ġfighting": 10805, + "Ġretail": 10806, + "Ġmodified": 10807, + "TF": 10808, + "Files": 10809, + "nie": 10810, + "_command": 10811, + "stone": 10812, + "ĠÑĤ": 10813, + "_thread": 10814, + "Ġbond": 10815, + "ĠDevelopment": 10816, + "Ġpt": 10817, + "FORM": 10818, + "plet": 10819, + "Ġidentified": 10820, + "cpp": 10821, + "Ġcoding": 10822, + "oked": 10823, + "ĠMaster": 10824, + "IDTH": 10825, + "Ġresidents": 10826, + "redit": 10827, + "ĠPhoto": 10828, + "=-": 10829, + "unte": 10830, + "ateur": 10831, + "_STATE": 10832, + "ĠSing": 10833, + "Ġsheet": 10834, + ".val": 10835, + "orse": 10836, + "Ġhers": 10837, + "Ġdetermined": 10838, + "Common": 10839, + "Ġwed": 10840, + "_queue": 10841, + "PH": 10842, + "ĠAtl": 10843, + "cred": 10844, + "/LICENSE": 10845, + "Ġmes": 10846, + "Ġadvanced": 10847, + ".java": 10848, + ".Sh": 10849, + "Go": 10850, + "kill": 10851, + "fp": 10852, + "_settings": 10853, + "Ġpal": 10854, + "Ġtruck": 10855, + "Ġcombined": 10856, + "Ġ\"${": 10857, + "ĠCorpor": 10858, + "Ġjoined": 10859, + "ĠJose": 10860, + "ĠCup": 10861, + "uns": 10862, + "estival": 10863, + "levision": 10864, + "Ġbroken": 10865, + "Ġmarriage": 10866, + "ĠWestern": 10867, + "Ġrepresents": 10868, + "ĠTitle": 10869, + "Ġss": 10870, + ".Ass": 10871, + "ongoose": 10872, + "iento": 10873, + "<>();Ċ": 10874, + "Ġabsolutely": 10875, + "Ġsmooth": 10876, + "TERN": 10877, + "ĠUnless": 10878, + "Word": 10879, + "Ġmerge": 10880, + "igan": 10881, + "ĠVol": 10882, + "Ġnn": 10883, + ".getId": 10884, + "Ġз": 10885, + "Ġsexy": 10886, + "Ġseeking": 10887, + "Single": 10888, + ".this": 10889, + "Ġkom": 10890, + "bound": 10891, + ";\"": 10892, + "ĠfontSize": 10893, + "_df": 10894, + "Ġinjury": 10895, + "(H": 10896, + "Ġissued": 10897, + "_END": 10898, + ":self": 10899, + "Ġpatch": 10900, + "Ġleaves": 10901, + "Ġadopt": 10902, + "FileName": 10903, + "ãĢIJ": 10904, + "Ġexecutive": 10905, + "ĠByte": 10906, + "]))Ċ": 10907, + "Ġnu": 10908, + "outing": 10909, + "cluding": 10910, + "-R": 10911, + ".options": 10912, + "Ġsubstant": 10913, + "avax": 10914, + "ĠBUT": 10915, + "Ġtechnical": 10916, + "Ġtwice": 10917, + "Ġmás": 10918, + "Ġunivers": 10919, + "yr": 10920, + "Ġdrag": 10921, + "ĠDC": 10922, + "Ġsed": 10923, + "Ġbot": 10924, + "ĠPal": 10925, + "ĠHall": 10926, + "forcement": 10927, + "Ġauch": 10928, + ".mod": 10929, + "notation": 10930, + "_files": 10931, + ".line": 10932, + "_flag": 10933, + "[name": 10934, + "Ġresolution": 10935, + "Ġbott": 10936, + "(\"[": 10937, + "ende": 10938, + "(arr": 10939, + "Free": 10940, + "(@\"": 10941, + "ĠDistrict": 10942, + "PEC": 10943, + ":-": 10944, + "Picker": 10945, + "ĠJo": 10946, + "ĠĠĠĠĠĊ": 10947, + "ĠRiver": 10948, + "_rows": 10949, + "Ġhelpful": 10950, + "Ġmassive": 10951, + "---Ċ": 10952, + "Ġmeasures": 10953, + "ĠRuntime": 10954, + "Ġworry": 10955, + "ĠSpec": 10956, + "ĉD": 10957, + "ãĢij": 10958, + "Ġ){Ċ": 10959, + "Ġworse": 10960, + "(filename": 10961, + "Ġlay": 10962, + "Ġmagic": 10963, + "ĠTheir": 10964, + "oul": 10965, + "stroy": 10966, + "ĠWhere": 10967, + "Ġsudden": 10968, + "Ġdefe": 10969, + "Ġbinding": 10970, + "Ġflight": 10971, + "ĠOnInit": 10972, + "ĠWomen": 10973, + "ĠPolicy": 10974, + "Ġdrugs": 10975, + "ishing": 10976, + "('../": 10977, + "ĠMel": 10978, + "peat": 10979, + "tor": 10980, + "Ġproposed": 10981, + "Ġstated": 10982, + "_RES": 10983, + "Ġeast": 10984, + "ĠCONDITION": 10985, + "_desc": 10986, + "Ġwinning": 10987, + "folio": 10988, + "Mapper": 10989, + "ĠPan": 10990, + "ĠAnge": 10991, + ".servlet": 10992, + "Ġcopies": 10993, + "LM": 10994, + "Ġvm": 10995, + "åį": 10996, + "Ġdictionary": 10997, + "Seg": 10998, + "elines": 10999, + "ĠSend": 11000, + "Ġiron": 11001, + "ĠFort": 11002, + ".domain": 11003, + "Ġdebate": 11004, + "NotNull": 11005, + "eq": 11006, + "acher": 11007, + "lf": 11008, + "ĉfmt": 11009, + "Ġlawy": 11010, + "ÄŁ": 11011, + "ĠMen": 11012, + "Ġtrim": 11013, + "(NULL": 11014, + "Ġ!!": 11015, + "Ġpad": 11016, + "Ġfollows": 11017, + "\"][\"": 11018, + "requ": 11019, + "ĠEp": 11020, + ".github": 11021, + "(img": 11022, + "eto": 11023, + "('\\": 11024, + "Services": 11025, + "umbnail": 11026, + "_main": 11027, + "pleted": 11028, + "fortunately": 11029, + "Ġwindows": 11030, + "Ġplane": 11031, + "ĠConnection": 11032, + ".local": 11033, + "uard": 11034, + "}\\": 11035, + "==\"": 11036, + "andon": 11037, + "ĠRoy": 11038, + "west": 11039, + "iginal": 11040, + "emies": 11041, + "itz": 11042, + "'):Ċ": 11043, + "ĠPeter": 11044, + "Ġtough": 11045, + "Ġreduced": 11046, + "Ġcalculate": 11047, + "Ġrapid": 11048, + "customer": 11049, + "Ġefficient": 11050, + "Ġmedium": 11051, + "Ġfell": 11052, + ".ref": 11053, + "ĠCas": 11054, + "Ġfeedback": 11055, + "Speed": 11056, + "(output": 11057, + "aje": 11058, + "Ġcategories": 11059, + "Ġfee": 11060, + "};": 11061, + "Ġdeleted": 11062, + "reh": 11063, + "Ġproof": 11064, + "Desc": 11065, + "Build": 11066, + "Ġsides": 11067, + ".ArrayList": 11068, + "-%": 11069, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 11070, + "ر": 11071, + ".match": 11072, + "ли": 11073, + "Ġfeels": 11074, + "Ġachieve": 11075, + "Ġclim": 11076, + "_ON": 11077, + "ĠCD": 11078, + "Ġteacher": 11079, + "_current": 11080, + "bn": 11081, + "_PL": 11082, + "isting": 11083, + "Enable": 11084, + "GEN": 11085, + "Ġtv": 11086, + "Ġsock": 11087, + "Ġplays": 11088, + "Ġdiscount": 11089, + "ĠKE": 11090, + "ĠDebug": 11091, + "Fore": 11092, + "ĠIraq": 11093, + "Ġappearance": 11094, + "Mon": 11095, + "Ġstyled": 11096, + "ĠHuman": 11097, + "iot": 11098, + "ĠHistory": 11099, + "Ġsac": 11100, + "ĠCollection": 11101, + "Ġrecommended": 11102, + ".Selected": 11103, + "Ġorganizations": 11104, + "Ġdiscovered": 11105, + "cohol": 11106, + "adas": 11107, + "ĠThomas": 11108, + "May": 11109, + "Ġconserv": 11110, + "Ġdomin": 11111, + "ĠFollow": 11112, + "ĠSection": 11113, + "ĠThanks": 11114, + "Username": 11115, + "Ġrecipe": 11116, + "Ġwonderful": 11117, + ".sleep": 11118, + "_if": 11119, + "ĉĊĉĊ": 11120, + "orno": 11121, + "Ġru": 11122, + "_target": 11123, + ".\"\"": 11124, + "à¦": 11125, + "EventArgs": 11126, + "Ġinputs": 11127, + "Ġfif": 11128, + "Ġvision": 11129, + "cy": 11130, + "ĠSeries": 11131, + ")(((": 11132, + "Ġtrading": 11133, + "Ġmarker": 11134, + "Begin": 11135, + "Ġtypically": 11136, + "Ġcauses": 11137, + "dropdown": 11138, + "_DEBUG": 11139, + "Ġdetect": 11140, + "country": 11141, + "!\");Ċ": 11142, + "ĉR": 11143, + "appy": 11144, + "Ġcref": 11145, + "('<": 11146, + "\"=>": 11147, + "ĠLE": 11148, + "reader": 11149, + "Ġadministr": 11150, + "õ": 11151, + "ucket": 11152, + "Ġfashion": 11153, + ".char": 11154, + "izar": 11155, + "Ġdisable": 11156, + "Ġsuc": 11157, + "ĠLive": 11158, + "issue": 11159, + "Ġmetadata": 11160, + "flags": 11161, + "ĠðŁ": 11162, + "Ġcommitted": 11163, + "Ġva": 11164, + "Ġrough": 11165, + "Ġ'''Ċ": 11166, + "Ġhighlight": 11167, + "_vars": 11168, + "VO": 11169, + "Ġencoding": 11170, + "-Z": 11171, + "_sign": 11172, + "$(\"#": 11173, + "Ġrain": 11174, + "reatest": 11175, + "ĠEND": 11176, + "Selection": 11177, + "Ġcandidates": 11178, + "Ġsav": 11179, + ".Empty": 11180, + "Ġdecisions": 11181, + "Ġcollabor": 11182, + "ridge": 11183, + "feed": 11184, + "ression": 11185, + "Ġpersons": 11186, + "VM": 11187, + "ega": 11188, + "_BIT": 11189, + "According": 11190, + "acked": 11191, + "Ġdollars": 11192, + "_loss": 11193, + "ĠCost": 11194, + "}\"Ċ": 11195, + "Notification": 11196, + "Ġprostit": 11197, + "Ġauthority": 11198, + ".rec": 11199, + "Ġspokes": 11200, + "ĠToday": 11201, + "istant": 11202, + "ĠHead": 11203, + "âĢĿ.": 11204, + "ertainment": 11205, + "cean": 11206, + "culate": 11207, + "Ġven": 11208, + "However": 11209, + "_arr": 11210, + "Ġtokens": 11211, + "Graph": 11212, + "ĠJud": 11213, + "ĠVirgin": 11214, + "ĠSerial": 11215, + "unning": 11216, + "Mutable": 11217, + "agers": 11218, + ".csv": 11219, + "Ġdeveloping": 11220, + "Ġinstructions": 11221, + "Ġpromise": 11222, + "Ġrequested": 11223, + "_encode": 11224, + "/\"": 11225, + "ĠIcon": 11226, + "uilt": 11227, + "-day": 11228, + "Ġintelligence": 11229, + ".IS": 11230, + "ĠObservable": 11231, + "ĠHard": 11232, + "Bool": 11233, + "idential": 11234, + ".Anchor": 11235, + "Ġselling": 11236, + "CI": 11237, + "AGES": 11238, + "tle": 11239, + "bur": 11240, + "UFFER": 11241, + "RY": 11242, + "Ġbigger": 11243, + "Ġrat": 11244, + "Ġfamous": 11245, + "Ġtypename": 11246, + "Ġexplained": 11247, + "}}Ċ": 11248, + "Ġnuclear": 11249, + "-N": 11250, + "Ġcrisis": 11251, + "ĠEnter": 11252, + "Ġanswers": 11253, + "/${": 11254, + "/pl": 11255, + "Ġsequ": 11256, + "_next": 11257, + "mask": 11258, + "Ġstanding": 11259, + "Ġplenty": 11260, + "ĠCross": 11261, + "ĉret": 11262, + "dro": 11263, + "ĠCast": 11264, + "=true": 11265, + "ĠChris": 11266, + "icio": 11267, + "ĠMike": 11268, + "Decimal": 11269, + "addComponent": 11270, + "Len": 11271, + "Ġcock": 11272, + "Ġ#{": 11273, + "URN": 11274, + "": 11403, + "Ġ*=": 11404, + "ĠPS": 11405, + "Ġdangerous": 11406, + "[p": 11407, + "OME": 11408, + "Other": 11409, + "ĠStringBuilder": 11410, + "Points": 11411, + "heading": 11412, + "Ġcurrency": 11413, + "Ġpercentage": 11414, + "_API": 11415, + "Ġclassic": 11416, + "thead": 11417, + "ĠMO": 11418, + "FE": 11419, + "Idx": 11420, + "await": 11421, + "Ġè": 11422, + "Ġaccident": 11423, + "Ġvariant": 11424, + "Ġmyst": 11425, + "ĠLand": 11426, + "ĠBre": 11427, + "Ġharm": 11428, + "ĠAcc": 11429, + "Ġcharged": 11430, + "iones": 11431, + "Visibility": 11432, + "arry": 11433, + "ĠLanguage": 11434, + "Ġwalking": 11435, + "\".ĊĊ": 11436, + "ifer": 11437, + "Ġleadership": 11438, + ".From": 11439, + "ynam": 11440, + "Ġtimestamp": 11441, + "ipt": 11442, + "ĠHas": 11443, + "REFER": 11444, + "ĠIts": 11445, + "Ġlistener": 11446, + "UTE": 11447, + "_description": 11448, + "Ġexperiences": 11449, + "Ġcreates": 11450, + "RS": 11451, + "cart": 11452, + "black": 11453, + "Ġchoices": 11454, + "war": 11455, + "Ġ'''": 11456, + "Ġordered": 11457, + "Ġevening": 11458, + "Ġpil": 11459, + "Ġtun": 11460, + "ĠBad": 11461, + "(app": 11462, + "random": 11463, + "Ġexplicit": 11464, + "Ġarrived": 11465, + "Ġfly": 11466, + "Ġeconom": 11467, + "-mail": 11468, + "Ġlists": 11469, + "Ġarchitect": 11470, + "ĠPay": 11471, + "Ġds": 11472, + "ĠSol": 11473, + "Ġvehicles": 11474, + "Hz": 11475, + "-com": 11476, + "Ġking": 11477, + "_equal": 11478, + "ĠHelp": 11479, + "Ġabuse": 11480, + "--;Ċ": 11481, + "Ġextr": 11482, + "Ġchemical": 11483, + "ä¿": 11484, + "Ġorient": 11485, + "Ġbreath": 11486, + "ĠSpace": 11487, + "(element": 11488, + "wait": 11489, + "DED": 11490, + "igma": 11491, + "Ġentr": 11492, + "Ġsob": 11493, + "-name": 11494, + "Ġaffected": 11495, + "ika": 11496, + "Ġcoal": 11497, + "_work": 11498, + "Ġhundreds": 11499, + "Ġpolitics": 11500, + "subject": 11501, + "Ġconsumer": 11502, + "ANGE": 11503, + "Ġrepeated": 11504, + "Send": 11505, + "Ġ#[": 11506, + "Ġprotocol": 11507, + "Ġleads": 11508, + "useum": 11509, + "Every": 11510, + "Import": 11511, + "(count": 11512, + "Ġchallenges": 11513, + "Ġnovel": 11514, + "Ġdepart": 11515, + "bits": 11516, + ".Current": 11517, + "Ġ`${": 11518, + "oting": 11519, + "(\\": 11520, + "Ġcreative": 11521, + "Ġbuff": 11522, + "Ġintroduced": 11523, + "usic": 11524, + "modules": 11525, + "Are": 11526, + "-doc": 11527, + "language": 11528, + "_cache": 11529, + "Ġtod": 11530, + "?>{{": 11764, + "ĠResource": 11765, + "ĠStandard": 11766, + "ĠPrem": 11767, + "updated": 11768, + "ivalent": 11769, + "Ġassets": 11770, + "_temp": 11771, + "Ġinterests": 11772, + "Ġhardware": 11773, + "ĠRom": 11774, + "ĠShare": 11775, + "Ġ''Ċ": 11776, + "Ġ*,": 11777, + "ĠTake": 11778, + "ĠImages": 11779, + "_CHECK": 11780, + "(typeof": 11781, + "ĠJun": 11782, + "\\<^": 11783, + "Ġliqu": 11784, + "Ġworst": 11785, + "ymbols": 11786, + "ĉĉĉĠĠĠ": 11787, + "Ġdrivers": 11788, + "ĠDocument": 11789, + "eno": 11790, + "ĠTechnology": 11791, + "Ġapproved": 11792, + "umps": 11793, + "Ġsnow": 11794, + "formance": 11795, + "_ASSERT": 11796, + "uits": 11797, + "ÙĨ": 11798, + "Ġdifferences": 11799, + ".Visible": 11800, + "ĉĉĉčĊ": 11801, + "ĠPs": 11802, + "_fetch": 11803, + "Ġtodo": 11804, + ".',Ċ": 11805, + "Ġsel": 11806, + "urers": 11807, + "invalid": 11808, + "Ġtweet": 11809, + "VEL": 11810, + "Ġresearchers": 11811, + "Ġsprintf": 11812, + "ĠRO": 11813, + "Ġpel": 11814, + ".Trans": 11815, + "Ġillegal": 11816, + "dialog": 11817, + "smarty": 11818, + "lg": 11819, + "_MIN": 11820, + "Ġhero": 11821, + "final": 11822, + "Ġpp": 11823, + ".Le": 11824, + "Ġci": 11825, + "ĉRT": 11826, + "Ġsuggested": 11827, + "pdf": 11828, + "aching": 11829, + "ĠRo": 11830, + "ĠProperties": 11831, + "ĠSi": 11832, + "Ġbuying": 11833, + "Ġmu": 11834, + "Ġlands": 11835, + "ifiers": 11836, + "ĠFILE": 11837, + "ROUP": 11838, + "Ġholder": 11839, + "ĠSon": 11840, + "Ġsympt": 11841, + ".route": 11842, + ")?": 11843, + "Ġargc": 11844, + "Ġfort": 11845, + "Ġcasino": 11846, + "_category": 11847, + "Ġforum": 11848, + "prefix": 11849, + "apture": 11850, + "Tube": 11851, + "ems": 11852, + "imize": 11853, + "Ġnue": 11854, + "aus": 11855, + "course": 11856, + "ATOR": 11857, + "()),": 11858, + "Advertis": 11859, + "INGS": 11860, + "Ġacknow": 11861, + "ĠKorea": 11862, + "pling": 11863, + "Ġworker": 11864, + "PLIED": 11865, + "hal": 11866, + "ĠRichard": 11867, + "Elements": 11868, + "ĉĉĉĠ": 11869, + "star": 11870, + "Ġrelationships": 11871, + "Ġcheap": 11872, + "ACH": 11873, + "ĠXML": 11874, + ",&": 11875, + "ĠLouis": 11876, + "Ġride": 11877, + "_FAIL": 11878, + "Ġchunk": 11879, + "[s": 11880, + "_OUT": 11881, + "Ġchosen": 11882, + "_[": 11883, + "/(": 11884, + "ĠJeff": 11885, + "_sl": 11886, + "priv": 11887, + "ĠCanadian": 11888, + "Ġunable": 11889, + "_FLAG": 11890, + "Ġnos": 11891, + "high": 11892, + "Ġlift": 11893, + "fun": 11894, + "(){": 11895, + "elly": 11896, + "yclerView": 11897, + "_as": 11898, + "_LIST": 11899, + "Ġradi": 11900, + ".getValue": 11901, + "ĠAngeles": 11902, + "ĠSpan": 11903, + "_instance": 11904, + "itors": 11905, + "Ġmigration": 11906, + "AK": 11907, + "Oh": 11908, + "®": 11909, + ".selected": 11910, + "ĠGT": 11911, + "Ġadvance": 11912, + "ĠStyle": 11913, + ".DataGridView": 11914, + "ection": 11915, + "Ñİ": 11916, + "pio": 11917, + "rog": 11918, + "Ġshopping": 11919, + "ĠRect": 11920, + "Illuminate": 11921, + "OU": 11922, + "ĉarray": 11923, + "Ġsubstantial": 11924, + "Ġpregn": 11925, + "Ġpromote": 11926, + "IEW": 11927, + ".Layout": 11928, + "Ġsigns": 11929, + "/.": 11930, + "Ġletters": 11931, + "Board": 11932, + "ctrl": 11933, + "\"\\": 11934, + "ĠJones": 11935, + "Ġvertex": 11936, + "Ġja": 11937, + "Ġaffili": 11938, + "Ġwealth": 11939, + "ĉdefault": 11940, + "Ġsignificantly": 11941, + "Ġec": 11942, + "Ġxs": 11943, + "actual": 11944, + ".per": 11945, + "_step": 11946, + "anvas": 11947, + "mac": 11948, + "Ġtransl": 11949, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 11950, + "Iterator": 11951, + "Ġoch": 11952, + "agnostic": 11953, + "ĠDuring": 11954, + "ĠDEFAULT": 11955, + "Ġtill": 11956, + "Ġsignature": 11957, + "Ġbird": 11958, + "ĠOl": 11959, + "ĠIr": 11960, + "HS": 11961, + "avatar": 11962, + "ESSAGE": 11963, + "Ġelev": 11964, + "Ġmt": 11965, + "ĠNav": 11966, + "Ġrelax": 11967, + "Ġplate": 11968, + "ITEM": 11969, + "(date": 11970, + ".not": 11971, + "Ġgrade": 11972, + "Ġ}),Ċ": 11973, + "?\"ĊĊ": 11974, + "iences": 11975, + "High": 11976, + "ĠDIS": 11977, + "disabled": 11978, + "QUI": 11979, + "Ġnoise": 11980, + "aux": 11981, + "ĠUP": 11982, + "osa": 11983, + "Ġvoc": 11984, + "Ġ))": 11985, + "ocom": 11986, + "_OFF": 11987, + "ĠDb": 11988, + "Lock": 11989, + ".eclipse": 11990, + ",d": 11991, + "ĠDraw": 11992, + "Ġ\"(": 11993, + "Ġvisited": 11994, + "ĠâĪ": 11995, + "Ġsucceed": 11996, + "Ġimpossible": 11997, + "aire": 11998, + "ĠTurn": 11999, + "Ġdish": 12000, + "FG": 12001, + "Ġsensor": 12002, + "ANN": 12003, + "aba": 12004, + "Ġsurg": 12005, + "]);čĊ": 12006, + "Ġfp": 12007, + "_an": 12008, + "-J": 12009, + "-G": 12010, + "ĠJob": 12011, + "Convert": 12012, + "ĠKEY": 12013, + "Ġauthors": 12014, + "_server": 12015, + "\\r": 12016, + "Ġ-*-": 12017, + "flex": 12018, + "Ġsoc": 12019, + "Ret": 12020, + "Ġsalt": 12021, + "Ġâ̦ĊĊ": 12022, + "ĠClear": 12023, + "(page": 12024, + "-danger": 12025, + "Ġrooms": 12026, + "conv": 12027, + "#{": 12028, + ".op": 12029, + "ĠArea": 12030, + "_SC": 12031, + "hen": 12032, + "Ġbegins": 12033, + "-y": 12034, + "Ġexcited": 12035, + "Ġignored": 12036, + "Ġbonus": 12037, + "student": 12038, + "ĠMember": 12039, + "Ġrelatively": 12040, + "ĠLow": 12041, + "ĠProdu": 12042, + "ateway": 12043, + "posure": 12044, + "Ġthick": 12045, + "aniel": 12046, + "(view": 12047, + "ĠCrush": 12048, + "Extension": 12049, + "Il": 12050, + "eed": 12051, + "LOC": 12052, + ".im": 12053, + ".Items": 12054, + "Ġconflict": 12055, + ".prevent": 12056, + "ĠonCreate": 12057, + "uv": 12058, + "iser": 12059, + "Ġwave": 12060, + "Mar": 12061, + "ĠCommunity": 12062, + "iche": 12063, + "ĠNothing": 12064, + "[m": 12065, + "ĠLee": 12066, + "riends": 12067, + "ère": 12068, + "!!!": 12069, + "anz": 12070, + ".result": 12071, + "ĠSK": 12072, + "_PARAM": 12073, + "Ġdemocr": 12074, + "BackColor": 12075, + ".exists": 12076, + "\"It": 12077, + "(options": 12078, + "razy": 12079, + "aser": 12080, + "\\Database": 12081, + "alendar": 12082, + "_ass": 12083, + ";}Ċ": 12084, + "vertex": 12085, + "inecraft": 12086, + "Warning": 12087, + "argo": 12088, + "Ġactor": 12089, + "ĠInstead": 12090, + "ĠUsing": 12091, + "Self": 12092, + "@interface": 12093, + "Ġspeaking": 12094, + "ĠParis": 12095, + "ĠLICENSE": 12096, + ".node": 12097, + "ĠFood": 12098, + "EIF": 12099, + "ĠBi": 12100, + ".Start": 12101, + "ĠIB": 12102, + "Ġuniversity": 12103, + "ĠHeader": 12104, + ".product": 12105, + "Copy": 12106, + "etc": 12107, + "rical": 12108, + "Ġ>>>": 12109, + "books": 12110, + "Ġalgorithm": 12111, + "Ġ'__": 12112, + "(javax": 12113, + "Ġnumerous": 12114, + "Share": 12115, + "Have": 12116, + "Ġrecru": 12117, + "Ġprove": 12118, + ".substring": 12119, + "health": 12120, + "ел": 12121, + "Ġdecimal": 12122, + "Ġcommission": 12123, + "scription": 12124, + "xC": 12125, + "Ġsummary": 12126, + "atted": 12127, + "Ġcloser": 12128, + "finished": 12129, + "()){Ċ": 12130, + "ĠWood": 12131, + "_fields": 12132, + "ku": 12133, + "_items": 12134, + "Flag": 12135, + "Ġconfidence": 12136, + "ĠFederal": 12137, + "dux": 12138, + "Ġcompat": 12139, + "Ġvertical": 12140, + "й": 12141, + "ès": 12142, + ";\">Ċ": 12143, + "_manager": 12144, + "()))Ċ": 12145, + "IDE": 12146, + ":\",": 12147, + "__Ċ": 12148, + "ĠWay": 12149, + "ÑĪ": 12150, + "Temp": 12151, + "ĠSTR": 12152, + "ritten": 12153, + "Sync": 12154, + "ĠAV": 12155, + "ĠCEO": 12156, + "ĠGuid": 12157, + "Ġenvironmental": 12158, + "Ġcorresponding": 12159, + "ĉconsole": 12160, + "Ġjustice": 12161, + "ĠJS": 12162, + "Ġlived": 12163, + "gar": 12164, + "ĠGraph": 12165, + "ĠStat": 12166, + "ĠiPhone": 12167, + ".al": 12168, + "ĠHD": 12169, + "Ġoccur": 12170, + "Ġthreshold": 12171, + "Ġonclick": 12172, + "REG": 12173, + ".GraphicsUnit": 12174, + "Meta": 12175, + "ž": 12176, + "Ġcum": 12177, + ".gnu": 12178, + "ë": 12179, + "Ġobtained": 12180, + "Ġcomplaint": 12181, + "Ġeating": 12182, + "Ġtar": 12183, + "_task": 12184, + "Ġopts": 12185, + "(to": 12186, + "Pass": 12187, + "Ġplastic": 12188, + "tility": 12189, + "ĠWin": 12190, + ".preventDefault": 12191, + "pile": 12192, + "ĠGar": 12193, + "Ġquantity": 12194, + "_last": 12195, + "Ġgreatest": 12196, + "Dao": 12197, + "_DIS": 12198, + "ĠUsed": 12199, + "ĠHP": 12200, + "riting": 12201, + "SION": 12202, + "blue": 12203, + "domain": 12204, + "Ġscores": 12205, + "Normal": 12206, + "_admin": 12207, + "ĠASSERT": 12208, + "Then": 12209, + "***": 12210, + "dist": 12211, + "lon": 12212, + "Ġhate": 12213, + "shal": 12214, + "ImageView": 12215, + "database": 12216, + "Ġpand": 12217, + "Ġlogic": 12218, + "=false": 12219, + "bg": 12220, + "ĠConfiguration": 12221, + "Ġnur": 12222, + "OG": 12223, + "Ġmarried": 12224, + ":+": 12225, + "Ġdropped": 12226, + "Ġregistration": 12227, + "ом": 12228, + "ultiple": 12229, + "izers": 12230, + "shape": 12231, + ".copy": 12232, + "Ġwearing": 12233, + "ĠCath": 12234, + "Ġdedicated": 12235, + "Ġ...Ċ": 12236, + "Ġadvoc": 12237, + "ĠFamily": 12238, + "Ġstatements": 12239, + "ematic": 12240, + "ampionship": 12241, + "Ġmotiv": 12242, + "ĠHave": 12243, + "Ġblow": 12244, + "Job": 12245, + "cert": 12246, + "_vector": 12247, + "install": 12248, + "ĠCOPY": 12249, + "embed": 12250, + "DIR": 12251, + "ĠSpring": 12252, + "Ġexhib": 12253, + "cdn": 12254, + "ĠComment": 12255, + "ĠOptional": 12256, + ".player": 12257, + "ĠDark": 12258, + "(pos": 12259, + "ĠShould": 12260, + "Ġcentre": 12261, + "ĠGuard": 12262, + "ów": 12263, + "Ġtrouble": 12264, + "ENER": 12265, + "(unsigned": 12266, + "_service": 12267, + "Ġns": 12268, + "uling": 12269, + "ĠMexico": 12270, + "ĠNY": 12271, + "mysql": 12272, + "Ġlic": 12273, + "åľ": 12274, + "Mr": 12275, + "-fl": 12276, + "ĠCustomer": 12277, + "idi": 12278, + "Ġ?>ĊĊ": 12279, + "rible": 12280, + "ĠпÑĢ": 12281, + "Ġsizes": 12282, + "_STRING": 12283, + "validation": 12284, + "ĠJon": 12285, + "(Http": 12286, + "addClass": 12287, + "Nodes": 12288, + "Ġfragment": 12289, + "Ġspoke": 12290, + "Ġwaste": 12291, + "Join": 12292, + "Ġillustr": 12293, + "eli": 12294, + "cient": 12295, + "Ġaid": 12296, + "Ġprosec": 12297, + "'){Ċ": 12298, + "Ġpassing": 12299, + "Ġfaces": 12300, + "Shape": 12301, + "_Z": 12302, + "iti": 12303, + "Ġalle": 12304, + "Ġrobot": 12305, + "ĠĠĠĠĠĠĠĊ": 12306, + "ĠSpe": 12307, + "Ġreceiving": 12308, + "ĠDetails": 12309, + "Ġ\")": 12310, + "mg": 12311, + "_REF": 12312, + "Ġcomparison": 12313, + "*,": 12314, + "ĠFound": 12315, + "_session": 12316, + "(U": 12317, + "/F": 12318, + "Ġxxx": 12319, + "Network": 12320, + "ders": 12321, + "Ġcapture": 12322, + "Ġcorre": 12323, + "ĠLtd": 12324, + "ĠAdv": 12325, + "[@": 12326, + "Ġclip": 12327, + "Mill": 12328, + "ĠProfile": 12329, + "Ġendif": 12330, + "Ġoblig": 12331, + "describe": 12332, + ".element": 12333, + "riterion": 12334, + "LD": 12335, + "ered": 12336, + "Ġfavour": 12337, + "score": 12338, + "ĠFilter": 12339, + "attributes": 12340, + "Ġchecks": 12341, + "Inflater": 12342, + "ĠPlus": 12343, + "Ġscientific": 12344, + "Ġprivacy": 12345, + "Head": 12346, + "Ġfeat": 12347, + "Ġdegrees": 12348, + "ĠPale": 12349, + ";\">": 12350, + "Ġfilms": 12351, + "ĠAudio": 12352, + "ĠTag": 12353, + "ĠEnergy": 12354, + "itar": 12355, + "parator": 12356, + "Ġfellow": 12357, + "Ġevt": 12358, + "ĠTri": 12359, + "ĠDAM": 12360, + "cloud": 12361, + "ĠPassword": 12362, + "ĠDemocrats": 12363, + "ĠAcad": 12364, + "$lang": 12365, + "Ġreb": 12366, + "())ĊĊ": 12367, + "нÑĭ": 12368, + "ĠBur": 12369, + "readcr": 12370, + "Ġhex": 12371, + "Console": 12372, + "ctl": 12373, + "ousel": 12374, + "ĠWilliam": 12375, + "Ġaz": 12376, + "_PORT": 12377, + "Ġpractices": 12378, + "Ġanywhere": 12379, + "ĠPosition": 12380, + "Ġ->Ċ": 12381, + "iams": 12382, + ".username": 12383, + "placeholder": 12384, + "Ġoder": 12385, + "ĠSecretary": 12386, + "ĠiT": 12387, + "mond": 12388, + "events": 12389, + "?âĢĿ": 12390, + ".Sub": 12391, + "Ġattached": 12392, + "Ġnão": 12393, + "Ġestate": 12394, + ".action": 12395, + "Ġfigures": 12396, + "Ġ});čĊ": 12397, + "Ġsubscri": 12398, + ".tag": 12399, + "nam": 12400, + ".plot": 12401, + "noon": 12402, + "liament": 12403, + "Character": 12404, + ".tab": 12405, + "Ġwinter": 12406, + "ĠVariable": 12407, + "Ġtrees": 12408, + "Ġproud": 12409, + "(V": 12410, + "_load": 12411, + "Ġhier": 12412, + "ĠEcon": 12413, + "Ġfd": 12414, + "Ġvictims": 12415, + "Rest": 12416, + "iana": 12417, + "Ġfake": 12418, + ".Println": 12419, + "Ġstrlen": 12420, + "Ġsad": 12421, + "Ġble": 12422, + "Prot": 12423, + "Ġbuttons": 12424, + "Ġtelevision": 12425, + "Ġlogo": 12426, + "extension": 12427, + "ĉj": 12428, + "stein": 12429, + "aciones": 12430, + "Ġ\"\"\"ĊĊ": 12431, + "Ġsimp": 12432, + "Ġrecorded": 12433, + "Ġbrings": 12434, + "Ġprincipal": 12435, + "Ġfees": 12436, + "(source": 12437, + "kdir": 12438, + "Ġutils": 12439, + "Ġcorrectly": 12440, + "fil": 12441, + "Ġwel": 12442, + "Pair": 12443, + "-button": 12444, + "scale": 12445, + "verify": 12446, + "[c": 12447, + "Ġ---": 12448, + "Ġescape": 12449, + "ikes": 12450, + "LowerCase": 12451, + "ician": 12452, + "Ġchapter": 12453, + "ĠTYPE": 12454, + "Ġshadow": 12455, + "Ġawesome": 12456, + "WE": 12457, + "elif": 12458, + "Ġlambda": 12459, + "Ġdistinct": 12460, + "Ġbare": 12461, + "-off": 12462, + "Ġcolour": 12463, + ".appendChild": 12464, + "olec": 12465, + "aga": 12466, + ".fill": 12467, + "ĉsuper": 12468, + "Ġadj": 12469, + "(position": 12470, + ".getItem": 12471, + "Short": 12472, + "Ġtotally": 12473, + "VD": 12474, + "ĠTre": 12475, + "_ep": 12476, + "vements": 12477, + "ĠSolution": 12478, + "Ġfundament": 12479, + "Follow": 12480, + "Ġfacility": 12481, + "Ġhappening": 12482, + "OF": 12483, + ".textBox": 12484, + "Span": 12485, + "Ġ«": 12486, + "iden": 12487, + "Ġexceed": 12488, + "(parent": 12489, + "Ġcp": 12490, + "ç»": 12491, + "Ġhasn": 12492, + "Ġpri": 12493, + "Ġconsequ": 12494, + "nen": 12495, + "ĠINTO": 12496, + "Ignore": 12497, + "ĠFuture": 12498, + "Ġcarbon": 12499, + "ĠSteel": 12500, + "fmt": 12501, + "okie": 12502, + "Ġspl": 12503, + "(title": 12504, + "-info": 12505, + "Ġdeals": 12506, + "Ġfixture": 12507, + "ea": 12508, + "Div": 12509, + "Ġtested": 12510, + "_return": 12511, + ")ĊĊĊĊ": 12512, + "upported": 12513, + "ĠCook": 12514, + "Ġpaying": 12515, + "ĠIll": 12516, + "Ġarrested": 12517, + "ĠPrime": 12518, + "_callback": 12519, + ">,Ċ": 12520, + "driver": 12521, + "Once": 12522, + "abb": 12523, + "_bytes": 12524, + "ĠSets": 12525, + "(Object": 12526, + "Ġcc": 12527, + "Ġshell": 12528, + "alo": 12529, + ");//": 12530, + "(log": 12531, + "ctors": 12532, + ")": 13004, + "Ġ$(\".": 13005, + ".pos": 13006, + "Ġboys": 13007, + "Ġwedding": 13008, + "Ġagents": 13009, + "=\"_": 13010, + "ĠArmy": 13011, + "Ġhint": 13012, + "vision": 13013, + "Ġtech": 13014, + "ĠConnect": 13015, + "Ġlegend": 13016, + "ĠBet": 13017, + ".Base": 13018, + "Subject": 13019, + "Ġlit": 13020, + "Remove": 13021, + "Ġ\":": 13022, + "ĠFinal": 13023, + "pearance": 13024, + "ĠiTunes": 13025, + "Ġparticipants": 13026, + "ĠPython": 13027, + "Ġbusy": 13028, + "iel": 13029, + "vertices": 13030, + "ĠtemplateUrl": 13031, + "ĠClose": 13032, + "Img": 13033, + "ĠCorporation": 13034, + "timestamp": 13035, + "Ġextend": 13036, + "Ġwebsites": 13037, + "Ġpossibility": 13038, + "оÑĤ": 13039, + "Ġkö": 13040, + "Ġmeat": 13041, + "Ġrepresentation": 13042, + "Ġĉĉ": 13043, + "_START": 13044, + ".apply": 13045, + "ĠValley": 13046, + "ĠSuccess": 13047, + "Hi": 13048, + "Ġnob": 13049, + "ĠIEnumerable": 13050, + "_select": 13051, + "geo": 13052, + ".\")Ċ": 13053, + "Ġturning": 13054, + "Ġfabric": 13055, + "(\"\");Ċ": 13056, + "Ġperspective": 13057, + "éĹ": 13058, + "ĠSn": 13059, + "Thank": 13060, + ";j": 13061, + ".Parameters": 13062, + "ĉĠĠĠĠĠĠĠĠĠĠĠ": 13063, + "Ġfacts": 13064, + "Ġunt": 13065, + ".instance": 13066, + "################################################################": 13067, + "-end": 13068, + "ĠJOIN": 13069, + "ĠHen": 13070, + "Ġuri": 13071, + "åIJį": 13072, + "Ġна": 13073, + "ĠInfo": 13074, + "Ġconducted": 13075, + "ĠÃ¥": 13076, + "OURCE": 13077, + "Ġwine": 13078, + "John": 13079, + ".Errorf": 13080, + "ĠAge": 13081, + "ounded": 13082, + "Ġrealize": 13083, + "Ġ];": 13084, + "Ġsubsequ": 13085, + ",m": 13086, + "(User": 13087, + "iano": 13088, + "Ġaccompl": 13089, + "isp": 13090, + ".std": 13091, + "éĩ": 13092, + "ĠBed": 13093, + ".setAttribute": 13094, + "BR": 13095, + "keep": 13096, + "ĠALL": 13097, + "Ġisol": 13098, + "amma": 13099, + "Package": 13100, + "Ġoccasion": 13101, + "-success": 13102, + "ед": 13103, + "ĠLIMITED": 13104, + "strip": 13105, + "()ĊĊĊ": 13106, + "istribution": 13107, + "Colors": 13108, + "Ġ+:+": 13109, + "DidLoad": 13110, + "aler": 13111, + "Ġtid": 13112, + "ĠLED": 13113, + "ĠLinked": 13114, + "ĠCart": 13115, + "())čĊ": 13116, + "_READ": 13117, + "Ġkilling": 13118, + "ĠPHP": 13119, + "fection": 13120, + "Ġinstances": 13121, + "cv": 13122, + "\"/>": 13123, + "Ġsf": 13124, + "Ġtaxes": 13125, + "_location": 13126, + "ĠBitcoin": 13127, + "uable": 13128, + "rank": 13129, + "ignore": 13130, + "track": 13131, + "ка": 13132, + "Ġshouldn": 13133, + "ĠOP": 13134, + "=>{Ċ": 13135, + "Ġkm": 13136, + "Ġhelper": 13137, + "_head": 13138, + "ĠWhether": 13139, + "oco": 13140, + "_bl": 13141, + "Ġstatistics": 13142, + "Ġbeauty": 13143, + "Ġtog": 13144, + "tip": 13145, + "ëĭ¤": 13146, + "Ġcsv": 13147, + "(sql": 13148, + "stdlib": 13149, + "weak": 13150, + "Ġlikes": 13151, + "Äį": 13152, + "Ġrepeat": 13153, + "Ġapartment": 13154, + "Ġemph": 13155, + "_edit": 13156, + "Ġvit": 13157, + "ĉtype": 13158, + "Even": 13159, + "uten": 13160, + "Ġcircumstances": 13161, + "bian": 13162, + "Ġsugar": 13163, + "Windows": 13164, + "ìŀ": 13165, + "Ġobserved": 13166, + "/data": 13167, + "Ġcalendar": 13168, + "Ġstrike": 13169, + "ĠRES": 13170, + "_sc": 13171, + "fony": 13172, + "orem": 13173, + "(z": 13174, + "power": 13175, + "etect": 13176, + "ĠSat": 13177, + ".description": 13178, + "Ġgang": 13179, + "ĠSports": 13180, + "ongs": 13181, + "ĠBundle": 13182, + ".sum": 13183, + "once": 13184, + "Ġaccused": 13185, + "Ġexplore": 13186, + "Ġapproximately": 13187, + "Ġlosing": 13188, + "thesis": 13189, + "ĠFund": 13190, + "Ġdiagn": 13191, + "Autowired": 13192, + "properties": 13193, + "Ġ_.": 13194, + "Ġcnt": 13195, + "cedure": 13196, + "Ġyy": 13197, + "Ġgrant": 13198, + "sock": 13199, + ".innerHTML": 13200, + "Ġ]);Ċ": 13201, + "ĠCONFIG": 13202, + "='$": 13203, + "]];Ċ": 13204, + "UND": 13205, + "Ġglob": 13206, + "Ġdire": 13207, + "uffle": 13208, + "_MEM": 13209, + "Ġauthentic": 13210, + ">(\"": 13211, + "Ġdecade": 13212, + "ĠImport": 13213, + "Ġoriginally": 13214, + "ĠjQuery": 13215, + "Ġindicate": 13216, + "Ġourselves": 13217, + "Sw": 13218, + ".lbl": 13219, + "enerate": 13220, + "Ġbasically": 13221, + "ĠHom": 13222, + "Ġ+#+": 13223, + "ĠBritain": 13224, + "ĠKar": 13225, + "toEqual": 13226, + ".stop": 13227, + "Ġmodal": 13228, + "isi": 13229, + "Ġsuggests": 13230, + "Ġdtype": 13231, + "Ġtur": 13232, + "bf": 13233, + "Ġconnections": 13234, + "ĠBefore": 13235, + "isted": 13236, + "mouse": 13237, + "Ġpulled": 13238, + ".build": 13239, + "Ġlegislation": 13240, + "Ġforth": 13241, + "pad": 13242, + "ego": 13243, + ".Now": 13244, + "Ġexciting": 13245, + "}ĊĊĊĊ": 13246, + "Ġcompr": 13247, + "Ġshares": 13248, + "Ġrig": 13249, + "green": 13250, + "_vec": 13251, + "Ġenumerate": 13252, + "Auto": 13253, + "icator": 13254, + "ĠRay": 13255, + "asse": 13256, + "Ġholiday": 13257, + "Ġnullable": 13258, + "gun": 13259, + "_details": 13260, + "Ġwrapper": 13261, + "seq": 13262, + "ĠYoung": 13263, + "juana": 13264, + "Ġ\"__": 13265, + "license": 13266, + "serve": 13267, + "^(": 13268, + "iders": 13269, + ".Remove": 13270, + "ropdown": 13271, + "'S": 13272, + "pin": 13273, + "(token": 13274, + ".Default": 13275, + "Ġreasonable": 13276, + "ampion": 13277, + "ĠSociety": 13278, + "Ġbei": 13279, + "erves": 13280, + "rad": 13281, + "ĠFox": 13282, + "_images": 13283, + "Ġwheel": 13284, + "')[": 13285, + "Ġcfg": 13286, + "(By": 13287, + "Constructor": 13288, + "Ġvary": 13289, + ".swift": 13290, + "Ġproxy": 13291, + "ĉH": 13292, + "ĠAnother": 13293, + "ĠPen": 13294, + "Ġchecking": 13295, + "Ġjest": 13296, + "manager": 13297, + "Origin": 13298, + "ugs": 13299, + "oir": 13300, + ">čĊ": 15956, + "Ġrelief": 15957, + "lap": 15958, + "quer": 15959, + "_parent": 15960, + "heap": 15961, + "LOSE": 15962, + "Ġcombine": 15963, + "ĠRose": 15964, + "owers": 15965, + "Ġprocedures": 15966, + "ĠSort": 15967, + "anim": 15968, + "variant": 15969, + "ehicle": 15970, + "Ġsigning": 15971, + "Primary": 15972, + "currency": 15973, + "Ġsexe": 15974, + "oen": 15975, + "theta": 15976, + "eman": 15977, + "Ġimpressive": 15978, + "('_": 15979, + "ĉU": 15980, + "ĠTextStyle": 15981, + "_cnt": 15982, + "Ġslice": 15983, + "(':": 15984, + "Ġunderstood": 15985, + "His": 15986, + "Ġinformed": 15987, + "Ġnick": 15988, + "(TAG": 15989, + "hd": 15990, + "Ġelections": 15991, + "esture": 15992, + "ĠSanta": 15993, + "ĠCoast": 15994, + ".pdf": 15995, + "inciple": 15996, + ".clone": 15997, + "born": 15998, + "uta": 15999, + "Ġlicensed": 16000, + "Cr": 16001, + "Ġbread": 16002, + "ĠHouston": 16003, + "Ġnod": 16004, + "Ġhopes": 16005, + "ĠCGRect": 16006, + "Ġguilty": 16007, + ".gif": 16008, + "Ġrose": 16009, + ".Common": 16010, + "Tip": 16011, + "ANK": 16012, + "ĠFC": 16013, + "During": 16014, + "ĠSymfony": 16015, + "Ġdefensive": 16016, + "km": 16017, + ")>": 16018, + "archive": 16019, + "ĠURI": 16020, + "ycling": 16021, + "-o": 16022, + "ĠWebsite": 16023, + "AMP": 16024, + "ishment": 16025, + "Ġdoctors": 16026, + "Direct": 16027, + "ARI": 16028, + "ĠRedirect": 16029, + "ieren": 16030, + "_dist": 16031, + "yo": 16032, + "ĠProgress": 16033, + "Ġzum": 16034, + "Ġmemor": 16035, + "ĠED": 16036, + "Ġjur": 16037, + "æį®": 16038, + "_TABLE": 16039, + "Ġuuid": 16040, + "Expr": 16041, + ".head": 16042, + "('%": 16043, + "pointer": 16044, + "Ġestimate": 16045, + "ĠGreg": 16046, + "Ġloader": 16047, + "ĠiOS": 16048, + "Ġmens": 16049, + "[y": 16050, + "Ġrefused": 16051, + "Ġprecision": 16052, + "isch": 16053, + "ĠACTION": 16054, + "Cloud": 16055, + "sWith": 16056, + "(ret": 16057, + "_ADDR": 16058, + "_conf": 16059, + "(df": 16060, + "Ġlocked": 16061, + "Ġrising": 16062, + "ãĥ»ãĥ»": 16063, + "ĠMs": 16064, + "Ġscenes": 16065, + "_EXT": 16066, + "_raw": 16067, + "_the": 16068, + "people": 16069, + "Ġrecon": 16070, + "ĠFun": 16071, + "Ġbless": 16072, + "ĠUpdated": 16073, + "ün": 16074, + "ĠĠĠĠĠĠĠĠĠĠĠĠčĊ": 16075, + "pection": 16076, + "Release": 16077, + ".logger": 16078, + "ĠSY": 16079, + "Ġcounsel": 16080, + "urd": 16081, + "_true": 16082, + "Ġeverybody": 16083, + "ivot": 16084, + "Ġhence": 16085, + "ĠNAS": 16086, + "Ġopposed": 16087, + "unknown": 16088, + "ĠDESC": 16089, + "ĠChair": 16090, + "failed": 16091, + "ĠINCLUDING": 16092, + "Ġwriters": 16093, + "{}Ċ": 16094, + "ÃŃt": 16095, + "_copy": 16096, + "}:": 16097, + "ĠBat": 16098, + "Ġconverted": 16099, + "eding": 16100, + "placement": 16101, + "ĠHost": 16102, + "Sound": 16103, + "им": 16104, + "Ġsought": 16105, + "mid": 16106, + "Ġsalary": 16107, + "ogg": 16108, + "âĦ¢": 16109, + "bul": 16110, + "Ġwir": 16111, + "validator": 16112, + "_STAT": 16113, + ".store": 16114, + "ĠBattle": 16115, + "ın": 16116, + "Ġ-->ĊĊ": 16117, + "Trump": 16118, + "dot": 16119, + "ĠCONT": 16120, + ".fetch": 16121, + "Ġcontinu": 16122, + "was": 16123, + "Ġfraud": 16124, + "_tmp": 16125, + "mitter": 16126, + ".pictureBox": 16127, + "GA": 16128, + "Ġtournament": 16129, + ".Input": 16130, + "[r": 16131, + "exion": 16132, + "centage": 16133, + "ĠKorean": 16134, + "undef": 16135, + "ĠAvailable": 16136, + "reshape": 16137, + "Ġkit": 16138, + "ĠStruct": 16139, + "ĠSUB": 16140, + "Answer": 16141, + "_lib": 16142, + ".twitter": 16143, + "Ġore": 16144, + "ĠDragon": 16145, + ".Ext": 16146, + ",k": 16147, + "Ġexplanation": 16148, + "refs": 16149, + "ĠDrive": 16150, + "ĠTraining": 16151, + ".Has": 16152, + "intage": 16153, + "big": 16154, + "ologist": 16155, + "ennis": 16156, + "Ùĩ": 16157, + "Ġchicken": 16158, + "ĠĠĠĠĠĠĠĠĠĠĊ": 16159, + "çĽ": 16160, + "ãģ§": 16161, + "Ġpeak": 16162, + "Ġdrinking": 16163, + "Ġencode": 16164, + "ĠNEW": 16165, + "malloc": 16166, + "ĉfprintf": 16167, + "Ġ=================================================================": 16168, + "including": 16169, + "Ġprinciples": 16170, + "ĠMah": 16171, + "storage": 16172, + "-key": 16173, + "Ġkeyword": 16174, + "%;": 16175, + "Ġtrained": 16176, + ".contrib": 16177, + "Ġkv": 16178, + "__':Ċ": 16179, + "ĠBoy": 16180, + "parameter": 16181, + "Ġsuite": 16182, + "Ġthousand": 16183, + "Ġcoordinate": 16184, + "-generated": 16185, + "íķĺ": 16186, + "generated": 16187, + "Ġadmitted": 16188, + "Ġpussy": 16189, + "#w": 16190, + "Ġswim": 16191, + "union": 16192, + "Na": 16193, + "ĠRoyal": 16194, + ".channel": 16195, + "Updated": 16196, + "_ROOT": 16197, + "Ġvital": 16198, + "raction": 16199, + "ĠCrusher": 16200, + "Ġpreced": 16201, + "Ġhorizontal": 16202, + "Blueprint": 16203, + "Ġattrs": 16204, + "Ġsmoke": 16205, + "ÐĴ": 16206, + ".Equals": 16207, + "FB": 16208, + "ĠResources": 16209, + "rolling": 16210, + "Ġpasses": 16211, + "ĠNum": 16212, + "rotate": 16213, + "etype": 16214, + "\\\",": 16215, + "Ġsensitive": 16216, + "Ġtall": 16217, + "?âĢĿĊĊ": 16218, + "Proxy": 16219, + "iy": 16220, + "_section": 16221, + "âĢĶâĢĶâĢĶâĢĶ": 16222, + "brid": 16223, + "Ġcircuit": 16224, + "atan": 16225, + "ENC": 16226, + "Ġdriven": 16227, + "Ġvoted": 16228, + "Ġeducational": 16229, + "Ġinteraction": 16230, + "abetes": 16231, + "Ġtone": 16232, + "ĠInitializeComponent": 16233, + "Ġmerely": 16234, + "Ġìŀ": 16235, + "cookie": 16236, + "_div": 16237, + "ĠUILabel": 16238, + "vely": 16239, + "});čĊ": 16240, + "_ENT": 16241, + "#+#+": 16242, + "articles": 16243, + "ĠSouthern": 16244, + "Ġstronger": 16245, + "ĠGiven": 16246, + "ĠEric": 16247, + "ĠIR": 16248, + "abstract": 16249, + "Under": 16250, + "nable": 16251, + "Ġincrement": 16252, + "oven": 16253, + "Ġcoin": 16254, + "_timer": 16255, + "Ġsuffered": 16256, + "ĠFREE": 16257, + "'].\"": 16258, + "ĠQueen": 16259, + "stats": 16260, + "Ġmeetings": 16261, + "Ġentering": 16262, + "Ġalongside": 16263, + "(session": 16264, + "itals": 16265, + "Ġfoundation": 16266, + "ĠCredit": 16267, + ".div": 16268, + "_ALL": 16269, + "pcion": 16270, + "_stat": 16271, + "icking": 16272, + "Defaults": 16273, + "_src": 16274, + "Ġoutputs": 16275, + "/B": 16276, + "Ġenthus": 16277, + "-bl": 16278, + ".ForeColor": 16279, + "ĉtemp": 16280, + "Face": 16281, + "Ġinteract": 16282, + "Ġweird": 16283, + "Mount": 16284, + "rell": 16285, + "udents": 16286, + "Ġrequirement": 16287, + "ĠSus": 16288, + "IER": 16289, + "Ġelected": 16290, + "reference": 16291, + "ĠME": 16292, + "Ġservers": 16293, + ".wait": 16294, + "Ġsnapshot": 16295, + "ilton": 16296, + "Ġtries": 16297, + "Ġtipo": 16298, + ".Time": 16299, + ">w": 16300, + "Ġmountain": 16301, + "Ġpounds": 16302, + "Ġ[...": 16303, + "exists": 16304, + "ĠngOn": 16305, + "_MAP": 16306, + "Ġflying": 16307, + "xiety": 16308, + "ĉvalue": 16309, + "_DB": 16310, + "uno": 16311, + "Ġseats": 16312, + "TURN": 16313, + ".author": 16314, + "!)": 16315, + "orce": 16316, + "Ġindicated": 16317, + ".sin": 16318, + "Ġassignment": 16319, + "imiento": 16320, + "ĠFrame": 16321, + "_gen": 16322, + "inery": 16323, + "_)": 16324, + "messages": 16325, + ".settings": 16326, + "ĠMean": 16327, + "ĠMuseum": 16328, + "irq": 16329, + "attach": 16330, + "ĠPalestin": 16331, + "_QU": 16332, + "_tags": 16333, + "Ġcasual": 16334, + "emen": 16335, + "ASSWORD": 16336, + "$s": 16337, + "ĠCirc": 16338, + "ой": 16339, + "etric": 16340, + "/P": 16341, + "Ġepoch": 16342, + "The": 16357, + "ĠAk": 16358, + "Ġgrass": 16359, + "/*čĊ": 16360, + "(dis": 16361, + "Ġguns": 16362, + "Ġtb": 16363, + "ĠKevin": 16364, + ".args": 16365, + "ĠAh": 16366, + "oped": 16367, + "(J": 16368, + "columns": 16369, + "arguments": 16370, + "ĠWithEvents": 16371, + "_full": 16372, + "ĠDefense": 16373, + "Simple": 16374, + "Ġdeaths": 16375, + "Ġextensive": 16376, + "ĠStill": 16377, + "ĠExpression": 16378, + "ĠAgency": 16379, + "Ġperforming": 16380, + "FX": 16381, + "Ġusuario": 16382, + "UAL": 16383, + "Side": 16384, + "odos": 16385, + "aptop": 16386, + "Ġcredentials": 16387, + "_cap": 16388, + "atient": 16389, + "ĠDisney": 16390, + "Ġai": 16391, + "Ġchip": 16392, + "Ġvolt": 16393, + ".makeText": 16394, + "%%%%%%%%%%%%%%%%": 16395, + "Ġbelief": 16396, + "_LOC": 16397, + "ĠCivil": 16398, + "Navigation": 16399, + "Ġreveal": 16400, + "Ġviolent": 16401, + "ĠFil": 16402, + "Ġcatalog": 16403, + "emed": 16404, + "scan": 16405, + ".control": 16406, + "Ġconstitution": 16407, + "Country": 16408, + "Separator": 16409, + "_APP": 16410, + "topic": 16411, + "uetooth": 16412, + "MIN": 16413, + "Ġdescriptor": 16414, + "yt": 16415, + "ETHER": 16416, + "Ġdistribute": 16417, + "'}Ċ": 16418, + ".trim": 16419, + ".Line": 16420, + "Ġlbl": 16421, + "assertEquals": 16422, + "ĠDet": 16423, + "ombok": 16424, + "(width": 16425, + "Ġtort": 16426, + "ĠEXPRESS": 16427, + "aco": 16428, + "Using": 16429, + "ĠBrand": 16430, + "wall": 16431, + "EMENT": 16432, + "ĠCommunic": 16433, + "(Ċ": 17055, + "?>\"": 17056, + "Ġ///Ċ": 17057, + "Ġeiner": 17058, + "Ġweekly": 17059, + "ĉlogger": 17060, + "_pop": 17061, + "_man": 17062, + "Ġmigrations": 17063, + "Ġasks": 17064, + "Ġbs": 17065, + "Ġfalls": 17066, + ".Where": 17067, + "-height": 17068, + "_feature": 17069, + ".Min": 17070, + "Ġhyper": 17071, + "Ġvolatile": 17072, + "Ġtwenty": 17073, + "Typography": 17074, + "Unable": 17075, + "Det": 17076, + ",f": 17077, + "-mod": 17078, + "Ġsettlement": 17079, + "Ġcontracts": 17080, + "nome": 17081, + "Bad": 17082, + "ĠBrian": 17083, + "(username": 17084, + "!!!!": 17085, + "Ġhack": 17086, + ".Field": 17087, + "HR": 17088, + "ĠJordan": 17089, + "iza": 17090, + "ĠÂł": 17091, + "ĠSher": 17092, + ".header": 17093, + "(other": 17094, + "ĠDub": 17095, + "(op": 17096, + "ĠRound": 17097, + "Ġvie": 17098, + "Ġappl": 17099, + "ĉJ": 17100, + "ĠInsert": 17101, + "ĠLP": 17102, + "regon": 17103, + "ĠMPI": 17104, + "Ġanchor": 17105, + "aca": 17106, + "ør": 17107, + "Ġade": 17108, + "anchor": 17109, + "quee": 17110, + "ĠTreeNode": 17111, + "Ġtargeted": 17112, + "Ġlaid": 17113, + "ABEL": 17114, + "vet": 17115, + "ĠOrigin": 17116, + "Ant": 17117, + ".');Ċ": 17118, + "expect": 17119, + "edReader": 17120, + "ĠMajor": 17121, + "Ġinch": 17122, + "Compar": 17123, + "Ġpreview": 17124, + "Ġillness": 17125, + "ĠCONTRACT": 17126, + "ĠIndepend": 17127, + "uuid": 17128, + "Ġnome": 17129, + "Ġtc": 17130, + "ĠAvenue": 17131, + "isan": 17132, + "Ġphrase": 17133, + "_move": 17134, + "\")[": 17135, + "Ġprovision": 17136, + "Ġconcentr": 17137, + "_IR": 17138, + "ĠUt": 17139, + "()+": 17140, + "Ġnas": 17141, + "!,": 17142, + "ĠRobin": 17143, + "iations": 17144, + "atitude": 17145, + "Ġpx": 17146, + "ĠWithout": 17147, + "/bash": 17148, + "ekt": 17149, + "reement": 17150, + "Observer": 17151, + "ĠRegion": 17152, + "UBLIC": 17153, + "Ġ{//": 17154, + "KN": 17155, + "å·": 17156, + "GameObject": 17157, + "å¾": 17158, + "encoding": 17159, + "Ġ***": 17160, + "projects": 17161, + "Ġtk": 17162, + "Ġcheese": 17163, + "EMPL": 17164, + "aro": 17165, + "ĠاÙĦ": 17166, + "Ġconsists": 17167, + "refresh": 17168, + "ureau": 17169, + "ĠScanner": 17170, + "Ġsoil": 17171, + "Ġflavor": 17172, + "DataSource": 17173, + "Execute": 17174, + "ение": 17175, + "Ġshit": 17176, + "åĪĨ": 17177, + "Ċ": 17419, + "Ġsubsequent": 17420, + "posable": 17421, + "-fluid": 17422, + "Ġthorough": 17423, + "Ġpublicly": 17424, + "apters": 17425, + "ĠWilson": 17426, + "_PRE": 17427, + "yard": 17428, + "ä¼": 17429, + "ĉin": 17430, + "Ġrevers": 17431, + "Ġbullet": 17432, + "cribed": 17433, + "nesota": 17434, + "Ġ($_": 17435, + "annon": 17436, + "cursor": 17437, + "Ġclothing": 17438, + "ĠMulti": 17439, + ":',": 17440, + "Ġvess": 17441, + "ordinator": 17442, + "Ġeinem": 17443, + "Cannot": 17444, + "Ġarmed": 17445, + "ĉV": 17446, + "ä¸Ĭ": 17447, + ".Flat": 17448, + "ĠSep": 17449, + "ĠSubject": 17450, + "_font": 17451, + "Ġcharacteristics": 17452, + "Done": 17453, + "eln": 17454, + "############": 17455, + "POS": 17456, + "Ġdensity": 17457, + "ĠPlatform": 17458, + "-items": 17459, + "Ġovers": 17460, + "Ġpushing": 17461, + "ç¤": 17462, + ".Connection": 17463, + "_term": 17464, + "Ġinitialization": 17465, + "________________________________": 17466, + "ç¬": 17467, + ".document": 17468, + "lesh": 17469, + "ĉdocument": 17470, + "ĠPin": 17471, + "ça": 17472, + "Ġdefinitions": 17473, + ".Path": 17474, + "_WRITE": 17475, + "ĠĉĊ": 17476, + "?>ĊĊ": 17477, + "Ġterrible": 17478, + "bean": 17479, + "ickets": 17480, + "ĠSV": 17481, + "Buy": 17482, + "(task": 17483, + "Ġregime": 17484, + "google": 17485, + "Ġcrack": 17486, + ".visit": 17487, + "NUM": 17488, + "energy": 17489, + "Ġstruck": 17490, + "_sample": 17491, + ".payload": 17492, + "Ġrevis": 17493, + "ĠScene": 17494, + "Ġpg": 17495, + "Ġbreakfast": 17496, + "URRENT": 17497, + ".charAt": 17498, + "_exception": 17499, + "ĠAnton": 17500, + "Ġguidelines": 17501, + "Ġexhaust": 17502, + "ĠFinancial": 17503, + "Ġindent": 17504, + "Ġdesktop": 17505, + "Hidden": 17506, + "Failure": 17507, + "Ġprinciple": 17508, + "Ġiv": 17509, + "Ġseks": 17510, + "network": 17511, + "ĠnumberOf": 17512, + "ĠAlbert": 17513, + "ĉlong": 17514, + ",.": 17515, + "Ġzeros": 17516, + "fade": 17517, + "ĠTyp": 17518, + "ĠTerm": 17519, + "ĠArts": 17520, + ".Application": 17521, + "Ġbehalf": 17522, + "æĪ·": 17523, + "Ġmere": 17524, + "(`${": 17525, + "Ġawareness": 17526, + "elpers": 17527, + "flix": 17528, + "Ġweigh": 17529, + "Ġestimates": 17530, + ".child": 17531, + "/O": 17532, + "ĠBitmap": 17533, + ".bottom": 17534, + "Ġ**************************************************************************": 17535, + "Expect": 17536, + "ento": 17537, + "ĠForum": 17538, + "veral": 17539, + "Ġjail": 17540, + "Ġabilities": 17541, + "ĠHOLD": 17542, + "ĠCit": 17543, + "Ġdynam": 17544, + "Ġgray": 17545, + "ĉĉĉĉĉĉĉĉĉĉĉĉĉ": 17546, + ".nextInt": 17547, + "antly": 17548, + "ĠARISING": 17549, + "(private": 17550, + "Ġrejected": 17551, + "ĠNic": 17552, + "Ġleather": 17553, + "={Ċ": 17554, + "alytics": 17555, + "thetic": 17556, + ".Top": 17557, + ".Page": 17558, + "={`": 17559, + "Ġ;čĊ": 17560, + "depth": 17561, + "mann": 17562, + "WD": 17563, + "ĠSom": 17564, + ".Right": 17565, + "Ġ)}Ċ": 17566, + "Ġtrait": 17567, + "ÃĹ": 17568, + "iac": 17569, + "Ġrv": 17570, + "Sample": 17571, + ".Xml": 17572, + "opped": 17573, + "ĠÑĦ": 17574, + "lists": 17575, + "Ġtear": 17576, + "iversary": 17577, + ".collection": 17578, + "ĠConstitution": 17579, + "ĠHttpResponse": 17580, + "Ġbrill": 17581, + "ĠProm": 17582, + "hover": 17583, + "ĠMiami": 17584, + "Ġargue": 17585, + "_float": 17586, + "ĠãĤ": 17587, + "Ġnat": 17588, + "ĠTal": 17589, + "Ġintegration": 17590, + "(cur": 17591, + "Ġremoving": 17592, + "Ġcoeff": 17593, + "ĠThough": 17594, + "Ġforecast": 17595, + "ĠVegas": 17596, + "Site": 17597, + "Ġtrab": 17598, + "ĠHenry": 17599, + "-i": 17600, + "Ġinvolves": 17601, + "BT": 17602, + "Ġslo": 17603, + "Invoke": 17604, + "Ġlucky": 17605, + "rat": 17606, + "Ġ?Ċ": 17607, + "Ġhandled": 17608, + "(fd": 17609, + "contents": 17610, + "ĠOFF": 17611, + "RF": 17612, + "Ġsty": 17613, + "ĠMotor": 17614, + "tery": 17615, + "tax": 17616, + "MAP": 17617, + "ĠMrs": 17618, + "Ġphones": 17619, + "ĠUIView": 17620, + "\")));Ċ": 17621, + "(dev": 17622, + "ĠIrish": 17623, + "Ġws": 17624, + "DI": 17625, + "_OFFSET": 17626, + "ĠEvents": 17627, + "Ġstages": 17628, + "Ġ}//": 17629, + "Ġhaben": 17630, + "STANCE": 17631, + "ĠSin": 17632, + "ĠMoney": 17633, + "(top": 17634, + "Ġappointment": 17635, + "VERSION": 17636, + "metadata": 17637, + "_comment": 17638, + "Ġcolleagues": 17639, + "maps": 17640, + "âĺ": 17641, + "ĊĉĊ": 17642, + "(al": 17643, + "_req": 17644, + "Ġfut": 17645, + "Ġarchitecture": 17646, + "ĠWHETHER": 17647, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 17648, + "_screen": 17649, + "ĠstyleUrls": 17650, + "Ġmonster": 17651, + ".up": 17652, + "phia": 17653, + "Ġprocessor": 17654, + "ĠTerr": 17655, + "=',": 17656, + "ĠManufact": 17657, + "ĠNT": 17658, + "kel": 17659, + "ibern": 17660, + "ĉfile": 17661, + "Ali": 17662, + "rientation": 17663, + "Ġ//!": 17664, + "apore": 17665, + "aneous": 17666, + "ĠCreat": 17667, + "folder": 17668, + "Ġhay": 17669, + "Suppress": 17670, + "(left": 17671, + "Ġeuro": 17672, + "Ġdisclaimer": 17673, + "ustry": 17674, + "ships": 17675, + "_fd": 17676, + "ĠFa": 17677, + "_insert": 17678, + "Ġrol": 17679, + "ifting": 17680, + "ĠComments": 17681, + "_br": 17682, + "Ġlosses": 17683, + "ĠAdded": 17684, + "charg": 17685, + "Ġпо": 17686, + "_system": 17687, + "ĠSometimes": 17688, + "ĠSpain": 17689, + "(group": 17690, + "ialis": 17691, + "Ġdollar": 17692, + "ĠArgs": 17693, + "quires": 17694, + "ĠTen": 17695, + ".scss": 17696, + "Ġsurvive": 17697, + "usage": 17698, + "Ġjun": 17699, + "imiter": 17700, + "ï¼ģĊĊ": 17701, + "Ġfifth": 17702, + "toggle": 17703, + "Ġdecline": 17704, + "($\"": 17705, + "(Long": 17706, + "inge": 17707, + "Ġpilot": 17708, + "-light": 17709, + "-radius": 17710, + "Ġpodcast": 17711, + "Ġnaturally": 17712, + "Pages": 17713, + "为": 17714, + "ĠDespite": 17715, + "Ġlighting": 17716, + "Ġcrate": 17717, + "ĠBinary": 17718, + "Ġreducing": 17719, + "Ġeleg": 17720, + "ĠMouse": 17721, + "ĠTestBed": 17722, + "ĠbeforeEach": 17723, + "_ARRAY": 17724, + "Redirect": 17725, + "Ġflood": 17726, + "Ġships": 17727, + "Ġelectricity": 17728, + ")*(": 17729, + "ê¸": 17730, + "ĠViet": 17731, + "hero": 17732, + "Ġdia": 17733, + "ĠKent": 17734, + "heart": 17735, + "Ġthreats": 17736, + "_acc": 17737, + "Ġsymbols": 17738, + "ischen": 17739, + "_inst": 17740, + "Criterion": 17741, + "ĠTIM": 17742, + ".Height": 17743, + "ĠâĢĻ": 17744, + "();ĊĊĊ": 17745, + "Products": 17746, + "_SP": 17747, + "ĠCy": 17748, + "Ġdependent": 17749, + "este": 17750, + "Ġdatos": 17751, + "dit": 17752, + "ав": 17753, + "IGNAL": 17754, + "Ġlesson": 17755, + "\">'": 17756, + "ĠCover": 17757, + "ĠHope": 17758, + "ĠTimer": 17759, + "Ġdad": 17760, + "viders": 17761, + "ĠPhot": 17762, + "/?": 17763, + "ropy": 17764, + "oming": 17765, + "asion": 17766, + "Ġ\\(": 17767, + "ĠET": 17768, + "ĠReading": 17769, + "Ġepisodes": 17770, + "lm": 17771, + "echa": 17772, + "Ġneuro": 17773, + "Ġharmon": 17774, + "Ġliberal": 17775, + "-ind": 17776, + "DATA": 17777, + "Ġeveryday": 17778, + "Ġdivided": 17779, + "ĠActiveRecord": 17780, + "figure": 17781, + "UA": 17782, + "ä¹": 17783, + "riendly": 17784, + "tech": 17785, + ".gameObject": 17786, + "иÑĤÑĮ": 17787, + "Ġmoon": 17788, + "ftime": 17789, + "Ġnoch": 17790, + "ĠTORT": 17791, + "ĠVM": 17792, + ".initial": 17793, + "(child": 17794, + "Ġmusical": 17795, + "Ġoc": 17796, + "bas": 17797, + "ĠHay": 17798, + "_long": 17799, + "Ġmemset": 17800, + "iley": 17801, + "adelphia": 17802, + "SV": 17803, + "roat": 17804, + "_tx": 17805, + "Ġlon": 17806, + "ĠngOnInit": 17807, + "bp": 17808, + "ĠGolden": 17809, + "ACHE": 17810, + "Ġworried": 17811, + "azi": 17812, + "Ear": 17813, + "Take": 17814, + "(fp": 17815, + "burgh": 17816, + "_Data": 17817, + "gres": 17818, + "ĠOnt": 17819, + "pus": 17820, + "Ġtransparent": 17821, + "Ġpocket": 17822, + "Ġram": 17823, + "igrations": 17824, + ".čĊčĊ": 17825, + "Ġ[(": 17826, + "Ġadopted": 17827, + "Ġreportedly": 17828, + "ĠDream": 17829, + "Ġ}));Ċ": 17830, + "losing": 17831, + "Ġteeth": 17832, + "ĠBooks": 17833, + "\",&": 17834, + "enny": 17835, + "LEMENT": 17836, + "Ġgel": 17837, + "ĠPlant": 17838, + "!âĢĿ": 17839, + ".host": 17840, + "ĠReply": 17841, + "rength": 17842, + "Ġrecognition": 17843, + "Ġ}}>Ċ": 17844, + "LA": 17845, + "Ġmirror": 17846, + "Ġassistant": 17847, + "(device": 17848, + "Ġspiritual": 17849, + "builder": 17850, + "§": 17851, + "Ġoutr": 17852, + "Ġtt": 17853, + "ĠPER": 17854, + "Ġradical": 17855, + "Methods": 17856, + "Ġpace": 17857, + "udy": 17858, + "Ġgut": 17859, + "ĠGreek": 17860, + "Ġnonatomic": 17861, + "ĠPaper": 17862, + "_GPIO": 17863, + "Ġobst": 17864, + ".Ad": 17865, + "vironments": 17866, + "ĠSov": 17867, + "(con": 17868, + "ĠTransaction": 17869, + ".assign": 17870, + "ĉcatch": 17871, + "elter": 17872, + "Ġbitcoin": 17873, + "_GR": 17874, + "ĠčĊ": 17989, + "metic": 17990, + "Ġtransformation": 17991, + "åı·": 17992, + "Ġrgb": 17993, + "istributions": 17994, + "Ġimplicit": 17995, + "/in": 17996, + "destination": 17997, + "аÑĤÑĮ": 17998, + "Zero": 17999, + "Ġunset": 18000, + ".where": 18001, + ".go": 18002, + "Ġformation": 18003, + "Ġdeclaration": 18004, + "()čĊčĊ": 18005, + "ĠExpl": 18006, + "ĉĉĉĠĠ": 18007, + "/pro": 18008, + ".JSON": 18009, + "Ġdesk": 18010, + ".substr": 18011, + "//----------------------------------------------------------------------------": 18012, + "lyn": 18013, + "pson": 18014, + "disable": 18015, + "ĠFunc": 18016, + "ĉAssert": 18017, + "ĠMARK": 18018, + "Ġdefeat": 18019, + "Ġblind": 18020, + "Ġconstants": 18021, + ".headers": 18022, + "UILD": 18023, + "Ġexpenses": 18024, + "Pixel": 18025, + "Ġhr": 18026, + "Ġfel": 18027, + "ĠEastern": 18028, + "_del": 18029, + "ĠCub": 18030, + "Ġsq": 18031, + "ĉcount": 18032, + "ĠDirectory": 18033, + "Ġexclus": 18034, + "Ġhistoric": 18035, + "Ġ------------------------------------------------": 18036, + "Ġcomposition": 18037, + "ĠdataGridView": 18038, + "ĠBurn": 18039, + "ĠBC": 18040, + "Master": 18041, + "Ġspawn": 18042, + "Ġbearing": 18043, + ".SetActive": 18044, + "ilo": 18045, + "Ġgallery": 18046, + "Ġfounded": 18047, + "Ġavailability": 18048, + ".sqrt": 18049, + "Ġpes": 18050, + "ĠDOM": 18051, + "mate": 18052, + "Oct": 18053, + "Ġmatched": 18054, + "itivity": 18055, + "Ġanxiety": 18056, + ".price": 18057, + "ĠInstant": 18058, + "ìĬ": 18059, + "Ġtut": 18060, + "ICollection": 18061, + ".shared": 18062, + "_sql": 18063, + "tbl": 18064, + "library": 18065, + "_destroy": 18066, + "ermal": 18067, + "ĠNotes": 18068, + "ĠEin": 18069, + "Ġsouthern": 18070, + "ĠOTHERWISE": 18071, + "Ġmacro": 18072, + ".lower": 18073, + "cls": 18074, + "ContentView": 18075, + ".link": 18076, + "constant": 18077, + "ĠBes": 18078, + "Ġsomebody": 18079, + "nb": 18080, + "\">{": 18081, + "(local": 18082, + ".....": 18083, + "ĠNull": 18084, + "mx": 18085, + "Ġç": 18086, + "Ġpause": 18087, + "-----------": 18088, + "_MO": 18089, + "ĠCM": 18090, + "ĠforKey": 18091, + "ĠDVD": 18092, + "Ġclosest": 18093, + "_DEVICE": 18094, + "ĠStephen": 18095, + "ĠBBC": 18096, + "ĠTravel": 18097, + "Paint": 18098, + "ĠResults": 18099, + "ĠRule": 18100, + "Ġtp": 18101, + "Ġratings": 18102, + "cin": 18103, + "csv": 18104, + ">/": 18105, + "ĠGOP": 18106, + "lad": 18107, + "ĠÑĢ": 18108, + "ĠindexPath": 18109, + "matrix": 18110, + "=f": 18111, + "arsed": 18112, + "Ġ});": 18113, + "ĠCos": 18114, + "ĠScore": 18115, + "Ġtak": 18116, + "ĠESP": 18117, + "ĠINC": 18118, + "_NULL": 18119, + "-flex": 18120, + "\"][": 18121, + "into": 18122, + "eland": 18123, + "Authorization": 18124, + "_FALSE": 18125, + "Ġgate": 18126, + "Ġvid": 18127, + "istent": 18128, + "TIME": 18129, + "Ġrewrite": 18130, + "Ġtie": 18131, + "Ġarchive": 18132, + ".events": 18133, + ".getParameter": 18134, + "ĠPermission": 18135, + "Ġprogramme": 18136, + "Ġé": 18137, + "jud": 18138, + "Ġcameras": 18139, + "(sys": 18140, + "ĠSyrian": 18141, + "Ġimprovements": 18142, + "Ġhip": 18143, + "Ġsuicide": 18144, + "Ġscholar": 18145, + "Ġcompatible": 18146, + "remote": 18147, + ".down": 18148, + "FUNCTION": 18149, + "Ġmanaging": 18150, + "ĠUIKit": 18151, + ".raw": 18152, + ">>>>": 18153, + "Ġdemands": 18154, + "ellite": 18155, + "Ġdent": 18156, + "ĠMicro": 18157, + "åıĸ": 18158, + "'][$": 18159, + "ĠIE": 18160, + "imension": 18161, + "Ġtrem": 18162, + "Ġgained": 18163, + ".with": 18164, + ".ok": 18165, + "hou": 18166, + "Ġbom": 18167, + "ampaign": 18168, + "Ġjoining": 18169, + "fish": 18170, + "ĠaddSubview": 18171, + "Ġnorthern": 18172, + ".cor": 18173, + "oret": 18174, + "Die": 18175, + "inish": 18176, + "_comp": 18177, + "Ġattended": 18178, + "Ġcollapse": 18179, + "ĠSS": 18180, + "acent": 18181, + "_EQUAL": 18182, + "ĠDeep": 18183, + "RGB": 18184, + "ĉtest": 18185, + "olves": 18186, + "uset": 18187, + "UnityEngine": 18188, + "writer": 18189, + "Resolver": 18190, + ",%": 18191, + "ifference": 18192, + "_remove": 18193, + "onda": 18194, + "Ġfemme": 18195, + "decode": 18196, + "Branch": 18197, + "Ġflush": 18198, + "Ġinnovative": 18199, + "Tests": 18200, + "Ġ['./": 18201, + "Ġcovering": 18202, + ".admin": 18203, + "ultipart": 18204, + "(lambda": 18205, + "namespace": 18206, + "ĠSport": 18207, + "Ġ!(": 18208, + "acles": 18209, + "Ġdepression": 18210, + "ĠKong": 18211, + "Ġpert": 18212, + "ĠConn": 18213, + "ĠOtherwise": 18214, + "/home": 18215, + "supported": 18216, + "Ġpink": 18217, + "Ġinvited": 18218, + "ños": 18219, + "_enabled": 18220, + "Ġ-Ċ": 18221, + "FW": 18222, + "eners": 18223, + "ĠMY": 18224, + "Ġsuggestions": 18225, + "Canvas": 18226, + "Ġfer": 18227, + "ĠMarketing": 18228, + "@Test": 18229, + "untu": 18230, + "ĠVen": 18231, + "ĠCou": 18232, + "ivals": 18233, + "Donald": 18234, + "limited": 18235, + "ĉĉĉĉĉĉĊ": 18236, + "Ġanalyst": 18237, + "(entry": 18238, + "Ġrepresentative": 18239, + "_attributes": 18240, + "Ġfur": 18241, + ".hide": 18242, + "resp": 18243, + "adores": 18244, + "rides": 18245, + "ĠJosh": 18246, + "robot": 18247, + "ĠNAT": 18248, + "Ġsesso": 18249, + "Ġintegrated": 18250, + ":true": 18251, + "parts": 18252, + "Ġstupid": 18253, + ":event": 18254, + "@endsection": 18255, + "Ġpu": 18256, + ".Table": 18257, + "ĠYii": 18258, + "`;ĊĊ": 18259, + "Ġclang": 18260, + "=\"\">": 18261, + "engan": 18262, + "_parameters": 18263, + ".internal": 18264, + "ĠModern": 18265, + "Ġmetric": 18266, + "Ġsemi": 18267, + "={{Ċ": 18268, + ".amazon": 18269, + "ĠBB": 18270, + "ainty": 18271, + "viewport": 18272, + "ĠstartActivity": 18273, + "dispatch": 18274, + "*****": 18275, + "Ġflav": 18276, + "ifferent": 18277, + "[this": 18278, + "Ġstake": 18279, + "Ġargued": 18280, + "viously": 18281, + ".work": 18282, + "ĠOak": 18283, + "Old": 18284, + "(async": 18285, + "notes": 18286, + "Ġflip": 18287, + "Ġdisag": 18288, + "ĠTE": 18289, + "ĉerror": 18290, + "<'": 18291, + "Ġ»ĊĊ": 18292, + "Ġfiltered": 18293, + "ĠMach": 18294, + "Ġhung": 18295, + "_dump": 18296, + "_samples": 18297, + "-dismiss": 18298, + "Ġray": 18299, + "Implemented": 18300, + "DK": 18301, + "Ġjed": 18302, + "Ġbreaks": 18303, + "Ġfits": 18304, + ".gr": 18305, + "ĠZero": 18306, + "oro": 18307, + "Ġequally": 18308, + "Ġ'[": 18309, + "Ġconcerning": 18310, + "<": 18407, + "Ġpromot": 18408, + "Ġincl": 18409, + "_only": 18410, + "를": 18411, + "ĠAttorney": 18412, + "-date": 18413, + "Ġlandscape": 18414, + "Ġfu": 18415, + "SY": 18416, + ".prop": 18417, + "ĠArr": 18418, + "pag": 18419, + "ParallelGroup": 18420, + "':čĊ": 18421, + "Ġlogs": 18422, + "aunch": 18423, + "unci": 18424, + "nama": 18425, + "TableCell": 18426, + "issues": 18427, + ".{": 18428, + "ecurity": 18429, + "_exec": 18430, + "olds": 18431, + "Ġhosts": 18432, + "Ġproto": 18433, + "_import": 18434, + "_sort": 18435, + "ĠBow": 18436, + "ĠNormal": 18437, + "ĠFarm": 18438, + ".createParallelGroup": 18439, + "Rotation": 18440, + ".err": 18441, + "Ġpleased": 18442, + "itage": 18443, + ".Wh": 18444, + "ĉĉĠĠĠĠ": 18445, + "MR": 18446, + "ĠMORE": 18447, + "ĠNatural": 18448, + "_transform": 18449, + "BASE": 18450, + "eneral": 18451, + "utdown": 18452, + ".commons": 18453, + "WT": 18454, + "Ġaan": 18455, + ".Result": 18456, + "dog": 18457, + "Ġclicking": 18458, + "),ĊĊ": 18459, + "#line": 18460, + "Operator": 18461, + "Ġciv": 18462, + "Ġmerg": 18463, + "obuf": 18464, + "ngthen": 18465, + "Ġ[{": 18466, + "Ġcancell": 18467, + "trigger": 18468, + ".:": 18469, + "WORK": 18470, + "declare": 18471, + "Ġdecrease": 18472, + "ÅĽci": 18473, + "loom": 18474, + ".None": 18475, + "ĠMI": 18476, + "ĠJason": 18477, + "Ġhealthcare": 18478, + "iamond": 18479, + "sylvania": 18480, + "*x": 18481, + "ĠRa": 18482, + "[b": 18483, + "Ġprinting": 18484, + "phabet": 18485, + "ĠLabour": 18486, + "opper": 18487, + "Ġzijn": 18488, + "-target": 18489, + "_FUNCTION": 18490, + "Ġoct": 18491, + "ениÑı": 18492, + "åľ¨": 18493, + "Ġwestern": 18494, + "Ġcomputers": 18495, + "ĠRET": 18496, + "HashMap": 18497, + "[String": 18498, + "getValue": 18499, + "_DATE": 18500, + ".Next": 18501, + "ĠFif": 18502, + "él": 18503, + "icked": 18504, + "æİ": 18505, + "-MM": 18506, + "Ġ{ĊĊĊ": 18507, + "Ġcontacts": 18508, + "Ġdigits": 18509, + "Produ": 18510, + "Ġunusual": 18511, + "Ġrapidly": 18512, + "tures": 18513, + "Ġangry": 18514, + "cancel": 18515, + "xxxx": 18516, + "_parser": 18517, + "idity": 18518, + "_PREFIX": 18519, + "Ġmehr": 18520, + "Ġrarely": 18521, + "ethe": 18522, + "opes": 18523, + "Ġ%.": 18524, + "works": 18525, + "Ġtheta": 18526, + "Ġcontribution": 18527, + "ĠTony": 18528, + "Ġsquad": 18529, + "ай": 18530, + "Ġîn": 18531, + "there": 18532, + "outed": 18533, + "ĉq": 18534, + "ĻĤ": 18535, + "good": 18536, + "LI": 18537, + "页": 18538, + "ĠLiving": 18539, + "izabeth": 18540, + "Ġkt": 18541, + "ĠDallas": 18542, + "]],Ċ": 18543, + "Ġ/>ĊĊ": 18544, + "Ġraising": 18545, + "/router": 18546, + "_game": 18547, + "ĠCUR": 18548, + "zens": 18549, + ".es": 18550, + "ĠfontWeight": 18551, + "(func": 18552, + "notification": 18553, + "Ġ'../../../": 18554, + "Ġblame": 18555, + "ãĢĤĊĊĊĊ": 18556, + "anco": 18557, + "Identity": 18558, + "follow": 18559, + "Ġarts": 18560, + "xs": 18561, + "Ġofficially": 18562, + "ĠStudio": 18563, + "Ġrecommendations": 18564, + "Ġlocale": 18565, + "Ġamateur": 18566, + "ĠEnable": 18567, + "Ġcaps": 18568, + ".End": 18569, + "-add": 18570, + "_gshared": 18571, + "ĠCT": 18572, + "Force": 18573, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĊ": 18574, + "Ġorange": 18575, + "Ġlp": 18576, + "Ġanswered": 18577, + ".Grid": 18578, + "Ġdual": 18579, + "Ġstrategic": 18580, + "Ġnobody": 18581, + "Ġfatal": 18582, + "_est": 18583, + "(el": 18584, + "Ġìł": 18585, + "ĠBudd": 18586, + "AIT": 18587, + "_factor": 18588, + "-one": 18589, + "ĠHAVE": 18590, + "\"čĊčĊ": 18591, + "Prof": 18592, + "Ġär": 18593, + "strings": 18594, + "Ġdirty": 18595, + "ĠFace": 18596, + "ĠBegin": 18597, + "ĠBus": 18598, + "Ġwis": 18599, + "åŃĹ": 18600, + "Ġspeaker": 18601, + "Ġcarrier": 18602, + "ĠOm": 18603, + "Ġhadn": 18604, + "Allow": 18605, + "::__": 18606, + "Ġverb": 18607, + "ĠComplete": 18608, + "ĠEasy": 18609, + "Ġbills": 18610, + "ĠĠĊĊ": 18611, + "Vertical": 18612, + "Ġpron": 18613, + "ĠDefine": 18614, + "Ġlookup": 18615, + "variables": 18616, + "Ġpandas": 18617, + "umes": 18618, + "Ġinnoc": 18619, + "ĠsetUp": 18620, + "ĠChampionship": 18621, + "artist": 18622, + "ĠCType": 18623, + "Foundation": 18624, + "à¹Ī": 18625, + "ĠSetup": 18626, + "Ġrecipes": 18627, + "ĠUIColor": 18628, + "ĠFight": 18629, + "Ġauthorized": 18630, + "_click": 18631, + "_success": 18632, + "angan": 18633, + "ĠMountain": 18634, + "ĠDoctor": 18635, + "Ġegg": 18636, + "ĠMedicine": 18637, + "cles": 18638, + "`.Ċ": 18639, + "[int": 18640, + "dashboard": 18641, + "ĠAppro": 18642, + "-dr": 18643, + "Ġproduces": 18644, + "Ġrental": 18645, + "Ġreload": 18646, + "Ġarrival": 18647, + "spot": 18648, + "Ġundert": 18649, + "Ġequipped": 18650, + "Ġproved": 18651, + "Ġcenters": 18652, + "Ġdefines": 18653, + "also": 18654, + "Ġopacity": 18655, + "ĠUnfortunately": 18656, + "ĠIllinois": 18657, + "Ġне": 18658, + "ĠTemple": 18659, + "ĠTrail": 18660, + "ĠKelly": 18661, + "Ġmeasurement": 18662, + "Ġseparated": 18663, + "-circle": 18664, + "Hey": 18665, + "ĠREAD": 18666, + "igits": 18667, + "Ġib": 18668, + "ĠMOD": 18669, + "attery": 18670, + "аз": 18671, + "Ġvend": 18672, + "енÑĤ": 18673, + "ĠHttpClient": 18674, + "safe": 18675, + "_ASS": 18676, + "icit": 18677, + "ĠConstruct": 18678, + "ĠClo": 18679, + "ĠSix": 18680, + "_TOKEN": 18681, + "(block": 18682, + "Ġwarned": 18683, + "/*!": 18684, + "!Ċ": 18769, + "Ġinnovation": 18770, + "_\"": 18771, + "Ġ);čĊčĊ": 18772, + "Ġspots": 18773, + "Ġchoosing": 18774, + ".cs": 18775, + "Ġflexible": 18776, + "UInt": 18777, + "Ġscratch": 18778, + "-al": 18779, + "Ġfestival": 18780, + "Ġoutstanding": 18781, + "================================================": 18782, + "Mean": 18783, + "ĠOregon": 18784, + "symbol": 18785, + ".account": 18786, + "dney": 18787, + "'''": 18788, + "!\",": 18789, + "Ġparticle": 18790, + "Ãĥ": 18791, + "[MAX": 18792, + "IVER": 18793, + "ERENCE": 18794, + "NSMutable": 18795, + "ĠColumbia": 18796, + "_ĊĊ": 18797, + ".fr": 18798, + "Ġcogn": 18799, + "VR": 18800, + "ĠMethods": 18801, + "ĠMade": 18802, + "ĠBR": 18803, + "ĠElse": 18804, + "Ġeggs": 18805, + "Ġswing": 18806, + "ĠInv": 18807, + "Ġdiseases": 18808, + "Ġfirms": 18809, + "Ġlemma": 18810, + "}`);Ċ": 18811, + "lings": 18812, + "Ġgym": 18813, + "uminum": 18814, + ".Trim": 18815, + "Mem": 18816, + "Ġcriticism": 18817, + "ibernate": 18818, + "_TX": 18819, + "ioni": 18820, + "Ġguidance": 18821, + "Ġrepeatedly": 18822, + "Ġsupplier": 18823, + "Ġpainting": 18824, + ".Fragment": 18825, + "edException": 18826, + "Ġwiring": 18827, + "Ġcourts": 18828, + "WEB": 18829, + "æľī": 18830, + "\\.": 18831, + "illance": 18832, + "Ġbrows": 18833, + "ĠPattern": 18834, + "PLICATION": 18835, + "ĠSummer": 18836, + "Chain": 18837, + "Ġcute": 18838, + "mercial": 18839, + "Ġdil": 18840, + "ĠFranklin": 18841, + "ĉglobal": 18842, + "INCLUDING": 18843, + "history": 18844, + "Ġlst": 18845, + "Qt": 18846, + "SDL": 18847, + "alia": 18848, + "iere": 18849, + "(...": 18850, + "ĉcin": 18851, + "iffs": 18852, + "velope": 18853, + "ĠRoot": 18854, + "cluster": 18855, + "UserName": 18856, + "igne": 18857, + "()Ċ": 18949, + "Ġapplying": 18950, + "Ġpromised": 18951, + "Ġox": 18952, + "ncia": 18953, + "ĠValidation": 18954, + "orts": 18955, + "_cur": 18956, + "elect": 18957, + "eye": 18958, + "(Data": 18959, + "Ġreporter": 18960, + "ĠBuff": 18961, + "Ġsr": 18962, + "Ġ\";": 18963, + "icky": 18964, + "Ġtempor": 18965, + "SN": 18966, + "Ġresident": 18967, + "pires": 18968, + "ysical": 18969, + "Ġendorse": 18970, + "ĠSong": 18971, + "isEmpty": 18972, + "leet": 18973, + "_util": 18974, + "Ġdistingu": 18975, + "ĠTalk": 18976, + "ĠMot": 18977, + "(default": 18978, + ".Arg": 18979, + "gorithms": 18980, + "_words": 18981, + "immer": 18982, + "_reset": 18983, + "family": 18984, + "WW": 18985, + "Ġsavings": 18986, + "ĠâĢĿ": 18987, + "_enable": 18988, + "sidebar": 18989, + "Running": 18990, + "Ġali": 18991, + "Ġtestim": 18992, + "Ġwarnings": 18993, + "ĠChem": 18994, + "ĠExit": 18995, + "Ġfounder": 18996, + "pector": 18997, + "Ġrm": 18998, + "_dataset": 18999, + "ĠDas": 19000, + "Ġhan": 19001, + "Getty": 19002, + "ál": 19003, + "Ġny": 19004, + "Ġpoverty": 19005, + "Ġresulted": 19006, + ".by": 19007, + "ĠVisit": 19008, + "Ġobtaining": 19009, + "/'.$": 19010, + "ĠĠĠĠĠĠĠĠĠĠĠĊ": 19011, + "shall": 19012, + "_LEFT": 19013, + "UIImage": 19014, + "_Name": 19015, + "have": 19016, + "ĠNob": 19017, + "lr": 19018, + "-footer": 19019, + "Ġnaked": 19020, + "ĠGarden": 19021, + "\\Facades": 19022, + "Ġgraduate": 19023, + "Ġfranchise": 19024, + "plane": 19025, + "Ġcontributions": 19026, + "ĠstringWith": 19027, + "Ġcrypto": 19028, + "Ġmovements": 19029, + "athers": 19030, + "Ġlifetime": 19031, + "Ġcommunicate": 19032, + "jar": 19033, + "ĠFragment": 19034, + "_IF": 19035, + "ĠNavy": 19036, + "ĠFigure": 19037, + "Ġsimulation": 19038, + "_stop": 19039, + "Ġreporters": 19040, + "Ġversus": 19041, + "aja": 19042, + "Ġα": 19043, + "Ġgovernor": 19044, + "ListItem": 19045, + "Ġsealed": 19046, + ".Background": 19047, + "edi": 19048, + "ashing": 19049, + "Ġlip": 19050, + "ĠIh": 19051, + "merge": 19052, + "Ġnec": 19053, + "elocity": 19054, + "ATEG": 19055, + "Ġseeds": 19056, + "Ġfloating": 19057, + "_FA": 19058, + "walk": 19059, + "ĉuser": 19060, + "_depth": 19061, + "Ġwage": 19062, + "@app": 19063, + "Nil": 19064, + "([\"": 19065, + "(vector": 19066, + "Ġsecretary": 19067, + "ĠjPanel": 19068, + "vez": 19069, + "³³³³": 19070, + "direction": 19071, + "ĠEP": 19072, + "Ġhunt": 19073, + "JsonProperty": 19074, + "ĠPORT": 19075, + "]\",": 19076, + "ап": 19077, + "ĠForeign": 19078, + "panic": 19079, + "Ġtrials": 19080, + "ĠAle": 19081, + "Ġrural": 19082, + "-value": 19083, + "authorized": 19084, + "ĠScotland": 19085, + ".drop": 19086, + "ĠMT": 19087, + "ç±": 19088, + "rowth": 19089, + "FilePath": 19090, + "Ġrecall": 19091, + "ifle": 19092, + "Ġcel": 19093, + "ĠSELECT": 19094, + "kn": 19095, + "_case": 19096, + "Ġcrop": 19097, + "sure": 19098, + "pot": 19099, + "ICS": 19100, + "Ġstem": 19101, + "Ġindustries": 19102, + "Put": 19103, + "Ġaber": 19104, + "roadcast": 19105, + "Icons": 19106, + ")\")Ċ": 19107, + "æĪIJåĬŁ": 19108, + "gui": 19109, + "Ġassumed": 19110, + "Ġrx": 19111, + "EA": 19112, + "è§": 19113, + "ELL": 19114, + "Ġdose": 19115, + "Ġine": 19116, + "Ġdeeper": 19117, + "lider": 19118, + "Ġordinary": 19119, + "Ġgolf": 19120, + "_IMAGE": 19121, + "ĠNAME": 19122, + "(module": 19123, + "Ġatom": 19124, + "Ġbelt": 19125, + "Ġoffices": 19126, + "beta": 19127, + "Ġphilosophy": 19128, + "(JSON": 19129, + "-field": 19130, + "Ġintroduce": 19131, + "Ġconvenience": 19132, + "optim": 19133, + ">\"Ċ": 19134, + "athy": 19135, + "Ġemployer": 19136, + "quate": 19137, + "Ġedited": 19138, + "Arguments": 19139, + "ĠNations": 19140, + "__)": 19141, + "Ġnose": 19142, + "ĠSample": 19143, + "')ĊĊĊ": 19144, + "Ġcake": 19145, + ".getAttribute": 19146, + "HD": 19147, + "Modified": 19148, + "Ġpredicted": 19149, + "ÅĦ": 19150, + "anie": 19151, + "Sorry": 19152, + "(doc": 19153, + "wind": 19154, + "ieve": 19155, + "Ġprovisions": 19156, + "ATER": 19157, + "OTE": 19158, + "MY": 19159, + ".Autowired": 19160, + "ĠBath": 19161, + ".Boolean": 19162, + "Ġbackend": 19163, + ".Mouse": 19164, + "ateral": 19165, + "paper": 19166, + "Const": 19167, + "ĠVR": 19168, + "_entity": 19169, + "_CTRL": 19170, + "ĠProtection": 19171, + "ĠGM": 19172, + "ĠStudy": 19173, + "Ġsoup": 19174, + "otime": 19175, + "'use": 19176, + "]\"": 19177, + "/users": 19178, + "aug": 19179, + "ĠHong": 19180, + "_norm": 19181, + "ãģ¨": 19182, + "Ġsecre": 19183, + "(Build": 19184, + "ĠContract": 19185, + "olas": 19186, + "Ġsauce": 19187, + "Ġaggressive": 19188, + "Ġracial": 19189, + "character": 19190, + "@@": 19191, + "Ġcompile": 19192, + "ĠVoid": 19193, + "_rem": 19194, + "_memory": 19195, + "kk": 19196, + "Ġmic": 19197, + "Same": 19198, + "Utility": 19199, + "ĠHtml": 19200, + "ĠXml": 19201, + "Ready": 19202, + "Ġgall": 19203, + "Ġallegedly": 19204, + "ĉĉĉĉĠĠĠ": 19205, + "ĠMetal": 19206, + "ĠPersonal": 19207, + "ĠborderRadius": 19208, + "rxjs": 19209, + "objects": 19210, + "Ġwanting": 19211, + "Ġbowl": 19212, + "vendor": 19213, + "offsetof": 19214, + "ĠRs": 19215, + "ĠRating": 19216, + "Ġrally": 19217, + "_NODE": 19218, + "ĠMix": 19219, + "Ġadvertis": 19220, + "Ġnarrative": 19221, + "sal": 19222, + "Ġmc": 19223, + "SError": 19224, + "Ġfingers": 19225, + "Ġaccompany": 19226, + "Ġtired": 19227, + "Ġstride": 19228, + "Ġgui": 19229, + "elist": 19230, + "Locale": 19231, + "Ġreleases": 19232, + "iking": 19233, + "Ġanger": 19234, + ")))ĊĊ": 19235, + "allest": 19236, + "Summary": 19237, + "(O": 19238, + "(for": 19239, + "Ġbasketball": 19240, + "Ġroads": 19241, + "ĠInstall": 19242, + "ĠFab": 19243, + "itmap": 19244, + "Ġ))Ċ": 19245, + "Ġintersection": 19246, + "ighbor": 19247, + "ĠBry": 19248, + "ĠHERE": 19249, + "Software": 19250, + "elfare": 19251, + "acs": 19252, + "Ġtrailer": 19253, + ".getClass": 19254, + "chars": 19255, + "Ġregulation": 19256, + "Ġrefers": 19257, + "Ġdestruction": 19258, + "Ġcontinuous": 19259, + "ĠAustin": 19260, + "é¢": 19261, + "akan": 19262, + ".window": 19263, + "ĠTemplates": 19264, + "Ġabsence": 19265, + ":n": 19266, + "Ġdisorder": 19267, + "flash": 19268, + "Ġdelet": 19269, + "boards": 19270, + "ĠĠĉ": 19271, + "ROP": 19272, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 19273, + "Ġacqu": 19274, + "Ġlawsuit": 19275, + "ĠReviews": 19276, + "Ġgarage": 19277, + "timer": 19278, + "Ġej": 19279, + "ĠRectangle": 19280, + "Ġflowers": 19281, + "ilst": 19282, + "ĠInstance": 19283, + "Super": 19284, + "det": 19285, + "disposing": 19286, + "ĠES": 19287, + "ĠIC": 19288, + "vere": 19289, + "Sk": 19290, + "_channels": 19291, + "puted": 19292, + "/null": 19293, + "nnen": 19294, + "ĠGallery": 19295, + "_global": 19296, + "Authentication": 19297, + "ĠRank": 19298, + "Ġblocked": 19299, + "Ġcalm": 19300, + "market": 19301, + "ĉval": 19302, + "Ġaug": 19303, + "period": 19304, + "ĠConstant": 19305, + "Ġ?>\">Ċ": 19306, + "Ġlobby": 19307, + "pal": 19308, + "Ġsink": 19309, + "iah": 19310, + "С": 19311, + "urname": 19312, + "Ġconver": 19313, + "Ġinvestigate": 19314, + "Christ": 19315, + "Hub": 19316, + "ĠIND": 19317, + "ĠPed": 19318, + "uras": 19319, + "ĉurl": 19320, + "ĠTro": 19321, + "Ġpreferences": 19322, + "Ġguaranteed": 19323, + "`ĊĊ": 19324, + "Ġportions": 19325, + "Ġevalu": 19326, + "'>;ĊĊ": 19421, + ".AutoScaleMode": 19422, + "Ġcats": 19423, + "Ġregistry": 19424, + "ulus": 19425, + "FI": 19426, + "payload": 19427, + "-search": 19428, + "Ġstaying": 19429, + "acious": 19430, + "Decoration": 19431, + "Review": 19432, + "Inf": 19433, + "Keep": 19434, + "itis": 19435, + ",String": 19436, + "Coord": 19437, + "Ġpero": 19438, + "Sex": 19439, + "ĠAtlanta": 19440, + "uesta": 19441, + "Argb": 19442, + ">*": 19443, + "}_": 19444, + "Footer": 19445, + "Ġemployed": 19446, + "_bound": 19447, + "vide": 19448, + ".func": 19449, + "$scope": 19450, + "Ġspo": 19451, + "ĠAnal": 19452, + "ounced": 19453, + "around": 19454, + "Ġrestriction": 19455, + "Ġshops": 19456, + "åĢ": 19457, + "ĠLatin": 19458, + "-col": 19459, + "Ġbarely": 19460, + "ĠEuro": 19461, + "Er": 19462, + "Ġfaire": 19463, + "_distance": 19464, + "_unlock": 19465, + "Quote": 19466, + "IVATE": 19467, + "ĠåĪ": 19468, + "Ġaimed": 19469, + "ĠRetrie": 19470, + ".iter": 19471, + "Ġwrapped": 19472, + "Ġagreements": 19473, + "strument": 19474, + "(product": 19475, + "Ġstudied": 19476, + ".setValue": 19477, + "Ġye": 19478, + "ĠCache": 19479, + "MBOL": 19480, + "Ġquarterback": 19481, + "Ġsyntax": 19482, + ".getElementsBy": 19483, + ".version": 19484, + "website": 19485, + "Runner": 19486, + "_single": 19487, + "ativ": 19488, + "ĠAltern": 19489, + "ĠBeautiful": 19490, + "rightarrow": 19491, + "Ġdiversity": 19492, + "plash": 19493, + "(co": 19494, + ".Fill": 19495, + "Ġtyping": 19496, + "Ġclar": 19497, + "Hit": 19498, + "OO": 19499, + "acco": 19500, + "worth": 19501, + "Ġscripts": 19502, + "ĠMuslims": 19503, + "ĠLL": 19504, + "erving": 19505, + "(boolean": 19506, + "Ġbaseball": 19507, + "ĠCAN": 19508, + "MAIL": 19509, + "depend": 19510, + "Ġrespective": 19511, + "Ġconstexpr": 19512, + ".*;ĊĊ": 19513, + "']))Ċ": 19514, + "Ġyard": 19515, + "Ġidentical": 19516, + "ifecycle": 19517, + "USH": 19518, + "upiter": 19519, + ".validate": 19520, + "cli": 19521, + "ISTER": 19522, + "Indicator": 19523, + "Fail": 19524, + "Ġdemocracy": 19525, + ".var": 19526, + "Ġsatisfied": 19527, + "-------------": 19528, + "encer": 19529, + "hor": 19530, + "Ġrounds": 19531, + "DAO": 19532, + "oa": 19533, + "Ġflask": 19534, + "=c": 19535, + "[]Ċ": 19536, + "/dist": 19537, + "Ġparte": 19538, + "Ġconfirmation": 19539, + "eron": 19540, + "aware": 19541, + "": 19542, + "Ġdependencies": 19543, + "ĠVideos": 19544, + "-row": 19545, + "Ġ**/Ċ": 19546, + "Ġnou": 19547, + "Ġhover": 19548, + "æŀ": 19549, + "Ġnin": 19550, + "ĠUSD": 19551, + "Mac": 19552, + "_Load": 19553, + "Ġoutcomes": 19554, + "_socket": 19555, + "Ġqueries": 19556, + "wm": 19557, + "Ġhitting": 19558, + "inux": 19559, + "Mich": 19560, + "udge": 19561, + "ATAB": 19562, + "Ġvulnerable": 19563, + "ä¾": 19564, + "Ġportfolio": 19565, + ":YES": 19566, + "ĉmap": 19567, + "Bound": 19568, + "Ġiteration": 19569, + "incess": 19570, + "Ġactors": 19571, + "ĠQual": 19572, + "_clean": 19573, + "ãĢijãĢIJ": 19574, + "MSG": 19575, + "Green": 19576, + "ĠOfficer": 19577, + "Ġsmoking": 19578, + ">',": 19579, + "ĠFlo": 19580, + "++;": 19581, + "olygon": 19582, + "Ġbulk": 19583, + "Ġdrama": 19584, + "Ġexceptions": 19585, + "osed": 19586, + "Ġ+čĊ": 19587, + "Ġlegacy": 19588, + "CV": 19589, + "Ġcontributed": 19590, + "ĠTerms": 19591, + "Ġbt": 19592, + "Ġuntuk": 19593, + "Ġalien": 19594, + "===Ċ": 19595, + "ĉVector": 19596, + "Ġls": 19597, + "Online": 19598, + ".facebook": 19599, + "numeric": 19600, + "ockets": 19601, + "Aut": 19602, + "bury": 19603, + "-redux": 19604, + "ĠRedistributions": 19605, + "GLOBALS": 19606, + "urrencies": 19607, + "Ġtons": 19608, + "âĢĻ,": 19609, + "Ġê": 19610, + "(col": 19611, + "ĠSymbol": 19612, + "Ġstayed": 19613, + "ĠML": 19614, + "Ġmunicip": 19615, + "Ġsexo": 19616, + "Sen": 19617, + "nr": 19618, + "Ġgains": 19619, + "Ġshortly": 19620, + ".Menu": 19621, + "ý": 19622, + "KNOWN": 19623, + "Ġoperators": 19624, + "-V": 19625, + "ĠPatrick": 19626, + "/add": 19627, + "_CO": 19628, + "iration": 19629, + "(post": 19630, + "Posts": 19631, + "/_": 19632, + "Ġplug": 19633, + "Ġintellectual": 19634, + "Ġmetab": 19635, + "Ġpregnancy": 19636, + "ĠPremier": 19637, + "nm": 19638, + "Ġprediction": 19639, + "ĠMinistry": 19640, + "Three": 19641, + "valuate": 19642, + "ĠMini": 19643, + "bu": 19644, + "оз": 19645, + "\";čĊ": 20078, + "ĠSav": 20079, + ".Bold": 20080, + "Ġenables": 20081, + "ĉtmp": 20082, + "Ġmanually": 20083, + "ĠSqu": 20084, + "userid": 20085, + ".function": 20086, + ".cache": 20087, + "LOPT": 20088, + ".Services": 20089, + "ddit": 20090, + "tim": 20091, + ">>": 20154, + "station": 20155, + "lore": 20156, + "atype": 20157, + "ishop": 20158, + "/****************************************************************": 20159, + "ComboBox": 20160, + "Ġvacation": 20161, + "Ġinitiative": 20162, + "ĠdefaultValue": 20163, + "concat": 20164, + "ĠKh": 20165, + "ĠWelcome": 20166, + "izedName": 20167, + "Migration": 20168, + "Ġgradient": 20169, + "Hot": 20170, + "Ġhardly": 20171, + "elo": 20172, + "ĠStudents": 20173, + "Ġloose": 20174, + "atz": 20175, + ".Send": 20176, + "'/": 20177, + "Ġuniversal": 20178, + "Ġenterprise": 20179, + "Ġregex": 20180, + "Ġvisitor": 20181, + "ĠFly": 20182, + "Seq": 20183, + "à¸Ļ": 20184, + "ĠVisual": 20185, + "Ġlibraries": 20186, + "atoes": 20187, + "Payment": 20188, + "Ġpent": 20189, + "Ġgathered": 20190, + "VRTX": 20191, + "ĠDM": 20192, + "Split": 20193, + "Ġletting": 20194, + "ÐĿ": 20195, + "_errors": 20196, + "epoch": 20197, + "PARAM": 20198, + "cu": 20199, + "ÑģÑĤв": 20200, + "olutions": 20201, + "Editing": 20202, + "fonts": 20203, + "Ġallocated": 20204, + "ĠBased": 20205, + "(Y": 20206, + "ĠJudge": 20207, + "Ġbrothers": 20208, + "FILES": 20209, + "ço": 20210, + "wb": 20211, + "_PI": 20212, + "'^": 20213, + "Ġsword": 20214, + ".services": 20215, + "Ġnl": 20216, + "Tim": 20217, + "igg": 20218, + "ĠMoore": 20219, + "Ġcryptoc": 20220, + "åĩº": 20221, + "_posts": 20222, + "otate": 20223, + "?'": 20224, + "....ĊĊ": 20225, + "Ġkl": 20226, + "=\"$": 20227, + "Ġdecoration": 20228, + "ạ": 20229, + "ĠDIRECT": 20230, + "GUI": 20231, + ")=>{Ċ": 20232, + "Ġnewsletter": 20233, + "Ġprecis": 20234, + "(point": 20235, + "ĠEquipment": 20236, + "uty": 20237, + "ĠDave": 20238, + "Ġparticipation": 20239, + "uarios": 20240, + "xit": 20241, + ".As": 20242, + "ETER": 20243, + "orous": 20244, + "Ġshield": 20245, + "[]>": 20246, + "ilitary": 20247, + ".origin": 20248, + "Ġpromotion": 20249, + "Unt": 20250, + "Ġct": 20251, + "TRA": 20252, + "ViewHolder": 20253, + "Ġsigma": 20254, + "delta": 20255, + "arehouse": 20256, + "contract": 20257, + "(Vector": 20258, + "Ġcompete": 20259, + "/form": 20260, + "/components": 20261, + "Ġnr": 20262, + "ĠIndones": 20263, + "ĠоÑĤ": 20264, + "ĠVolume": 20265, + ".files": 20266, + "(resp": 20267, + "/models": 20268, + "Ġsurf": 20269, + "standard": 20270, + "/o": 20271, + "ĠXCTAssert": 20272, + "VICES": 20273, + ".Code": 20274, + "SED": 20275, + "Ġactivate": 20276, + "Delta": 20277, + "Ġlimitation": 20278, + "rij": 20279, + "Ġpregnant": 20280, + ":^(": 20281, + "Ġsour": 20282, + "pie": 20283, + "Ġexpense": 20284, + "ication": 20285, + "ĠLarge": 20286, + "Ġ±": 20287, + "ĠBowl": 20288, + "(models": 20289, + "/N": 20290, + "Pa": 20291, + ".reload": 20292, + "Ġwondering": 20293, + "Execution": 20294, + "ĉĠĠĠĠĠĠ": 20295, + "ĠGraphics": 20296, + "ĠContin": 20297, + "_job": 20298, + "ĠgetName": 20299, + "ĠMagn": 20300, + "ĠDWORD": 20301, + "mad": 20302, + "Ġnh": 20303, + "features": 20304, + "}\");Ċ": 20305, + "heets": 20306, + "(train": 20307, + "zn": 20308, + "Ġrecruit": 20309, + ".connection": 20310, + "Ġbarrel": 20311, + "Ġsteam": 20312, + "_setting": 20313, + "Ġangular": 20314, + "aneously": 20315, + "Ġbil": 20316, + "ĠNorm": 20317, + "(!$": 20318, + "ibt": 20319, + "%(": 20320, + "Ġposit": 20321, + "ĠFather": 20322, + "intendo": 20323, + "Live": 20324, + "Ġports": 20325, + "Ġmej": 20326, + "Ġlanding": 20327, + "ponder": 20328, + "Ġcod": 20329, + "_HEADER": 20330, + ".Margin": 20331, + "Ġballs": 20332, + "Ġdiscussions": 20333, + "Ġblend": 20334, + "Hex": 20335, + "Ġfarmers": 20336, + "Ġmaintaining": 20337, + "ĠĠĠčĊ": 20338, + "syn": 20339, + "[T": 20340, + "rus": 20341, + "uffers": 20342, + "Ġcontributors": 20343, + "_sys": 20344, + ".Debug": 20345, + "Ġconstructed": 20346, + "omes": 20347, + "?id": 20348, + "slider": 20349, + "Ġsuppliers": 20350, + "scriber": 20351, + "pes": 20352, + "Ðŀ": 20353, + "\":čĊ": 20354, + "\\Controller": 20355, + "))ĊĊĊ": 20356, + "Ġlua": 20357, + "Multi": 20358, + "ENS": 20359, + "Src": 20360, + "Ġpetition": 20361, + "Ġslave": 20362, + "looking": 20363, + "VERT": 20364, + "ĉvector": 20365, + "Special": 20366, + "hh": 20367, + "anne": 20368, + "ĠNiger": 20369, + "/views": 20370, + "zing": 20371, + "endant": 20372, + "(": 20591, + ".Product": 20592, + "Forms": 20593, + "NEW": 20594, + "Pay": 20595, + "ĉboolean": 20596, + "_contact": 20597, + "ĠElectric": 20598, + "skip": 20599, + "Ġwur": 20600, + "Ġchronic": 20601, + "_driver": 20602, + "ĠSab": 20603, + "ĠUlt": 20604, + "ĠRad": 20605, + "STATUS": 20606, + "ĠLewis": 20607, + "OB": 20608, + "Ġgifts": 20609, + ".Rec": 20610, + "TRUE": 20611, + "Ġintensity": 20612, + "Marker": 20613, + ".compare": 20614, + "ffic": 20615, + "Cookie": 20616, + "ĠBaby": 20617, + "ĠBigDecimal": 20618, + "ilet": 20619, + "ĠHOLDERS": 20620, + "ĠLady": 20621, + "Ġlung": 20622, + "ĠAlabama": 20623, + "Ġdess": 20624, + "`);Ċ": 20625, + "ĠBuilder": 20626, + "_region": 20627, + "Ġneutral": 20628, + "Both": 20629, + "Ġhp": 20630, + "Ġhorn": 20631, + "Ġsegments": 20632, + "ĠEC": 20633, + "\"=>\"": 20634, + "(rec": 20635, + "ĠPi": 20636, + "GM": 20637, + "Ġlaptop": 20638, + "Scalar": 20639, + "isd": 20640, + "-dialog": 20641, + "ĠAnderson": 20642, + "Ġmistakes": 20643, + "ĠHan": 20644, + "jes": 20645, + "estination": 20646, + "Ġpromises": 20647, + "bid": 20648, + "ĠScient": 20649, + "GIN": 20650, + "ĠPerformance": 20651, + "bage": 20652, + ".users": 20653, + "leading": 20654, + "Ġoral": 20655, + "Graphics": 20656, + "_PTR": 20657, + "hang": 20658, + "Ġinev": 20659, + "processing": 20660, + "Factor": 20661, + "ĠNA": 20662, + "$string": 20663, + "Ġgrounds": 20664, + ".SaveChanges": 20665, + "clock": 20666, + "cripcion": 20667, + "ĠNewton": 20668, + "gc": 20669, + ".includes": 20670, + "Ġblast": 20671, + "Ġ'-'": 20672, + "Ġpuede": 20673, + ".Session": 20674, + "Ġgrep": 20675, + "_final": 20676, + "ĠGay": 20677, + "ĠGive": 20678, + "iri": 20679, + "-star": 20680, + "ĠUIImage": 20681, + "_epoch": 20682, + "ubb": 20683, + "enth": 20684, + "Ġelite": 20685, + "Ġcampaigns": 20686, + "ĠPorno": 20687, + "_assign": 20688, + "Protocol": 20689, + "ĠBeing": 20690, + "ĠAirport": 20691, + "Ġconventional": 20692, + "ĠWat": 20693, + "ĠCI": 20694, + "ETA": 20695, + "ĠAnthony": 20696, + "Ġtablet": 20697, + "(format": 20698, + "Ġconsistently": 20699, + "ĠIowa": 20700, + "Ġavatar": 20701, + ".cursor": 20702, + "![": 20703, + "Ġhanging": 20704, + "Her": 20705, + "Such": 20706, + "';ĊĊĊ": 20707, + "orgeous": 20708, + "()==": 20709, + "ĠviewModel": 20710, + "Ġãĥ": 20711, + "Ġels": 20712, + "ĠAgent": 20713, + "Fetch": 20714, + "apor": 20715, + "Ġcx": 20716, + "pread": 20717, + "ĠPier": 20718, + "oeff": 20719, + "Sn": 20720, + "ĠVirtual": 20721, + "Apr": 20722, + ".White": 20723, + "_MOD": 20724, + "ĠPoints": 20725, + "失": 20726, + "Ġgenes": 20727, + "Ġvendor": 20728, + "Ġmainstream": 20729, + "Ċ": 20758, + "Filename": 20759, + "Ġsne": 20760, + "ĠFootball": 20761, + "Ġrival": 20762, + "Ġdisaster": 20763, + "ionic": 20764, + "ĠDamage": 20765, + ".Resource": 20766, + "-en": 20767, + "ĠTypes": 20768, + "getString": 20769, + "(board": 20770, + "Ġbol": 20771, + "plain": 20772, + "zym": 20773, + "า": 20774, + "Ġscanner": 20775, + "ilder": 20776, + "_msgs": 20777, + "æı": 20778, + "(intent": 20779, + "Ġdestruct": 20780, + "Ġbust": 20781, + "ĠEmploy": 20782, + "oni": 20783, + "ĠUIViewController": 20784, + "Ġodds": 20785, + "earer": 20786, + "Geometry": 20787, + "Ġyii": 20788, + "_EXPORT": 20789, + "ĠAttack": 20790, + "Ġniet": 20791, + "Ġimpression": 20792, + "ĠGil": 20793, + "_prob": 20794, + "ĠCF": 20795, + "ĠExperience": 20796, + "/plugins": 20797, + ".Method": 20798, + "Ġbeliefs": 20799, + "Native": 20800, + "_build": 20801, + "Ġvig": 20802, + "Ġranks": 20803, + "covered": 20804, + "such": 20805, + "Guard": 20806, + ".pack": 20807, + "adder": 20808, + "ivia": 20809, + "lng": 20810, + "ĠвÑĭ": 20811, + "Timestamp": 20812, + "_now": 20813, + "Ġpoker": 20814, + "Ġunc": 20815, + "Ġshapes": 20816, + "-types": 20817, + "_period": 20818, + "pk": 20819, + "Ġveteran": 20820, + "Ġsono": 20821, + "Ġappointed": 20822, + "overflow": 20823, + ".driver": 20824, + "_cat": 20825, + "utt": 20826, + "plant": 20827, + "imb": 20828, + "ĠAccept": 20829, + "Ġconcert": 20830, + "ĉnode": 20831, + "ĉz": 20832, + "?>čĊ": 20833, + "Ġbanned": 20834, + "ĉĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 20835, + "Ġtoxic": 20836, + "Ġdisappe": 20837, + "ÈĽ": 20838, + "Ġgrace": 20839, + "ateful": 20840, + "Reply": 20841, + "ĠCruz": 20842, + "Ġscrap": 20843, + "Ġkeywords": 20844, + "simp": 20845, + "Ġmortgage": 20846, + "Ġcyber": 20847, + "ĠExecute": 20848, + "Ġlatitude": 20849, + "ifu": 20850, + ".COM": 20851, + "dbo": 20852, + "Ġsorts": 20853, + "ĠGas": 20854, + "omial": 20855, + ".Local": 20856, + "Cells": 20857, + ".Replace": 20858, + "Strings": 20859, + ".fit": 20860, + "ĠThird": 20861, + "%\",Ċ": 20862, + "Ġ{}\".": 20863, + "ĠSony": 20864, + "Ġ[:": 20865, + "Ġfallen": 20866, + ".')Ċ": 20867, + "inh": 20868, + "ĠMC": 20869, + "Ġredis": 20870, + "Codes": 20871, + "Ġprofiles": 20872, + "hook": 20873, + "Reducer": 20874, + "_FUNC": 20875, + "Ġnavigate": 20876, + "strlen": 20877, + "Ġhorm": 20878, + "áŀ": 20879, + "ĠSR": 20880, + ".boot": 20881, + "Ġdigest": 20882, + "ĉheader": 20883, + ".findOne": 20884, + "æģ": 20885, + "DbType": 20886, + "nia": 20887, + "_merge": 20888, + "Ġdonne": 20889, + "/Getty": 20890, + "_CHAR": 20891, + "Ġbands": 20892, + ".URL": 20893, + "artial": 20894, + "Ġfreq": 20895, + "Ġsist": 20896, + "Ng": 20897, + "Ġrendering": 20898, + "\\Core": 20899, + "Widgets": 20900, + "ĠVA": 20901, + "Ġactivists": 20902, + "Ste": 20903, + "=_": 20904, + "alla": 20905, + "Stamp": 20906, + "Ġloads": 20907, + "Ġxx": 20908, + "ĠLearning": 20909, + ".Mvc": 20910, + "uir": 20911, + "(\"$": 20912, + "Ġconnecting": 20913, + "ReadOnly": 20914, + "uru": 20915, + "ĠEag": 20916, + "BIT": 20917, + "_DEL": 20918, + "å§": 20919, + "arrass": 20920, + "external": 20921, + "ĠYOUR": 20922, + "ĠBrew": 20923, + "ĠFive": 20924, + "Ġresize": 20925, + "igid": 20926, + "eration": 20927, + "ĠÑį": 20928, + "åĬł": 20929, + "ĠCatch": 20930, + "Ùģ": 20931, + "ĠLeon": 20932, + "amil": 20933, + ".Body": 20934, + "Clip": 20935, + "/list": 20936, + ".br": 20937, + "EditText": 20938, + "ĉdb": 20939, + ".Game": 20940, + "(BuildContext": 20941, + "backend": 20942, + ".Red": 20943, + "facebook": 20944, + ".urls": 20945, + "mr": 20946, + "rolled": 20947, + "-------": 20948, + "Ġintervention": 20949, + "Ġretirement": 20950, + "ĠKit": 20951, + "ĠPRE": 20952, + "UpperCase": 20953, + "ĠSocket": 20954, + "Ġ:-": 20955, + "Ġstudying": 20956, + "ĠMetro": 20957, + "arded": 20958, + "Ġconversations": 20959, + "Called": 20960, + "Ġexamine": 20961, + "ertificate": 20962, + ".gz": 20963, + "-responsive": 20964, + "Ġrefund": 20965, + "_network": 20966, + "allowed": 20967, + "empt": 20968, + "Ġmeals": 20969, + "Categories": 20970, + "Ġtraveling": 20971, + "Ġkg": 20972, + "Ġshame": 20973, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 20974, + "Ġexplicitly": 20975, + "Ġmathematic": 20976, + "ĠSuite": 20977, + "ĠRGB": 20978, + "******/": 20979, + "Ġmixture": 20980, + "learning": 20981, + ".template": 20982, + "atts": 20983, + "wx": 20984, + "ĉctx": 20985, + ".properties": 20986, + "Ġdrinks": 20987, + "ĠEither": 20988, + "setText": 20989, + ".getData": 20990, + ".zip": 20991, + "Ġreveals": 20992, + ".Ċ": 21005, + "Ġranked": 21006, + "_impl": 21007, + "ĠHandles": 21008, + "Ġhosted": 21009, + "Ġupdating": 21010, + "album": 21011, + "éĿ": 21012, + "Ġshader": 21013, + "Editors": 21014, + "-round": 21015, + "[]{": 21016, + "Ġsep": 21017, + "ĠHi": 21018, + "TEM": 21019, + "lookup": 21020, + ".man": 21021, + "_INPUT": 21022, + "Ġthreatened": 21023, + "_IMPORT": 21024, + "Ġdrops": 21025, + "ruit": 21026, + "sid": 21027, + "both": 21028, + "ĠExcel": 21029, + "Ġjer": 21030, + "ordinary": 21031, + "ей": 21032, + "VIEW": 21033, + "reply": 21034, + "Ġ):Ċ": 21035, + "colors": 21036, + "verified": 21037, + "_Tr": 21038, + "_parse": 21039, + "Ġcongress": 21040, + "Promise": 21041, + "ints": 21042, + "ĠMother": 21043, + ".Api": 21044, + "ĠDuration": 21045, + "ĠfirstName": 21046, + "inheritdoc": 21047, + "ĠMars": 21048, + "Ġapr": 21049, + "ODY": 21050, + "Ġvisits": 21051, + "Ġhealing": 21052, + "letters": 21053, + ")));čĊ": 21054, + "future": 21055, + ".Framework": 21056, + "Ġkiss": 21057, + "Ġinvolve": 21058, + "Ġsilent": 21059, + "adows": 21060, + "Ġanybody": 21061, + "sch": 21062, + "Ġsolely": 21063, + "-img": 21064, + "Ġpropri": 21065, + "Ġinstruct": 21066, + "Ġlicenses": 21067, + "Ġmeth": 21068, + "Ġcondem": 21069, + "ĠDomain": 21070, + "ĠHarris": 21071, + "ĠsÃ¥": 21072, + "CEPT": 21073, + "Batch": 21074, + "@extends": 21075, + "ĠCONTRIBUT": 21076, + ".DataFrame": 21077, + "_packet": 21078, + "recision": 21079, + "Ġfocusing": 21080, + ".ht": 21081, + "__\":Ċ": 21082, + ":Get": 21083, + "ĠKC": 21084, + "Ġpassage": 21085, + "Segment": 21086, + "_center": 21087, + "-zA": 21088, + "_BL": 21089, + "Ġconvin": 21090, + "Ġclassified": 21091, + "ĠNSMutable": 21092, + "_ap": 21093, + "tile": 21094, + "Rectangle": 21095, + "(nums": 21096, + "vens": 21097, + "ĠUIButton": 21098, + "ĠFeder": 21099, + "amo": 21100, + "Ġoutline": 21101, + "ĠParser": 21102, + "Ġâī": 21103, + "ĠWorks": 21104, + ".Schema": 21105, + "Ġengines": 21106, + "_common": 21107, + "_old": 21108, + "ĠsetContentView": 21109, + "Ġ///<": 21110, + "ĠBT": 21111, + "fm": 21112, + "Ġdivers": 21113, + "_weights": 21114, + "emark": 21115, + "ĠACT": 21116, + "Ġproportion": 21117, + "overlay": 21118, + ".dirname": 21119, + "ĠGit": 21120, + "_REFERENCE": 21121, + "<>": 21122, + "lb": 21123, + "_rule": 21124, + "è´¥": 21125, + "ĠPutin": 21126, + "Ġsleeping": 21127, + "():čĊ": 21128, + "Ġpreserve": 21129, + "Ġparliament": 21130, + "ĠLooking": 21131, + "Ġpicking": 21132, + "ĠDispatch": 21133, + "Ġslip": 21134, + "ëĵ": 21135, + "ĠLyn": 21136, + "_signal": 21137, + "configuration": 21138, + "ĠPitt": 21139, + "aden": 21140, + "procedure": 21141, + "Ġenthusi": 21142, + "fight": 21143, + "ĠConsider": 21144, + "Ġtorn": 21145, + "Connected": 21146, + ".cos": 21147, + "_groups": 21148, + "ĠThink": 21149, + "Ġdeliber": 21150, + "Ġresid": 21151, + "working": 21152, + ".columns": 21153, + "ĠCalled": 21154, + "Ġeslint": 21155, + ">\",": 21156, + "_DOWN": 21157, + "hist": 21158, + "ĠAdvanced": 21159, + "Ġrewards": 21160, + "actors": 21161, + "Ġsilence": 21162, + "Ġmyth": 21163, + "Ġneur": 21164, + "Ġauction": 21165, + ".GetString": 21166, + "eks": 21167, + "(project": 21168, + "ĉmsg": 21169, + "ĉoutput": 21170, + "Ġcomplaints": 21171, + ",S": 21172, + "Ġtbl": 21173, + "Ġ,ĊĊ": 21174, + "riors": 21175, + "ahren": 21176, + "Ġlawyers": 21177, + "redux": 21178, + "_symbol": 21179, + "offee": 21180, + "_RESULT": 21181, + "(Name": 21182, + "UTC": 21183, + ".currentTime": 21184, + "Ġorganis": 21185, + ".arg": 21186, + "Ġminim": 21187, + "wick": 21188, + "Ġreceives": 21189, + "Balance": 21190, + "Ġspeaks": 21191, + "ĠDays": 21192, + "ĠBelow": 21193, + "tipo": 21194, + "Present": 21195, + "Ġreserv": 21196, + "hp": 21197, + "Ġrit": 21198, + "_RIGHT": 21199, + "--)": 21200, + "Ġchairman": 21201, + "DIS": 21202, + "ĠBOOST": 21203, + "Ġexperiments": 21204, + "__);Ċ": 21205, + "Ġstamp": 21206, + "Ġfert": 21207, + "Ġfond": 21208, + "Ter": 21209, + "elve": 21210, + "uren": 21211, + "+i": 21212, + "endency": 21213, + "Ġvirtually": 21214, + "...\"": 21215, + "ï½ŀ": 21216, + "-cent": 21217, + "_unique": 21218, + "Ġpricing": 21219, + "mic": 21220, + "RESH": 21221, + "Ġ:::": 21222, + "Ġannotation": 21223, + "ĠCircle": 21224, + "ongodb": 21225, + "itas": 21226, + "Ġ%(": 21227, + "(component": 21228, + "Ġоб": 21229, + "(port": 21230, + "-hour": 21231, + ".obj": 21232, + "LBL": 21233, + "Ġjury": 21234, + "GBT": 21235, + "Ġspy": 21236, + "ĠProfessional": 21237, + "Ġ\"\";ĊĊ": 21238, + "Ġstriking": 21239, + "Ġdiscrimination": 21240, + "Ġpays": 21241, + "lict": 21242, + "entes": 21243, + "Ġthrowing": 21244, + "ĠPlugin": 21245, + "(def": 21246, + "ĠRuntimeException": 21247, + "ĠMigration": 21248, + "Ġdic": 21249, + "bag": 21250, + "onia": 21251, + "Ġcorruption": 21252, + "(Map": 21253, + "Ġprz": 21254, + ".dto": 21255, + "Ġacquire": 21256, + "StateToProps": 21257, + "Ġloving": 21258, + "ож": 21259, + "_pattern": 21260, + "Ġemotions": 21261, + "Ġpublisher": 21262, + "_be": 21263, + "Ġcouples": 21264, + "oj": 21265, + "ĠChart": 21266, + "Ġtrop": 21267, + ".tool": 21268, + "Ġestablishment": 21269, + "Ġdol": 21270, + "Ġtower": 21271, + "Ġlane": 21272, + "ĠSydney": 21273, + "Ġfilling": 21274, + "claimed": 21275, + "Ġdialogue": 21276, + "Ġconvention": 21277, + "booking": 21278, + "parency": 21279, + "æ±": 21280, + "ĠGeneric": 21281, + "\\Schema": 21282, + "Ġranges": 21283, + "/ch": 21284, + "Ġpanels": 21285, + "Ġruled": 21286, + "çĶŁ": 21287, + ".ts": 21288, + "_sets": 21289, + "Ġcleanup": 21290, + "Previous": 21291, + "ĠAnimal": 21292, + "($(": 21293, + "ĠAve": 21294, + "ollar": 21295, + "_eval": 21296, + "ĉName": 21297, + "(tree": 21298, + "Ġ\"]": 21299, + "Ġduties": 21300, + "='/": 21301, + "Clicked": 21302, + "Ġdifferently": 21303, + "ĠClark": 21304, + "Ġdit": 21305, + "ologists": 21306, + "Ġsynd": 21307, + "Ġsends": 21308, + "-known": 21309, + "kb": 21310, + "ĠModal": 21311, + "itative": 21312, + "Ġracing": 21313, + "Ġhighlights": 21314, + "ĠSimon": 21315, + "ĠCaptain": 21316, + "ä¿¡": 21317, + "ĠCB": 21318, + "contin": 21319, + "aran": 21320, + "Ġphysics": 21321, + "retty": 21322, + "etal": 21323, + ".md": 21324, + "axios": 21325, + "Ġspeakers": 21326, + "Ġprep": 21327, + "Ġawarded": 21328, + "ì§Ģ": 21329, + "ĠCorn": 21330, + "ĠNature": 21331, + "UDIO": 21332, + "Ġproj": 21333, + "-pre": 21334, + "[u": 21335, + "Features": 21336, + "ĠisEqual": 21337, + "Binary": 21338, + "sig": 21339, + "Ġconfusion": 21340, + "ĠHat": 21341, + "Ġktó": 21342, + ".configure": 21343, + "MON": 21344, + "/edit": 21345, + "_Add": 21346, + ",true": 21347, + "Ġcli": 21348, + "ErrorMessage": 21349, + "-loader": 21350, + "Dimensions": 21351, + "ultiply": 21352, + "Ġ{!!": 21353, + "ĠSqlCommand": 21354, + "Ġspoken": 21355, + "Ġpics": 21356, + "Ġtoy": 21357, + "(Key": 21358, + "ĠLoop": 21359, + "ب": 21360, + "EATURE": 21361, + "inction": 21362, + "_setup": 21363, + "wrapper": 21364, + "Ġtong": 21365, + "cular": 21366, + "Opt": 21367, + ".Pl": 21368, + "=\",": 21369, + "(length": 21370, + "umn": 21371, + "Ġchrom": 21372, + "Ġsevent": 21373, + "ĠIllegalArgumentException": 21374, + "ĉstart": 21375, + "Ġbegun": 21376, + "CEPTION": 21377, + "dataset": 21378, + "ĠFailed": 21379, + "cols": 21380, + "Ġknee": 21381, + "imore": 21382, + ".splice": 21383, + "shell": 21384, + "iggers": 21385, + "Ġthemes": 21386, + "ĠDJ": 21387, + "ĠAssistant": 21388, + "-$": 21389, + "Maybe": 21390, + "Ġordering": 21391, + "ĠIntelligence": 21392, + "ĠMassachusetts": 21393, + "Ġfailing": 21394, + "elson": 21395, + "Great": 21396, + "=i": 21397, + ".rest": 21398, + "Ġinvite": 21399, + "-disable": 21400, + ".GroupBox": 21401, + "âĢĻest": 21402, + "Ġtackle": 21403, + "gv": 21404, + "etter": 21405, + "Ġ),čĊ": 21406, + "_rules": 21407, + ".warn": 21408, + "functions": 21409, + "ĠChristians": 21410, + "Ġbacked": 21411, + "Ġslider": 21412, + "Ġenjoying": 21413, + "nest": 21414, + "Ġhij": 21415, + "_ms": 21416, + "//*": 21417, + "Annotations": 21418, + "ĠVariables": 21419, + "": 21620, + "cycle": 21621, + "ĠBull": 21622, + "paths": 21623, + "Ġunp": 21624, + "ĠviewDidLoad": 21625, + "_Model": 21626, + "ĠassertTrue": 21627, + "Ġrated": 21628, + "Decl": 21629, + "verted": 21630, + "ĠDat": 21631, + "brew": 21632, + "Ġpointing": 21633, + "Ms": 21634, + "ĠPointer": 21635, + ")'": 21636, + "_non": 21637, + "ĠSEC": 21638, + "Ġyeah": 21639, + "gency": 21640, + "initialize": 21641, + "fly": 21642, + "[pos": 21643, + ",g": 21644, + "Tele": 21645, + "Ġjoke": 21646, + "Ġclause": 21647, + ".findById": 21648, + "enes": 21649, + "(instance": 21650, + "£": 21651, + "Ġslic": 21652, + "_home": 21653, + "Ġ*/}Ċ": 21654, + "_pages": 21655, + "(service": 21656, + "RP": 21657, + "ĠAmong": 21658, + ".getCurrent": 21659, + "ãĤ¹": 21660, + "Ġslee": 21661, + "=[Ċ": 22071, + "oler": 22072, + "Ġlibert": 22073, + "Ġ`Ċ": 22074, + "Ġwenn": 22075, + "lated": 22076, + "Ġimmune": 22077, + "(Node": 22078, + "ĠProblem": 22079, + "ĠAbs": 22080, + "logs": 22081, + "Ġ../": 22082, + "ĠADC": 22083, + "Ġ}}\">Ċ": 22084, + ">');Ċ": 22085, + "=b": 22086, + "ĠWind": 22087, + "lahoma": 22088, + "Ġallocate": 22089, + "orian": 22090, + "Ġprescription": 22091, + "-quality": 22092, + "ĠMayor": 22093, + "inely": 22094, + "endforeach": 22095, + "ĠComplex": 22096, + "kom": 22097, + "TY": 22098, + "]].": 22099, + ".Style": 22100, + "_many": 22101, + "','$": 22102, + "Ġbarrier": 22103, + "ĠFetch": 22104, + "ĠMarvel": 22105, + "Ġresist": 22106, + "ого": 22107, + "bidden": 22108, + "ĠRunnable": 22109, + ":false": 22110, + "Ġbuilds": 22111, + "ĠStage": 22112, + "Ġdub": 22113, + "empo": 22114, + ".site": 22115, + ";ĊĊĊĊ": 22116, + "ĠDenver": 22117, + "Ġrevel": 22118, + "Ġtriggered": 22119, + "Ġdice": 22120, + "_fail": 22121, + "Ġgc": 22122, + "ĉX": 22123, + "ĠThrowable": 22124, + ".router": 22125, + "ĠRevolution": 22126, + "ÑĢа": 22127, + "_NON": 22128, + "Ł¥": 22129, + "Ġelder": 22130, + "Ġabroad": 22131, + "Ġе": 22132, + "ĠAdult": 22133, + "blr": 22134, + "glyphicon": 22135, + "Ġpromoting": 22136, + "Ġiz": 22137, + "ĠSolid": 22138, + "_loader": 22139, + "early": 22140, + ".enabled": 22141, + "-edit": 22142, + "ĠUL": 22143, + "_play": 22144, + "ĠInterrupt": 22145, + "Ġadvantages": 22146, + "ucle": 22147, + "Ġmechanical": 22148, + ".tableLayoutPanel": 22149, + "ĠWorking": 22150, + "Ġanonymous": 22151, + "Rating": 22152, + "igious": 22153, + "_phone": 22154, + ".addActionListener": 22155, + "Ġfran": 22156, + "unden": 22157, + "Ġ*)&": 22158, + "_bool": 22159, + "ulative": 22160, + "Ġcone": 22161, + "ĠMult": 22162, + "Ġmö": 22163, + "ĠForward": 22164, + "]):Ċ": 22165, + "Ġconvinced": 22166, + "acted": 22167, + "ãģĵ": 22168, + "ĠConfigure": 22169, + "Ġceiling": 22170, + "Der": 22171, + "Ġpassengers": 22172, + "Groups": 22173, + "Ġsoccer": 22174, + "/W": 22175, + "aviors": 22176, + "swith": 22177, + "ĠZone": 22178, + ".Options": 22179, + "ĠMom": 22180, + "ieder": 22181, + "Arrays": 22182, + "Ġtreatments": 22183, + "Ġprotecting": 22184, + "fac": 22185, + "Ġpickle": 22186, + "ButtonItem": 22187, + "Ġblocking": 22188, + "strar": 22189, + "ò": 22190, + "ĠExport": 22191, + "Ġthrew": 22192, + "otta": 22193, + "ĠBASE": 22194, + ".ws": 22195, + ".LEADING": 22196, + "orderBy": 22197, + "_delay": 22198, + "ĠPu": 22199, + ".dll": 22200, + "ĠChoose": 22201, + "Police": 22202, + "ĠBEGIN": 22203, + "boxes": 22204, + "Ġdiamond": 22205, + ",l": 22206, + "Ġĉĉĉ": 22207, + "Ġcurious": 22208, + "tv": 22209, + "Ġerotische": 22210, + "ackages": 22211, + "ĉSet": 22212, + "Tick": 22213, + ".border": 22214, + "staticmethod": 22215, + "Ġcher": 22216, + "invoice": 22217, + "Ġcru": 22218, + "Ġdefect": 22219, + "_metadata": 22220, + "relation": 22221, + "ikan": 22222, + "[N": 22223, + "(Qt": 22224, + "(Base": 22225, + "æģ¯": 22226, + "beat": 22227, + "ĠEmpty": 22228, + "ĉo": 22229, + "_shift": 22230, + "Ġregret": 22231, + "Those": 22232, + "Cent": 22233, + "ĠPortug": 22234, + "ĠIslands": 22235, + "ĠTIME": 22236, + "Management": 22237, + "-sp": 22238, + "ême": 22239, + "Ġnotion": 22240, + "unifu": 22241, + "PK": 22242, + "è¡Į": 22243, + "ĠCURLOPT": 22244, + "\\\"\\": 22245, + "UV": 22246, + "çº": 22247, + "dra": 22248, + "cou": 22249, + "=`": 22250, + "ĠDestroy": 22251, + "rp": 22252, + ".cancel": 22253, + "GG": 22254, + "runtime": 22255, + "ĠVue": 22256, + "Ġprogressive": 22257, + "/services": 22258, + "Ġrunner": 22259, + "_FRAME": 22260, + ".ToolStripMenuItem": 22261, + "Ġ','": 22262, + "delay": 22263, + "=utf": 22264, + "Ġscreening": 22265, + "Ġpulling": 22266, + "omas": 22267, + "Ġanth": 22268, + "-new": 22269, + "/local": 22270, + "ĠiPad": 22271, + "Ġtwitter": 22272, + "Ġdying": 22273, + "Ġheaven": 22274, + "ĠUInt": 22275, + "ĠSenator": 22276, + "Ġpresum": 22277, + "ĠWalker": 22278, + "Ġovercome": 22279, + "etection": 22280, + "Ġembarrass": 22281, + "China": 22282, + "Include": 22283, + "ROLL": 22284, + "ĠdataType": 22285, + "David": 22286, + "ร": 22287, + "lop": 22288, + "-month": 22289, + "Ġscar": 22290, + "ĠSafe": 22291, + "Ġ****************************************************************": 22292, + "Ġaccessories": 22293, + "Ġramp": 22294, + "_USE": 22295, + "Ġcontrad": 22296, + "))]Ċ": 22297, + "Ġprest": 22298, + "ĠHR": 22299, + "ĠRap": 22300, + "Ġusize": 22301, + "Ġcapability": 22302, + "Ġcort": 22303, + "-next": 22304, + "Ġburden": 22305, + "_reader": 22306, + "Ġ@@": 22307, + "regular": 22308, + "ĠKa": 22309, + "MAN": 22310, + "Ġastr": 22311, + "Ġ'')Ċ": 22312, + "Ġfed": 22313, + "Ġparsing": 22314, + "ĠYears": 22315, + "Ġbroker": 22316, + "\":{\"": 22317, + "Ġakt": 22318, + "Inventory": 22319, + "abeled": 22320, + "Ġargparse": 22321, + "*******Ċ": 22322, + "versation": 22323, + "Ġcord": 22324, + "ĠTi": 22325, + "Ġhopefully": 22326, + "Ġah": 22327, + "verb": 22328, + "Ġstolen": 22329, + ".Entry": 22330, + "Ġexpecting": 22331, + "Orientation": 22332, + "Ġpowered": 22333, + "Ġpersist": 22334, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 22335, + "']);": 22336, + "')),Ċ": 22337, + "ĠCash": 22338, + "ĉitem": 22339, + "grades": 22340, + "ropol": 22341, + "basic": 22342, + "Ġ\");čĊ": 22343, + "Ġawards": 22344, + "(range": 22345, + "-all": 22346, + "ĠIBOutlet": 22347, + "ĠIndeed": 22348, + "----------------------------------------------------------------------------": 22349, + "Ġstomach": 22350, + "Ġflower": 22351, + "Ġsew": 22352, + "_times": 22353, + "avis": 22354, + "QString": 22355, + "ĠRoutes": 22356, + "_prot": 22357, + "Ġcomedy": 22358, + "Ġlogout": 22359, + "Ġwooden": 22360, + "Ġposter": 22361, + "piece": 22362, + ".Join": 22363, + "ĠPok": 22364, + "celona": 22365, + "mutex": 22366, + ";čĊčĊčĊ": 22367, + "Ġstrikes": 22368, + "Loaded": 22369, + ")arg": 22370, + "esa": 22371, + "United": 22372, + "Ep": 22373, + "PELL": 22374, + "ĠAtlantic": 22375, + "ullet": 22376, + "apple": 22377, + "Ġsettled": 22378, + "acon": 22379, + "Ġprinter": 22380, + "ĠGC": 22381, + "å®ļ": 22382, + "Ġrendered": 22383, + ",âĢĻ": 22384, + "heit": 22385, + "social": 22386, + ".ge": 22387, + "ĠRick": 22388, + "ĠUtah": 22389, + "got": 22390, + "onical": 22391, + "ĠScroll": 22392, + "ĠSciences": 22393, + "Ġjug": 22394, + "Ġampl": 22395, + "enti": 22396, + "LEFT": 22397, + "Ġtabs": 22398, + "Ġenormous": 22399, + ".getKey": 22400, + "locate": 22401, + ".EX": 22402, + ".storage": 22403, + ".We": 22404, + "Ġtoast": 22405, + "ĠAdditionally": 22406, + "ĠNOW": 22407, + "_UPDATE": 22408, + "Ġtransferred": 22409, + "tha": 22410, + ".Display": 22411, + "_ui": 22412, + "IDEO": 22413, + "Ġmeaningful": 22414, + "ĠMoscow": 22415, + ",this": 22416, + "ĠVictoria": 22417, + "æĶ¹": 22418, + "ĠÐŁ": 22419, + ".stack": 22420, + "ĠBarn": 22421, + "paredStatement": 22422, + ":string": 22423, + "Ġbij": 22424, + "ĠSTATE": 22425, + "Ġemployers": 22426, + "ĉinput": 22427, + "(|": 22428, + "Ġlex": 22429, + "invoke": 22430, + "ĉnum": 22431, + "++,": 22432, + "atial": 22433, + "orses": 22434, + "Ġfork": 22435, + "_txt": 22436, + "ĠAntonio": 22437, + "Ġ(<": 22438, + "averse": 22439, + "Ġdevast": 22440, + "ãĢĢ": 22441, + ".Dec": 22442, + "ĠGard": 22443, + "/ui": 22444, + ".%": 22445, + "tri": 22446, + "Ġrolled": 22447, + "ValuePair": 22448, + "itten": 22449, + "ĠTher": 22450, + "Ġvrou": 22451, + "ĠFlow": 22452, + "ĠFinance": 22453, + "ĠComb": 22454, + "HC": 22455, + ".setVisible": 22456, + "isl": 22457, + "Ġpk": 22458, + "Ġupset": 22459, + "(raw": 22460, + "ĠVice": 22461, + "eatures": 22462, + "ĠLang": 22463, + "Looking": 22464, + "ĠAST": 22465, + "Ġtrips": 22466, + "ĠJustin": 22467, + "browser": 22468, + "=\"'.$": 22469, + ".vertices": 22470, + "-co": 22471, + "}/{": 22472, + "Ġ?,": 22473, + "ĠDomin": 22474, + "ĠBelg": 22475, + "\"<": 22476, + "Ġsuppose": 22477, + "addy": 22478, + "Ġwalks": 22479, + "ERRU": 22480, + "_filters": 22481, + "Preferred": 22482, + "scene": 22483, + "еÑģ": 22484, + "ĠAffairs": 22485, + "Ġ\"#{": 22486, + "ĠonSubmit": 22487, + "Ġstocks": 22488, + "/view": 22489, + "gree": 22490, + "-get": 22491, + "hit": 22492, + "Jo": 22493, + ".getC": 22494, + "Initialized": 22495, + "ÑĤи": 22496, + "cuts": 22497, + "(Type": 22498, + "ĠAgreement": 22499, + "ĠVietnam": 22500, + "Ġ/*!": 22501, + "Ġpizza": 22502, + "-view": 22503, + "_em": 22504, + "Ġlhs": 22505, + "Ġmuy": 22506, + "ĠIdent": 22507, + "ĠFriends": 22508, + "Ġabund": 22509, + "_AD": 22510, + ".timestamp": 22511, + "-'": 22512, + "Ġduplicate": 22513, + "Ġhunting": 22514, + "Ġregulatory": 22515, + "iao": 22516, + "amous": 22517, + "ĠEntertainment": 22518, + "[A": 22519, + "iatric": 22520, + "_CLIENT": 22521, + "ĠKids": 22522, + "/pkg": 22523, + "Break": 22524, + ")));ĊĊ": 22525, + "ĠShape": 22526, + "Ġrelating": 22527, + "Interrupt": 22528, + "ableOpacity": 22529, + "embre": 22530, + "Ġmystery": 22531, + "Ġjournalists": 22532, + "ritable": 22533, + ".Link": 22534, + "Ġstopping": 22535, + "CRET": 22536, + ".DB": 22537, + "Ġpopularity": 22538, + "Ġgew": 22539, + "Ġimpr": 22540, + "setValue": 22541, + "FLAG": 22542, + "ĉmax": 22543, + "Ġbake": 22544, + "wy": 22545, + "ĠEconomic": 22546, + "Ġencontr": 22547, + "Ġfname": 22548, + "/de": 22549, + "Rank": 22550, + "Ġbugs": 22551, + ".sm": 22552, + "Ġmedian": 22553, + "DOWN": 22554, + "ĠSure": 22555, + "AtIndex": 22556, + "ĠDick": 22557, + "Ġ(__": 22558, + ".delta": 22559, + "Fr": 22560, + "Ġsuggesting": 22561, + "ĠRecyclerView": 22562, + ",e": 22563, + "START": 22564, + "/****************************************************************************": 22565, + "xford": 22566, + "Ġreceipt": 22567, + "CLAIM": 22568, + "readonly": 22569, + "Ġengaging": 22570, + "Ca": 22571, + "asma": 22572, + "Ġensuring": 22573, + "English": 22574, + "ĠVancouver": 22575, + "hyth": 22576, + "Ġpurchasing": 22577, + "ĠPI": 22578, + ".word": 22579, + "(sp": 22580, + ".home": 22581, + ":def": 22582, + "Ġgig": 22583, + "ĠVe": 22584, + "forum": 22585, + "ĠMitch": 22586, + "Bay": 22587, + "_FL": 22588, + "Ġsoll": 22589, + "_columns": 22590, + "Ġminority": 22591, + "bird": 22592, + "Ġhanded": 22593, + "SSL": 22594, + "STAT": 22595, + "Ġnervous": 22596, + "ĥ½": 22597, + "ĠfilePath": 22598, + "CREATE": 22599, + "Aw": 22600, + "Ġpens": 22601, + "seed": 22602, + "ĠCompute": 22603, + "olk": 22604, + "ĠAsset": 22605, + "reach": 22606, + "'),čĊ": 22607, + "navigation": 22608, + "LF": 22609, + "/util": 22610, + "ĠPub": 22611, + "ĠâĶ": 22612, + "cion": 22613, + "##Ċ": 22614, + "III": 22615, + "TagName": 22616, + "Ġamid": 22617, + "permission": 22618, + "ifiable": 22619, + "xFFFFFFFF": 22620, + "ни": 22621, + ".Buffer": 22622, + "_irq": 22623, + "dark": 22624, + "Ġretval": 22625, + ".fire": 22626, + "production": 22627, + ".listen": 22628, + "ĠWeather": 22629, + "Ġbuyers": 22630, + ".ne": 22631, + "erp": 22632, + "ĠPent": 22633, + "Ġwelfare": 22634, + "ĠpageSize": 22635, + "ĠStadium": 22636, + "erta": 22637, + "Ġlev": 22638, + "ampa": 22639, + "Pager": 22640, + "Ġcharging": 22641, + "ĠNetflix": 22642, + "|null": 22643, + "_random": 22644, + ".xpath": 22645, + "Ġstere": 22646, + "ĠISIS": 22647, + "ponses": 22648, + "(loc": 22649, + "eyond": 22650, + "ĠOfficial": 22651, + "ĠMaryland": 22652, + "DataType": 22653, + "_par": 22654, + "{},": 22655, + "ĠEnjoy": 22656, + "_SHIFT": 22657, + "ĠAwards": 22658, + "_ENTRY": 22659, + "Ġseemingly": 22660, + "enticate": 22661, + "Ġhearts": 22662, + "_;ĊĊ": 22663, + "ĠHIV": 22664, + "Ġindivid": 22665, + "ĠFlag": 22666, + "_ctrl": 22667, + "ĠCallback": 22668, + ",z": 22669, + "ĠGPU": 22670, + "ĉobj": 22671, + "ĠPhoenix": 22672, + "ĠBUS": 22673, + "Ġrubber": 22674, + "_AUTH": 22675, + "ĠSolutions": 22676, + "(location": 22677, + "Variables": 22678, + ".setEnabled": 22679, + "_high": 22680, + "WO": 22681, + "Gesture": 22682, + "Ġretry": 22683, + "ĠobjectForKey": 22684, + "alloween": 22685, + "Ġmos": 22686, + "ĠCele": 22687, + "Ġikke": 22688, + "(cell": 22689, + "ĠMODE": 22690, + "rena": 22691, + "Ġdescribing": 22692, + "Ġphi": 22693, + "Ġrd": 22694, + "Ġdeserve": 22695, + "Ġwheels": 22696, + "å¸Ĥ": 22697, + "Ġcritics": 22698, + "Namespace": 22699, + "ĠFra": 22700, + "ĠĊĊĊĊ": 22701, + "Ġalla": 22702, + "Ġrequiring": 22703, + "æľŁ": 22704, + "utation": 22705, + "Ġdelayed": 22706, + "Ġadministrative": 22707, + "Ġbay": 22708, + ".hidden": 22709, + "Tex": 22710, + "Ġboundaries": 22711, + "Ġ]);ĊĊ": 22712, + "ĠFollowing": 22713, + "~/": 22714, + "Fi": 22715, + "_conv": 22716, + "_TITLE": 22717, + "Ġdesde": 22718, + "ICollectionView": 22719, + "Alias": 22720, + "Ġbite": 22721, + "patient": 22722, + "_COMMAND": 22723, + "Completed": 22724, + "ĉelif": 22725, + "(<": 22726, + "Business": 22727, + "ĠPool": 22728, + "Ġpursue": 22729, + "ĠBan": 22730, + "_steps": 22731, + "_DECL": 22732, + "umble": 22733, + "Ġcombo": 22734, + "ĠLayer": 22735, + ".xr": 22736, + "Ġdup": 22737, + "---------": 22738, + "Ġmodifier": 22739, + "rob": 22740, + "rez": 22741, + "Ġathletes": 22742, + "Used": 22743, + "wear": 22744, + "Ġlegitimate": 22745, + "Ġ\"ĊĊ": 22746, + "Ġhv": 22747, + "Std": 22748, + "ĠHold": 22749, + "Ġsurviv": 22750, + "ĠAlliance": 22751, + "ĠEarly": 22752, + "Behavior": 22753, + "(font": 22754, + "/libs": 22755, + "Ġrectangle": 22756, + "Ġsinger": 22757, + "Ġamp": 22758, + "EqualTo": 22759, + "Ġ\".\"": 22760, + "Ġgirlfriend": 22761, + "å±": 22762, + "linear": 22763, + "observ": 22764, + "Ġpiù": 22765, + "Ġcomplement": 22766, + "WithValue": 22767, + "(password": 22768, + "take": 22769, + "Blank": 22770, + "ĠCompar": 22771, + "'\",": 22772, + "_policy": 22773, + "mongoose": 22774, + "_FAILED": 22775, + ".report": 22776, + "Ratio": 22777, + ".PerformLayout": 22778, + "usable": 22779, + "mers": 22780, + "_render": 22781, + "PEED": 22782, + "Ġlesb": 22783, + "ĉE": 22784, + "_tool": 22785, + "Ġladies": 22786, + "оÑģ": 22787, + "))))Ċ": 22788, + ";;;;": 22789, + ".dot": 22790, + "Ġnest": 22791, + "peak": 22792, + "ukkit": 22793, + "eca": 22794, + "_SW": 22795, + "Ġ&(": 22796, + "ĠOklahoma": 22797, + "Ġbanking": 22798, + "ĠNintendo": 22799, + "Ġreproduce": 22800, + "_elements": 22801, + "_mac": 22802, + "proxy": 22803, + "Ġremarkable": 22804, + "}/${": 22805, + "Ġouts": 22806, + ".hasNext": 22807, + "MODE": 22808, + "Ġanime": 22809, + ".conn": 22810, + "Unique": 22811, + "Dom": 22812, + "Ġimportantly": 22813, + "itty": 22814, + "Ġjuice": 22815, + "Tw": 22816, + "ĠPartners": 22817, + "Ġattacking": 22818, + "Ġportable": 22819, + "amiento": 22820, + ".PictureBox": 22821, + ".gen": 22822, + "Ġoptimal": 22823, + "Ġrecre": 22824, + "Ġjournalist": 22825, + "ĠExtract": 22826, + "ĠMoreover": 22827, + "ĠmarginTop": 22828, + ".Ap": 22829, + "Ġfiring": 22830, + "NaN": 22831, + "ĉtemplate": 22832, + "ад": 22833, + ".En": 22834, + "Ġdefence": 22835, + "ĠTel": 22836, + "ilen": 22837, + "jan": 22838, + "=data": 22839, + "ĠUrl": 22840, + "ĠReuters": 22841, + "(total": 22842, + "ĠFifth": 22843, + "Ġessays": 22844, + "Ġinterpretation": 22845, + "Ġcharity": 22846, + "ĠRules": 22847, + "Ġsubsection": 22848, + "styled": 22849, + "azer": 22850, + "lags": 22851, + "LIST": 22852, + "Ġuploaded": 22853, + "Ġtrash": 22854, + "Ġregistr": 22855, + "Ġseller": 22856, + ">';čĊ": 22857, + "ĠstartTime": 22858, + "çĻ": 22859, + "sy": 22860, + "(HttpServletRequest": 22861, + "Ġtrap": 22862, + "GC": 22863, + "Ġembedded": 22864, + "Ġsurrounded": 22865, + "imits": 22866, + "TX": 22867, + "ylinder": 22868, + "ĠFal": 22869, + "Ġsentences": 22870, + "ĠJa": 22871, + "IFICATION": 22872, + "weapon": 22873, + "ovation": 22874, + "Ġcoat": 22875, + "Ġinterpol": 22876, + "Ġlips": 22877, + "ĠKy": 22878, + "Ġvectors": 22879, + "_am": 22880, + "Ġintake": 22881, + ".world": 22882, + "Ġinbox": 22883, + "ĠMAC": 22884, + "_ab": 22885, + "(nameof": 22886, + "Ġentert": 22887, + "Ġgathering": 22888, + "ĠSIM": 22889, + "++.": 22890, + "nya": 22891, + "'}}": 22892, + "ĠUPDATE": 22893, + "Ġpac": 22894, + "(html": 22895, + "ĠSant": 22896, + "iating": 22897, + "ĠIdeas": 22898, + "Ġspray": 22899, + "ĠHart": 22900, + "Ġverification": 22901, + "adesh": 22902, + "/modules": 22903, + "ĠMind": 22904, + "ĠSizedBox": 22905, + "Ġshelter": 22906, + "Ġheroes": 22907, + "atty": 22908, + "Ġcertified": 22909, + "sj": 22910, + "Ġêtre": 22911, + "ÅĤo": 22912, + "Ġpublishing": 22913, + "ĠMalays": 22914, + ".getUser": 22915, + "ĠProvider": 22916, + "ĠLinkedList": 22917, + "ĠBor": 22918, + "ROUND": 22919, + "did": 22920, + "tain": 22921, + "pire": 22922, + "ĠJenn": 22923, + "tel": 22924, + "ande": 22925, + "_front": 22926, + "ĠMcG": 22927, + "TestMethod": 22928, + "à¸Ń": 22929, + "Ġoccasionally": 22930, + "ĠWales": 22931, + "Ġexercises": 22932, + "ĠÐĴ": 22933, + "-plus": 22934, + "Ġvalidator": 22935, + "Ġprayer": 22936, + "LATED": 22937, + "_author": 22938, + "Ġlabour": 22939, + "++Ċ": 22940, + "-equiv": 22941, + "ĠGPL": 22942, + "Ġfacebook": 22943, + "simple": 22944, + "gly": 22945, + "Processor": 22946, + "ipy": 22947, + "Ġ*>": 22948, + "Ġcleared": 22949, + "ĠPush": 22950, + "Ġpenis": 22951, + "Structure": 22952, + "lij": 22953, + "ĠMorgan": 22954, + "Ġhandful": 22955, + "\".Ċ": 22956, + "|\\": 22957, + "Ġ********************************": 22958, + "ĠAqu": 22959, + "_IC": 22960, + ".loads": 22961, + "Ġmeter": 22962, + "ĠMarine": 22963, + "::{": 22964, + "ĠTS": 22965, + "ĠArrays": 22966, + ".Title": 22967, + "GRAM": 22968, + "termin": 22969, + "Ġcoinc": 22970, + "Else": 22971, + "_states": 22972, + "-run": 22973, + "members": 22974, + "astro": 22975, + "ĠonPress": 22976, + "Ġbeings": 22977, + "Ġabandoned": 22978, + "Ġtaxp": 22979, + "owners": 22980, + ".mode": 22981, + "Ġdiagnosis": 22982, + "Ġ_Ċ": 22983, + "ĠKnight": 22984, + "ĉA": 22985, + "Ġobserve": 22986, + "),'": 22987, + "!\")Ċ": 22988, + "ĠPara": 22989, + "Ġvariation": 22990, + "(False": 22991, + "ĠAnti": 22992, + "Ġgri": 22993, + "Ġhomeless": 22994, + "?v": 22995, + "Ġbez": 22996, + ".Server": 22997, + "release": 22998, + "ĠPatri": 22999, + "Ġchars": 23000, + "Ġranking": 23001, + "activation": 23002, + "Ġwides": 23003, + "qr": 23004, + ".Sql": 23005, + "acular": 23006, + "ĠBot": 23007, + "_sync": 23008, + "Ġhappiness": 23009, + "Ġvolunteers": 23010, + "Ġsits": 23011, + "/<": 23012, + "[e": 23013, + "(fileName": 23014, + "Ġcapac": 23015, + "ĠMaria": 23016, + "father": 23017, + "Ġgram": 23018, + "*i": 23019, + "Ġcaso": 23020, + "_draw": 23021, + "ĠRaw": 23022, + "ĠIterator": 23023, + "ĠPadding": 23024, + "PD": 23025, + "BOX": 23026, + "ĠSPECIAL": 23027, + "Ġfecha": 23028, + "Ġvide": 23029, + "ĠLeader": 23030, + "以": 23031, + "$(\".": 23032, + "Ġdiameter": 23033, + "Ġmild": 23034, + "Ġrocks": 23035, + "appings": 23036, + "directory": 23037, + ".flush": 23038, + "ĠJess": 23039, + "UNIT": 23040, + "ĠPear": 23041, + "Ġmandatory": 23042, + "Sur": 23043, + "qt": 23044, + "Ġstreams": 23045, + "Ġcooperation": 23046, + "ĠSac": 23047, + "Ġcheaper": 23048, + "ĉch": 23049, + "animation": 23050, + "fare": 23051, + "(height": 23052, + "(True": 23053, + "NY": 23054, + "Ġwrest": 23055, + "Ġpolls": 23056, + "Ġencountered": 23057, + "ĠMarketable": 23058, + "_PASSWORD": 23059, + "_SELECT": 23060, + "ĠArabia": 23061, + "_clock": 23062, + "Ġvoy": 23063, + "Ġиз": 23064, + "Ġstir": 23065, + "isible": 23066, + "-effect": 23067, + ".created": 23068, + "Ġtoys": 23069, + "ĠTradable": 23070, + "Ġrust": 23071, + "Ġstrcpy": 23072, + "_timestamp": 23073, + "Ġtalented": 23074, + ",null": 23075, + "ĠJobs": 23076, + "ĠPortland": 23077, + "Ġweakness": 23078, + "Throw": 23079, + "ĠAngel": 23080, + "ä¿®": 23081, + "Ġuncert": 23082, + "ï¼īĊ": 23083, + "ĠìĿ´": 23084, + "Which": 23085, + "Ġ[-]:": 23086, + "Something": 23087, + "Ġconvicted": 23088, + "kle": 23089, + "edium": 23090, + "Ġbranches": 23091, + "Ġbases": 23092, + "ç®": 23093, + "Ġcomplexity": 23094, + "ĠFig": 23095, + ".reshape": 23096, + "$db": 23097, + "_CONST": 23098, + "ĠTes": 23099, + ".runtime": 23100, + "Ġdeny": 23101, + "ĠBSD": 23102, + "Ġkr": 23103, + "hatt": 23104, + "ĠStatic": 23105, + "Ġuniversities": 23106, + "Replace": 23107, + "Ġdrove": 23108, + "Ġadoles": 23109, + "_plugin": 23110, + "ĠLGBT": 23111, + "Ġtex": 23112, + "duction": 23113, + "EDI": 23114, + "ĠTed": 23115, + "_URI": 23116, + "Ġreception": 23117, + "arten": 23118, + ".Single": 23119, + "rice": 23120, + "scious": 23121, + "_bg": 23122, + "Ġwages": 23123, + "ĠServlet": 23124, + "UILayout": 23125, + "Ġformatted": 23126, + ".Mod": 23127, + "',Ċ": 23174, + "Ġexpanding": 23175, + "ĠHamilton": 23176, + "ĠContrib": 23177, + ".Tables": 23178, + "Activ": 23179, + "HH": 23180, + "ocommerce": 23181, + "_;": 23182, + "Ġamongst": 23183, + "owing": 23184, + "ĠCold": 23185, + "APH": 23186, + "Ġpsychological": 23187, + "_tensor": 23188, + "Ġpackaging": 23189, + "ĠSweden": 23190, + "Ġpare": 23191, + "Ġaggregate": 23192, + "Ġmoderate": 23193, + "_hand": 23194, + "Ġdesignated": 23195, + "Ġdrum": 23196, + "ĠgetUser": 23197, + "ĠCreek": 23198, + "_scope": 23199, + "ĠTransfer": 23200, + "ĠMarg": 23201, + "Ġfighters": 23202, + "Wnd": 23203, + "ĠSel": 23204, + "ĠLaunch": 23205, + "Ġemerging": 23206, + "iframe": 23207, + "ĠAdditional": 23208, + "Ġfears": 23209, + "Ġsatellite": 23210, + "_:": 23211, + "Ġdisposing": 23212, + "GetValue": 23213, + "HttpPost": 23214, + "ATIVE": 23215, + "ulary": 23216, + "Views": 23217, + "Ġattending": 23218, + "ĠTennessee": 23219, + "ĠMission": 23220, + "Ġmedication": 23221, + "ĠWy": 23222, + "ĠAnna": 23223, + "ع": 23224, + "ĠVertex": 23225, + ".types": 23226, + "Organ": 23227, + ".DataGridViewTextBoxColumn": 23228, + "ĠRS": 23229, + "Ġtempo": 23230, + "(App": 23231, + "VersionUID": 23232, + ".point": 23233, + "ĠDutch": 23234, + "Hours": 23235, + "LU": 23236, + "Ġquoted": 23237, + ".builder": 23238, + "ĠPerfect": 23239, + "ĠAlways": 23240, + "_two": 23241, + "Ġexclusively": 23242, + "ĠCra": 23243, + "ificar": 23244, + "ĠAWS": 23245, + "ingham": 23246, + "complex": 23247, + "kernel": 23248, + "Ġgravity": 23249, + "Ġwi": 23250, + "Ġoverview": 23251, + "ĠWant": 23252, + "ĠWP": 23253, + "(sh": 23254, + ".rotation": 23255, + "States": 23256, + "ĠTeen": 23257, + "_components": 23258, + "ìĪĺ": 23259, + "Received": 23260, + "Ġlyrics": 23261, + "rites": 23262, + "ĉĉĉĉĉĠ": 23263, + "-American": 23264, + "[num": 23265, + "/python": 23266, + "ĠUART": 23267, + "Ġapple": 23268, + "ĠJonathan": 23269, + "Ġmomentum": 23270, + "ั": 23271, + "Ĥ¹": 23272, + "Ġmich": 23273, + "andra": 23274, + "Ġbiological": 23275, + "ĠMens": 23276, + "Ġ%%": 23277, + "elsea": 23278, + "ĠMexican": 23279, + ".randint": 23280, + "Ġtale": 23281, + "ĠValidate": 23282, + "Ġdefeated": 23283, + ".htm": 23284, + "Ġcopper": 23285, + "=/": 23286, + "cosystem": 23287, + "Ġrip": 23288, + "decimal": 23289, + ".VISIBLE": 23290, + "ĠTa": 23291, + "ĉĉĉĉĉĉĉĉĉĉĉĉĉĉ": 23292, + "Ġdownloaded": 23293, + "environment": 23294, + "Ġnomine": 23295, + "building": 23296, + "ĠSpot": 23297, + "ipheral": 23298, + "Ġalto": 23299, + "quet": 23300, + "ĠFT": 23301, + "/get": 23302, + "/master": 23303, + "WIN": 23304, + "åħĥ": 23305, + "West": 23306, + "argc": 23307, + "Ġproducers": 23308, + "ĠMuch": 23309, + "_storage": 23310, + "credit": 23311, + "CONT": 23312, + "Ġvet": 23313, + "Ġvoices": 23314, + "('',": 23315, + "Ġinstruments": 23316, + "ĠMSG": 23317, + "esse": 23318, + "repository": 23319, + "omics": 23320, + "Ġdealer": 23321, + "Still": 23322, + "Ġbanner": 23323, + "ascii": 23324, + "Ġremarks": 23325, + "[js": 23326, + "Ġshorter": 23327, + "gulp": 23328, + "Ġmyster": 23329, + "Ġkun": 23330, + "ĠBird": 23331, + "Ġtiene": 23332, + "nut": 23333, + "ĠUm": 23334, + "Ġwise": 23335, + "Yeah": 23336, + "INESS": 23337, + "_begin": 23338, + "-heading": 23339, + "Course": 23340, + "ĠčĊčĊ": 23341, + "ombie": 23342, + "graded": 23343, + "ĠGPS": 23344, + "Ġże": 23345, + "Fit": 23346, + "caption": 23347, + "ön": 23348, + "/image": 23349, + "lia": 23350, + "(mod": 23351, + "Ġleak": 23352, + "enza": 23353, + "/H": 23354, + "ĠHappy": 23355, + "Dist": 23356, + "nx": 23357, + "ĠGovernor": 23358, + "(last": 23359, + "teacher": 23360, + "ĠSent": 23361, + "support": 23362, + "jectory": 23363, + "ĠÙħ": 23364, + "Registration": 23365, + "ĠGray": 23366, + ",false": 23367, + "Ġadjusted": 23368, + "(settings": 23369, + "'Ċ": 23431, + "-fold": 23432, + "æĬ": 23433, + "ĠBetter": 23434, + "Ġ\"\\<": 23435, + "spacing": 23436, + "Ġfurnished": 23437, + "oser": 23438, + "]}Ċ": 23439, + "Ġ$\"": 23440, + "pull": 23441, + ".Post": 23442, + "(ip": 23443, + "Ĺı": 23444, + ".front": 23445, + "nte": 23446, + "ĠFM": 23447, + "guid": 23448, + "Ġnegotiations": 23449, + "agonal": 23450, + "Ġtremend": 23451, + "ungeon": 23452, + "Adv": 23453, + "carousel": 23454, + "ÃŁe": 23455, + "_DESC": 23456, + "Ġhammer": 23457, + "áºŃ": 23458, + "ĠĠĠĠĠĠĠĠĊĊ": 23459, + "-core": 23460, + "-service": 23461, + "Ġcorners": 23462, + "ĠSF": 23463, + "pred": 23464, + ">A": 23465, + "ĠJLabel": 23466, + "Ġromantic": 23467, + "Ġtestimony": 23468, + "osc": 23469, + "ĠGeneration": 23470, + "asures": 23471, + "_internal": 23472, + "Ġprints": 23473, + "Ġ])Ċ": 23474, + "ĠCleveland": 23475, + "repo": 23476, + "Disc": 23477, + "Ġ\">Ċ": 23478, + "����": 23479, + "Ġnearest": 23480, + "_tb": 23481, + "(require": 23482, + "EOF": 23483, + "-child": 23484, + "Ġbudd": 23485, + ".XtraEditors": 23486, + "alties": 23487, + "\\\":\\\"": 23488, + "Words": 23489, + "Ġlocally": 23490, + "Ġpurchases": 23491, + "Drawer": 23492, + "extract": 23493, + "Ġexecut": 23494, + "}'.": 23495, + "userdata": 23496, + "Ġfocuses": 23497, + "-minute": 23498, + "ĠPublish": 23499, + "ogo": 23500, + "Ġmountains": 23501, + "Bot": 23502, + "}>{": 23503, + "Ġtension": 23504, + "rod": 23505, + "mesh": 23506, + "Ġtransformed": 23507, + ",R": 23508, + "()}Ċ": 23509, + ".long": 23510, + "Ġgorgeous": 23511, + "ĠSchedule": 23512, + "Ġoldest": 23513, + "Ġsubprocess": 23514, + "(IN": 23515, + "yect": 23516, + "ĠCooper": 23517, + "arness": 23518, + "ĠMonitor": 23519, + ".part": 23520, + "ĠNBC": 23521, + "Ġcotton": 23522, + "Ġhol": 23523, + "Ġrgba": 23524, + "ĠBio": 23525, + "Continue": 23526, + "Pod": 23527, + "Ġparticipating": 23528, + "clusions": 23529, + "(ByVal": 23530, + "ì": 23531, + "ĠHOW": 23532, + "_setopt": 23533, + "Ġaccompanying": 23534, + "aton": 23535, + "Ġ/\\": 23536, + "ĠAuthentication": 23537, + "ién": 23538, + "ĠBarack": 23539, + "/*.": 23540, + "Ġeager": 23541, + "ĠCancel": 23542, + "$": 23586, + "OLEAN": 23587, + "OKIE": 23588, + "IBILITY": 23589, + "UAGE": 23590, + "ĠSurvey": 23591, + "Ġresign": 23592, + "wing": 23593, + "Ġsecrets": 23594, + "Ġchips": 23595, + "JSONObject": 23596, + "Desktop": 23597, + "_SYMBOL": 23598, + "(resource": 23599, + "ĠĊ": 23600, + "Ġnewest": 23601, + "uli": 23602, + "Ġdesert": 23603, + "Ġdip": 23604, + "ĠPow": 23605, + "Ġequation": 23606, + "Ġpossibilities": 23607, + "ĠFed": 23608, + "osph": 23609, + "Ġ[%": 23610, + "Ġbubble": 23611, + "etherlands": 23612, + "Ġcement": 23613, + ".auto": 23614, + "_AN": 23615, + "âĢĻ.": 23616, + "selection": 23617, + "ĠBond": 23618, + "Den": 23619, + "-O": 23620, + ".getType": 23621, + ".Window": 23622, + "pres": 23623, + "Ġswinger": 23624, + "\"})Ċ": 23625, + "Ġpip": 23626, + "Ġmice": 23627, + "Ġcompound": 23628, + "-plugin": 23629, + "iko": 23630, + "Ġcenturies": 23631, + "icular": 23632, + "-inline": 23633, + "ĉkey": 23634, + ">\\<": 23635, + "ENSION": 23636, + "Ġ[čĊ": 23637, + "Ġprecisely": 23638, + "Ġété": 23639, + "ĠPast": 23640, + "ĠCambridge": 23641, + "-full": 23642, + "Ġanalyze": 23643, + "ĠSteven": 23644, + "Ġnem": 23645, + "due": 23646, + "oren": 23647, + "Ġmuscles": 23648, + "ijing": 23649, + "/-": 23650, + "ĠKennedy": 23651, + "RM": 23652, + "ossible": 23653, + "Ġactress": 23654, + "Ġdolor": 23655, + "å½ķ": 23656, + "Need": 23657, + ".toggle": 23658, + "ĠRace": 23659, + "wers": 23660, + ".material": 23661, + "ĠDue": 23662, + "ĠPel": 23663, + "#print": 23664, + "Ġindependence": 23665, + "exus": 23666, + "Shadow": 23667, + "Ġencoder": 23668, + "(level": 23669, + "ĠSwift": 23670, + ".doc": 23671, + "_selection": 23672, + "ĠserialVersionUID": 23673, + "Labels": 23674, + "Ġperformances": 23675, + ".Tag": 23676, + "ĠNHL": 23677, + "izen": 23678, + "/UIKit": 23679, + "_CONTROL": 23680, + "Ġearnings": 23681, + "ĠAlt": 23682, + "_HANDLE": 23683, + "Ctx": 23684, + "Ġpersu": 23685, + "Ġtran": 23686, + "ç¨": 23687, + "_CHANNEL": 23688, + "Ġsatisfaction": 23689, + "ĠGP": 23690, + "iox": 23691, + "mitt": 23692, + "lando": 23693, + "Ġpig": 23694, + "inals": 23695, + "ência": 23696, + "Surface": 23697, + "ĠUUID": 23698, + "Ġbeneficial": 23699, + "Ġsequences": 23700, + "ĉmemset": 23701, + "Ġmagical": 23702, + "«": 23703, + "Ġworn": 23704, + "ASC": 23705, + "popup": 23706, + "COMP": 23707, + "_before": 23708, + "eness": 23709, + "Ui": 23710, + "Les": 23711, + ".require": 23712, + ".Serializable": 23713, + "addGap": 23714, + "Ġauthorization": 23715, + ".pyplot": 23716, + "urray": 23717, + "latitude": 23718, + "frames": 23719, + "ajs": 23720, + "Ġcompass": 23721, + "Ġobservations": 23722, + "_sup": 23723, + ".environ": 23724, + "Ġtriple": 23725, + "ĠRuby": 23726, + "Ġdrain": 23727, + "_FILTER": 23728, + "San": 23729, + "UMP": 23730, + "NullException": 23731, + "ĠGab": 23732, + "owe": 23733, + "ĠTurkish": 23734, + "_sequence": 23735, + "ĠGrant": 23736, + "uela": 23737, + "Ġwo": 23738, + "Ġcube": 23739, + "iq": 23740, + "Ġdisorders": 23741, + "Ġextraordinary": 23742, + "Ġctrl": 23743, + "ĠSeq": 23744, + "entr": 23745, + "Ġsanctions": 23746, + "utsch": 23747, + "Reports": 23748, + "Ġinherit": 23749, + "Period": 23750, + "Ġphotography": 23751, + "ĠFramework": 23752, + "Ġspecialist": 23753, + "Ġ?ĊĊ": 23754, + "_selected": 23755, + ".Player": 23756, + "Ġallocation": 23757, + "(account": 23758, + "Ġstructural": 23759, + "vable": 23760, + "-offset": 23761, + ".AppCompatActivity": 23762, + "ам": 23763, + ".AddWithValue": 23764, + "Ġicons": 23765, + "Ġshutdown": 23766, + "_low": 23767, + "ĠCompare": 23768, + "ĠCe": 23769, + "=head": 23770, + "lam": 23771, + ".predict": 23772, + "_DEC": 23773, + "ĠSleep": 23774, + "ĠGratis": 23775, + "Ġsuggestion": 23776, + "ĠDEL": 23777, + "caff": 23778, + "avirus": 23779, + "Nothing": 23780, + "ŀĭ": 23781, + "Ġwidespread": 23782, + "Ġmechanisms": 23783, + "ĠtextAlign": 23784, + "occup": 23785, + "ĠRail": 23786, + ":NS": 23787, + "Ġfiber": 23788, + "Ġmk": 23789, + "Ġvintage": 23790, + "-long": 23791, + ".reduce": 23792, + ".Entities": 23793, + "(record": 23794, + "Ġpleasant": 23795, + "FRING": 23796, + ".Cells": 23797, + "OTT": 23798, + "ĉelseif": 23799, + "_confirm": 23800, + "ĠViewGroup": 23801, + "sym": 23802, + "Ġpray": 23803, + "Ġsuspected": 23804, + "Contains": 23805, + "Ġborders": 23806, + "ĠcomponentDid": 23807, + "ASSERT": 23808, + "Ġinfinite": 23809, + "-order": 23810, + "Ġhello": 23811, + "ĠGrade": 23812, + ".currentTimeMillis": 23813, + "apolis": 23814, + "zh": 23815, + "ĉObject": 23816, + ":\\\\": 23817, + "HO": 23818, + "valuation": 23819, + "Ġvocab": 23820, + "Ġcoupon": 23821, + "atabases": 23822, + ".GetType": 23823, + "Learn": 23824, + "]=\"": 23825, + "ĠGary": 23826, + "otive": 23827, + "Ġash": 23828, + "Ġbib": 23829, + "XXXX": 23830, + "Ġbalanced": 23831, + "VALUE": 23832, + "ĠNat": 23833, + "_Ad": 23834, + "<": 23976, + "Ġfool": 23977, + "Ġesk": 23978, + ".Null": 23979, + "ĠDies": 23980, + "_OUTPUT": 23981, + "_TYPED": 23982, + "Ġpainted": 23983, + "Ġsophistic": 23984, + "ĠBear": 23985, + "*n": 23986, + "_PACK": 23987, + "Ġdelivering": 23988, + "ĠCOUNT": 23989, + "åįķ": 23990, + "Ġjeg": 23991, + "-car": 23992, + "fname": 23993, + "Ġranging": 23994, + "ĠNeg": 23995, + "/******/": 23996, + "ĠCHAR": 23997, + "Ġultra": 23998, + "Grad": 23999, + "=t": 24000, + "Ġjudges": 24001, + "ĠDise": 24002, + "anners": 24003, + "Ġscal": 24004, + "_cal": 24005, + "ĠCONNECTION": 24006, + "_embed": 24007, + "(fn": 24008, + "ĠCraft": 24009, + "ĠPas": 24010, + "\")->": 24011, + ".convert": 24012, + ".resource": 24013, + "ĠSTATUS": 24014, + "ông": 24015, + "ĠTit": 24016, + "Ġclassroom": 24017, + "ĠArchitect": 24018, + "ĠKings": 24019, + "Ġsteady": 24020, + "/*!Ċ": 24021, + "ĠGene": 24022, + ")\";Ċ": 24023, + "icia": 24024, + "stan": 24025, + "ĠConstruction": 24026, + "umper": 24027, + "wc": 24028, + "ĠCBS": 24029, + "inging": 24030, + "-party": 24031, + "(driver": 24032, + "MARK": 24033, + "Ġnested": 24034, + "eward": 24035, + "Ġdependency": 24036, + "Ġmales": 24037, + "ĠONE": 24038, + "ĠProduction": 24039, + "][$": 24040, + "ãĥ¼ãĥ": 24041, + "_LOAD": 24042, + "ĠBol": 24043, + "elry": 24044, + "łéϤ": 24045, + "ĠRequire": 24046, + "Ġplacing": 24047, + "xxx": 24048, + "CALE": 24049, + "Ġthumb": 24050, + "Choose": 24051, + "Ġprototype": 24052, + "VOID": 24053, + "Ġlesbian": 24054, + "Ġtraits": 24055, + "Sharp": 24056, + "Ġconsume": 24057, + "Truth": 24058, + "ĠactionPerformed": 24059, + "ĠEnvironmental": 24060, + "ĠDean": 24061, + "Ġestado": 24062, + "same": 24063, + "Ġnumeric": 24064, + "Ġtransit": 24065, + ".Email": 24066, + "-side": 24067, + "_RUN": 24068, + "ĠVillage": 24069, + "_OPEN": 24070, + "è¦": 24071, + ".rem": 24072, + "-warning": 24073, + "anya": 24074, + "PropertyChanged": 24075, + "Ġ(!_": 24076, + "(check": 24077, + "ilia": 24078, + "ĠSoft": 24079, + "steps": 24080, + "ĠMadrid": 24081, + "MemoryWarning": 24082, + "Ġhandlers": 24083, + "Ġexperiencing": 24084, + "Ġinspect": 24085, + "buttons": 24086, + "ReceiveMemoryWarning": 24087, + "chemy": 24088, + "Links": 24089, + "Ġurllib": 24090, + ".SystemColors": 24091, + "ĠEigen": 24092, + "Ġpunishment": 24093, + ":UIControl": 24094, + "bara": 24095, + "-set": 24096, + "Ġ}čĊčĊčĊ": 24097, + "Ġtolerance": 24098, + "Ġinterfaces": 24099, + ".redirect": 24100, + "ighbors": 24101, + "csrf": 24102, + "_background": 24103, + ".Utils": 24104, + "_HT": 24105, + "ĠInterest": 24106, + "imos": 24107, + "Ġgrants": 24108, + "Ġexamined": 24109, + "ÐĶ": 24110, + "Ġcf": 24111, + "forge": 24112, + "backs": 24113, + "ĠObjects": 24114, + "_sent": 24115, + ".entry": 24116, + "ĠTHEN": 24117, + "ellido": 24118, + "cia": 24119, + ",res": 24120, + "/stdc": 24121, + ".nd": 24122, + "(Int": 24123, + "ĠAuthors": 24124, + "ĠAppCompatActivity": 24125, + "'{": 24126, + "Ġmedi": 24127, + "Music": 24128, + "igm": 24129, + "ceipt": 24130, + "Ġauss": 24131, + "Ġtargeting": 24132, + "ĠKeys": 24133, + "hn": 24134, + ":]Ċ": 24135, + "Ġmineral": 24136, + "î": 24137, + ".ca": 24138, + "omed": 24139, + "Ġsheets": 24140, + "Ġcamb": 24141, + "Ġdeadly": 24142, + ".inject": 24143, + "(unit": 24144, + "ĠSelection": 24145, + ".gms": 24146, + "(connection": 24147, + "Ġ$(\"": 24148, + "émon": 24149, + "ĠCurrently": 24150, + "pte": 24151, + "_paths": 24152, + "leaf": 24153, + "Ġimplications": 24154, + "posal": 24155, + "ä½į": 24156, + "[/": 24157, + "ancia": 24158, + "éĽ": 24159, + "mul": 24160, + "cie": 24161, + "Ġgeile": 24162, + "imals": 24163, + "UIView": 24164, + "Ġsurre": 24165, + "serialize": 24166, + "ISO": 24167, + "Ġarbitrary": 24168, + "Ġsockaddr": 24169, + ".fn": 24170, + "ĠMerc": 24171, + "Ġcasting": 24172, + "KeyDown": 24173, + "ĠnewValue": 24174, + "opens": 24175, + "Todo": 24176, + "Ġflexibility": 24177, + "ĉĉĉĉĠĠ": 24178, + "Velocity": 24179, + "ún": 24180, + "rowing": 24181, + "Ġcomputed": 24182, + "`)Ċ": 24183, + "statement": 24184, + "Ġri": 24185, + "_cart": 24186, + "Low": 24187, + "transfer": 24188, + ".nav": 24189, + "Ġgrave": 24190, + "ĠDoor": 24191, + "ĉalert": 24192, + ".subscribe": 24193, + "-profile": 24194, + "ĉbase": 24195, + "ĠâĪĴ": 24196, + "__ĊĊ": 24197, + "Ġengineers": 24198, + "Ġexplosion": 24199, + "Ġdari": 24200, + "ĉLog": 24201, + "onal": 24202, + "Ġisolated": 24203, + "{i": 24204, + "ĠMsg": 24205, + "Future": 24206, + "Ġracist": 24207, + "-wrap": 24208, + "ĠVers": 24209, + "borg": 24210, + "ISION": 24211, + "ĠÑĢаÐ": 24212, + "ĠYan": 24213, + "initWith": 24214, + "Ġnomin": 24215, + "(empty": 24216, + "ÃŃn": 24217, + "ãĤ¤": 24218, + "ĉwidth": 24219, + "Ġchamber": 24220, + "/ajax": 24221, + "EMP": 24222, + "Ġneces": 24223, + "ivos": 24224, + "logic": 24225, + "*)&": 24226, + "cripts": 24227, + "RowAt": 24228, + "iblings": 24229, + "Ġears": 24230, + "Ġcomputing": 24231, + "Ġmaker": 24232, + "ĠNeither": 24233, + "breadcrumb": 24234, + "Ġserialize": 24235, + "ĠWithin": 24236, + "Ġdell": 24237, + "_TRACE": 24238, + "=a": 24239, + "Ġwishes": 24240, + "-inch": 24241, + "ĠDor": 24242, + "Ġinnocent": 24243, + "ĠDol": 24244, + "Ġintens": 24245, + "forced": 24246, + "ĠBIT": 24247, + "Ġphotographs": 24248, + "Ġcasa": 24249, + "ĠLen": 24250, + "\\Framework": 24251, + ".Simple": 24252, + "Ġdear": 24253, + ")/(": 24254, + "ippi": 24255, + "Ġowns": 24256, + "Players": 24257, + "Ġproposals": 24258, + ".pi": 24259, + "usalem": 24260, + "Damage": 24261, + "Ġcalories": 24262, + "ĠCreative": 24263, + "Ġ[$": 24264, + "Ġ//čĊ": 24265, + "AndView": 24266, + "ème": 24267, + ".custom": 24268, + "_factory": 24269, + "commands": 24270, + "_look": 24271, + "Ġstrcmp": 24272, + "YN": 24273, + "aired": 24274, + "Ġaudit": 24275, + "оÑģÑĤ": 24276, + "ĠReverse": 24277, + "ropriate": 24278, + "etics": 24279, + "';Ċ": 24352, + "Ġpepper": 24353, + "Ġshed": 24354, + "ĠMedium": 24355, + "ĠCookie": 24356, + "Ġoverseas": 24357, + "edor": 24358, + "asurement": 24359, + "åŃĺ": 24360, + "Ġ'.'": 24361, + "Ġphp": 24362, + "ĠPROC": 24363, + "Ġexceptional": 24364, + "(th": 24365, + "ĠJet": 24366, + "Ġoccupied": 24367, + ".setImage": 24368, + "ĠRelated": 24369, + "ucker": 24370, + "Members": 24371, + "PRINT": 24372, + "ĠGlo": 24373, + "_VIEW": 24374, + "}\",Ċ": 24375, + "Ġadoption": 24376, + "[])Ċ": 24377, + "ĠMissouri": 24378, + "ĠLincoln": 24379, + "erald": 24380, + "Popup": 24381, + "Ġfate": 24382, + "-bootstrap": 24383, + "fections": 24384, + "ĠPoll": 24385, + "_ARGS": 24386, + "inance": 24387, + "-home": 24388, + ".),": 24389, + "_done": 24390, + ":ĊĊĊ": 24391, + "Ġdiscussing": 24392, + "ĠSQLException": 24393, + "Ġelectro": 24394, + "ĉreq": 24395, + "Ġzw": 24396, + "Ġlui": 24397, + "Ġovernight": 24398, + "$user": 24399, + "ĠWAY": 24400, + "Ġallerg": 24401, + "Ġdisappointed": 24402, + "Ġradiation": 24403, + "Ġimpressed": 24404, + "ificates": 24405, + "Ġtob": 24406, + "CLASS": 24407, + "Ġcuda": 24408, + "_det": 24409, + "-post": 24410, + "ulu": 24411, + "Translation": 24412, + "-hand": 24413, + ".year": 24414, + "ĠMongo": 24415, + "Ġunclear": 24416, + ".engine": 24417, + "WEBPACK": 24418, + "rices": 24419, + "_ACCESS": 24420, + "Ġholidays": 24421, + "percent": 24422, + ".Identity": 24423, + "ĠGov": 24424, + "Ġpassionate": 24425, + "!!.": 24426, + "ĠGreece": 24427, + "plusplus": 24428, + "'));": 24429, + "GP": 24430, + "Ġexcit": 24431, + ".tabPage": 24432, + "_cond": 24433, + "Ġsponsor": 24434, + "MODULE": 24435, + "_proc": 24436, + "Ġ$Ċ": 24437, + "Ġrational": 24438, + ".Tool": 24439, + "Ġihr": 24440, + "cca": 24441, + "åĵģ": 24442, + "ĠEstate": 24443, + "IBUTE": 24444, + "ActionPerformed": 24445, + "ĠSolar": 24446, + "¦Ĥ": 24447, + "Ġequity": 24448, + "tid": 24449, + "Ġrecip": 24450, + ".simple": 24451, + "mk": 24452, + "ĠLuke": 24453, + "ĠGuardian": 24454, + "Ġencrypted": 24455, + "Ġdominant": 24456, + ".place": 24457, + "ĠNV": 24458, + "Ġtongue": 24459, + "(Get": 24460, + "Ġstainless": 24461, + ".Play": 24462, + "Ġeb": 24463, + "aci": 24464, + ".buffer": 24465, + "readcrumbs": 24466, + "Ġvaccine": 24467, + "prom": 24468, + "ĠuserInfo": 24469, + "Ġslug": 24470, + "SerializedName": 24471, + "-wide": 24472, + "Ġreactions": 24473, + "ĠYang": 24474, + "ĠAdds": 24475, + "(userId": 24476, + "Ġplates": 24477, + "ĠMEM": 24478, + "Ġbail": 24479, + "Inside": 24480, + "eted": 24481, + "Ġelsif": 24482, + "Ġsake": 24483, + "Ġcycles": 24484, + "ĠìĹ": 24485, + "ĉI": 24486, + "-collapse": 24487, + "ĠGMT": 24488, + "Declaration": 24489, + "Ġgros": 24490, + "Ġreaches": 24491, + "Ġcustody": 24492, + "Until": 24493, + "tu": 24494, + "ĠChen": 24495, + "Ġnx": 24496, + "(addr": 24497, + "ĠOffer": 24498, + "Ġcolleg": 24499, + "assador": 24500, + "Ġmapper": 24501, + "ĠSIGNAL": 24502, + "ĠBloom": 24503, + "ĠHoll": 24504, + "ĠImper": 24505, + "-des": 24506, + "_site": 24507, + "Proc": 24508, + "Equ": 24509, + "Ġatomic": 24510, + "ĠWoman": 24511, + "sent": 24512, + "scar": 24513, + "Ġintelligent": 24514, + "ĠGetting": 24515, + "ĠRegistration": 24516, + "ĠPhill": 24517, + "Ġkiller": 24518, + "unicode": 24519, + "ĊĉĉĊ": 24520, + "ĠJacob": 24521, + "ĠConst": 24522, + "Ġlocate": 24523, + "Ġcaus": 24524, + "ĠScholar": 24525, + "Ġconstitutional": 24526, + "Ġinflation": 24527, + "ĠGot": 24528, + "=array": 24529, + "endum": 24530, + "Ġtranslated": 24531, + "Ġdivorce": 24532, + "Entries": 24533, + "Ġsor": 24534, + "ĠQuote": 24535, + "irlines": 24536, + "UK": 24537, + "Ġexcel": 24538, + "(opt": 24539, + "ĠADV": 24540, + ",:,": 24541, + "Ġcontacted": 24542, + "ĠDA": 24543, + "Ġrings": 24544, + "ĠIndustrial": 24545, + ".getContext": 24546, + "Ġforgotten": 24547, + "ĠTan": 24548, + "Ġpants": 24549, + "Ġov": 24550, + "Ġdecoder": 24551, + "ĠPartial": 24552, + "Ġvc": 24553, + "Ġbattles": 24554, + "Arial": 24555, + "FRINGEMENT": 24556, + "irates": 24557, + ",w": 24558, + "aintenance": 24559, + "ĠOd": 24560, + "ĠTechnologies": 24561, + "åīį": 24562, + "ĠCarter": 24563, + ".findAll": 24564, + "Nome": 24565, + "Ben": 24566, + "ĠUsage": 24567, + "ĠPicture": 24568, + "Ġbadly": 24569, + "_panel": 24570, + "Ġpatent": 24571, + "ĠProtocol": 24572, + "lotte": 24573, + "ĉplayer": 24574, + "jections": 24575, + "Ġdou": 24576, + "_release": 24577, + "urniture": 24578, + "_tax": 24579, + "ĠFields": 24580, + ".dataset": 24581, + "_master": 24582, + "CLUDE": 24583, + "ĠPharm": 24584, + "bst": 24585, + "Ġoperational": 24586, + ".cell": 24587, + "Ġidentifying": 24588, + "Ġjwt": 24589, + "tuple": 24590, + "ĠTC": 24591, + "ĠCro": 24592, + "ixmap": 24593, + "-components": 24594, + "general": 24595, + "Ġoz": 24596, + "_De": 24597, + "_double": 24598, + "ĠToo": 24599, + ".ViewGroup": 24600, + "gate": 24601, + "dings": 24602, + "photos": 24603, + "Ġgrande": 24604, + "ollect": 24605, + "_lin": 24606, + "Ġawful": 24607, + "filters": 24608, + "Ġalternate": 24609, + "esp": 24610, + "Ġcompress": 24611, + "eo": 24612, + "ĠScale": 24613, + "Ġindirect": 24614, + "Ġinvoice": 24615, + "ĊĊĊĊĊĊĊĊĊĊĊĊĊĊĊĊ": 24616, + "Starting": 24617, + "ĠPlayers": 24618, + "iele": 24619, + ".then": 24620, + "Ord": 24621, + "ĠTuple": 24622, + "Ġbout": 24623, + "ĠStatistics": 24624, + "Preview": 24625, + "Ġpuzzle": 24626, + "ĠWidth": 24627, + "STATE": 24628, + "Ġoverlay": 24629, + "ĉon": 24630, + "Ġinfr": 24631, + "Ġsmallest": 24632, + "locked": 24633, + "ÑĤо": 24634, + "ssl": 24635, + "Ġdeemed": 24636, + "Ġsco": 24637, + "reck": 24638, + "ĠjButton": 24639, + "Ġmissions": 24640, + "ç§°": 24641, + ".SelectedIndex": 24642, + "TABLE": 24643, + "Sept": 24644, + "Ġacknowledge": 24645, + "Ġstrtotime": 24646, + "ĠTell": 24647, + "ĠDak": 24648, + "Ġaluminum": 24649, + "Ġfence": 24650, + "ĠStars": 24651, + "CONFIG": 24652, + "Ġretrofit": 24653, + "Ġemphasis": 24654, + "/header": 24655, + "ĠSomething": 24656, + "inished": 24657, + "='\".$": 24658, + "ĠValidators": 24659, + "Ġpolar": 24660, + "sections": 24661, + ".aspx": 24662, + "Ġaspir": 24663, + ".Mock": 24664, + "CodeGen": 24665, + "Ġpeut": 24666, + "Ġaccepting": 24667, + "Ġbacking": 24668, + "Picture": 24669, + "/ap": 24670, + "ег": 24671, + "_SEC": 24672, + "-use": 24673, + "annotation": 24674, + "Ġcognitive": 24675, + "Ġgrip": 24676, + "hour": 24677, + "ĠLegal": 24678, + "Ġepic": 24679, + ".toolStrip": 24680, + ".notify": 24681, + ".Last": 24682, + "ORIZ": 24683, + "Middleware": 24684, + "criptions": 24685, + "lash": 24686, + "_FOUND": 24687, + "ĠLiverpool": 24688, + "Ġ{}\",": 24689, + "Install": 24690, + "Ġnit": 24691, + "Ġfigured": 24692, + "[len": 24693, + ".Win": 24694, + ".platform": 24695, + "Ġgambling": 24696, + "(dt": 24697, + "avery": 24698, + "ĉinclude": 24699, + "Whether": 24700, + "Routing": 24701, + "Ġtherap": 24702, + "Remote": 24703, + "ĠLoss": 24704, + "yll": 24705, + "Ġapproached": 24706, + "ĠVehicle": 24707, + "ĠAlpha": 24708, + "Ġvocê": 24709, + "answers": 24710, + "NSDictionary": 24711, + "consider": 24712, + "unused": 24713, + "ĠFan": 24714, + "orable": 24715, + "fre": 24716, + "ĠDISCLAIM": 24717, + "ĠActor": 24718, + ".]": 24719, + "toHave": 24720, + ".userId": 24721, + "Ġspeeds": 24722, + "eway": 24723, + "Ġrecurs": 24724, + "Ġг": 24725, + "_priv": 24726, + "!âĢĿĊĊ": 24727, + "Choice": 24728, + "Ġsettle": 24729, + "Ġplanes": 24730, + "'},": 24731, + "Tom": 24732, + "ITER": 24733, + "!\"Ċ": 24734, + "å»": 24735, + "achelor": 24736, + "Ġseparation": 24737, + "Ġdal": 24738, + "adj": 24739, + "Ġregisters": 24740, + "riz": 24741, + "ĠNotice": 24742, + "Ġlu": 24743, + "Ġcourage": 24744, + "Ġaxes": 24745, + "cellent": 24746, + ".async": 24747, + "Ġcompatibility": 24748, + "ç«": 24749, + "Ġ!ĊĊ": 24750, + "ĉtitle": 24751, + "YLE": 24752, + "ĉmessage": 24753, + "UUID": 24754, + "OLDER": 24755, + "ĠHH": 24756, + "ĠStyleSheet": 24757, + "Ġaccessed": 24758, + ".validation": 24759, + "tasks": 24760, + "Ġpollution": 24761, + ".canvas": 24762, + "Ġingredient": 24763, + "ĠCabin": 24764, + "Ah": 24765, + "oldown": 24766, + "ĠNOI": 24767, + "ĠÃĹ": 24768, + "[f": 24769, + "educ": 24770, + "yalty": 24771, + "(not": 24772, + "_State": 24773, + "amen": 24774, + "Ġdao": 24775, + "udad": 24776, + "ellers": 24777, + "}&": 24778, + "licity": 24779, + "_WINDOW": 24780, + "Ġtatto": 24781, + "valor": 24782, + ".Range": 24783, + "Ġreferenced": 24784, + "ĠReserve": 24785, + "Money": 24786, + "SCRIPT": 24787, + "/product": 24788, + "choices": 24789, + "Ġtin": 24790, + "ãĤĵ": 24791, + "Ġseparator": 24792, + "Ġpkg": 24793, + "ammed": 24794, + "ĠMAT": 24795, + "!!ĊĊ": 24796, + "Ġraid": 24797, + "Ġmotivation": 24798, + "ĠXP": 24799, + "ĠBackground": 24800, + "ĠQuaternion": 24801, + ".defineProperty": 24802, + "iker": 24803, + "ĉparent": 24804, + "ĠOriginally": 24805, + "antage": 24806, + "ĠHans": 24807, + "Ġtimeline": 24808, + ".cur": 24809, + "opic": 24810, + "ĠSequ": 24811, + "must": 24812, + "ĠCoal": 24813, + "Ġformatter": 24814, + "_RGB": 24815, + "Ġ_(\"": 24816, + "'}),Ċ": 24817, + "Ġ=================": 24818, + "ĠFUNCTION": 24819, + "Ġlng": 24820, + "icates": 24821, + "live": 24822, + "_engine": 24823, + "Ġtowns": 24824, + "'))ĊĊ": 24825, + "ĠPK": 24826, + "(api": 24827, + "ĉscanf": 24828, + "packet": 24829, + ".phone": 24830, + "áĢ": 24831, + "ĠAndy": 24832, + "_NAMES": 24833, + "PLY": 24834, + "Ġmins": 24835, + "imi": 24836, + "Ġbrick": 24837, + "Ġblade": 24838, + ".stdout": 24839, + "}`;Ċ": 24840, + "Shift": 24841, + "ĉsb": 24842, + "ĠChecks": 24843, + "Ġphenomenon": 24844, + "Avatar": 24845, + "Ġministry": 24846, + "rose": 24847, + "ĉFile": 24848, + "Ġtitled": 24849, + "(LOG": 24850, + "Ġgan": 24851, + "design": 24852, + "(),čĊ": 24853, + "Ġbones": 24854, + "stm": 24855, + "ÅĽÄĩ": 24856, + "ĠInputStream": 24857, + "Ġvolunt": 24858, + "ĠSerializable": 24859, + "Ġfighter": 24860, + "ĠDrag": 24861, + "Twitter": 24862, + "Ġsubsid": 24863, + "ç¼": 24864, + "Ġforums": 24865, + ".loading": 24866, + "logged": 24867, + "_this": 24868, + "Ġterrain": 24869, + "Ġirre": 24870, + "ĠIng": 24871, + "ĠCN": 24872, + "_objects": 24873, + ".uid": 24874, + "Ġconsciousness": 24875, + "TINGS": 24876, + "ĠGall": 24877, + "Ġportray": 24878, + "ĠDeveloper": 24879, + "Ġparticipant": 24880, + "Ġ\";čĊ": 24881, + "/model": 24882, + "ĠOperations": 24883, + "^\\": 24884, + "ĠLater": 24885, + "Ġraises": 24886, + "-none": 24887, + ".meta": 24888, + "='.$": 24889, + "Finished": 24890, + "Ġreplacing": 24891, + "Ġsampling": 24892, + "ĠJen": 24893, + "\"There": 24894, + "REAL": 24895, + "ALE": 24896, + "ìĬ¤": 24897, + "Orders": 24898, + "_parameter": 24899, + "ĠOlympic": 24900, + "Ġtrès": 24901, + "Ġarena": 24902, + "iol": 24903, + ";?>": 24904, + "Ġimpacts": 24905, + "ĠWS": 24906, + ":get": 24907, + "Ġflights": 24908, + "ĠRussell": 24909, + "camera": 24910, + "Fn": 24911, + "sigma": 24912, + "Ġforcing": 24913, + "Ġlocals": 24914, + "Ġdeparture": 24915, + "Ġcelebration": 24916, + "ĠSay": 24917, + "ï¼Ĵ": 24918, + "ĠHills": 24919, + ".hasOwnProperty": 24920, + "Ġtypings": 24921, + ".API": 24922, + "Ġdonation": 24923, + "OperationException": 24924, + ".Activity": 24925, + "cplusplus": 24926, + "ĠCharlie": 24927, + "Ġimported": 24928, + "Ġdann": 24929, + "Ġoccasions": 24930, + "Ġimplementing": 24931, + "Ġpurple": 24932, + ".dialog": 24933, + "SQLException": 24934, + "erno": 24935, + "Ġwars": 24936, + "Ġpaste": 24937, + "Ġdecreased": 24938, + "Ġharsh": 24939, + "Ġelabor": 24940, + "inputs": 24941, + "ĠViews": 24942, + "ĠerrorMessage": 24943, + "_mul": 24944, + "ĉwrite": 24945, + "ĠCop": 24946, + "ĠAnnual": 24947, + "(button": 24948, + "Ġvida": 24949, + "bars": 24950, + "ĠHarvard": 24951, + "ĉexpect": 24952, + "Ġindexes": 24953, + "Ġdocumentary": 24954, + "Ġflesh": 24955, + "ORLD": 24956, + "ĠDelta": 24957, + "MAND": 24958, + "Brush": 24959, + "-column": 24960, + "Ġdevelopments": 24961, + "methodVisitor": 24962, + "slice": 24963, + "ĠPDO": 24964, + "Ġinvesting": 24965, + "irable": 24966, + "Ġxmlns": 24967, + "ï¼Ľ": 24968, + "arta": 24969, + "Ġtheories": 24970, + "_city": 24971, + "Ġ$__": 24972, + "Creating": 24973, + "(pr": 24974, + "Dropdown": 24975, + "ismatch": 24976, + "ĠNET": 24977, + "'])){Ċ": 24978, + "ĠValues": 24979, + "ĠSEO": 24980, + "ĠSTAT": 24981, + "Ġecosystem": 24982, + "Ġtempt": 24983, + "Ġ\\\\": 24984, + "Ġ//{Ċ": 24985, + "ĠChristopher": 24986, + "ĠKentucky": 24987, + "ĠHttpServletResponse": 24988, + "Ġhybrid": 24989, + "yon": 24990, + "Ġfeeding": 24991, + "ĠExtra": 24992, + "Norm": 24993, + "ITCH": 24994, + "ĠSean": 24995, + "ĠUpload": 24996, + "mun": 24997, + "pur": 24998, + "Ġpersistent": 24999, + "ĠIDC": 25000, + "ĠPerform": 25001, + ".merge": 25002, + "_room": 25003, + "Meanwhile": 25004, + "!='": 25005, + "ĠWel": 25006, + "ArgsConstructor": 25007, + ".Database": 25008, + "Ġcounting": 25009, + "()*": 25010, + "ĶåĽŀ": 25011, + "ĠTOP": 25012, + "mill": 25013, + "ĠDT": 25014, + "IGNED": 25015, + "ĠKB": 25016, + "Ġcomply": 25017, + "South": 25018, + "_collection": 25019, + "Chapter": 25020, + "Ġexplaining": 25021, + "_AM": 25022, + "_ts": 25023, + "cards": 25024, + "Ġquel": 25025, + "Ġpole": 25026, + "Ġtouchdown": 25027, + "ĠOthers": 25028, + "Ġpeers": 25029, + "ĠTypeError": 25030, + "Ġsixth": 25031, + "Ġcheer": 25032, + "Ġdispute": 25033, + "usc": 25034, + ")],": 25035, + "thumb": 25036, + "Ġhiding": 25037, + "ĠSIG": 25038, + "likes": 25039, + "ĠPAGE": 25040, + ".Reflection": 25041, + "Ġheadquarters": 25042, + "TING": 25043, + "ĠGhost": 25044, + "MLE": 25045, + "$Ċ": 25046, + "Ġcontrary": 25047, + "extend": 25048, + "']).": 25049, + "FFECT": 25050, + "ĠPinterest": 25051, + "úmero": 25052, + "ricane": 25053, + "ĉsession": 25054, + "Ġcrystal": 25055, + "-Control": 25056, + "overnment": 25057, + "ograf": 25058, + "-action": 25059, + "volume": 25060, + "ften": 25061, + "Ġuncon": 25062, + "Ġanimate": 25063, + "Ġlease": 25064, + "scr": 25065, + "Ġrefuse": 25066, + "ãĢĭ": 25067, + "ftp": 25068, + "information": 25069, + "Ġevaluated": 25070, + "Ġinjection": 25071, + "Ġjack": 25072, + "Ġworkshop": 25073, + "注": 25074, + "PTH": 25075, + "ĠTs": 25076, + "offer": 25077, + "ĉos": 25078, + "Ġkingdom": 25079, + "Missing": 25080, + "Ġlawmakers": 25081, + "extField": 25082, + "Ġsinging": 25083, + "abi": 25084, + "/client": 25085, + ".media": 25086, + "ATEGORY": 25087, + "Signature": 25088, + "%',Ċ": 25089, + "ĠFuck": 25090, + "][:": 25091, + "Ġsensors": 25092, + "/com": 25093, + "ĠPrimary": 25094, + ".SQL": 25095, + "_program": 25096, + "Ġpills": 25097, + "Ġintegral": 25098, + "Ġfleet": 25099, + "Ġdropping": 25100, + ".sl": 25101, + "Been": 25102, + "Ġpets": 25103, + "Ġadvised": 25104, + "Ġdragon": 25105, + "_EDIT": 25106, + "(im": 25107, + "FER": 25108, + "ĠDrug": 25109, + "(random": 25110, + "Ġcompression": 25111, + "oust": 25112, + "[%": 25113, + "Ġbuyer": 25114, + "hop": 25115, + "Roles": 25116, + "manage": 25117, + "Ġpainful": 25118, + "ĠBranch": 25119, + "-modal": 25120, + "enant": 25121, + "ĠMesh": 25122, + "/font": 25123, + "ĠGraham": 25124, + "Ġâĺ": 25125, + "Ġnc": 25126, + "ĠFrancis": 25127, + "Ġspecification": 25128, + "Ġdamages": 25129, + "-config": 25130, + "Ġtheoret": 25131, + "secure": 25132, + "_multi": 25133, + "aceutical": 25134, + "Ġdemanding": 25135, + "enne": 25136, + "ISTS": 25137, + "()));ĊĊ": 25138, + "Reason": 25139, + "Recent": 25140, + "phase": 25141, + "Ġpsy": 25142, + "_MAN": 25143, + "Ġvolunteer": 25144, + "å¿": 25145, + "istributed": 25146, + "lio": 25147, + "Ġproductivity": 25148, + "_comm": 25149, + "Spring": 25150, + "nis": 25151, + ".weight": 25152, + "ĠCancer": 25153, + "Alloc": 25154, + "ĠTweet": 25155, + "Ġseparately": 25156, + "ĉcheck": 25157, + "_properties": 25158, + ".Unit": 25159, + "_CLK": 25160, + "Ġgt": 25161, + "Ġ();ĊĊ": 25162, + "Ġhandy": 25163, + "ĠThompson": 25164, + "Ġunnecessary": 25165, + "ĠReader": 25166, + "GN": 25167, + "=request": 25168, + "ĠUtility": 25169, + ".Repository": 25170, + "ĠAx": 25171, + "hydr": 25172, + "ieu": 25173, + "Ġthy": 25174, + "Ġlt": 25175, + "_mail": 25176, + "ä¿®æĶ¹": 25177, + "ailand": 25178, + "ĠPhilip": 25179, + "Ġbitter": 25180, + "Ġbetting": 25181, + "Ġtimed": 25182, + "ocks": 25183, + "'a": 25184, + "Ġalgorithms": 25185, + "Ġreinterpret": 25186, + "Ġtoss": 25187, + "rogen": 25188, + "Ġhoped": 25189, + "(selected": 25190, + "Ġventure": 25191, + "TEX": 25192, + "ĠLeave": 25193, + ".Substring": 25194, + "Ġgrateful": 25195, + "uka": 25196, + "ĠConsumer": 25197, + "Ġaggreg": 25198, + "Circle": 25199, + "à¸ģ": 25200, + "_blocks": 25201, + "Ġlegally": 25202, + "Ġ\"|": 25203, + "ãĥĥ": 25204, + ".board": 25205, + ".Ab": 25206, + "Functions": 25207, + "recipe": 25208, + "èĩ": 25209, + "ĠOxford": 25210, + "Ġwholes": 25211, + ".Build": 25212, + "_changed": 25213, + "hai": 25214, + "Ġdepartments": 25215, + "Imp": 25216, + "Ġcoalition": 25217, + "INFRINGEMENT": 25218, + "Ġempower": 25219, + "itches": 25220, + "North": 25221, + "Ġinflamm": 25222, + "ONSE": 25223, + "Ġmissile": 25224, + "ĠRaj": 25225, + "ĠIssue": 25226, + "Ġatoi": 25227, + "caled": 25228, + ".Controllers": 25229, + "ĠWolf": 25230, + "Ġcrushers": 25231, + "á»ĩ": 25232, + ".Auth": 25233, + ".addAttribute": 25234, + "his": 25235, + "Ġboots": 25236, + ".clean": 25237, + "camp": 25238, + "Ġtenant": 25239, + "Ġtune": 25240, + "Ġ{}'.": 25241, + "Ġworkout": 25242, + "Repo": 25243, + "Ġpartially": 25244, + "MISSION": 25245, + "jamin": 25246, + "ĠSB": 25247, + "Ġdetermination": 25248, + "Ġ'');Ċ": 25249, + "ĠBeng": 25250, + "Ġvos": 25251, + "Ġinhab": 25252, + "/lang": 25253, + "sburgh": 25254, + "Executor": 25255, + "hone": 25256, + "ĠChallenge": 25257, + "_links": 25258, + ".Level": 25259, + "Ġunderground": 25260, + "-code": 25261, + "Ġoptimization": 25262, + "logging": 25263, + "_dest": 25264, + "Ġsnake": 25265, + "Ġchemicals": 25266, + "_IMPORTED": 25267, + "adoop": 25268, + "ĠTHAT": 25269, + "managed": 25270, + "Ġreduces": 25271, + "ĠREAL": 25272, + "ĠGuy": 25273, + "_GENERIC": 25274, + "/********************************": 25275, + ".amount": 25276, + "Ġdere": 25277, + "getTime": 25278, + "Ġpant": 25279, + "anonymous": 25280, + "Ġharmony": 25281, + "ĠAlan": 25282, + "Ġscenarios": 25283, + "Ġdirt": 25284, + "htags": 25285, + "Mc": 25286, + "Shell": 25287, + "rin": 25288, + "{čĊčĊ": 25289, + ".pow": 25290, + "ĉclient": 25291, + "Ġconspiracy": 25292, + "Ġadmission": 25293, + "ĠRegional": 25294, + "ĠViewController": 25295, + "ĠPhilippines": 25296, + "Ġdepos": 25297, + "Ġpap": 25298, + "ĠPad": 25299, + "Paul": 25300, + ".ComboBox": 25301, + "Ġtutor": 25302, + "ĠRecipe": 25303, + "writing": 25304, + "Ġcontributor": 25305, + "OTH": 25306, + "Small": 25307, + "VI": 25308, + "Ġhacer": 25309, + "equ": 25310, + "ĠExamples": 25311, + "human": 25312, + ".messages": 25313, + "ĉtyp": 25314, + "Ġ(čĊ": 25315, + "ĠSSL": 25316, + "LEN": 25317, + "ĠRomney": 25318, + "(grid": 25319, + "ĉmin": 25320, + "Ġ>ĊĊ": 25321, + "Ġfruits": 25322, + "Ġvoter": 25323, + "Inline": 25324, + "pane": 25325, + "ĠCollections": 25326, + "charset": 25327, + "Ġspam": 25328, + "zb": 25329, + "itemap": 25330, + "Ġsucceeded": 25331, + "_COL": 25332, + "Ġelapsed": 25333, + "imeter": 25334, + "Ġrecovered": 25335, + "Tensor": 25336, + "hattan": 25337, + ".setup": 25338, + "isto": 25339, + "(head": 25340, + "ĠSIZE": 25341, + "Ġtactics": 25342, + "Ġdistur": 25343, + "Ġpreval": 25344, + "icios": 25345, + "(Value": 25346, + "_cols": 25347, + "ĠFat": 25348, + "Ġseal": 25349, + "Ġsons": 25350, + "Ġensures": 25351, + "Ġpressing": 25352, + "=&": 25353, + "igenous": 25354, + "Ġharassment": 25355, + "_JSON": 25356, + "Ġignor": 25357, + "ynomial": 25358, + "omer": 25359, + "_static": 25360, + "Ġsignificance": 25361, + "Ġcircles": 25362, + "_System": 25363, + "Ġdiscipline": 25364, + "Ġdressed": 25365, + "Ġsphere": 25366, + "Ġclimb": 25367, + "_actions": 25368, + "ĠBab": 25369, + "Ġ'=',": 25370, + "_schema": 25371, + "\"use": 25372, + "Ġunders": 25373, + "Ġcups": 25374, + ".screen": 25375, + "/new": 25376, + "Ġappearing": 25377, + "TOP": 25378, + "vised": 25379, + "clang": 25380, + "Ġinvestigators": 25381, + "Ġmysterious": 25382, + "Ġpromising": 25383, + "Ġqualify": 25384, + "Ġcave": 25385, + "Ġequip": 25386, + "=x": 25387, + "GT": 25388, + "(link": 25389, + ".velocity": 25390, + ".erase": 25391, + "oter": 25392, + "++++++++": 25393, + "profit": 25394, + "Ġzones": 25395, + "_uid": 25396, + "-ser": 25397, + "Ġobjectives": 25398, + "Ġmilf": 25399, + "webkit": 25400, + "(match": 25401, + "neh": 25402, + "ĠAssociated": 25403, + "ĠTodo": 25404, + "=d": 25405, + "Cam": 25406, + "Ġvocal": 25407, + "Ġsudo": 25408, + "(EX": 25409, + "Ġtrou": 25410, + "ABC": 25411, + ".bean": 25412, + "ĠGround": 25413, + "ĠREST": 25414, + "weets": 25415, + "Ing": 25416, + "imon": 25417, + "_bus": 25418, + "ĠCOLOR": 25419, + "unto": 25420, + "Ġfoss": 25421, + "ĠLinks": 25422, + "äng": 25423, + "/forms": 25424, + "prises": 25425, + "Ġachievement": 25426, + "CALL": 25427, + "елÑĮ": 25428, + "ĠVerify": 25429, + "_SOURCE": 25430, + "aptcha": 25431, + "IDD": 25432, + "_reference": 25433, + "Gold": 25434, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ": 25435, + "Receiver": 25436, + "Ġaj": 25437, + "_direction": 25438, + "}]": 25439, + "ĠCompet": 25440, + "Ġbang": 25441, + "ĠCass": 25442, + "-url": 25443, + "techn": 25444, + "ĠJerusalem": 25445, + "longitude": 25446, + "');čĊčĊ": 25447, + "Ġwinners": 25448, + "Tasks": 25449, + "ĠDMA": 25450, + "Ġtooltip": 25451, + "İ·": 25452, + "ĠBra": 25453, + "_duration": 25454, + "cury": 25455, + "parents": 25456, + "---->(": 25526, + "ĠKir": 25527, + "Ġintros": 25528, + "Ġsketch": 25529, + "Ġskilled": 25530, + "Ġimmer": 25531, + "Ġadequate": 25532, + "_rep": 25533, + "(header": 25534, + "_like": 25535, + "Ġperceived": 25536, + "ssh": 25537, + "Ġassuming": 25538, + "Ġff": 25539, + "_uuid": 25540, + "ulas": 25541, + "Ġdemocratic": 25542, + ".entities": 25543, + "Series": 25544, + "aphore": 25545, + "Ġnewer": 25546, + "}(": 25547, + "SEC": 25548, + "airo": 25549, + "Ġcommod": 25550, + "Ġprivilege": 25551, + "Ġdeux": 25552, + "ĠHop": 25553, + ".'/": 25554, + "ctic": 25555, + ".';Ċ": 25556, + "C": 25630, + "ĠWarren": 25631, + "Ġoptimizer": 25632, + "ĠSERVICES": 25633, + "_oper": 25634, + "getAttribute": 25635, + "ĠMcK": 25636, + "_self": 25637, + ".rs": 25638, + "\")ĊĊĊ": 25639, + "GetComponent": 25640, + "erce": 25641, + "Ġtous": 25642, + "units": 25643, + "']);čĊ": 25644, + "Zoom": 25645, + "/E": 25646, + "Ġobsc": 25647, + "Ġfastest": 25648, + "online": 25649, + "Ġpeaceful": 25650, + "ffen": 25651, + "Ġcargo": 25652, + "ĉpr": 25653, + "Ġseeks": 25654, + "zu": 25655, + "Trim": 25656, + "Ġward": 25657, + "Ġverd": 25658, + "Ġblogs": 25659, + ".exceptions": 25660, + "ĠPremium": 25661, + "ĠNetherlands": 25662, + "Safe": 25663, + "Finish": 25664, + "ĠAlbum": 25665, + "_ACC": 25666, + "=this": 25667, + "virtual": 25668, + "]>": 25669, + "_LABEL": 25670, + "ĠNich": 25671, + "_win": 25672, + "ĠAaron": 25673, + "WP": 25674, + ";$": 25675, + "aims": 25676, + "ĠImageView": 25677, + "Ġendless": 25678, + "ERA": 25679, + "_DISABLE": 25680, + "Ġcancelled": 25681, + "-us": 25682, + "Ġinspection": 25683, + "emin": 25684, + "ĠGrey": 25685, + "-open": 25686, + "Ġiterations": 25687, + ".owner": 25688, + "Ġkeras": 25689, + ".Password": 25690, + "ĠRy": 25691, + "ĠINS": 25692, + "Air": 25693, + "ĠSeveral": 25694, + ".TabStop": 25695, + "INGLE": 25696, + "ĠHair": 25697, + "ĠCanvas": 25698, + "AAAA": 25699, + "Ġflaw": 25700, + "cedes": 25701, + ".Report": 25702, + "íĬ": 25703, + "ĠTips": 25704, + "criptors": 25705, + ".transaction": 25706, + ".Spring": 25707, + "Ġviewer": 25708, + "Ġinsights": 25709, + "è¾ĵ": 25710, + "ordion": 25711, + "UINT": 25712, + "seek": 25713, + "ĠAuf": 25714, + "ìŀIJ": 25715, + "Ġstrain": 25716, + "Tooltip": 25717, + "Ġdz": 25718, + "ignal": 25719, + "adt": 25720, + "Ġuc": 25721, + "finite": 25722, + "Ġnm": 25723, + ".cmd": 25724, + "ĠMySql": 25725, + "[data": 25726, + ".jackson": 25727, + ".tree": 25728, + "RequestParam": 25729, + "_agent": 25730, + "\")]čĊ": 25731, + "Ġassass": 25732, + "(Constants": 25733, + ":ss": 25734, + "ĠMAN": 25735, + "+-+-": 25736, + "ĠBottom": 25737, + "prints": 25738, + "ĠSame": 25739, + "@Autowired": 25740, + "swap": 25741, + "ición": 25742, + "Ġprotesters": 25743, + "Ġhoney": 25744, + "ĠVeter": 25745, + "(Calendar": 25746, + "-ad": 25747, + "ĠBrooklyn": 25748, + "Life": 25749, + "_VAR": 25750, + "zech": 25751, + "ĠCALL": 25752, + "_CAST": 25753, + "ĠElection": 25754, + "Ġthickness": 25755, + "Very": 25756, + "_INTEGER": 25757, + "-dev": 25758, + "))))": 25759, + "apat": 25760, + "oooo": 25761, + "demo": 25762, + "ĠparseFloat": 25763, + "ĠRather": 25764, + "STIT": 25765, + "maker": 25766, + "[current": 25767, + "chrono": 25768, + "Ġchrist": 25769, + "ãģª": 25770, + "ĠDetail": 25771, + "ưá»": 25772, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 25773, + "Ġsul": 25774, + "idency": 25775, + "Que": 25776, + "Ġelegant": 25777, + "apons": 25778, + "Ġdishes": 25779, + "Ġintegers": 25780, + "(read": 25781, + "findViewById": 25782, + "ĠAmount": 25783, + "ĠSkip": 25784, + "Ġhabits": 25785, + "*)(": 25786, + "Ġmonsters": 25787, + "MAC": 25788, + ":end": 25789, + "Ġfrank": 25790, + "Assembly": 25791, + "Ġdfs": 25792, + "Ġneut": 25793, + "_TYPES": 25794, + "equal": 25795, + "loyd": 25796, + "(uri": 25797, + "Ġchi": 25798, + "Ġdefendant": 25799, + "Ġconflicts": 25800, + "Ġvil": 25801, + "-js": 25802, + "ĠPeace": 25803, + "Ġmutable": 25804, + ")sender": 25805, + "ĠFocus": 25806, + "建": 25807, + "Ġappreciated": 25808, + "sleep": 25809, + "ĠRED": 25810, + "Culture": 25811, + "Ġdesigners": 25812, + "_generator": 25813, + "codes": 25814, + "/ex": 25815, + ".GetValue": 25816, + "umbled": 25817, + ".scalajs": 25818, + "peror": 25819, + "Ġveterans": 25820, + "Ġ})čĊ": 25821, + "Ġunfortunately": 25822, + "_CREATE": 25823, + "Mass": 25824, + "ĠCLAIM": 25825, + "ĠMeet": 25826, + "_support": 25827, + "Bank": 25828, + "().Ċ": 25829, + "Dark": 25830, + "_LOW": 25831, + "ĠMining": 25832, + "ĠOwner": 25833, + "iera": 25834, + "Cliente": 25835, + "Ġencouraging": 25836, + ">S": 25837, + "Ġboyfriend": 25838, + "ĠHalf": 25839, + "ĠACC": 25840, + "Aff": 25841, + "_ar": 25842, + "-life": 25843, + "cx": 25844, + ".JButton": 25845, + "izado": 25846, + ".zero": 25847, + ".openqa": 25848, + "oton": 25849, + ".textContent": 25850, + "Ġtoll": 25851, + "atie": 25852, + "Ġballot": 25853, + "-number": 25854, + ".Exception": 25855, + "ĉparams": 25856, + "circle": 25857, + "-map": 25858, + "Ġnap": 25859, + "ĠRobot": 25860, + "ĠIch": 25861, + "registration": 25862, + "Amazon": 25863, + "rollment": 25864, + "(exp": 25865, + "Ġtanks": 25866, + "ĠGordon": 25867, + "Ġmachinery": 25868, + "Ġbaseline": 25869, + "æĭ": 25870, + "Ø©": 25871, + "ĠConvention": 25872, + "ĉconfig": 25873, + "ookies": 25874, + "mult": 25875, + "Records": 25876, + "ĠEST": 25877, + "Ġgarbage": 25878, + "Ġconform": 25879, + "idal": 25880, + "Ġbarg": 25881, + "Ġsurvived": 25882, + "Ġinvestigations": 25883, + ".containsKey": 25884, + "--------------------------------------------------------------------------Ċ": 25885, + "ortion": 25886, + "Ġhorr": 25887, + "_http": 25888, + "Ġmant": 25889, + "];čĊčĊ": 25890, + "binary": 25891, + "empl": 25892, + "Ġinquiry": 25893, + "ĠMeanwhile": 25894, + "Ġcollecting": 25895, + ".EntityFramework": 25896, + "\",ĊĊ": 25897, + "ĠPic": 25898, + "@Inject": 25899, + "ickness": 25900, + "ĠBinding": 25901, + "Ġcontrolling": 25902, + "reverse": 25903, + "Ġchairs": 25904, + "sembled": 25905, + "(add": 25906, + "Disabled": 25907, + "anas": 25908, + ".translate": 25909, + "-----------Ċ": 25910, + "Ġreflected": 25911, + "\"]ĊĊ": 25912, + "External": 25913, + "Arrow": 25914, + "Singleton": 25915, + "%x": 25916, + "ĠÅ": 25917, + "Ġancest": 25918, + "ĠOrleans": 25919, + "ĉcmd": 25920, + "Ġprohibited": 25921, + "ithmetic": 25922, + "(channel": 25923, + "_css": 25924, + "Forward": 25925, + ".socket": 25926, + "Ġluc": 25927, + "âĨ": 25928, + "ĠFirefox": 25929, + "ĠMovies": 25930, + ")_": 25931, + ".ends": 25932, + "(shape": 25933, + "Ġdealt": 25934, + "Ġsaves": 25935, + "Ġglory": 25936, + "Ġmejor": 25937, + "Ġbreathing": 25938, + "Ġeller": 25939, + "getData": 25940, + "Ġangles": 25941, + "Ġtoolbar": 25942, + "Ġspacing": 25943, + "IPS": 25944, + "Ġfloors": 25945, + "_ACTIVE": 25946, + "Ġshuffle": 25947, + "/shared": 25948, + "ĠEle": 25949, + "edish": 25950, + "Ġwebcam": 25951, + ".expect": 25952, + "iloc": 25953, + "ĠIncludes": 25954, + "Ġtweeted": 25955, + "Ġ:)": 25956, + "ĠEssay": 25957, + "Fix": 25958, + "-between": 25959, + "_web": 25960, + ".conv": 25961, + "Ġracism": 25962, + "Ġreflects": 25963, + "umm": 25964, + "иÑĤе": 25965, + "_footer": 25966, + "/docs": 25967, + "ĠPour": 25968, + "NgModule": 25969, + ".initialize": 25970, + "patterns": 25971, + "_In": 25972, + "ĠAbb": 25973, + "*čĊ": 25974, + "Ġsentiment": 25975, + "buff": 25976, + "_counts": 25977, + "Ġreuse": 25978, + "chunk": 25979, + "Ġimposed": 25980, + "PrimaryKey": 25981, + "Foreground": 25982, + "Ġconsumed": 25983, + "?!": 25984, + "Ġdick": 25985, + "Ġchron": 25986, + "ĠFern": 25987, + "Ġresponsive": 25988, + "Ġinsect": 25989, + "iculty": 25990, + "Ġrw": 25991, + "Ġalike": 25992, + "Ġsubset": 25993, + "ĠCookies": 25994, + "ĠPair": 25995, + "Ġtier": 25996, + "IFO": 25997, + "avour": 25998, + "ĠQU": 25999, + ",sizeof": 26000, + "Ġmerged": 26001, + "mv": 26002, + "itol": 26003, + "ylon": 26004, + "Ġjumped": 26005, + ".role": 26006, + "ensaje": 26007, + "Rules": 26008, + "Ġbrowse": 26009, + "Animator": 26010, + "Ġyoga": 26011, + "Ġvariants": 26012, + "Ġcourtesy": 26013, + "uran": 26014, + "pbs": 26015, + "elseif": 26016, + "Alt": 26017, + "ĠLane": 26018, + "CLK": 26019, + "IMARY": 26020, + "_PROPERTY": 26021, + "ï¼IJ": 26022, + "Ġchan": 26023, + "Ġgradually": 26024, + "Ġshake": 26025, + "Ġblonde": 26026, + "...\");Ċ": 26027, + "-sex": 26028, + "Ġgameplay": 26029, + "acies": 26030, + ".refresh": 26031, + "USB": 26032, + "ĠPlot": 26033, + "Was": 26034, + "issippi": 26035, + "ĠTensor": 26036, + "Ġcryptocurrency": 26037, + "Ġdifficulties": 26038, + "Deleted": 26039, + "Without": 26040, + "_append": 26041, + "_ver": 26042, + "\"))čĊ": 26043, + "Ġhonestly": 26044, + "Ġpivot": 26045, + "Ġtemps": 26046, + "_ps": 26047, + "ĠUnlike": 26048, + "[:-": 26049, + "VS": 26050, + "_inf": 26051, + "Ġjunior": 26052, + "Ġanimations": 26053, + "Ġfilepath": 26054, + "?{{$": 26076, + "Ġunicode": 26077, + "places": 26078, + "ĠCoffee": 26079, + ".SE": 26080, + "ĠPAR": 26081, + "(txt": 26082, + "gebra": 26083, + "Ġfires": 26084, + "MainWindow": 26085, + "medium": 26086, + "Ġ(âĢľ": 26087, + "Ġlg": 26088, + "Ġcmp": 26089, + "/base": 26090, + "_layers": 26091, + "_entries": 26092, + "Ġadminister": 26093, + "ĠSUCH": 26094, + "BP": 26095, + "ĠScottish": 26096, + "ĉčĊĉčĊ": 26097, + "guard": 26098, + "ĠStrong": 26099, + "Insn": 26100, + "ĠCAP": 26101, + "asury": 26102, + "ĠSEE": 26103, + "Clock": 26104, + "erie": 26105, + "\\models": 26106, + "Ġ$$": 26107, + "ĠCab": 26108, + "Ġwurde": 26109, + "Ġsoldier": 26110, + "Ġclips": 26111, + "Ġarrangement": 26112, + "ĠWonder": 26113, + "ĠHorn": 26114, + "Ġscared": 26115, + "Ġcure": 26116, + "mkdir": 26117, + "Ġaligned": 26118, + "ĠPink": 26119, + "Ġlanded": 26120, + "Dimension": 26121, + "ScrollPane": 26122, + ".chat": 26123, + ".With": 26124, + "ĠTrain": 26125, + "].Ċ": 26126, + "Ġthirty": 26127, + "Ġdurable": 26128, + "Ġld": 26129, + "Ġlateinit": 26130, + "Ġcharts": 26131, + "Ġinsult": 26132, + ".Fatal": 26133, + "_ct": 26134, + "Ġmasks": 26135, + "CLUDED": 26136, + "President": 26137, + "Ġcolours": 26138, + "gments": 26139, + ".attributes": 26140, + "ĠFlex": 26141, + "ĠClock": 26142, + "ÃŃcul": 26143, + "imen": 26144, + "JO": 26145, + "ĠRegex": 26146, + "_LINK": 26147, + "Ġcouch": 26148, + "ĠINPUT": 26149, + "Ġbeating": 26150, + "business": 26151, + "preced": 26152, + ".unit": 26153, + "ĠFel": 26154, + "Never": 26155, + "ospel": 26156, + ".startswith": 26157, + "ĠEPA": 26158, + ".only": 26159, + "Ġpreventing": 26160, + "yer": 26161, + "ColumnName": 26162, + "Ġelevation": 26163, + "flu": 26164, + "icycle": 26165, + "Ġoffline": 26166, + "Toolbar": 26167, + "Ġcompeting": 26168, + ")].": 26169, + "Ġmog": 26170, + "ĠisValid": 26171, + "Ask": 26172, + "_av": 26173, + "_lat": 26174, + "ANC": 26175, + "ĠJoh": 26176, + "kers": 26177, + "Ġguards": 26178, + "Ġchains": 26179, + "ĠSimpleDateFormat": 26180, + ".static": 26181, + "Ġvessel": 26182, + "Ġmud": 26183, + "Ġstabil": 26184, + "Ġstret": 26185, + "gm": 26186, + "amation": 26187, + "çľ": 26188, + "-with": 26189, + "Ġros": 26190, + "_PA": 26191, + "Ġresultado": 26192, + "Ġconfidential": 26193, + "ĠTokyo": 26194, + "ĉusing": 26195, + "ĠMathf": 26196, + "ombine": 26197, + "ĠESPN": 26198, + "Ġdealers": 26199, + "Ġdismissed": 26200, + "TRY": 26201, + "Ġteens": 26202, + "records": 26203, + "Ġwings": 26204, + "gallery": 26205, + "accounts": 26206, + "_LIB": 26207, + "Ġjacket": 26208, + "ĠNSObject": 26209, + "Ġstones": 26210, + "ĠDelivery": 26211, + "ĠDiet": 26212, + "/watch": 26213, + "Ġtoilet": 26214, + "ĠGuest": 26215, + ".day": 26216, + "Ġintval": 26217, + "Visit": 26218, + "Ġinvestigated": 26219, + "Ġpentru": 26220, + "ĠTheatre": 26221, + "andidates": 26222, + "Lang": 26223, + "ĠServ": 26224, + "Ġcontrollers": 26225, + "ĠsetTitle": 26226, + "NP": 26227, + "amy": 26228, + "flat": 26229, + "(ui": 26230, + "_document": 26231, + "èĥ½": 26232, + "ĠCoin": 26233, + "ĠAdams": 26234, + "ptic": 26235, + "Ġproductive": 26236, + "Ġaccomplished": 26237, + "čĊčĊčĊčĊ": 26238, + "Ġdeferred": 26239, + "ientes": 26240, + "Ġsinc": 26241, + "olars": 26242, + "Rightarrow": 26243, + "Ġvariations": 26244, + "(offset": 26245, + ".LayoutInflater": 26246, + "Ġsuspend": 26247, + "Ġprevention": 26248, + "_private": 26249, + "_js": 26250, + "âĺħ": 26251, + "Ġwieder": 26252, + "atum": 26253, + "ĴĮ": 26254, + "Ġappearances": 26255, + ".Document": 26256, + "Ġvalidates": 26257, + "calendar": 26258, + "}\";Ċ": 26259, + ".demo": 26260, + "conut": 26261, + "Ġcorrection": 26262, + "ĠDeal": 26263, + "Ġbatteries": 26264, + ".duration": 26265, + ",\\": 26266, + "_marker": 26267, + "multi": 26268, + "Ġhalt": 26269, + "Ġcms": 26270, + "Ġshaped": 26271, + "Bro": 26272, + "reduce": 26273, + "Ġ####": 26274, + "CTOR": 26275, + "ĠBenef": 26276, + "Ġiconic": 26277, + "Ġpiano": 26278, + "Ġeffectiveness": 26279, + "|.Ċ": 26280, + "Ġajax": 26281, + "Ġvolumes": 26282, + "ม": 26283, + "Ġcljs": 26284, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ": 26285, + "aths": 26286, + "raits": 26287, + "大": 26288, + "Ñĸ": 26289, + "_mult": 26290, + "Ġfascinating": 26291, + "Average": 26292, + "Ġpré": 26293, + "ĠChairman": 26294, + ".findElement": 26295, + "_pin": 26296, + "Ġcomparing": 26297, + "Ġdarkness": 26298, + "-Fi": 26299, + "-server": 26300, + "Ġselecting": 26301, + "sterdam": 26302, + "ĠParts": 26303, + "FORMATION": 26304, + "Ġnoting": 26305, + "Ġpile": 26306, + "ogs": 26307, + "Ġpalette": 26308, + "_do": 26309, + "itize": 26310, + "()(": 26311, + "Ġdefining": 26312, + "Ġremainder": 26313, + "Units": 26314, + "_TASK": 26315, + "HttpClient": 26316, + "Social": 26317, + "Ġfundra": 26318, + "NR": 26319, + "chest": 26320, + "Currency": 26321, + ".adapter": 26322, + "Ġdop": 26323, + "unting": 26324, + "ANGUAGE": 26325, + "\"He": 26326, + "ĉindex": 26327, + "_package": 26328, + ".Icon": 26329, + "Ġrepet": 26330, + "mass": 26331, + "=\".$": 26332, + "ĠSud": 26333, + "Ġlid": 26334, + "province": 26335, + "ìľ": 26336, + "GPIO": 26337, + "Ðļ": 26338, + "ĠMySQL": 26339, + "Ġdocs": 26340, + "ĠGA": 26341, + "Ġipsum": 26342, + "Kernel": 26343, + "Ġaccepts": 26344, + "Ġfitting": 26345, + "Ġcuando": 26346, + "Ġduplic": 26347, + "ĠBrother": 26348, + "ĠKle": 26349, + "nums": 26350, + "Ġmorph": 26351, + "Ġ########": 26352, + "ĠCGPoint": 26353, + "manual": 26667, + "ĠTechnical": 26668, + "Ġcorporation": 26669, + "ĠHW": 26670, + "anka": 26671, + "TAIL": 26672, + "istas": 26673, + "Ġperforms": 26674, + "ĠBehavior": 26675, + ".For": 26676, + "_ORDER": 26677, + "ĠKick": 26678, + "Ġcallbacks": 26679, + "_dr": 26680, + "uego": 26681, + "hub": 26682, + "ufficient": 26683, + "sky": 26684, + "Ġbp": 26685, + "htable": 26686, + "ĠONLY": 26687, + "ĠAUTHORS": 26688, + ".Argument": 26689, + "\"};Ċ": 26690, + "ĠThunder": 26691, + "ĠKom": 26692, + ".Should": 26693, + "AUTH": 26694, + "ahu": 26695, + "_payment": 26696, + "Ġstarter": 26697, + "ìĦľ": 26698, + "ìļ©": 26699, + "Blog": 26700, + ".patch": 26701, + "Ġgoverned": 26702, + "assy": 26703, + "-found": 26704, + "Ġtheater": 26705, + "ĠFontWeight": 26706, + "ĠBatman": 26707, + "\"If": 26708, + ".Random": 26709, + "_delta": 26710, + "ĠCE": 26711, + "Authenticated": 26712, + "Ġdrone": 26713, + "Ġcous": 26714, + "radius": 26715, + "Mer": 26716, + "(None": 26717, + "ĠNJ": 26718, + "_headers": 26719, + "Ġamer": 26720, + "pytest": 26721, + "ĠActions": 26722, + "ĉĉĉĠĠĠĠ": 26723, + "Ġett": 26724, + "Ġholy": 26725, + "Ġuncomfort": 26726, + "ĠNin": 26727, + "ĠDecimal": 26728, + "ĠMessages": 26729, + ".sender": 26730, + "]])Ċ": 26731, + "Ġembrace": 26732, + "Though": 26733, + "/sp": 26734, + "Ġcultures": 26735, + "Ġhighway": 26736, + "tar": 26737, + ".fail": 26738, + "_hidden": 26739, + "ĠcomponentDidMount": 26740, + "ĠWright": 26741, + "Ġjag": 26742, + "_il": 26743, + "../../../": 26744, + "igu": 26745, + "Food": 26746, + "Ġace": 26747, + "Ġaños": 26748, + "USD": 26749, + "Ġmutual": 26750, + "Logic": 26751, + "Ġtemple": 26752, + "Ġbriefly": 26753, + "ĠTrip": 26754, + "classmethod": 26755, + "defaults": 26756, + "Ġchunks": 26757, + ",,,,": 26758, + "ĠReason": 26759, + "$id": 26760, + "-ups": 26761, + "Ġdamn": 26762, + "Ġtrucks": 26763, + "Ġunlimited": 26764, + "Ġsculpt": 26765, + "ĠCards": 26766, + "Ġautor": 26767, + "ĠTesting": 26768, + "Ġdiese": 26769, + "shops": 26770, + "ç´": 26771, + "(payload": 26772, + "ĠPATH": 26773, + "ĠMemorial": 26774, + "Ġridiculous": 26775, + "egree": 26776, + "-winning": 26777, + "Ġrehab": 26778, + "Ġsophisticated": 26779, + "wpdb": 26780, + "ĉpath": 26781, + "!\";Ċ": 26782, + "_SYS": 26783, + ".speed": 26784, + "Ġsoap": 26785, + "suffix": 26786, + "Wrap": 26787, + "Ġenhancement": 26788, + "Ãī": 26789, + "úb": 26790, + "Ġplaylist": 26791, + "Ġmixing": 26792, + "antidad": 26793, + "=\"\";Ċ": 26794, + "ĠRevision": 26795, + "ĠBeat": 26796, + ".inc": 26797, + "-way": 26798, + "encias": 26799, + "ulers": 26800, + "Cat": 26801, + "idel": 26802, + "ĠShip": 26803, + ".setColor": 26804, + "Ġthreatening": 26805, + ".modules": 26806, + "Ġafterwards": 26807, + "ĠDashboard": 26808, + "ĊĠĊ": 26809, + "Signal": 26810, + "Ġprimer": 26811, + "orneys": 26812, + "iciary": 26813, + "Ġligne": 26814, + "_predict": 26815, + "Ġaest": 26816, + "_https": 26817, + ">:": 26818, + "ĠLex": 26819, + "Ġrencontres": 26820, + "egral": 26821, + "scala": 26822, + "_family": 26823, + "ÃŁen": 26824, + "_sym": 26825, + "Ġuncertainty": 26826, + "ĠVALUE": 26827, + "Ġ};čĊčĊ": 26828, + "Ġbroader": 26829, + "Ġhorses": 26830, + "ãģĿ": 26831, + "ĠKal": 26832, + "oba": 26833, + "_INET": 26834, + "ĠKill": 26835, + "jquery": 26836, + "amination": 26837, + "[@\"": 26838, + "Ġmuj": 26839, + "###Ċ": 26840, + "FirstOrDefault": 26841, + "thenReturn": 26842, + "Che": 26843, + "/footer": 26844, + "Ġparks": 26845, + "asje": 26846, + "ĠGulf": 26847, + "Ġmodest": 26848, + ".Init": 26849, + "ï¼ŁĊĊ": 26850, + "Ġprospects": 26851, + "Ġsvg": 26852, + "Ġåı": 26853, + ".Dialog": 26854, + "_NET": 26855, + "Ġ(($": 26856, + "Ġek": 26857, + "ĠWarning": 26858, + "ĠMK": 26859, + "": 27166, + "ĠRepair": 27167, + "_BE": 27168, + "Brand": 27169, + "uart": 27170, + "preview": 27171, + "Ġinitiatives": 27172, + "running": 27173, + "bang": 27174, + "ĉupdate": 27175, + "ĠCoach": 27176, + "Rich": 27177, + "Ġyoutube": 27178, + "Ġritual": 27179, + "appa": 27180, + "ĠRobinson": 27181, + "precision": 27182, + "////////////////////////////////////////////////////////////////////////////": 27183, + "=[]Ċ": 27184, + "Ġcelebrated": 27185, + "OTO": 27186, + "Ġinclusion": 27187, + "JP": 27188, + "';čĊčĊ": 27189, + "Ġnotable": 27190, + "(_.": 27191, + "Managed": 27192, + "Ġguides": 27193, + " ": 27194, + "atedRoute": 27195, + "ĠAdjust": 27196, + "Ġcolored": 27197, + "_scores": 27198, + "ĠTesla": 27199, + "_progress": 27200, + ".inst": 27201, + "['_": 27202, + ".flags": 27203, + "Ġfclose": 27204, + "_OPER": 27205, + "ży": 27206, + "_note": 27207, + "Ġtransgender": 27208, + "åķ": 27209, + "RIPT": 27210, + "Ġabsent": 27211, + "Ġamet": 27212, + "Ġoperand": 27213, + "ë©": 27214, + "Ġhood": 27215, + "toLowerCase": 27216, + "avo": 27217, + "ĠCircuit": 27218, + "ĠLind": 27219, + "--}}Ċ": 27220, + "=m": 27221, + "Ġsuppress": 27222, + "ĠMAP": 27223, + "iang": 27224, + "-admin": 27225, + "Ġsidebar": 27226, + "ĠBu": 27227, + "ĠHex": 27228, + ",F": 27229, + "ĠSignal": 27230, + "Ġtransparency": 27231, + "ĠFederation": 27232, + "/V": 27233, + "Req": 27234, + "Ġpulse": 27235, + "Ġtends": 27236, + "Numbers": 27237, + "%'": 27238, + "Ġdeport": 27239, + "datas": 27240, + "_UINT": 27241, + "_tra": 27242, + "oko": 27243, + "Ġ\"?": 27244, + "compet": 27245, + "solete": 27246, + "undry": 27247, + "Ġoverlap": 27248, + "}`,Ċ": 27249, + ".ly": 27250, + "_summary": 27251, + "ĠLost": 27252, + ".Center": 27253, + "Ġdisability": 27254, + ".Serialization": 27255, + "Ġgeom": 27256, + "Ġ?:": 27257, + "ĠWo": 27258, + "Ġshipped": 27259, + "Ĥæķ°": 27260, + "Ġugly": 27261, + "Ġexcitement": 27262, + "Ġexterior": 27263, + "Ġcheckout": 27264, + "Ġkur": 27265, + ",D": 27266, + "ĠAlaska": 27267, + "Ġsynthetic": 27268, + "ĠBudget": 27269, + "ĠSubscribe": 27270, + "Ġ&Ċ": 27271, + "ÈĻi": 27272, + "ĠYu": 27273, + "ĉquery": 27274, + "}.Ċ": 27275, + "Ġtraged": 27276, + "assen": 27277, + "Ġaccommodation": 27278, + "Ġphysician": 27279, + "Ġrenamed": 27280, + "Ġtidak": 27281, + "zÄħ": 27282, + "Ġminus": 27283, + "nych": 27284, + "_EXCEPTION": 27285, + "threads": 27286, + "Ġtire": 27287, + "_created": 27288, + "ensure": 27289, + "Ġworthy": 27290, + "Ġexcuse": 27291, + "Ġcloth": 27292, + ".parentNode": 27293, + "/platform": 27294, + "ĠUFC": 27295, + "ĠGtk": 27296, + "unny": 27297, + "Ġgibt": 27298, + "keley": 27299, + "hum": 27300, + "(tx": 27301, + "ĉdev": 27302, + "Ġoutfit": 27303, + "doors": 27304, + "Ġfon": 27305, + "icut": 27306, + "volatile": 27307, + "Ġhomosex": 27308, + "Maximum": 27309, + "Ġexpend": 27310, + "Ġ});ĊĊĊ": 27311, + "Eq": 27312, + "onders": 27313, + "department": 27314, + "ĠPhysics": 27315, + "\"});Ċ": 27316, + "Ġparad": 27317, + ".Str": 27318, + "Ġsele": 27319, + "IFIED": 27320, + "Ġdelivers": 27321, + "ivan": 27322, + "Ġresponsibilities": 27323, + "Ġadvocates": 27324, + "èµ": 27325, + "ĠRID": 27326, + ".parameters": 27327, + "Metrics": 27328, + "ronics": 27329, + "ĠUITableViewCell": 27330, + "Absolute": 27331, + "ipse": 27332, + "ylum": 27333, + "MLElement": 27334, + "_VALID": 27335, + "\\<^": 27530, + "Ġios": 27531, + "sound": 27532, + "\"];": 27533, + "Ġfreed": 27534, + "rottle": 27535, + "ĠLower": 27536, + "[count": 27537, + "åĿ": 27538, + "Ġpale": 27539, + "ĠWayne": 27540, + "earth": 27541, + "_categories": 27542, + "UCK": 27543, + ".metadata": 27544, + "Ġsummon": 27545, + "HOME": 27546, + "олÑĮз": 27547, + "Ġmanufactured": 27548, + "Ġdock": 27549, + "Ġcompetitors": 27550, + "_MODEL": 27551, + "okia": 27552, + "ĠHey": 27553, + "ο": 27554, + "Ġbackward": 27555, + "ĠPOSS": 27556, + "ropa": 27557, + "Ġcri": 27558, + "_OBJ": 27559, + "Transport": 27560, + "-high": 27561, + "Ġerotik": 27562, + "_slot": 27563, + "Ġartic": 27564, + "_framework": 27565, + "-serif": 27566, + "ĠSqlDbType": 27567, + "')(": 27568, + "+\"/": 27569, + "Ġwore": 27570, + "Sil": 27571, + "Ġstoring": 27572, + "ĠPhase": 27573, + "uant": 27574, + "Ġbump": 27575, + "inho": 27576, + "Ġdign": 27577, + "Ġbacks": 27578, + "qq": 27579, + "(hash": 27580, + "Ġgeo": 27581, + "Ġtender": 27582, + "Logo": 27583, + "!)Ċ": 27584, + "ĠMX": 27585, + "ĠArthur": 27586, + "essoa": 27587, + "_Ch": 27588, + "Ġbedrooms": 27589, + "=\"#\"><": 27590, + "Ġthroat": 27591, + "insic": 27592, + ".integer": 27593, + "Ġprimitive": 27594, + "Truthy": 27595, + "Ġfacilitate": 27596, + "Ġcreativity": 27597, + "ĠDNS": 27598, + "Ġgra": 27599, + "uez": 27600, + "Ġcountless": 27601, + "ĠPoland": 27602, + "'M": 27603, + "ĠDist": 27604, + "Ġvest": 27605, + "Ġcertification": 27606, + "á»ij": 27607, + "held": 27608, + "extensions": 27609, + "(static": 27610, + "Ġgrades": 27611, + "ĠUber": 27612, + "ãģŁ": 27613, + "Ġ[])Ċ": 27614, + "datos": 27615, + "ĠgetData": 27616, + "ĠCharg": 27617, + "ĠBS": 27618, + ".microsoft": 27619, + ".video": 27620, + ".direction": 27621, + "->{'": 27622, + "lua": 27623, + "apest": 27624, + "Ġboiler": 27625, + "erek": 27626, + "Ġdecides": 27627, + ".jar": 27628, + "ISC": 27629, + "ĠWords": 27630, + "(CON": 27631, + "EMPLATE": 27632, + "reeze": 27633, + "shots": 27634, + "apps": 27635, + "unted": 27636, + ".setName": 27637, + "::<": 27638, + "-bold": 27639, + "ê²": 27640, + "å¯Ĩ": 27641, + "Longrightarrow": 27642, + "Ġunfair": 27643, + "Ġearning": 27644, + "Ġshelf": 27645, + "UREMENT": 27646, + "Ġidle": 27647, + "_MENU": 27648, + ".Custom": 27649, + "AGER": 27650, + "-\"": 27651, + "_switch": 27652, + "because": 27653, + ")view": 27654, + "mare": 27655, + "_condition": 27656, + "ĠStarting": 27657, + "Mvc": 27658, + "(pre": 27659, + "dump": 27660, + "_LOCK": 27661, + "atetime": 27662, + ".callback": 27663, + "ĠCer": 27664, + "opol": 27665, + "ibrary": 27666, + "Ġreservation": 27667, + "ĉĉĉĉĉĉĉĊ": 27668, + "lector": 27669, + "graduate": 27670, + "Ġgenerous": 27671, + "Ġion": 27672, + "ricao": 27673, + "mq": 27674, + "_complete": 27675, + "(cursor": 27676, + "ĠFormControl": 27677, + ":center": 27678, + "Ġsubstitute": 27679, + "ĠPlanning": 27680, + "Ġpension": 27681, + "Ġrecommendation": 27682, + "ĠTags": 27683, + "Ġgef": 27684, + "Ġalbums": 27685, + "Ġwashing": 27686, + "roc": 27687, + "Ġtrains": 27688, + "atings": 27689, + "Ġexponent": 27690, + "ackbar": 27691, + "-ln": 27692, + "ág": 27693, + ".DataAnnotations": 27694, + "ĠEIF": 27695, + "ĠMalaysia": 27696, + "ĉPORT": 27697, + "onus": 27698, + "Ġclever": 27699, + "Ġpeu": 27700, + ">ĊĊĊĊ": 27701, + "ĠArguments": 27702, + "Ġdebugging": 27703, + "(right": 27704, + "'D": 27705, + "compute": 27706, + "Ġfinest": 27707, + "ORAGE": 27708, + "Ġspectacular": 27709, + "phrase": 27710, + "Ġindia": 27711, + "Ġlegendary": 27712, + "birth": 27713, + "Ġcomposite": 27714, + "Ġgrows": 27715, + "ĠTD": 27716, + "Ġepid": 27717, + "Ġlaunching": 27718, + "]][": 27719, + "Minutes": 27720, + "ĠCha": 27721, + "Ġcleaned": 27722, + "Ġwitnesses": 27723, + "ukan": 27724, + "ĉType": 27725, + "Ġhabe": 27726, + "paragraph": 27727, + "ĠJPanel": 27728, + "ĠHann": 27729, + "Ġvaried": 27730, + "ĠPokemon": 27731, + "ĠMUST": 27732, + "åĬ¨": 27733, + ".visibility": 27734, + "opup": 27735, + "^[": 27736, + ".expand": 27737, + "Ġ\"',": 27738, + ".fasterxml": 27739, + "_auto": 27740, + "ĠSheet": 27741, + "marker": 27742, + "Parcel": 27743, + "ews": 27744, + "ĠStrategy": 27745, + "-making": 27746, + "Ġunve": 27747, + "Ġtrailing": 27748, + "Ġclicks": 27749, + "ĠGetComponent": 27750, + "ĉcontent": 27751, + "IGENCE": 27752, + "ERNEL": 27753, + "NSMutableArray": 27754, + "Ġbreat": 27755, + "Ġharmful": 27756, + "¶Ī": 27757, + "Ġbesides": 27758, + "Ġboring": 27759, + "Ġbrutal": 27760, + "vang": 27761, + "(parse": 27762, + "quick": 27763, + "Ġpytest": 27764, + "Ġswitching": 27765, + "()]Ċ": 27766, + "ĠìĦ": 27767, + "LER": 27768, + "ĉfont": 27769, + "Ġnett": 27770, + ")]ĊĊ": 27771, + "(/\\": 27772, + "æŀľ": 27773, + "toArray": 27774, + "Ġbreed": 27775, + "ĠCAR": 27776, + "ĠWeapon": 27777, + "Abs": 27778, + "tot": 27779, + "ĠsetName": 27780, + "aptive": 27781, + "Ġ:,": 27782, + "Ġescaped": 27783, + "orden": 27784, + "ĠPri": 27785, + "thumbnail": 27786, + "Ġdescriptions": 27787, + "/styles": 27788, + "ĠPCI": 27789, + "Ġalphabet": 27790, + "asticsearch": 27791, + "NOTE": 27792, + "Ġcialis": 27793, + "ĠGriff": 27794, + "Ġporque": 27795, + "Ġproteins": 27796, + "plays": 27797, + "Ġstating": 27798, + "Ġimagination": 27799, + "Ġfacial": 27800, + "ĠMechan": 27801, + "Ġarranged": 27802, + "_used": 27803, + "Ġarrangements": 27804, + "ĠPipe": 27805, + "hostname": 27806, + "Ġprovinc": 27807, + "Tit": 27808, + ".FlatStyle": 27809, + "ĠSplit": 27810, + "ĠLoader": 27811, + ".cc": 27812, + "Ġclinic": 27813, + "----------------------------": 27814, + "Ġbaking": 27815, + "ĠENT": 27816, + "neath": 27817, + "ãĢģĊĊ": 27818, + "ANE": 27819, + ".EntityFrameworkCore": 27820, + "appers": 27821, + ".ic": 27822, + "ĠNgModule": 27823, + "ĠFORM": 27824, + "Ġ';": 27825, + "-profit": 27826, + "hw": 27827, + "enemy": 27828, + "ĠEye": 27829, + "Ġcaution": 27830, + "town": 27831, + "Ġurged": 27832, + "ĠJimmy": 27833, + "ynchronous": 27834, + "-sized": 27835, + "making": 27836, + ",{": 27837, + "]',": 27838, + "_Object": 27839, + "ahoma": 27840, + "Ġactivist": 27841, + "INVAL": 27842, + "ĠCommercial": 27843, + "ĠOrlando": 27844, + "(tab": 27845, + "Ġب": 27846, + "Algorithm": 27847, + "Ġheritage": 27848, + "GetMapping": 27849, + "Ġfailures": 27850, + "rios": 27851, + "ativa": 27852, + "Ġtet": 27853, + "Ġcarpet": 27854, + "(Z": 27855, + "three": 27856, + "Ġdisclosure": 27857, + ".ERROR": 27858, + "_called": 27859, + "Ġdial": 27860, + "Ġoccasional": 27861, + ".Err": 27862, + "Ġfuncion": 27863, + "caffold": 27864, + "Ġreleasing": 27865, + "ï¼īĊĊ": 27866, + "_Value": 27867, + "ĠVari": 27868, + "yellow": 27869, + "Ġstruggles": 27870, + ".cal": 27871, + "ĠDakota": 27872, + "ĉclose": 27873, + "Ġsandwich": 27874, + "Ġanalytics": 27875, + "Ġ**)": 27876, + "&#": 27877, + "ĠJos": 27878, + "Ġpassive": 27879, + "ATTR": 27880, + "Throwable": 27881, + "ĠMun": 27882, + "ĠUint": 27883, + "(disposing": 27884, + "arak": 27885, + "ĠLeaders": 27886, + "Ġaffecting": 27887, + "ĠitemView": 27888, + "Ġeconomics": 27889, + "fv": 27890, + "à¹Ģ": 27891, + ".rb": 27892, + "ĠOverall": 27893, + "Ġwealthy": 27894, + "Ġevolved": 27895, + "nda": 27896, + "ĠHus": 27897, + "restrict": 27898, + "umen": 27899, + "ĠAgricult": 27900, + "!ĊĊĊ": 27901, + "Ġexpires": 27902, + "Ġspokesperson": 27903, + "interval": 27904, + "Ġâ": 27905, + "Ġqueen": 27906, + "(nil": 27907, + "ingo": 27908, + "Heap": 27909, + "Ùİ": 27910, + "Ġcomplain": 27911, + "Sym": 27912, + "ĠClone": 27913, + "ĠRu": 27914, + "ĠWILL": 27915, + "ĠCrystal": 27916, + "/content": 27917, + "ingen": 27918, + "ointment": 27919, + "LastName": 27920, + "avicon": 27921, + "ĠIBM": 27922, + "ĠDimension": 27923, + "anh": 27924, + "icipants": 27925, + "ĠAnne": 27926, + ".progress": 27927, + "Ġalgo": 27928, + "obil": 27929, + "ĠVoice": 27930, + "ĠFE": 27931, + "Ġgli": 27932, + "Ġved": 27933, + "Ġprevents": 27934, + "\\Column": 27935, + "Ġfolk": 27936, + "etti": 27937, + "Ġmn": 27938, + "ĠCLASS": 27939, + "Ġdisplaying": 27940, + "ĠKl": 27941, + "ĠFerr": 27942, + "duto": 27943, + ".ib": 27944, + "Ġdados": 27945, + "'name": 27946, + "-space": 27947, + "Ġitalian": 27948, + "Ġinverse": 27949, + "Ġdense": 27950, + "uter": 27951, + "ĠIEnumerator": 27952, + "-sign": 27953, + "Ġnationwide": 27954, + "Ġpersona": 27955, + "Ġsolved": 27956, + "Ġdramatically": 27957, + "Logout": 27958, + "Ġgrav": 27959, + "Ġanalyses": 27960, + "ollo": 27961, + "Ġlamp": 27962, + ".team": 27963, + "ĠErot": 27964, + "=[\"": 27965, + "Ġdancing": 27966, + "Ġ?>/": 27967, + "Ġcater": 27968, + "ffe": 27969, + "ĠSha": 27970, + "ĠBos": 27971, + "ĠREQUIRE": 27972, + "ĠMonster": 27973, + "ĠRB": 27974, + "ĠIDE": 27975, + "Ġsuits": 27976, + "ĠformData": 27977, + "(theta": 27978, + "Ġspatial": 27979, + "=NULL": 27980, + "ĠSqlConnection": 27981, + "Ġà": 27982, + "ĠVenez": 27983, + "ĠMorning": 27984, + "Ġpublications": 27985, + "ĠNONINFRINGEMENT": 27986, + "firstName": 27987, + "uds": 27988, + "Would": 27989, + "_HEAD": 27990, + "Ġinvested": 27991, + "stable": 27992, + "fred": 27993, + "Ġcommander": 27994, + "SES": 27995, + "âĢĶa": 27996, + "anche": 27997, + "ĠMovement": 27998, + "ë³": 27999, + "Suite": 28000, + "Ġjurisdiction": 28001, + "리": 28002, + "ĠBeth": 28003, + "jQuery": 28004, + "ĠIsa": 28005, + "Ġdental": 28006, + ",*": 28007, + "ĠLimit": 28008, + "iliation": 28009, + "=\"{": 28010, + "bast": 28011, + "Ġturb": 28012, + "isy": 28013, + "OOK": 28014, + "Ġadvocate": 28015, + "imag": 28016, + "LECTION": 28017, + "лÑĮ": 28018, + "(category": 28019, + ".dec": 28020, + "Ġuniqu": 28021, + "_sn": 28022, + "Ġattracted": 28023, + "ĠÃī": 28024, + "ĠRunning": 28025, + "_edges": 28026, + "ĠDisable": 28027, + "_AS": 28028, + "åĽ¾": 28029, + "Ġnetworking": 28030, + "_branch": 28031, + "Having": 28032, + "toBeTruthy": 28033, + "GI": 28034, + "Ġcamps": 28035, + "sep": 28036, + "-part": 28037, + "Ġ)ĊĊĊĊĊĊĊĊ": 28038, + "ustralia": 28039, + "ĠReports": 28040, + "rito": 28041, + "Ġwaist": 28042, + "_plus": 28043, + "ĠWW": 28044, + "-person": 28045, + "April": 28046, + "Ġsar": 28047, + ".tar": 28048, + "Ġagricultural": 28049, + "tic": 28050, + "Ġtcp": 28051, + "ĠsetValue": 28052, + "agento": 28053, + "ĠAppe": 28054, + "piler": 28055, + "CADE": 28056, + "Ġanche": 28057, + "atcher": 28058, + "Ġcomics": 28059, + "Ġlbs": 28060, + "_segment": 28061, + "']=$": 28062, + "itters": 28063, + "icher": 28064, + "GINE": 28065, + "Ġutilize": 28066, + "ĠCursor": 28067, + "_expression": 28068, + "Ġdag": 28069, + "x": 28257, + ".Task": 28258, + "money": 28259, + "ibaba": 28260, + "'});Ċ": 28261, + "ĠSpecific": 28262, + "ĠLinear": 28263, + "_OPT": 28264, + "HashCode": 28265, + "(Player": 28266, + ".ContainsKey": 28267, + "Ġcollapsed": 28268, + "transparent": 28269, + "_RANGE": 28270, + "Viewer": 28271, + "(cfg": 28272, + "Ġsorting": 28273, + "Ġinfected": 28274, + "ĠNach": 28275, + "Ġaccommodate": 28276, + ".elements": 28277, + "_PART": 28278, + "ĠSexy": 28279, + "=get": 28280, + "(year": 28281, + "Ġxhr": 28282, + ":]": 28283, + "owski": 28284, + "Ġsummar": 28285, + "Ġ¿": 28286, + "Ġinte": 28287, + "Ġworkflow": 28288, + "ĠTaiwan": 28289, + "versions": 28290, + "åıij": 28291, + "Ġsurprisingly": 28292, + "Ġoptical": 28293, + "Ġproces": 28294, + "Ġdisagree": 28295, + "Ġnuevo": 28296, + "ĠCAM": 28297, + "sorted": 28298, + "leases": 28299, + "istle": 28300, + "Ident": 28301, + "ĉevent": 28302, + "jected": 28303, + "Chunk": 28304, + "Vars": 28305, + ".provider": 28306, + "Ġproceedings": 28307, + "Ġinclusive": 28308, + "Ġartwork": 28309, + "endants": 28310, + "ï¼ļĊ": 28311, + "seen": 28312, + "Ġlig": 28313, + "Ġmakers": 28314, + "_fun": 28315, + "Ġlengths": 28316, + "PathVariable": 28317, + "[item": 28318, + "ี": 28319, + "Dead": 28320, + "FFFFFF": 28321, + "ĠUrban": 28322, + "uples": 28323, + "ichen": 28324, + "(nullptr": 28325, + ".spec": 28326, + ",System": 28327, + "URATION": 28328, + "(job": 28329, + "å¼ı": 28330, + "Ġtracker": 28331, + "ÅĻ": 28332, + "ĠMR": 28333, + "ĠSQLite": 28334, + "Ġdto": 28335, + "Ġ;;Ċ": 28336, + "Ġmint": 28337, + "ĠIntroduction": 28338, + "cao": 28339, + "Ġquestioned": 28340, + "Ġfitted": 28341, + "revision": 28342, + "sq": 28343, + "Ġmig": 28344, + "_units": 28345, + "_async": 28346, + "Ġflick": 28347, + "});ĊĊĊ": 28348, + "Ġnotre": 28349, + "}`,": 28350, + "Filters": 28351, + "Ġmundo": 28352, + "_days": 28353, + "Ġfrm": 28354, + "utc": 28355, + "Ġvals": 28356, + "ewidth": 28357, + "ĠGenerator": 28358, + "ĠArtist": 28359, + "ĠIDs": 28360, + "ĠArticles": 28361, + "reater": 28362, + "ĠComponentFixture": 28363, + ".=": 28364, + "Ġrou": 28365, + "-no": 28366, + ".bukkit": 28367, + "egg": 28368, + "ĠDiff": 28369, + "atics": 28370, + "ÑĥÑĩ": 28371, + "âĢĶĊĊ": 28372, + "ĠCharlotte": 28373, + "bye": 28374, + "Ġ});čĊčĊ": 28375, + "ĠVik": 28376, + "ĠBrow": 28377, + "Ġlv": 28378, + "ĠGib": 28379, + "-wing": 28380, + "GLIGENCE": 28381, + "(Il": 28382, + "ĠEngineer": 28383, + ".Wait": 28384, + "ĠPictures": 28385, + "Ġrhet": 28386, + "Ġthermal": 28387, + "Ġpraise": 28388, + "<>();ĊĊ": 28389, + "ĠSpider": 28390, + "Pause": 28391, + "ĠBaker": 28392, + "Ġslower": 28393, + "Ġ}]Ċ": 28394, + "_enqueue": 28395, + "Ġdisappeared": 28396, + "ĠTicket": 28397, + "INUX": 28398, + "_LOCAL": 28399, + "аÑģÑģ": 28400, + "@Injectable": 28401, + "community": 28402, + "GestureRecognizer": 28403, + "åĽ½": 28404, + "Ġscales": 28405, + "Ġ-(": 28406, + "/'+": 28407, + "ĠSit": 28408, + "Ġexecutives": 28409, + "arding": 28410, + "Ġadvers": 28411, + "Ġbackwards": 28412, + "ĉcontext": 28413, + "ĠHamp": 28414, + "ĠPF": 28415, + "ĠDeck": 28416, + "ĠCraig": 28417, + "American": 28418, + "Ġbell": 28419, + "Ġprol": 28420, + "ufen": 28421, + "Ġrng": 28422, + "arshal": 28423, + "ĠSimply": 28424, + "firstname": 28425, + "shore": 28426, + "July": 28427, + "Ġmortality": 28428, + "ĠâĨĴĊĊ": 28429, + "Helpers": 28430, + "Ġbenchmark": 28431, + "emade": 28432, + "Ġorganisations": 28433, + ".gson": 28434, + "ĠTextField": 28435, + "Ġcivilians": 28436, + ".Arrays": 28437, + "ĠMississippi": 28438, + "Ġintermediate": 28439, + "getUser": 28440, + "_cluster": 28441, + "Relative": 28442, + "foreign": 28443, + ".querySelectorAll": 28444, + "ForeignKey": 28445, + "Ġreasonably": 28446, + "---------Ċ": 28447, + "Cards": 28448, + "ĠKam": 28449, + "ĠThor": 28450, + "Ġroller": 28451, + "-element": 28452, + "ĠCurrency": 28453, + "ddie": 28454, + "ALLY": 28455, + "ĠRA": 28456, + "Ġpermet": 28457, + "aaaa": 28458, + "Ġhomework": 28459, + "ĠVit": 28460, + "Ġmold": 28461, + "ĠFer": 28462, + "[start": 28463, + "Ġstatistical": 28464, + "Ġscary": 28465, + "_HOME": 28466, + ".Begin": 28467, + "Construct": 28468, + "ogenic": 28469, + "ĠDEALINGS": 28470, + "Ġtambién": 28471, + "ixon": 28472, + ".ind": 28473, + "acre": 28474, + "Ġtransforms": 28475, + "ĠNap": 28476, + ".Block": 28477, + "ussia": 28478, + "piration": 28479, + "ulent": 28480, + "Ġceil": 28481, + "Clause": 28482, + "naire": 28483, + "TES": 28484, + "Ġneat": 28485, + "STD": 28486, + "ĠRegExp": 28487, + "perform": 28488, + ":)": 28489, + "Ġunions": 28490, + "Ġsublic": 28491, + "Ġwinds": 28492, + "loating": 28493, + "glich": 28494, + "Ġpagination": 28495, + "Skill": 28496, + "Apply": 28497, + "ĠOperator": 28498, + "istogram": 28499, + "Ġqualities": 28500, + "Cross": 28501, + "Ġdecom": 28502, + "],\"": 28503, + "ĠJuan": 28504, + ".modal": 28505, + ".Child": 28506, + "ĠRoger": 28507, + "STITUTE": 28508, + ":CGRectMake": 28509, + "alette": 28510, + "Ġsta": 28511, + "aside": 28512, + "Ġblur": 28513, + "ĠWa": 28514, + "ifetime": 28515, + "reed": 28516, + "controls": 28517, + "Ġbins": 28518, + "Ġпол": 28519, + "*/,Ċ": 28520, + "UIS": 28521, + "ĠRou": 28522, + "ĠDemo": 28523, + "-awesome": 28524, + "ĠChain": 28525, + "Ġhasta": 28526, + "ĠBart": 28527, + ".KEY": 28528, + "Ġvendors": 28529, + "nofollow": 28530, + "ĠDest": 28531, + "_builder": 28532, + "Ġargues": 28533, + "_answer": 28534, + "goto": 28535, + "ĠRESULT": 28536, + "ĠMON": 28537, + "Ġpoder": 28538, + "oons": 28539, + "_CASE": 28540, + "Ġreplic": 28541, + "Ġfinancing": 28542, + "ĠDATE": 28543, + "cern": 28544, + "_track": 28545, + "ties": 28546, + "/logo": 28547, + "ĠNEGLIGENCE": 28548, + "getType": 28549, + ">T": 28550, + "bet": 28551, + "girl": 28552, + "ĠINCIDENTAL": 28553, + "-site": 28554, + ".trigger": 28555, + "ĠLisa": 28556, + "_inputs": 28557, + "Ġrelatives": 28558, + "LoggedIn": 28559, + "Configure": 28560, + "IK": 28561, + ".accept": 28562, + "Resume": 28563, + "ĠDraft": 28564, + "Ġ*>(": 28565, + "ĠWA": 28566, + "edian": 28567, + "erness": 28568, + "ĠLayoutInflater": 28569, + "*/čĊčĊ": 28570, + "othy": 28571, + "Ġobligation": 28572, + "Subscribe": 28573, + "Ġthumbnail": 28574, + "exist": 28575, + "Ġinsisted": 28576, + "ĠUICollectionView": 28577, + "ĠAngular": 28578, + "Ġtablets": 28579, + "ĠImpact": 28580, + "ãĢįĊĊ": 28581, + "aho": 28582, + "Ġcharacteristic": 28583, + "gd": 28584, + "Ġ=================================================": 28585, + "ourt": 28586, + "`.": 28587, + "Appro": 28588, + "Coordinate": 28589, + "Remember": 28590, + "Ġmarine": 28591, + "]=='": 28592, + "ĠAdministrator": 28593, + ".getDefault": 28594, + "Ġforgot": 28595, + "ĠStructure": 28596, + "Vue": 28597, + "arsing": 28598, + "moment": 28599, + "kw": 28600, + "_cursor": 28601, + "Attack": 28602, + "Ġathletic": 28603, + "Ġdiagnosed": 28604, + "Ġende": 28605, + "åĪłéϤ": 28606, + "House": 28607, + "ĠPARAM": 28608, + "Ġwiki": 28609, + "ĠOpp": 28610, + "Ġconservation": 28611, + "Ġsnd": 28612, + "_tem": 28613, + "substr": 28614, + "ĠCape": 28615, + ".sim": 28616, + "UTION": 28617, + "anan": 28618, + "âĢĻun": 28619, + "Ġgy": 28620, + "-work": 28621, + "Ġcompelling": 28622, + "='#": 28623, + "ĉsub": 28624, + "Ġdirectories": 28625, + "íĬ¸": 28626, + "Ġtouches": 28627, + "outines": 28628, + ".Collection": 28629, + "schedule": 28630, + ".lat": 28631, + "ĠDoctrine": 28632, + "CAA": 28633, + "ĠRefer": 28634, + "Ġshifts": 28635, + "Ġlikelihood": 28636, + "preter": 28637, + "ĠFemale": 28638, + "Ġintercept": 28639, + "Ġlou": 28640, + "çĻ»": 28641, + "Ġrug": 28642, + "ĠCrown": 28643, + "Ġ****************************************************************************": 28644, + "-product": 28645, + "Ġprompted": 28646, + "ungle": 28647, + "docker": 28648, + "ĠTu": 28649, + "ĠUnique": 28650, + "_Error": 28651, + "ulos": 28652, + "ĠâĦ": 28653, + "Ġ(`": 28654, + "Getting": 28655, + "_scal": 28656, + "ĠEnh": 28657, + "üt": 28658, + "Ġsustained": 28659, + "Ġpatches": 28660, + "Ġprosper": 28661, + "ĠGaza": 28662, + "_light": 28663, + "Ġincons": 28664, + "--------Ċ": 28665, + "ĉĉĠĠĠĠĠĠ": 28666, + "SF": 28667, + "CN": 28668, + ":\";Ċ": 28669, + "ĠCollins": 28670, + "(*)": 28671, + "Ġcompilation": 28672, + "']čĊ": 28673, + "Ġconsequence": 28674, + ",...": 28675, + "Ġdm": 28676, + "ĠBLOCK": 28677, + "Cluster": 28678, + "Ġski": 28679, + "(argc": 28680, + "Tuple": 28681, + "Ġjoins": 28682, + "ĠSheriff": 28683, + "War": 28684, + "indi": 28685, + "Ġcommented": 28686, + "HOST": 28687, + "Ġinvitation": 28688, + "apanese": 28689, + "Ġpermits": 28690, + "precedented": 28691, + "_zone": 28692, + "ĠAmy": 28693, + "_RD": 28694, + "Minimum": 28695, + "Ġinvocation": 28696, + ".enable": 28697, + "ichten": 28698, + "-owned": 28699, + "\"id": 28700, + "_POINTER": 28701, + "Fac": 28702, + "Ġspecifications": 28703, + "Ġnomination": 28704, + "Ġgp": 28705, + "<(": 28706, + "Ġrobots": 28707, + "ĠJerry": 28708, + "Ġholders": 28709, + "Ġwand": 28710, + "cms": 28711, + "Ġ}))Ċ": 28712, + ".Toast": 28713, + "ĠIList": 28714, + "Based": 28715, + "zoom": 28716, + "/style": 28717, + "ĠBeck": 28718, + "Men": 28719, + "Ġcontributing": 28720, + "Ġundo": 28721, + "ĠOH": 28722, + "ĠaddObject": 28723, + "Ġeigen": 28724, + "signup": 28725, + "éĶĻ": 28726, + "Ġdistant": 28727, + "PARATOR": 28728, + "ĠMari": 28729, + "Ġmá": 28730, + "Emp": 28731, + "ós": 28732, + "ĠìĪĺ": 28733, + "evt": 28734, + "+j": 28735, + "park": 28736, + "ĠStay": 28737, + "ĠDun": 28738, + "Ġsoy": 28739, + ">%": 28740, + "azines": 28741, + "Ġtiempo": 28742, + "(me": 28743, + "present": 28744, + ".This": 28745, + "Ġeditors": 28746, + "FIELD": 28747, + ".Work": 28748, + "ĠUniverse": 28749, + "Ġdrunk": 28750, + ".timer": 28751, + "Ġaltered": 28752, + "ĠNar": 28753, + "ëł¥": 28754, + ".Active": 28755, + "idor": 28756, + "çŃ": 28757, + ".deltaTime": 28758, + "Ġawkward": 28759, + """: 28760, + "ĠSafari": 28761, + "Ġtricks": 28762, + "MENTS": 28763, + "division": 28764, + "Ġvarying": 28765, + "ĠHighway": 28766, + "Ġphotographer": 28767, + "ĠStewart": 28768, + "Ġlasting": 28769, + ".Pre": 28770, + ".amazonaws": 28771, + "ĠLuck": 28772, + ".Description": 28773, + "ĠNaz": 28774, + "neg": 28775, + "Ġcó": 28776, + "<<\"\\": 28777, + "ĠSurv": 28778, + "ĠUnc": 28779, + "Recipe": 28780, + ".BorderStyle": 28781, + "Ġmodifications": 28782, + "-at": 28783, + "ATFORM": 28784, + "hdr": 28785, + "ako": 28786, + "Ġsublicense": 28787, + "ĠJump": 28788, + "Ġbeim": 28789, + "ĠManhattan": 28790, + ".bool": 28791, + "_hw": 28792, + "ÑĤÑĮ": 28793, + "Bin": 28794, + "Ġgateway": 28795, + "\"\":": 28796, + "ĠUIS": 28797, + ":\"+": 28798, + "-def": 28799, + "ĠRegular": 28800, + "/testing": 28801, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 28802, + "stringstream": 28803, + "Ġdispar": 28804, + "Ġmobil": 28805, + "-read": 28806, + "ĠAdapter": 28807, + "ĠChampions": 28808, + "Ġscheduler": 28809, + "Ġkills": 28810, + "ĠMultiple": 28811, + "irror": 28812, + "Ġgods": 28813, + "ADO": 28814, + "akte": 28815, + "ĠUsuario": 28816, + ".circular": 28817, + "Ġrecept": 28818, + "ĠExpr": 28819, + "Ġelderly": 28820, + "Ġnicely": 28821, + "Ġbeste": 28822, + "Want": 28823, + "Ġclassical": 28824, + ".sprite": 28825, + "objc": 28826, + "ĠMason": 28827, + "Ġsistema": 28828, + ".Black": 28829, + "eso": 28830, + "ĠZeit": 28831, + "Ġdivid": 28832, + "Ġenters": 28833, + "_subject": 28834, + "ĠPlanet": 28835, + ".warning": 28836, + "ĠGram": 28837, + "_tokens": 28838, + "Ġhouseholds": 28839, + "_customer": 28840, + "userName": 28841, + "cross": 28842, + "Ġpione": 28843, + "Ġassists": 28844, + "_SM": 28845, + "ibo": 28846, + "Ġloyal": 28847, + "Ġuseless": 28848, + "#elif": 28849, + "ĠUltimate": 28850, + "Come": 28851, + "gel": 28852, + "Ġdich": 28853, + "xyz": 28854, + "ikel": 28855, + "obra": 28856, + "_scan": 28857, + "ĠInterior": 28858, + "ĠNice": 28859, + "Ġplac": 28860, + "ĉtarget": 28861, + "Ġviral": 28862, + "asso": 28863, + "()/": 28864, + "unde": 28865, + "ĠAdobe": 28866, + "Os": 28867, + "visited": 28868, + "ĠOW": 28869, + "ĠFeed": 28870, + "ĠSequence": 28871, + "Ġmanages": 28872, + "inson": 28873, + "ĠLouisiana": 28874, + "{})": 28875, + "ĠHab": 28876, + "ĠLD": 28877, + "Ġbip": 28878, + "prites": 28879, + "(elem": 28880, + ".hibernate": 28881, + "élé": 28882, + "Ġohne": 28883, + "_transaction": 28884, + "Ġannunci": 28885, + "Published": 28886, + "ĠHonda": 28887, + "ĠTam": 28888, + "ĠPacket": 28889, + "_selector": 28890, + "Ġchallenged": 28891, + "Processing": 28892, + "-hover": 28893, + "Ġtrainer": 28894, + "_cancel": 28895, + "ĠNSDictionary": 28896, + "abric": 28897, + "ĠMLS": 28898, + "_sensor": 28899, + "Ġshrink": 28900, + "ĠFX": 28901, + "threshold": 28902, + "ĉHX": 28903, + "-mark": 28904, + "`.`": 28905, + "Scheme": 28906, + "(full": 28907, + "_writer": 28908, + "ĠSys": 28909, + "Ġfled": 28910, + "ĠCin": 28911, + "-widget": 28912, + "ĠPrevious": 28913, + "Gender": 28914, + "_question": 28915, + "Feed": 28916, + "Ġscrut": 28917, + "(prefix": 28918, + "ãĢĤãĢĤ": 28919, + "Ġinfections": 28920, + "Parts": 28921, + "Ġhierarchy": 28922, + "_DELETE": 28923, + "ĠPatient": 28924, + "_pay": 28925, + "Ġpromoted": 28926, + "Ġìĭ": 28927, + "Ġcivilian": 28928, + "Ġagriculture": 28929, + "ĠPiece": 28930, + "Ġstance": 28931, + "utsche": 28932, + "Assign": 28933, + ".ACTION": 28934, + "Fig": 28935, + "_radius": 28936, + "ĠSync": 28937, + "ducer": 28938, + "failure": 28939, + "ensed": 28940, + "ptime": 28941, + "BM": 28942, + "_datetime": 28943, + "quivo": 28944, + "QUEUE": 28945, + "èĢħ": 28946, + "Appear": 28947, + "Ġsummit": 28948, + ":void": 28949, + "Ġvine": 28950, + "认": 28951, + "onne": 28952, + "_TRANS": 28953, + ".green": 28954, + "_cc": 28955, + "Ġhungry": 28956, + "Ġ\">": 28957, + "());čĊčĊ": 28958, + "Extract": 28959, + "izens": 28960, + "Ġsolver": 28961, + "Notify": 28962, + "Ġenglish": 28963, + "ĠShopping": 28964, + "interfaces": 28965, + "REQ": 28966, + "Ġilleg": 28967, + "ĠUIImageView": 28968, + "Ġdisconnect": 28969, + "ĠUntil": 28970, + "ĠConservative": 28971, + "@Column": 28972, + "Ġshifted": 28973, + "Ġ:čĊ": 28974, + "Ġfich": 28975, + "Ġdla": 28976, + "Ġshoe": 28977, + "\"),čĊ": 28978, + "ularity": 28979, + "_RESP": 28980, + "Weather": 28981, + "UIApplication": 28982, + ".iterator": 28983, + "Ġaging": 28984, + ".Parent": 28985, + "owie": 28986, + "(equal": 28987, + "ĠConv": 28988, + "/default": 28989, + "Ġmeasuring": 28990, + ".prev": 28991, + ".IsValid": 28992, + ".Fat": 28993, + "ĠsÄĥ": 28994, + "keywords": 28995, + "without": 28996, + "Ġsovere": 28997, + "Ġexchanges": 28998, + "Ġmelt": 28999, + "Ġislands": 29000, + "ĠIntegr": 29001, + "Ġjumping": 29002, + "Ġgle": 29003, + "Ġjournalism": 29004, + "Ġdated": 29005, + "Localized": 29006, + "ĠRefresh": 29007, + "Particle": 29008, + "Ġaa": 29009, + "ĠSTRICT": 29010, + "Ġbod": 29011, + ".Process": 29012, + "_AUTO": 29013, + "ĠPublished": 29014, + "every": 29015, + "Ġtechnological": 29016, + "lsx": 29017, + "Ġirrit": 29018, + "Additional": 29019, + "Ġdelimiter": 29020, + "_language": 29021, + "-area": 29022, + "boys": 29023, + "ĠTube": 29024, + "Ġwat": 29025, + "Ġmechanics": 29026, + "_owner": 29027, + "Spell": 29028, + "ĠStories": 29029, + ".AppendLine": 29030, + "TableView": 29031, + "hem": 29032, + "stick": 29033, + "ollower": 29034, + "IFF": 29035, + "ĠUV": 29036, + "ollision": 29037, + "SUB": 29038, + "Ġcomparable": 29039, + "Ġdonde": 29040, + "sales": 29041, + "llvm": 29042, + "Ġ}],Ċ": 29043, + "OTTOM": 29044, + "ĠPurpose": 29045, + "Lab": 29046, + "Ġinterviewed": 29047, + "ois": 29048, + "asil": 29049, + ".setId": 29050, + "ĠInstruction": 29051, + "-->": 29052, + "ĠModified": 29053, + "ationally": 29054, + "ĠMeeting": 29055, + "误": 29056, + "#region": 29057, + "Ġrouting": 29058, + ".focus": 29059, + "ĠYouth": 29060, + "<": 29348, + "Ġunto": 29349, + "ologically": 29350, + "ĠMul": 29351, + "VIDIA": 29352, + "Ġslim": 29353, + "ĠCommissioner": 29354, + "(on": 29355, + "Ġunderneath": 29356, + "/db": 29357, + "vote": 29358, + "(Message": 29359, + "ĠPope": 29360, + "Defined": 29361, + "Ġswift": 29362, + "urf": 29363, + "Ġadapted": 29364, + "SEL": 29365, + "Ġrevenues": 29366, + "Ġdivine": 29367, + "=y": 29368, + "Gradient": 29369, + "_act": 29370, + "Ġ/*!<": 29371, + "Ġpolygon": 29372, + "ĠFDA": 29373, + "ĠCarr": 29374, + "atables": 29375, + "(stdout": 29376, + "Ġrefriger": 29377, + "Ġcoordin": 29378, + "avorites": 29379, + "ÑĪи": 29380, + "Ġcompassion": 29381, + "ĠPOSSIBILITY": 29382, + "-secondary": 29383, + "uracy": 29384, + "Ġcompromise": 29385, + "_AV": 29386, + "_os": 29387, + "Ġbeside": 29388, + "ĥĿ": 29389, + "Ġln": 29390, + ".plugins": 29391, + "Capacity": 29392, + "alah": 29393, + ".bin": 29394, + "ĠCRC": 29395, + "_balance": 29396, + "ĠflexDirection": 29397, + "Ġambit": 29398, + "Ġnickname": 29399, + "ĠForces": 29400, + "CLE": 29401, + "ĠShell": 29402, + "Ġsail": 29403, + "ĠWriter": 29404, + "ĠAlice": 29405, + "dw": 29406, + "ĠIndians": 29407, + "ĠMarshall": 29408, + "_SRC": 29409, + "Ġnormalized": 29410, + "ĠJag": 29411, + "ãĤĴ": 29412, + "zeit": 29413, + "rpc": 29414, + "ÃŃc": 29415, + ".inline": 29416, + "Ġtravers": 29417, + "_numeric": 29418, + "Ġutilities": 29419, + "Ġevac": 29420, + "INPUT": 29421, + "ĉregister": 29422, + "MX": 29423, + "ĠCampbell": 29424, + "Ġdatasets": 29425, + "Ġdemanded": 29426, + "ĠinitialState": 29427, + "gan": 29428, + "Ġei": 29429, + "Unexpected": 29430, + "-web": 29431, + "trait": 29432, + ",Y": 29433, + "ĠTodd": 29434, + "Ġskeleton": 29435, + "Ġoptimize": 29436, + "第": 29437, + "ĠUpon": 29438, + "ĠStObject": 29439, + "Ġaplic": 29440, + ".'P": 29478, + "vron": 29479, + ".UN": 29480, + "Ġpainter": 29481, + "izarre": 29482, + "Ġlav": 29483, + "Ġpom": 29484, + "preg": 29485, + "=function": 29486, + "(serial": 29487, + "ifica": 29488, + "uming": 29489, + "åľ°": 29490, + "ãģĤ": 29491, + "-op": 29492, + "UCH": 29493, + "ĠHend": 29494, + ".propTypes": 29495, + "Ġyo": 29496, + "Ġroutines": 29497, + "Ġcaring": 29498, + "Sem": 29499, + "Ġreserves": 29500, + "Ġpriorities": 29501, + "redits": 29502, + "ISTR": 29503, + "ContentType": 29504, + "ĠSchw": 29505, + "/media": 29506, + "Ġestr": 29507, + "Ġclimbing": 29508, + "-week": 29509, + "cherche": 29510, + "sensor": 29511, + "ToArray": 29512, + "ĠMontreal": 29513, + "Ġclouds": 29514, + "ĠInjectable": 29515, + "ĠRice": 29516, + "Ġpropaganda": 29517, + "_provider": 29518, + "Ġindoor": 29519, + "Ġinaug": 29520, + "Ġdiplom": 29521, + "Ġmessaging": 29522, + "_mut": 29523, + "å¦Ĥ": 29524, + "Ġkw": 29525, + "ONS": 29526, + "arians": 29527, + "RPC": 29528, + ")]čĊ": 29529, + "-ray": 29530, + "ĠSor": 29531, + "mall": 29532, + "Ġmarketplace": 29533, + "Ġvtk": 29534, + "Ma": 29535, + "ogan": 29536, + "igi": 29537, + "Ġsponsored": 29538, + "ĠDani": 29539, + ".SEVER": 29540, + ">'.$": 29541, + "multipart": 29542, + "ĠWol": 29543, + "ĠtableName": 29544, + "ĠUsername": 29545, + "BackgroundColor": 29546, + "Ġfright": 29547, + "_EMAIL": 29548, + "September": 29549, + "_vals": 29550, + "opia": 29551, + "Ġspotted": 29552, + "-Ch": 29553, + "ĠdataSource": 29554, + "/\"Ċ": 29555, + "екÑĤ": 29556, + "ĠRequestMethod": 29557, + "ĠReplace": 29558, + "-do": 29559, + "ahn": 29560, + "ĠPhD": 29561, + "].ĊĊ": 29562, + "NON": 29563, + "gement": 29564, + "ĠThr": 29565, + "Ġquietly": 29566, + "Ġtorture": 29567, + "Ġteas": 29568, + "ĠCY": 29569, + "Ġatr": 29570, + "development": 29571, + "-detail": 29572, + "Ġlighter": 29573, + "Ġarguing": 29574, + "Ġdeserves": 29575, + "Ġcurriculum": 29576, + "_CONTEXT": 29577, + "ÅĤy": 29578, + "HITE": 29579, + "ĉID": 29580, + "/uploads": 29581, + "Ġtits": 29582, + "reo": 29583, + "_drop": 29584, + ".UTF": 29585, + "Ġpickup": 29586, + "Ġgrocery": 29587, + "ĠPure": 29588, + "Ġeasiest": 29589, + "Phil": 29590, + ".feature": 29591, + "(\"*": 29592, + "Ġinvestor": 29593, + "tok": 29594, + "Ġjar": 29595, + "Los": 29596, + "âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ": 29597, + ".queue": 29598, + "-speed": 29599, + "Mal": 29600, + "umblr": 29601, + "ĠCONST": 29602, + "ĠHRESULT": 29603, + "ĠDance": 29604, + "(filePath": 29605, + "Ġattributed": 29606, + "à¥į": 29607, + "ĠBund": 29608, + "coins": 29609, + "Ġsão": 29610, + "Ġpir": 29611, + "personal": 29612, + "Ġprelim": 29613, + "Ġpropose": 29614, + "ĠTL": 29615, + "]])": 29616, + "ĠSubscription": 29617, + "ĠKre": 29618, + ",len": 29619, + ".FirstOrDefault": 29620, + ")--": 29621, + "_products": 29622, + ".GetBytes": 29623, + "Ship": 29624, + "Ġencrypt": 29625, + "ĠSG": 29626, + "ĠMyst": 29627, + "hir": 29628, + "Ġiterate": 29629, + "Ġintend": 29630, + ".mockito": 29631, + "Ġchapters": 29632, + "(angle": 29633, + "ĠVlad": 29634, + "设": 29635, + "'.ĊĊ": 29636, + "ResponseBody": 29637, + "ĠAbd": 29638, + "deal": 29639, + "Ġbarriers": 29640, + "-outline": 29641, + "bill": 29642, + "ĠFalls": 29643, + "_second": 29644, + ".include": 29645, + ".ceil": 29646, + "Ġoccupation": 29647, + "phony": 29648, + ".moveTo": 29649, + "ĠJennifer": 29650, + "ASTER": 29651, + ";\"><": 29652, + "ĠEnabled": 29653, + "Ġterminate": 29654, + "ĠIo": 29655, + "lations": 29656, + "ĠTHEORY": 29657, + "Ġearliest": 29658, + "Ġrack": 29659, + "ĠScar": 29660, + "shake": 29661, + "chip": 29662, + "Ġuv": 29663, + "Ġalliance": 29664, + "пиÑģ": 29665, + "ĠGOODS": 29666, + "zione": 29667, + "ĠVI": 29668, + "Ġ{-": 29669, + "Ġfiltering": 29670, + "Ġmiscon": 29671, + ".DockStyle": 29672, + "Ġbush": 29673, + "Ġjunk": 29674, + "æĮ": 29675, + "ĠQUE": 29676, + "Ġhooks": 29677, + "Ġfirmware": 29678, + "Ġmiddleware": 29679, + "dic": 29680, + "ĠOakland": 29681, + "Ġarrives": 29682, + "Payload": 29683, + "pixel": 29684, + "]|": 29685, + "ĠstartDate": 29686, + ".PRO": 29687, + "_audio": 29688, + "Ġmidfield": 29689, + "igidbody": 29690, + "ĠSwiss": 29691, + "ĠClip": 29692, + "ĠDump": 29693, + "ĠTextBox": 29694, + "Ġgeh": 29695, + "yield": 29696, + "ods": 29697, + "Ġreferendum": 29698, + "Backend": 29699, + "ĠCream": 29700, + "Ġdominated": 29701, + "ĠArchive": 29702, + "Ġriders": 29703, + ".prepareStatement": 29704, + "Ġquando": 29705, + "Ġchef": 29706, + "wiki": 29707, + "inel": 29708, + "ampling": 29709, + "(\"\\\\": 29710, + "Ġsag": 29711, + "_proxy": 29712, + "ãģķ": 29713, + "pdo": 29714, + ".getElementsByTagName": 29715, + "Ġdemonstration": 29716, + "ĠNPC": 29717, + "Ġarchivo": 29718, + "endance": 29719, + "Ġefficiently": 29720, + "(actual": 29721, + ".tableView": 29722, + "Ġmush": 29723, + "Ġbears": 29724, + "_threads": 29725, + "jas": 29726, + "ahun": 29727, + "Ġneural": 29728, + "Ġdesigning": 29729, + "ĠGDP": 29730, + "Ġlifted": 29731, + "缮": 29732, + "ĠJoint": 29733, + "ĠInclude": 29734, + "ĠGiants": 29735, + "Ġwithdrawal": 29736, + "ĠRent": 29737, + "native": 29738, + "ĠSeek": 29739, + "gression": 29740, + "_CPU": 29741, + "\\S": 29742, + "ĠShield": 29743, + "Ġsolic": 29744, + "Ġboom": 29745, + "yecto": 29746, + "Ġmanufacture": 29747, + "ĠâĢĭ": 29748, + "Ġbbox": 29749, + "Ġearthqu": 29750, + "ollectors": 29751, + ":@\"%": 29752, + "Ġloops": 29753, + "Je": 29754, + "alking": 29755, + "ĠWhats": 29756, + "ĠBoys": 29757, + ".book": 29758, + "ARGE": 29759, + "_pixel": 29760, + "Ġsuspects": 29761, + "ι": 29762, + "usp": 29763, + "ĠBMW": 29764, + "ieces": 29765, + "(person": 29766, + "å¼Ģ": 29767, + "é»": 29768, + "ĠPodcast": 29769, + "Ġbou": 29770, + "(Item": 29771, + "û": 29772, + "(Input": 29773, + "HttpGet": 29774, + "Ġburg": 29775, + ")^": 29776, + "BOARD": 29777, + "*/,": 29778, + "Ġgulp": 29779, + "ĠBenn": 29780, + "Ġdecks": 29781, + ".statusCode": 29782, + "Ġacute": 29783, + "Ġhug": 29784, + "ugu": 29785, + "Ġpled": 29786, + ",\"%": 29787, + "hape": 29788, + "Ġзап": 29789, + "ĠMaine": 29790, + ".real": 29791, + "Ġdalam": 29792, + "ĠMinor": 29793, + ".Float": 29794, + "disp": 29795, + "Ġtl": 29796, + "Ġencount": 29797, + "=>$": 29798, + "Ġfg": 29799, + "tees": 29800, + "ĠRecomm": 29801, + "äl": 29802, + "Ġchemistry": 29803, + "Blocks": 29804, + "OID": 29805, + "Ġforex": 29806, + "ĠAppend": 29807, + "Ġ{*": 29808, + "ĠSupply": 29809, + "CGFloat": 29810, + "(bl": 29811, + "Ġate": 29812, + "adora": 29813, + "Ġgust": 29814, + "Associ": 29815, + ">.Ċ": 29816, + "FETCH": 29817, + ".serial": 29818, + "widgets": 29819, + "ardless": 29820, + "iefs": 29821, + "_FULL": 29822, + "ernetes": 29823, + "ĠPred": 29824, + "ØŃ": 29825, + "äºĭ": 29826, + "ubernetes": 29827, + "ĠLaura": 29828, + "Ġlabeled": 29829, + "Highlight": 29830, + "Ġannoying": 29831, + "/update": 29832, + "(description": 29833, + "Ġintimid": 29834, + "$c": 29835, + "\")))Ċ": 29836, + ".AP": 29837, + "Ġ[]*": 29838, + "ĠEXIT": 29839, + ".Host": 29840, + "ĠOPEN": 29841, + ".sendMessage": 29842, + "_camera": 29843, + "_tile": 29844, + "Ġtherm": 29845, + "onomous": 29846, + "Ġdisadv": 29847, + "Ġnaar": 29848, + "indexOf": 29849, + "ĠPP": 29850, + ".protocol": 29851, + "AFE": 29852, + "Ġtextures": 29853, + "################################################": 29854, + "umbai": 29855, + ".stats": 29856, + "ĠGE": 29857, + "Ġie": 29858, + "ĠSTD": 29859, + "ĠMann": 29860, + ".reflect": 29861, + "KB": 29862, + "Ġdive": 29863, + ".wav": 29864, + "/*----------------------------------------------------------------": 29865, + "/settings": 29866, + ".lifecycle": 29867, + "Ġdaughters": 29868, + "orus": 29869, + "uber": 29870, + "NING": 29871, + "stri": 29872, + "ĠTip": 29873, + "Ġzn": 29874, + "Ġswitched": 29875, + "inet": 29876, + "uffy": 29877, + "ĠTransportation": 29878, + "(conf": 29879, + "frica": 29880, + "ĠXL": 29881, + "ĠLead": 29882, + "_percent": 29883, + "__": 29899, + "permissions": 29900, + "ĠDetermine": 29901, + ".Man": 29902, + "Ġadvances": 29903, + ".InputStream": 29904, + "Ġstrongest": 29905, + "ĠeBay": 29906, + "Ġ#-": 29907, + "Ġdirname": 29908, + "ĠSMS": 29909, + "Ġmedications": 29910, + "Ġamended": 29911, + "Ġchurches": 29912, + "ĠImperial": 29913, + "$row": 29914, + "ĠMadison": 29915, + "ĠInsp": 29916, + "Ġaffair": 29917, + "Ġpsychology": 29918, + "vh": 29919, + "Ġseverity": 29920, + "âĢIJ": 29921, + "Ġstrips": 29922, + "AH": 29923, + "vertising": 29924, + "Ġconse": 29925, + "IMAGE": 29926, + "ĠStats": 29927, + "ĉsc": 29928, + ".Cursor": 29929, + "Ġfreeze": 29930, + "sson": 29931, + "(xml": 29932, + "ĠSusan": 29933, + ".tile": 29934, + "eded": 29935, + "ĠĠĠĠĉĉĉ": 29936, + "uelle": 29937, + "ĠMitchell": 29938, + "based": 29939, + "Operand": 29940, + "½æķ°": 29941, + "ĠFF": 29942, + "ĉstrcpy": 29943, + "ounces": 29944, + "ildo": 29945, + ".executeQuery": 29946, + "Ġapproaching": 29947, + "ĠSeven": 29948, + "Ġnuts": 29949, + "Ġric": 29950, + "assignment": 29951, + "Ġcalculator": 29952, + "ĠMurphy": 29953, + "ĠBou": 29954, + "íĦ": 29955, + "Ġbutt": 29956, + "Ġticks": 29957, + "Projects": 29958, + "ilib": 29959, + ".textColor": 29960, + "mov": 29961, + "_logo": 29962, + "(template": 29963, + "ĠINIT": 29964, + "ĠimageView": 29965, + "scriptions": 29966, + "ORITY": 29967, + "Consumer": 29968, + "Ġunprecedented": 29969, + "Ġtourist": 29970, + "Ġbron": 29971, + "Ġcontractor": 29972, + "Ġlicence": 29973, + "ĠNam": 29974, + "æ¯": 29975, + "(transform": 29976, + "_ATT": 29977, + "Pref": 29978, + "ĠGam": 29979, + "Ġvessels": 29980, + "Ġhav": 29981, + "Later": 29982, + ".ToLower": 29983, + "Ġurls": 29984, + "Ġbreakdown": 29985, + "Ġpenalties": 29986, + "Ġfoster": 29987, + "ĠUE": 29988, + "Ġclue": 29989, + "comed": 29990, + "åIJįç§°": 29991, + "-main": 29992, + "Ġpts": 29993, + "Ġcounted": 29994, + "icts": 29995, + "/post": 29996, + "Ġgetattr": 29997, + "Ġping": 29998, + "ANCEL": 29999, + "Ġpec": 30000, + "Ñħод": 30001, + "antom": 30002, + "ĠBlueprint": 30003, + "ĠEventEmitter": 30004, + "Ġlä": 30005, + "æ²": 30006, + "Ġstraw": 30007, + "(comp": 30008, + "'une": 30009, + ">N": 30010, + "-client": 30011, + "esModule": 30012, + "-base": 30013, + "Ġretreat": 30014, + "_simple": 30015, + "ĉĉĉĉĉĉĠ": 30016, + "fee": 30017, + "')čĊčĊ": 30018, + "ControlItem": 30019, + "Ġsubscribers": 30020, + "please": 30021, + "ĠEff": 30022, + "Ġpound": 30023, + "ĠBytes": 30024, + "ĠTea": 30025, + "_activity": 30026, + "Ġmaxim": 30027, + "Ġopcode": 30028, + "BSD": 30029, + ".constant": 30030, + ";}": 30031, + "ombres": 30032, + "Ġcareers": 30033, + ").ĊĊĊĊ": 30034, + "Ġspreading": 30035, + "-expanded": 30036, + "ĠOrd": 30037, + "amarin": 30038, + "Ġmobility": 30039, + "Unfortunately": 30040, + "akk": 30041, + "NL": 30042, + "_redirect": 30043, + "ĠPG": 30044, + "ĠSensor": 30045, + "bol": 30046, + "tap": 30047, + "_MEMORY": 30048, + "ĠUIAlert": 30049, + "plitude": 30050, + "Website": 30051, + "ĠLogo": 30052, + "love": 30053, + "[ind": 30054, + "Ġaltogether": 30055, + "Ġwondered": 30056, + "Ġesper": 30057, + "ĠLiberal": 30058, + "Ġoss": 30059, + "Ġelit": 30060, + "Ġstiff": 30061, + "odox": 30062, + "_mentions": 30063, + "ĠDouglas": 30064, + "_pid": 30065, + "ĠCK": 30066, + "ĠinitWithFrame": 30067, + ".blog": 30068, + "pkg": 30069, + "anghai": 30070, + "QUIRED": 30071, + "uu": 30072, + "Ġmkdir": 30073, + "ATAL": 30074, + "Ġunh": 30075, + "inces": 30076, + "sth": 30077, + "Ġhypothesis": 30078, + "Ġcata": 30079, + "ĠTB": 30080, + "ĠClar": 30081, + "Ġpredecess": 30082, + "Ġsituated": 30083, + "-world": 30084, + "))/": 30085, + "Ġheadlines": 30086, + ".stat": 30087, + "Ġoutbreak": 30088, + "spath": 30089, + "_FLAGS": 30090, + "ĠServletException": 30091, + "Sun": 30092, + "FROM": 30093, + "ĠDir": 30094, + "ãĥ»ãĥ»ãĥ»": 30095, + "_coord": 30096, + "ĠOptim": 30097, + "Monitor": 30098, + ".bit": 30099, + "XXX": 30100, + "Ġtodas": 30101, + "feld": 30102, + "ÑĢи": 30103, + "imir": 30104, + "Ġpolitically": 30105, + "Ġmolecular": 30106, + "Ġtraded": 30107, + "Ġ{{$": 30108, + "ĠSwedish": 30109, + "Ġ'@/": 30110, + "_REAL": 30111, + "Ġwarehouse": 30112, + "today": 30113, + ",L": 30114, + "orp": 30115, + "false": 30392, + "Ġspa": 30393, + "ĠNear": 30394, + "ìķ": 30395, + "Ġintrig": 30396, + "_members": 30397, + "wave": 30398, + "Ġanalysts": 30399, + "_OS": 30400, + "edin": 30401, + "ĠFri": 30402, + "Ġretrieved": 30403, + "Regular": 30404, + "_obs": 30405, + "EXPORT": 30406, + "')}}\"": 30407, + "\"class": 30408, + "__((": 30409, + "bucket": 30410, + "Ġstro": 30411, + "ĠPatch": 30412, + "ystick": 30413, + "fulness": 30414, + "apos": 30415, + "Da": 30416, + "ĉĉĉĉĉĠĠĠ": 30417, + "Ġenrich": 30418, + "unordered": 30419, + "hole": 30420, + "Cong": 30421, + "';ĊĊ": 30463, + "STRUCT": 30464, + "QR": 30465, + "IDs": 30466, + "(arguments": 30467, + "_aux": 30468, + "(Event": 30469, + "_PRIVATE": 30470, + "ĠTrek": 30471, + "Ġdownloads": 30472, + "mutable": 30473, + "_STRUCT": 30474, + "(wx": 30475, + "Ġdomains": 30476, + "jspx": 30477, + "ĠViagra": 30478, + "Commands": 30479, + "Js": 30480, + ".cfg": 30481, + "ContentPane": 30482, + "ĠEditText": 30483, + "à¥įà¤": 30484, + "Attach": 30485, + "ĠARM": 30486, + "positive": 30487, + "ĠGenerated": 30488, + "Ġseized": 30489, + "=:": 30490, + "Ġelectronics": 30491, + "ĠAppComponent": 30492, + "/',Ċ": 30493, + ".equalsIgnoreCase": 30494, + "Doctrine": 30495, + "disk": 30496, + "ĠPolitical": 30497, + "CHO": 30498, + "": 30584, + "ĠBeauty": 30585, + "Ġ`<": 30586, + "Ġtouching": 30587, + "Ġ|--": 30588, + "ĉflag": 30589, + "normalize": 30590, + "Ġtrapped": 30591, + "Ġestablishing": 30592, + "/build": 30593, + "AJ": 30594, + "fy": 30595, + "-react": 30596, + "avn": 30597, + "RIPTION": 30598, + "Ġkut": 30599, + "ĠFashion": 30600, + "ĠInform": 30601, + "curities": 30602, + "{Ċ": 30634, + "Ġgarlic": 30635, + "Ġrepr": 30636, + "Ġreplies": 30637, + "(prop": 30638, + "Ġspirits": 30639, + "Ġinspire": 30640, + "Ġbasement": 30641, + ".reject": 30642, + "Ġhints": 30643, + "Ġpolling": 30644, + "ĉĠĊ": 30645, + "_rating": 30646, + "Ġcath": 30647, + "avier": 30648, + "Ġcompressed": 30649, + "ĠVS": 30650, + "]'": 30651, + "Ġjudicial": 30652, + "ĠTrend": 30653, + "training": 30654, + "ESTAMP": 30655, + "ognition": 30656, + "Äģ": 30657, + "SENT": 30658, + "ventions": 30659, + "Ġconsultant": 30660, + "umph": 30661, + "ĠuserService": 30662, + ",NULL": 30663, + "kh": 30664, + "Dear": 30665, + "_BAD": 30666, + "itations": 30667, + "Ġmetaph": 30668, + "'é": 30669, + "andise": 30670, + "-font": 30671, + ".chart": 30672, + "Ġsg": 30673, + "_Controller": 30674, + ".jpeg": 30675, + "ĠULONG": 30676, + "ĉgame": 30677, + "(ss": 30678, + "ĠMaj": 30679, + "ĉgo": 30680, + "ĠSad": 30681, + "ĠBerg": 30682, + "ĠMine": 30683, + "Pack": 30684, + "Ġresistant": 30685, + "ĠROM": 30686, + "Ġpeg": 30687, + "ĠStanford": 30688, + "ĠYahoo": 30689, + "Ġscaled": 30690, + "Ġlan": 30691, + "=[]": 30692, + "\"/>ččĊ": 30736, + "Ġsud": 30737, + "ĉbackground": 30738, + "Ġscholars": 30739, + "-muted": 30740, + "ará": 30741, + "Ġ=====": 30742, + "Ġ____": 30743, + "Creat": 30744, + "enever": 30745, + "/wp": 30746, + "ĠVPN": 30747, + "ErrorCode": 30748, + ")],Ċ": 30749, + "(builder": 30750, + "ĠEnemy": 30751, + "Sensor": 30752, + "usa": 30753, + "Ġtriggers": 30754, + "Ġplayoffs": 30755, + "_REQ": 30756, + "Ġ(~": 30757, + "ĠBarry": 30758, + "Ġpermanently": 30759, + "ĠRUN": 30760, + "Ġbure": 30761, + ".Fatalf": 30762, + "Ġchick": 30763, + "ĉpanic": 30764, + "psi": 30765, + "oka": 30766, + "éĢī": 30767, + ">[": 30768, + "Ġunderstands": 30769, + "ĠJunior": 30770, + "ĠINFO": 30771, + "=mysqli": 30772, + "ustain": 30773, + "-source": 30774, + "serv": 30775, + "ĠCREATE": 30776, + ".au": 30777, + "Ġsells": 30778, + "ĠĠĊĠĠĊ": 30779, + "Europe": 30780, + "zw": 30781, + "preh": 30782, + "ĠNSA": 30783, + "Ġxy": 30784, + "ิ": 30785, + "ĠBeyond": 30786, + "Instead": 30787, + "NonQuery": 30788, + "Ġarise": 30789, + "Ġavoided": 30790, + ".emplace": 30791, + "_models": 30792, + "}),Ċ": 30793, + "Ġhid": 30794, + "Ġ&_": 30795, + ".points": 30796, + ".getWidth": 30797, + ".Exec": 30798, + "Ġ////": 30799, + "ĠSessions": 30800, + "...\\": 30801, + "ĠColomb": 30802, + "Ġacceleration": 30803, + "restore": 30804, + "Ġile": 30805, + "obic": 30806, + "}Ċ": 31296, + "plaint": 31297, + "getText": 31298, + "Ġindividually": 31299, + "Ġcheckbox": 31300, + "UY": 31301, + "ĠLamb": 31302, + "Ġdysfunction": 31303, + "ĠLar": 31304, + "à°": 31305, + "ĠCreating": 31306, + "');ĊĊĊ": 31307, + "\"They": 31308, + "locations": 31309, + "_CORE": 31310, + "Interaction": 31311, + "umbnails": 31312, + "ĠPartner": 31313, + "brit": 31314, + "Ġlesser": 31315, + "ĠSlot": 31316, + "setAttribute": 31317, + "ĠWave": 31318, + ".po": 31319, + "/store": 31320, + "Ġbrowsing": 31321, + "_pd": 31322, + "sume": 31323, + "sed": 31324, + "Curve": 31325, + "Ġplasma": 31326, + "Ġsuspicious": 31327, + "ìĿ¸": 31328, + "ĠBah": 31329, + "ĠExplicit": 31330, + "_CC": 31331, + ".ClientSize": 31332, + "\\View": 31333, + "Ġsubstit": 31334, + "loon": 31335, + "ĠGAME": 31336, + "ĠBrid": 31337, + "Ľå»º": 31338, + "_User": 31339, + "Ġsquares": 31340, + "fone": 31341, + "Ġsacred": 31342, + "ughs": 31343, + "]interface": 31344, + "ĠThrow": 31345, + "ĠKirk": 31346, + "Ġempire": 31347, + "Ġassessed": 31348, + "Tax": 31349, + "ĠHeaven": 31350, + "-buffer": 31351, + "_STATIC": 31352, + "éné": 31353, + "-bordered": 31354, + "Ġpunct": 31355, + "(mode": 31356, + "Ġkeine": 31357, + "Sent": 31358, + "ĠCalcul": 31359, + "ĠEve": 31360, + "Ġstylish": 31361, + "Ġoils": 31362, + ".TestCase": 31363, + "Ġtrademark": 31364, + "Ġliterary": 31365, + "Ġconcentrations": 31366, + "ĠRelations": 31367, + "(Class": 31368, + "Ġstdin": 31369, + "Ġvæ": 31370, + "backup": 31371, + ".VERSION": 31372, + ".AutoScaleDimensions": 31373, + "starter": 31374, + "Transactional": 31375, + "-panel": 31376, + "Studio": 31377, + "kc": 31378, + "ĠChamber": 31379, + "ĠSpiel": 31380, + "Ġrho": 31381, + "اÙĦ": 31382, + "!'": 31383, + ".Attributes": 31384, + "Ġmurdered": 31385, + "apeutic": 31386, + "Ġintimate": 31387, + "ĠtextField": 31388, + "ĠBuffalo": 31389, + "dummy": 31390, + "\"%": 31391, + "ĠLiberty": 31392, + "obar": 31393, + "ĠTank": 31394, + "ĠPopular": 31395, + "ervisor": 31396, + "ĠIniti": 31397, + "ĠMall": 31398, + "ĠPrior": 31399, + "CAP": 31400, + "ĠClay": 31401, + "ĠCertificate": 31402, + ".Lock": 31403, + "-strip": 31404, + "-driven": 31405, + "/all": 31406, + "ĠMessageBoxButtons": 31407, + "_SECRET": 31408, + "_pb": 31409, + "Ġrats": 31410, + "ाà¤": 31411, + "Ġnt": 31412, + ".Router": 31413, + "_topic": 31414, + "Ġtennis": 31415, + "ĠPUBLIC": 31416, + "ĠActivatedRoute": 31417, + "Ġ',Ċ": 31418, + "Ġcostume": 31419, + "Ġjokes": 31420, + ".Handle": 31421, + "ĉbyte": 31422, + "Ġflavors": 31423, + "(cc": 31424, + "Ġpersonas": 31425, + "ĉimage": 31426, + "ĠNazi": 31427, + "Ġgrammar": 31428, + "Ġúlt": 31429, + "Ġvalve": 31430, + "Ġvic": 31431, + "ĠRachel": 31432, + "_invalid": 31433, + "Prefs": 31434, + "stdint": 31435, + "(route": 31436, + "Ġhtmlspecialchars": 31437, + "Ġpeoples": 31438, + "pline": 31439, + "Ġnv": 31440, + "ĠQuant": 31441, + "oppers": 31442, + "ĠcurrentUser": 31443, + "ĠCatal": 31444, + "Ġreconc": 31445, + "Ġconjunction": 31446, + "lx": 31447, + "amburg": 31448, + "Ġinfluential": 31449, + "danger": 31450, + "inders": 31451, + "Ġ%@\",": 31452, + ".configuration": 31453, + "osome": 31454, + ".identity": 31455, + "Ġpicker": 31456, + "nost": 31457, + "ĠDIY": 31458, + "August": 31459, + "ablo": 31460, + "Leaf": 31461, + "ĠReco": 31462, + "cko": 31463, + "DOC": 31464, + "ĠHerm": 31465, + ":any": 31466, + "ĠInterview": 31467, + "ĠTex": 31468, + "xfe": 31469, + "(work": 31470, + "Ġleap": 31471, + "Heading": 31472, + "Ġquarters": 31473, + "\\Bundle": 31474, + "reb": 31475, + "Perhaps": 31476, + "ĠGmbH": 31477, + "Birth": 31478, + "ĉsum": 31479, + "ĠWatson": 31480, + ".nil": 31481, + "ç¡": 31482, + "{}ĊĊ": 31483, + "icaid": 31484, + "Getter": 31485, + "\"name": 31486, + "Ġ\"čĊ": 31487, + "_none": 31488, + "zm": 31489, + "acute": 31490, + "uesto": 31491, + "Ġsous": 31492, + "Ġrebuild": 31493, + "Ġnewspapers": 31494, + "ĠHaz": 31495, + "Ġkits": 31496, + "ifo": 31497, + "Blur": 31498, + "Ġsuited": 31499, + "-In": 31500, + "à¯": 31501, + "ĠKeith": 31502, + "ĠNorway": 31503, + "INIT": 31504, + "ireccion": 31505, + "ieties": 31506, + "_usage": 31507, + "ĠDoug": 31508, + "rise": 31509, + "Ġtrillion": 31510, + "imited": 31511, + "ĠREL": 31512, + "alic": 31513, + "Ġcriticized": 31514, + "theorem": 31515, + "Ġcease": 31516, + "Ġsidew": 31517, + "ĠTerry": 31518, + "Ġsubsidi": 31519, + "Ġfirmly": 31520, + "Ġaws": 31521, + "Ġhott": 31522, + "Ġdressing": 31523, + "badge": 31524, + "ĠApplications": 31525, + "è¿ĶåĽŀ": 31526, + "Ġlaughed": 31527, + "Ġhobby": 31528, + "Ġmusicians": 31529, + "Ġ*.": 31530, + ".placeholder": 31531, + "Ġcounters": 31532, + "ĠCapitol": 31533, + "SDK": 31534, + "Ġhelmet": 31535, + "andbox": 31536, + "quit": 31537, + "Ġcriminals": 31538, + "Ġteenager": 31539, + "(update": 31540, + "Gl": 31541, + ".selection": 31542, + "Ġdischarge": 31543, + "Ġpresenting": 31544, + "ufacturer": 31545, + "_UNKNOWN": 31546, + "Ġstressed": 31547, + "åύ": 31548, + "Proto": 31549, + "_correct": 31550, + "haus": 31551, + "Ġrenov": 31552, + "Ġfirearms": 31553, + "Ġtechnically": 31554, + "-browser": 31555, + "Ġcandy": 31556, + "Stroke": 31557, + "Ġexecutor": 31558, + "Ġoccurrence": 31559, + "ĠIPv": 31560, + "_INTERFACE": 31561, + "ĠRetrieve": 31562, + ".bad": 31563, + "Exchange": 31564, + "Navbar": 31565, + "ĠKid": 31566, + "(getApplicationContext": 31567, + "_STOP": 31568, + "ĠBoss": 31569, + "Listeners": 31570, + "Ġshooter": 31571, + "ĠAlb": 31572, + "äch": 31573, + "Ġpix": 31574, + ".keyCode": 31575, + "alone": 31576, + "Ġabsurd": 31577, + "ĠCum": 31578, + "ĠNewtonsoft": 31579, + "ikt": 31580, + "Ġlaughing": 31581, + "Ġcapitalism": 31582, + "reeNode": 31583, + "Tx": 31584, + "_QUERY": 31585, + ".Sleep": 31586, + "(login": 31587, + "WebElement": 31588, + "Ġcelebrating": 31589, + "Ġdeprecated": 31590, + "Ġmaar": 31591, + "Ġartistic": 31592, + "_ASSOC": 31593, + "ĠBorderRadius": 31594, + "ĉwp": 31595, + "Ġsurvivors": 31596, + "Inner": 31597, + "-red": 31598, + "Ġprosecution": 31599, + "_pp": 31600, + "(\"$": 31682, + "Ġcomma": 31683, + "unchecked": 31684, + "graphics": 31685, + "rors": 31686, + "GROUND": 31687, + "(public": 31688, + "Ġcustomized": 31689, + "ĠArkansas": 31690, + "ĠRew": 31691, + "Ġexpiration": 31692, + "×ķ": 31693, + "ĠCul": 31694, + "Ġnons": 31695, + ".Filter": 31696, + "Ġsenator": 31697, + "_definition": 31698, + "ashington": 31699, + "ymph": 31700, + "/J": 31701, + "Ġfuse": 31702, + "ramid": 31703, + "ĠSupplier": 31704, + "Ġautocomplete": 31705, + "Ġ}),": 31706, + ".\"ĊĊĊ": 31707, + "_functions": 31708, + "ĉto": 31709, + ".eval": 31710, + "ĠTObject": 31711, + "References": 31712, + "Ġheated": 31713, + "HAL": 31714, + "Ġ))}Ċ": 31715, + "}$": 31716, + "ĠBarr": 31717, + "_UNIT": 31718, + "+$": 31719, + "ĠgetValue": 31720, + "iped": 31721, + "chied": 31722, + "(vm": 31723, + "cue": 31724, + "_integer": 31725, + "_course": 31726, + "third": 31727, + "Ġrevised": 31728, + "**/Ċ": 31729, + "_DIRECT": 31730, + "OutOf": 31731, + "(\"(": 31732, + "ĠFeel": 31733, + "Ġreass": 31734, + "Ġsubtitle": 31735, + "peri": 31736, + "nf": 31737, + "Ġenjoys": 31738, + "Ġtreats": 31739, + ")this": 31740, + "-tabs": 31741, + "ancers": 31742, + "Ġcontinent": 31743, + "Ġcardio": 31744, + "Ser": 31745, + ".question": 31746, + "Ġphrases": 31747, + "Validators": 31748, + "Ġpopul": 31749, + "ĠlÃŃ": 31750, + "song": 31751, + "_INTERNAL": 31752, + "Ġadviser": 31753, + "Ġpuzz": 31754, + "Ġambitious": 31755, + "ĠTob": 31756, + "ĠDP": 31757, + "Ġpresidency": 31758, + "Ġsurrender": 31759, + "Ġwatches": 31760, + "_binary": 31761, + "ĠSoon": 31762, + "Ġcanada": 31763, + "(\"\")Ċ": 31764, + "]='": 31765, + "ĠBrandon": 31766, + "epsilon": 31767, + "rw": 31768, + ".addChild": 31769, + ".Copy": 31770, + "Principal": 31771, + "Photos": 31772, + "Ġmarginal": 31773, + "Ġbasics": 31774, + "eing": 31775, + "Must": 31776, + "_String": 31777, + "Ġole": 31778, + "Magento": 31779, + ".customer": 31780, + "(prev": 31781, + "ล": 31782, + "Ġloyalty": 31783, + "Cog": 31784, + "Ġprotocols": 31785, + "ĠCompanies": 31786, + "Ġtheoretical": 31787, + "Ġaccessing": 31788, + "ĠZen": 31789, + ".ones": 31790, + "attice": 31791, + "_world": 31792, + "zes": 31793, + "Ġtattoo": 31794, + "Ġmenos": 31795, + "Ġintersect": 31796, + "\"];ĊĊ": 31797, + "belie": 31798, + "Ġinactive": 31799, + ".readline": 31800, + "-labelled": 31801, + ".done": 31802, + "lickr": 31803, + "ĠWORK": 31804, + "Ġderivative": 31805, + "Ġdatabases": 31806, + "âĤĤ": 31807, + "Ġsx": 31808, + ".isArray": 31809, + "Ġys": 31810, + "Ġpada": 31811, + "ĠBullet": 31812, + "(`/": 31813, + "isActive": 31814, + "ĠCGSize": 31815, + "(equalTo": 31816, + "ĠColumbus": 31817, + "Ġmarry": 31818, + "DEV": 31819, + "_limits": 31820, + "rones": 31821, + "IAS": 31822, + "Ġtau": 31823, + "mino": 31824, + "_Write": 31825, + "ĠWine": 31826, + "Ġ[['": 31827, + "ĠPull": 31828, + "riters": 31829, + "rients": 31830, + "Ġshifting": 31831, + "upp": 31832, + "_TIMER": 31833, + "ĠConditions": 31834, + "ấ": 31835, + "ĠOrders": 31836, + "ĠStrength": 31837, + "æīĢ": 31838, + "Ġvalidity": 31839, + "Ġfot": 31840, + "etur": 31841, + "Ġbolt": 31842, + "åĨħ": 31843, + "ĠAlong": 31844, + "oshi": 31845, + "Ġassumptions": 31846, + "Ġmagazines": 31847, + "_SPI": 31848, + "Ġpunt": 31849, + "_PRODUCT": 31850, + "Ġrelay": 31851, + "ĠJavascript": 31852, + ".te": 31853, + "-es": 31854, + "Ġwidgets": 31855, + "(fs": 31856, + "\";": 31923, + "atching": 31924, + "ĠKnowledge": 31925, + "ĉThe": 31926, + ";margin": 31927, + "lessness": 31928, + "opard": 31929, + "umatic": 31930, + "()));čĊ": 31931, + "Ġfals": 31932, + "(cache": 31933, + "TypeId": 31934, + "éĢļ": 31935, + "_choice": 31936, + "ĠGoth": 31937, + "ĠSites": 31938, + "MG": 31939, + "_border": 31940, + "Indices": 31941, + "Comparer": 31942, + "ĠRedistribution": 31943, + "Ġcloset": 31944, + "Ġversatile": 31945, + "Inputs": 31946, + "********************": 31947, + "Ġobesity": 31948, + "quiz": 31949, + "gra": 31950, + "(global": 31951, + "åĬ¡": 31952, + "Ġcollector": 31953, + "Ġkor": 31954, + "ovable": 31955, + "ADC": 31956, + "ĠEventHandler": 31957, + ".nc": 31958, + "Ġplayback": 31959, + "ientos": 31960, + "_perm": 31961, + "_WARNING": 31962, + "ĠOlympics": 31963, + ".norm": 31964, + "ĠBroadcast": 31965, + "_small": 31966, + "drive": 31967, + ".iloc": 31968, + "Ġtyped": 31969, + "MEM": 31970, + "_cons": 31971, + "DMETHOD": 31972, + "Ġlun": 31973, + ".distance": 31974, + "(par": 31975, + "poon": 31976, + "Ġbast": 31977, + "activities": 31978, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 31979, + ":čĊčĊ": 31980, + "SER": 31981, + ")&&": 31982, + "_lst": 31983, + "ĠPolish": 31984, + "Ġknocked": 31985, + "Ġfrustration": 31986, + "aukee": 31987, + "Ġphosph": 31988, + "iquid": 31989, + "_coeff": 31990, + "æŃ¤": 31991, + "Latest": 31992, + "ĠDust": 31993, + "Tipo": 31994, + "Ġmaintains": 31995, + "Ġmarsh": 31996, + "incinn": 31997, + "lbl": 31998, + "Care": 31999, + "Ġneighborhoods": 32000, + "_gpio": 32001, + "ĠArsenal": 32002, + "Dem": 32003, + "ĠWhe": 32004, + "_hook": 32005, + "Ġldc": 32006, + "ĠHarper": 32007, + "ĠBerkeley": 32008, + "Ġgraduated": 32009, + "Percent": 32010, + "Ġarriving": 32011, + "ĠAdventure": 32012, + "(scope": 32013, + "('*": 32014, + "quarter": 32015, + "ĠMarie": 32016, + "Speaking": 32017, + "_codegen": 32018, + "Ġimmun": 32019, + "caster": 32020, + "ãĤĮ": 32021, + "åķĨ": 32022, + "ĠDimensions": 32023, + ".record": 32024, + "Ġtexto": 32025, + "ĠMichelle": 32026, + "Pending": 32027, + "(by": 32028, + "_PAR": 32029, + "ucht": 32030, + "bee": 32031, + ".Thread": 32032, + "ampire": 32033, + "know": 32034, + "ĠClinical": 32035, + "ĠmarginBottom": 32036, + "Ġdistinguish": 32037, + ".Full": 32038, + ".undefined": 32039, + "ĠSequelize": 32040, + "############################################################################": 32041, + "Ġeducated": 32042, + "_OVER": 32043, + "åºı": 32044, + "ĠÂłĠÂł": 32045, + "_each": 32046, + "Ġurge": 32047, + "depart": 32048, + "Ġdonors": 32049, + "ĠAu": 32050, + "Ġbillions": 32051, + "Ġbelonging": 32052, + "_age": 32053, + "_Int": 32054, + "Ġsubstances": 32055, + "machine": 32056, + "!!!ĊĊ": 32057, + "Ġjsonify": 32058, + "ibbean": 32059, + "ĠCad": 32060, + "ĠendTime": 32061, + "Ġcycling": 32062, + "ĠUITextField": 32063, + "Ġleverage": 32064, + "Ġvanilla": 32065, + "eat": 32066, + "Launch": 32067, + "(pt": 32068, + "states": 32069, + "ĠControls": 32070, + "ĠRespons": 32071, + "ĠJake": 32072, + "Ġasleep": 32073, + "fortunate": 32074, + ".nextLine": 32075, + "SizeMode": 32076, + "ìĿ¼": 32077, + "TestingModule": 32078, + "German": 32079, + "ĠInvestig": 32080, + ".reverse": 32081, + "ĠBACK": 32082, + "(DateTime": 32083, + "Ġnonprofit": 32084, + "ĠExpect": 32085, + "Ġtanto": 32086, + "']),": 32087, + "ĉthe": 32088, + "Multiple": 32089, + "(getActivity": 32090, + "_WAIT": 32091, + "Ġjá": 32092, + "decor": 32093, + "levance": 32094, + "ĠGitHub": 32095, + "mination": 32096, + "_quantity": 32097, + ".Scanner": 32098, + "ĠLion": 32099, + "éĶĻ误": 32100, + "Ġdre": 32101, + "Ġtantra": 32102, + "ĠcontentType": 32103, + "Ġfid": 32104, + "_alt": 32105, + "NSIndexPath": 32106, + "-pl": 32107, + "åĮĸ": 32108, + "Ġantibiot": 32109, + "tables": 32110, + "acial": 32111, + "ĠRegistry": 32112, + "Ġolive": 32113, + "igers": 32114, + "Ġsubscriber": 32115, + "_pres": 32116, + "ĠSyntax": 32117, + "Ġlovers": 32118, + ".Byte": 32119, + "olders": 32120, + "_forward": 32121, + "always": 32122, + "Caption": 32123, + "Priv": 32124, + "ĠTampa": 32125, + "isateur": 32126, + "-labelledby": 32127, + "ĠToString": 32128, + "ĠìĤ¬": 32129, + "Ġinitiated": 32130, + "WF": 32131, + "Ġinstitutional": 32132, + "inject": 32133, + "ĠScr": 32134, + "Ġdoctrine": 32135, + "Ġspacious": 32136, + "isure": 32137, + "ĠAna": 32138, + "\"time": 32139, + "essaging": 32140, + "Ġcid": 32141, + "ĠNan": 32142, + "Ġincomplete": 32143, + "TAG": 32144, + "-build": 32145, + "December": 32146, + "Ġresidual": 32147, + "(PDO": 32148, + "ĠListen": 32149, + "Ġglyph": 32150, + "Ġgaps": 32151, + "nea": 32152, + ".Rect": 32153, + "Ġsau": 32154, + "ĠPhotograph": 32155, + "Ġexecutable": 32156, + "ĠExpert": 32157, + "Coroutine": 32158, + "_sizes": 32159, + "ĠNL": 32160, + ".isValid": 32161, + ");}Ċ": 32162, + "-reg": 32163, + "Ġciting": 32164, + "cwd": 32165, + "ĠOttawa": 32166, + "ĠBatt": 32167, + "Ġrenewable": 32168, + "Ġpreliminary": 32169, + "Ġasylum": 32170, + "Ġwrist": 32171, + "Ġutiliz": 32172, + "Ġdetention": 32173, + "Fast": 32174, + "Ġange": 32175, + "incinnati": 32176, + "Ġsteering": 32177, + "ĠNaN": 32178, + "iosity": 32179, + "/page": 32180, + "Ġè¿": 32181, + "sterol": 32182, + "Ġdisg": 32183, + "(DB": 32184, + "ĠDESCRIPTION": 32185, + "Ġ_$": 32186, + "Ġobstacle": 32187, + "Ġbizarre": 32188, + "Ġextraction": 32189, + "_expected": 32190, + "Ġloses": 32191, + "ĠCelebr": 32192, + "ĠhtmlFor": 32193, + "Ġexploit": 32194, + "олÑĮзов": 32195, + "XYZ": 32196, + "Ġmagnet": 32197, + "amped": 32198, + "Ġatoms": 32199, + "Sources": 32200, + "pectives": 32201, + "Ñģли": 32202, + "Ġ=čĊ": 32203, + "Ġdare": 32204, + "ĠWalter": 32205, + "Ġbrightness": 32206, + "Ġannotations": 32207, + "ëı": 32208, + "iske": 32209, + "Schedule": 32210, + ".images": 32211, + "rosso": 32212, + "Ġ\"..": 32213, + "gamma": 32214, + "Ġinstructor": 32215, + "Ġoverwrite": 32216, + "-am": 32217, + "Ġdevastating": 32218, + "ĠSaints": 32219, + "Ġhs": 32220, + "Ġbonuses": 32221, + "$output": 32222, + "ijd": 32223, + "(ActionEvent": 32224, + "monitor": 32225, + "Ġmattress": 32226, + "January": 32227, + ".jp": 32228, + "Ġcaracter": 32229, + "Ġimpose": 32230, + "_rest": 32231, + "ĠSignature": 32232, + "Ġcoronavirus": 32233, + "ãģĬ": 32234, + "_compare": 32235, + "Measure": 32236, + "itated": 32237, + "elijk": 32238, + "igos": 32239, + "esar": 32240, + "Ġrushed": 32241, + "metry": 32242, + "_SEPARATOR": 32243, + "_WE": 32244, + "_ATTRIBUTE": 32245, + "Ġyaml": 32246, + "Ġspecs": 32247, + "ĠRah": 32248, + "pheric": 32249, + "ĠInvestment": 32250, + "äll": 32251, + "Ġappealing": 32252, + "Ġviewport": 32253, + "ç©": 32254, + "ĠmarginLeft": 32255, + "Ġsubtract": 32256, + "ĠEDIT": 32257, + "ĉArrayList": 32258, + "grading": 32259, + "ĠFailure": 32260, + "asper": 32261, + "EEK": 32262, + "(now": 32263, + ")Ċ": 32279, + "Collision": 32280, + "ĠGreater": 32281, + "ĠRacing": 32282, + "alan": 32283, + "Ġmonetary": 32284, + ",new": 32285, + "ĠSorry": 32286, + ".Enable": 32287, + "ĠInstantiate": 32288, + "ollen": 32289, + "ë©´": 32290, + "ĠCalling": 32291, + "_hour": 32292, + "ADA": 32293, + "Ġshy": 32294, + ")**": 32295, + "Ġ==>": 32296, + "Ġespecial": 32297, + "Ġinterpreted": 32298, + "!=\"": 32299, + "Ġpharmacy": 32300, + ".single": 32301, + "ĠCialis": 32302, + "Ġparas": 32303, + ".toUpperCase": 32304, + "ĠDemon": 32305, + "Prime": 32306, + "Ġrankings": 32307, + "Adding": 32308, + "_HASH": 32309, + "ĠExam": 32310, + "Ú©": 32311, + "ĠVictor": 32312, + "Okay": 32313, + "\"];čĊ": 32314, + "Ġfortune": 32315, + "ĠFETCH": 32316, + "expand": 32317, + ".Interop": 32318, + "Ġbarn": 32319, + "æ¶Ī": 32320, + "uevo": 32321, + "Ġspeculation": 32322, + "âĶĢâĶĢâĶĢâĶĢ": 32323, + "ĠNu": 32324, + "ĠBlues": 32325, + "(fname": 32326, + "Ġinhabit": 32327, + "Ġ\\\"%": 32328, + "CES": 32329, + "ulario": 32330, + "_cr": 32331, + "Ġvalidated": 32332, + "Ġmidnight": 32333, + "anking": 32334, + "Ġincorporate": 32335, + "Ġpursuit": 32336, + "EXP": 32337, + "prime": 32338, + "Pid": 32339, + "-US": 32340, + "ĠNurs": 32341, + "ĠWheel": 32342, + "éĺ": 32343, + "Ġinp": 32344, + "Ġsupportive": 32345, + ".member": 32346, + "ĠShot": 32347, + ".CheckBox": 32348, + "Ġaffirm": 32349, + "Tor": 32350, + "FullYear": 32351, + "Ġconsiderably": 32352, + "credentials": 32353, + "_opts": 32354, + "Roll": 32355, + "(round": 32356, + "Ġcoment": 32357, + "_UART": 32358, + "Ġextending": 32359, + "RG": 32360, + "resultado": 32361, + "itu": 32362, + ".getSession": 32363, + "Ġattraction": 32364, + "&D": 32365, + "$html": 32366, + "ĠJessica": 32367, + "ĠAssociate": 32368, + "añ": 32369, + "_ed": 32370, + "ĠLag": 32371, + "Ġorigins": 32372, + "())->": 32373, + "addEventListener": 32374, + "IALOG": 32375, + "åIJ¦": 32376, + ".Compare": 32377, + "Album": 32378, + "ĠKu": 32379, + "\";ĊĊ": 32423, + "quisite": 32424, + "channels": 32425, + "/res": 32426, + "ĠAnalytics": 32427, + ".appcompat": 32428, + "/to": 32429, + "ĠonError": 32430, + "(attr": 32431, + "IRM": 32432, + "Ġragaz": 32433, + "-as": 32434, + ".Second": 32435, + "oriented": 32436, + "Ġdonn": 32437, + "Ġlightning": 32438, + "fid": 32439, + "ĠPle": 32440, + "ãģ¾ãģĻ": 32441, + "tro": 32442, + ".True": 32443, + "Observable": 32444, + "×Ļ": 32445, + "umbing": 32446, + "Ġprospective": 32447, + "-filter": 32448, + "Ġpursuant": 32449, + "(points": 32450, + ".Bind": 32451, + "Ġpalm": 32452, + "clearfix": 32453, + "ös": 32454, + "ĠGonz": 32455, + "Ġweaken": 32456, + "Drive": 32457, + "enido": 32458, + "lld": 32459, + "obox": 32460, + "anean": 32461, + "Got": 32462, + "ä¿Ŀ": 32463, + "Regex": 32464, + "æĥ": 32465, + "Ġsalad": 32466, + "assis": 32467, + "\"net": 32468, + "inheritDoc": 32469, + "ĠRV": 32470, + "quier": 32471, + "Ġclazz": 32472, + "Ä±ÅŁ": 32473, + "osterone": 32474, + "Ġairline": 32475, + ".listdir": 32476, + "Ġdownloading": 32477, + "ĠPalm": 32478, + "waukee": 32479, + "<": 32480, + ".BL": 32481, + "_INLINE": 32482, + "offs": 32483, + "<<(": 32484, + "_news": 32485, + "Ġchase": 32486, + "/><": 32487, + "Ġeuros": 32488, + "ĠEgyptian": 32489, + "ĠStainless": 32490, + "_BOOL": 32491, + "ĠGuild": 32492, + "ĠDynam": 32493, + "[indexPath": 32494, + "Ġï": 32495, + "Ġmemorable": 32496, + "ĠChampion": 32497, + "ResourceManager": 32498, + ".Login": 32499, + "ĠFormer": 32500, + "yped": 32501, + "Ġlleg": 32502, + ";\",": 32503, + "DWORD": 32504, + "Ġtaxi": 32505, + "Ġbombs": 32506, + "rah": 32507, + ".tags": 32508, + "_tests": 32509, + "stones": 32510, + "âĢĿ)": 32511, + "[g": 32512, + "rtype": 32513, + "Ġvu": 32514, + "Ġhostile": 32515, + "Chars": 32516, + "ĠPatriots": 32517, + "/status": 32518, + "());Ċ": 32872, + "ajÄħ": 32873, + "_OCC": 32874, + "Ġplanets": 32875, + "æŁ¥": 32876, + "ĠDublin": 32877, + "Ġserie": 32878, + ".printf": 32879, + "deep": 32880, + "`)": 32881, + "Ġ\\$": 32882, + "Ġμ": 32883, + "_VIDEO": 32884, + "endors": 32885, + "ĠCrypto": 32886, + "Far": 32887, + ".Transparent": 32888, + ".TR": 32889, + "iasm": 32890, + "_training": 32891, + "Ġteaches": 32892, + "ĠBelt": 32893, + "Ġlimiting": 32894, + "ĠKath": 32895, + "ĠIndexPath": 32896, + "Ġachievements": 32897, + "Ġserá": 32898, + "interopRequire": 32899, + "Ġdisse": 32900, + ".If": 32901, + "arming": 32902, + "ulsion": 32903, + "Po": 32904, + "_DETAIL": 32905, + "Prototype": 32906, + "ĠCAL": 32907, + "Ġagrees": 32908, + ".vo": 32909, + ".ExecuteNonQuery": 32910, + "ĠTopic": 32911, + "Ġ'{}": 32912, + "Arm": 32913, + "Ġecc": 32914, + "Mag": 32915, + "Ġserialized": 32916, + "ĉconn": 32917, + "cached": 32918, + "=tf": 32919, + "ĠByteArray": 32920, + "protobuf": 32921, + "varchar": 32922, + "ĉASSERT": 32923, + "Ġliste": 32924, + "_trigger": 32925, + "·¸": 32926, + "Feel": 32927, + "Tahoma": 32928, + "ĠLik": 32929, + "Ġstructured": 32930, + "ergus": 32931, + ".Initial": 32932, + "_ge": 32933, + "cljs": 32934, + ".contact": 32935, + "Ġandere": 32936, + "$stmt": 32937, + "_CURRENT": 32938, + "ĠDiscover": 32939, + "$res": 32940, + "formatter": 32941, + "Ha": 32942, + "vangst": 32943, + "Ġemerge": 32944, + "ãĢĤâĢĿ": 32945, + "ĠCabinet": 32946, + "-square": 32947, + "éĥ¨": 32948, + "Ġrage": 32949, + "ĠAJ": 32950, + "ĠVT": 32951, + "shadow": 32952, + "ĠFaith": 32953, + "enames": 32954, + "pretty": 32955, + "hasil": 32956, + "party": 32957, + "Ġvarchar": 32958, + "Ġfotos": 32959, + "Ġalum": 32960, + "ĠBelgium": 32961, + ".ylabel": 32962, + "Ġdej": 32963, + "_numbers": 32964, + "Ġhu": 32965, + ".setAdapter": 32966, + "ĠUsually": 32967, + "(sample": 32968, + ".Shared": 32969, + "Ġbooked": 32970, + "Ġ>>=": 32971, + "Ġminerals": 32972, + "\">": 32991, + "prog": 32992, + "boo": 32993, + "_md": 32994, + "_pack": 32995, + "(express": 32996, + "utz": 32997, + "\\Auth": 32998, + ",id": 32999, + "ĠChile": 33000, + "actice": 33001, + "Ġrecruitment": 33002, + "Ġposes": 33003, + "Ġvulnerability": 33004, + "instanc": 33005, + "orum": 33006, + "dess": 33007, + "Ġxl": 33008, + "%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%": 33009, + "(fig": 33010, + "Ġdeleting": 33011, + ".del": 33012, + ")')Ċ": 33013, + "ĠWeekly": 33014, + "???": 33015, + "(strcmp": 33016, + "smith": 33017, + "Ġpursuing": 33018, + "-so": 33019, + "ĠApps": 33020, + "/'Ċ": 33021, + "Ġdecis": 33022, + "FORE": 33023, + "Everyone": 33024, + "Ġlanes": 33025, + "Virtual": 33026, + ".attach": 33027, + "(Log": 33028, + "ĠMedicaid": 33029, + "(Path": 33030, + "ĠTurner": 33031, + "/application": 33032, + "Ġportrait": 33033, + "Ġoppose": 33034, + "checkout": 33035, + "Ġfinishes": 33036, + "_ME": 33037, + "Barrier": 33038, + "Song": 33039, + "VAR": 33040, + "Earlier": 33041, + "rella": 33042, + "Ġhast": 33043, + "azar": 33044, + "Ġpulls": 33045, + "ngx": 33046, + "Ġinspiring": 33047, + "ÑĥÑİ": 33048, + "-direction": 33049, + "Ġexplosive": 33050, + "ĠcreatedAt": 33051, + "sto": 33052, + "Ġwheat": 33053, + "ĠBuilt": 33054, + "'ai": 33055, + "Ġtracked": 33056, + "hammad": 33057, + "RowAtIndexPath": 33058, + "_heap": 33059, + "Due": 33060, + "Ġconnects": 33061, + ".publish": 33062, + "emu": 33063, + "Ġbullets": 33064, + "BAR": 33065, + "olate": 33066, + "Ġinternally": 33067, + "Ġcatching": 33068, + "-password": 33069, + "ouched": 33070, + "æĢ§": 33071, + "eous": 33072, + "Ġxrange": 33073, + "Quality": 33074, + "vv": 33075, + "Manage": 33076, + "(($": 33077, + "acements": 33078, + "ĠBrothers": 33079, + "ĠHEAD": 33080, + "ĠUnsupported": 33081, + "san": 33082, + "esi": 33083, + "***Ċ": 33084, + "Ġadaptation": 33085, + "ĠWorker": 33086, + "']/": 33087, + ".savefig": 33088, + "(trans": 33089, + "ج": 33090, + "nee": 33091, + "Correct": 33092, + "...\")Ċ": 33093, + "Ġsubmitting": 33094, + "-path": 33095, + "ĉlast": 33096, + "issan": 33097, + ".xlabel": 33098, + "ĠSepar": 33099, + "/no": 33100, + "_best": 33101, + "ĠMills": 33102, + "_sock": 33103, + "(flag": 33104, + "Ġdestinations": 33105, + "emption": 33106, + "ĠFAIL": 33107, + "åĴĮ": 33108, + "Ġrp": 33109, + "fact": 33110, + "ĉlen": 33111, + "DAY": 33112, + "Ġseiz": 33113, + "_dst": 33114, + "lip": 33115, + ".Linear": 33116, + "ĠBasket": 33117, + "$t": 33118, + "$i": 33119, + "-brand": 33120, + "ĠNeil": 33121, + "ĠEq": 33122, + "Ġthou": 33123, + "ogene": 33124, + "Ġscholarship": 33125, + "æĽ´": 33126, + "Ġswo": 33127, + "aginator": 33128, + "eni": 33129, + "(book": 33130, + "Ġblink": 33131, + "thus": 33132, + "ĠcancellationToken": 33133, + "ĠPalestinians": 33134, + "Ġprofitable": 33135, + "Ġbackpack": 33136, + "enson": 33137, + "true": 33284, + "ĠNYC": 33285, + "Ġbored": 33286, + "ĠDetect": 33287, + "Ġappar": 33288, + "Ġjeans": 33289, + "ĠTak": 33290, + "IOD": 33291, + "ĠHorse": 33292, + "(FILE": 33293, + "(?": 33294, + "rique": 33295, + "optimizer": 33296, + "nat": 33297, + "loys": 33298, + "ĉToken": 33299, + "oubted": 33300, + "uess": 33301, + "ocoa": 33302, + "DataMember": 33303, + "_POWER": 33304, + "classList": 33305, + "PushButton": 33306, + "ĠWiFi": 33307, + ".Stream": 33308, + ".guild": 33309, + "Ġnog": 33310, + "ĠPortugal": 33311, + "ĠUnter": 33312, + "Primitive": 33313, + "boss": 33314, + "ĠDeutsch": 33315, + "Ġerotic": 33316, + "Ġstrconv": 33317, + ".TryParse": 33318, + "Ġgrams": 33319, + ".Success": 33320, + "_pk": 33321, + "ĠHarvey": 33322, + "-minded": 33323, + ".country": 33324, + "[]\"": 33325, + "Ġangel": 33326, + "Ġbeats": 33327, + "ĠVor": 33328, + "ilio": 33329, + ".master": 33330, + "something": 33331, + "ĠPACK": 33332, + "(if": 33333, + "RequestBody": 33334, + "Ġantes": 33335, + "/widget": 33336, + "Ġmodo": 33337, + "ĠAW": 33338, + "finder": 33339, + "Ġoptimized": 33340, + "Ġmissiles": 33341, + "NB": 33342, + "ĉinternal": 33343, + "tex": 33344, + "ĠSri": 33345, + "Ġdamaging": 33346, + "ĠMais": 33347, + "-Allow": 33348, + "ĠZh": 33349, + "-alt": 33350, + "Ġ));ĊĊ": 33351, + "èī": 33352, + "Ġinfluences": 33353, + "Ġcatal": 33354, + "_REGISTER": 33355, + "ĠAPIs": 33356, + "-century": 33357, + "Ġbiology": 33358, + "ĠActual": 33359, + "Ġheels": 33360, + "TRACE": 33361, + "_DIG": 33362, + "Dataset": 33363, + "ĠMatter": 33364, + "Ġclassifier": 33365, + ".wikipedia": 33366, + "ĠRogers": 33367, + "Ġdonated": 33368, + "rawler": 33369, + "enen": 33370, + "Ġcasinos": 33371, + "ortal": 33372, + "Ġprive": 33373, + "spe": 33374, + "ducers": 33375, + ".ep": 33376, + "Ġgrasp": 33377, + "acji": 33378, + "Ġdairy": 33379, + "Ġbuses": 33380, + ".comm": 33381, + ".ins": 33382, + "ĠIRS": 33383, + "ĠBeer": 33384, + "adc": 33385, + "oard": 33386, + "_MET": 33387, + "Ġ'+'": 33388, + "rans": 33389, + "Ġkinda": 33390, + "ĠâĶĤ": 33391, + "ĠMaur": 33392, + "аг": 33393, + "Ġbandwidth": 33394, + "ibus": 33395, + "ĠDifferent": 33396, + "(mat": 33397, + "ĠResume": 33398, + "_UNS": 33399, + "establish": 33400, + "Ġfonction": 33401, + "Subscription": 33402, + "_company": 33403, + "Ġlightly": 33404, + ".confirm": 33405, + ".yaml": 33406, + "ĠBoost": 33407, + "Commerce": 33408, + "-template": 33409, + "_DELAY": 33410, + "ĠHI": 33411, + "Ġnavig": 33412, + "(Sender": 33413, + "ĠHS": 33414, + "_\"+": 33415, + "ĠREQUEST": 33416, + "Ġwifi": 33417, + "=\"\"Ċ": 33418, + "])->": 33419, + "Ġrope": 33420, + "Ġviolated": 33421, + "Ġglance": 33422, + "ĠKurd": 33423, + "Ġè®": 33424, + "deck": 33425, + "ĠISBN": 33426, + "Ġinfect": 33427, + "ĠFoo": 33428, + "Ġgetter": 33429, + "Ġtener": 33430, + "appe": 33431, + ".hh": 33432, + "_hot": 33433, + "\".$": 33643, + "Ġrelies": 33644, + "(Console": 33645, + "International": 33646, + "->{$": 33647, + "Mid": 33648, + "Ġdissert": 33649, + "dds": 33650, + "Ġdeposits": 33651, + "ĉdriver": 33652, + "#ga": 33653, + "prising": 33654, + "println": 33655, + "Ġpresenter": 33656, + "Ġmines": 33657, + "CSS": 33658, + "ĠDual": 33659, + "(!(": 33660, + "Ġkam": 33661, + "ĠisLoading": 33662, + "ĠProtect": 33663, + ".upper": 33664, + "arium": 33665, + "]:ĊĊĊ": 33666, + "Yii": 33667, + "-shirt": 33668, + "ĠIMAGE": 33669, + "_colors": 33670, + "Ġurgent": 33671, + ".Container": 33672, + "!(Ċ": 33673, + "Saturday": 33674, + "Ġsocieties": 33675, + "ĠThan": 33676, + "ĠCod": 33677, + "=@": 33678, + "Ġattachments": 33679, + ".mobile": 33680, + "Ġspite": 33681, + "Ġbounce": 33682, + "rawl": 33683, + "instancetype": 33684, + "ĠTruck": 33685, + "Ġmanipulation": 33686, + "(Config": 33687, + "-inst": 33688, + "Ġstor": 33689, + "itution": 33690, + "PreferredGap": 33691, + "ĠmainAxisAlignment": 33692, + "Ġlistened": 33693, + "'''ĊĊ": 33694, + "ottage": 33695, + "-project": 33696, + ".APPLICATION": 33697, + "ĉroot": 33698, + "Ġwhit": 33699, + "Ġbilder": 33700, + "Ġker": 33701, + "Ġappliances": 33702, + "rowave": 33703, + "ìĿĢ": 33704, + "ematics": 33705, + "ĠOrg": 33706, + "oping": 33707, + "_SEARCH": 33708, + "Ġcham": 33709, + "addContainerGap": 33710, + "Ġ().": 33711, + "ĠArrow": 33712, + "Illegal": 33713, + "Currently": 33714, + "Ġusa": 33715, + "Ġpasswords": 33716, + "Ġrenown": 33717, + "avern": 33718, + "ĠEvil": 33719, + "Ġconcat": 33720, + "Ġduo": 33721, + "Ġvale": 33722, + "ĠBean": 33723, + "Ġindicators": 33724, + "cmath": 33725, + "ĠPump": 33726, + "November": 33727, + "ificant": 33728, + "_DOMAIN": 33729, + "regar": 33730, + "ĠPortal": 33731, + "\"$": 33732, + "Ġformerly": 33733, + "\"]:Ċ": 33734, + "ĠVisibility": 33735, + ".getElementsByClassName": 33736, + "_RED": 33737, + "Ġchampions": 33738, + "à´": 33739, + "Valor": 33740, + "_es": 33741, + "*a": 33742, + "-repeat": 33743, + "Band": 33744, + ".stage": 33745, + "Ġbureauc": 33746, + "Cnt": 33747, + "eten": 33748, + "-function": 33749, + "Ġmuito": 33750, + "PID": 33751, + "_editor": 33752, + "Ġcrashed": 33753, + "dead": 33754, + "kat": 33755, + "agh": 33756, + "ĠEXT": 33757, + "asser": 33758, + "-small": 33759, + "Ġrealiz": 33760, + "(Entity": 33761, + "ús": 33762, + "ĠActually": 33763, + "ĠElite": 33764, + "Ġhelm": 33765, + "(nonatomic": 33766, + "asher": 33767, + "Community": 33768, + "alleng": 33769, + "iry": 33770, + "ĠGrowth": 33771, + "Ġsue": 33772, + "Ġfrequencies": 33773, + "_descriptor": 33774, + ".Attribute": 33775, + "Ġrecipients": 33776, + "_NS": 33777, + "/\"+": 33778, + "iban": 33779, + "Ġathlete": 33780, + "ĠIgn": 33781, + "_DMA": 33782, + "(ds": 33783, + "ĠRequirements": 33784, + "ADI": 33785, + "erez": 33786, + "\\Admin": 33787, + "braska": 33788, + "ĠRust": 33789, + "Relation": 33790, + "COD": 33791, + "ĠVERSION": 33792, + "emma": 33793, + ")){": 33794, + ".Duration": 33795, + "ĠCamb": 33796, + "-logo": 33797, + "Ġreadable": 33798, + "Ġcreators": 33799, + "()];Ċ": 33800, + "UpDown": 33801, + "-half": 33802, + ".getMonth": 33803, + "(sf": 33804, + "Pic": 33805, + "Ġhunger": 33806, + ".tx": 33807, + "Ġexceeded": 33808, + "_seed": 33809, + "(^": 33810, + "_sk": 33811, + ".perform": 33812, + "Ġ>::": 33813, + "Ġmongo": 33814, + "=float": 33815, + "bindParam": 33816, + "Smart": 33817, + "ifa": 33818, + "Ġsecurities": 33819, + "Ġprejud": 33820, + "Ġ,\"": 33821, + "Ġcorps": 33822, + "Ġvra": 33823, + "amacare": 33824, + "iterr": 33825, + "(Media": 33826, + "uche": 33827, + "Ġcob": 33828, + "Ġliber": 33829, + ".geometry": 33830, + "Locator": 33831, + "Ġsliding": 33832, + "Ġsurgical": 33833, + "_CUR": 33834, + "Ġconsect": 33835, + "[*": 33836, + "ĠResort": 33837, + "Stub": 33838, + "_DOUBLE": 33839, + "ĠSoph": 33840, + "Ġelectoral": 33841, + "_disable": 33842, + "ĠÑģо": 33843, + "ĠLightning": 33844, + "Ġmentions": 33845, + "ocy": 33846, + "Ġleaked": 33847, + "Ġrelaxing": 33848, + "Presenter": 33849, + "vsp": 33850, + "Ġguilt": 33851, + "=-=-": 33852, + ".reply": 33853, + "ĠMirror": 33854, + "Camp": 33855, + "Ġ+#+#+#+": 33856, + "Ġ+#+#+#+#+#+": 33857, + ".Author": 33858, + "Ġdirective": 33859, + "-hook": 33860, + "íĦ°": 33861, + "}ĊĊĊĊĊ": 33862, + "@pytest": 33863, + "_rand": 33864, + "mis": 33865, + "Ġcolorful": 33866, + "uje": 33867, + "lasses": 33868, + "ĠClasses": 33869, + ".have": 33870, + "%),": 33871, + "é¢ĺ": 33872, + "Ġdisturbing": 33873, + "substring": 33874, + "ĠKoh": 33875, + "Invest": 33876, + "purchase": 33877, + "Ġrecycling": 33878, + "ĠART": 33879, + "ierarchy": 33880, + "Ġfps": 33881, + ".checkBox": 33882, + "íķ´": 33883, + "_material": 33884, + "ducation": 33885, + "Ġfw": 33886, + "udit": 33887, + "Ġreviewing": 33888, + "ĠSid": 33889, + "Syntax": 33890, + "ĠWritten": 33891, + "argar": 33892, + "UME": 33893, + "/q": 33894, + "Classifier": 33895, + "Official": 33896, + "Ġjazz": 33897, + "Ġomega": 33898, + "Physics": 33899, + "Ġlugar": 33900, + "_accessor": 33901, + ".commands": 33902, + "Ability": 33903, + "ĠBatch": 33904, + "RAM": 33905, + "Ġencounters": 33906, + ".Qu": 33907, + "BYTE": 33908, + "ĠDistribution": 33909, + "Ġuso": 33910, + "ĠRecovery": 33911, + "approved": 33912, + "Ġdenial": 33913, + "/share": 33914, + "LinkedList": 33915, + ")čĊčĊčĊ": 33916, + "uddy": 33917, + "Ġfines": 33918, + "Ġry": 33919, + "Unicode": 33920, + "ĉrender": 33921, + "Ġpremises": 33922, + "Ġpon": 33923, + "aliases": 33924, + "/Foundation": 33925, + "cuda": 33926, + "ĠCock": 33927, + ",:)": 33928, + "(folder": 33929, + "Ġméd": 33930, + "drag": 33931, + "Ġtalents": 33932, + "ĠĠĠĊĊ": 33933, + "еÑģÑĤв": 33934, + "mob": 33935, + ".yml": 33936, + "Ġaster": 33937, + "Ġdiscre": 33938, + "goal": 33939, + "ĠGTX": 33940, + "ĠSUCCESS": 33941, + "ĠLONG": 33942, + "(find": 33943, + "Ġsingular": 33944, + "_sz": 33945, + "ĠEthereum": 33946, + "..Ċ": 33947, + "Ġirres": 33948, + "')){Ċ": 33949, + "Ġministers": 33950, + "Steps": 33951, + "iversal": 33952, + "ĠNevertheless": 33953, + "-led": 33954, + "Ġ(%)": 33955, + "ç¡®": 33956, + "Ġtimezone": 33957, + "Ġstranger": 33958, + "(render": 33959, + "Ġshutil": 33960, + "Ġmph": 33961, + "Ġtrio": 33962, + "ppy": 33963, + "Ġpredomin": 33964, + "Ġendors": 33965, + "ĠRussians": 33966, + "ĉrow": 33967, + "Ġwizard": 33968, + ".serialize": 33969, + "Ġcomplained": 33970, + "Ġsido": 33971, + "Ġdelighted": 33972, + "-me": 33973, + "ĠRav": 33974, + "Human": 33975, + "adays": 33976, + "recv": 33977, + "Working": 33978, + "Jump": 33979, + "ĠÃ¥r": 33980, + "ĠAutomatic": 33981, + "_Base": 33982, + "æł¼": 33983, + "aurants": 33984, + "¯": 33985, + "æ¸": 33986, + "(CType": 33987, + "IFI": 33988, + "(amount": 33989, + "Ġbelieving": 33990, + "=mysql": 33991, + "Ġfir": 33992, + "Ġrestoration": 33993, + "ereco": 33994, + "Т": 33995, + "_'+": 33996, + "Ġebook": 33997, + "Ġdebris": 33998, + "(inputs": 33999, + "AYOUT": 34000, + "Ġscreaming": 34001, + "avia": 34002, + "lander": 34003, + "Ġdistress": 34004, + "Ġassembled": 34005, + "ĠAvoid": 34006, + "(thread": 34007, + "ĠRPC": 34008, + "_EXIT": 34009, + "(queue": 34010, + "иÑģÑĤ": 34011, + "Dll": 34012, + "Ġskull": 34013, + "_pub": 34014, + "chez": 34015, + "minate": 34016, + "ensen": 34017, + "Ġinsane": 34018, + "bounds": 34019, + "ĠRosen": 34020, + "Ġconditioning": 34021, + "processed": 34022, + "videos": 34023, + "four": 34024, + ".Conv": 34025, + "|;Ċ": 34026, + "Personal": 34027, + "cerpt": 34028, + ":UIControlStateNormal": 34029, + "Ġdoses": 34030, + "ĠKarl": 34031, + "ĠFrequ": 34032, + ".BASE": 34033, + "ĠVote": 34034, + "Ġconcurrent": 34035, + "ĠMessageBoxIcon": 34036, + "ĠÃĸ": 34037, + "ĠDubai": 34038, + "ĠRetail": 34039, + ":number": 34040, + "ĠObserver": 34041, + "ĠBigInteger": 34042, + "_origin": 34043, + "_WORK": 34044, + "Frames": 34045, + "Ġnotably": 34046, + ".âĢľ": 34047, + "Ġtropical": 34048, + "Ġniche": 34049, + "amina": 34050, + ".sys": 34051, + "(tokens": 34052, + "modify": 34053, + "osit": 34054, + "strom": 34055, + "ĠComics": 34056, + "OPTION": 34057, + "Ticket": 34058, + "Ġfactories": 34059, + "Ġdisput": 34060, + "_File": 34061, + "ĠFinn": 34062, + "eee": 34063, + "ĠDiscord": 34064, + "_money": 34065, + ".tpl": 34066, + "_safe": 34067, + "LB": 34068, + "Ġglut": 34069, + "JK": 34070, + ".flow": 34071, + "-cont": 34072, + "gos": 34073, + "Ġhorizon": 34074, + "ĠRush": 34075, + "::*": 34076, + "Pipe": 34077, + "ulla": 34078, + "borough": 34079, + "heimer": 34080, + "(move": 34081, + "(Text": 34082, + "});čĊčĊ": 34083, + "welcome": 34084, + "ĠComponents": 34085, + "Ġgovernance": 34086, + "closed": 34087, + "ĉmargin": 34088, + "Ġlaundry": 34089, + "ĠTerminal": 34090, + "izards": 34091, + ".âĢĶ": 34092, + ".remote": 34093, + ".radius": 34094, + "ĠQuebec": 34095, + "Ġdh": 34096, + "Tech": 34097, + "ĠMist": 34098, + "seller": 34099, + "_literal": 34100, + "Ġgenius": 34101, + "Ġbrains": 34102, + "gem": 34103, + "ĠMeasure": 34104, + "Ġcatast": 34105, + "rance": 34106, + ".TextField": 34107, + "Ġconsuming": 34108, + "Ġ'\\''": 34109, + "oubtedly": 34110, + "ĠCertain": 34111, + "Ev": 34112, + "erti": 34113, + "being": 34114, + "Experience": 34115, + "Ġ//[": 34116, + "ĠArabic": 34117, + "ĠCrist": 34118, + "ĠAzure": 34119, + "Ġhora": 34120, + "ladesh": 34121, + "\\Blueprint": 34122, + "dar": 34123, + ".rel": 34124, + "Ġsuprem": 34125, + "ĠReagan": 34126, + "ĠAttributes": 34127, + "-sidebar": 34128, + "ĠuseStyles": 34129, + "ĠAirlines": 34130, + "Ġhills": 34131, + "/xhtml": 34132, + "vinc": 34133, + "_mock": 34134, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ": 34135, + "ĠPill": 34136, + ".LayoutStyle": 34137, + "ĠCommander": 34138, + "]<": 34139, + "signature": 34140, + "Ġ{}čĊ": 34141, + "Ġhatred": 34142, + "Ġëĭ": 34143, + "olesterol": 34144, + "Ġ********": 34145, + "ancellor": 34146, + "crop": 34147, + "TIM": 34148, + "ĉĉĊĊ": 34149, + "ysqli": 34150, + "uitive": 34151, + "ĉunset": 34152, + "_sel": 34153, + "Ġmenus": 34154, + "tick": 34155, + "Ġconstitute": 34156, + "ĠElements": 34157, + "ĠRedis": 34158, + "aggio": 34159, + "_fp": 34160, + "_depend": 34161, + "emas": 34162, + "CAST": 34163, + "orange": 34164, + "jon": 34165, + "ĠEmily": 34166, + "Ġpotatoes": 34167, + "Ġreceptor": 34168, + "ĠElectronic": 34169, + "ĠLights": 34170, + "Ġcombining": 34171, + "ĠSomeone": 34172, + "Ġ########.": 34173, + "ĠTOD": 34174, + "/show": 34175, + "Xd": 34176, + ".\"'": 34177, + "afx": 34178, + "Ġtragic": 34179, + "Styled": 34180, + "ĠMarco": 34181, + "Gallery": 34182, + "dale": 34183, + ".âĢĿĊĊĊĊ": 34184, + "érie": 34185, + "/service": 34186, + "äºĨ": 34187, + "Ġambient": 34188, + "_SETTINGS": 34189, + ".Adapter": 34190, + "lene": 34191, + "Ġtravels": 34192, + "Notice": 34193, + "Ġcleans": 34194, + "ĠFem": 34195, + "chair": 34196, + "Ñĥн": 34197, + "/my": 34198, + "_bad": 34199, + "ĠEconomics": 34200, + "ISA": 34201, + "_CNT": 34202, + "(Menu": 34203, + "äºİ": 34204, + "ĠRidge": 34205, + "Ġlengthy": 34206, + "Dot": 34207, + "Ġjumps": 34208, + "Ġhey": 34209, + "$pdf": 34210, + "Ġworm": 34211, + "Ġsut": 34212, + "Ġsher": 34213, + "iamo": 34214, + "ĠCalc": 34215, + "trieve": 34216, + "Ġcops": 34217, + "ĠChrom": 34218, + "Ġregulated": 34219, + "reatment": 34220, + "ĠHigher": 34221, + "oks": 34222, + "Ġdeze": 34223, + "LOCATION": 34224, + "ongsTo": 34225, + "Ġfinite": 34226, + "Ġvaries": 34227, + "Ġpositioned": 34228, + "'il": 34229, + "éĩij": 34230, + "Ġhike": 34231, + "(done": 34232, + "playlist": 34233, + "Ġada": 34234, + "Ġcoastal": 34235, + "ĠNancy": 34236, + ".DateTimeField": 34237, + "CppCodeGen": 34238, + "ĠSimilarly": 34239, + "reur": 34240, + "ĠContr": 34241, + "ĠHidden": 34242, + "ĠBeta": 34243, + "atched": 34244, + "_install": 34245, + ".Output": 34246, + "Lookup": 34247, + "ĠRichmond": 34248, + "quared": 34249, + "Ġmanga": 34250, + "-controls": 34251, + "ĠBernard": 34252, + "Large": 34253, + "Ġslices": 34254, + "Ġoffence": 34255, + "ĠMega": 34256, + "Ġestar": 34257, + "Ġjoints": 34258, + "Ġsumm": 34259, + "_platform": 34260, + "Buff": 34261, + ".addSubview": 34262, + "Ġretained": 34263, + "Letter": 34264, + ".dim": 34265, + "Ġessere": 34266, + "ĠScaffold": 34267, + "EXPECT": 34268, + "ĉRE": 34269, + ".longitude": 34270, + "ünd": 34271, + "Ġstatue": 34272, + ".addWidget": 34273, + "ĠCaribbean": 34274, + "addPreferredGap": 34275, + "ilde": 34276, + "UILabel": 34277, + "ĠOpport": 34278, + "Ġimperial": 34279, + "ursion": 34280, + "Ġmandate": 34281, + "Ġpromotional": 34282, + "Ġvk": 34283, + "iaÅĤ": 34284, + "Ġpyl": 34285, + "ĠCreation": 34286, + "озд": 34287, + "Ġsimpler": 34288, + ".what": 34289, + "ĠRecent": 34290, + "Storm": 34291, + ".quantity": 34292, + "ĠLov": 34293, + "\"-": 34294, + "ubbles": 34295, + "_notification": 34296, + "(world": 34297, + "urger": 34298, + "*(-": 34299, + ":\"Ċ": 34300, + "hm": 34301, + "anship": 34302, + "ĠAlmost": 34303, + "Ġmotorcycle": 34304, + "_fee": 34305, + "Ġabsorb": 34306, + "ĠVincent": 34307, + "Ġsounded": 34308, + "ÃŃst": 34309, + "Ġpharmaceutical": 34310, + "htag": 34311, + "ĠKindle": 34312, + "italize": 34313, + "ĠEmperor": 34314, + "oustic": 34315, + "Ġspecialists": 34316, + "åħ¬": 34317, + "BorderStyle": 34318, + "/\\": 34319, + "RELATED": 34320, + "(',',": 34321, + "(expr": 34322, + "Ġht": 34323, + "åįĪ": 34324, + "_Create": 34325, + "Ġspecially": 34326, + "Ġ[];čĊ": 34327, + "Ġheel": 34328, + "Ġsept": 34329, + "_arch": 34330, + "(initial": 34331, + "%.ĊĊ": 34332, + "\\\",\\\"": 34333, + "Ġdiscusses": 34334, + "Ġupt": 34335, + "Ġ[&": 34336, + "Ġmanus": 34337, + ".hand": 34338, + "ĠMAIN": 34339, + "ĠDenmark": 34340, + "Ġ],čĊ": 34341, + "Ġcryst": 34342, + "Ġnack": 34343, + "Coords": 34344, + "_inner": 34345, + "Ġmidst": 34346, + "Ġawake": 34347, + "ĠÐŀ": 34348, + "-break": 34349, + "ÃŃvel": 34350, + "_PASS": 34351, + "ĠParams": 34352, + "Ġdetr": 34353, + "Ġspider": 34354, + "ĠConcept": 34355, + "Ġprend": 34356, + "CHED": 34357, + ".Exit": 34358, + "Ġpopulated": 34359, + "Ġvirtue": 34360, + "_SESSION": 34361, + "Ġnouvel": 34362, + "oauth": 34363, + "ĠданнÑĭ": 34364, + "rink": 34365, + ".HeaderText": 34366, + "aturated": 34367, + "Ġerst": 34368, + "Ġåħ": 34369, + "à¥ĩ": 34370, + "_visible": 34371, + "eyer": 34372, + "Ġliable": 34373, + "Ġdebe": 34374, + "Ġbw": 34375, + "{-#": 34376, + "_WIN": 34377, + "dfs": 34378, + "Hover": 34379, + "ĠPUT": 34380, + "-angle": 34381, + "Ġnoble": 34382, + "Ġtraces": 34383, + "encv": 34384, + "ĠuserData": 34385, + "_ins": 34386, + "ĠSuz": 34387, + "Ġnewsletters": 34388, + "ĠModi": 34389, + "Ġentrepreneurs": 34390, + "Ġtribute": 34391, + "Ġrumors": 34392, + "Ġrr": 34393, + "ĠQuarter": 34394, + "ê³ł": 34395, + "Ġfeeds": 34396, + "óg": 34397, + "Ġenvelope": 34398, + "Ġlear": 34399, + "Ġkø": 34400, + "developer": 34401, + "Similar": 34402, + ":\")Ċ": 34403, + "subscription": 34404, + "Modifier": 34405, + "italic": 34406, + "Ġnasty": 34407, + "Ġtermination": 34408, + "Ġcharming": 34409, + "ĠâŁ": 34410, + "tons": 34411, + ".trace": 34412, + "hots": 34413, + "ĠUR": 34414, + "Mont": 34415, + "Ġjustified": 34416, + "ĠGang": 34417, + "inea": 34418, + "Ġbog": 34419, + "(ap": 34420, + "_$": 34421, + "Ġcontamin": 34422, + ".Dot": 34423, + "ĉDebug": 34424, + "(exports": 34425, + "Ġpaired": 34426, + "ĠAssignment": 34427, + "Ġautomobile": 34428, + "ĵį": 34429, + "Ġphases": 34430, + "vw": 34431, + "@SuppressWarnings": 34432, + "=\\": 34433, + "rant": 34434, + "-ed": 34435, + "ĉawait": 34436, + "Ġcertificates": 34437, + "'>\"": 34438, + "Ġintact": 34439, + "CTRL": 34440, + "Mike": 34441, + "gregation": 34442, + "ATTERN": 34443, + "Ġrepublic": 34444, + "_upper": 34445, + "iliary": 34446, + "Ġcomputation": 34447, + "hire": 34448, + "ĠShin": 34449, + "_ANY": 34450, + "ĠManufacturer": 34451, + "ĠCarm": 34452, + "Ġbearings": 34453, + "_comb": 34454, + "cad": 34455, + "uristic": 34456, + "Ġwholesale": 34457, + "Ġdonor": 34458, + ".interfaces": 34459, + "presso": 34460, + "ĠBrun": 34461, + "-close": 34462, + "prove": 34463, + "_SK": 34464, + "ĉframe": 34465, + "etros": 34466, + "ĠPain": 34467, + "_EXP": 34468, + "ĠLT": 34469, + "_fs": 34470, + ".datas": 34471, + "ĉss": 34472, + "voir": 34473, + "ĠAxis": 34474, + "Major": 34475, + "=\"<": 34476, + "[h": 34477, + "Ġprofess": 34478, + "igrate": 34479, + "(score": 34480, + "Keyword": 34481, + "\"os": 34482, + "ĠĠĠĠĉĊ": 34483, + "analysis": 34484, + "Ġreplay": 34485, + ".pass": 34486, + "\\d": 34487, + "tls": 34488, + "Ġsanct": 34489, + ".light": 34490, + "_mobile": 34491, + "ÑģÑĤÑĮ": 34492, + "ĉtotal": 34493, + "uity": 34494, + "Ġpaused": 34495, + "NAS": 34496, + "Ġencore": 34497, + "loe": 34498, + "Ġ-*-ĊĊ": 34499, + ".high": 34500, + "ampler": 34501, + "ĠSecure": 34502, + "Ġfragments": 34503, + "_vel": 34504, + "illary": 34505, + "ĠStein": 34506, + "ĠDawn": 34507, + "Ġmaximize": 34508, + "ย": 34509, + "Ġ/^": 34510, + "Ġcontinually": 34511, + "Ġshadows": 34512, + "ĉĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 34513, + "ĠIActionResult": 34514, + "Ġinformación": 34515, + "CHECK": 34516, + ".SelectedItem": 34517, + "bundle": 34518, + "olley": 34519, + "<": 34681, + "Ġtrajectory": 34682, + "_ring": 34683, + "Ġhydrogen": 34684, + "tron": 34685, + "Ġstatute": 34686, + "Ġconditional": 34687, + "Ġtray": 34688, + "-school": 34689, + "(widget": 34690, + "$config": 34691, + "Ġrequesting": 34692, + ".uint": 34693, + "eton": 34694, + "brities": 34695, + "OfType": 34696, + "ADMIN": 34697, + "predict": 34698, + "Ġgegen": 34699, + "ĠHapp": 34700, + "OCUMENT": 34701, + "ĠApart": 34702, + "Ġ-----": 34703, + "roe": 34704, + "uide": 34705, + "justify": 34706, + "ĠSquad": 34707, + "Ġprofes": 34708, + ".bot": 34709, + "_currency": 34710, + "innen": 34711, + "ĠMumbai": 34712, + "ĠNumbers": 34713, + "avanaugh": 34714, + "agnitude": 34715, + "âĢľThere": 34716, + "=http": 34717, + "çīĩ": 34718, + "Ġvb": 34719, + "+'{{$": 34802, + "Ġinode": 34803, + "sil": 34804, + "Ġhace": 34805, + "Ġseverely": 34806, + "ĠOverview": 34807, + "Ġspraw": 34808, + "Ġbeaches": 34809, + ":left": 34810, + "·»": 34811, + "(${": 34812, + "ĠFIRST": 34813, + "ĠSpa": 34814, + "-ass": 34815, + "Ġbaise": 34816, + "ĠNODE": 34817, + "ĠPizza": 34818, + "Pet": 34819, + "(seq": 34820, + "\\\">Ċ": 34821, + "CppMethodPointer": 34822, + "Ġvp": 34823, + "Ġia": 34824, + "_seconds": 34825, + "emet": 34826, + "/blob": 34827, + "_THRESH": 34828, + "...čĊ": 34829, + "Dest": 34830, + "ĠNH": 34831, + ".dataSource": 34832, + "ités": 34833, + "ĠJak": 34834, + "sell": 34835, + "Ġworkshops": 34836, + "\",Ċ": 35452, + "_Pin": 35453, + "uese": 35454, + "Ġoverrides": 35455, + "_ready": 35456, + "Advanced": 35457, + "Ġopi": 35458, + "-cart": 35459, + "(\"/\",": 35460, + "ĠDeb": 35461, + "CRY": 35462, + "ĠVertical": 35463, + "ĠOVER": 35464, + "ĠCorporate": 35465, + "Ġ\"\";": 35466, + "Ġstepping": 35467, + "ej": 35468, + "Ġaccusations": 35469, + "Ġoraz": 35470, + "_tail": 35471, + "Ġinduced": 35472, + "Ġelastic": 35473, + "Ġblown": 35474, + ",//": 35475, + "Ġbackgrounds": 35476, + "âĢĻune": 35477, + "-sdk": 35478, + "ĠsetInterval": 35479, + "Ġincentives": 35480, + "Ġvegetable": 35481, + "_On": 35482, + "expanded": 35483, + "pix": 35484, + "_shader": 35485, + "ĠSPDX": 35486, + "@example": 35487, + "ĠWrapper": 35488, + ".Zero": 35489, + "Positive": 35490, + "Ġspinner": 35491, + "Ġinvented": 35492, + "ĠGates": 35493, + "оÑĤоÑĢ": 35494, + "Ġcomparisons": 35495, + "è·": 35496, + ".primary": 35497, + "dataProvider": 35498, + "additional": 35499, + "ĉoptions": 35500, + "snapshot": 35501, + ".setHorizontal": 35502, + "Ġ\"{}": 35503, + "ĠFisher": 35504, + "halten": 35505, + "": 35538, + "ĠRegistered": 35539, + "INED": 35540, + "kal": 35541, + "parison": 35542, + "Ġobjeto": 35543, + "Vi": 35544, + "manda": 35545, + "Ġrenewed": 35546, + "ĠSof": 35547, + "essel": 35548, + ".ndarray": 35549, + "Ġcrap": 35550, + "管": 35551, + ".abspath": 35552, + "(up": 35553, + "Ġclearance": 35554, + "ĠTW": 35555, + "_COPY": 35556, + "ĠĠĠĠĠĠĠĠĠĠĠĠĉ": 35557, + "Ġforests": 35558, + "Ġarguably": 35559, + "ĠASS": 35560, + "hey": 35561, + "amel": 35562, + "_fore": 35563, + "ĠSoutheast": 35564, + "Ġabused": 35565, + "Ġpracticing": 35566, + "akedirs": 35567, + "主": 35568, + "_resources": 35569, + "Ġpond": 35570, + ".Fixed": 35571, + "LastError": 35572, + "ĠPsychology": 35573, + "Ġ\"//": 35574, + "!:": 35575, + "Reusable": 35576, + "Ġmensaje": 35577, + "Ġrospy": 35578, + "Ġbour": 35579, + "Ġvarieties": 35580, + "Ġempath": 35581, + "(({": 35582, + "_org": 35583, + "ĠMes": 35584, + "ĠMagento": 35585, + "ISTORY": 35586, + "Unless": 35587, + "Ġhj": 35588, + "ĠDuty": 35589, + "Jun": 35590, + ",size": 35591, + "Ġpaintings": 35592, + "Ġdispens": 35593, + "dart": 35594, + "Ġbehavioral": 35595, + "Ġrpc": 35596, + "calculate": 35597, + "fruit": 35598, + "_mm": 35599, + "ĉpthread": 35600, + "MaxLength": 35601, + "Ġcurrencies": 35602, + "_capacity": 35603, + "ĠOz": 35604, + "Ġfirearm": 35605, + "Ġcoefficient": 35606, + "Ġbankruptcy": 35607, + "wart": 35608, + "Ġfatigue": 35609, + "AVA": 35610, + "Ġespa": 35611, + "_pc": 35612, + "ĠQuotes": 35613, + "_LIGHT": 35614, + "ĠTickets": 35615, + "Ġrelates": 35616, + "Ġpublishers": 35617, + "Ġunlocked": 35618, + "Ġ//----------------------------------------------------------------": 35619, + "ĠInterruptedException": 35620, + "Ġoutlook": 35621, + "rn": 35622, + "Ġrebels": 35623, + "Written": 35624, + "Ġasian": 35625, + "otto": 35626, + "Ġĉĉĉĉ": 35627, + "_gpu": 35628, + "Txt": 35629, + ".ImageView": 35630, + "Ġsuis": 35631, + "_tables": 35632, + ".RecyclerView": 35633, + "Ġwhatsoever": 35634, + "èģ": 35635, + "]++;Ċ": 35636, + "assertTrue": 35637, + "_verify": 35638, + "ĠRivers": 35639, + "Ġ][": 35640, + "Jet": 35641, + "idian": 35642, + "Sibling": 35643, + "Ġgenres": 35644, + ".Access": 35645, + "OPS": 35646, + "Ġtrivial": 35647, + "ส": 35648, + "alen": 35649, + "вед": 35650, + "ĠSword": 35651, + "Ġscrutiny": 35652, + "(cb": 35653, + "Ġcommerce": 35654, + "Ġguarantees": 35655, + "_adv": 35656, + "ĠLET": 35657, + "recio": 35658, + "Ġhilar": 35659, + "Ġbackyard": 35660, + "ãĢı": 35661, + "Ġillustrated": 35662, + "/vendor": 35663, + ".Util": 35664, + "Ġwow": 35665, + "LOY": 35666, + "ĠMarshal": 35667, + "\">'.$": 35668, + "ĠBak": 35669, + "Ġmodifiers": 35670, + "dictionary": 35671, + "ĠStre": 35672, + "multiple": 35673, + "\")),": 35674, + "ĠCort": 35675, + "']\").": 35676, + "(admin": 35677, + "ĠCreator": 35678, + "Internet": 35679, + "(ms": 35680, + "logy": 35681, + "DECLARE": 35682, + "ĠMarcus": 35683, + "<<<<": 35684, + "ãģł": 35685, + "_my": 35686, + "(inst": 35687, + "Ġsciences": 35688, + "NDER": 35689, + ".enter": 35690, + "Ġitu": 35691, + "Ġbehave": 35692, + "Pan": 35693, + "ombies": 35694, + "='<": 35695, + "'));čĊ": 35696, + "ĠMENU": 35697, + "ĠWorkers": 35698, + ".NoError": 35699, + "Ġbindings": 35700, + "Ġdisabilities": 35701, + "{\\": 35702, + "ĠMunicip": 35703, + "Ġcores": 35704, + "urple": 35705, + "ĠNokia": 35706, + "usions": 35707, + "ĠFitness": 35708, + ".handleChange": 35709, + "Ġjavascript": 35710, + "ìļĶ": 35711, + "(dec": 35712, + "Ġpacking": 35713, + "-depend": 35714, + "Ġtranscript": 35715, + "zeros": 35716, + "_alert": 35717, + "?\",Ċ": 35718, + "libs": 35719, + "±Ð¾ÑĤ": 35720, + "Ġ|ĊĊ": 35721, + "trained": 35722, + "ĠGent": 35723, + "ĠRab": 35724, + "xp": 35725, + "_configuration": 35726, + "天": 35727, + "_accept": 35728, + ".recyclerview": 35729, + ":url": 35730, + "ĠMuhammad": 35731, + "Ġprivileges": 35732, + "_bank": 35733, + "uku": 35734, + "wallet": 35735, + "ĠROOT": 35736, + "Ġencuent": 35737, + "?family": 35738, + "ĉposition": 35739, + "Ġcg": 35740, + "Ġprecip": 35741, + "methods": 35742, + "_fast": 35743, + "increment": 35744, + "ĠTiger": 35745, + "_OCCURRED": 35746, + "quip": 35747, + "ĠHAS": 35748, + "_dom": 35749, + "Ġwreck": 35750, + "bj": 35751, + "Ġdern": 35752, + "Ġorgans": 35753, + ".entries": 35754, + "Ġ_('": 35755, + "ramento": 35756, + "ĠJamie": 35757, + "Ġpunk": 35758, + "IPP": 35759, + "Ġprograma": 35760, + "Ġattain": 35761, + "Ġproves": 35762, + "/sign": 35763, + "Ġanswering": 35764, + "Ġladder": 35765, + "****************************": 35766, + "ĠWalmart": 35767, + "ĠCONTENT": 35768, + "ductor": 35769, + "Ġverbal": 35770, + "ĠPID": 35771, + "crypto": 35772, + "_CALLBACK": 35773, + "Ġ=================================": 35774, + "Ġpotent": 35775, + "Ġshorts": 35776, + ".Uri": 35777, + ".uniform": 35778, + ";border": 35779, + "ĠWer": 35780, + "Ġherein": 35781, + "lla": 35782, + "ĠIhr": 35783, + "Pixmap": 35784, + "literal": 35785, + "!)ĊĊ": 35786, + "generic": 35787, + "rust": 35788, + "_scripts": 35789, + "osto": 35790, + "itus": 35791, + "ĠCoalition": 35792, + "Ġremot": 35793, + "deploy": 35794, + "ĠEagle": 35795, + "ãĢģãĢĮ": 35796, + "Ġimportante": 35797, + "ĉobject": 35798, + "Ġseasonal": 35799, + "nej": 35800, + "aidu": 35801, + "BindView": 35802, + "ĠSierra": 35803, + "-bg": 35804, + "ĠmakeStyles": 35805, + "[offset": 35806, + "Games": 35807, + "Ġhormone": 35808, + "ARIO": 35809, + "heads": 35810, + "(select": 35811, + "ĠStarted": 35812, + "@param": 35813, + "_decl": 35814, + "_blog": 35815, + "Ġaño": 35816, + "\\Api": 35817, + "ĠMilwaukee": 35818, + "Provid": 35819, + "Animated": 35820, + "Ġcooler": 35821, + "ĠSeed": 35822, + ".Edit": 35823, + "ÏĦ": 35824, + "ĠTaking": 35825, + "ĠborderColor": 35826, + "-founder": 35827, + ".LoggerFactory": 35828, + "Ġ\"\"ĊĊ": 35829, + "ALT": 35830, + "ĠLate": 35831, + "EDIATE": 35832, + "Ġ);ĊĊĊ": 35833, + "afa": 35834, + "Ġcancellation": 35835, + "Atom": 35836, + "ĠBirmingham": 35837, + "empresa": 35838, + "HEMA": 35839, + "ascal": 35840, + "Ġupside": 35841, + ".Version": 35842, + "ĠFolder": 35843, + "ĠEight": 35844, + "ĠVintage": 35845, + "ĠAppDelegate": 35846, + "ĠPrevention": 35847, + ".separator": 35848, + "STM": 35849, + "(room": 35850, + "generator": 35851, + "Ġcattle": 35852, + "ĉZ": 35853, + "ĠParticle": 35854, + "'};Ċ": 35855, + "Ġneighbours": 35856, + "ĠStateless": 35857, + "Ġaltitude": 35858, + "Ġsaint": 35859, + "обав": 35860, + "Ġconvinc": 35861, + "ĠContents": 35862, + "Ġjeune": 35863, + "(ts": 35864, + "Serialization": 35865, + "(collection": 35866, + "ĠJazz": 35867, + "ĠDod": 35868, + "ĠRoch": 35869, + "acio": 35870, + "commended": 35871, + "DEFINE": 35872, + ".onload": 35873, + "Ġspecialty": 35874, + "PLACE": 35875, + "_MOVE": 35876, + "Ġaccountable": 35877, + "Reuters": 35878, + "Ġficken": 35879, + "Ġdepr": 35880, + "Wow": 35881, + "Void": 35882, + ".space": 35883, + "à¸Ĺ": 35884, + "Ġtq": 35885, + "ĠPets": 35886, + "<$": 35887, + "(Current": 35888, + "berries": 35889, + "planation": 35890, + "ĠlistOf": 35891, + "ĠThu": 35892, + "ĠPRINT": 35893, + "Ġmismo": 35894, + "Ġdoi": 35895, + "chk": 35896, + "ĠUnicode": 35897, + "(role": 35898, + "Ġvirgin": 35899, + "-->Ċ": 36360, + "Vol": 36361, + "ĠSSD": 36362, + "))),": 36363, + ".Optional": 36364, + "Ġnurses": 36365, + "Ġorb": 36366, + "_pe": 36367, + ");čĊčĊčĊ": 36368, + "placed": 36369, + "esser": 36370, + "Ġtherapeutic": 36371, + "Ġwhitespace": 36372, + "Ġaston": 36373, + "Successful": 36374, + "Ġpraised": 36375, + "ĠWes": 36376, + "Ġeighth": 36377, + "iral": 36378, + "Ġvrouw": 36379, + "Ġfaction": 36380, + "_bias": 36381, + "Ġwitch": 36382, + "Ġnpc": 36383, + "(sb": 36384, + "ĠRodrig": 36385, + "_big": 36386, + "Dependency": 36387, + "ĠAbraham": 36388, + "ardi": 36389, + "CAR": 36390, + "nos": 36391, + "Ġabundance": 36392, + "Ġnutrients": 36393, + "instein": 36394, + ".Vert": 36395, + "ĠISS": 36396, + "D": 36495, + "Ġservlet": 36496, + "bastian": 36497, + "Ġ>&": 36498, + "SID": 36499, + "_clk": 36500, + "Ġdivisions": 36501, + "}',Ċ": 36502, + "Ġdildo": 36503, + "Ġparade": 36504, + "major": 36505, + "Ġaboard": 36506, + ";++": 36507, + "Ġfusion": 36508, + "\"},{\"": 36509, + "ĠDialogResult": 36510, + "ĉarr": 36511, + "-em": 36512, + "_nr": 36513, + "(handler": 36514, + ".NET": 36515, + ".XtraReports": 36516, + "ĠShah": 36517, + "ĠBrief": 36518, + "-,": 36519, + "Ġprecio": 36520, + "ĉĉĉĠĠĠĠĠĠ": 36521, + "Ġtant": 36522, + "ĠGrande": 36523, + "/xml": 36524, + "_ICON": 36525, + "ĠRetro": 36526, + "unque": 36527, + "Ġnag": 36528, + "toFixed": 36529, + "XL": 36530, + "Ġdeclaring": 36531, + "ĠConcrete": 36532, + "ĠAmazing": 36533, + "ĉprintk": 36534, + "Ġdebates": 36535, + "DATED": 36536, + "Ġaesthetic": 36537, + "emetery": 36538, + "RoutingModule": 36539, + "ĠNashville": 36540, + "WAYS": 36541, + "Ġwolf": 36542, + "Ġobservers": 36543, + "OTA": 36544, + "anson": 36545, + "Ġea": 36546, + "Ġgreenhouse": 36547, + "ĵįä½ľ": 36548, + "Ġstair": 36549, + "Ġimmigrant": 36550, + "_apply": 36551, + "peare": 36552, + "ĠBloomberg": 36553, + "_PLAYER": 36554, + "Resp": 36555, + "æŃ£": 36556, + "Chooser": 36557, + "ĠICollection": 36558, + "Peter": 36559, + "Erro": 36560, + ".detectChanges": 36561, + "Maps": 36562, + "Ġsqueeze": 36563, + "ĠHomes": 36564, + "wegian": 36565, + "Ġformatting": 36566, + "Ġnegotiate": 36567, + "uld": 36568, + "ĠNep": 36569, + "ĠQB": 36570, + "Ġeconomies": 36571, + "Ġ*/,": 36572, + "Ġredund": 36573, + "ĠAber": 36574, + ".IsNullOrWhiteSpace": 36575, + "ycled": 36576, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ": 36577, + "_Sh": 36578, + "Ġskept": 36579, + "Ġrecreated": 36580, + "ĠgetType": 36581, + "Ġmargins": 36582, + "Ġcolonial": 36583, + "charts": 36584, + "//@": 36585, + "Ġprocessors": 36586, + "说": 36587, + "batis": 36588, + "æĦı": 36589, + "atorio": 36590, + "mentioned": 36591, + "Patient": 36592, + "Ġprey": 36593, + "Checkbox": 36594, + "_xpath": 36595, + ".skip": 36596, + "ĠMormon": 36597, + "ĠMemoryStream": 36598, + "CREMENT": 36599, + "Ġku": 36600, + "meld": 36601, + "\\Data": 36602, + "ĠKernel": 36603, + "iltr": 36604, + "éĢģ": 36605, + "(profile": 36606, + "Carbon": 36607, + "ROLE": 36608, + "(pl": 36609, + "]*(": 36610, + ".memory": 36611, + "Ġmedal": 36612, + "Ġadvisor": 36613, + "ität": 36614, + "Ġhdr": 36615, + "ierung": 36616, + "ĠProvides": 36617, + "(alpha": 36618, + "Ġteenagers": 36619, + "-parser": 36620, + ".LatLng": 36621, + "]()Ċ": 36622, + "Ġfelony": 36623, + "ĉĉĉĊĉĉĉĊ": 36624, + "BOOK": 36625, + "Ġslash": 36626, + "Ġclearfix": 36627, + "ĠProphet": 36628, + "容": 36629, + "rightness": 36630, + "-fi": 36631, + ".kind": 36632, + "erton": 36633, + "Jim": 36634, + "Ġmanipulate": 36635, + "Ġworksheet": 36636, + "olin": 36637, + "stars": 36638, + "Ġartifact": 36639, + "_EMPTY": 36640, + "ĉmain": 36641, + "-------------';": 36709, + "Ġexpressing": 36710, + "ĠIQ": 36711, + "ĠFact": 36712, + "/*******************************************************************************Ċ": 36713, + "_mass": 36714, + ")):": 36715, + "Ġcondom": 36716, + "ĠcreateState": 36717, + "ometown": 36718, + "Ġirr": 36719, + "Ġ>(": 36720, + ">B": 36721, + "iteration": 36722, + "ãĥª": 36723, + "Ġshirts": 36724, + "ounty": 36725, + "->$": 36726, + "_SIGN": 36727, + "ĠDale": 36728, + "Ġjj": 36729, + "Easy": 36730, + "Fre": 36731, + "ĠNy": 36732, + "Ġchlor": 36733, + "matched": 36734, + "ĠGerm": 36735, + "-UA": 36736, + "ĠNathan": 36737, + "education": 36738, + "-yard": 36739, + "-che": 36740, + "houses": 36741, + "ritional": 36742, + "Ġproximity": 36743, + "Ġdiesem": 36744, + "áºŃp": 36745, + "Ġdrought": 36746, + ".audio": 36747, + "ĠLeo": 36748, + "Ġfavorable": 36749, + "inch": 36750, + "ĠDaw": 36751, + "ribly": 36752, + "_student": 36753, + "idable": 36754, + "OVE": 36755, + "Ġlacks": 36756, + "ouncing": 36757, + ".business": 36758, + "Ġreopen": 36759, + "maybe": 36760, + "_GLOBAL": 36761, + "Ġdresses": 36762, + "ĠEdwards": 36763, + "ensible": 36764, + "ĠHardware": 36765, + "ĠExcellent": 36766, + "ĠTimeUnit": 36767, + "CTIONS": 36768, + "Ġschedules": 36769, + "Ġsegue": 36770, + "Opens": 36771, + "ammen": 36772, + "-Identifier": 36773, + "Ġstaring": 36774, + "Ġhappily": 36775, + "ĠHob": 36776, + "'_": 36777, + "Ġ\");": 36778, + "amentos": 36779, + "etched": 36780, + "Ġ/>}Ċ": 36781, + ".Users": 36782, + "Ġinterrupted": 36783, + "Contacts": 36784, + "Ġregistro": 36785, + "inburgh": 36786, + "CHA": 36787, + "_imp": 36788, + "phis": 36789, + "say": 36790, + "Ġretailer": 36791, + ".NODE": 36792, + "/maps": 36793, + "_LAST": 36794, + "ĠCharge": 36795, + "_guard": 36796, + "Collider": 36797, + "ĠStatelessWidget": 36798, + "\":[\"": 36799, + "(\"../../": 36800, + "ioxide": 36801, + "ĠSund": 36802, + "Ġ'';": 36803, + "unset": 36804, + "addWidget": 36805, + "лÑİ": 36806, + "elles": 36807, + "alker": 36808, + "Arc": 36809, + "Ġdeduct": 36810, + "GUILayout": 36811, + "ĠVilla": 36812, + "Ġforbidden": 36813, + "_where": 36814, + "Ġ\\/": 36815, + "ĠTib": 36816, + "_AX": 36817, + "]čĊčĊ": 36818, + "ĠBir": 36819, + "Ġbend": 36820, + "ĠMAKE": 36821, + "ĠMET": 36822, + "Ġfutures": 36823, + "Ġweighted": 36824, + "\"\"\"čĊ": 36825, + "Ġauthorize": 36826, + "(program": 36827, + "},{\"": 36828, + "Ġcoefficients": 36829, + "ês": 36830, + "PerPage": 36831, + "ĠBathroom": 36832, + "ĠPublishing": 36833, + "GPL": 36834, + "Ġsubmissions": 36835, + "ĠNUMBER": 36836, + "jÄħ": 36837, + "Ġadditionally": 36838, + "empre": 36839, + "ĠShel": 36840, + "otyp": 36841, + "Solution": 36842, + "Ġthunder": 36843, + "_ec": 36844, + "ĠĊĠĠĠĠĊ": 36845, + "ĠFellow": 36846, + "Ġkay": 36847, + "ĠnewState": 36848, + "ONTAL": 36849, + "Implementation": 36850, + ".Look": 36851, + "Ġents": 36852, + "Ġlors": 36853, + "ĠBIG": 36854, + "fab": 36855, + "Ġaveraged": 36856, + "ĠFeedback": 36857, + "ĠWells": 36858, + "Ġmartial": 36859, + "Ġindul": 36860, + "ĠCommunist": 36861, + "ĠForex": 36862, + "ĠAgriculture": 36863, + "\"[": 36864, + "Ġquar": 36865, + "ĠKont": 36866, + "ĉview": 36867, + ".Bytes": 36868, + "desktop": 36869, + "ĠMakes": 36870, + "akespeare": 36871, + ".Nullable": 36872, + "Ġspotlight": 36873, + "VB": 36874, + "owy": 36875, + "(torch": 36876, + "tridge": 36877, + "_bounds": 36878, + "Ġapologize": 36879, + ".addItem": 36880, + "antd": 36881, + "*);Ċ": 36882, + ",u": 36883, + "(gen": 36884, + "ç»ĵ": 36885, + "reator": 36886, + "ĠCord": 36887, + "oupper": 36888, + ".metro": 36889, + "Ġew": 36890, + "ĠWORD": 36891, + ".After": 36892, + "Ġdetained": 36893, + "ĠHammer": 36894, + "existing": 36895, + "Ġost": 36896, + "Ġmonument": 36897, + "-custom": 36898, + "UserID": 36899, + "ĠNom": 36900, + "Ġrejection": 36901, + "(dim": 36902, + "Ġsingleton": 36903, + "ĉdie": 36904, + "ariance": 36905, + "reports": 36906, + "]!=": 36907, + "elda": 36908, + "Ġprevalence": 36909, + "_regs": 36910, + ".\".": 36911, + "Ġfeminist": 36912, + "Codec": 36913, + "Ġ**Ċ": 36914, + "(labels": 36915, + "_MARK": 36916, + "FAILED": 36917, + "Ġadministered": 36918, + "WN": 36919, + "ĠĠĠĠĠĠĠĠĉĉ": 36920, + "Ġnoun": 36921, + "wig": 36922, + "Ġgotta": 36923, + "Ġrif": 36924, + "-im": 36925, + "ĠPaulo": 36926, + "ĠCommandType": 36927, + "]))ĊĊ": 36928, + "-zero": 36929, + "Training": 36930, + "Ġlord": 36931, + "_art": 36932, + "reddit": 36933, + "Cert": 36934, + "Ġpeso": 36935, + "Rot": 36936, + "Ġendanger": 36937, + ".dr": 36938, + "userInfo": 36939, + "unts": 36940, + "nv": 36941, + "ĠTrailer": 36942, + "-first": 36943, + "(make": 36944, + "Ġbenefici": 36945, + "-black": 36946, + "iÃŁ": 36947, + "Ġundoubtedly": 36948, + "Ġmex": 36949, + "ĠAncient": 36950, + "(as": 36951, + "Ġdescent": 36952, + "Pick": 36953, + "Ġreplica": 36954, + "$obj": 36955, + "ähr": 36956, + "Ġarrows": 36957, + "fty": 36958, + "ĠLibya": 36959, + "uga": 36960, + "charged": 36961, + "Tur": 36962, + "Ġhomic": 36963, + "issen": 36964, + "ĠFake": 36965, + "Ġbeers": 36966, + "Ġscattered": 36967, + "(Time": 36968, + "UTIL": 36969, + "Ġbureaucr": 36970, + "/plain": 36971, + "Ġsticking": 36972, + "FAIL": 36973, + "ĠCovid": 36974, + "Third": 36975, + "_present": 36976, + "ĠPierre": 36977, + "Ġëª": 36978, + "Ġ[...]ĊĊ": 36979, + "Prob": 36980, + "ĠTraffic": 36981, + "icao": 36982, + "doctor": 36983, + "Ġ),ĊĊ": 36984, + "Tabs": 36985, + "alu": 36986, + "ï¼ļâĢľ": 36987, + "Ġinherent": 36988, + "_No": 36989, + "ritis": 36990, + "ĠProof": 36991, + ".basename": 36992, + "ä¼ļ": 36993, + "Ġchim": 36994, + "ĠProtected": 36995, + "crit": 36996, + "Ġprone": 36997, + "Ġкон": 36998, + "ĠHeroes": 36999, + "Ġanxious": 37000, + "Ġanos": 37001, + "Ġweekends": 37002, + "Ġsext": 37003, + "Ġreducer": 37004, + "=UTF": 37005, + "half": 37006, + "ĠSaw": 37007, + ".mm": 37008, + "Ġnueva": 37009, + ".currentTarget": 37010, + ".lua": 37011, + "_EXTENSION": 37012, + "ĉreg": 37013, + "ĠCtrl": 37014, + "_align": 37015, + "acceptable": 37016, + "Ġrushing": 37017, + "frac": 37018, + "Ġboasts": 37019, + "Five": 37020, + "±": 37021, + "ĠTemperature": 37022, + ">):": 37023, + "Ġcharter": 37024, + "REATED": 37025, + "Ġsubjected": 37026, + "Ġopc": 37027, + "healthy": 37028, + "使ç͍": 37029, + "ĠScientific": 37030, + "Ġfrau": 37031, + "riages": 37032, + "à¸Ķ": 37033, + ".inventory": 37034, + "ationale": 37035, + "Mad": 37036, + "minutes": 37037, + ">>();Ċ": 37038, + "ĠEnv": 37039, + "Ġrecordings": 37040, + "Ġsuspicion": 37041, + "sqlite": 37042, + "ĉread": 37043, + "ãģ¦": 37044, + "Ġworries": 37045, + ".putString": 37046, + "ĠShanghai": 37047, + "(uid": 37048, + "rer": 37049, + "ĠvÃŃde": 37050, + "\"):": 37051, + "Ġmethodology": 37052, + "ĠкоÑĤоÑĢ": 37053, + "ccc": 37054, + "avad": 37055, + "Ġinduction": 37056, + "ĉThread": 37057, + ",string": 37058, + "ại": 37059, + "nehmen": 37060, + "uition": 37061, + "Ġ*__": 37062, + ".emf": 37063, + "Ġìľ": 37064, + "/themes": 37065, + "ĠNine": 37066, + ".One": 37067, + "ĠEmbed": 37068, + "Ġfaz": 37069, + "uations": 37070, + "Ġprivately": 37071, + "Ġling": 37072, + "[F": 37073, + "ushi": 37074, + "Ġlaunches": 37075, + "(KEY": 37076, + "GMT": 37077, + "Ġaiming": 37078, + "patible": 37079, + "ĠBiden": 37080, + "iw": 37081, + "ĠDegree": 37082, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 37083, + "Ġ$('<": 37084, + "ários": 37085, + "toUpperCase": 37086, + "ìłľ": 37087, + "ĠEUR": 37088, + "Ġoversight": 37089, + "Ġtablesp": 37090, + "Updates": 37091, + ".makedirs": 37092, + "Ġhumidity": 37093, + "/template": 37094, + "Always": 37095, + "(IS": 37096, + "_cert": 37097, + "Dig": 37098, + "Ġunderway": 37099, + "orton": 37100, + "ĠHurricane": 37101, + "Ġspends": 37102, + "ĠSegment": 37103, + "Ġflies": 37104, + "ĠToggle": 37105, + "ĠLynch": 37106, + "Ġsenses": 37107, + "ĠKos": 37108, + "setEnabled": 37109, + "istically": 37110, + "Ġtester": 37111, + "Ġadministrators": 37112, + "Ġtagged": 37113, + "Ðĵ": 37114, + "Ġshortcut": 37115, + "ĠResolution": 37116, + "Ġsupervision": 37117, + "ĠAshley": 37118, + "Tracking": 37119, + "ulatory": 37120, + "andel": 37121, + "isten": 37122, + "Ġunre": 37123, + "(diff": 37124, + "ANTS": 37125, + "Ġrider": 37126, + "ĠsÄħ": 37127, + ".Series": 37128, + "_orders": 37129, + "ORIZONTAL": 37130, + "Ġretention": 37131, + "ãĢĤčĊčĊ": 37235, + "Ġdiagonal": 37236, + "ĠCancellationToken": 37237, + "_Internal": 37238, + "Ġruin": 37239, + ".Qt": 37240, + "ocratic": 37241, + "Tel": 37242, + "ĠAnswers": 37243, + "matic": 37244, + "Ġxp": 37245, + "atem": 37246, + "_jobs": 37247, + "_any": 37248, + "Ġseniors": 37249, + "Ġlandmark": 37250, + "ĠQList": 37251, + "Ġmaneu": 37252, + "otify": 37253, + "/\";Ċ": 37254, + "/server": 37255, + "ĠPhilosoph": 37256, + "utenant": 37257, + "(io": 37258, + "hz": 37259, + "Ġauthenticated": 37260, + "dv": 37261, + "-Compatible": 37262, + "Originally": 37263, + ",function": 37264, + "ãĢĤčĊ": 37265, + "ĠRepresentative": 37266, + "asily": 37267, + "ircuit": 37268, + ".dt": 37269, + "(math": 37270, + ".Marshal": 37271, + "[,": 37272, + "ĠCities": 37273, + "_turn": 37274, + "|)Ċ": 37275, + "Ġcantidad": 37276, + "alter": 37277, + "ĉui": 37278, + "ĠNebraska": 37279, + "Ġskirt": 37280, + ".bg": 37281, + "SharedPreferences": 37282, + "(style": 37283, + "Ġgrief": 37284, + "gew": 37285, + "Ġsafeg": 37286, + "olang": 37287, + "_lists": 37288, + "ìĽ": 37289, + "Ġgranite": 37290, + "Ġhottest": 37291, + ".jdbc": 37292, + ".Customer": 37293, + "Ġâī¤": 37294, + "Ġwaar": 37295, + "_scene": 37296, + "+'/": 37297, + "ĠJTextField": 37298, + "Ġseating": 37299, + "Ġwears": 37300, + "Ġ`/": 37301, + "Cases": 37302, + "ĠYoutube": 37303, + "ım": 37304, + "Ġbalcon": 37305, + ",G": 37306, + "MetaData": 37307, + "-price": 37308, + "SCR": 37309, + "Unity": 37310, + "Ġtrunk": 37311, + "={`${": 37312, + "Ġearthquake": 37313, + "Partial": 37314, + "Ġsubst": 37315, + "Ġelimin": 37316, + "=\"'.": 37317, + "//*[@": 37318, + "Ġsupervisor": 37319, + "vrolet": 37320, + "_article": 37321, + "Ġpane": 37322, + "bio": 37323, + "Ġmotors": 37324, + "NM": 37325, + "Frank": 37326, + "Ġonion": 37327, + "-word": 37328, + "ItemClickListener": 37329, + "Ġbrit": 37330, + "endencies": 37331, + "Computer": 37332, + "_running": 37333, + "(day": 37334, + "-he": 37335, + "(named": 37336, + "ĠSach": 37337, + "оÑĩ": 37338, + "campaign": 37339, + ".Abstract": 37340, + "(wrapper": 37341, + ".pay": 37342, + "Ġuw": 37343, + "Geo": 37344, + "rails": 37345, + "/select": 37346, + "ichte": 37347, + "sons": 37348, + "EVENT": 37349, + "Ġaliment": 37350, + "Providers": 37351, + "Await": 37352, + "_INTERVAL": 37353, + ".off": 37354, + "Ġgluten": 37355, + "_cloud": 37356, + "Ġwen": 37357, + ".extract": 37358, + "ĉbutton": 37359, + "/MM": 37360, + "Party": 37361, + "Ġdemographic": 37362, + "_errno": 37363, + "Ġhiking": 37364, + "('')Ċ": 37365, + "\",@\"": 37366, + "Ġwit": 37367, + "rá": 37368, + "ologie": 37369, + "ĠStyles": 37370, + "ĠBrowserModule": 37371, + ".RequestMapping": 37372, + "icans": 37373, + "PAGE": 37374, + "creation": 37375, + "ĠFerguson": 37376, + "uded": 37377, + "numbers": 37378, + "ĠGTK": 37379, + "Ġpresentations": 37380, + "ĠBobby": 37381, + "_span": 37382, + "estyle": 37383, + "Ġillegally": 37384, + "abela": 37385, + "Ġbattlefield": 37386, + "capacity": 37387, + "terror": 37388, + "]\");Ċ": 37389, + "Ġwarrior": 37390, + "leader": 37391, + "ĠDBG": 37392, + "ĠRevenue": 37393, + "Ġvigil": 37394, + "Ġcounterparts": 37395, + "(Error": 37396, + "ACTER": 37397, + "Ġheeft": 37398, + "Ġselections": 37399, + "zeug": 37400, + "tom": 37401, + "-two": 37402, + ".;Ċ": 37403, + "_statement": 37404, + "ĠAid": 37405, + "ĠVul": 37406, + "_rgb": 37407, + "Ġprizes": 37408, + "Ġeditable": 37409, + "ĉform": 37410, + "ını": 37411, + ".decor": 37412, + "Demo": 37413, + "lices": 37414, + "Ġenctype": 37415, + "ratulations": 37416, + "ĠROS": 37417, + "_chars": 37418, + "ĠJahr": 37419, + "partial": 37420, + "ÑĥÑĤ": 37421, + "ĠReceive": 37422, + "ĠLands": 37423, + "APTER": 37424, + "Ġchopped": 37425, + "..\"": 37426, + "ĠAnaly": 37427, + "ĠUID": 37428, + "ĠRadeon": 37429, + "ĠBee": 37430, + "Ġunm": 37431, + ">M": 37432, + ".findall": 37433, + "Tokenizer": 37434, + "ĠWHAT": 37435, + "Ġsj": 37436, + "Drawing": 37437, + "Ess": 37438, + "OND": 37439, + "Ĭ¶": 37440, + "(packet": 37441, + "âĢĶbut": 37442, + "Invocation": 37443, + "ĠNuclear": 37444, + "?;Ċ": 37445, + "Ġgrandes": 37446, + "ĠCrypt": 37447, + "remark": 37448, + "Ġ'../../../../": 37449, + "Ġinability": 37450, + "magic": 37451, + "cats": 37452, + "Ġsimulate": 37453, + ":${": 37454, + "inflate": 37455, + "Ġener": 37456, + ":NO": 37457, + "iples": 37458, + "Ġmerit": 37459, + "ĠRated": 37460, + "Ġglue": 37461, + "/blog": 37462, + "Ġgren": 37463, + "Ġthrilled": 37464, + ".CH": 37465, + "uncan": 37466, + "ĠPRIMARY": 37467, + "Ġpersec": 37468, + "Ġfeared": 37469, + ".MIN": 37470, + "ĠTheater": 37471, + "éĴ": 37472, + "ategorie": 37473, + "段": 37474, + "Ġappetite": 37475, + "square": 37476, + "ĠAlexand": 37477, + ".UserId": 37478, + "_gt": 37479, + "_enter": 37480, + "Ġgraduates": 37481, + "FragmentManager": 37482, + "Authorize": 37483, + "-NLS": 37484, + "(My": 37485, + "Ġtriumph": 37486, + "usting": 37487, + "_PARAMS": 37488, + "Characters": 37489, + "(:,:,": 37490, + "_BUILD": 37491, + "MHz": 37492, + "Ġwashed": 37493, + "Ġuncle": 37494, + "Steve": 37495, + "ardown": 37496, + "${": 37680, + "_confirmation": 37681, + "Ġtrophy": 37682, + "Works": 37683, + "ĠElectronics": 37684, + "ĠMediterranean": 37685, + "_metrics": 37686, + "Ġannouncing": 37687, + "ĠDAY": 37688, + "_proto": 37689, + "Ġpear": 37690, + "baseUrl": 37691, + "ĉĉĉĉĉĉĉĉĊ": 37692, + "Ġcoordination": 37693, + ":N": 37694, + ".animate": 37695, + "ĠCotton": 37696, + "_hit": 37697, + "âľ": 37698, + "Ġjetzt": 37699, + "ifter": 37700, + "(fields": 37701, + "ownload": 37702, + "ificacion": 37703, + ".cuda": 37704, + "ĠLiu": 37705, + ">equals": 37706, + "ĠAce": 37707, + "ÑĢам": 37708, + "ĠSuperman": 37709, + "ĠGarcia": 37710, + "Ġarrests": 37711, + "agar": 37712, + "Ġ{})": 37713, + "Ġmacros": 37714, + "roupe": 37715, + "être": 37716, + "Ġtwisted": 37717, + "struments": 37718, + "_(\"": 37719, + "_vertices": 37720, + "ĠTransition": 37721, + "ик": 37722, + "[max": 37723, + "mind": 37724, + "ĠaccessToken": 37725, + "Ġunle": 37726, + "mus": 37727, + "cop": 37728, + "ĠFactor": 37729, + "Ġconced": 37730, + "Ġretr": 37731, + ".linalg": 37732, + "-slider": 37733, + "obl": 37734, + "_StaticFields": 37735, + "Ġzombie": 37736, + "selling": 37737, + "Ġchap": 37738, + "Ġshaking": 37739, + "ĠTranslate": 37740, + "ĠAmsterdam": 37741, + "ĠETH": 37742, + "_EXTERN": 37743, + "kd": 37744, + "_disc": 37745, + "Ġpreceding": 37746, + "Ġprix": 37747, + "ObjectName": 37748, + "_modified": 37749, + "ardware": 37750, + "Ġ?>\">": 37751, + "ĠDW": 37752, + "`${": 37753, + "Ġ?>\">ĊĊ": 37859, + "Ġspinning": 37860, + "_pending": 37861, + "Matchers": 37862, + ".Keys": 37863, + "ĠPV": 37864, + "enus": 37865, + "antis": 37866, + "Ġdiscard": 37867, + "Ġhaul": 37868, + "Ġempir": 37869, + "Ġpathway": 37870, + "Ġoak": 37871, + "мен": 37872, + "-induced": 37873, + "Ġimpair": 37874, + "ĠCalgary": 37875, + ".isHidden": 37876, + "dz": 37877, + "_include": 37878, + "Ġgm": 37879, + "Ġ'('": 37880, + "PY": 37881, + "uggestions": 37882, + "Ġcommodity": 37883, + "cro": 37884, + "/sub": 37885, + "ĠgetInstance": 37886, + "ĠLegacy": 37887, + "ĠKil": 37888, + "Bal": 37889, + "(short": 37890, + "Inform": 37891, + "+x": 37892, + "*r": 37893, + "ĠHopefully": 37894, + "orate": 37895, + "Ġmachen": 37896, + "Ġtreaty": 37897, + "ĠOri": 37898, + ".public": 37899, + "-horizontal": 37900, + "Ġtactic": 37901, + "Ġbord": 37902, + "wares": 37903, + "Ġammo": 37904, + "ĠLists": 37905, + "Ġequations": 37906, + "/her": 37907, + "ĠNSW": 37908, + "Bounding": 37909, + "_Collections": 37910, + "Ġavail": 37911, + ".DropDown": 37912, + "è°": 37913, + "Ġhh": 37914, + "ĠlÃł": 37915, + ".pb": 37916, + "Ġmemorial": 37917, + "ĠATTR": 37918, + "Ġexhausted": 37919, + "Ġtsp": 37920, + "ĉredirect": 37921, + "Ġlikewise": 37922, + "STER": 37923, + "Ljava": 37924, + "Ġcondemned": 37925, + "ocaust": 37926, + "(strict": 37927, + "Ġexempt": 37928, + "Ġsms": 37929, + "Ġexagger": 37930, + "SYS": 37931, + "Ġlounge": 37932, + ":^": 37933, + "Ġtodd": 37934, + "deb": 37935, + "atorial": 37936, + "ĠPorter": 37937, + "Ġtuition": 37938, + "Ġexempl": 37939, + "Ġparen": 37940, + ".lineTo": 37941, + "Ġkidney": 37942, + "Ġça": 37943, + "Ġcui": 37944, + "ï¼Į请": 37945, + "XC": 37946, + "Ġmoż": 37947, + "Ġnominated": 37948, + "lung": 37949, + "ImGui": 37950, + "ĠBuzz": 37951, + "Ġstereo": 37952, + "portal": 37953, + "resas": 37954, + "Ġklass": 37955, + "Ġdrafted": 37956, + "Ġprojectile": 37957, + "/gpl": 37958, + "(parameters": 37959, + "*)Ċ": 37960, + "Ġassisted": 37961, + "ĠNSInteger": 37962, + "sitemap": 37963, + ":nth": 37964, + ".Views": 37965, + ".ArgumentParser": 37966, + "Ġmeer": 37967, + "zier": 37968, + "ĠDig": 37969, + "Ċ": 38036, + "Ġplag": 38037, + "pine": 38038, + "Ġblanket": 38039, + "Ġ:-": 38643, + "Ġlcd": 38644, + "---------------": 38645, + "(\"\"": 38646, + "Ġtactical": 38647, + "ĠRonald": 38648, + "extr": 38649, + "ĠFest": 38650, + "Ġfuer": 38651, + "-navigation": 38652, + "Ġkb": 38653, + "ghost": 38654, + "ĠhandleChange": 38655, + "_cls": 38656, + "()!=": 38657, + "Comparator": 38658, + ".vm": 38659, + "ĠCox": 38660, + "_review": 38661, + "/@": 38662, + "_cookie": 38663, + "Ġrecognised": 38664, + "ldap": 38665, + "Threads": 38666, + "ĠSexual": 38667, + "ĠBearing": 38668, + "(SQL": 38669, + "Ġxr": 38670, + "Ġthigh": 38671, + "URLConnection": 38672, + "ĠSUV": 38673, + "ĠmContext": 38674, + "Ġincidence": 38675, + "ĠEste": 38676, + ".sup": 38677, + "_te": 38678, + "(EXIT": 38679, + "CMD": 38680, + "/\">": 38681, + "Almost": 38682, + "ĠUne": 38683, + "Ġanderen": 38684, + "ĠSingleton": 38685, + "Ġbore": 38686, + "Think": 38687, + "Ġnarc": 38688, + "]initWith": 38689, + "_shop": 38690, + "(strategy": 38691, + "!',": 38692, + "herits": 38693, + "ĠDesk": 38694, + "_machine": 38695, + ".netty": 38696, + "ında": 38697, + "=<": 38698, + "ĠQR": 38699, + "ĠSidebar": 38700, + ".splitContainer": 38701, + "ĠonSuccess": 38702, + "Ġmonkey": 38703, + "Enjoy": 38704, + "(nodes": 38705, + "pectrum": 38706, + "Ġ(*(": 38707, + "ĉUINT": 38708, + ",height": 38709, + "ĠNetworks": 38710, + ".tail": 38711, + ".linspace": 38712, + "Ġ\"...": 38713, + "Listen": 38714, + "Æ¡": 38715, + ".Channel": 38716, + "-defined": 38717, + "Repeat": 38718, + "adjust": 38719, + "ERM": 38720, + "_application": 38721, + ".assertNotNull": 38722, + "-stream": 38723, + "Ġrabbit": 38724, + "Ġpositioning": 38725, + "Ġwoke": 38726, + "Ġfing": 38727, + "Ġmultiplayer": 38728, + "Ġregistering": 38729, + "until": 38730, + "Ã¥n": 38731, + "(::": 38732, + "ussions": 38733, + "Ġpotato": 38734, + "ĠEquals": 38735, + ".Sup": 38736, + "/apache": 38737, + "Ġ(=": 38738, + ".\")": 38739, + ".ptr": 38740, + "ĠSpeech": 38741, + ".clip": 38742, + "ĠGabriel": 38743, + "Ġmusician": 38744, + "/issues": 38745, + ".shop": 38746, + "ĠHier": 38747, + "_RET": 38748, + "_bucket": 38749, + "ãĥ¡": 38750, + "avs": 38751, + "Ġroz": 38752, + "flower": 38753, + "WriteBarrier": 38754, + "ĠMilan": 38755, + "Ġlegislature": 38756, + "ĠDoll": 38757, + "Ġproving": 38758, + ".concatenate": 38759, + "âķIJ": 38760, + "Ġgchar": 38761, + "cdnjs": 38762, + "bles": 38763, + "ĠListing": 38764, + "ло": 38765, + ".xrLabel": 38766, + "ĠSak": 38767, + "justice": 38768, + "ĠValentine": 38769, + "unless": 38770, + "Ġpiger": 38771, + "(run": 38772, + "Ġtestified": 38773, + "ANA": 38774, + "ĠRemoves": 38775, + "))));Ċ": 38776, + "recated": 38777, + "ĠRuntimeMethod": 38778, + "Ġconqu": 38779, + "ãĤ¢": 38780, + "Ġtissues": 38781, + "ailer": 38782, + "été": 38783, + "-Star": 38784, + "Ġflames": 38785, + ".setIcon": 38786, + "Ġsupern": 38787, + "Ġvagina": 38788, + "-variable": 38789, + "Ġwellness": 38790, + "CUR": 38791, + "Ġbelle": 38792, + ".getRequest": 38793, + "Ġpoco": 38794, + "benh": 38795, + "agens": 38796, + "Ġspill": 38797, + "ĠJur": 38798, + "Ġdispatcher": 38799, + "ного": 38800, + "emonic": 38801, + "(dirname": 38802, + "ĠÐĶ": 38803, + "Ġpasse": 38804, + "Ġganz": 38805, + "ricing": 38806, + "EU": 38807, + "Ġmujeres": 38808, + "essen": 38809, + ".attribute": 38810, + "jj": 38811, + "ĉĉĠĊ": 38812, + "[^": 38813, + "Ġstrtolower": 38814, + "lexer": 38815, + "ectar": 38816, + "hotel": 38817, + ".square": 38818, + "Ġrall": 38819, + "Ġlowered": 38820, + "handled": 38821, + "Market": 38822, + "ĠUses": 38823, + "ivas": 38824, + ".Business": 38825, + "ãģĹãģ¦": 38826, + "DIV": 38827, + "Ġwasted": 38828, + "Ġavoir": 38829, + "êm": 38830, + "_ACCOUNT": 38831, + ".et": 38832, + "ĉSDL": 38833, + "kap": 38834, + "Ġfox": 38835, + "uppet": 38836, + "{},Ċ": 38837, + "\",'": 38838, + "Favorite": 38839, + "PEND": 38840, + "ĠAES": 38841, + "}),": 38842, + "Ġdeduction": 38843, + "ĠpolÃŃt": 38844, + "ĠcomponentWill": 38845, + "ĠTelerik": 38846, + "_SELF": 38847, + "Ġmuse": 38848, + "Craft": 38849, + "Ġdens": 38850, + "ि": 38851, + "(tp": 38852, + "Ġtasty": 38853, + "Ġbalances": 38854, + "Ġdedication": 38855, + "ĠWallace": 38856, + "Ġunlaw": 38857, + "\\\">\\": 38858, + "Ġmum": 38859, + "-update": 38860, + "emente": 38861, + "Ġsoda": 38862, + "Republic": 38863, + "asmine": 38864, + "éric": 38865, + "(Status": 38866, + "ĠJsonConvert": 38867, + "ĠDisk": 38868, + ".Redirect": 38869, + "Ġfilming": 38870, + "/mol": 38871, + "Ro": 38872, + "Ġville": 38873, + "Ġtrabaj": 38874, + "Ġsynthesis": 38875, + "rega": 38876, + "Ġrl": 38877, + "Scheduler": 38878, + "ISHED": 38879, + "currentUser": 38880, + "(errors": 38881, + "'h": 38882, + "_bot": 38883, + "ximo": 38884, + "ĠUSART": 38885, + "_super": 38886, + "_DECREF": 38887, + "ной": 38888, + "_ROW": 38889, + "Ġpromotes": 38890, + "ĠTA": 38891, + "Ġhoras": 38892, + "ĠRepresents": 38893, + "Ġnameof": 38894, + "ĠExc": 38895, + "ĠGarage": 38896, + "Ġseine": 38897, + ",#": 38898, + "Ġherb": 38899, + "/resources": 38900, + "Ġpleaded": 38901, + ".radioButton": 38902, + "Ġæĺ": 38903, + "Ops": 38904, + "ĠNest": 38905, + "cstring": 38906, + "ĠDefence": 38907, + "Ġrefere": 38908, + "_leaf": 38909, + "Ġrevelation": 38910, + "ë§": 38911, + ".executeUpdate": 38912, + "_WORLD": 38913, + "Ġexpans": 38914, + "(\"\\\"": 38915, + "jab": 38916, + "Ġdoubts": 38917, + "ĠGeometry": 38918, + "Ġintroduces": 38919, + "Ġsenators": 38920, + "Ġcanal": 38921, + ".helper": 38922, + "ĠBiology": 38923, + "_SENS": 38924, + ".previous": 38925, + "-touch": 38926, + "abit": 38927, + "Ġimpacted": 38928, + "Ġbrackets": 38929, + ".direct": 38930, + "accum": 38931, + "Ġtestosterone": 38932, + "ĉaction": 38933, + "ĠChance": 38934, + "Ġpeaks": 38935, + "CppCodeGenWriteBarrier": 38936, + "Ġunbelie": 38937, + "_press": 38938, + ".Rel": 38939, + "angled": 38940, + "/templates": 38941, + "-->čĊ": 38942, + "lime": 38943, + "Ġsufficiently": 38944, + "_nt": 38945, + "Expand": 38946, + ".isfile": 38947, + "ĠisEmpty": 38948, + "Ġqt": 38949, + "Ġmulher": 38950, + "acob": 38951, + "George": 38952, + "常": 38953, + "Ġassim": 38954, + "aso": 38955, + "Ġcomprised": 38956, + "OV": 38957, + "(CONFIG": 38958, + "ĉwriter": 38959, + "Ġdesp": 38960, + "Ġtenure": 38961, + "(cr": 38962, + ".pool": 38963, + "ĠBrend": 38964, + "Ġcensor": 38965, + "(timeout": 38966, + "Ġplea": 38967, + ".Wrap": 38968, + "Ġtightly": 38969, + "ĠWere": 38970, + "ĠIgnore": 38971, + "abei": 38972, + "Ġbridges": 38973, + "Ġcondemn": 38974, + "Ġsimplicity": 38975, + "Ġroutinely": 38976, + "Ġblacks": 38977, + "jb": 38978, + "ĠPit": 38979, + "Utf": 38980, + "Ġ/Ċ": 38981, + "reload": 38982, + "ĠsetObject": 38983, + "/global": 38984, + "Ġfatty": 38985, + "Ġsocks": 38986, + "Couldn": 38987, + "Ġerotisk": 38988, + "æĿ¡": 38989, + "ĠPressure": 38990, + "ĠMaz": 38991, + "npos": 38992, + "tolower": 38993, + "ĠEQ": 38994, + "uteur": 38995, + "ĠMoment": 38996, + "Ġeta": 38997, + "{{--": 38998, + "Ġgraphs": 38999, + "ĠGuar": 39000, + "rine": 39001, + "(--": 39002, + "ĠHttpStatus": 39003, + "(student": 39004, + "*np": 39005, + "Ġrailway": 39006, + "Ġasynchronous": 39007, + "_vm": 39008, + "'],'": 39009, + ",text": 39010, + "merchant": 39011, + "(Guid": 39012, + "ĠGra": 39013, + "ixer": 39014, + "fetchAll": 39015, + ".addListener": 39016, + "flip": 39017, + "*$": 39018, + ">(),": 39019, + "Ġsunlight": 39020, + "assigned": 39021, + "Ġabc": 39022, + "ĠCOLUMN": 39023, + "ĠðŁĻĤĊĊ": 39024, + ")...": 39025, + "Ġensemble": 39026, + "Ġnewline": 39027, + "_SINGLE": 39028, + "iedad": 39029, + "Ġdarker": 39030, + "ormap": 39031, + "Ġlion": 39032, + "plits": 39033, + "Ġillustration": 39034, + "ĠIEEE": 39035, + "Ġvista": 39036, + "ousands": 39037, + "*******": 39038, + "ĠTommy": 39039, + "Ġhue": 39040, + "Sel": 39041, + "Ġaura": 39042, + "ĠTherapy": 39043, + "Ġanimator": 39044, + ".constraints": 39045, + "Ġvague": 39046, + "(\"\")": 39047, + "Ġvillain": 39048, + "Ġblessing": 39049, + "ĠstringBuilder": 39050, + "ĠMisc": 39051, + "ĠDIR": 39052, + "fax": 39053, + "-node": 39054, + "ĠWalking": 39055, + "ĠAU": 39056, + "sess": 39057, + "Ġgrill": 39058, + "VERTISE": 39059, + "ĠFoods": 39060, + "Ġtournaments": 39061, + "Ãĵ": 39062, + "ĠMarsh": 39063, + "Ġwonders": 39064, + "Longitude": 39065, + ".CommandText": 39066, + "=input": 39067, + "_encoder": 39068, + "pageSize": 39069, + "ĠgetState": 39070, + ">>Ċ": 39071, + ".grey": 39072, + "pod": 39073, + "Ġreadings": 39074, + "Ġreconsider": 39075, + "Startup": 39076, + "Ġexcer": 39077, + ".balance": 39078, + "_cycle": 39079, + "_Time": 39080, + "LOCAL": 39081, + "ĠEFI": 39082, + "ĠReyn": 39083, + ".setForeground": 39084, + "byn": 39085, + "Ġdisconnected": 39086, + "ACTIVE": 39087, + "Ġembedding": 39088, + "ickers": 39089, + "Ġsurroundings": 39090, + "*c": 39091, + "Ġgarant": 39092, + "Ġbf": 39093, + "Ġwipe": 39094, + "Ġä¸ĭ": 39095, + "_TRA": 39096, + "adox": 39097, + "çķ": 39098, + "Ġsucks": 39099, + "ĠSongs": 39100, + "ĠAssociates": 39101, + "ĠBald": 39102, + "ĠBrett": 39103, + "venile": 39104, + "Ġvt": 39105, + "Ġinade": 39106, + "Ġresigned": 39107, + "ĠGlenn": 39108, + ".pattern": 39109, + ".DataBind": 39110, + "Ñĥм": 39111, + "LayoutInflater": 39112, + "chet": 39113, + "ĠTestament": 39114, + ".ms": 39115, + "Ġpav": 39116, + "ĠReactDOM": 39117, + "urdy": 39118, + "ADATA": 39119, + "Mu": 39120, + "/actions": 39121, + "ĠJs": 39122, + "_extract": 39123, + "ĠBring": 39124, + ":id": 39125, + "strt": 39126, + "ivation": 39127, + "Ġoutright": 39128, + "azu": 39129, + "loyment": 39130, + "иÑı": 39131, + "aldo": 39132, + "ĠPublisher": 39133, + "Education": 39134, + "Palette": 39135, + "_drv": 39136, + "Ġ($(": 39137, + "ĠAnda": 39138, + "Ġremedy": 39139, + "Ġinconsistent": 39140, + "tection": 39141, + "Ġregulators": 39142, + "Ġshortest": 39143, + "(pair": 39144, + "ĠInstallation": 39145, + "Ġdefendants": 39146, + "Ġ();": 39147, + "-large": 39148, + "Mel": 39149, + "Ġthreaten": 39150, + "нÑı": 39151, + "Ġfetish": 39152, + "otine": 39153, + "_dic": 39154, + "Ġ<$": 39155, + "Ġstagger": 39156, + "spi": 39157, + "$response": 39158, + "Serv": 39159, + "-born": 39160, + "jos": 39161, + "ĉimg": 39162, + "ĉWHERE": 39163, + "_lt": 39164, + "å½ĵ": 39165, + ".cost": 39166, + "ĠTue": 39167, + ".labels": 39168, + "ĠLV": 39169, + "wcsstore": 39170, + "ĠJesse": 39171, + "ห": 39172, + "Trade": 39173, + "Ġpredecessor": 39174, + "ëĤ": 39175, + "finally": 39176, + "_general": 39177, + "oggler": 39178, + "_REGION": 39179, + "nement": 39180, + "Ġblogger": 39181, + "ĠHarbor": 39182, + "ĠDataset": 39183, + "[w": 39184, + "Ġattendees": 39185, + ".ico": 39186, + "maximum": 39187, + ".Unlock": 39188, + "_SYNC": 39189, + "ágina": 39190, + "Ġdowns": 39191, + "ĠWii": 39192, + "])/": 39193, + "Ġkicking": 39194, + "unication": 39195, + "ĠDAC": 39196, + "ĠIDS": 39197, + "ĠRental": 39198, + "ĠcurrentTime": 39199, + "Ġvaccines": 39200, + "ĠDevil": 39201, + "Ġnors": 39202, + "_mouse": 39203, + "urrection": 39204, + "(no": 39205, + "Ġ>čĊ": 39206, + "Ġaggression": 39207, + "Ġbreeding": 39208, + ".symbol": 39209, + "iman": 39210, + "AbsolutePath": 39211, + "ĠWHO": 39212, + "_flush": 39213, + "-root": 39214, + "arna": 39215, + "&M": 39216, + "Ġfathers": 39217, + "ĠRocket": 39218, + "iveau": 39219, + "Ġwander": 39220, + "Ġcompos": 39221, + "ĠWarrior": 39222, + "ĠSeat": 39223, + "ĠClinic": 39224, + "_invoice": 39225, + "(dispatch": 39226, + "Producto": 39227, + "aturing": 39228, + "ossier": 39229, + "ĠMAY": 39230, + "Ġdagger": 39231, + "Ġsanitized": 39232, + "ĠRFC": 39233, + "Ġproph": 39234, + "Ġurine": 39235, + "Ġgrind": 39236, + "ĠExpanded": 39237, + "descripcion": 39238, + "-fw": 39239, + "ĠKerry": 39240, + "=name": 39241, + "Ġchk": 39242, + "Ġnationally": 39243, + "Ġthee": 39244, + "Inc": 39245, + "Ġ?>>": 39246, + ".RadioButton": 39247, + ".HttpServletResponse": 39248, + "/Y": 39249, + "ĉfield": 39250, + "Ġhomme": 39251, + "yper": 39252, + "Physical": 39253, + "=v": 39254, + "Ġdriv": 39255, + "ĠErrors": 39256, + "ĠcÄĥ": 39257, + "Death": 39258, + "ĠWINDOW": 39259, + "Ġpoet": 39260, + "ĠSharp": 39261, + "ĠImmutable": 39262, + "ĉcreate": 39263, + "Ġgeht": 39264, + "ĠReform": 39265, + "aiser": 39266, + "ĠInitialization": 39267, + "Ġimmunity": 39268, + ".compose": 39269, + "Ġlatency": 39270, + "ĠLebanon": 39271, + "ĠParad": 39272, + "Ġfuels": 39273, + "ĠExhib": 39274, + "coh": 39275, + "%\">Ċ": 39276, + "ĠCLI": 39277, + ")initWith": 39278, + "-Za": 39279, + "_CLEAR": 39280, + "regn": 39281, + "Ġfinances": 39282, + ".standard": 39283, + "_CATEGORY": 39284, + ".library": 39285, + "Ġtravelers": 39286, + "_wp": 39287, + "ĠEvaluation": 39288, + "starting": 39289, + "Ġ)),Ċ": 39290, + "episode": 39291, + "ĠVariant": 39292, + "Ġdaemon": 39293, + "ĠJulia": 39294, + "ĠNR": 39295, + "Ġdoubles": 39296, + "'": 39526, + "Ġqueryset": 39527, + ";}čĊ": 39528, + "ĠPopulation": 39529, + "utedString": 39530, + "resident": 39531, + "_FONT": 39532, + "ĠRespond": 39533, + "Ġobscure": 39534, + "Ġobservable": 39535, + "ĠContributors": 39536, + "kon": 39537, + "ĠMusk": 39538, + "exao": 39539, + "ĠTub": 39540, + "BootApplication": 39541, + "SOR": 39542, + ".Horizontal": 39543, + ".findBy": 39544, + ".power": 39545, + "Ġpositively": 39546, + "venience": 39547, + "ĠJong": 39548, + "Ġwhistle": 39549, + "ĠзнаÑĩ": 39550, + "Ġlending": 39551, + "Ġdestructive": 39552, + "ĠonDelete": 39553, + "authorization": 39554, + "();?>": 39555, + "_original": 39556, + "science": 39557, + "atra": 39558, + "?,?,": 39559, + "ĠAsc": 39560, + "Ġconvincing": 39561, + "$a": 39562, + "orgen": 39563, + "_Date": 39564, + "ĠProvide": 39565, + "Ġlonely": 39566, + ")'Ċ": 39567, + "exchange": 39568, + ";?>Ċ": 39569, + ".fast": 39570, + "Samples": 39571, + "London": 39572, + "'])čĊ": 39573, + "ĠIonic": 39574, + "Ġpesso": 39575, + "ĠKnights": 39576, + "ĠRaf": 39577, + "_attrs": 39578, + "Ġrepeal": 39579, + ">Main": 39580, + "ĠOrdered": 39581, + "_New": 39582, + "=\"\">\";Ċ": 39663, + "ĠSERVER": 39664, + "ĠHEADER": 39665, + "_velocity": 39666, + "ĠInvoke": 39667, + ".timestamps": 39668, + "Ġsulf": 39669, + "IQUE": 39670, + "Ġinhabitants": 39671, + "phins": 39672, + "azzo": 39673, + "Ġmono": 39674, + "Legend": 39675, + "Ġnonce": 39676, + "IFE": 39677, + ";\";Ċ": 39678, + "-create": 39679, + "\"\",Ċ": 39680, + "permit": 39681, + "ĠImmigration": 39682, + "Ġpathname": 39683, + "ffective": 39684, + "âĻĢâĻĢ": 39685, + "Ġexams": 39686, + "-event": 39687, + "ĠTill": 39688, + "[mid": 39689, + "FIX": 39690, + ";color": 39691, + "(Order": 39692, + "_traits": 39693, + "ĠorderBy": 39694, + "Ġsunt": 39695, + "ĠNicholas": 39696, + "ز": 39697, + "Ġsunny": 39698, + "iners": 39699, + "Ġaccessibility": 39700, + "ĠHB": 39701, + ".comp": 39702, + "ĉop": 39703, + "Ġminorities": 39704, + "etheus": 39705, + "Ġcollaborative": 39706, + "prit": 39707, + "HIR": 39708, + "Ġwraps": 39709, + "ĉdraw": 39710, + "god": 39711, + "ĠIX": 39712, + ".apps": 39713, + "ĠNM": 39714, + "Ġirrelevant": 39715, + "ĠTigers": 39716, + "Ġdiag": 39717, + "GV": 39718, + "ĠAccessories": 39719, + "kont": 39720, + "Ġsimplify": 39721, + "ĠFavorite": 39722, + "_tools": 39723, + "([]);Ċ": 39724, + "Ġtowers": 39725, + "Bes": 39726, + "Ġhunter": 39727, + "Ġsalon": 39728, + "(buff": 39729, + "ĉdebug": 39730, + "Ġmalware": 39731, + "Moving": 39732, + "-options": 39733, + ")+'": 39734, + "ĠLOVE": 39735, + "_SOCKET": 39736, + "_fin": 39737, + "ĠDelaware": 39738, + "Ġsheriff": 39739, + "-invalid": 39740, + "ĠFULL": 39741, + "Ġпод": 39742, + "elas": 39743, + "\"strings": 39744, + "ĠRepresentatives": 39745, + "surface": 39746, + "resolved": 39747, + "htdocs": 39748, + ")):čĊ": 39749, + "Ġpressures": 39750, + "Ġnorms": 39751, + "Ġpla": 39752, + "Ġsurname": 39753, + "Ġpostal": 39754, + "ĠDepart": 39755, + "Ġslaughter": 39756, + "orida": 39757, + "Ġhebben": 39758, + "Ġdesar": 39759, + "compact": 39760, + "_LANG": 39761, + "åIJĪ": 39762, + "opoly": 39763, + "_rad": 39764, + "ĠSTDMETHOD": 39765, + "Lazy": 39766, + "ĠĠĠĉ": 39767, + "...,": 39768, + "(web": 39769, + "ĠPont": 39770, + "Ġetwas": 39771, + "Ġupward": 39772, + "_hat": 39773, + "Ġ],ĊĊ": 39774, + "ĠbaseUrl": 39775, + "Ġworrying": 39776, + "-addon": 39777, + "(getClass": 39778, + "SPI": 39779, + "Ġcapturing": 39780, + ")},Ċ": 39781, + "Effects": 39782, + "Ġcompetent": 39783, + "Ġfoul": 39784, + "Ġsubscribing": 39785, + "ĠOBJECT": 39786, + "IXEL": 39787, + "bucks": 39788, + "(edge": 39789, + "(pass": 39790, + "ĠPeterson": 39791, + "Ġboobs": 39792, + "ĠDelay": 39793, + "_square": 39794, + "elim": 39795, + "oters": 39796, + "_PC": 39797, + "%E": 39798, + "onclick": 39799, + "ĠSVG": 39800, + "Ġtopped": 39801, + "Ġfist": 39802, + "smart": 39803, + "ĠRalph": 39804, + "(owner": 39805, + "jours": 39806, + "Ġbronze": 39807, + "ĠArgumentException": 39808, + "(original": 39809, + "_SCALE": 39810, + "_cp": 39811, + "Ġrecommends": 39812, + ".setStyle": 39813, + "Sure": 39814, + "LAND": 39815, + "Ġrepeating": 39816, + "Matt": 39817, + ".Visibility": 39818, + "Ġenterprises": 39819, + ".Setup": 39820, + "(scene": 39821, + "ĠReactive": 39822, + "urge": 39823, + "bw": 39824, + ".Put": 39825, + "persist": 39826, + ".cookie": 39827, + "ĠAudi": 39828, + "`s": 39829, + "supplier": 39830, + "(Form": 39831, + "¡": 39832, + "_so": 39833, + "ĮĢ": 39834, + "ĠLegion": 39835, + "tte": 39836, + "Nd": 39837, + "Loss": 39838, + "(attrs": 39839, + ".scatter": 39840, + "Ġgroom": 39841, + "Ġglimpse": 39842, + "Ġnails": 39843, + "Ġcumulative": 39844, + "Ġfazer": 39845, + "_services": 39846, + ".Num": 39847, + "ibilit": 39848, + "_resolution": 39849, + "ĠTx": 39850, + "uminium": 39851, + "opa": 39852, + ".schedule": 39853, + "smtp": 39854, + "à¸ķ": 39855, + "urry": 39856, + "ük": 39857, + "goog": 39858, + "_signature": 39859, + ".into": 39860, + "ĠSteps": 39861, + "Ġhomeowners": 39862, + "ĠNSURL": 39863, + "ĠPAC": 39864, + "ĠĠĠĠĠĠĠĠĠĠĠĠĊĊ": 39865, + ">')Ċ": 39866, + "enh": 39867, + "Ġincap": 39868, + "$MESS": 39869, + "Ġmoins": 39870, + "ĠFi": 39871, + "Ġoffseason": 39872, + "pressions": 39873, + ">.Ċ": 39945, + "ĠGrass": 39946, + "ĠGoal": 39947, + "_pdf": 39948, + "Handlers": 39949, + "Ġstacks": 39950, + ".getFullYear": 39951, + "=[];Ċ": 39952, + "车": 39953, + ",V": 39954, + "(split": 39955, + "Ñĥнк": 39956, + "Ġbakeca": 39957, + "Ġ~/.": 39958, + "pez": 39959, + "tails": 39960, + "ĠGlen": 39961, + "ĠsetImage": 39962, + "ĠComic": 39963, + "BLOCK": 39964, + "ĉThis": 39965, + "oader": 39966, + "Ġcapitalist": 39967, + "_STEP": 39968, + "(Boolean": 39969, + "ĠCorrect": 39970, + "rina": 39971, + "Ġconcaten": 39972, + "å®ŀ": 39973, + "():ĊĊ": 39974, + "Ġunanim": 39975, + "lli": 39976, + "alars": 39977, + "-ne": 39978, + "Ġdivor": 39979, + "ĠKickstarter": 39980, + "]._": 39981, + "*'+": 40622, + "åĿĢ": 40623, + "acency": 40624, + "(URL": 40625, + "_half": 40626, + "=l": 40627, + "ĠlistView": 40628, + "(section": 40629, + ".toArray": 40630, + "+/": 40631, + "ĠRodriguez": 40632, + "istream": 40633, + "Ġeligibility": 40634, + "::-": 40635, + ".newInstance": 40636, + "PB": 40637, + "ĠAssets": 40638, + "ĠComposite": 40639, + "ĠLabs": 40640, + "ĠHamas": 40641, + "++);Ċ": 40642, + "Ġblk": 40643, + "ĠNeo": 40644, + "Luc": 40645, + "@login": 40646, + "Ġunaware": 40647, + ".met": 40648, + "_RELEASE": 40649, + "(ST": 40650, + "AMIL": 40651, + "rike": 40652, + "Ġ(){Ċ": 40653, + "(sprintf": 40654, + "ĠAccounts": 40655, + "ĠVIEW": 40656, + "ĠAj": 40657, + "ãĤ°": 40658, + "Ġwhisk": 40659, + "Ġidi": 40660, + "Ġrode": 40661, + "Ġihn": 40662, + "ĠElementary": 40663, + "Qty": 40664, + "Ġintriguing": 40665, + "Ġå¤": 40666, + "Jobs": 40667, + "ĉoffset": 40668, + "ĠAhmed": 40669, + "ĠTaliban": 40670, + "Ġèİ·åıĸ": 40671, + "Ġinjected": 40672, + ".Authentication": 40673, + "_linear": 40674, + ".Decimal": 40675, + "Ġapples": 40676, + "Ġshareholders": 40677, + "Ġbaked": 40678, + ".diff": 40679, + "ĠEddie": 40680, + "okers": 40681, + "Ġconfronted": 40682, + "voices": 40683, + "Ġtus": 40684, + "ĠSpin": 40685, + "NODE": 40686, + "_Un": 40687, + "CTX": 40688, + "/google": 40689, + "Temperature": 40690, + "Ġ'').": 40691, + "Ġmagnificent": 40692, + "ĠstartIndex": 40693, + "sembles": 40694, + "Anyone": 40695, + "zk": 40696, + "ehen": 40697, + "ĠDame": 40698, + ".strict": 40699, + "Ġreplaces": 40700, + "Ġlineback": 40701, + "Ġpushes": 40702, + "Ġcheek": 40703, + "ĠShi": 40704, + "_BYTES": 40705, + "REA": 40706, + "ản": 40707, + "_CONNECTION": 40708, + "Gateway": 40709, + "ĠTravis": 40710, + "ĠAX": 40711, + "ĠBasically": 40712, + "ĠUpgrade": 40713, + "àª": 40714, + "themes": 40715, + "ermo": 40716, + "kor": 40717, + "Female": 40718, + "_attach": 40719, + "ĠìĤ¬ìļ©": 40720, + "Ġpoz": 40721, + "==============Ċ": 40722, + "(symbol": 40723, + "ĠSector": 40724, + "__)ĊĊ": 40725, + "_padding": 40726, + "ï¼ļ\"": 40727, + "Ġfabs": 40728, + "Ġranged": 40729, + "setName": 40730, + "Ġperror": 40731, + "âĹ": 40732, + "ĠFileReader": 40733, + "Ġfulfilled": 40734, + "_Current": 40735, + "Ġdominate": 40736, + "Ġsmugg": 40737, + "PostMapping": 40738, + "_force": 40739, + "Ġbloc": 40740, + "ĠGiant": 40741, + "(video": 40742, + "ĠCU": 40743, + "SystemService": 40744, + "Ġelf": 40745, + "Ġkontakt": 40746, + "ëª": 40747, + "kees": 40748, + "gtk": 40749, + "ĠparamInt": 40750, + "Ġmarkup": 40751, + "uales": 40752, + "Ġaccounted": 40753, + "Ġgangbang": 40754, + "RYPT": 40755, + "ĠWrong": 40756, + "Ġcredited": 40757, + "ĠMESSAGE": 40758, + "Ġflaws": 40759, + "Ġbbw": 40760, + "Ġmetabolic": 40761, + "ĠOEM": 40762, + "/event": 40763, + "(Collectors": 40764, + "monton": 40765, + "appear": 40766, + "Ġopted": 40767, + "Ġcheat": 40768, + "Ġdav": 40769, + "ĠProceed": 40770, + "Ġê¸": 40771, + "anked": 40772, + "из": 40773, + "ansk": 40774, + "ĠHang": 40775, + "ĠCler": 40776, + "Ġdisgu": 40777, + "Ġcmap": 40778, + ".cljs": 40779, + "Ġaument": 40780, + "lez": 40781, + "ĠJoined": 40782, + "_received": 40783, + "Ġaerial": 40784, + "otel": 40785, + "Ġgreet": 40786, + "\"s": 40787, + "ĠGenesis": 40788, + "ĠCalif": 40789, + "panion": 40790, + "Ġtailored": 40791, + "mapping": 40792, + "andExpect": 40793, + ".track": 40794, + "atomy": 40795, + "ĠOw": 40796, + "ullah": 40797, + ".Yes": 40798, + "ĠSimpleName": 40799, + "dbh": 40800, + "'en": 40801, + "Ġnonsense": 40802, + "Ġphilosophical": 40803, + "(getContext": 40804, + "Ġisso": 40805, + "ĠACE": 40806, + "startDate": 40807, + "ĠbÄĻd": 40808, + "ĠAUTHOR": 40809, + "ĠGlobe": 40810, + "Ġinsects": 40811, + "_Al": 40812, + "ushing": 40813, + "è®°": 40814, + "/Home": 40815, + "ĠLocalDate": 40816, + "needed": 40817, + "hesive": 40818, + "Ġillusion": 40819, + "äºĮ": 40820, + "Ġtrat": 40821, + "xo": 40822, + "/detail": 40823, + "_MATCH": 40824, + "Ġbroadband": 40825, + "Ġwal": 40826, + "ĠIllegalStateException": 40827, + "IRECTION": 40828, + "Ġnortheast": 40829, + "esium": 40830, + "ĠCliente": 40831, + "ulance": 40832, + "nty": 40833, + "Ġtecn": 40834, + "Devices": 40835, + "Ġgrains": 40836, + "ĠOg": 40837, + "ĠSEL": 40838, + "udiant": 40839, + "Ġ++;Ċ": 40840, + "Ġexplanations": 40841, + "occo": 40842, + "Ġdiets": 40843, + "Ġcohort": 40844, + "(controller": 40845, + ".Iterator": 40846, + "-rich": 40847, + "rocess": 40848, + "GD": 40849, + "Ġcarbohydr": 40850, + "Ġfried": 40851, + "ĠEmployment": 40852, + "ìŀ¥": 40853, + "ĠLeonard": 40854, + "_${": 40855, + "quares": 40856, + "Ġcompanions": 40857, + "Ġparis": 40858, + "Ġstimulation": 40859, + "ĠZoo": 40860, + "Ġrelevance": 40861, + "ĠColour": 40862, + "Ġspear": 40863, + "otional": 40864, + "ĠLite": 40865, + "ĠKosten": 40866, + "Ġó": 40867, + "_attachment": 40868, + "orphic": 40869, + "Ġdamit": 40870, + "Ġdlg": 40871, + "Ġthrive": 40872, + "CHANGE": 40873, + "ĠApparently": 40874, + "Ġatual": 40875, + "Ġrooted": 40876, + "(images": 40877, + "awi": 40878, + "ariat": 40879, + "Ġcherry": 40880, + "STATIC": 40881, + "mnt": 40882, + "ĠUserId": 40883, + "illet": 40884, + "ĠHispanic": 40885, + "Ġnak": 40886, + "Ġcentro": 40887, + "Ġdims": 40888, + "_initialize": 40889, + "ık": 40890, + "ĠCenters": 40891, + "REN": 40892, + "Ġevolutionary": 40893, + "ĠTopics": 40894, + "_damage": 40895, + "emer": 40896, + "Ġrund": 40897, + "Ġpunished": 40898, + "Ġcubic": 40899, + "fair": 40900, + "[];ĊĊ": 40901, + "Ġinstantiate": 40902, + "Ġoversee": 40903, + "-delete": 40904, + "unteer": 40905, + "startTime": 40906, + "ĠPipeline": 40907, + "_GAME": 40908, + "ĠCir": 40909, + "ĉNull": 40910, + ".Formatting": 40911, + "ucumber": 40912, + "ĠRide": 40913, + "Ġzoo": 40914, + "Ġchecker": 40915, + "åIJĮ": 40916, + "=C": 40917, + "Ġgrit": 40918, + "\");//": 40919, + "_xy": 40920, + "ĠDeclaration": 40921, + "Ġcallable": 40922, + "Foo": 40923, + "ĠListItem": 40924, + "Ġinaccur": 40925, + "mlin": 40926, + "ĉData": 40927, + "Ġevolving": 40928, + "awan": 40929, + "Ġcafe": 40930, + "folk": 40931, + "_IDX": 40932, + "ĠAnything": 40933, + "ĠPalestine": 40934, + "ĠGridView": 40935, + "Ġcolony": 40936, + "ĠGermans": 40937, + "(+": 40938, + ".pid": 40939, + ".jsx": 40940, + "ĠSuperior": 40941, + "Christian": 40942, + "ĠLect": 40943, + "ĉGame": 40944, + "Ġinstrumental": 40945, + "Animations": 40946, + "дал": 40947, + "ĠMoses": 40948, + "ĉĉčĊĉĉčĊ": 40949, + "zs": 40950, + "kte": 40951, + "ä¸ļ": 40952, + "_DIST": 40953, + "bitmap": 40954, + "dB": 40955, + "Ġpersistence": 40956, + "ÑĢоÑģ": 40957, + "$l": 40958, + "Bron": 40959, + "Ġ{|": 40960, + "_chart": 40961, + "ĠConsum": 40962, + "Ġhemp": 40963, + "Ġ\"))Ċ": 40964, + "Ġattackers": 40965, + "Ġknowledgeable": 40966, + "Ġcet": 40967, + "Ġviruses": 40968, + "'I": 40969, + "Ġpitcher": 40970, + "Ġsweeping": 40971, + "=list": 40972, + "aptops": 40973, + ".depth": 40974, + "Ġinstructed": 40975, + "ĠRus": 40976, + "benhavn": 40977, + "Ġин": 40978, + "Sports": 40979, + "Ġonset": 40980, + "æĿĥ": 40981, + ".RED": 40982, + "_si": 40983, + "ĠPST": 40984, + ".onChange": 40985, + ">tag": 40986, + "ĠRoh": 40987, + "_character": 40988, + "ĠLaws": 40989, + "ĠBachelor": 40990, + "_swap": 40991, + ".reactivex": 40992, + "Ġrewarding": 40993, + "Medium": 40994, + "-[": 40995, + "ĠRecently": 40996, + "Joint": 40997, + "partition": 40998, + "ĠMinutes": 40999, + "Ġindo": 41000, + "Ġabsorbed": 41001, + "ĠGN": 41002, + "_IND": 41003, + "Ġsaber": 41004, + "Spawn": 41005, + "outputs": 41006, + "ĠJeffrey": 41007, + "Ġmedieval": 41008, + "hed": 41009, + "Guide": 41010, + "Ġpsycho": 41011, + "Ġglam": 41012, + "Elim": 41013, + "ädchen": 41014, + "_plain": 41015, + "ĠSau": 41016, + "-four": 41017, + "Ġanalyzing": 41018, + "QUERY": 41019, + "Ġtomato": 41020, + "_buttons": 41021, + "VEN": 41022, + ".setStatus": 41023, + ".Url": 41024, + "+ĊĊ": 41025, + "Ġcomplaining": 41026, + "degree": 41027, + "confirmed": 41028, + "Ġsubt": 41029, + "parsed": 41030, + "Ġtorque": 41031, + "Ġtroubled": 41032, + "ĠTARGET": 41033, + "Ġtrademarks": 41034, + "ĠCoordinate": 41035, + "ĠViv": 41036, + "Ġ//}ĊĊ": 41037, + "Ġaprès": 41038, + ".getPosition": 41039, + "(KeyCode": 41040, + "ĠSilva": 41041, + "Ġmeteor": 41042, + "Ġendorsement": 41043, + "Overview": 41044, + "ĠPoss": 41045, + ".Inject": 41046, + "Ġevenly": 41047, + "Ġvisualization": 41048, + "Ġwchar": 41049, + "ĠHDMI": 41050, + "Ġfunct": 41051, + "ickname": 41052, + "','','": 41053, + "Ġforwards": 41054, + "ManagedObject": 41055, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 41056, + "ĉserver": 41057, + "ĠOutlook": 41058, + "ĠChronicle": 41059, + "Ġdubbed": 41060, + "Ġdok": 41061, + "ĠWear": 41062, + ".AL": 41063, + "paren": 41064, + ".Interface": 41065, + "Interfaces": 41066, + ".cod": 41067, + "Ġdib": 41068, + ".Globalization": 41069, + "ĠAcademic": 41070, + "Ġassms": 41071, + "Autom": 41072, + "Ġlw": 41073, + "ĠNW": 41074, + "Ġ&&čĊ": 41075, + "Ġproblema": 41076, + "ĠManufacturing": 41077, + "limits": 41078, + "-mobile": 41079, + "Ġfilme": 41080, + "/map": 41081, + "Ġdoit": 41082, + "ĠInk": 41083, + "Ġsued": 41084, + ".arr": 41085, + "Ġundermin": 41086, + "ĠProc": 41087, + "crollView": 41088, + "__$": 41089, + "Ġsidewalk": 41090, + "(that": 41091, + "ื": 41092, + "[q": 41093, + "grammar": 41094, + "Ġtë": 41095, + "quito": 41096, + "Ġspiral": 41097, + "extended": 41098, + "Ġfocal": 41099, + "Ġdigging": 41100, + "pas": 41101, + "ĠTall": 41102, + ".proxy": 41103, + "itures": 41104, + "TRACT": 41105, + "ĠRealm": 41106, + "Ġfeder": 41107, + "Ġoriented": 41108, + "ĠAlternative": 41109, + "Ġowe": 41110, + "Ġsourced": 41111, + "inker": 41112, + ".det": 41113, + "Sep": 41114, + "ĠQui": 41115, + "ĠPalmer": 41116, + "(_,": 41117, + "samples": 41118, + "oyer": 41119, + "ullan": 41120, + "quez": 41121, + "Edges": 41122, + "Ġshout": 41123, + "ĠAchie": 41124, + "Ġhaar": 41125, + "_Construct": 41126, + "Ġpremature": 41127, + "Ġrevert": 41128, + "').Ċ": 41129, + "Ġschn": 41130, + "filtered": 41131, + "nullptr": 41132, + "Saved": 41133, + "itecture": 41134, + "CLA": 41135, + "Ġvl": 41136, + "stell": 41137, + "ĉMe": 41138, + "ĠLip": 41139, + "national": 41140, + "Ġwholly": 41141, + "Ġsprings": 41142, + ".Timer": 41143, + "ĉsrc": 41144, + "elsen": 41145, + "åħ¶": 41146, + "Ġcommunicating": 41147, + "ĠQuiz": 41148, + "Ġteng": 41149, + "Ġgez": 41150, + "ĠOutside": 41151, + ".Sign": 41152, + "(cs": 41153, + "Ġdisputes": 41154, + "ĠWeiss": 41155, + "annes": 41156, + ">No": 41157, + "ĠBach": 41158, + ".removeAll": 41159, + "refer": 41160, + "/dashboard": 41161, + "ĠAjax": 41162, + "IndexChanged": 41163, + "ĠWeak": 41164, + "'\"Ċ": 41165, + "Ġsights": 41166, + "accessToken": 41167, + "ĠJoi": 41168, + "(domain": 41169, + "ĉcv": 41170, + "Ġcontinuation": 41171, + "Ġplum": 41172, + "adir": 41173, + ".setMessage": 41174, + "Ġï¼Į": 41175, + "Ġswallow": 41176, + "ĠLamp": 41177, + "Ġqw": 41178, + "Ġuu": 41179, + "Coin": 41180, + "ubic": 41181, + "ĠDeals": 41182, + "race": 41183, + "Ġdictator": 41184, + "Ġmeme": 41185, + "turned": 41186, + "ĠJulie": 41187, + ".gridColumn": 41188, + "Ġpuppy": 41189, + "Ġpam": 41190, + "Ġ){čĊ": 41191, + "Ġinviting": 41192, + "Ġfrench": 41193, + "vim": 41194, + "Ġwrapping": 41195, + "Ġ#-}Ċ": 41196, + "([-": 41197, + "Early": 41198, + "Ġshiny": 41199, + ".faces": 41200, + "Ġrebell": 41201, + "abcdef": 41202, + "ält": 41203, + "Ġestimation": 41204, + "phys": 41205, + "losures": 41206, + "_REL": 41207, + "Ġexclusion": 41208, + "ĠSkype": 41209, + "weise": 41210, + "-stop": 41211, + "nothing": 41212, + "ĠEgg": 41213, + "isors": 41214, + "Richard": 41215, + "Ġcounseling": 41216, + "Ġcommem": 41217, + "ĠQMessageBox": 41218, + "ĠSynd": 41219, + "ĠFrost": 41220, + "ĠCompetition": 41221, + "ĠAwake": 41222, + "Ġted": 41223, + "iciones": 41224, + "ĠDevComponents": 41225, + "VERTISEMENT": 41226, + "otti": 41227, + ".runner": 41228, + "Ġuniquely": 41229, + ".flag": 41230, + "ĉrs": 41231, + "_generic": 41232, + "Ġ```Ċ": 41233, + "ACHINE": 41234, + "Ġmein": 41235, + "(Application": 41236, + "(br": 41237, + "Ġratios": 41238, + ":,": 41239, + "ĠXCTest": 41240, + "ustainable": 41241, + "-www": 41242, + "itles": 41243, + "_TEMP": 41244, + "Ġsyst": 41245, + "umericUpDown": 41246, + "ĉassertTrue": 41247, + "Ġwf": 41248, + ".peek": 41249, + "ĠBulg": 41250, + "Ġterrifying": 41251, + ".MODE": 41252, + "ĠGW": 41253, + "ár": 41254, + "Ġfic": 41255, + "Ġcommitments": 41256, + "-tech": 41257, + "ĠLiquid": 41258, + "opez": 41259, + "zheimer": 41260, + "aña": 41261, + "-media": 41262, + "(animated": 41263, + "_goal": 41264, + "Ġgum": 41265, + "ystone": 41266, + ".SET": 41267, + "ĠWend": 41268, + "setCellValue": 41269, + "Ġmsgs": 41270, + "cash": 41271, + "ALLOC": 41272, + "/aws": 41273, + "Ġmicrowave": 41274, + ".Pointer": 41275, + "ĉConsole": 41276, + "_sorted": 41277, + "ĠFilip": 41278, + "Prod": 41279, + "Ġ//!<": 41280, + "ingroup": 41281, + "Ġks": 41282, + "_TRI": 41283, + "Ġteaspoon": 41284, + "ĠATT": 41285, + "Ġrecovering": 41286, + "ĠGLOBAL": 41287, + ".Par": 41288, + "Ġ/>;Ċ": 41289, + "Ġmarble": 41290, + "ulators": 41291, + "ĠCycle": 41292, + "Ġherbs": 41293, + "_metric": 41294, + ")!": 41295, + "_CLOCK": 41296, + "_Button": 41297, + "Harry": 41298, + "è¿Ľ": 41299, + "Ġstrains": 41300, + "ĠAppBar": 41301, + "ĠChan": 41302, + "/video": 41303, + "Ġbam": 41304, + ".Progress": 41305, + "$f": 41306, + "lemen": 41307, + "Ġirregular": 41308, + "ĠDuncan": 41309, + "ĠMint": 41310, + "-video": 41311, + "া": 41312, + "ówn": 41313, + "ĠEMPTY": 41314, + "Ġstacked": 41315, + "ĠHA": 41316, + "_cut": 41317, + "Ġwherein": 41318, + "ĠWays": 41319, + "(counter": 41320, + "è¯ķ": 41321, + "FormGroup": 41322, + "Ġblew": 41323, + "courses": 41324, + "Ġproductos": 41325, + "rys": 41326, + "ĠRestr": 41327, + "Ġstyling": 41328, + ">s": 41329, + "Ġpiv": 41330, + "Ġitertools": 41331, + "getRepository": 41332, + "ĠIk": 41333, + "_devices": 41334, + "layui": 41335, + "Ġhalfway": 41336, + "Ġfranç": 41337, + "Ġtuning": 41338, + "OA": 41339, + "_Node": 41340, + "arde": 41341, + "Ġfierce": 41342, + "licted": 41343, + "#čĊ": 41344, + "Ġbreakthrough": 41345, + "ĠErik": 41346, + "Ġbride": 41347, + "Ġ.\"": 41348, + "culus": 41349, + "inside": 41350, + "ĠIndianapolis": 41351, + "ĠEE": 41352, + "Ġyog": 41353, + "urret": 41354, + ".fs": 41355, + ".grad": 41356, + "_cards": 41357, + "_accuracy": 41358, + "_epi": 41359, + "queda": 41360, + "/org": 41361, + "éªĮ": 41362, + "Ġcompte": 41363, + "))[": 41364, + "Outside": 41365, + "Greater": 41366, + "ĠRenderer": 41367, + ".actor": 41368, + "Accounts": 41369, + "Idle": 41370, + "_hours": 41371, + "erner": 41372, + "Joined": 41373, + "Ġmenj": 41374, + "requires": 41375, + "ĠOPER": 41376, + ".removeChild": 41377, + "ĉsp": 41378, + "Ġesse": 41379, + "rift": 41380, + "xFE": 41381, + "ĠShakespeare": 41382, + "____________": 41383, + "Ġbudgets": 41384, + "ModelState": 41385, + "fillable": 41386, + "-component": 41387, + "ocos": 41388, + "ĠBUTTON": 41389, + "/io": 41390, + ",out": 41391, + "sms": 41392, + "Thomas": 41393, + "ĠArmed": 41394, + "resume": 41395, + "Ġrotating": 41396, + "ĠVault": 41397, + "Ġseus": 41398, + ".(*": 41399, + "Ġamino": 41400, + "Ġ[]);ĊĊ": 41401, + "Ġprovoc": 41402, + "nox": 41403, + ".GetEnumerator": 41404, + "=======Ċ": 41405, + "æĸĻ": 41406, + "_scroll": 41407, + "Ġfilmed": 41408, + "ĠSoci": 41409, + "gap": 41410, + "gro": 41411, + "Vote": 41412, + "\"But": 41413, + "_RC": 41414, + "Animal": 41415, + "ÂĢ": 41416, + "ibile": 41417, + "Ġawaken": 41418, + "orest": 41419, + "inja": 41420, + "ĠIvan": 41421, + "(Command": 41422, + "Ġ*****": 41423, + "η": 41424, + "Ġkvinder": 41425, + "/helpers": 41426, + "_cases": 41427, + "tg": 41428, + "ìĦ¸": 41429, + "Registered": 41430, + "ĉpass": 41431, + "_digits": 41432, + "Ġcontour": 41433, + "Ġinfants": 41434, + "Ġjustification": 41435, + "ĠFortunately": 41436, + "Contr": 41437, + "ĠonCreateView": 41438, + "_SAMPLE": 41439, + "ĠallowNull": 41440, + "Ġnud": 41441, + "Ġfetched": 41442, + "_equ": 41443, + "ĠUnable": 41444, + "=\\\"\"": 41445, + ">{Ċ": 41446, + "Ġcommittees": 41447, + "istema": 41448, + "+\".": 41449, + "ÃŃan": 41450, + "mant": 41451, + "Ġsoutheast": 41452, + "ï¼ĮĊ": 41453, + "dialogs": 41454, + "PROJECT": 41455, + "charger": 41456, + "-port": 41457, + "(uuid": 41458, + ".export": 41459, + "Six": 41460, + "ĠRP": 41461, + "Prem": 41462, + "Ġconscience": 41463, + "ĠmarginRight": 41464, + "_distribution": 41465, + "yaml": 41466, + "resizing": 41467, + "Dock": 41468, + "ĠLocations": 41469, + "GY": 41470, + "Seed": 41471, + "BUFFER": 41472, + "ossip": 41473, + "ullen": 41474, + "Things": 41475, + "-self": 41476, + ".poll": 41477, + "PLAYER": 41478, + "Ġå®": 41479, + "GROUP": 41480, + "ĠAway": 41481, + "Ġgospel": 41482, + "xfd": 41483, + "Mary": 41484, + "ĠPortable": 41485, + "TURE": 41486, + "Ġutilis": 41487, + "Ġseit": 41488, + "Ġstrand": 41489, + "Ġtransc": 41490, + "Ġ(^": 41491, + "ĠAlfred": 41492, + ".mem": 41493, + ".circle": 41494, + "Ġ~/": 41495, + "forcing": 41496, + "Ġriot": 41497, + "prox": 41498, + "THON": 41499, + "ización": 41500, + "ĠNI": 41501, + "rost": 41502, + "Ġdispro": 41503, + "_instances": 41504, + "ï¼ĮâĢľ": 41505, + "ographer": 41506, + "endas": 41507, + "ĠIsaac": 41508, + "ĠPine": 41509, + "/dis": 41510, + "ĠcolorWith": 41511, + "iterate": 41512, + "_stride": 41513, + "Ġpunto": 41514, + ".EventArgs": 41515, + "(center": 41516, + "Ġneighboring": 41517, + "ĠPrison": 41518, + "ĠMessenger": 41519, + "Ġepidemic": 41520, + "dao": 41521, + "_complex": 41522, + "Ġgravel": 41523, + "_DIP": 41524, + "ément": 41525, + "ĠAri": 41526, + "_bitmap": 41527, + ".quit": 41528, + "(valid": 41529, + "Ġpend": 41530, + "Ġrespiratory": 41531, + "Ġrebound": 41532, + "DefaultValue": 41533, + "ãĥŃ": 41534, + "Ġcommits": 41535, + ".tests": 41536, + "_fr": 41537, + "itet": 41538, + ".sf": 41539, + "Ġspacecraft": 41540, + "critical": 41541, + "Ġdepressed": 41542, + "ĠAnyObject": 41543, + "Ġunb": 41544, + "Ġdiscern": 41545, + "(mysql": 41546, + "Latin": 41547, + "ĠBog": 41548, + "ĠWildlife": 41549, + "ToFile": 41550, + "ioxid": 41551, + "@RestController": 41552, + "Ġ\"$(": 41553, + "Ġ<<\"": 41554, + "Ġdefects": 41555, + "Ġdatum": 41556, + "hin": 41557, + "Ġrealizar": 41558, + "anyahu": 41559, + "ĠSig": 41560, + "@Data": 41561, + "adaptive": 41562, + "ĠCatherine": 41563, + ".cr": 41564, + "ĠCOOKIE": 41565, + "Ġpictured": 41566, + "ĠFighter": 41567, + "Queryable": 41568, + "ĠAnyway": 41569, + "ĠGLFW": 41570, + "_namespace": 41571, + "_ft": 41572, + "Ġ])": 41573, + "Organization": 41574, + "Ġconstitutes": 41575, + "Ġquand": 41576, + "(chunk": 41577, + "\"/>čĊ": 41578, + "ĠLakes": 41579, + "mainwindow": 41580, + "Carthy": 41581, + "spin": 41582, + "(csv": 41583, + ":red": 41584, + "-commerce": 41585, + "ู": 41586, + "Ġdiscovering": 41587, + "Ġeco": 41588, + "_fac": 41589, + "inceton": 41590, + "ĠGreens": 41591, + "jwt": 41592, + "ص": 41593, + "ĠBroncos": 41594, + "ĠGoods": 41595, + "(GTK": 41596, + "ĠreturnValue": 41597, + "Ġsiempre": 41598, + "Ġneutr": 41599, + "went": 41600, + "ĠNatal": 41601, + "Ġenthusiastic": 41602, + "á»į": 41603, + "FN": 41604, + "/database": 41605, + "Catalog": 41606, + "Ġbrun": 41607, + "ĠKash": 41608, + "_Pl": 41609, + "iscrim": 41610, + ",width": 41611, + "Ġinmates": 41612, + "Assignment": 41613, + "ĠHaven": 41614, + "Ġplayground": 41615, + "exam": 41616, + "@Controller": 41617, + "uliar": 41618, + ".getParent": 41619, + "Ġ\";ĊĊ": 41620, + ":size": 41621, + "issors": 41622, + "Ġfis": 41623, + "Ġalc": 41624, + "ensation": 41625, + "ĠNixon": 41626, + "Ġmighty": 41627, + "-str": 41628, + "_special": 41629, + "_ADC": 41630, + "ĠTwig": 41631, + "umbling": 41632, + "-address": 41633, + "Ġheroin": 41634, + "YTE": 41635, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ": 41636, + "Friend": 41637, + "Ġave": 41638, + "ĠPNG": 41639, + "ĠKurdish": 41640, + "DataSetChanged": 41641, + "Ġblades": 41642, + "bral": 41643, + "Steam": 41644, + "Ġsigu": 41645, + "IRTUAL": 41646, + "acos": 41647, + "UDP": 41648, + "(database": 41649, + "hec": 41650, + "ĠStrings": 41651, + "_scalar": 41652, + "ĉdesc": 41653, + "ĠTLS": 41654, + ";\"Ċ": 41655, + "ĠCorbyn": 41656, + "SimpleName": 41657, + "uell": 41658, + "ĠEntre": 41659, + "ellites": 41660, + "-place": 41661, + "Ġfrankly": 41662, + "ĠErf": 41663, + "CEL": 41664, + "ĠpaÃŃs": 41665, + "Ġhedge": 41666, + "Ġlatent": 41667, + "ĠIRQ": 41668, + "ĠHerald": 41669, + "ĠPrec": 41670, + "ë³´": 41671, + ".TEXT": 41672, + "Salary": 41673, + "Ġautumn": 41674, + "Ġtravail": 41675, + ".Sum": 41676, + "Ġcared": 41677, + "Mor": 41678, + "Ġintuitive": 41679, + "Ġjournals": 41680, + "_IT": 41681, + "ĠTrou": 41682, + "ä¼ł": 41683, + "HasColumnName": 41684, + "Composite": 41685, + "Ġspice": 41686, + "_disk": 41687, + "_CODES": 41688, + "ĠIntroduced": 41689, + "iona": 41690, + "Ġnuestra": 41691, + "oct": 41692, + "ĠĠĠĠĊĠĠĠĠĊĠĠĠĠĊ": 41693, + "(parameter": 41694, + "Ġstudios": 41695, + "ĠprojectId": 41696, + "Ġbdsm": 41697, + ".SqlClient": 41698, + "imizer": 41699, + "ĠCARD": 41700, + "+t": 41701, + "aan": 41702, + ".sol": 41703, + "_Adjust": 41704, + "Ġrighteous": 41705, + "ĠLogging": 41706, + ".filters": 41707, + "_TAB": 41708, + "ĉsys": 41709, + "rophic": 41710, + "otherapy": 41711, + "ĠBrowse": 41712, + "keyboard": 41713, + "RON": 41714, + "+\\": 41715, + "ropped": 41716, + "Ġextensively": 41717, + "fk": 41718, + "Ġlime": 41719, + "years": 41720, + "Exc": 41721, + "Ġsph": 41722, + "Ġcheating": 41723, + "andro": 41724, + "ÃŃo": 41725, + "Ġprince": 41726, + "oire": 41727, + "ĠDestination": 41728, + "ĠConverts": 41729, + "Ġupstream": 41730, + "oled": 41731, + "Ġservants": 41732, + "Ġsemantic": 41733, + "Ġcrunch": 41734, + "Ġeventual": 41735, + "runner": 41736, + "/error": 41737, + "Spin": 41738, + "Ġsecretly": 41739, + "Ġassemble": 41740, + ".Person": 41741, + "enderror": 41742, + "_<": 41743, + "Ġpendant": 41744, + "Sleep": 41745, + "ĠChemistry": 41746, + "Ġbosses": 41747, + "lk": 41748, + "))),Ċ": 41749, + "Blockly": 41750, + "DEVICE": 41751, + "Ġreflecting": 41752, + "Ġample": 41753, + "Milliseconds": 41754, + "ĠPresidential": 41755, + "Ġusuarios": 41756, + "ĠNZ": 41757, + "ĠSalary": 41758, + "ĠAmanda": 41759, + "_np": 41760, + "jury": 41761, + "Ġkön": 41762, + "Ġtherapist": 41763, + "Ġhomosexual": 41764, + "ĠDrake": 41765, + "-window": 41766, + "ĠLocated": 41767, + ".Driver": 41768, + "ĠVIDEO": 41769, + "Ġmerchants": 41770, + "ĠChest": 41771, + "-lock": 41772, + "/php": 41773, + "Ġmilano": 41774, + "_STYLE": 41775, + "arger": 41776, + "idea": 41777, + "GUID": 41778, + "advanced": 41779, + "meal": 41780, + "OptionsItemSelected": 41781, + "='%": 41782, + "ĠCham": 41783, + ":data": 41784, + "(stat": 41785, + "WillAppear": 41786, + "Ġinformal": 41787, + "aji": 41788, + "Ġreproductive": 41789, + "ĠCAS": 41790, + "ãģ£": 41791, + "FUNC": 41792, + "ĠRuth": 41793, + ")+(": 41794, + "CONST": 41795, + "ĠFans": 41796, + "ĠgroupId": 41797, + "xffffffff": 41798, + "Ġsampler": 41799, + "Ġ}}\">": 41800, + ".the": 41801, + "Ġhollow": 41802, + "WAY": 41803, + "ĠFaculty": 41804, + "AttributedString": 41805, + "ĠLooks": 41806, + "ĠRex": 41807, + "jk": 41808, + "ĠMIL": 41809, + "Ġbard": 41810, + ".Long": 41811, + "Ġlivest": 41812, + "Ġskal": 41813, + "icism": 41814, + "MAIN": 41815, + "Ġmucho": 41816, + "BODY": 41817, + "Ġese": 41818, + "ĉuse": 41819, + "Foot": 41820, + ".SQLException": 41821, + "Ġinheritance": 41822, + "received": 41823, + "Ġputas": 41824, + "edis": 41825, + "alsa": 41826, + "ĠErrorMessage": 41827, + "Booking": 41828, + "Ġtract": 41829, + "acz": 41830, + "ĠCant": 41831, + "_regex": 41832, + "Ġideological": 41833, + "Ġjihad": 41834, + "hos": 41835, + "/sys": 41836, + "colm": 41837, + "(pool": 41838, + "Ġestán": 41839, + "ĠPending": 41840, + "emás": 41841, + "Ġktóry": 41842, + "));ĊĊĊ": 41843, + "transactions": 41844, + "Ġwield": 41845, + "itere": 41846, + "erture": 41847, + "_ss": 41848, + "Ġstretching": 41849, + "Ġprisoner": 41850, + ".ReadAll": 41851, + "Ġbesch": 41852, + "--;čĊ": 41853, + "Ġcrisp": 41854, + "_SCAN": 41855, + "Ġae": 41856, + "Strict": 41857, + "ĠMinneapolis": 41858, + "ĠBoeing": 41859, + "aris": 41860, + "rek": 41861, + "_pipe": 41862, + "Ġpriests": 41863, + "(EIF": 41864, + "ehicles": 41865, + "ĠInteractive": 41866, + "between": 41867, + "ĉNullCheck": 41868, + "ĠBlair": 41869, + "ĠLt": 41870, + "_inline": 41871, + "ethyl": 41872, + "¼": 41873, + "_packages": 41874, + "Ġbarrels": 41875, + "_he": 41876, + "Ġregexp": 41877, + "_pts": 41878, + "_Handler": 41879, + "ingular": 41880, + "ĠNissan": 41881, + "ĠRanch": 41882, + "Ġperch": 41883, + "Unsupported": 41884, + "Smith": 41885, + "ĠLegends": 41886, + "Mi": 41887, + "Ġgf": 41888, + "steder": 41889, + "Ġacquiring": 41890, + "Ġsimulator": 41891, + "(),\"": 41892, + "receive": 41893, + "Ġinplace": 41894, + "ACTION": 41895, + "ĠWebDriver": 41896, + "filesystem": 41897, + "'+Ċ": 41909, + "Ġcredible": 41910, + "amat": 41911, + "playing": 41912, + ".setImageResource": 41913, + "quel": 41914, + "Ġpodr": 41915, + "geom": 41916, + "Ek": 41917, + "ĠQatar": 41918, + "Ġgeld": 41919, + "?',Ċ": 41920, + "Ġcyl": 41921, + "(ax": 41922, + "ĠWI": 41923, + "urally": 41924, + "ĠBrasil": 41925, + "Ġsenza": 41926, + "aley": 41927, + "onen": 41928, + "Ġbah": 41929, + "Ġmolecule": 41930, + "Rad": 41931, + "è¿°": 41932, + "ANCH": 41933, + "-background": 41934, + "-agent": 41935, + "Ġprolifer": 41936, + ":boolean": 41937, + "Ġtide": 41938, + "erializer": 41939, + "_;čĊ": 41940, + "Fee": 41941, + "**)": 41942, + "ergy": 41943, + "ĠHonor": 41944, + ".Logging": 41945, + "iris": 41946, + "Ġundermine": 41947, + "ĠDy": 41948, + "Ġtyr": 41949, + "Ġdeque": 41950, + "Ġdamer": 41951, + "([])Ċ": 41952, + ".layoutControlItem": 41953, + "peated": 41954, + "CAN": 41955, + "ragments": 41956, + "Land": 41957, + ")]);Ċ": 41958, + "ĠSah": 41959, + "ĠDECL": 41960, + "Within": 41961, + "ĠNamespace": 41962, + "another": 41963, + "sembling": 41964, + ".describe": 41965, + "Consum": 41966, + "ĠFear": 41967, + "given": 41968, + "Orange": 41969, + "This": 41993, + "ĠdataIndex": 41994, + "Ġprintable": 41995, + "ĠEyes": 41996, + "_targets": 41997, + "(Py": 41998, + ".over": 41999, + "Ġbru": 42000, + "ampton": 42001, + "Ġplaintiff": 42002, + ");Ċ": 42013, + "invest": 42014, + ".*ĊĊ": 42015, + "Ġtélé": 42016, + "Ġsuperf": 42017, + "Ġcascade": 42018, + "DTD": 42019, + "Ġvivid": 42020, + "Ġsubsidies": 42021, + "ĠHass": 42022, + "Ġcollaps": 42023, + "Ġceramic": 42024, + "{}\".": 42025, + "ĠLeakage": 42026, + "-trash": 42027, + "collapsed": 42028, + "-social": 42029, + "ĠChad": 42030, + "Ġinclined": 42031, + "Ġsto": 42032, + "Ġstoryboard": 42033, + ".payment": 42034, + "stackoverflow": 42035, + "ĠRaiders": 42036, + "Ġ#'": 42037, + "olicies": 42038, + "ìľ¼ë¡ľ": 42039, + "emap": 42040, + "Ġkj": 42041, + "Ġquota": 42042, + "ĠGardens": 42043, + "ë²Ī": 42044, + "ĠAngels": 42045, + "Ġoft": 42046, + "Ġlowercase": 42047, + "ĠiParam": 42048, + "Ġcheapest": 42049, + "unta": 42050, + "_pkt": 42051, + "icators": 42052, + "Ġleurs": 42053, + "Ġdecreases": 42054, + "ĉdefine": 42055, + "PREC": 42056, + "ammers": 42057, + "ĠPreparedStatement": 42058, + "(direction": 42059, + "Ġcrews": 42060, + "arked": 42061, + "ĠMemphis": 42062, + "ĠSell": 42063, + "GTK": 42064, + "Ġmaid": 42065, + ":disable": 42066, + "éĽĨ": 42067, + "ĠPf": 42068, + "Ġalbeit": 42069, + "openh": 42070, + "?>\">Ċ": 42071, + ".getSource": 42072, + "(scale": 42073, + "Du": 42074, + "ĠPIL": 42075, + "_refresh": 42076, + "Ġbets": 42077, + "(car": 42078, + "ĠVon": 42079, + "|--------------------------------------------------------------------------Ċ": 42080, + "ĠGrat": 42081, + "Much": 42082, + "(Dialog": 42083, + ".stopPropagation": 42084, + "Ġtek": 42085, + "Ġexits": 42086, + "'],$": 42087, + "ĠphoneNumber": 42088, + "ucs": 42089, + "ecimal": 42090, + "--------------": 42091, + "inp": 42092, + ".pojo": 42093, + "Ġcorpus": 42094, + "Ġpractitioners": 42095, + ".pic": 42096, + "\"testing": 42097, + "ĠstringBy": 42098, + ".NotNull": 42099, + "Ġrang": 42100, + ".Dynamic": 42101, + "_Render": 42102, + "аÑĤа": 42103, + "Waiting": 42104, + "ĠWik": 42105, + "Ġoverwhelmed": 42106, + "%\">": 42107, + "ĠAE": 42108, + "}}>Ċ": 42109, + "uw": 42110, + "_typ": 42111, + "Ġbuckets": 42112, + "Ġgreeting": 42113, + "Ġlaughter": 42114, + "Ġantagon": 42115, + "uggestion": 42116, + "-email": 42117, + "ĉtop": 42118, + "Ġeros": 42119, + "_tri": 42120, + "Ġissuing": 42121, + "Ġhá": 42122, + "Ġisolate": 42123, + "Overflow": 42124, + ",E": 42125, + "Ġnutritional": 42126, + "ĠAbbott": 42127, + "Ġnf": 42128, + ".touch": 42129, + ".fetchall": 42130, + "_zip": 42131, + "\")}Ċ": 42132, + "Ġamat": 42133, + "ĠCisco": 42134, + "ĠnÃ¥": 42135, + "PLEX": 42136, + "Ġsei": 42137, + "foto": 42138, + ".toJson": 42139, + "å¤ļ": 42140, + "ĠKlein": 42141, + "Ġlibc": 42142, + "Ġminers": 42143, + "å¢": 42144, + "-print": 42145, + "ĠPride": 42146, + "Todos": 42147, + "Ġmasked": 42148, + "ĠsetData": 42149, + "Ġtelefon": 42150, + "Ġunhappy": 42151, + "ĠTables": 42152, + "geb": 42153, + "(debug": 42154, + "_allowed": 42155, + "-access": 42156, + "Ġlogistics": 42157, + "Ġgems": 42158, + "ĠMature": 42159, + "Ġrsp": 42160, + "ĠAlle": 42161, + ".getBytes": 42162, + "\\web": 42163, + "ynchronized": 42164, + "Paragraph": 42165, + "Ġthrottle": 42166, + ".sqlite": 42167, + "consulta": 42168, + "ĠSeah": 42169, + "Ce": 42170, + "Ġsubmar": 42171, + "ERE": 42172, + "Vous": 42173, + "Ġreddit": 42174, + "Ġsqlalchemy": 42175, + "-mile": 42176, + "ocide": 42177, + "Pour": 42178, + "}}\">Ċ": 42179, + "stead": 42180, + "Ġ@(": 42181, + "Ġ[])": 42182, + "ĠAds": 42183, + "Ġoverload": 42184, + "ridden": 42185, + "ĠDesert": 42186, + "ĠWrap": 42187, + "ĠPortuguese": 42188, + "etz": 42189, + "ĉfirst": 42190, + "Ġmilestone": 42191, + "æĹł": 42192, + "ÑĥÑī": 42193, + "(success": 42194, + "\")Ċ": 42363, + "ĠDollar": 42364, + "Ġemoji": 42365, + "Carousel": 42366, + "-player": 42367, + "Ġadjusting": 42368, + "Ġjuga": 42369, + "allenges": 42370, + "gene": 42371, + "(bodyParser": 42372, + "lopedia": 42373, + "ĠBehind": 42374, + "Ġsleeves": 42375, + "Ġdragging": 42376, + "ĠChevrolet": 42377, + "Ġbiz": 42378, + "ivities": 42379, + "ĠFrequency": 42380, + ",char": 42381, + ".WHITE": 42382, + "_preview": 42383, + ")';Ċ": 42384, + "_ax": 42385, + "IONS": 42386, + ".cpu": 42387, + ".inputs": 42388, + "UBE": 42389, + "_feed": 42390, + "ĠSupplement": 42391, + "!).": 42392, + "esus": 42393, + "ĠUDP": 42394, + "Ġmicrophone": 42395, + "Ġconfirms": 42396, + ".isNotEmpty": 42397, + "\":\"\",Ċ": 42398, + "_SCREEN": 42399, + "ĉexpected": 42400, + "+-+-+-+-": 42401, + "ĠHait": 42402, + "fastcall": 42403, + "Ġdepict": 42404, + "vb": 42405, + "_picture": 42406, + "ĉdescription": 42407, + "ĠWife": 42408, + "uci": 42409, + "Ġvicious": 42410, + "ä»ĸ": 42411, + "ueba": 42412, + "ĠsetUser": 42413, + "ãģ¡": 42414, + "Ġdiving": 42415, + "Ġopera": 42416, + "usercontent": 42417, + "arah": 42418, + ")},": 42419, + "yun": 42420, + "velt": 42421, + "Ġuncovered": 42422, + "Ġhips": 42423, + "Ġoscill": 42424, + "Ġasserting": 42425, + "ĠXi": 42426, + ".restore": 42427, + "kea": 42428, + "Ġspelling": 42429, + "Ġderive": 42430, + "abwe": 42431, + "ĠDow": 42432, + ".setType": 42433, + "_vs": 42434, + "Ġcozy": 42435, + ".categories": 42436, + "Org": 42437, + "_mgr": 42438, + "Ġdungeon": 42439, + "collectionView": 42440, + "ĠBlank": 42441, + "acias": 42442, + "ää": 42443, + "_cleanup": 42444, + "_ACTIVITY": 42445, + "Ġtriangles": 42446, + ".MenuItem": 42447, + "Ġiphone": 42448, + "ĠWon": 42449, + "]]ĊĊ": 42450, + "ĠComparison": 42451, + ".Doc": 42452, + "Ġcanonical": 42453, + "ĠSudan": 42454, + "'){": 42455, + "UpInside": 42456, + "builtin": 42457, + "ENCY": 42458, + "xbe": 42459, + "Ġchuck": 42460, + "Ġcontradict": 42461, + "Ġnuestro": 42462, + "Ġarchitectural": 42463, + "ĠFib": 42464, + "Ġcompares": 42465, + "*k": 42466, + "Cfg": 42467, + "çĦ¡": 42468, + "nten": 42469, + "Matches": 42470, + "ĠDOWNLOAD": 42471, + "_HANDLER": 42472, + "management": 42473, + "[S": 42474, + "ENG": 42475, + "ÂĢÂ": 42476, + "fang": 42477, + "Ġslipped": 42478, + "ĠLanka": 42479, + "escaping": 42480, + "Ġtackles": 42481, + "ĠPedro": 42482, + ".Prop": 42483, + ".''": 42484, + ".Generated": 42485, + ".NewGuid": 42486, + "atrigesimal": 42487, + "illon": 42488, + "Ġstatistic": 42489, + "species": 42490, + "holding": 42491, + "Drupal": 42492, + "Ġfundamentally": 42493, + "Ġbondage": 42494, + "Ġresolutions": 42495, + "InlineData": 42496, + "\\Type": 42497, + "estion": 42498, + ".wrap": 42499, + "Ġwarriors": 42500, + "ĠLOCAL": 42501, + "Archive": 42502, + "Ġembraced": 42503, + "á»§": 42504, + ".Ver": 42505, + "ĠAffordable": 42506, + "olesale": 42507, + "ĠApplied": 42508, + "ĠConversion": 42509, + "mega": 42510, + "_cam": 42511, + "Ġceremon": 42512, + "aurus": 42513, + "ĠVolk": 42514, + ".opens": 42515, + "/about": 42516, + "ĠStd": 42517, + "journal": 42518, + "()){čĊ": 42519, + ",\"\\": 42520, + "(Arrays": 42521, + "ĠDense": 42522, + "aseña": 42523, + "änner": 42524, + "/stat": 42525, + "userData": 42526, + "Ġgerman": 42527, + "Ġtz": 42528, + "worthy": 42529, + "FormatException": 42530, + "pherd": 42531, + "Ġsmiles": 42532, + "ĠWhenever": 42533, + "(adapter": 42534, + ".badlogic": 42535, + "Ġbriefing": 42536, + ".GridColumn": 42537, + "-char": 42538, + "dimension": 42539, + "ĠCopper": 42540, + "Ġninth": 42541, + "Ġ'{{": 42542, + "Ġrav": 42543, + "_Table": 42544, + "Ġderivatives": 42545, + "ĠRaise": 42546, + "ĠFut": 42547, + "armor": 42548, + "-padding": 42549, + "Ġremin": 42550, + "ĉstyle": 42551, + "ĠMembership": 42552, + "Ġspreads": 42553, + "Ġgalleries": 42554, + "ĠClarke": 42555, + "Ġconception": 42556, + "minute": 42557, + "Ġabusive": 42558, + "_adj": 42559, + "Ġterrific": 42560, + "Ġovert": 42561, + "ourcing": 42562, + "Ġentrada": 42563, + "levels": 42564, + "Ġcritique": 42565, + "Ġrespects": 42566, + "ĠMMA": 42567, + "iene": 42568, + "Ġencaps": 42569, + "ĠRaymond": 42570, + "Divider": 42571, + "ivable": 42572, + "baz": 42573, + "Ġ@_;Ċ": 42574, + "ĠClaire": 42575, + "Ġurging": 42576, + "CEE": 42577, + "Ġtransformer": 42578, + "discord": 42579, + "ĠJourney": 42580, + "tos": 42581, + "Ġcompetitions": 42582, + "ĠOBJ": 42583, + "ĠBis": 42584, + "Ġrelaxation": 42585, + "idy": 42586, + "_INSTANCE": 42587, + "ĠPref": 42588, + "dados": 42589, + "iciencies": 42590, + "ĠMediaQuery": 42591, + "ĠCube": 42592, + "ĠStrange": 42593, + "gpu": 42594, + "(days": 42595, + "_InitStruct": 42596, + "Ġfingerprint": 42597, + "emat": 42598, + "ĠGecko": 42599, + "Ġrails": 42600, + "ĠLum": 42601, + "straction": 42602, + "igung": 42603, + "(movie": 42604, + "_dictionary": 42605, + "_interrupt": 42606, + "ĠQC": 42607, + "iked": 42608, + "appendChild": 42609, + "recipient": 42610, + "ré": 42611, + "Ve": 42612, + "Ġtowel": 42613, + ".lastIndexOf": 42614, + "Ġplacebo": 42615, + "ĠWie": 42616, + ".esp": 42617, + "(Debug": 42618, + "operative": 42619, + "Ġdeceased": 42620, + "&id": 42621, + "ĉmutex": 42622, + "elic": 42623, + "Ġbapt": 42624, + "ĉčĊčĊ": 42625, + "Ġfarther": 42626, + "Half": 42627, + ".disable": 42628, + ".menuStrip": 42629, + "leccion": 42630, + "ĠresultCode": 42631, + "Ġcans": 42632, + "-election": 42633, + "female": 42634, + "_FIX": 42635, + "ausible": 42636, + "ĠPOWER": 42637, + "Ġreconstruction": 42638, + "Ġscans": 42639, + ".XtraBars": 42640, + "âĢĺs": 42641, + "Removed": 42642, + "Ġparagraphs": 42643, + "_margin": 42644, + "Ġlymph": 42645, + "Ġbos": 42646, + "lington": 42647, + "ĠBaptist": 42648, + "Ġadvertisements": 42649, + "ĠManage": 42650, + "/yyyy": 42651, + "IOUS": 42652, + "ENCES": 42653, + "ĠFiction": 42654, + "ĉmenu": 42655, + "ĠFileOutputStream": 42656, + "ovan": 42657, + "ĠFeng": 42658, + "Ġskipping": 42659, + "getClass": 42660, + "anni": 42661, + "Ġrebounds": 42662, + "Ġpublicity": 42663, + "Ġingres": 42664, + "usement": 42665, + "Ġthoughtful": 42666, + ".Chart": 42667, + "Ġhatte": 42668, + "passport": 42669, + "Ġhooked": 42670, + "ĠLens": 42671, + "Ġflagship": 42672, + "Ġstip": 42673, + "ĠGEN": 42674, + "Ġclues": 42675, + "ipv": 42676, + "ĠRise": 42677, + "ĠGew": 42678, + "tablename": 42679, + "Ġforemost": 42680, + "_validate": 42681, + "_analysis": 42682, + "olla": 42683, + "Ġqualifications": 42684, + "Ġdistributions": 42685, + "ĠFlower": 42686, + "Ġtense": 42687, + "Ġthankful": 42688, + "Ġclutch": 42689, + "Ġunified": 42690, + "roads": 42691, + "Ġsiti": 42692, + "Ġstall": 42693, + "_PRIORITY": 42694, + "cstdlib": 42695, + "_USERNAME": 42696, + ".bytes": 42697, + "?page": 42698, + "ermalink": 42699, + "ĠVeget": 42700, + "/vnd": 42701, + "-author": 42702, + ".NONE": 42703, + "ĠConcurrent": 42704, + "ĠCry": 42705, + "Ġstarters": 42706, + "ĠInteraction": 42707, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 42708, + "ĠLEVEL": 42709, + "Ell": 42710, + "ĠcomboBox": 42711, + "ĠTheresa": 42712, + "tek": 42713, + "_Handle": 42714, + "Ġaby": 42715, + ".gdx": 42716, + ",end": 42717, + "(Local": 42718, + "Ol": 42719, + "knife": 42720, + "arial": 42721, + "ĠHoff": 42722, + "Ġprostituerade": 42723, + "Doctor": 42724, + "Instances": 42725, + ".SetValue": 42726, + "ĉfrom": 42727, + "Ġluxurious": 42728, + "Indent": 42729, + "Allocator": 42730, + "_DRAW": 42731, + "(\",\",": 42732, + "ĠFrances": 42733, + "ĠgroupBox": 42734, + "(schema": 42735, + "Printf": 42736, + "ORIES": 42737, + "-gradient": 42738, + "Ġreput": 42739, + "arin": 42740, + "_DONE": 42741, + "incre": 42742, + "ignty": 42743, + "Ġexert": 42744, + "Ġ-.": 42745, + "/App": 42746, + "-through": 42747, + "Ġdeclining": 42748, + "Ġdessert": 42749, + "Ġincumb": 42750, + "Ġdesignation": 42751, + ".PORT": 42752, + ",strong": 42753, + "Ġsandbox": 42754, + "Ġwines": 42755, + "ĠPav": 42756, + "$str": 42757, + "askell": 42758, + "Ġhö": 42759, + "ĠPY": 42760, + "GetInstance": 42761, + "TextInput": 42762, + "gameObject": 42763, + "/events": 42764, + "createdAt": 42765, + "ĠlocalVar": 42766, + "ĠWHITE": 42767, + "pered": 42768, + "ilege": 42769, + "efficient": 42770, + ",color": 42771, + "cate": 42772, + "ĠCafe": 42773, + "Ġsimilarities": 42774, + "Ġpumps": 42775, + "ĠHungary": 42776, + ".Username": 42777, + "Ġskate": 42778, + "Ġtouchdowns": 42779, + "Ġaccelerate": 42780, + "ĠHelen": 42781, + "OMEM": 42782, + "ĠKun": 42783, + "_vol": 42784, + "ĠfindAll": 42785, + "ĠMenschen": 42786, + "ahead": 42787, + ");\"": 42788, + "kommen": 42789, + "Ġpossessed": 42790, + ".argmax": 42791, + ".transition": 42792, + "ARP": 42793, + "OLUME": 42794, + "(script": 42795, + "ĠÐĺ": 42796, + "ĠFinding": 42797, + "onces": 42798, + "Io": 42799, + "Bold": 42800, + "Ġrenewal": 42801, + "_DIALOG": 42802, + "Ġdisreg": 42803, + "INTERN": 42804, + "Ġtoute": 42805, + "Ġelectr": 42806, + "ĠGross": 42807, + "ĉtrue": 42808, + ".Fields": 42809, + "ĠWIDTH": 42810, + "ĠDent": 42811, + "ĠÃģ": 42812, + "NSNotification": 42813, + "Ġaos": 42814, + "Ġmelee": 42815, + ".Validation": 42816, + "ĠDEC": 42817, + "-dependent": 42818, + "Ġsuic": 42819, + "Traits": 42820, + "$message": 42821, + "ĠDear": 42822, + "ĉFILE": 42823, + "languages": 42824, + ".Prot": 42825, + ".addr": 42826, + "-generation": 42827, + "ICON": 42828, + "Ġtransplant": 42829, + "-description": 42830, + "Ġchasing": 42831, + "Ġchees": 42832, + "Ġ}*/Ċ": 42833, + "Trad": 42834, + "queries": 42835, + "/widgets": 42836, + "subpackage": 42837, + "Ġespec": 42838, + "Ġcracked": 42839, + "Ġcompetitor": 42840, + "Purchase": 42841, + "-team": 42842, + "olecular": 42843, + "orThunk": 42844, + "&P": 42845, + "Ġrelent": 42846, + "/#{": 42847, + "ĠproductId": 42848, + "Ġè¾": 42849, + "ĠLav": 42850, + "ĠAlter": 42851, + ".Mode": 42852, + "ADIO": 42853, + "grp": 42854, + "æ·»åĬł": 42855, + "Quit": 42856, + "Ġdepths": 42857, + "-category": 42858, + "ĠDATABASE": 42859, + "SPELL": 42860, + "ĠFalcon": 42861, + "ĠQStringList": 42862, + "Ġ''.": 42863, + "ĠInstitution": 42864, + "damage": 42865, + "azor": 42866, + "belongsTo": 42867, + "verages": 42868, + "ĠNONE": 42869, + "ippets": 42870, + ",\\Ċ": 42871, + "Ġfootprint": 42872, + "_archive": 42873, + "nak": 42874, + ".getField": 42875, + "ĠReflection": 42876, + "Ġ']": 42877, + "ĠHBO": 42878, + "_discount": 42879, + "Ġincest": 42880, + "ĠDodge": 42881, + "ĠWade": 42882, + ".NO": 42883, + "\"encoding": 42884, + "ĠBlockchain": 42885, + "Ġlawsuits": 42886, + "ĠMaint": 42887, + "chten": 42888, + "Ġétait": 42889, + "Ġktóre": 42890, + "_ctl": 42891, + "(timer": 42892, + "Battle": 42893, + "izo": 42894, + "ayed": 42895, + "IOR": 42896, + "ĠGlasgow": 42897, + "Ġsynth": 42898, + "_logs": 42899, + ".pose": 42900, + "_AdjustorThunk": 42901, + "((&": 42902, + "Ġunsure": 42903, + "ystate": 42904, + "íķĺëĬĶ": 42905, + "OULD": 42906, + ".ng": 42907, + "Ġdefaultdict": 42908, + "workspace": 42909, + "Ġselective": 42910, + "PickerController": 42911, + "YNAMIC": 42912, + ".methods": 42913, + "Ġpathways": 42914, + "ĠFew": 42915, + "KG": 42916, + "CRYPT": 42917, + "following": 42918, + "ĠDLC": 42919, + "ĠSara": 42920, + "Ġpreset": 42921, + "estructor": 42922, + "ĠKurt": 42923, + "Ġairplane": 42924, + "Ġomp": 42925, + "ĠParents": 42926, + "ĠMartinez": 42927, + ".complete": 42928, + "Ġbroadly": 42929, + "Ġscare": 42930, + "ĠMé": 42931, + "Ġelimination": 42932, + "Ġpoured": 42933, + "/sw": 42934, + "Ġcomun": 42935, + "Ġmasc": 42936, + "ĠOrganic": 42937, + "ĠStringUtils": 42938, + "ilateral": 42939, + "Ġreluctant": 42940, + "-age": 42941, + "Ġnz": 42942, + ".\"\\": 42943, + "Ġpastor": 42944, + "alez": 42945, + "Ġefect": 42946, + "prov": 42947, + "/init": 42948, + "Ġpenn": 42949, + "unds": 42950, + "Ġssize": 42951, + "ĠProj": 42952, + "basename": 42953, + "Ġshells": 42954, + "ĠNeck": 42955, + "ĠEnforcement": 42956, + "vided": 42957, + "stown": 42958, + "Sphere": 42959, + "$r": 42960, + "ussen": 42961, + "afil": 42962, + "ĠTelegram": 42963, + "Ġanalytical": 42964, + "нÑĭе": 42965, + "usually": 42966, + "xn": 42967, + "Ġhistorian": 42968, + "ĠGregory": 42969, + "olph": 42970, + "ĠUna": 42971, + "Ġcontributes": 42972, + "%-": 42973, + "antiago": 42974, + "ÑĢед": 42975, + ".region": 42976, + "Ġabrupt": 42977, + "ĠUnsupportedOperationException": 42978, + "ĠTASK": 42979, + "_finish": 42980, + "Ġnotorious": 42981, + "ĠVs": 42982, + "ĠMQ": 42983, + "Ġsunset": 42984, + "Ġunacceptable": 42985, + "arcer": 42986, + "Ġillumin": 42987, + "ĠOrb": 42988, + "Ġbh": 42989, + "Este": 42990, + "_dispatch": 42991, + "Ġripped": 42992, + "Ġtoujours": 42993, + "ĠParcel": 42994, + "_ll": 42995, + ".userName": 42996, + ".classes": 42997, + "SOURCE": 42998, + "(Number": 42999, + "елÑı": 43000, + "Ġheadphones": 43001, + "(side": 43002, + "constitution": 43003, + "annah": 43004, + "čĊĠĠĠĠĠĠĠĠčĊ": 43005, + "Ġcliff": 43006, + "-ref": 43007, + "Ġmostrar": 43008, + "ĠPowell": 43009, + "+y": 43010, + "ĠBG": 43011, + "_fragment": 43012, + ".Port": 43013, + "Ġrealizing": 43014, + "paramref": 43015, + "Ġhometown": 43016, + "@Table": 43017, + "+\"--}}Ċ": 43196, + "French": 43197, + "EntityManager": 43198, + "ĠPlain": 43199, + "////////////////////////////////////////////////////////////////////": 43200, + "³": 43201, + "(RE": 43202, + "capt": 43203, + "Ġorganisms": 43204, + "Ġjets": 43205, + "olocation": 43206, + "ĠAppRoutingModule": 43207, + "Ġglorious": 43208, + "æľį": 43209, + "Ġdiscarded": 43210, + "ĉĉĉĉĠĠĠĠĠ": 43211, + "ĠArnold": 43212, + "lug": 43213, + "Ġparl": 43214, + "Ġhormones": 43215, + "Ġmah": 43216, + "ĠSonic": 43217, + "Ġorganizers": 43218, + "_PLATFORM": 43219, + ".inv": 43220, + "Ġchord": 43221, + "ventional": 43222, + "ĉof": 43223, + "Episode": 43224, + ".Enum": 43225, + "unkt": 43226, + "ĠDh": 43227, + "ĠJared": 43228, + "ĠNak": 43229, + "Ġintends": 43230, + "Endian": 43231, + "Ġaustralia": 43232, + "_cv": 43233, + "(resolve": 43234, + "Ġclinics": 43235, + "liked": 43236, + "ASHINGTON": 43237, + "inha": 43238, + "'*": 43239, + "ĠNP": 43240, + "_beh": 43241, + "Ġhf": 43242, + "Ġwür": 43243, + "categoria": 43244, + "$form": 43245, + "Ġsubway": 43246, + "ĠisActive": 43247, + "popular": 43248, + "Cour": 43249, + "Ġcooldown": 43250, + "Ġainsi": 43251, + "ĠGLuint": 43252, + "ereal": 43253, + "ĠarrayOf": 43254, + "Ġhatch": 43255, + "==========": 43256, + "resses": 43257, + "_PP": 43258, + ".^": 43259, + "_decay": 43260, + "ĠBless": 43261, + "metrics": 43262, + "ĠCOPYING": 43263, + "ĠDumpster": 43264, + "ĠJosé": 43265, + "ĠDesigns": 43266, + "<": 43269, + "Ġ\"}Ċ": 43270, + "timezone": 43271, + "Ġeer": 43272, + "maxcdn": 43273, + "ĠESC": 43274, + "igaret": 43275, + "_connected": 43276, + "_reverse": 43277, + "Ġquestionable": 43278, + "ĠUSC": 43279, + "Ġtutti": 43280, + "Ġdropout": 43281, + "ĠActivities": 43282, + "ĠWinds": 43283, + "')));Ċ": 43284, + "Ġcongest": 43285, + "ģı": 43286, + "Ġprolonged": 43287, + "è¿Ļ": 43288, + "ĠCrossAxisAlignment": 43289, + "LEEP": 43290, + "ĠVALID": 43291, + "ĠGaz": 43292, + "Ġdependence": 43293, + "ĠPrix": 43294, + ".CompilerServices": 43295, + "jump": 43296, + "Ġstrat": 43297, + "circ": 43298, + "ĠCUSTOM": 43299, + "xaa": 43300, + "Ġbmp": 43301, + "Ġbureau": 43302, + "Ġwaren": 43303, + "NX": 43304, + "(Window": 43305, + "ĠChristie": 43306, + "_FE": 43307, + "Ġtn": 43308, + "ĠOmega": 43309, + "communications": 43310, + "HomePage": 43311, + "completion": 43312, + "Ġsupplying": 43313, + "YPES": 43314, + "ável": 43315, + "åζ": 43316, + "(click": 43317, + "\\Contracts": 43318, + "/questions": 43319, + "Ġez": 43320, + "AMS": 43321, + ".mesh": 43322, + "Ġ'\\Ċ": 43373, + "Robot": 43374, + "JsonObject": 43375, + "ĠDF": 43376, + "ĠProcessor": 43377, + "_should": 43378, + ".protobuf": 43379, + "-users": 43380, + "Ġembry": 43381, + "FONT": 43382, + "Ġstartups": 43383, + "ĠDataSource": 43384, + ")#": 43385, + "uros": 43386, + "_Color": 43387, + "Ġstandalone": 43388, + "}[": 43389, + "jd": 43390, + "Ġforgive": 43391, + "Ġngx": 43392, + "ĠGenerally": 43393, + "Ġconfigurable": 43394, + "/order": 43395, + "Ġvas": 43396, + "')\";Ċ": 43397, + "ĠRR": 43398, + "ĠTroy": 43399, + "Ġcompromised": 43400, + "ĠSwan": 43401, + "intendent": 43402, + "Central": 43403, + "_keeper": 43404, + "Ġarquivo": 43405, + "ĠReadOnly": 43406, + "_curve": 43407, + "kv": 43408, + "entin": 43409, + "è±": 43410, + "ĠEy": 43411, + ".imread": 43412, + "ĠPam": 43413, + "iffe": 43414, + "ativity": 43415, + "xbc": 43416, + "Ġgrim": 43417, + "-filled": 43418, + "namese": 43419, + "']:": 43420, + "Ġaur": 43421, + "ĠGibson": 43422, + ".MouseEvent": 43423, + "Ġlado": 43424, + "avadoc": 43425, + "Ġfamil": 43426, + "ĠModer": 43427, + "fps": 43428, + "ãĢĢãĢĢ": 43429, + "-example": 43430, + "ĠAlzheimer": 43431, + "ĠUtf": 43432, + "_arguments": 43433, + "Conclusion": 43434, + "textContent": 43435, + "remaining": 43436, + "Ġinterrupts": 43437, + "ĠBackup": 43438, + "ĠMong": 43439, + "Ġreceptors": 43440, + "histor": 43441, + ".coroutines": 43442, + "Ġshouted": 43443, + "Alarm": 43444, + "Ġcombust": 43445, + "Ġgrote": 43446, + "ultural": 43447, + "(ids": 43448, + "--------------------------------------------------------------------------------": 43449, + "iplinary": 43450, + "Opts": 43451, + "ĠYale": 43452, + "localStorage": 43453, + "Ġequival": 43454, + "ĠFleet": 43455, + "\\b": 43456, + "*pi": 43457, + "ĠQLabel": 43458, + "æ¡": 43459, + "Ġvx": 43460, + "ĠACL": 43461, + "Ġsucesso": 43462, + "Ġperc": 43463, + "ĠNotre": 43464, + "Ġanarch": 43465, + "Ring": 43466, + "spb": 43467, + "Ġstrpos": 43468, + "stores": 43469, + "ĠMaple": 43470, + "(MainActivity": 43471, + "(\"\"))": 43472, + "ĠviewHolder": 43473, + "Quad": 43474, + "Ġigual": 43475, + "orsche": 43476, + ".margin": 43477, + "Ġindie": 43478, + "Ġfranc": 43479, + "ĠFormBuilder": 43480, + "ĠParticip": 43481, + ".flash": 43482, + "Ġstorms": 43483, + "Ult": 43484, + "Ġfen": 43485, + "[new": 43486, + "Ever": 43487, + "=\"Ċ": 43488, + "Ġlocalized": 43489, + "_follow": 43490, + "Ġnave": 43491, + "Ġdominance": 43492, + "(tile": 43493, + "Journal": 43494, + "ĠVC": 43495, + "Ġpenetration": 43496, + "ï¼ķ": 43497, + "Ġcompartment": 43498, + "Ġbids": 43499, + "Formatted": 43500, + "******/ĊĊ": 43501, + "(city": 43502, + "âĢĶit": 43503, + "[C": 43504, + "ĠuseCallback": 43505, + "aub": 43506, + ")?.": 43507, + "ĠVAR": 43508, + "ĠSebastian": 43509, + "ĠMoss": 43510, + "Ġabundant": 43511, + "Greg": 43512, + "ÑĤа": 43513, + "_ci": 43514, + "Ġbibli": 43515, + "CRM": 43516, + "ĠAttempt": 43517, + "isme": 43518, + "dash": 43519, + "ãĢİ": 43520, + "_mu": 43521, + ".FormattingEnabled": 43522, + "Indeed": 43523, + "-direct": 43524, + "Ġsucking": 43525, + "Ġpne": 43526, + "ocabulary": 43527, + "ĠPackers": 43528, + ".Navigation": 43529, + "Ġpied": 43530, + "cribing": 43531, + "ĠStuart": 43532, + ".ToDouble": 43533, + "ĠSecondary": 43534, + "Saving": 43535, + "ĠDut": 43536, + "ĠMadd": 43537, + "Magic": 43538, + ",H": 43539, + ".documentElement": 43540, + "ĠBST": 43541, + "Ġdiffers": 43542, + "Ġmoreover": 43543, + "_nd": 43544, + "SEARCH": 43545, + "пÑĢав": 43546, + "æ´": 43547, + "toMatch": 43548, + "Ġdecreasing": 43549, + "-member": 43550, + "ampus": 43551, + "(boost": 43552, + "Daily": 43553, + "DataGridView": 43554, + "ĠHttpContext": 43555, + "Ġhipp": 43556, + "_workers": 43557, + "-language": 43558, + "éĵ": 43559, + "Ġconsisted": 43560, + "athing": 43561, + "ĠMercury": 43562, + "$content": 43563, + "Ġpracticed": 43564, + "ĠModules": 43565, + "_DAY": 43566, + "Ġweaknesses": 43567, + "ĠLodge": 43568, + "Ġnar": 43569, + "ĠMate": 43570, + "Ġjp": 43571, + "ĠHttpHeaders": 43572, + "Ġsmo": 43573, + "ĠTOKEN": 43574, + "])(": 43575, + "Ġaqui": 43576, + "swagen": 43577, + "Ġsrv": 43578, + "ĉans": 43579, + "Around": 43580, + "ĠManuel": 43581, + "Ġfictional": 43582, + "ĠIMG": 43583, + "Ġ.'": 43584, + "ĠBerry": 43585, + "Ġwallpaper": 43586, + "sexual": 43587, + "iero": 43588, + "ĠçļĦ": 43589, + "ìĨĮ": 43590, + "BackingField": 43591, + "ĠAdrian": 43592, + "BASEPATH": 43593, + "Ġrepeats": 43594, + "Ġblues": 43595, + "Ġunpredict": 43596, + "_coll": 43597, + "stacle": 43598, + "ĠTumblr": 43599, + "ĠElf": 43600, + "Ġassurance": 43601, + "Ġcensus": 43602, + "ĠIMPORT": 43603, + "ENDER": 43604, + "anos": 43605, + "Ġ=(": 43606, + "ĠEllis": 43607, + "\"ĊĊĊĊ": 43608, + ".win": 43609, + "ĠAbove": 43610, + "alon": 43611, + "_tick": 43612, + "Ġrepresentations": 43613, + "Ġæķ": 43614, + "wid": 43615, + "ĠArms": 43616, + "Lista": 43617, + "_failure": 43618, + "_cm": 43619, + ".FlatAppearance": 43620, + "Ġthrone": 43621, + "Patch": 43622, + "ĠVoy": 43623, + "engl": 43624, + "Ġnegotiating": 43625, + ">`": 43626, + "Ġshoots": 43627, + "ĠFPS": 43628, + ".Year": 43629, + "ĠKiss": 43630, + "ención": 43631, + "reeting": 43632, + "FromFile": 43633, + "Ġresignation": 43634, + "Ø·": 43635, + "Ġtwins": 43636, + "ượ": 43637, + "Ġgebru": 43638, + ".getContent": 43639, + ".Tree": 43640, + "ĠEmployees": 43641, + "ĠFIFA": 43642, + "Ġcertainty": 43643, + "(Cl": 43644, + "Ġtotals": 43645, + "editable": 43646, + "à¥Ģ": 43647, + ".Reporting": 43648, + "Mas": 43649, + "quiet": 43650, + ".rules": 43651, + "ĠVO": 43652, + "conexion": 43653, + ",K": 43654, + "Ġallocator": 43655, + "ĠPowder": 43656, + "\\Repository": 43657, + "Beat": 43658, + "_tipo": 43659, + "Ġ['',": 43660, + "_INTR": 43661, + "Ġ<<<": 43662, + "\");čĊ": 43691, + "dropIfExists": 43692, + "ĠBeg": 43693, + "_HAL": 43694, + "ĠcrossAxisAlignment": 43695, + "ĠEvidence": 43696, + "Ġpeculiar": 43697, + "Ġinstitute": 43698, + "veis": 43699, + "Ġfft": 43700, + "Ãģ": 43701, + "Ġzoekt": 43702, + "analy": 43703, + "ĠHomeland": 43704, + "Ġpenetr": 43705, + "uddenly": 43706, + "ĉelement": 43707, + "ĠBren": 43708, + "ĠTrudeau": 43709, + "ĠCuban": 43710, + "jam": 43711, + "uslim": 43712, + "_ev": 43713, + "Ġstems": 43714, + "}%": 43715, + "Ŀå§ĭ": 43716, + "Ġbranding": 43717, + "Ġcorrespondence": 43718, + ".jquery": 43719, + "¢åįķ": 43720, + "ĠReads": 43721, + "(HttpStatusCode": 43722, + "assin": 43723, + "(slot": 43724, + "ĠGraduate": 43725, + "///<": 43726, + "Ġinformations": 43727, + "ENABLE": 43728, + "Ġpuis": 43729, + "Ġfinder": 43730, + "ĠBris": 43731, + "Ġnettsteder": 43732, + "_mid": 43733, + "Ġogs": 43734, + "ĠSterling": 43735, + "Ġarrog": 43736, + "strftime": 43737, + "|ĊĊ": 43738, + "Ġvox": 43739, + "ĠRegardless": 43740, + "Ġeso": 43741, + "ĠComfort": 43742, + ".BooleanField": 43743, + "Ġuh": 43744, + "ACY": 43745, + "Ġsqueez": 43746, + "ĠVic": 43747, + "contro": 43748, + ".lo": 43749, + "Ġire": 43750, + "ĠComedy": 43751, + "ë¶": 43752, + "Ġoriginated": 43753, + "Ġshipment": 43754, + "|max": 43755, + "_guid": 43756, + "levation": 43757, + "наÑı": 43758, + "(undefined": 43759, + "ĠDDR": 43760, + "Ġshootings": 43761, + "ĠLatino": 43762, + "ENDOR": 43763, + "Ġaveraging": 43764, + "Ġgreeted": 43765, + "Ġtheaters": 43766, + "ое": 43767, + "ĠdB": 43768, + "Ġgst": 43769, + "Ġdefinite": 43770, + ".Storage": 43771, + ".her": 43772, + "Ġafore": 43773, + "ĠReality": 43774, + "ĠGods": 43775, + "versed": 43776, + "Ġhandsome": 43777, + "Ġexcluding": 43778, + "(ad": 43779, + "Quotes": 43780, + "ĠScheme": 43781, + "?q": 43782, + "ĠTamil": 43783, + "Ticks": 43784, + "Ġpest": 43785, + "'n": 43786, + "Ġpornography": 43787, + "_modal": 43788, + "Ġ----------": 43789, + "Ġdisposable": 43790, + "FREE": 43791, + "Ġshark": 43792, + "CHE": 43793, + "Ġdepicted": 43794, + "Ġdemonstrations": 43795, + "ĠKilled": 43796, + "ĠRULE": 43797, + "Ġobsessed": 43798, + "Ġsimplified": 43799, + "Postal": 43800, + "Ġconceptual": 43801, + "Ġpst": 43802, + "Las": 43803, + "_PROJECT": 43804, + "ucceeded": 43805, + "olu": 43806, + "ÄŁi": 43807, + "Ġpersonalities": 43808, + "Ġreshape": 43809, + "Ġenclosed": 43810, + "ĉptr": 43811, + "Ġtutorials": 43812, + "Ġexploded": 43813, + "_DIRECTORY": 43814, + "åĨħ容": 43815, + "Ġcanon": 43816, + "Ġrecognise": 43817, + "PAD": 43818, + "ĠApprox": 43819, + "ĠRestore": 43820, + "ĠImportant": 43821, + "Ġheavier": 43822, + ".Sequential": 43823, + "Earth": 43824, + "ĠMilk": 43825, + ".setRequest": 43826, + ".tem": 43827, + "Ġreconstruct": 43828, + "Ġskeptical": 43829, + "_Private": 43830, + "BUF": 43831, + "qua": 43832, + ":a": 43833, + "Ġsek": 43834, + "Ġdwell": 43835, + "ossa": 43836, + "Ġrewarded": 43837, + "ий": 43838, + "(topic": 43839, + "_partition": 43840, + "Ġ__________________": 43841, + "Keywords": 43842, + "ĠFranco": 43843, + "Lite": 43844, + "Ġnaken": 43845, + "Ġза": 43846, + "OBJECT": 43847, + "Ġcrafts": 43848, + "ĠSwap": 43849, + ".Xna": 43850, + ".Connect": 43851, + "Ġbalcony": 43852, + "(real": 43853, + "ĠBarnes": 43854, + "bir": 43855, + "ĠTwenty": 43856, + "ayan": 43857, + "atars": 43858, + "ĠPropel": 43859, + "ĠIhnen": 43860, + "Upgrade": 43861, + "Ġcurb": 43862, + "-second": 43863, + "Ġneph": 43864, + ".pres": 43865, + "ìŀħ": 43866, + ".seq": 43867, + "Ġpadded": 43868, + "\"?": 43869, + "jl": 43870, + "ãĥ¬": 43871, + "')a": 43875, + "Coordinates": 43876, + "Ġenacted": 43877, + "ENTS": 43878, + "Ġlac": 43879, + ".final": 43880, + "ĠPhpStorm": 43881, + "called": 43882, + "Ġinquiries": 43883, + ".middleware": 43884, + "ĠDowntown": 43885, + "/';Ċ": 43886, + "Ġkilomet": 43887, + "accel": 43888, + "Ġquien": 43889, + "wstring": 43890, + "setData": 43891, + "Ġmanera": 43892, + "Ġmodular": 43893, + "rimp": 43894, + "Ġtariffs": 43895, + "âĢĻil": 43896, + "_THROW": 43897, + "/color": 43898, + "ĠHTMLElement": 43899, + "Ġcarro": 43900, + "Ġprere": 43901, + "Ġplotting": 43902, + "ĠPositive": 43903, + "ĠMachines": 43904, + "OTES": 43905, + "Ỽ": 43906, + "pleasant": 43907, + "Ġalte": 43908, + "Ġainda": 43909, + "these": 43910, + "Ġcors": 43911, + "ipay": 43912, + "ĠAdvisory": 43913, + "ĠRubio": 43914, + "jq": 43915, + "Ġlimestone": 43916, + "Ġdetached": 43917, + "设置": 43918, + "tenant": 43919, + "ĠDepth": 43920, + "alore": 43921, + "ĠÑģÑĤÑĢок": 43922, + "ĠFORE": 43923, + "ĠLay": 43924, + "presentation": 43925, + ")');Ċ": 43926, + ".subplots": 43927, + "Ïĥ": 43928, + "NOW": 43929, + "Gar": 43930, + "handles": 43931, + "abra": 43932, + "puties": 43933, + "ĠElectrical": 43934, + "Middle": 43935, + "ropic": 43936, + "ĠJD": 43937, + "ĠDyn": 43938, + "ĠBristol": 43939, + "ĠMcCarthy": 43940, + "Ġstriker": 43941, + "Ġenumerable": 43942, + "ĠEvan": 43943, + ".defaults": 43944, + "quences": 43945, + ")||": 43946, + "ĉtoken": 43947, + "âĹı": 43948, + "-dropdown": 43949, + "STORE": 43950, + "ĠGraphic": 43951, + "(pp": 43952, + "Expl": 43953, + "Ġupwards": 43954, + "ĠDistributed": 43955, + "ĠWEB": 43956, + "Jer": 43957, + "isNaN": 43958, + "çĶŁæĪIJ": 43959, + ">R": 43960, + "üssen": 43961, + "efs": 43962, + "Ġuncover": 43963, + "Ġlud": 43964, + ".calculate": 43965, + "Ġintptr": 43966, + "Ġmidfielder": 43967, + ".Headers": 43968, + "Ġmf": 43969, + "eref": 43970, + ".Metro": 43971, + "ĠSpeaking": 43972, + ":b": 43973, + "Ġcryptocurrencies": 43974, + "Ġdemons": 43975, + "ĉEXPECT": 43976, + "Ġwicked": 43977, + "youtube": 43978, + ":Int": 43979, + "ĠHindi": 43980, + "ĠCAT": 43981, + "Ġع": 43982, + "rar": 43983, + "omore": 43984, + "/per": 43985, + "/license": 43986, + "Ġreim": 43987, + "Ġawaiting": 43988, + "Ġlethal": 43989, + "ĠEF": 43990, + "rounded": 43991, + "ĠPlatinum": 43992, + "ĠвÑģе": 43993, + ".coords": 43994, + ".Device": 43995, + "/item": 43996, + "ĠWenn": 43997, + "compileComponents": 43998, + "ĠKinder": 43999, + ".removeItem": 44000, + "Ġanda": 44001, + "bnb": 44002, + "Ġpra": 44003, + "(transaction": 44004, + "Ġembarrassing": 44005, + "ĉBOOL": 44006, + ".contentView": 44007, + "Ġeventdata": 44008, + "atore": 44009, + "ĠprovidedIn": 44010, + "irma": 44011, + "Ġzona": 44012, + "_HW": 44013, + "æĻ": 44014, + "Ġstove": 44015, + "Ġcounterpart": 44016, + "_Product": 44017, + "_MANAGER": 44018, + "Ġinfring": 44019, + "ĠERA": 44020, + "_party": 44021, + "Ñij": 44022, + "Ġinici": 44023, + "_Request": 44024, + "Ġmiracle": 44025, + "ĠcancelButton": 44026, + "Spy": 44027, + "ató": 44028, + "Ġpolish": 44029, + "ĠNicole": 44030, + ".displayName": 44031, + "\\Requests": 44032, + "ĠuseHistory": 44033, + "RouterModule": 44034, + "Ġstared": 44035, + "IDER": 44036, + "ÑĥнкÑĨи": 44037, + "Ġnota": 44038, + "$arr": 44039, + "pecified": 44040, + "Ġtopp": 44041, + "_DRIVER": 44042, + "/ng": 44043, + "åł": 44044, + "_tm": 44045, + "%timeout": 44046, + "\"": 44488, + "tlement": 44489, + "$(\"": 44490, + "FromString": 44491, + "ĠBild": 44492, + "Ġconventions": 44493, + "_native": 44494, + "ĠInspector": 44495, + "ĠPist": 44496, + "ubar": 44497, + "Ġregs": 44498, + "ĠPilot": 44499, + "Thus": 44500, + ">'+": 44501, + "Ġcela": 44502, + ".news": 44503, + "(Product": 44504, + "Living": 44505, + "Russia": 44506, + "Ġfacet": 44507, + "etical": 44508, + "Ġ['$": 44509, + "/[": 44510, + "ĠDire": 44511, + "Ġgases": 44512, + "ĠINFORMATION": 44513, + "ĠEat": 44514, + "ĠForums": 44515, + "ĠCharacters": 44516, + "_met": 44517, + "Ġìĭľ": 44518, + "Ġkings": 44519, + "achie": 44520, + "ĠLambda": 44521, + "Ġtimers": 44522, + "ĠLighting": 44523, + "ĠCasey": 44524, + "addir": 44525, + "andex": 44526, + ".answer": 44527, + "ĠHip": 44528, + "ĠPrincip": 44529, + "StartDate": 44530, + "ĠãĢĮ": 44531, + "tres": 44532, + "Ġ&#": 44533, + ".MaxValue": 44534, + "ĠProblems": 44535, + "Ġlatex": 44536, + "OfClass": 44537, + "ĠLynn": 44538, + "//'": 44539, + "Ġvoyage": 44540, + "Ġshuttle": 44541, + "ĠRoller": 44542, + "ĠRuntimeError": 44543, + "uya": 44544, + "Dic": 44545, + "ĉbuilder": 44546, + "Ġbullying": 44547, + "Ġsimplest": 44548, + ".called": 44549, + "ĠLR": 44550, + "Ġmorality": 44551, + "Ġsturdy": 44552, + "tracking": 44553, + ".swagger": 44554, + "_BIND": 44555, + "ITOR": 44556, + "-urlencoded": 44557, + "ĠÑħ": 44558, + "ĠTrinity": 44559, + "Ġtraps": 44560, + "Ġ|-": 44561, + "ĠsetText": 44562, + "Ġbargain": 44563, + "Ġbrakes": 44564, + ".getCode": 44565, + "Ġmigrate": 44566, + "Ġribbon": 44567, + ")return": 44568, + "Ġcharger": 44569, + "acom": 44570, + "ADIUS": 44571, + "ĠAmbassador": 44572, + "-after": 44573, + "Ġanni": 44574, + "ĉspin": 44575, + "Concept": 44576, + "ĠHenderson": 44577, + "ĠHOST": 44578, + ".rank": 44579, + "ĠNortheast": 44580, + "Ġberlin": 44581, + "Ġrequis": 44582, + ".feed": 44583, + "ĠsourceMapping": 44584, + "ĠRencontre": 44585, + ".ajax": 44586, + "nestjs": 44587, + "Ġtrek": 44588, + "ĠNacional": 44589, + "Ġ&[": 44590, + "Ġpayable": 44591, + "ortex": 44592, + "Ġdept": 44593, + "fieldName": 44594, + "Ġcompletes": 44595, + "ĠRVA": 44596, + "Ġonions": 44597, + "alignment": 44598, + "Formats": 44599, + "Ġ'{$": 44600, + "HashSet": 44601, + "ĠBod": 44602, + ".InvariantCulture": 44603, + "Ġsettlements": 44604, + "Ġhydr": 44605, + ".updated": 44606, + "venth": 44607, + "(seconds": 44608, + "=\"/\"": 44609, + "Ġwebpage": 44610, + "(ĊĊ": 44611, + "Ġtir": 44612, + "Ġtoes": 44613, + "ĠBrick": 44614, + "Ġambition": 44615, + "Pot": 44616, + "=max": 44617, + "ETIME": 44618, + "Ġdepot": 44619, + "calls": 44620, + "ĠNorwegian": 44621, + "`:": 44622, + "Ġburger": 44623, + "Ġprofessors": 44624, + "ĠAllocate": 44625, + "-thirds": 44626, + "-chart": 44627, + "Ġford": 44628, + "*N": 44629, + ".kotlin": 44630, + "Ġpaperwork": 44631, + "ĠDEVICE": 44632, + "%@\",": 44633, + "respect": 44634, + "(mp": 44635, + "é«ĺ": 44636, + "-if": 44637, + "Ġcushion": 44638, + "obot": 44639, + "Ġparc": 44640, + "SPACE": 44641, + "ĠNetanyahu": 44642, + "Ġselfish": 44643, + "feat": 44644, + "Ġclientes": 44645, + "-tools": 44646, + "Ġporch": 44647, + "Ġjq": 44648, + ".verbose": 44649, + "Ġliberals": 44650, + "])ĊĊĊ": 44651, + "pies": 44652, + "NotBlank": 44653, + "(term": 44654, + "ÈĽi": 44655, + "_Params": 44656, + ".normalize": 44657, + "Bullet": 44658, + "ASIC": 44659, + "(hex": 44660, + "_cliente": 44661, + "+,": 44662, + "_DI": 44663, + "Ġforthcoming": 44664, + "}\")]Ċ": 44665, + "seo": 44666, + "Um": 44667, + ">Name": 44668, + "Ġcomfortably": 44669, + "irectional": 44670, + "WITH": 44671, + "/pr": 44672, + "ĠPoor": 44673, + "ĠVitamin": 44674, + "vic": 44675, + "GH": 44676, + "Ġpriorit": 44677, + "ĠNN": 44678, + "ĠClosed": 44679, + "¤í": 44680, + "ĠisOpen": 44681, + "\\Console": 44682, + "AndFeel": 44683, + ".SUCCESS": 44684, + "_OPERATION": 44685, + "polation": 44686, + "ĠTas": 44687, + "psz": 44688, + ">'.": 44689, + "CURRENT": 44690, + "Vendor": 44691, + "hosts": 44692, + "ĠErd": 44693, + ">tagger": 44694, + "ĠsourceMappingURL": 44695, + "Ġmarathon": 44696, + "_closed": 44697, + "Ġexemption": 44698, + "Ġrecognizes": 44699, + "ideshow": 44700, + "'$": 44701, + "('/');Ċ": 44702, + "mits": 44703, + "warz": 44704, + "ĠCherry": 44705, + "µ¬": 44706, + "nor": 44707, + "porte": 44708, + "Ġwl": 44709, + "_backup": 44710, + ".getBoolean": 44711, + ".getResource": 44712, + "Ġdefinitive": 44713, + ".EditText": 44714, + "ĠsÃŃ": 44715, + ".CONT": 44716, + "ĠPLAYER": 44717, + ".cards": 44718, + "ĠShore": 44719, + "('/')Ċ": 44720, + "cluir": 44721, + "WebDriver": 44722, + "(month": 44723, + "-release": 44724, + "Ġinspector": 44725, + "å£": 44726, + "ĠNF": 44727, + "_clip": 44728, + "åŃIJ": 44729, + "Ġinteracting": 44730, + ".tmp": 44731, + "Ġ'''ĊĊ": 44732, + "Ġdee": 44733, + "Ġfrost": 44734, + "\"]))Ċ": 44735, + "ĠPlaces": 44736, + "Throws": 44737, + "fork": 44738, + "/day": 44739, + "iPhone": 44740, + "ĠMIC": 44741, + "Ġfolding": 44742, + "Ġcrore": 44743, + "ĠChiefs": 44744, + "pherical": 44745, + "(price": 44746, + ".WriteString": 44747, + "Ġexiting": 44748, + "]',Ċ": 44749, + "ighting": 44750, + "Ingredient": 44751, + "(vertex": 44752, + "ĠscrollView": 44753, + "hf": 44754, + ":new": 44755, + "SEN": 44756, + "sector": 44757, + "Ġspins": 44758, + "ĠScheduler": 44759, + "otechn": 44760, + "semicolon": 44761, + "FontOfSize": 44762, + "ĠSpecifically": 44763, + "flamm": 44764, + ".ObjectId": 44765, + "Ġconta": 44766, + "_permissions": 44767, + "ĉFROM": 44768, + "ICODE": 44769, + "/kg": 44770, + "ĠHotels": 44771, + "-med": 44772, + "ĠDin": 44773, + "Ġnavy": 44774, + "getParam": 44775, + "Ġmend": 44776, + "Ġportrayed": 44777, + "ĠMetropolitan": 44778, + "Painter": 44779, + "Ġreferral": 44780, + "_good": 44781, + "Ġmarvel": 44782, + "osaic": 44783, + ">(&": 44784, + ".ur": 44785, + "Ġestos": 44786, + "William": 44787, + "Ġtimber": 44788, + "Ġquelques": 44789, + "ĠDocuments": 44790, + ".Xaml": 44791, + "Ġbatches": 44792, + "éģĵ": 44793, + "ĠReleased": 44794, + "Tail": 44795, + "COOKIE": 44796, + "heid": 44797, + "_station": 44798, + "ĠVia": 44799, + "Sale": 44800, + "ĠRepeat": 44801, + "Ġpromin": 44802, + "ĠZo": 44803, + "-forward": 44804, + "ĠIon": 44805, + "itary": 44806, + "Ġjus": 44807, + "-request": 44808, + "Ġproudly": 44809, + "ĠStreaming": 44810, + "(MouseEvent": 44811, + "ĠSprint": 44812, + "_rotation": 44813, + "Repositories": 44814, + "Ġtart": 44815, + "ĠÑģв": 44816, + "Ġmappings": 44817, + "èª": 44818, + "Cu": 44819, + "Cycle": 44820, + "Ġbun": 44821, + "ĉlua": 44822, + "ãĥī": 44823, + "Ġ((!": 44824, + "Ġcollectively": 44825, + "ĠCond": 44826, + "Ġwszyst": 44827, + "(lib": 44828, + "openhagen": 44829, + "_skip": 44830, + ".ColumnHeader": 44831, + "éĤ": 44832, + "perienced": 44833, + "ıè¿°": 44834, + "_props": 44835, + "Ġcontrace": 44836, + "Ġmatchup": 44837, + "abetic": 44838, + ".members": 44839, + "RECT": 44840, + "(dat": 44841, + "Ġsog": 44842, + "renom": 44843, + "_Method": 44844, + "Customers": 44845, + "fullname": 44846, + "ZN": 44847, + "retry": 44848, + "Ġkap": 44849, + "ĠNeu": 44850, + "èĬ": 44851, + "addChild": 44852, + "willReturn": 44853, + "_permalink": 44854, + "Ġenergetic": 44855, + "ĠWet": 44856, + "ĠMorr": 44857, + "Ġgcd": 44858, + "counts": 44859, + ",type": 44860, + "dig": 44861, + "(Login": 44862, + "Ġcracks": 44863, + "Ġbacterial": 44864, + "ĠMeat": 44865, + "ĠArmstrong": 44866, + "ĠBronze": 44867, + "Ġapproximate": 44868, + "_dirs": 44869, + "liga": 44870, + "ÅĤad": 44871, + "Ġkindness": 44872, + "Ġcontre": 44873, + "ĠEVERY": 44874, + "MET": 44875, + "Ġannouncements": 44876, + "gpio": 44877, + "ĠWaitForSeconds": 44878, + "ĠPhotoshop": 44879, + "Ġdiscontin": 44880, + "/dd": 44881, + "Ġtopology": 44882, + "anical": 44883, + ".interface": 44884, + "aucoup": 44885, + ".HashSet": 44886, + "ARIANT": 44887, + "(routes": 44888, + "ĠTeh": 44889, + "Ġhype": 44890, + "]\").": 44891, + "Ġslam": 44892, + "Ġbroth": 44893, + "-inter": 44894, + "ĠRid": 44895, + "-manager": 44896, + "Cancelar": 44897, + "ĠPagination": 44898, + "Ġsoundtrack": 44899, + "Ġposterior": 44900, + "Ġscrub": 44901, + "creating": 44902, + "-*": 44903, + "irteen": 44904, + ".dy": 44905, + ".symmetric": 44906, + "Ġ\"\".": 44907, + "===============": 44908, + "Ġchassis": 44909, + "ĠnumberOfRows": 44910, + "Developer": 44911, + "_bins": 44912, + "ĠOUR": 44913, + "rieb": 44914, + "Pros": 44915, + "ĠwiÄĻ": 44916, + "\"d": 44917, + "Ġasyncio": 44918, + "zeigen": 44919, + "_spi": 44920, + ".ALL": 44921, + "Ġscrews": 44922, + "Chinese": 44923, + "ĠapiKey": 44924, + "Ġunsuccessful": 44925, + "ĠSeahawks": 44926, + "ORG": 44927, + "竳": 44928, + "Ġprofessionally": 44929, + "ĠCoupon": 44930, + "åŃĹæ®µ": 44931, + "Convention": 44932, + "Ġpolym": 44933, + "æīĭ": 44934, + "Ġsalvation": 44935, + "Ġengineered": 44936, + "ĠWrest": 44937, + "ĠGCC": 44938, + "Ġwarmer": 44939, + "LayoutConstraint": 44940, + "Ġaggrav": 44941, + "Scripts": 44942, + "venture": 44943, + "Ġrefrigerator": 44944, + "Ġinnovations": 44945, + "ĠRunner": 44946, + "NIC": 44947, + "ĠRolling": 44948, + "ControlEvents": 44949, + "Ġloos": 44950, + "pac": 44951, + "ĉpanel": 44952, + "efe": 44953, + "ĠBuddha": 44954, + "--------------Ċ": 44955, + "åºĵ": 44956, + "(forKey": 44957, + "Ġlumin": 44958, + "Ġ(?": 44959, + "ĠAIDS": 44960, + ",user": 44961, + "imientos": 44962, + "contentType": 44963, + "antlr": 44964, + "é¦": 44965, + "ĠWelt": 44966, + "Production": 44967, + "might": 44968, + "ĠVII": 44969, + "\",(": 44970, + "Ġobserving": 44971, + "Ġdeliberate": 44972, + "(control": 44973, + "Ġwithd": 44974, + "Ġsemana": 44975, + "STACK": 44976, + "uchen": 44977, + "Nice": 44978, + "ĠDeutschland": 44979, + "ĠSpecifies": 44980, + "dma": 44981, + "izio": 44982, + "ĠFacts": 44983, + "_popup": 44984, + "ĠDirectors": 44985, + "{:": 44986, + "[R": 44987, + "ĠÑįлеменÑĤ": 44988, + "Ġplat": 44989, + "Ġdirecting": 44990, + "ä¸ī": 44991, + "ĠGilbert": 44992, + "â̦.ĊĊ": 44993, + ".qml": 44994, + "Ġthereafter": 44995, + "Ġdisposition": 44996, + "draft": 44997, + "Ġsurgeon": 44998, + "ĠInsider": 44999, + "Blend": 45000, + "ĠTrev": 45001, + "trinsic": 45002, + "Topics": 45003, + "rieve": 45004, + "_FILENAME": 45005, + "Ġautres": 45006, + "Jose": 45007, + "Producer": 45008, + "erus": 45009, + "Ġpetit": 45010, + "ĠNEXT": 45011, + "ĠFilters": 45012, + "Ġreplicate": 45013, + "\"]).": 45014, + "Ġlenders": 45015, + "]\",Ċ": 45016, + ";charset": 45017, + "CppObject": 45018, + "Ġfloral": 45019, + "ĠTipo": 45020, + "Ġcircuits": 45021, + "easy": 45022, + "(&$": 45023, + "itta": 45024, + "eryl": 45025, + "_COMMON": 45026, + "'}}>Ċ": 45027, + "-backed": 45028, + "(variable": 45029, + "(Index": 45030, + "Ġvoir": 45031, + "_locations": 45032, + "++){": 45033, + "ĠLouisville": 45034, + "Ġgratitude": 45035, + ".Mockito": 45036, + "ĠPowers": 45037, + "ieurs": 45038, + "Ġgeographic": 45039, + "rale": 45040, + "Ġcra": 45041, + "ĠSpurs": 45042, + "iphertext": 45043, + "ACION": 45044, + "-common": 45045, + "Ġvictories": 45046, + "ĠFinals": 45047, + ".shuffle": 45048, + "-million": 45049, + "_PROC": 45050, + "assume": 45051, + "Ġils": 45052, + "DBC": 45053, + "BootTest": 45054, + "Ġlavor": 45055, + ".testing": 45056, + ".ast": 45057, + "\"]/": 45058, + "moid": 45059, + "Ġqualification": 45060, + "gesch": 45061, + "ĉput": 45062, + "Ġairports": 45063, + "JI": 45064, + "Teacher": 45065, + "_uniform": 45066, + "Ġnama": 45067, + "ĠBast": 45068, + "ertype": 45069, + "capture": 45070, + "getAll": 45071, + "ĠReynolds": 45072, + "ooled": 45073, + ".comments": 45074, + "Ġchin": 45075, + ").*": 45076, + "Ġили": 45077, + "tgl": 45078, + "udos": 45079, + "ĠdÃŃas": 45080, + "chai": 45081, + ".program": 45082, + "Ġpsz": 45083, + "ĉicon": 45084, + "phil": 45085, + "entral": 45086, + "_WRAP": 45087, + "ovi": 45088, + "Ġnostalg": 45089, + "Infinity": 45090, + "ĉyield": 45091, + "Ġvitamins": 45092, + "Quaternion": 45093, + "Sink": 45094, + "_goods": 45095, + "Ġ........": 45096, + "ĠWings": 45097, + "uridad": 45098, + "-story": 45099, + "\"])ĊĊ": 45100, + "idelity": 45101, + "TypeDef": 45102, + "Gtk": 45103, + "ĠíĮ": 45104, + "_Main": 45105, + "Ġchez": 45106, + "ĠRaven": 45107, + "Ġpayroll": 45108, + "Ġfreelance": 45109, + "LLU": 45110, + "ĠMend": 45111, + "eday": 45112, + "ApiModelProperty": 45113, + ".FormBorderStyle": 45114, + "Ġeconomist": 45115, + "stanbul": 45116, + "Ġfreight": 45117, + "-Agent": 45118, + "(meta": 45119, + "Ġsymmetry": 45120, + "Ġ'..": 45121, + ".Calendar": 45122, + "-aut": 45123, + "gf": 45124, + "pent": 45125, + "yclopedia": 45126, + "Ġwishing": 45127, + "ĊĊĊĊĊĊĊĊĊĊĊĊ": 45128, + "Ġgentleman": 45129, + "Ġê³": 45130, + "=#": 45131, + "Ġlectures": 45132, + "âĢľIn": 45133, + "Ġ!_": 45134, + "Ġhb": 45135, + "ĠVendor": 45136, + "Recently": 45137, + "_notes": 45138, + "æıIJ示": 45139, + "\"My": 45140, + "HeadersHeight": 45141, + "_SO": 45142, + "Ġunwilling": 45143, + "Ġsuperhero": 45144, + "gio": 45145, + "psy": 45146, + "ĠPeer": 45147, + "javax": 45148, + "&apos": 45149, + "ĠCrisis": 45150, + "ordinal": 45151, + "Memcpy": 45152, + "++++++++++++++++": 45153, + "-val": 45154, + "Ġworkbook": 45155, + "-ap": 45156, + "=k": 45157, + "Ġmetallic": 45158, + "_peer": 45159, + "ByPrimaryKey": 45160, + "_SD": 45161, + "uator": 45162, + "_SHADER": 45163, + ")Math": 45164, + ".Transform": 45165, + "Ġcows": 45166, + "Phi": 45167, + "ĠClem": 45168, + "(_(\"": 45169, + "ĠLud": 45170, + "-delay": 45171, + "ĠSecurities": 45172, + "ĠOrthodox": 45173, + "Symfony": 45174, + "(report": 45175, + "Ġentertain": 45176, + "EPS": 45177, + "izoph": 45178, + "exual": 45179, + "IRD": 45180, + "ä»İ": 45181, + "Ġlith": 45182, + "Ġsanitize": 45183, + "Ġfeminine": 45184, + "ISBN": 45185, + ".authentication": 45186, + "_pipeline": 45187, + "/constants": 45188, + "ĠCONF": 45189, + "Ġlucr": 45190, + "ricia": 45191, + ".ttf": 45192, + ".setContent": 45193, + "Ġstan": 45194, + "orean": 45195, + "ĠLloyd": 45196, + ".rawValue": 45197, + "Ġgor": 45198, + "ĠBrowns": 45199, + "Regression": 45200, + "Ġlowering": 45201, + "naissance": 45202, + "Ġblows": 45203, + "Ġamazed": 45204, + "Ġunrelated": 45205, + "Reviews": 45206, + "Ġruby": 45207, + "ĠModifier": 45208, + "Ġgiants": 45209, + ".thread": 45210, + "Ġcontainment": 45211, + "ĠStartCoroutine": 45212, + "umat": 45213, + "orelease": 45214, + "ĠRandy": 45215, + "@endif": 45216, + "Digest": 45217, + "Ġsuburban": 45218, + "=\");Ċ": 45219, + "Ġannonce": 45220, + ".variable": 45221, + "\\Foundation": 45222, + "Ġacre": 45223, + "Van": 45224, + "Ġtuples": 45225, + "dns": 45226, + "ĠStanding": 45227, + "_large": 45228, + "Ġboxing": 45229, + "SupportActionBar": 45230, + "ĠFortune": 45231, + "ĠRum": 45232, + "_multiple": 45233, + "archical": 45234, + "Ġfwrite": 45235, + "_quote": 45236, + "Ġfoolish": 45237, + "Ġcomprising": 45238, + "Ġоп": 45239, + "-selected": 45240, + "vf": 45241, + "maid": 45242, + "Nama": 45243, + "(datetime": 45244, + "Ġindirectly": 45245, + "gart": 45246, + "fixtures": 45247, + "chos": 45248, + "ĠHalo": 45249, + "Ġrecurring": 45250, + "-news": 45251, + "vil": 45252, + "ĠNursing": 45253, + "-produ": 45254, + "ĠHQ": 45255, + "\\HttpFoundation": 45256, + "enci": 45257, + "auen": 45258, + "Ġvy": 45259, + "ocracy": 45260, + "Ġdelegation": 45261, + "Ġasphalt": 45262, + "ĠsetSelected": 45263, + "kok": 45264, + "/rest": 45265, + "metics": 45266, + "ĠNSDate": 45267, + "Ġtravelled": 45268, + "Ġrecib": 45269, + "Ġmime": 45270, + "CLIENT": 45271, + "ĠGU": 45272, + "ĠHANDLE": 45273, + "/Q": 45274, + "[z": 45275, + "Ġbothered": 45276, + "ĠBBQ": 45277, + "ças": 45278, + "_examples": 45279, + "_FIN": 45280, + "ĠwhiteColor": 45281, + "Ġastronom": 45282, + "-dir": 45283, + "Ġsovereign": 45284, + "Ġbreeze": 45285, + "Ġinning": 45286, + "ĠEdmonton": 45287, + "gli": 45288, + ".blogspot": 45289, + "jsx": 45290, + "Ġversa": 45291, + "ĠMohammed": 45292, + ".Job": 45293, + "-toggler": 45294, + "ĠполÑĮзоваÑĤ": 45295, + "ardon": 45296, + "Ġnewborn": 45297, + "Ġnaval": 45298, + "noteq": 45299, + "Ġtumblr": 45300, + "Ġhentai": 45301, + "ĠTypically": 45302, + "Ġloot": 45303, + ".Sprite": 45304, + "Flight": 45305, + "Ġwavelength": 45306, + "-sk": 45307, + "ĠElle": 45308, + "_exports": 45309, + "ĠÑı": 45310, + "ĠIH": 45311, + "izophren": 45312, + "Ġíģ": 45313, + "_primary": 45314, + "Ġmois": 45315, + "ĠBN": 45316, + "Ġsystemic": 45317, + "Ġdiferentes": 45318, + "INCT": 45319, + "Ġ''ĊĊ": 45320, + "$q": 45321, + "WidgetItem": 45322, + "clide": 45323, + "$file": 45324, + "Lemma": 45325, + "/table": 45326, + "agrid": 45327, + "ĠMongoDB": 45328, + "inte": 45329, + "Ġapprent": 45330, + "ÂŃing": 45331, + ".Db": 45332, + "ĠÃĤ": 45333, + "hammer": 45334, + "='';Ċ": 45335, + "Ġbrokers": 45336, + "itlement": 45337, + "semblies": 45338, + "Ele": 45339, + "{x": 45340, + "Ġlastname": 45341, + "<-": 45342, + "Ġflatten": 45343, + "_band": 45344, + ".Root": 45345, + ".readFileSync": 45346, + "======": 45347, + ".rx": 45348, + "?čĊ": 45349, + "Ġmetaphor": 45350, + "Ti": 45351, + "conte": 45352, + "Ġdebit": 45353, + "Ġcontempt": 45354, + "CppType": 45355, + "æĶ¯": 45356, + "FormField": 45357, + "ratio": 45358, + "osopher": 45359, + "Ġimplant": 45360, + "PURE": 45361, + "Ġalta": 45362, + "_management": 45363, + "Ġrefine": 45364, + "ĠCheckBox": 45365, + "ĠCharl": 45366, + "-version": 45367, + "conditional": 45368, + "venues": 45369, + "Ġrifles": 45370, + "Ġoffspring": 45371, + "Ġmilling": 45372, + "Ġsharply": 45373, + "Ġunderwater": 45374, + "(origin": 45375, + "_Control": 45376, + "Ġ.$": 45377, + "Plugins": 45378, + "Ġdrying": 45379, + "Ġillustrates": 45380, + "-u": 45381, + "Ġvegetarian": 45382, + "npc": 45383, + "Heart": 45384, + ";',Ċ": 45385, + "comma": 45386, + "teenth": 45387, + "asan": 45388, + "/spec": 45389, + "_moves": 45390, + "-margin": 45391, + "Ġingen": 45392, + "³³³": 45393, + "Ġprojet": 45394, + "Ġotra": 45395, + "Ġbras": 45396, + ".utc": 45397, + "Ġslept": 45398, + "=sub": 45399, + "abilit": 45400, + "poster": 45401, + "Ġsdk": 45402, + "ouncill": 45403, + "Ġwd": 45404, + "PreparedStatement": 45405, + "ĠDrum": 45406, + "(attribute": 45407, + "ĠEthernet": 45408, + "ĉDB": 45409, + "California": 45410, + "cube": 45411, + "[I": 45412, + ".Created": 45413, + "ĠHM": 45414, + "Ġtracing": 45415, + "FormsModule": 45416, + "-you": 45417, + ".currency": 45418, + "feeding": 45419, + "Ġtbody": 45420, + "Li": 45421, + "accion": 45422, + "nas": 45423, + "Ġtrouver": 45424, + "NONE": 45425, + "\"},čĊ": 45426, + "Ġftp": 45427, + "WithIdentifier": 45428, + "polate": 45429, + "FileInfo": 45430, + "Ġpursued": 45431, + "ĠĠĠĠčĊĠĠĠĠčĊ": 45432, + "DESCRIPTION": 45433, + "}*/Ċ": 45434, + "FromNib": 45435, + "Ġdecorative": 45436, + "_SSL": 45437, + "(chat": 45438, + "TLS": 45439, + "Ġsurprises": 45440, + "alculate": 45441, + "ĠSplash": 45442, + "(Configuration": 45443, + "ĠSEM": 45444, + "imson": 45445, + "/library": 45446, + "": 45521, + "GED": 45522, + "faq": 45523, + "Ġoptionally": 45524, + "_Dis": 45525, + "ĠSuccessful": 45526, + "ĠCensus": 45527, + "Ġincarcer": 45528, + "_CARD": 45529, + "Ġaviation": 45530, + "ĠGym": 45531, + "Authority": 45532, + ".Bean": 45533, + "shader": 45534, + "NotExist": 45535, + "_TextChanged": 45536, + "ĠSTOP": 45537, + "(team": 45538, + "\"H": 45539, + "wg": 45540, + "Ġgrinder": 45541, + "Ġstripe": 45542, + "Ġpreservation": 45543, + "Claim": 45544, + "aversal": 45545, + "warehouse": 45546, + "targets": 45547, + "Trust": 45548, + "Ġallev": 45549, + ",www": 45550, + "ousse": 45551, + "_chan": 45552, + "_Size": 45553, + "systems": 45554, + "Ġobjection": 45555, + "ĠKane": 45556, + "Ġcorros": 45557, + "ĠDSL": 45558, + "Ġua": 45559, + "ĠMH": 45560, + "ĠStrategic": 45561, + "_tcp": 45562, + "Ġê°Ĵ": 45563, + "Ġborrowed": 45564, + "ĠAch": 45565, + "ĉcommand": 45566, + "Ġgps": 45567, + "leston": 45568, + "ichever": 45569, + "ĠUA": 45570, + "Ġassaulted": 45571, + "Ġspecializes": 45572, + "ĉsearch": 45573, + "Hotel": 45574, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠčĊ": 45575, + "ĠPitch": 45576, + "ĠÙģ": 45577, + "READY": 45578, + "Ġparental": 45579, + "Ġgéné": 45580, + "Ġdonnées": 45581, + "Ġdetain": 45582, + "TARGET": 45583, + "Ġprotagonist": 45584, + "ĠclearInterval": 45585, + "ĠIconButton": 45586, + "ĠGetAll": 45587, + "TypeInfo": 45588, + "EH": 45589, + "âĢľThey": 45590, + "Ġ{[": 45591, + "Ġgag": 45592, + "ĠÚ©": 45593, + "ĠDropdown": 45594, + ".free": 45595, + "gone": 45596, + "imens": 45597, + "Ġinstal": 45598, + "ĉcurl": 45599, + "_CAN": 45600, + "ĠBone": 45601, + "ï¼Ķ": 45602, + "onyms": 45603, + "-government": 45604, + ".bindingNavigator": 45605, + "ĠDans": 45606, + "ĠMcL": 45607, + "(en": 45608, + ">(_": 45609, + "ÐĴÑĭ": 45610, + ".*;čĊ": 45611, + "=j": 45612, + "-cor": 45613, + "Son": 45614, + ".ToolStripItem": 45615, + "-around": 45616, + "_XML": 45617, + "endDate": 45618, + "Ġslack": 45619, + "Ġrotated": 45620, + "Ġnoqa": 45621, + "Ġcottage": 45622, + "Ġencontrar": 45623, + "_skill": 45624, + "houette": 45625, + "!čĊ": 45626, + ".weather": 45627, + "Ġemphasized": 45628, + "å®¶": 45629, + "ĠÑģпиÑģ": 45630, + "ĠCompiler": 45631, + "(android": 45632, + "ĠâĢº": 45633, + ".turn": 45634, + "Ġsuppression": 45635, + "_calls": 45636, + "Ġ*@": 45637, + "(strlen": 45638, + ".hex": 45639, + "ĠBills": 45640, + "ĠRSA": 45641, + "ÏĤ": 45642, + "ĠEscape": 45643, + "ementia": 45644, + "Ġfrontend": 45645, + "Ġpint": 45646, + "_exc": 45647, + "zzo": 45648, + "[],Ċ": 45649, + "Ġ\"','\"": 45650, + ".Environment": 45651, + "Ġaforementioned": 45652, + "Ġendure": 45653, + "prototype": 45654, + "therapy": 45655, + "ssi": 45656, + "Deg": 45657, + "_plugins": 45658, + ".userInfo": 45659, + "Printer": 45660, + "ĠPROGRAM": 45661, + "Ġruins": 45662, + "Ġempirical": 45663, + "Ġcrawl": 45664, + "ĠBoiler": 45665, + "-comment": 45666, + ".subplot": 45667, + "_et": 45668, + "Ġ'.',": 45669, + "minor": 45670, + "ĠCustoms": 45671, + "Ġyaw": 45672, + "underline": 45673, + "ĠComo": 45674, + "(('": 45675, + "(mean": 45676, + "Ġchaque": 45677, + "ĠBlocks": 45678, + ".rad": 45679, + "ilibrium": 45680, + "Ġwebdriver": 45681, + "Ġmelhor": 45682, + "dana": 45683, + "ĠAbuse": 45684, + "ĠSouthwest": 45685, + "ĠParen": 45686, + "PERTIES": 45687, + "ĉIL": 45688, + "Ġscream": 45689, + "vu": 45690, + "Ġincomes": 45691, + "Ġnim": 45692, + "Ġlace": 45693, + "Ġcompensate": 45694, + "Reverse": 45695, + "Dat": 45696, + "_attack": 45697, + "Ġnour": 45698, + "achen": 45699, + "cek": 45700, + "\"+": 45957, + "Ġtokenizer": 45958, + "Ġsovereignty": 45959, + "ĠPence": 45960, + "()\");Ċ": 45961, + "Ġpessoas": 45962, + ".Ge": 45963, + "ĠIncluded": 45964, + "Ġpagina": 45965, + "Ġexposing": 45966, + "еÑĪ": 45967, + "_SCRIPT": 45968, + "/$',": 45969, + "Thumbnail": 45970, + "×Ķ": 45971, + "webElementX": 45972, + "webElementXpaths": 45973, + "pressure": 45974, + "ĠCurry": 45975, + "_CP": 45976, + "OLUTION": 45977, + "ILES": 45978, + "protect": 45979, + "oola": 45980, + "Workspace": 45981, + "{};Ċ": 45982, + "ĠUNS": 45983, + "Ġsympathy": 45984, + "roker": 45985, + "Ġremodel": 45986, + "ĉcell": 45987, + "Ġatop": 45988, + ".FullName": 45989, + "Ġfaut": 45990, + "ĠEasily": 45991, + "_dynamic": 45992, + "Ġframed": 45993, + "Ġmotive": 45994, + "è·¯": 45995, + "sam": 45996, + "Ġmarca": 45997, + "ĠTextEditingController": 45998, + "Ġdestructor": 45999, + "cream": 46000, + "Ġrude": 46001, + "ĠBold": 46002, + "ĠIndigenous": 46003, + "Ġgens": 46004, + "Ġrelacion": 46005, + "(system": 46006, + "ĠUIFont": 46007, + "_charge": 46008, + "USTER": 46009, + "EV": 46010, + ".Namespace": 46011, + "Ġmerger": 46012, + "Ġcalloc": 46013, + "gang": 46014, + "BadRequest": 46015, + "Ġsper": 46016, + "-design": 46017, + "Ġâĩ": 46018, + "Chan": 46019, + "Ġorganism": 46020, + ",)": 46021, + "=id": 46022, + "_plane": 46023, + "ĠCases": 46024, + "elfast": 46025, + "ĠLegislature": 46026, + "ĠFaker": 46027, + "Ġinvoking": 46028, + "-utils": 46029, + "().'": 46030, + ".face": 46031, + "Ġguardian": 46032, + "myModal": 46033, + "Ġclipboard": 46034, + "ĠATM": 46035, + "Ġpeas": 46036, + "ĠSylv": 46037, + ".calc": 46038, + "ĠContacts": 46039, + "intValue": 46040, + "Ġmodifying": 46041, + "ĠBarb": 46042, + ".loss": 46043, + "_percentage": 46044, + "Asked": 46045, + "(lst": 46046, + "ategorical": 46047, + "-files": 46048, + "ĠRomania": 46049, + ".Ac": 46050, + "Ġhai": 46051, + "ĠFlying": 46052, + "Ġż": 46053, + "jp": 46054, + "ĠTrainer": 46055, + ".arc": 46056, + "_deg": 46057, + "Ġtraceback": 46058, + "OrFail": 46059, + "FLOW": 46060, + ".old": 46061, + "oya": 46062, + "gmt": 46063, + "isempty": 46064, + "Ġvaccination": 46065, + "Ġobsolete": 46066, + "recognized": 46067, + "Ġruined": 46068, + "ĠRein": 46069, + "ĠTracking": 46070, + "xfb": 46071, + "اÛĮ": 46072, + "Ġvære": 46073, + "Ġbryster": 46074, + "ĠITS": 46075, + "Ġdestiny": 46076, + "Ġswear": 46077, + "Ġredes": 46078, + "Ġclf": 46079, + "Ġflipped": 46080, + "ĉhead": 46081, + "Bluetooth": 46082, + "ĠOverrides": 46083, + ":Boolean": 46084, + "_=": 46085, + "_lr": 46086, + "spawn": 46087, + ":index": 46088, + "VALUES": 46089, + "iskey": 46090, + "?\");Ċ": 46091, + ".synthetic": 46092, + "ĠChecking": 46093, + "structures": 46094, + "iping": 46095, + "Ġvocals": 46096, + "-Up": 46097, + "ĠManufacturers": 46098, + "ĠMarriage": 46099, + "代çłģ": 46100, + "Ġgarner": 46101, + "_Client": 46102, + "parallel": 46103, + "RIEND": 46104, + "Ġvinegar": 46105, + "segue": 46106, + "JB": 46107, + "Ġcontacting": 46108, + "ĠCarroll": 46109, + "Ġoutreach": 46110, + "tensor": 46111, + "_variant": 46112, + "Ġtheat": 46113, + "licable": 46114, + "{|": 46115, + "tiny": 46116, + "_letter": 46117, + "Ġpencil": 46118, + "HeadersHeightSizeMode": 46119, + "iltro": 46120, + ".autoconfigure": 46121, + ".drag": 46122, + ".useState": 46123, + "ĠBMI": 46124, + "hint": 46125, + "Compile": 46126, + "*\\": 46127, + "enary": 46128, + "Ġlvl": 46129, + ".Cache": 46130, + "+=\"": 46131, + "_tv": 46132, + "ruitment": 46133, + "Ġfread": 46134, + "Articles": 46135, + "fila": 46136, + "Ġpackaged": 46137, + "âĺĨ": 46138, + "ATHER": 46139, + "ĠPlanned": 46140, + "scheme": 46141, + "Ġdiary": 46142, + "Ġoffenses": 46143, + "/F": 46460, + "ĠStick": 46461, + "Ġcerc": 46462, + "ĠSlee": 46463, + "ĉĉĠĠĠĠĠĠĠĠ": 46464, + "": 46639, + "ĉcol": 46640, + "VG": 46641, + "_boolean": 46642, + "recent": 46643, + "Ġ*)ĊĊ": 46644, + "ĠRainbow": 46645, + "ommen": 46646, + "Ġlur": 46647, + "Ġoppression": 46648, + "(\",\");Ċ": 46649, + "ĠFacility": 46650, + "DEFINED": 46651, + "Ġneon": 46652, + "Ġoffender": 46653, + "AFP": 46654, + "ĠCleaning": 46655, + "[]):": 46656, + "Ġundocumented": 46657, + ".Repositories": 46658, + "ĠGuitar": 46659, + "аÑģÑģив": 46660, + "Skills": 46661, + "Ġtestimon": 46662, + "ryptography": 46663, + "ĠAmber": 46664, + "ĠStalin": 46665, + "Ġlone": 46666, + "Ġapenas": 46667, + "Ġdieses": 46668, + "ĠArduino": 46669, + "转": 46670, + "==-": 46671, + "_Act": 46672, + "Ġcoded": 46673, + "âĸł": 46674, + "amburger": 46675, + "-links": 46676, + "Ġarmour": 46677, + ".High": 46678, + "getContent": 46679, + "stag": 46680, + "Ġheck": 46681, + "ĠìĹĨ": 46682, + "ĠMcConnell": 46683, + "ĠConcert": 46684, + "ĠAlloc": 46685, + "äre": 46686, + ".replaceAll": 46687, + "Ġpartitions": 46688, + "rott": 46689, + "ĠFle": 46690, + "_TREE": 46691, + "reasonable": 46692, + "ĠReporting": 46693, + "Ġbillionaire": 46694, + "scores": 46695, + "mins": 46696, + "-eye": 46697, + "MORE": 46698, + "abort": 46699, + "ĠSWT": 46700, + "Ġinverted": 46701, + "ĠTeachers": 46702, + ";n": 46703, + "Ġastro": 46704, + "нов": 46705, + "аниÑĨ": 46706, + "producto": 46707, + "countries": 46708, + "ĠOwen": 46709, + "Ġcontamination": 46710, + "Ġvibe": 46711, + "ĠElli": 46712, + ".script": 46713, + "ĠOlive": 46714, + "DMA": 46715, + "vier": 46716, + ":semicolon": 46717, + "-module": 46718, + "gressive": 46719, + "agu": 46720, + "_players": 46721, + "Ġresultados": 46722, + "started": 46723, + "scrollTop": 46724, + "=====": 46725, + "Ġweighing": 46726, + "Ġ[[[": 46727, + "zahl": 46728, + "(NS": 46729, + "ĠAssertion": 46730, + "league": 46731, + ".setTextColor": 46732, + "ĉMessage": 46733, + "Ġmoms": 46734, + "_AF": 46735, + ".wh": 46736, + "ALS": 46737, + "Ġautre": 46738, + "]ĊĊĊĊ": 46739, + ".opacity": 46740, + "ĠBuddhist": 46741, + "Ġdeaf": 46742, + "ĠOrganisation": 46743, + "(Global": 46744, + "ensch": 46745, + "Ġheadache": 46746, + "ĠAlien": 46747, + "_inode": 46748, + "ĠStark": 46749, + "Ġæī": 46750, + "-lnd": 46751, + "oref": 46752, + "_feat": 46753, + "Ġpedestrian": 46754, + "Ġnominal": 46755, + "Ġballoon": 46756, + "Ġsprites": 46757, + "PrototypeOf": 46758, + "ĠApost": 46759, + "ĠFEATURE": 46760, + "OH": 46761, + "Ġrecess": 46762, + "ĠDonna": 46763, + "consumer": 46764, + "$GLOBALS": 46765, + "ĠGIF": 46766, + "-frame": 46767, + "Inicio": 46768, + "Ġpassages": 46769, + "DateString": 46770, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 46771, + ".byte": 46772, + "Bug": 46773, + "initializer": 46774, + "pkt": 46775, + "odium": 46776, + "ĠDER": 46777, + ".ops": 46778, + "leri": 46779, + "Ġgifted": 46780, + "Ġdetach": 46781, + "terrain": 46782, + "elters": 46783, + "ãģı": 46784, + ".loader": 46785, + "ĠNGO": 46786, + "strncmp": 46787, + "Kh": 46788, + "(fontSize": 46789, + "rocket": 46790, + "Ġprecedent": 46791, + "ĠAurora": 46792, + "ĠExperiment": 46793, + "isphere": 46794, + "Encoded": 46795, + "ĠâĢĵĊĊ": 46796, + "Ġpyramid": 46797, + "ĠAnniversary": 46798, + "ofil": 46799, + "ëŁ": 46800, + "(plugin": 46801, + "Coeff": 46802, + "Ġcooperate": 46803, + "Ġpredominantly": 46804, + "ISM": 46805, + "Phrase": 46806, + "_DEFINE": 46807, + "Flip": 46808, + "AMILY": 46809, + "ĠMarkets": 46810, + "ĠStreamReader": 46811, + "ĠCombine": 46812, + "Ġmanuscript": 46813, + "zza": 46814, + ",tp": 46815, + "Whatever": 46816, + "ITICAL": 46817, + "ighbour": 46818, + "DataProvider": 46819, + ".Texture": 46820, + "privacy": 46821, + ".SDK": 46822, + "Ġrecharge": 46823, + "Ġcpp": 46824, + "ĠCFG": 46825, + "(holder": 46826, + "(py": 46827, + "mot": 46828, + "Ġsavoir": 46829, + "ĠRosa": 46830, + "ĠPCs": 46831, + "ĠíĻ": 46832, + ".heroku": 46833, + "Ġfren": 46834, + "ĠRiley": 46835, + "agate": 46836, + "Ġsond": 46837, + ".xlsx": 46838, + "Ġhacked": 46839, + "stad": 46840, + "Gi": 46841, + "Ġsanity": 46842, + "ĠSqlDataAdapter": 46843, + "...\",": 46844, + "ĠPussy": 46845, + "Ġ****************": 46846, + "Ġhassle": 46847, + "_PARENT": 46848, + "ĠUAE": 46849, + "Ġbeginners": 46850, + "(Client": 46851, + "Ġstatistically": 46852, + ".hour": 46853, + "edelta": 46854, + "Ġtraction": 46855, + "uelve": 46856, + "arat": 46857, + "Ġsauna": 46858, + "INVALID": 46859, + "Ġindictment": 46860, + "ALLE": 46861, + "Ġdissent": 46862, + "ĠTypography": 46863, + "Ġintentional": 46864, + "sit": 46865, + "ĠAnimals": 46866, + "Ġcountryside": 46867, + "Ġuart": 46868, + "}\\\"": 46869, + "Ġseamless": 46870, + "¾ç¤º": 46871, + "Ġautos": 46872, + "Ġ\"'\";Ċ": 46873, + "Flush": 46874, + "ANNOT": 46875, + "Ġalgebra": 46876, + "assoc": 46877, + "ĠWaters": 46878, + "Ġpreparations": 46879, + "ronym": 46880, + "[,]": 46881, + "Sans": 46882, + "Ġarmies": 46883, + "ipeg": 46884, + "Ġcreamy": 46885, + ".art": 46886, + "etre": 46887, + "ĠAnimated": 46888, + "Ġunpleasant": 46889, + "emean": 46890, + "great": 46891, + "iÄħ": 46892, + "ĠEarlier": 46893, + "Ġchic": 46894, + "Ġpreserving": 46895, + "(exec": 46896, + "ĠInvestigation": 46897, + "ĉGPIO": 46898, + "Ġrigorous": 46899, + "ijo": 46900, + "=num": 46901, + "ĠtoolStrip": 46902, + ")set": 46903, + "+\"&": 46904, + "ĠAcceler": 46905, + "Ġdevelopmental": 46906, + "isposable": 46907, + "Ġflawed": 46908, + "rene": 46909, + "Updating": 46910, + "Ġwatchdog": 46911, + "Ġdenominator": 46912, + "Ġsuburbs": 46913, + "Ġ...)": 46914, + "Ġconvictions": 46915, + "closure": 46916, + ".IP": 46917, + "Ġtranslates": 46918, + ".swt": 46919, + ".Trace": 46920, + "Ġmettre": 46921, + ".isEnabled": 46922, + "ĠEffective": 46923, + ".toInt": 46924, + "Ġenchant": 46925, + "Ġstunned": 46926, + "Ġpoi": 46927, + "/code": 46928, + "adm": 46929, + ".databinding": 46930, + "ĠLorem": 46931, + "________________________________________________________________": 46932, + "Ġledger": 46933, + "Ġcara": 46934, + "ĠGir": 46935, + "Ġwaits": 46936, + "Uno": 46937, + "Ġcwd": 46938, + "è¾ij": 46939, + "ĠTResult": 46940, + "Ġrejo": 46941, + "Ġemitted": 46942, + "ĠWestminster": 46943, + "ä¸Ģ个": 46944, + "nek": 46945, + "_Tis": 46946, + "Ġenact": 46947, + "ĉwith": 46948, + "orgia": 46949, + "Ġjue": 46950, + "Perform": 46951, + "SPATH": 46952, + ".topic": 46953, + "ĠDaten": 46954, + "ầ": 46955, + "Ġsitio": 46956, + "_MM": 46957, + "\"So": 46958, + "bial": 46959, + "Ġscoped": 46960, + "Requires": 46961, + "ĠTOTAL": 46962, + "ĠChancellor": 46963, + "(contents": 46964, + "Ġstealth": 46965, + "devices": 46966, + "-pass": 46967, + "ilih": 46968, + "ĠMalcolm": 46969, + "ĠDepot": 46970, + "Ġconfigur": 46971, + "aussian": 46972, + "_constraint": 46973, + "веÑĤ": 46974, + "GRA": 46975, + "ĠRates": 46976, + ".dataGridViewTextBoxColumn": 46977, + "ĠNobel": 46978, + "itics": 46979, + "Ġignorant": 46980, + "ĠReporter": 46981, + "ĠEbola": 46982, + "ĠShock": 46983, + "_relation": 46984, + "ĠNinja": 46985, + ")c": 46986, + "Ġticker": 46987, + ".isChecked": 46988, + "ĠSuppliers": 46989, + "ĠRapid": 46990, + "Levels": 46991, + "âĤ¬âĦ¢": 46992, + "ĉqueue": 46993, + "Ġchop": 46994, + "ĠUnix": 46995, + "reject": 46996, + "-calendar": 46997, + "(sort": 46998, + "ène": 46999, + "ercicio": 47000, + "Ġhect": 47001, + "CALLTYPE": 47002, + "roupon": 47003, + "Ġrentals": 47004, + "authors": 47005, + "{name": 47006, + "ĠFIFO": 47007, + "Ġlassen": 47008, + "ĠNous": 47009, + "Ġsnapped": 47010, + "Ġfertility": 47011, + "\"log": 47012, + "clicked": 47013, + "Ġplanting": 47014, + "Ġgb": 47015, + "/output": 47016, + "PEAT": 47017, + "Ġcategoria": 47018, + "Ġbach": 47019, + "Professor": 47020, + "inth": 47021, + "\"]čĊ": 47022, + "Recorder": 47023, + "serde": 47024, + "ĠTransmission": 47025, + "trad": 47026, + "Ġturbo": 47027, + "_VERTEX": 47028, + "\\Event": 47029, + "ilver": 47030, + "Ġbodily": 47031, + "ĠSources": 47032, + "Ġkillings": 47033, + ".xrTableCell": 47034, + "Ġfolded": 47035, + "/legal": 47036, + "uner": 47037, + "ĠRifle": 47038, + "ĠMIDI": 47039, + "_SelectedIndexChanged": 47040, + ".SizeType": 47041, + "ĠWebSocket": 47042, + "Ġseleccion": 47043, + "Sand": 47044, + "otros": 47045, + "Ġenvision": 47046, + "/etc": 47047, + "ĠMelissa": 47048, + "Spot": 47049, + "ное": 47050, + "_ARM": 47051, + "Attempt": 47052, + "ĠBI": 47053, + "ãģĶ": 47054, + "ĠDU": 47055, + "Ġbacklash": 47056, + "stride": 47057, + "/classes": 47058, + "ĠtextColor": 47059, + "_staff": 47060, + "oblin": 47061, + "agenta": 47062, + ".collections": 47063, + "illage": 47064, + "'čĊčĊ": 47065, + "flatten": 47066, + "_sales": 47067, + "_MASTER": 47068, + "TW": 47069, + "_da": 47070, + "Pitch": 47071, + "phies": 47072, + "Ġzombies": 47073, + "ĠVERY": 47074, + "ĠPharmacy": 47075, + "ĠprogressBar": 47076, + "Ġhashtag": 47077, + "Sidebar": 47078, + "@stop": 47079, + "(pc": 47080, + "олж": 47081, + "MAKE": 47082, + "ĠCoron": 47083, + "Ġkvinner": 47084, + "ĠMaid": 47085, + "bob": 47086, + ".titleLabel": 47087, + "Ġsuccesses": 47088, + "ĠDemocracy": 47089, + "ĠSurgery": 47090, + "Ġcougar": 47091, + "Ġcurso": 47092, + "Ġloro": 47093, + "istency": 47094, + "Senior": 47095, + "æk": 47096, + "ĠAAA": 47097, + "ĠBOOK": 47098, + "ко": 47099, + "WSTR": 47100, + "Ġ*/,Ċ": 47101, + "oyal": 47102, + ".vector": 47103, + "ĠSPEC": 47104, + "SSF": 47105, + "Ġcompuls": 47106, + "ĠAppeals": 47107, + "ĠWinston": 47108, + "ĠMockito": 47109, + "contrib": 47110, + ".available": 47111, + "entityManager": 47112, + "arias": 47113, + "_sale": 47114, + "_rs": 47115, + "Ġdecoding": 47116, + "Ġlocator": 47117, + "olith": 47118, + "Ġkol": 47119, + "Ġascii": 47120, + "ĠRut": 47121, + "/interface": 47122, + "ĉĉĉĉĉĉĠĠĠ": 47123, + "ĠNumer": 47124, + ".flip": 47125, + "-del": 47126, + "Ġbolster": 47127, + "onomic": 47128, + "Ġzm": 47129, + "LG": 47130, + "FindBy": 47131, + "Ġadaptive": 47132, + "loo": 47133, + "Ġvue": 47134, + "(reverse": 47135, + "_canvas": 47136, + ".roles": 47137, + "ificado": 47138, + "venient": 47139, + "\"As": 47140, + "ĠEntr": 47141, + "aligned": 47142, + "Ġbereits": 47143, + "///ĊĊ": 47144, + ".gwt": 47145, + ".employee": 47146, + "_cli": 47147, + "Ġanticipate": 47148, + "éĻIJ": 47149, + "Ġpik": 47150, + "Ġmushrooms": 47151, + "(tt": 47152, + "Ġoma": 47153, + "ĠSanchez": 47154, + "_google": 47155, + ".Valid": 47156, + "ĠFileName": 47157, + "ivative": 47158, + "ked": 47159, + "-war": 47160, + "Ġmaturity": 47161, + "ид": 47162, + "Ġminer": 47163, + "Reducers": 47164, + "ĠLatLng": 47165, + "_STD": 47166, + "Digits": 47167, + "Calc": 47168, + "-upload": 47169, + "Ġhandic": 47170, + "ีà¹Ī": 47171, + "egrated": 47172, + "ĠSTM": 47173, + "Clients": 47174, + "ĠTurbo": 47175, + "SYNC": 47176, + "Ġphotographers": 47177, + ".Out": 47178, + ".character": 47179, + "BUILD": 47180, + ".unlock": 47181, + "Ġarises": 47182, + "ĠCommands": 47183, + "(\"\");čĊ": 47184, + "_FORE": 47185, + ";',": 47186, + "+\"'": 47187, + ".Images": 47188, + "\"){": 47189, + "ĠMeyer": 47190, + "Ġnegatively": 47191, + "ĠDLL": 47192, + "Ġexe": 47193, + "Ġdeficiency": 47194, + "Ġwildly": 47195, + "-switch": 47196, + "construction": 47197, + "Ġexceptionally": 47198, + "ĠLiz": 47199, + "/java": 47200, + "Ġtheirs": 47201, + "ĠContemporary": 47202, + "lis": 47203, + ".fillRect": 47204, + "ĠNFC": 47205, + "Ġrehe": 47206, + "(numbers": 47207, + "Ġraster": 47208, + "Ġfiguring": 47209, + "Ġshowc": 47210, + "ĠJill": 47211, + "Ġarcade": 47212, + "ĠConstructs": 47213, + "mdl": 47214, + "('|": 47215, + "Ġidentifiers": 47216, + "Ġstellar": 47217, + "(Connection": 47218, + "Ġ\"{{": 47219, + "yor": 47220, + "(mysqli": 47221, + "Ġdove": 47222, + "OfBirth": 47223, + ".disconnect": 47224, + "_hi": 47225, + "Ġzwischen": 47226, + "ĠGrund": 47227, + "iros": 47228, + "_Array": 47229, + ".onclick": 47230, + "ansom": 47231, + "Answers": 47232, + "ĉremove": 47233, + "Fa": 47234, + "Ġhurry": 47235, + "-inf": 47236, + "ĠgetClass": 47237, + "ĠRegulation": 47238, + "ĠFLAGS": 47239, + "misc": 47240, + "Ken": 47241, + "_heading": 47242, + "GHz": 47243, + "-entry": 47244, + "Ġbiography": 47245, + "Sig": 47246, + "-mf": 47247, + "Watcher": 47248, + "âĢľA": 47249, + "}px": 47250, + "Ġspicy": 47251, + "_sq": 47252, + "Lost": 47253, + "(track": 47254, + "али": 47255, + "Descending": 47256, + "((": 47453, + "survey": 47454, + "Ġíĺ": 47455, + "...')Ċ": 47456, + "ĠDivider": 47457, + "osl": 47458, + "_CANCEL": 47459, + "_prepare": 47460, + "stin": 47461, + "ĠHeath": 47462, + ".PrimaryKey": 47463, + "ĠâĨIJ": 47464, + "ĠLocalDateTime": 47465, + "Ġcooperative": 47466, + "Learning": 47467, + ".enqueue": 47468, + "Ġgoog": 47469, + "ĠRegression": 47470, + "imates": 47471, + "Ġvoyeur": 47472, + "ĠDrink": 47473, + "plug": 47474, + "Ġlender": 47475, + "mana": 47476, + "Ġpersonnes": 47477, + "ypse": 47478, + "Ġunlink": 47479, + "ĠRavens": 47480, + "Ġhurd": 47481, + "Ġperiodically": 47482, + "ARGS": 47483, + "ĠGH": 47484, + "characters": 47485, + "...\"ĊĊ": 47486, + "-establish": 47487, + "Ġdn": 47488, + "(condition": 47489, + "ĠGravity": 47490, + "Ġestas": 47491, + "_focus": 47492, + "Creature": 47493, + "(site": 47494, + "Ġcarr": 47495, + "ĠRL": 47496, + "ĠRI": 47497, + "ĠMoto": 47498, + "ASF": 47499, + "ĠLuckily": 47500, + "ĉRoute": 47501, + "Ġentropy": 47502, + "(\",\"": 47503, + "Collect": 47504, + "(contact": 47505, + "ĠFlorence": 47506, + "Ġpremiums": 47507, + "Ġlifecycle": 47508, + "Ġbans": 47509, + "xef": 47510, + "WebKit": 47511, + "ĠFloating": 47512, + "Ġcosa": 47513, + "Specific": 47514, + "ĠLoans": 47515, + "bread": 47516, + "Ġdescriptors": 47517, + "Ġ{:.": 47518, + "THREAD": 47519, + "ĠTrent": 47520, + "Ġscop": 47521, + "QA": 47522, + "ĠAntar": 47523, + "pel": 47524, + "_difference": 47525, + "_changes": 47526, + "(...)": 47527, + "ĠRotation": 47528, + "ĠLGPL": 47529, + "ĠJUST": 47530, + "(Task": 47531, + "_subset": 47532, + "ĠTRANS": 47533, + "åĬĽ": 47534, + "ĠScout": 47535, + "-popup": 47536, + "Ġsmoked": 47537, + "_Class": 47538, + "Ġturnover": 47539, + "brakk": 47540, + "ĠRocky": 47541, + "tas": 47542, + ".RegularExpressions": 47543, + "ĠElliott": 47544, + "ĠSpinner": 47545, + "DUCTION": 47546, + "Ġlibre": 47547, + "Ġmolto": 47548, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 47549, + "ĠFTP": 47550, + "mpeg": 47551, + "(features": 47552, + "Ġbald": 47553, + "ĠVid": 47554, + "Ġshouting": 47555, + "Lint": 47556, + "Ġsockets": 47557, + "Ġprow": 47558, + "Ġnouvelle": 47559, + "iscard": 47560, + "ĠSponsor": 47561, + "Ġconsulta": 47562, + ")));": 47563, + "Indian": 47564, + "ĠRaspberry": 47565, + "Ġteammate": 47566, + "ĠJWT": 47567, + "ĠGhana": 47568, + "Ġcakes": 47569, + "primer": 47570, + "forma": 47571, + "ergarten": 47572, + "_Manager": 47573, + "Ġpreseason": 47574, + "GAME": 47575, + "|\"": 47576, + "ĠBrock": 47577, + "Ġoccupy": 47578, + "Ġdecorations": 47579, + "ánd": 47580, + "Ġcot": 47581, + "Ġparan": 47582, + "Disk": 47583, + "remain": 47584, + ">?": 47585, + "Strong": 47586, + "Ġfrance": 47587, + "ĠEra": 47588, + "-cr": 47589, + ".BufferedReader": 47590, + "ĠParadise": 47591, + "ĠVAT": 47592, + "ĠAnders": 47593, + "Ġlimb": 47594, + "ampoo": 47595, + "Ġimperative": 47596, + "UTILITY": 47597, + "ĠRecognition": 47598, + "Ġragazze": 47599, + "Ġpops": 47600, + "ypress": 47601, + "Ġembargo": 47602, + "//{Ċ": 47603, + "Ġsyll": 47604, + "PTR": 47605, + "åŃĺåľ¨": 47606, + "Ġdidnt": 47607, + "Mailer": 47608, + "Ġacademics": 47609, + "ĠFrauen": 47610, + "neider": 47611, + "-rel": 47612, + "Ġrainbow": 47613, + "(In": 47614, + "Ġsliced": 47615, + "=============Ċ": 47616, + "(send": 47617, + "NSMutableDictionary": 47618, + "vos": 47619, + "(package": 47620, + "Ġordinance": 47621, + "viewer": 47622, + "ĠSantos": 47623, + "-selling": 47624, + "Ġgov": 47625, + "ettle": 47626, + "Ġfounders": 47627, + "Ġwaking": 47628, + "slashes": 47629, + "-pound": 47630, + "recht": 47631, + "ات": 47632, + ".onClick": 47633, + "Ġnord": 47634, + "ständ": 47635, + "_when": 47636, + "UTERS": 47637, + "icc": 47638, + "Ġcapsule": 47639, + "ĠWid": 47640, + "Marc": 47641, + "ุ": 47642, + "rored": 47643, + "UGE": 47644, + "LOUD": 47645, + "ĠAudit": 47646, + "ipients": 47647, + "opian": 47648, + "ĠSue": 47649, + "Ġwurden": 47650, + ".Helpers": 47651, + "Ġfactions": 47652, + "[np": 47653, + "-than": 47654, + "Ġreco": 47655, + "Ġkas": 47656, + "Ġcmds": 47657, + "/network": 47658, + "xbf": 47659, + "getColor": 47660, + "Ġbiased": 47661, + "ĠLak": 47662, + "Datas": 47663, + "vents": 47664, + "Ġë²": 47665, + "_PS": 47666, + ".Validate": 47667, + "Invoker": 47668, + "Ġneuen": 47669, + "Ġjuvenile": 47670, + "VISION": 47671, + "Ġdevote": 47672, + "Ġlinha": 47673, + "Ġdiscounted": 47674, + "\\Config": 47675, + "Ġworthwhile": 47676, + "Ġskinny": 47677, + "ĠCourses": 47678, + "leys": 47679, + "ĠMortgage": 47680, + "Kevin": 47681, + "Ġannounces": 47682, + "])*": 47683, + "reservation": 47684, + "Ġæķ°": 47685, + "Ġprejudice": 47686, + "ĠStringComparison": 47687, + "Ġbeard": 47688, + "-win": 47689, + "ĠSão": 47690, + "ĉms": 47691, + "jal": 47692, + "ĠEarn": 47693, + "_ports": 47694, + "ĠNombre": 47695, + "_COR": 47696, + "ĠBUILD": 47697, + ".sound": 47698, + "Yellow": 47699, + "Ġlinebacker": 47700, + "Ġcharitable": 47701, + "jug": 47702, + "_NONNULL": 47703, + "ĠDental": 47704, + "\">${": 47705, + "ĉmatch": 47706, + "Russian": 47707, + "Ġversch": 47708, + "Ġpinned": 47709, + "Ġadopting": 47710, + "OptionsMenu": 47711, + "Pag": 47712, + "Ġpairing": 47713, + "Ġtread": 47714, + "ercises": 47715, + "ĠSpread": 47716, + ")i": 47717, + "ĠBAD": 47718, + "_tf": 47719, + "UIImageView": 47720, + "populate": 47721, + "bab": 47722, + "ĠÏĥ": 47723, + "[++": 47724, + "Ġopioid": 47725, + "Ġ##Ċ": 47726, + "dtype": 47727, + "ĠStarts": 47728, + "('/')": 47729, + "Ġpersonals": 47730, + "-market": 47731, + "Ġredundant": 47732, + "ĠEssential": 47733, + "Ġscrapy": 47734, + "Ġим": 47735, + "acl": 47736, + "Ġcrear": 47737, + "ĠBend": 47738, + "Ġrelieve": 47739, + "-room": 47740, + "wife": 47741, + "ĠvÃł": 47742, + "ĠQPoint": 47743, + "Ġquasi": 47744, + "ĠmethodName": 47745, + "\\xc": 47746, + "ĠPeru": 47747, + "/The": 47748, + ".orm": 47749, + "Ġviz": 47750, + "/pdf": 47751, + "Located": 47752, + "Ġconfrontation": 47753, + "ĠChampionships": 47754, + "Ġhypert": 47755, + "Ġdj": 47756, + "ĠUserInfo": 47757, + "ĠåĪĽå»º": 47758, + "\\xb": 47759, + "(sim": 47760, + "Ġ==Ċ": 47761, + "Ġstaging": 47762, + "Ġdrastically": 47763, + "åѦ": 47764, + "lords": 47765, + ".less": 47766, + "ведиÑĤе": 47767, + "ĠBucket": 47768, + "ĠMam": 47769, + ".term": 47770, + "_pi": 47771, + "czy": 47772, + ".pub": 47773, + "precio": 47774, + "ĠVirt": 47775, + "Ġroman": 47776, + "itat": 47777, + "Lex": 47778, + "_infos": 47779, + "İ": 47780, + ".other": 47781, + "VELO": 47782, + "Ġponder": 47783, + "Ġhanno": 47784, + "(Page": 47785, + "doi": 47786, + "Ġpolite": 47787, + "Ġprogrammer": 47788, + "Dies": 47789, + "$d": 47790, + "Ġreplication": 47791, + "addColumn": 47792, + "frican": 47793, + "Ġleng": 47794, + "beer": 47795, + "oit": 47796, + "Ġwasting": 47797, + "ylim": 47798, + "measure": 47799, + "Neg": 47800, + "Ġpartie": 47801, + ".console": 47802, + "ĠGuinea": 47803, + "TEL": 47804, + "_fact": 47805, + ".chunk": 47806, + "Ġlent": 47807, + "Ġaller": 47808, + "Ġà¤ķ": 47809, + "_idle": 47810, + "Ġadmissions": 47811, + "JSONArray": 47812, + "Ġvibration": 47813, + ".helpers": 47814, + "å¤ĸ": 47815, + "Ġhen": 47816, + "john": 47817, + "ĠìĥĿ": 47818, + "Ġjudgement": 47819, + "Ġgeen": 47820, + "terra": 47821, + "^{": 47822, + "ĠIz": 47823, + "Ġcâ": 47824, + "instances": 47825, + "Ġthreatens": 47826, + "Ġmüssen": 47827, + "KindOfClass": 47828, + "Ġstorytelling": 47829, + "_demo": 47830, + "rias": 47831, + "Privacy": 47832, + "hift": 47833, + "ĠYi": 47834, + "esor": 47835, + "íķł": 47836, + "ensitivity": 47837, + ".Writer": 47838, + "à¸Ĥ": 47839, + "District": 47840, + ".getJSONObject": 47841, + "Impro": 47842, + "(getResources": 47843, + "ĠSPELL": 47844, + "roduce": 47845, + "Ġslowed": 47846, + "Ġlinewidth": 47847, + "Ġhonesty": 47848, + "ĠCoord": 47849, + "ĠFork": 47850, + "ĠDispatchQueue": 47851, + "ĠCliff": 47852, + "ĠWiring": 47853, + "_TIMESTAMP": 47854, + "ollah": 47855, + "avoid": 47856, + "++];Ċ": 47857, + "semantic": 47858, + "-css": 47859, + "Ġveto": 47860, + "ĠMerr": 47861, + "Ġlegislators": 47862, + "CEEDED": 47863, + "Ġquestionnaire": 47864, + "ĠPills": 47865, + "Calculate": 47866, + "(core": 47867, + "'e": 47868, + "Ġdislike": 47869, + "ĠPreferences": 47870, + "_EXTERNAL": 47871, + "è°ĥ": 47872, + "Ġdodge": 47873, + "æľįåĬ¡": 47874, + ".names": 47875, + ".drawImage": 47876, + "_prom": 47877, + "uckland": 47878, + "Ġ<$>": 47879, + "ız": 47880, + "/site": 47881, + "项": 47882, + "rophe": 47883, + "Ġcompelled": 47884, + "Ġlaptops": 47885, + "Ġuni": 47886, + "CLOSE": 47887, + "Ġcasualties": 47888, + "ĠUniform": 47889, + "Terminal": 47890, + ".\",\"": 47891, + "DAT": 47892, + "(TreeNode": 47893, + "ĠGandhi": 47894, + "(stmt": 47895, + "AXB": 47896, + "*M": 47897, + "Ġumbrella": 47898, + "animal": 47899, + "Ġgrpc": 47900, + "Ġwhereby": 47901, + "Ġfloats": 47902, + "ĉarg": 47903, + "Ġdbg": 47904, + "Ġexceeding": 47905, + "EventType": 47906, + ".SaveChangesAsync": 47907, + "Ġ{{{": 47908, + "Ġowed": 47909, + "ahrenheit": 47910, + "Ġì§": 47911, + "Ġequipo": 47912, + "urai": 47913, + "Ġidol": 47914, + "]\")Ċ": 47915, + "_major": 47916, + "Ġentirety": 47917, + "ingerprint": 47918, + "ços": 47919, + "/account": 47920, + "ĉright": 47921, + "ursos": 47922, + "ĠEDT": 47923, + "_INSERT": 47924, + "Ġshining": 47925, + "Ġ<:": 47926, + "EdgeInsets": 47927, + "Ġcolonies": 47928, + ".IM": 47929, + "ĉĠĉ": 47930, + "ROAD": 47931, + "CCCC": 47932, + "placing": 47933, + "ĠgetActivity": 47934, + "emacs": 47935, + "'%(": 47936, + ".clicked": 47937, + "ĠThem": 47938, + "isia": 47939, + "Buscar": 47940, + ".rename": 47941, + "Ġoath": 47942, + "Ġafterward": 47943, + "ĠUFO": 47944, + "APS": 47945, + "ĠJacksonville": 47946, + ".some": 47947, + "Confirmed": 47948, + ".scan": 47949, + "igInteger": 47950, + "Decorator": 47951, + "shield": 47952, + "ressive": 47953, + ".did": 47954, + "请è¾ĵåħ¥": 47955, + "Ġshutter": 47956, + "Dam": 47957, + "Ġparenting": 47958, + "eyed": 47959, + "$item": 47960, + "-develop": 47961, + "Ġextracts": 47962, + "Ġdecentralized": 47963, + "ĠElsa": 47964, + "_spin": 47965, + "])+": 47966, + "-initial": 47967, + "Ġmultitude": 47968, + "Ġsensory": 47969, + "ĠMODEL": 47970, + "Ġsafeguard": 47971, + "ì¹": 47972, + "Ġhunters": 47973, + "ĠTiny": 47974, + "INO": 47975, + "decorate": 47976, + "ĠNoSuch": 47977, + "Ho": 47978, + "(Response": 47979, + "Ġruler": 47980, + "ĉshort": 47981, + "Ġcaster": 47982, + "ĠclientId": 47983, + "Ġpdb": 47984, + "ëıĦ": 47985, + "itic": 47986, + "ĠGameState": 47987, + "ĠnewItem": 47988, + ")ĊĊĊĊĊĊ": 47989, + "ouis": 47990, + "noc": 47991, + ".BLACK": 47992, + "_VECTOR": 47993, + "----------();": 48281, + ".getP": 48282, + "anye": 48283, + "Ġneuron": 48284, + "ifold": 48285, + "ĠKnown": 48286, + "Bitcoin": 48287, + "Anyway": 48288, + "ayette": 48289, + "Ġ'['": 48290, + "Ãłnh": 48291, + "mgr": 48292, + "Ġcorrelated": 48293, + "Ġnause": 48294, + "Ġmentality": 48295, + "hasMany": 48296, + "ĠFG": 48297, + "ampie": 48298, + "ITU": 48299, + "Fs": 48300, + ".Sp": 48301, + "_between": 48302, + "Dependencies": 48303, + "oug": 48304, + "Placeholder": 48305, + "=text": 48306, + "ĠManaging": 48307, + "ocalypse": 48308, + "åĮĹ": 48309, + "_mag": 48310, + "fld": 48311, + "âij": 48312, + "CAM": 48313, + "ĠHelpers": 48314, + "Ġdost": 48315, + "/out": 48316, + "Ġassassination": 48317, + ".getImage": 48318, + "ĠKenny": 48319, + ".')ĊĊ": 48320, + "){//": 48321, + "ĠRanger": 48322, + "Ġgek": 48323, + "Ġsincere": 48324, + "čĊ": 48527, + ".getResources": 48528, + "Ġlump": 48529, + "_consts": 48530, + "(ext": 48531, + "ĉdir": 48532, + "âĿ": 48533, + "ĠpaddingTop": 48534, + "Ġobsession": 48535, + "Ġbanning": 48536, + "ĠAppModule": 48537, + "Ġpartisan": 48538, + "Ġcatalogue": 48539, + "Ġminors": 48540, + "Ġpitches": 48541, + "weep": 48542, + "Ġundertake": 48543, + "Ġthemed": 48544, + "audit": 48545, + ".scrollTop": 48546, + "Ġrer": 48547, + "Ġsymptom": 48548, + "Ġopenings": 48549, + ".blocks": 48550, + "openid": 48551, + "Ġassh": 48552, + "-save": 48553, + "ĠPig": 48554, + "Ġregain": 48555, + "Ġinicial": 48556, + "/favicon": 48557, + "ĉexp": 48558, + "Ġspices": 48559, + "iska": 48560, + "claims": 48561, + "mak": 48562, + "definitions": 48563, + "Ġcorrespondent": 48564, + "ĠCannabis": 48565, + "__,Ċ": 48566, + "ĠLucky": 48567, + "ĠGaussian": 48568, + "ĠNearly": 48569, + "CAD": 48570, + "']]Ċ": 48571, + "Ġadequately": 48572, + "ĠTITLE": 48573, + "constitutional": 48574, + "-mm": 48575, + "_override": 48576, + "Ġblas": 48577, + ".readyState": 48578, + "Ġreminis": 48579, + "Ġreinforced": 48580, + "ĠCollabor": 48581, + "Ġdecorating": 48582, + "Ġbachelor": 48583, + "ERRUPT": 48584, + "Ġupright": 48585, + "ipation": 48586, + "ĠNoble": 48587, + "ĠvalueForKey": 48588, + "ĠsetLoading": 48589, + ".Ignore": 48590, + "åģ": 48591, + "Globals": 48592, + "ĠMent": 48593, + "ASSES": 48594, + "Ġlimbs": 48595, + "ĠHUD": 48596, + "inci": 48597, + ".iv": 48598, + "ĠQModelIndex": 48599, + "Fuse": 48600, + "Ġpedal": 48601, + "_FREQ": 48602, + "(verbose": 48603, + "Ġlongitud": 48604, + "ĠCharter": 48605, + "ê·¸": 48606, + "Ġbundles": 48607, + ".ignore": 48608, + "umbo": 48609, + "EMA": 48610, + ".......": 48611, + "sx": 48612, + ".Card": 48613, + "Ġheute": 48614, + "Ġsteer": 48615, + "jumlah": 48616, + "Ġ{_": 48617, + "_Checked": 48618, + "Ġfax": 48619, + "ĠGust": 48620, + "itchens": 48621, + "Ġ))ĊĊ": 48622, + "Ġremarkably": 48623, + "/XML": 48624, + "-remove": 48625, + "_bt": 48626, + "Ġincub": 48627, + ".package": 48628, + ".currentThread": 48629, + "ĠHighlander": 48630, + ".side": 48631, + "splash": 48632, + "Ġici": 48633, + "=D": 48634, + "Ġpuck": 48635, + "Ġballots": 48636, + "Ġhugely": 48637, + "coeff": 48638, + "ĠpData": 48639, + ".COLUMN": 48640, + "ĠHealing": 48641, + "Ġordin": 48642, + "!),": 48643, + "Ġ'',čĊ": 48644, + "(md": 48645, + "ĠSask": 48646, + "čĊ": 48668, + "Ġrá": 48669, + "Ġblunt": 48670, + "ĠImageIcon": 48671, + "ifik": 48672, + "RTC": 48673, + "Ġfibers": 48674, + "Ġtoile": 48675, + ".sent": 48676, + "ĠPyQt": 48677, + "$app": 48678, + "Ġmedio": 48679, + "Ġgranting": 48680, + "Ġtslint": 48681, + "ĠMö": 48682, + "(figsize": 48683, + "Ġhurricane": 48684, + "Ġlifes": 48685, + "ĠÃĦ": 48686, + "rocessing": 48687, + "_standard": 48688, + "-option": 48689, + "')))": 48690, + "Ġvacant": 48691, + "å·¥": 48692, + "ĠHollow": 48693, + "handleChange": 48694, + "Ġdivider": 48695, + "ĠEngineers": 48696, + "Ġsvens": 48697, + "Ġcompliant": 48698, + "tanggal": 48699, + "ĠCredits": 48700, + "ĠEmirates": 48701, + "RuleContext": 48702, + "Ġrealization": 48703, + "Ġdistracted": 48704, + "]+=": 48705, + "Ġaugment": 48706, + "ĠDw": 48707, + "otp": 48708, + "orrent": 48709, + "Editar": 48710, + ".stock": 48711, + "Study": 48712, + "pections": 48713, + "ĠGameManager": 48714, + "=cut": 48715, + "Ġflock": 48716, + "ĠRomans": 48717, + "them": 48718, + "-hop": 48719, + "Ġscreenshots": 48720, + "Ġ/*!Ċ": 48721, + "Ġconversions": 48722, + "Ġnormalization": 48723, + "(configuration": 48724, + "Ġaeros": 48725, + "_security": 48726, + "!'Ċ": 48727, + "Bonus": 48728, + "ĠDRIVER": 48729, + "ĉDate": 48730, + "tie": 48731, + "ĠWyoming": 48732, + "Stand": 48733, + "itre": 48734, + "Ġshoppers": 48735, + "Ġdisadvantage": 48736, + "Ġliking": 48737, + "ç¬ij": 48738, + "Ġunderstandable": 48739, + "SEE": 48740, + "Ġhoy": 48741, + "Ġninete": 48742, + "Ġconfer": 48743, + "Ġnowrap": 48744, + "ĠVern": 48745, + ",čĊčĊ": 48746, + "imestep": 48747, + "LayoutManager": 48748, + "à·": 48749, + "ĉwait": 48750, + "PLETED": 48751, + "Japan": 48752, + "Ġinduce": 48753, + "Ġå¯": 48754, + "озв": 48755, + "_ENDPOINT": 48756, + ".horizontal": 48757, + "Ġaccelerated": 48758, + "rimon": 48759, + "IVES": 48760, + "Transactions": 48761, + "Lean": 48762, + "ĠSOUR": 48763, + "whether": 48764, + "yg": 48765, + "Ġoid": 48766, + "ĠEntityManager": 48767, + "OUNTRY": 48768, + "Ġfila": 48769, + "OLUMNS": 48770, + "INUE": 48771, + "ĠAnchor": 48772, + "TRAN": 48773, + "woo": 48774, + "blockquote": 48775, + "ĠNurse": 48776, + "ĠCarp": 48777, + "Ġredeem": 48778, + ".try": 48779, + "ĠJP": 48780, + "Ġtimestamps": 48781, + "Ġ?>\"><": 48782, + "ĠREMOVE": 48783, + "ĠStarbucks": 48784, + "Really": 48785, + "Ġflooded": 48786, + ".Callback": 48787, + "DropDown": 48788, + "ipro": 48789, + "Ġtended": 48790, + "lte": 48791, + "Ġproportions": 48792, + "-te": 48793, + "ĠRena": 48794, + "licate": 48795, + "forces": 48796, + ".extra": 48797, + ".authenticate": 48798, + "вод": 48799, + "¡°": 48800, + "ĠforControlEvents": 48801, + "Ġsenha": 48802, + "Ġkein": 48803, + "Ġminist": 48804, + "ĠPreference": 48805, + "ĠTelegraph": 48806, + "Ñĥп": 48807, + "strpos": 48808, + "Ġillnesses": 48809, + "Ġpigs": 48810, + "ĠgetIntent": 48811, + "Sol": 48812, + "Ġ¡": 48813, + "(cpu": 48814, + "[prop": 48815, + "screens": 48816, + "');?>": 48817, + "ĠActs": 48818, + "Ġstrdup": 48819, + "Ġaverages": 48820, + "anal": 48821, + "ĠCasual": 48822, + "GroupBox": 48823, + "ĠHandbook": 48824, + "/comments": 48825, + "Ġnumbered": 48826, + "Ġbroadcasting": 48827, + "çĽij": 48828, + ".nativeElement": 48829, + ".mu": 48830, + "ĠupdatedAt": 48831, + "ĠDoesn": 48832, + ".AC": 48833, + ".coll": 48834, + "Ġrecorder": 48835, + "_sha": 48836, + "Bg": 48837, + "bil": 48838, + "Ġbolts": 48839, + "Ġç¬": 48840, + "Ġimposing": 48841, + "ĠInformationen": 48842, + "_flashdata": 48843, + "economic": 48844, + "Remark": 48845, + "ucas": 48846, + "ĠOfficers": 48847, + "ĠTER": 48848, + "Walk": 48849, + "Ġmercado": 48850, + "_generate": 48851, + "HY": 48852, + "Calling": 48853, + "snap": 48854, + "scriptId": 48855, + ".operation": 48856, + "ĠFlame": 48857, + "liness": 48858, + "Ġrented": 48859, + "_toggle": 48860, + "-changing": 48861, + "ĠTY": 48862, + "'util": 48863, + "EEP": 48864, + "Ġgraphql": 48865, + "ĠUni": 48866, + "Ġimpulse": 48867, + ".Basic": 48868, + "Ġenergies": 48869, + "MARY": 48870, + "ĠMarcel": 48871, + "Ġmortal": 48872, + "Ġfres": 48873, + "mens": 48874, + "motion": 48875, + "Ġsampled": 48876, + "âĢľThat": 48877, + "iday": 48878, + "quipment": 48879, + "getInt": 48880, + "ĠAbsolute": 48881, + ",'\"": 48882, + "uned": 48883, + ".share": 48884, + "Ġ})(": 48885, + "mmm": 48886, + "ĠRising": 48887, + "ä»»": 48888, + "Ġunemployed": 48889, + "xfa": 48890, + ".follow": 48891, + "ĉĉĉĉĠĠĠĠĠĠ": 48892, + "slt": 48893, + ".Phone": 48894, + "Ġknives": 48895, + "Ġeve": 48896, + "onClick": 48897, + "]))čĊ": 48898, + "ĠWitness": 48899, + "ĉNS": 48900, + "ĠEOS": 48901, + "ĠStefan": 48902, + "ĠPriest": 48903, + "âĢĶwhich": 48904, + "GetString": 48905, + ".By": 48906, + "Ġupstairs": 48907, + "Ġdetriment": 48908, + "broken": 48909, + "embro": 48910, + "Ġnicotine": 48911, + "ilion": 48912, + "Ġastonishing": 48913, + "_aff": 48914, + "ĠLesson": 48915, + "Ġaccidental": 48916, + "odor": 48917, + "Ġdecir": 48918, + "ĠnewName": 48919, + "+.": 48920, + "缸": 48921, + "igslist": 48922, + "ĠGithub": 48923, + "Ġsuccessive": 48924, + "racial": 48925, + "Ġenviron": 48926, + "éªĮè¯ģ": 48927, + "Ġredirected": 48928, + "TOTAL": 48929, + "Ġgrabbing": 48930, + "ĠLance": 48931, + "Ġforfe": 48932, + "_CB": 48933, + "å¾®": 48934, + "Elapsed": 48935, + "_way": 48936, + "(DialogInterface": 48937, + "_measure": 48938, + "xbb": 48939, + "Dog": 48940, + "Depart": 48941, + "-src": 48942, + "resolver": 48943, + "withstanding": 48944, + "_shell": 48945, + "ĠLastName": 48946, + "ĠAviation": 48947, + "Ġbeginner": 48948, + "(\"%.": 48949, + "(tool": 48950, + "Ġнов": 48951, + ":init": 48952, + "(API": 48953, + "ĠMorrison": 48954, + "vtColor": 48955, + "Ġstaple": 48956, + "/INFO": 48957, + "Ġsupernatural": 48958, + "Ġsteak": 48959, + "timeline": 48960, + "zzle": 48961, + "\"`ĊĊ": 48962, + "Secondary": 48963, + "ĠNepal": 48964, + ".StringUtils": 48965, + "Ġadam": 48966, + "Ġ(...": 48967, + "Ġsubstitution": 48968, + "Ġboarding": 48969, + "ĠKeyword": 48970, + "ĠAssault": 48971, + "dbcTemplate": 48972, + "ĠorderId": 48973, + "(engine": 48974, + ".assertThat": 48975, + "ĠVenus": 48976, + "Ġhomicide": 48977, + "ĠAval": 48978, + "Ġgutter": 48979, + "ĠSupported": 48980, + "/part": 48981, + "Ġacclaimed": 48982, + "Histor": 48983, + "Ġmeses": 48984, + "über": 48985, + "ĠRenew": 48986, + "Ġgras": 48987, + "ĠEk": 48988, + "Ġinfile": 48989, + "indy": 48990, + ".music": 48991, + ".Scroll": 48992, + "ĠAges": 48993, + "ĠNaruto": 48994, + "ĠGather": 48995, + "Ġconfirming": 48996, + "=(\"": 48997, + "Ġpitched": 48998, + "oley": 48999, + "France": 49000, + "+'\"": 49001, + "$total": 49002, + "Ġonde": 49003, + "Ġditch": 49004, + "_sigma": 49005, + "Ġcontinuity": 49006, + "reward": 49007, + "-load": 49008, + "Ġproceso": 49009, + "Locked": 49010, + "staw": 49011, + "Ġspinal": 49012, + "lazy": 49013, + "!==": 49014, + "jest": 49015, + "Ġdun": 49016, + "ĠRodgers": 49017, + "ĉgrid": 49018, + "Ġlogos": 49019, + "ĠBengal": 49020, + ".super": 49021, + "Provides": 49022, + "Ġnutrient": 49023, + ".Timestamp": 49024, + "IZATION": 49025, + "åĨĮ": 49026, + "Ġfats": 49027, + "ĠXxx": 49028, + "ctica": 49029, + "Targets": 49030, + "Ġcontours": 49031, + "Ġreordered": 49032, + ":Array": 49033, + "Ġtolerate": 49034, + "Vir": 49035, + "Ġterribly": 49036, + "Ġbricks": 49037, + "(&_": 49038, + "hb": 49039, + "Portal": 49040, + "ĠBread": 49041, + ".which": 49042, + "ÂŃt": 49043, + "asInstanceOf": 49044, + "Ġjobject": 49045, + "ĉlength": 49046, + "_MT": 49047, + ";\">čĊ": 49048, + "_EXIST": 49049, + "Ġmaternal": 49050, + "REL": 49051, + "Ġê²½ìļ°": 49052, + "hee": 49053, + "Ġlayouts": 49054, + "ĠLap": 49055, + "aisy": 49056, + "Ġstumbled": 49057, + "ĠUIG": 49058, + "ĠSco": 49059, + "Ġimpaired": 49060, + "RESSED": 49061, + "Ġabuses": 49062, + "VF": 49063, + "ARB": 49064, + ".NAME": 49065, + "rch": 49066, + "primir": 49067, + "_completed": 49068, + "Ġpenny": 49069, + "Chrome": 49070, + "(begin": 49071, + "ernen": 49072, + "-checkbox": 49073, + "PlainOldData": 49074, + "ĠLPC": 49075, + "rade": 49076, + "spir": 49077, + "Ġconceived": 49078, + "Tips": 49079, + "ĠIoT": 49080, + "ĠGan": 49081, + "èģĶ": 49082, + "Ġbiases": 49083, + "Ġconsultants": 49084, + "pled": 49085, + "_ht": 49086, + "associated": 49087, + "],ĊĊ": 49088, + "Ġdelightful": 49089, + "ĠÑĤек": 49090, + "Helvetica": 49091, + "(load": 49092, + "-expand": 49093, + "_WIDGET": 49094, + "toa": 49095, + "ĠAkt": 49096, + "Ġomn": 49097, + "Ġclauses": 49098, + "Intel": 49099, + "*/}Ċ": 49100, + "_registration": 49101, + "ĠoldValue": 49102, + "Ġrestoring": 49103, + "Ġunreal": 49104, + "OVER": 49105, + "ĉĊĉĊĉĊ": 49106, + "ATS": 49107, + "_probe": 49108, + "Ġdivisor": 49109, + ".updateDynamic": 49110, + "å¹³": 49111, + "Produces": 49112, + "stamp": 49113, + ".jboss": 49114, + "ĉtask": 49115, + "!(:": 49116, + "Ġpsychic": 49117, + "@class": 49118, + "Martin": 49119, + "ĠPassed": 49120, + "clarations": 49121, + "hel": 49122, + "аÑĩ": 49123, + "ĉcopy": 49124, + "-bin": 49125, + "zan": 49126, + "igram": 49127, + "াà¦": 49128, + "(sig": 49129, + "ĠCaval": 49130, + "_##": 49131, + "Ġ%=": 49132, + "outlined": 49133, + "ĠAcid": 49134, + "Ġunpredictable": 49135, + "-dashboard": 49136, + "HexString": 49137, + "+c": 49138, + ".Public": 49139, + "ẩ": 49140, + "Ġconveyor": 49141, + "ĠEB": 49142, + "Ġselects": 49143, + "Ġknocking": 49144, + "ĠCec": 49145, + "IBUTES": 49146, + "owaÄĩ": 49147, + "gatsby": 49148, + "*v": 49149, + "entropy": 49150, + "Ġdispatched": 49151, + "Ġcamel": 49152, + "ĠSaturn": 49153, + "Ġoverweight": 49154, + "(phone": 49155, + "parable": 49156, + "%B": 49157, + "_vectors": 49158, + "Ġbrewing": 49159, + "ĠTk": 49160, + "ĠDownloads": 49161, + "ĠSaved": 49162, + ".Price": 49163, + "Ġcurved": 49164, + "ĠParenthood": 49165, + "è¶": 49166, + ".pnl": 49167, + "pletely": 49168, + ".Day": 49169, + "Ġadvertisers": 49170, + "Ġejec": 49171, + "Ġprzed": 49172, + "ë¯": 49173, + "!';Ċ": 49174, + "ĠKush": 49175, + "ĠTAB": 49176, + "Ġquests": 49177, + "Ġcoincidence": 49178, + "ummies": 49179, + "ĠKashmir": 49180, + "ĠEthics": 49181, + "_growth": 49182, + "Ġaktiv": 49183, + "Ġgrouping": 49184, + "å¢ŀ": 49185, + "_truth": 49186, + "åIJ¬": 49187, + "todos": 49188, + "iset": 49189, + "TexCoord": 49190, + "ätt": 49191, + "ĠZur": 49192, + "roys": 49193, + "_MAGIC": 49194, + "Ġbrewery": 49195, + "(State": 49196, + "ĠSMALL": 49197, + "ĠPlants": 49198, + "itbart": 49199, + "eacher": 49200, + "ĠAdelaide": 49201, + "Lu": 49202, + "Ġfick": 49203, + "undles": 49204, + "_loaded": 49205, + "ие": 49206, + "Poll": 49207, + "ritic": 49208, + "ELY": 49209, + "Ġ+'": 49210, + "ĠProfession": 49211, + "Ġstamps": 49212, + "ĠSew": 49213, + "scrollView": 49214, + "Ġcommunist": 49215, + "/problems": 49216, + "}čĊčĊčĊčĊ": 49217, + ",o": 49218, + "Ġudp": 49219, + "Ġobese": 49220, + "approve": 49221, + "ancellation": 49222, + "_Game": 49223, + "ĠHashtable": 49224, + "adaptiveStyles": 49225, + "Ġpossesses": 49226, + ".matcher": 49227, + "functional": 49228, + "Mrs": 49229, + "ĉsave": 49230, + "ĠDbType": 49231, + "Ġken": 49232, + "getContext": 49233, + "Ġmans": 49234, + "(rel": 49235, + "ĠBrotherhood": 49236, + ")`Ċ": 49237, + "è§£": 49238, + ".Information": 49239, + "OutOfRangeException": 49240, + "ĠSek": 49241, + "Cas": 49242, + "Ġbloggers": 49243, + "Either": 49244, + "(\"\"\"": 49245, + "Ġpinch": 49246, + "Ġcoarse": 49247, + ")p": 49248, + "ĠPulse": 49249, + "Ġlearnt": 49250, + "Ġdentist": 49251, + "Ġonchange": 49252, + "Ġdirectives": 49253, + "(actions": 49254, + "nyder": 49255, + "ĠShir": 49256, + "Trait": 49257, + "_dep": 49258, + "ĠPET": 49259, + "ĠREP": 49260, + ".AppSettings": 49261, + "cuador": 49262, + "idenav": 49263, + "Ġenvi": 49264, + "Ġslammed": 49265, + "ĠShoot": 49266, + "ĠdateFormat": 49267, + ".joda": 49268, + "veys": 49269, + "Ġ).ĊĊ": 49270, + "Ġcareg": 49271, + "ĠParallel": 49272, + "_translation": 49273, + ".functions": 49274, + ".obs": 49275, + "RuntimeException": 49276, + "[]=": 49277, + "overview": 49278, + "ĠSchl": 49279, + "Ġnoisy": 49280, + "ĠOnPropertyChanged": 49281, + "Sending": 49282, + "Ġunfamiliar": 49283, + "Upon": 49284, + "ĠPrints": 49285, + ".typ": 49286, + "Ġfleeing": 49287, + "ĉmove": 49288, + "(Un": 49289, + "Ġqr": 49290, + "׾": 49291, + "_beta": 49292, + "Ġskies": 49293, + "ĉme": 49294, + "WND": 49295, + "Ġstickers": 49296, + "blas": 49297, + "Ġinserts": 49298, + "Ġverses": 49299, + "ĠDew": 49300, + "Ġtangible": 49301, + "Ġhecho": 49302, + "POL": 49303, + "Ġteardown": 49304, + "omnia": 49305, + "IBE": 49306, + ".cover": 49307, + "_strategy": 49308, + "^-": 49309, + "setPosition": 49310, + "uale": 49311, + "Signed": 49312, + "Ġiface": 49313, + "aseline": 49314, + ".setTime": 49315, + "ĠMineral": 49316, + "ĠFighting": 49317, + "skins": 49318, + "Ġdiscrimin": 49319, + "Ġdansk": 49320, + "ĠPrinceton": 49321, + "acist": 49322, + "Ġ());Ċ": 49323, + "tracks": 49324, + "imonial": 49325, + "adecimal": 49326, + "EPROM": 49327, + "uggle": 49328, + ".Notification": 49329, + "$mail": 49330, + "cantidad": 49331, + "ĠJung": 49332, + "Ġseekers": 49333, + "Ġplausible": 49334, + "tier": 49335, + "еж": 49336, + "Ġrapper": 49337, + "ĠMana": 49338, + "ĠHttpStatusCode": 49339, + "Ġburnt": 49340, + "loses": 49341, + "ĠFoto": 49342, + "ĠJsonObject": 49343, + "Instagram": 49344, + "Ġsyscall": 49345, + "Ġrealities": 49346, + "ĠMATLAB": 49347, + ":^{Ċ": 49348, + "TERM": 49349, + "ĠCbd": 49350, + "ĠParagraph": 49351, + "Ġtravés": 49352, + "Ġconstructing": 49353, + "Ġswal": 49354, + "Ġpige": 49355, + "LLLL": 49356, + "-existing": 49357, + "Gets": 49358, + "Ġmelted": 49359, + "Ġmitigate": 49360, + "Hen": 49361, + "Ġhm": 49362, + "imas": 49363, + "ĠAo": 49364, + "ĠPerez": 49365, + "ĠDAL": 49366, + "Ġëĭ¤": 49367, + "Ġdivis": 49368, + "StoryboardSegue": 49369, + "ĠModify": 49370, + "ĠÃľber": 49371, + "_OVERRIDE": 49372, + ".pem": 49373, + "untos": 49374, + "Ġespañ": 49375, + "Ġ{?": 49376, + "ĠPAY": 49377, + "_ipv": 49378, + "ĠFury": 49379, + "__.__": 49380, + "elow": 49381, + "-centered": 49382, + "checks": 49383, + "_Reg": 49384, + "-Javadoc": 49385, + "ĉload": 49386, + "ĠLikewise": 49387, + "اÙħ": 49388, + "UNE": 49389, + ".sem": 49390, + "xcb": 49391, + "ĠCave": 49392, + "_sleep": 49393, + "Ġsilently": 49394, + "ĠExtreme": 49395, + ".ToUpper": 49396, + "ĉCHECK": 49397, + "Ġcue": 49398, + "ĠQByteArray": 49399, + "Ġcorrupted": 49400, + "ĠDé": 49401, + "Ġimped": 49402, + "GetName": 49403, + "Ġinaccurate": 49404, + "Ġsober": 49405, + "ее": 49406, + "Ġbarcode": 49407, + "--){Ċ": 49408, + "inki": 49409, + "Ġép": 49410, + "Ġdri": 49411, + "ĠALT": 49412, + ">>>>>>>>": 49413, + "onta": 49414, + "[L": 49415, + "Ġinteres": 49416, + "verting": 49417, + "Ġdiagnostics": 49418, + "pdev": 49419, + "è©": 49420, + "ĠIntegrated": 49421, + ").'": 49422, + "_gc": 49423, + "$text": 49424, + ".games": 49425, + "ĠTerra": 49426, + "'Re": 49427, + ".transfer": 49428, + "_FIFO": 49429, + "getModel": 49430, + "Ġbland": 49431, + "ĠColeman": 49432, + "Ġprimes": 49433, + "ĠæĪ": 49434, + "Ġcrosses": 49435, + "nk": 49436, + "GING": 49437, + "Ġ'^": 49438, + "ĠBlob": 49439, + "Ġintercourse": 49440, + "ĠBlvd": 49441, + "Ġweighs": 49442, + "_regular": 49443, + "ĠPerth": 49444, + "Ġseparating": 49445, + "Ġbilled": 49446, + ".tabControl": 49447, + "Ġpuppet": 49448, + "Ġutilization": 49449, + "Ġâĸł": 49450, + "Ġsucces": 49451, + "Ġlamps": 49452, + "_proj": 49453, + "Eric": 49454, + "Ġrenovation": 49455, + "ĠFamilies": 49456, + "ĠBits": 49457, + "partials": 49458, + "-Men": 49459, + "solution": 49460, + "Ġdwarf": 49461, + ".INTEGER": 49462, + "ĠLOCK": 49463, + ".ct": 49464, + "Ġexcerpt": 49465, + "ĠPix": 49466, + "ĠFirstName": 49467, + "ANTED": 49468, + "ĠAdmir": 49469, + "-help": 49470, + "Prior": 49471, + "ĠAlign": 49472, + ".INSTANCE": 49473, + "LineEdit": 49474, + "('/:": 49475, + "Ġinet": 49476, + "odus": 49477, + ".pkl": 49478, + "ĠKY": 49479, + "upert": 49480, + "Ġnerves": 49481, + "_gradient": 49482, + "}','": 49483, + "_unref": 49484, + "Ġsaturated": 49485, + "ĠConnected": 49486, + "ĠFN": 49487, + "EXIT": 49488, + "Ġteleport": 49489, + "Ġavait": 49490, + "PageRoute": 49491, + "Ġdivorced": 49492, + "(lang": 49493, + "fst": 49494, + "ĠTyr": 49495, + "Ġmessenger": 49496, + "ifstream": 49497, + "XS": 49498, + "ĠBanking": 49499, + "Ġinfectious": 49500, + "ĠMons": 49501, + "_LOOP": 49502, + "Ġzurück": 49503, + "Ġobtener": 49504, + "/repos": 49505, + "Vel": 49506, + "acro": 49507, + "ĠuserRepository": 49508, + "styleType": 49509, + "ĠSRC": 49510, + "VMLINUX": 49511, + "recursive": 49512, + "/bar": 49513, + "_chip": 49514, + "ominated": 49515, + "ĠNit": 49516, + "âĢĶto": 49517, + "ĠBuddh": 49518, + "омеÑĢ": 49519, + "ĠMAG": 49520, + "ĠCHE": 49521, + "_den": 49522, + ".raises": 49523, + "_degree": 49524, + "Ġpumpkin": 49525, + "_templates": 49526, + "_MEDIA": 49527, + "ĠTimeline": 49528, + "Ġbots": 49529, + "ObjectType": 49530, + "Ġbuys": 49531, + ".posts": 49532, + "CAL": 49533, + "waiting": 49534, + "ĠDaniels": 49535, + "Ġdabei": 49536, + "ĠSigma": 49537, + "ilor": 49538, + "igel": 49539, + ",W": 49540, + "ADS": 49541, + "(panel": 49542, + "ì²´": 49543, + "itating": 49544, + ".palette": 49545, + "Ġmosquito": 49546, + "Ġtego": 49547, + "(parseInt": 49548, + "Ġdespués": 49549, + "promise": 49550, + "Ġwij": 49551, + "typescript": 49552, + "ĠTv": 49553, + "_IDENTIFIER": 49554, + ").ĊĊĊ": 49555, + "_flat": 49556, + "itsu": 49557, + "USR": 49558, + "experience": 49559, + "-fit": 49560, + "phinx": 49561, + "_thresh": 49562, + "Ġideally": 49563, + "ĠFreeman": 49564, + ",DB": 49565, + "_rw": 49566, + "çŃī": 49567, + "Ub": 49568, + "_statistics": 49569, + "=\"\"><": 49570, + "Ġchore": 49571, + "Ġyork": 49572, + "installed": 49573, + "Additionally": 49574, + "Ġpstmt": 49575, + "ylko": 49576, + "::Ċ": 49577, + "Forest": 49578, + "Ġheadset": 49579, + "Ġgallon": 49580, + "ÑĢем": 49581, + "Ġwithdrawn": 49582, + "ĠCandidate": 49583, + "Ġmelting": 49584, + "Ġfreezer": 49585, + "Ġhl": 49586, + "_HELP": 49587, + "mime": 49588, + "(/*": 49589, + "Ġthirst": 49590, + "$return": 49591, + "memberof": 49592, + "еб": 49593, + "ĠHttpServletRequest": 49594, + "(ob": 49595, + "_Result": 49596, + "Ġasserted": 49597, + "Ġfulfilling": 49598, + "Ġstretches": 49599, + "parated": 49600, + "-funded": 49601, + "ĠåĽ": 49602, + "ingles": 49603, + "_ca": 49604, + ".condition": 49605, + "ĠDisplays": 49606, + "Ġorang": 49607, + "ĠCRE": 49608, + "ĠglBind": 49609, + "ĠSelector": 49610, + "/type": 49611, + "ĠAlexa": 49612, + "chedules": 49613, + "ĠPeninsula": 49614, + "Ġparity": 49615, + "ĉdest": 49616, + "ĠDoors": 49617, + "čĊĉčĊ": 49618, + "_dimension": 49619, + "Ġaload": 49620, + ".StoredProcedure": 49621, + "(paren": 49622, + "ĠBurke": 49623, + "')]Ċ": 49624, + "-engine": 49625, + "Ġquir": 49626, + "ĠHybrid": 49627, + "ĠDoe": 49628, + "Ġoutlines": 49629, + "ĠTrends": 49630, + "_NV": 49631, + "periments": 49632, + "ĠHin": 49633, + "?',": 49634, + "ĉText": 49635, + "FUL": 49636, + "Ġsmells": 49637, + "Ġslick": 49638, + "Ġmiserable": 49639, + "ĠArrayAdapter": 49640, + "ĠparamString": 49641, + "Hom": 49642, + "_literals": 49643, + "usuarios": 49644, + "Ġprompting": 49645, + "_lazy": 49646, + "ĠActivation": 49647, + "_oc": 49648, + "Weak": 49649, + "Ġanecd": 49650, + "ĠUCLA": 49651, + "=re": 49652, + "issement": 49653, + "ĠEscorts": 49654, + "Excellent": 49655, + "ĠPause": 49656, + "Ġrepositories": 49657, + "TOR": 49658, + "ariate": 49659, + "_iso": 49660, + "updates": 49661, + "halb": 49662, + "udiante": 49663, + "ë¡Ŀ": 49664, + "Ġnaive": 49665, + "ĠPeg": 49666, + "ĠLounge": 49667, + "ARGIN": 49668, + "(bin": 49669, + "OnClickListener": 49670, + "ĠFAILED": 49671, + "Ġlite": 49672, + "Ġdzie": 49673, + "ĠLiteral": 49674, + "ivor": 49675, + "fcntl": 49676, + "Ġeats": 49677, + "Ġqed": 49678, + "Unlock": 49679, + "riding": 49680, + "undai": 49681, + "=M": 49682, + "ATTER": 49683, + "ConfigureAwait": 49684, + "icias": 49685, + "ustomed": 49686, + "Ġsuccession": 49687, + "endTime": 49688, + "ĠJupiter": 49689, + "Ġjudging": 49690, + "dration": 49691, + "_docs": 49692, + ".mo": 49693, + "Ġeducators": 49694, + "ĠVine": 49695, + "Cond": 49696, + "[out": 49697, + "qb": 49698, + "\\Validator": 49699, + "Ġmeanings": 49700, + "Ġpresently": 49701, + "Ġdividing": 49702, + "ottenham": 49703, + "ascular": 49704, + "Ġtrailers": 49705, + "ĠCLOSE": 49706, + "ами": 49707, + "âĢĻai": 49708, + "ĠGain": 49709, + "wor": 49710, + "Ġplanner": 49711, + "Ġdistributing": 49712, + "vat": 49713, + "months": 49714, + "xlabel": 49715, + "HF": 49716, + "Viol": 49717, + ".BASELINE": 49718, + "еÑĤÑģÑı": 49719, + "ĠRotate": 49720, + "Ġtxn": 49721, + ":bold": 49722, + "Ġbloss": 49723, + "Forgery": 49724, + "(embed": 49725, + "Ġjako": 49726, + "sprintf": 49727, + "their": 49728, + "Ġexhibits": 49729, + "-static": 49730, + "hecy": 49731, + "getActiveSheet": 49732, + ".clients": 49733, + "ãģį": 49734, + "_hide": 49735, + "[word": 49736, + "Cb": 49737, + "addItem": 49738, + "axe": 49739, + "_radio": 49740, + "alion": 49741, + "modifier": 49742, + "Ġsaturation": 49743, + "Ġdenom": 49744, + "_pixels": 49745, + "mess": 49746, + "(fl": 49747, + "atif": 49748, + "Ġsecs": 49749, + "Ġprostitution": 49750, + "Ġgrandchildren": 49751, + "Ġparadise": 49752, + "ĠFeld": 49753, + "_BINARY": 49754, + "itous": 49755, + "à¹Ħ": 49756, + "Ġflashing": 49757, + "-sided": 49758, + "Ġcontradiction": 49759, + "/*ĊĊ": 49760, + "ylabel": 49761, + "ĠTet": 49762, + "Ġadmire": 49763, + "reso": 49764, + "Ġletz": 49765, + "ĠSEARCH": 49766, + "slots": 49767, + "ĠRewards": 49768, + "ĠHog": 49769, + "ĠNSData": 49770, + "stash": 49771, + "Fall": 49772, + "ĠAmer": 49773, + "LinearLayout": 49774, + "/photos": 49775, + "Ġfeather": 49776, + "Ġ|čĊ": 49777, + "Downloads": 49778, + ".StartsWith": 49779, + "Ġ//#": 49780, + "ineTransform": 49781, + "Ġaffid": 49782, + "Vtbl": 49783, + "ĠRogue": 49784, + "scribed": 49785, + "Ġfauc": 49786, + "ĠMonroe": 49787, + "Ġdeclares": 49788, + "modern": 49789, + "reon": 49790, + "aybe": 49791, + "PASS": 49792, + "fers": 49793, + "_MULTI": 49794, + "ĠMathematics": 49795, + "Ġsudah": 49796, + "_ATTACH": 49797, + "ĠnumberWith": 49798, + "ĠSolomon": 49799, + "jin": 49800, + "ografia": 49801, + "öl": 49802, + "_design": 49803, + "culated": 49804, + "ĠLuna": 49805, + "iesz": 49806, + "Ġ=>'": 49807, + "Ġrevelations": 49808, + "Along": 49809, + "(ed": 49810, + "ĠFilename": 49811, + "Ġylabel": 49812, + "Secure": 49813, + "Ġbusca": 49814, + "agnosis": 49815, + "_RECE": 49816, + "Ġoverlapping": 49817, + "Extent": 49818, + "Ġanticipation": 49819, + "Checks": 49820, + "ĠALSO": 49821, + "orc": 49822, + "ilingual": 49823, + "itational": 49824, + "Ġadvancement": 49825, + "ouro": 49826, + "ĠPredicate": 49827, + "å¾Ĺ": 49828, + "eria": 49829, + "ĠPierce": 49830, + "orio": 49831, + "Ġmerits": 49832, + "Ġpeanut": 49833, + ".Package": 49834, + "ĠConduct": 49835, + "_SENSOR": 49836, + "Ġboiling": 49837, + "Ġintra": 49838, + "ĠIGN": 49839, + "ĠFur": 49840, + ".Refresh": 49841, + "ĠReach": 49842, + "_decoder": 49843, + ".Exp": 49844, + "ĠÑĤак": 49845, + "pill": 49846, + ",Q": 49847, + "ĠGrill": 49848, + "Ġpopping": 49849, + ".Ag": 49850, + "Ġproyecto": 49851, + "Ġmileage": 49852, + "Ġecological": 49853, + "]]);Ċ": 49854, + "ĠÂŃ": 49855, + "subplot": 49856, + "acad": 49857, + "ĠTrying": 49858, + "recipes": 49859, + "$criteria": 49860, + "ĠPersian": 49861, + "-bound": 49862, + "MASK": 49863, + "ĠGesture": 49864, + "Ġkk": 49865, + "ĠPVC": 49866, + "Ġprohibition": 49867, + "Ġcomando": 49868, + "ĠLOOK": 49869, + "Shopping": 49870, + "Ġdistortion": 49871, + "čĊ": 49917, + ".Dependency": 49918, + ".QueryString": 49919, + ".Owner": 49920, + "Ġexpiry": 49921, + "Thu": 49922, + "(Vec": 49923, + "Ġhazardous": 49924, + "Ġrpm": 49925, + "APON": 49926, + "ĠaddTarget": 49927, + "sville": 49928, + "pNet": 49929, + "ĠImg": 49930, + "ĠTIMER": 49931, + ".Animation": 49932, + "Ġbek": 49933, + "Ġassort": 49934, + "Ġlebih": 49935, + "ĠbodyParser": 49936, + "Ġvibrating": 49937, + "IDL": 49938, + "Ġbutterknife": 49939, + "inters": 49940, + "Ġpersuade": 49941, + "ĠLGBTQ": 49942, + "èĭ": 49943, + ".soft": 49944, + "Ġbeams": 49945, + "_sur": 49946, + ".Def": 49947, + "Ġlabs": 49948, + "ĉplt": 49949, + "Ġskins": 49950, + "Ġtransferring": 49951, + "Ġimaginary": 49952, + "_End": 49953, + ";background": 49954, + "Ġlaps": 49955, + "_COMMENT": 49956, + "(SDL": 49957, + "onds": 49958, + ".Record": 49959, + "ĠImplements": 49960, + "_ticks": 49961, + "()))ĊĊ": 49962, + "Ġarose": 49963, + "]?": 49964, + "ĠMp": 49965, + "ĠICommand": 49966, + "Ġsculpture": 49967, + "Ġcontracted": 49968, + "\">'": 50446, + "kinson": 50447, + "Ġкол": 50448, + "ognitive": 50449, + "_li": 50450, + "Ġimminent": 50451, + "Ġaffinity": 50452, + ".signal": 50453, + "Ġnotch": 50454, + "ĠSteelers": 50455, + "maxlength": 50456, + "KK": 50457, + "ĠEugene": 50458, + "_PWM": 50459, + "roi": 50460, + "ĠâĹı": 50461, + "ĠHamburg": 50462, + ".Must": 50463, + "Ġaxe": 50464, + "enef": 50465, + "Ġambitions": 50466, + "ĠSpecies": 50467, + "ĠStress": 50468, + "Ġawhile": 50469, + "ĠбÑĥд": 50470, + "Ġwithstand": 50471, + "ĠDecoder": 50472, + "_inventory": 50473, + "Ġ{ččĊ": 50474, + "Ġtgt": 50475, + "Ġrailroad": 50476, + "WASHINGTON": 50477, + "Ġnegotiated": 50478, + "NST": 50479, + "-phone": 50480, + ",U": 50481, + "Ġexercising": 50482, + "ụ": 50483, + "_PIXEL": 50484, + "avors": 50485, + "iterated": 50486, + "Ġvampire": 50487, + "adal": 50488, + "Ingrese": 50489, + "Ġung": 50490, + "jective": 50491, + ".cells": 50492, + "Ġnano": 50493, + "Ġmarkdown": 50494, + "_RULE": 50495, + "(events": 50496, + "Ġluggage": 50497, + "MESSAGE": 50498, + "igkeit": 50499, + "$count": 50500, + "AttributeName": 50501, + "IGINAL": 50502, + "_Ent": 50503, + "ĠBF": 50504, + "ĠCOMMENT": 50505, + "_ini": 50506, + "ĠEuropeans": 50507, + "ĠBelle": 50508, + "åij½": 50509, + ")['": 50510, + "åºĶ": 50511, + "ĠUseful": 50512, + ".reference": 50513, + "()\",": 50514, + "_grade": 50515, + "ĠKaw": 50516, + "Ġsentencing": 50517, + "Ġsocialism": 50518, + "monster": 50519, + "_LAYER": 50520, + "Ġdeepest": 50521, + "wk": 50522, + "ĠNoise": 50523, + "###ĊĊ": 50524, + "Ġpréc": 50525, + "otle": 50526, + "ÑĤе": 50527, + "auf": 50528, + "ibal": 50529, + "Ġconquer": 50530, + ">Email": 50531, + "Ġambulance": 50532, + "OAD": 50533, + "Ġ(\"%": 50534, + "ĠFI": 50535, + ".fixture": 50536, + "Ġterse": 50537, + "ĠĠĠĠĉĉĉĉ": 50538, + "Ġsanctuary": 50539, + "ugi": 50540, + "ĠComparator": 50541, + "Definitions": 50542, + "Ġasthma": 50543, + "Ġlact": 50544, + "Ġhardwood": 50545, + ".clock": 50546, + "Ġattracting": 50547, + "ĠMour": 50548, + "(distance": 50549, + "icits": 50550, + "Ġbonne": 50551, + "ĠACCESS": 50552, + ".DeserializeObject": 50553, + "ĠTyped": 50554, + "Ġjeu": 50555, + "ĠappId": 50556, + "ĠClara": 50557, + "ĠHF": 50558, + "ĠReich": 50559, + "ipples": 50560, + "//--------------------------------------------------------------------------------": 50561, + "_delivery": 50562, + "erialization": 50563, + "Ġplaintiffs": 50564, + "Scient": 50565, + "shopping": 50566, + "ĠDummy": 50567, + "ĠWald": 50568, + "GroupName": 50569, + "Ġinscription": 50570, + "elog": 50571, + "::::::::": 50572, + "_ld": 50573, + "BackPressed": 50574, + ".Raw": 50575, + "ĠOnTrigger": 50576, + "Ġmuseums": 50577, + "ĠBeen": 50578, + "ĠAdventures": 50579, + "Ġslate": 50580, + "Ġlett": 50581, + "Ġsund": 50582, + "ĠGin": 50583, + "ĠMechanical": 50584, + ".ship": 50585, + "AppComponent": 50586, + "Ġdestined": 50587, + "Ġdwelling": 50588, + "Profiler": 50589, + "Prepare": 50590, + "zeich": 50591, + "Ġsilicon": 50592, + "(has": 50593, + "Ġ#%": 50594, + "VIDEO": 50595, + "Ġcollaborate": 50596, + "Lin": 50597, + "Ġscopes": 50598, + "(className": 50599, + "(sd": 50600, + "andin": 50601, + ".ham": 50602, + "ServiceImpl": 50603, + "-described": 50604, + "Ġirony": 50605, + "stial": 50606, + "ĠHuawei": 50607, + "(repo": 50608, + "Ġunexpectedly": 50609, + "ĠKai": 50610, + ".install": 50611, + "\\xf": 50612, + "Ġexhibited": 50613, + "_TCP": 50614, + "ĠOx": 50615, + "_CHO": 50616, + "Ġprostituerte": 50617, + "Ġvä": 50618, + "Ġsito": 50619, + "Ġconstituents": 50620, + "ĠContinued": 50621, + "ĠSAVE": 50622, + "rss": 50623, + "/message": 50624, + "ubes": 50625, + "Ġmisdemean": 50626, + "Ġtaxation": 50627, + "Ġstoryline": 50628, + "hair": 50629, + "ĠFinds": 50630, + "SIG": 50631, + "verification": 50632, + "~=": 50633, + ".hp": 50634, + "Iterable": 50635, + "Ñĭе": 50636, + "atori": 50637, + "Ġctr": 50638, + "Rx": 50639, + "_);ĊĊ": 50640, + "dag": 50641, + ".pin": 50642, + "Ġpseud": 50643, + "Ġinvo": 50644, + "ÑģÑĤÑĢ": 50645, + "_pix": 50646, + "为空": 50647, + "Ġsworn": 50648, + "âĢĶor": 50649, + "_registry": 50650, + "Ġdisasters": 50651, + "ĠROI": 50652, + "ĠâĢķ": 50653, + "aktu": 50654, + "forest": 50655, + "beiten": 50656, + "âĢĶI": 50657, + "ueva": 50658, + "egt": 50659, + "Ġspikes": 50660, + "URES": 50661, + "ĠRecommended": 50662, + "Ġexploited": 50663, + "ĠFrederick": 50664, + "_COMPLETE": 50665, + "ĠDrugs": 50666, + "!!!!!!!!": 50667, + "ĠRiv": 50668, + "STOP": 50669, + "ROOM": 50670, + "ĠPASSWORD": 50671, + "Cookies": 50672, + ".El": 50673, + "á»Ń": 50674, + "ĠBert": 50675, + "Ġhashed": 50676, + "icester": 50677, + "Ġdecorator": 50678, + "ĠqueryString": 50679, + ":;Ċ": 50680, + "Ġ\"[\"": 50681, + "otope": 50682, + "-Americ": 50683, + "ĠMatthews": 50684, + "URAL": 50685, + "âĢľ,": 50686, + "Summer": 50687, + "fos": 50688, + "_CONTAINER": 50689, + "_ACK": 50690, + "Ġfiltr": 50691, + "_disp": 50692, + "_Re": 50693, + "Ġfacile": 50694, + "аÑĪ": 50695, + "ĠìķĬ": 50696, + "Ġeben": 50697, + "Ġsprink": 50698, + "ĠQuint": 50699, + ">V": 50700, + "Ġhistorians": 50701, + "ourmet": 50702, + "ĠMonitoring": 50703, + "ledger": 50704, + "cott": 50705, + "Ġware": 50706, + "GGLE": 50707, + "cars": 50708, + "ĠMEDIATEK": 50709, + "Ġvolupt": 50710, + "_View": 50711, + "HEL": 50712, + "(copy": 50713, + "(stats": 50714, + "Ġchromosome": 50715, + "ĠCurtis": 50716, + "-conf": 50717, + "(asset": 50718, + "Ġhvor": 50719, + "FileSystem": 50720, + "<>();čĊ": 50721, + "ocoder": 50722, + "ĠCannon": 50723, + ")x": 50724, + "ĠSmooth": 50725, + "ĠSAS": 50726, + "_ce": 50727, + "ĉprev": 50728, + "_movie": 50729, + "Ec": 50730, + "_wall": 50731, + ".ĊĊ": 51278, + "ogenesis": 51279, + "ĠOPTIONS": 51280, + "uptools": 51281, + "Ġmilitant": 51282, + "Ġexited": 51283, + "igar": 51284, + "ĠCOMM": 51285, + "ĠDisposable": 51286, + "aycast": 51287, + "Ġrowspan": 51288, + "Ġsynthes": 51289, + "Ġsondern": 51290, + "ĠĊ": 54769, + "ĠJacket": 54770, + "RATION": 54771, + ".getSelectedItem": 54772, + "-init": 54773, + "ĠRegisters": 54774, + "_sep": 54775, + "ĠToolkit": 54776, + ".dict": 54777, + "Ġxlabel": 54778, + "\\Table": 54779, + "toc": 54780, + "_combo": 54781, + "ĠCompact": 54782, + "Ġrugged": 54783, + "à¥ĩà¤": 54784, + "-management": 54785, + "')}}\">Ċ": 54786, + "ĠStamp": 54787, + "ıl": 54788, + "rox": 54789, + "Ġlandscapes": 54790, + "_NOTE": 54791, + "monary": 54792, + "cab": 54793, + "Ġmoet": 54794, + "xaf": 54795, + "rcode": 54796, + "-cli": 54797, + "_gate": 54798, + "[event": 54799, + "SPORT": 54800, + "gia": 54801, + "ĠSUPER": 54802, + "/Login": 54803, + "_shutdown": 54804, + "interrupt": 54805, + "Ġpretending": 54806, + "Ġfringe": 54807, + "ĠReds": 54808, + "ĠCUDA": 54809, + "ĠUNIX": 54810, + "vit": 54811, + "Ġbrig": 54812, + "drv": 54813, + "ĠConnector": 54814, + "Therefore": 54815, + "Ġlia": 54816, + "Detection": 54817, + "_actor": 54818, + "Ġtempfile": 54819, + "Ġeccentric": 54820, + "-role": 54821, + "Ġpadx": 54822, + "dent": 54823, + "Western": 54824, + "Ġê·¸": 54825, + "ĠApplicationRecord": 54826, + "Ġcampaigning": 54827, + "_runner": 54828, + "ĠCivic": 54829, + "aleigh": 54830, + "Ġdirekt": 54831, + ".sul": 54832, + "ĠĠĉĉĉ": 54833, + "anten": 54834, + "Ġissuer": 54835, + "Ġassertions": 54836, + "(orig": 54837, + "ATIO": 54838, + "Ġleaned": 54839, + "äs": 54840, + ".DTO": 54841, + "explode": 54842, + ".Observable": 54843, + "Ġstaggering": 54844, + "Ġkidnapped": 54845, + "Ġprogrammers": 54846, + "ĠInnov": 54847, + ".parameter": 54848, + "Ġdomination": 54849, + "Ġskeptic": 54850, + "Ġæĺ¯": 54851, + "Ġavoids": 54852, + ".Verify": 54853, + "ubby": 54854, + "ĠASN": 54855, + "Ġformato": 54856, + "ĠBeatles": 54857, + "_brand": 54858, + "Ġinset": 54859, + "youtu": 54860, + "Ġtoc": 54861, + "-final": 54862, + "Showing": 54863, + "ĠDoub": 54864, + "ĠMesa": 54865, + "Adj": 54866, + "_medium": 54867, + "Creates": 54868, + "(endpoint": 54869, + "ĉUP": 54870, + "bbie": 54871, + "Ġstalk": 54872, + ".databind": 54873, + ".Scan": 54874, + "agents": 54875, + "$,": 54876, + "individual": 54877, + "+)/": 54878, + "ĉvm": 54879, + "(notification": 54880, + "Ġinex": 54881, + "ĠClassification": 54882, + "reno": 54883, + "Ġolig": 54884, + "-rated": 54885, + "Ġformulation": 54886, + "',{": 54887, + "Ġacept": 54888, + "_unpack": 54889, + "_CA": 54890, + ".Pow": 54891, + "ĉim": 54892, + "Ġaluminium": 54893, + "ANO": 54894, + "Ġxn": 54895, + "Ġcómo": 54896, + "ĠIngredient": 54897, + "Ġseizures": 54898, + "åħ±": 54899, + "ificador": 54900, + "Ġsiguiente": 54901, + "ĠInfragistics": 54902, + "Ġduplicated": 54903, + "ĠDee": 54904, + "Ġnø": 54905, + "ĠACCEPT": 54906, + "(crate": 54907, + "иÑĤелÑĮ": 54908, + "-less": 54909, + "Ġinfinity": 54910, + "Analyzer": 54911, + "-Day": 54912, + "ritt": 54913, + "(cin": 54914, + "ĠGy": 54915, + "Ġmultiplied": 54916, + "uchi": 54917, + "ĠBaldwin": 54918, + "/ip": 54919, + "Ġshortcuts": 54920, + ".ADD": 54921, + "Ġvigor": 54922, + "_instruction": 54923, + "(;": 54924, + "_eta": 54925, + "è¿ŀ": 54926, + "utorials": 54927, + "Ġboosting": 54928, + "bv": 54929, + "Ġacknowledges": 54930, + "Listening": 54931, + "FAQ": 54932, + ";b": 54933, + "((-": 54934, + "Ġarchitects": 54935, + "Ġzwe": 54936, + "Ġpuls": 54937, + "ĠgetCount": 54938, + "verbs": 54939, + "ãĢľ": 54940, + "(Collection": 54941, + "kre": 54942, + "Ġjurisdictions": 54943, + "_bridge": 54944, + "ĠCrack": 54945, + "ĠDifficulty": 54946, + "KO": 54947, + "Reservation": 54948, + "_requires": 54949, + "Tour": 54950, + "ãģĹãģŁ": 54951, + ".setCurrent": 54952, + "Ġky": 54953, + "ĠAlbany": 54954, + "Ġè§": 54955, + "ller": 54956, + "agna": 54957, + "workers": 54958, + ".blank": 54959, + "ĠPrayer": 54960, + "MIC": 54961, + "Ġresilience": 54962, + "TeX": 54963, + "ĠLanguages": 54964, + "study": 54965, + "ĉcurr": 54966, + "Ġenzymes": 54967, + "Slug": 54968, + "ĠíĮĮ": 54969, + "stral": 54970, + "Ġtumors": 54971, + "Ġsegunda": 54972, + "='{": 54973, + "instruction": 54974, + "ĠLisp": 54975, + "/info": 54976, + "Ġ\"{$": 54977, + ",:),": 54978, + "Ġgv": 54979, + "(ErrorMessage": 54980, + "Ġ'=": 54981, + "}-${": 54982, + ".Documents": 54983, + "\"Well": 54984, + "Ġreminiscent": 54985, + "Ġgaz": 54986, + "iropr": 54987, + "ehr": 54988, + "Ġsuppressed": 54989, + "ersh": 54990, + ".scrollTo": 54991, + "Ġcadena": 54992, + "ĠgameState": 54993, + "ÃŃm": 54994, + "(conv": 54995, + "ĠTomorrow": 54996, + "ĠCCT": 54997, + "Mongo": 54998, + "ulg": 54999, + ".Camera": 55000, + ".handlers": 55001, + "mph": 55002, + "Ġstk": 55003, + "Ġgenetics": 55004, + "ACING": 55005, + "Trivia": 55006, + "ĠBam": 55007, + "(marker": 55008, + ".Stretch": 55009, + "ĠSunni": 55010, + "ĠBetty": 55011, + ".tolist": 55012, + "unlikely": 55013, + ".Rectangle": 55014, + "obsolete": 55015, + "ILON": 55016, + "innerText": 55017, + "embourg": 55018, + "aN": 55019, + "ĠVehicles": 55020, + "unlock": 55021, + ":utf": 55022, + "nob": 55023, + "ĠSeeing": 55024, + "ĠNEVER": 55025, + "Ġtls": 55026, + "Ġfilles": 55027, + "Ġbenefited": 55028, + "ĠClint": 55029, + "*/),": 55030, + ".fold": 55031, + "Ġposible": 55032, + "ADED": 55033, + "thouse": 55034, + ".DAL": 55035, + "ĠOdd": 55036, + "rokes": 55037, + "ĠSunny": 55038, + "ĠPartialEq": 55039, + "_Buffer": 55040, + "ĠLevi": 55041, + "longrightarrow": 55042, + "eldon": 55043, + "gages": 55044, + "_warn": 55045, + ".CreateTable": 55046, + "ĠDip": 55047, + "_questions": 55048, + ".logic": 55049, + "Ġ#\"": 55050, + "={()=>": 55051, + "Ġtep": 55052, + "Ġjuicy": 55053, + "ìĤ¬": 55054, + "enko": 55055, + "ialect": 55056, + "Ùī": 55057, + "Ġonboard": 55058, + "Ġæı": 55059, + "ĉrt": 55060, + "_UTF": 55061, + "ĠQAction": 55062, + "âĢŀ": 55063, + "(Component": 55064, + "(audio": 55065, + ".hit": 55066, + "gte": 55067, + "Ġprogrammed": 55068, + "stateParams": 55069, + "Ġpolyester": 55070, + "fires": 55071, + "byss": 55072, + "]=(": 55073, + "_quality": 55074, + "OfDay": 55075, + "ĠFairy": 55076, + "Ġyelled": 55077, + "opl": 55078, + "(userName": 55079, + "ĠDifference": 55080, + "Ġevaluations": 55081, + "iffany": 55082, + "Ġcyclists": 55083, + "Ġcidade": 55084, + "Ġtextbook": 55085, + "Ġprofiling": 55086, + "__),": 55087, + "dea": 55088, + ".activate": 55089, + "Ġindications": 55090, + "Ðķ": 55091, + "TouchUpInside": 55092, + "Ġinvaluable": 55093, + "ĠMASK": 55094, + "Ġcontend": 55095, + "Freq": 55096, + "Ġrecruits": 55097, + "(interval": 55098, + "ĠUserProfile": 55099, + "Ġ'./../": 55100, + "edu": 55101, + "_Callback": 55102, + "Ġanalogy": 55103, + "ĠTrophy": 55104, + "apphire": 55105, + "Videos": 55106, + "ĠCher": 55107, + "ĠHav": 55108, + "â̦\"": 55109, + ".validator": 55110, + "gfx": 55111, + "ĠUObject": 55112, + "classnames": 55113, + "triangle": 55114, + "ĠEncoder": 55115, + ".spy": 55116, + "Ġpredators": 55117, + "=status": 55118, + "-safe": 55119, + ":\",Ċ": 55120, + "ĠIncluding": 55121, + "Ġ{};čĊ": 55122, + "*cos": 55123, + "Ġendured": 55124, + ".sulake": 55125, + "Ġnursery": 55126, + "Ġfragrance": 55127, + "Ġrebuilding": 55128, + "Ġnth": 55129, + "ĠFraser": 55130, + ".setDate": 55131, + "ĠVince": 55132, + "_REST": 55133, + "Ġventilation": 55134, + "æµ·": 55135, + "cribes": 55136, + ".asm": 55137, + "lpVtbl": 55138, + "ĠAbe": 55139, + "uisine": 55140, + ",array": 55141, + "ĉclassName": 55142, + "errals": 55143, + "Ġ'ĊĊ": 55144, + "Checkout": 55145, + "Ġsolicit": 55146, + "Aux": 55147, + "_capture": 55148, + "Ġribs": 55149, + "ragon": 55150, + "viol": 55151, + "topics": 55152, + "FunctionFlags": 55153, + "ĠMarty": 55154, + "bike": 55155, + "ĠTucker": 55156, + "(kernel": 55157, + "ĠOps": 55158, + "CloseOperation": 55159, + "/demo": 55160, + "ilda": 55161, + "ĠlÃŃnea": 55162, + "APPING": 55163, + "Ġsuites": 55164, + ".visitVarInsn": 55165, + "urus": 55166, + "ĠMinute": 55167, + "(manager": 55168, + "Ġbutterfly": 55169, + "Ġapare": 55170, + "Ġwolves": 55171, + "JWT": 55172, + "ĠSalon": 55173, + "ĉdelay": 55174, + "-eslint": 55175, + "isations": 55176, + ".rpc": 55177, + ")|(": 55178, + "ĠSnapchat": 55179, + "/mm": 55180, + "MN": 55181, + "ceries": 55182, + ".textAlignment": 55183, + "ĠFrankfurt": 55184, + "Ġado": 55185, + "(newValue": 55186, + "(access": 55187, + "(Expression": 55188, + "ĠSignIn": 55189, + "ĠHaiti": 55190, + "_tp": 55191, + ".setParameter": 55192, + "Minute": 55193, + "Ġmanuals": 55194, + "ricanes": 55195, + "ĠPTR": 55196, + "ĠOuter": 55197, + "Ġgetline": 55198, + "ocations": 55199, + "_CD": 55200, + "ĠLyon": 55201, + "/gui": 55202, + "_live": 55203, + "idan": 55204, + ".geom": 55205, + "ĠborderBottom": 55206, + "imuth": 55207, + "_checkpoint": 55208, + "Ġmeu": 55209, + "ĠIrving": 55210, + "Ġpeuvent": 55211, + "(MAX": 55212, + "ĠARCH": 55213, + "Ġpov": 55214, + ".sourceforge": 55215, + "Ġjamais": 55216, + "Ġark": 55217, + "ĠBaghdad": 55218, + "ĠCLEAR": 55219, + "MenuBar": 55220, + "Ġtrois": 55221, + "CHEDULE": 55222, + "Ġ#čĊ": 55223, + "(Call": 55224, + "$order": 55225, + "(Material": 55226, + "Ġencontrado": 55227, + "$list": 55228, + "ĠMETHODS": 55229, + ".beginTransaction": 55230, + "_MAG": 55231, + "StyleSheet": 55232, + "Ġmajors": 55233, + "Ġindefinitely": 55234, + "cleanup": 55235, + "Ġhomeland": 55236, + "(dto": 55237, + "Dates": 55238, + "Presentation": 55239, + "ĠDK": 55240, + "={`/": 55241, + "ĉKey": 55242, + "(Block": 55243, + "_checkbox": 55244, + "needs": 55245, + "ĠonComplete": 55246, + "rico": 55247, + "Ġgleich": 55248, + "Ġxm": 55249, + "OOD": 55250, + "Better": 55251, + "ĠSQLITE": 55252, + ".Book": 55253, + "xad": 55254, + "ĠGone": 55255, + "ĉdp": 55256, + "Ġdevotion": 55257, + "Ġstm": 55258, + "Ġobsess": 55259, + "ĠBackend": 55260, + "Queries": 55261, + "Ik": 55262, + "//****************************************************************": 55263, + "Ġdividends": 55264, + ".parentElement": 55265, + "}\")ĊĊ": 55266, + "ĠMaterialPageRoute": 55267, + ":num": 55268, + "Ġexplic": 55269, + "ĠOL": 55270, + "least": 55271, + "Oops": 55272, + "imentos": 55273, + "Ġinsurers": 55274, + "Ġheroic": 55275, + "ĉfields": 55276, + ".imgur": 55277, + ".btnCancel": 55278, + "ĠDetective": 55279, + "(sm": 55280, + "ĠMutableLiveData": 55281, + ".lab": 55282, + "(([": 55283, + "Ġhairst": 55284, + "ĠTransactions": 55285, + "å¼Ģå§ĭ": 55286, + "ĠstdClass": 55287, + "uento": 55288, + "GIS": 55289, + "_cod": 55290, + "Instructions": 55291, + "Calls": 55292, + "PointerType": 55293, + "ĠRw": 55294, + "Ġassortment": 55295, + "ĠDIG": 55296, + "+r": 55297, + "_CERT": 55298, + "Ġinstability": 55299, + "Ġvib": 55300, + "onas": 55301, + "Ġroku": 55302, + "apellido": 55303, + "Ġangl": 55304, + "preneur": 55305, + "Ġfluids": 55306, + "isease": 55307, + "Ġdeed": 55308, + "quist": 55309, + "_CONSTANT": 55310, + "Ġequilibrium": 55311, + "_delegate": 55312, + "ĠQuantum": 55313, + "rei": 55314, + "Capabilities": 55315, + "rectangle": 55316, + "?><": 55317, + "alien": 55318, + "ĠJug": 55319, + "DNA": 55320, + "Tickets": 55321, + "Occurs": 55322, + "ĠHawk": 55323, + ".setHorizontalGroup": 55324, + "\\Collection": 55325, + "ffiti": 55326, + "Ġrearr": 55327, + ".setVerticalGroup": 55328, + "Ġcavity": 55329, + "Ġadulte": 55330, + "Facade": 55331, + "-wh": 55332, + "ĠLOL": 55333, + "ذ": 55334, + "Ġgrandparents": 55335, + "Swift": 55336, + "ĉwx": 55337, + "æīĢæľī": 55338, + "ifen": 55339, + "ffset": 55340, + "Beyond": 55341, + "//}ĊĊ": 55342, + "Ġwager": 55343, + "Ġbury": 55344, + "Ġcommence": 55345, + "registro": 55346, + "scient": 55347, + "ĠPercent": 55348, + "Ġдолж": 55349, + "(identifier": 55350, + ".setModel": 55351, + "Ġseldom": 55352, + "nton": 55353, + "Ġappliance": 55354, + "amus": 55355, + "rysler": 55356, + "Ġpanties": 55357, + "enguins": 55358, + "Ġmimic": 55359, + "ĠonChanged": 55360, + "Ġalcoholic": 55361, + ".reloadData": 55362, + "Charge": 55363, + "ĠFax": 55364, + "ĠjScrollPane": 55365, + "Empresa": 55366, + "Ġshattered": 55367, + "xba": 55368, + "Fonts": 55369, + "?s": 55370, + "Ġpostseason": 55371, + "retain": 55372, + "_rates": 55373, + "ĠrequestCode": 55374, + ".todo": 55375, + "´s": 55376, + "CHK": 55377, + "ĠKeeping": 55378, + "engeance": 55379, + "Ġvscode": 55380, + "IPPING": 55381, + "DefaultCloseOperation": 55382, + "_raise": 55383, + "ĠOculus": 55384, + "ograms": 55385, + "raj": 55386, + "pci": 55387, + "Ġcorrosion": 55388, + ".handleSubmit": 55389, + "Accessible": 55390, + "ĠPiano": 55391, + "little": 55392, + "ACL": 55393, + "Äĩe": 55394, + ".unwrap": 55395, + "ĠConvers": 55396, + "ĠLeben": 55397, + "ioneer": 55398, + "ĠMerchant": 55399, + "ĠJorge": 55400, + "Ġembracing": 55401, + "Ġventa": 55402, + "ást": 55403, + "Ġviene": 55404, + "Ċ": 55556, + "-growing": 55557, + "Ġdeepcopy": 55558, + "Ack": 55559, + "eggies": 55560, + "Ġ__(\"": 55561, + "Ġnoir": 55562, + "terrorism": 55563, + "Ġanthem": 55564, + "agency": 55565, + "_PACKAGE": 55566, + "ĠClosure": 55567, + ".registry": 55568, + "Ġmammals": 55569, + "L": 55600, + "Ġbluetooth": 55601, + ".Deep": 55602, + "-standing": 55603, + "ácil": 55604, + "Ġrooft": 55605, + "ĠPaths": 55606, + "_iterations": 55607, + "InvalidArgumentException": 55608, + ".spi": 55609, + "ĠUIAlertAction": 55610, + "uye": 55611, + "signin": 55612, + ".priority": 55613, + "ĠEssays": 55614, + "='{$": 55615, + "Ġè¿ĶåĽŀ": 55616, + "_signed": 55617, + ".persist": 55618, + "Ġredesign": 55619, + "ToLower": 55620, + "ĠNewman": 55621, + "=start": 55622, + "ĠIsraelis": 55623, + "asiswa": 55624, + "Speech": 55625, + "Ġnumeros": 55626, + "handlers": 55627, + "ĠWong": 55628, + "ĠмеÑĤод": 55629, + "Weights": 55630, + "ĠGujar": 55631, + "teil": 55632, + "ĠNonetheless": 55633, + "_EFFECT": 55634, + "Ġvect": 55635, + "ĠOsc": 55636, + "Ġcoats": 55637, + "ĠWheat": 55638, + "Ġgeek": 55639, + "ĠPROPERTY": 55640, + "worm": 55641, + "_constants": 55642, + "ĠBoulder": 55643, + "ĠParm": 55644, + "cole": 55645, + "ĠdefaultCenter": 55646, + "ĠRouge": 55647, + ":A": 55648, + "xcf": 55649, + "ĠVenice": 55650, + "median": 55651, + "Ġredemption": 55652, + "Fresh": 55653, + "Ġcosm": 55654, + "Ġfigur": 55655, + "Ġrefurb": 55656, + "COPE": 55657, + ".cd": 55658, + "Ġchords": 55659, + "ĠSgt": 55660, + "Åį": 55661, + "VPN": 55662, + "ĠSEND": 55663, + "ainen": 55664, + "_accounts": 55665, + "Ġtenth": 55666, + "Ġdissolved": 55667, + "": 55907, + "Ġlegitimacy": 55908, + "Ġoo": 55909, + "Slinky": 55910, + "Ġnationals": 55911, + ".words": 55912, + ";p": 55913, + "trap": 55914, + "omanip": 55915, + "Ġcues": 55916, + "Ġgraduating": 55917, + "Ġsemaphore": 55918, + "\"]);ĊĊ": 55919, + "acey": 55920, + "REET": 55921, + "Grab": 55922, + "ĠFelix": 55923, + "(Id": 55924, + "_neighbors": 55925, + "Ġmeaningless": 55926, + "(del": 55927, + "Ġjeder": 55928, + "ĠContentValues": 55929, + ".absolute": 55930, + "/cl": 55931, + "Ġxb": 55932, + "datum": 55933, + "Ġtortured": 55934, + "Ġrubbing": 55935, + "Scores": 55936, + "ĠðŁĺī": 55937, + "Ġavons": 55938, + "Ġamsterdam": 55939, + "EOS": 55940, + "Hal": 55941, + "Ġtrustworthy": 55942, + "#=": 55943, + ".EXTRA": 55944, + "Ġmano": 55945, + "isicing": 55946, + "-support": 55947, + "ĉcursor": 55948, + "ĠSpo": 55949, + "aimassage": 55950, + "Mission": 55951, + "[]{\"": 55952, + "Ġprinters": 55953, + "GREEN": 55954, + "Ġteg": 55955, + "Ġabdominal": 55956, + "!ĊĊĊĊĊĊ": 55957, + ".Short": 55958, + "азв": 55959, + "ĠGifts": 55960, + "}\")": 55961, + "(binding": 55962, + "xce": 55963, + "âĢij": 55964, + "infos": 55965, + "FormData": 55966, + "Ġdart": 55967, + "Ġelems": 55968, + "(inv": 55969, + "YL": 55970, + "tin": 55971, + "GENER": 55972, + "ữ": 55973, + "ĠTaken": 55974, + "uckle": 55975, + ":e": 55976, + "Ġspectral": 55977, + ".baidu": 55978, + "/');Ċ": 55979, + "Ġgreedy": 55980, + "esion": 55981, + ",,,,,,,,": 55982, + "Ġ/>,Ċ": 55983, + "InternalServerError": 55984, + "NSNotificationCenter": 55985, + "ĠAi": 55986, + "Ġspit": 55987, + "Ġaugmented": 55988, + "ĠstandardUserDefaults": 55989, + "FINITY": 55990, + "Race": 55991, + ":C": 55992, + "ĠRECORD": 55993, + "ĠHighlight": 55994, + "Ġ'`": 55995, + "Ġdeficits": 55996, + "Ġnei": 55997, + "Ġresearched": 55998, + "Ta": 55999, + "Ġcopp": 56000, + ".GetHashCode": 56001, + "):čĊčĊ": 56002, + "OnClick": 56003, + "ĠWellington": 56004, + "Ġrevival": 56005, + "æ¯Ķ": 56006, + "éĹ®": 56007, + "ĠNSS": 56008, + "Ġforn": 56009, + "Ġinté": 56010, + "ĠKuwait": 56011, + "_flip": 56012, + "_bo": 56013, + "_\\": 56014, + "Ġoccurrences": 56015, + "ĠScientists": 56016, + "SRC": 56017, + "ogens": 56018, + "igrant": 56019, + "REMOTE": 56020, + "ĠSID": 56021, + ".opts": 56022, + "uve": 56023, + "()])Ċ": 56024, + "Ġlibertarian": 56025, + "ĠGlide": 56026, + "lesen": 56027, + "Ġforme": 56028, + "owania": 56029, + "Ġannoyed": 56030, + "Defs": 56031, + "ĠExecutor": 56032, + "Ġcasts": 56033, + ".setChecked": 56034, + "ĠSharing": 56035, + ".SerializeObject": 56036, + "Ġselectors": 56037, + "_OTHER": 56038, + "미": 56039, + "(super": 56040, + "(OS": 56041, + "_VERIFY": 56042, + "idunt": 56043, + "';Ċ": 56045, + "Ġvidéo": 56046, + "ĠNegro": 56047, + "ĠLords": 56048, + "ĠTours": 56049, + "Ġsoftly": 56050, + ".receive": 56051, + "ĠERC": 56052, + "ĠdataSet": 56053, + "Badge": 56054, + "ĉEvent": 56055, + "Ġperl": 56056, + "Ġ{}\\": 56057, + "(sentence": 56058, + "OrUpdate": 56059, + "Ġdiminish": 56060, + "PIN": 56061, + "(draw": 56062, + ".ToDateTime": 56063, + ".EqualTo": 56064, + "(pin": 56065, + "-pencil": 56066, + "luent": 56067, + "ĠCaller": 56068, + "Ġplayful": 56069, + "-'+": 56070, + "xca": 56071, + "swick": 56072, + "){}Ċ": 56073, + "}:${": 56074, + "ĠMeth": 56075, + ".getCell": 56076, + ".break": 56077, + "Ġymax": 56078, + "='Ċ": 56291, + "ĠHiro": 56292, + "(TRUE": 56293, + "asurer": 56294, + "Ġcuer": 56295, + "Uber": 56296, + ".Operation": 56297, + "Ġolan": 56298, + "Ġthrilling": 56299, + "'.": 56321, + "ĉvalid": 56322, + "\"\",": 56323, + "Instrument": 56324, + ">J": 56325, + "Ġnostr": 56326, + "ĠRift": 56327, + "_Port": 56328, + "Ġveces": 56329, + "[['": 56330, + "Ġrallies": 56331, + "-series": 56332, + "Ġvv": 56333, + ".uc": 56334, + "Ġrtn": 56335, + "StateChanged": 56336, + "(ins": 56337, + "ĠCla": 56338, + "------------Ċ": 56339, + "cus": 56340, + "ĠReload": 56341, + "//------------------------------------------------------------------------------------------------": 56342, + ".seconds": 56343, + "_destination": 56344, + "Ġscrewed": 56345, + ">c": 56346, + "Thickness": 56347, + "Designer": 56348, + "Ġgrids": 56349, + "nÄħ": 56350, + "(cookie": 56351, + "Trip": 56352, + "-Mobile": 56353, + "Ġvoll": 56354, + "Ġgenital": 56355, + "Ġconfisc": 56356, + "ĠConfederate": 56357, + "ĠwebView": 56358, + "Ġmise": 56359, + "Ġcler": 56360, + "(selection": 56361, + "$date": 56362, + "Ġsharpen": 56363, + "ragen": 56364, + "AndUpdate": 56365, + "Ġremix": 56366, + "Ġhtons": 56367, + "RW": 56368, + "MPI": 56369, + "Ġretrieval": 56370, + "Ġrichest": 56371, + ".Decode": 56372, + ":initComponents": 56373, + "ĠTValue": 56374, + "Saint": 56375, + "@include": 56376, + "ĠPERSON": 56377, + ".sep": 56378, + "ĠLDAP": 56379, + "gba": 56380, + "ĠgroÃŁe": 56381, + "Ġreliably": 56382, + "ĠDFS": 56383, + ".getItemId": 56384, + "Ġprésent": 56385, + ".getToken": 56386, + "Ġchinese": 56387, + "ĠMeal": 56388, + "YOU": 56389, + "\">>ĊĊ": 56948, + "bower": 56949, + "Ġswapped": 56950, + "/install": 56951, + "Ġsinks": 56952, + "etrize": 56953, + "Ġdeclines": 56954, + "ĉmysql": 56955, + "ĠCString": 56956, + "ĠMotionEvent": 56957, + ".Language": 56958, + "Road": 56959, + "ÑĤеÑĢ": 56960, + "ascimento": 56961, + "'))->": 56962, + ".about": 56963, + "(editor": 56964, + "ĠRatings": 56965, + "income": 56966, + "Å¡e": 56967, + ".dequeueReusableCell": 56968, + "ĠAustrian": 56969, + "Ġsulla": 56970, + "ĠTribunal": 56971, + "ĠDidn": 56972, + "оваÑĢ": 56973, + "Ġinspections": 56974, + "Boss": 56975, + "Ġcocktails": 56976, + "Ġapologized": 56977, + "_subplot": 56978, + "opal": 56979, + "+=(": 56980, + "Ġresonance": 56981, + "ibu": 56982, + "Ġ리": 56983, + "roma": 56984, + "reserve": 56985, + "pls": 56986, + "ĠTah": 56987, + "axies": 56988, + "OPLE": 56989, + "ĠDarren": 56990, + "ĠZombie": 56991, + "_Map": 56992, + "Ġ])ĊĊ": 56993, + "ĠQi": 56994, + "ĠSail": 56995, + "Ġrestrictive": 56996, + "Ġerosion": 56997, + "-par": 56998, + "WHITE": 56999, + "Ġoldu": 57000, + "Ġaperture": 57001, + "Ġbitcoins": 57002, + "texto": 57003, + "ĠComcast": 57004, + "Ġtimeless": 57005, + "enkins": 57006, + "Ġfeeder": 57007, + "/tmp": 57008, + "resden": 57009, + "+'_": 57010, + ".Destroy": 57011, + "Ġçok": 57012, + "ĠDOCUMENT": 57013, + ".lng": 57014, + ".tagName": 57015, + "Ġkullan": 57016, + "egrate": 57017, + "Ġ(*.": 57018, + "ç¼ĸè¾ij": 57019, + "Ġhandshake": 57020, + "soc": 57021, + "_geometry": 57022, + "ĠDamascus": 57023, + "Minor": 57024, + "ĠKafka": 57025, + "ìŬ": 57026, + "Florida": 57027, + "_compute": 57028, + ".expr": 57029, + "Ġparalle": 57030, + "ĠDiaz": 57031, + "cir": 57032, + "[target": 57033, + "Ġjoking": 57034, + "Ġglor": 57035, + "(setq": 57036, + "_handlers": 57037, + "Hang": 57038, + "Ġferr": 57039, + "riminal": 57040, + "ĉĠĠĠĠĉĉ": 57041, + "enties": 57042, + "defines": 57043, + "-tax": 57044, + "jsonp": 57045, + "ĠUPS": 57046, + "metro": 57047, + "__;Ċ": 57048, + "ĠUganda": 57049, + "])):Ċ": 57050, + "_td": 57051, + "xae": 57052, + "lw": 57053, + ".OS": 57054, + "ĠLogged": 57055, + "acid": 57056, + "ĠMayo": 57057, + "aspect": 57058, + "Ġvaginal": 57059, + "Ġinitializing": 57060, + "Ġsteroids": 57061, + "fiction": 57062, + "GRE": 57063, + "gend": 57064, + "Ġliabilities": 57065, + "ĠLets": 57066, + "Mech": 57067, + "(nc": 57068, + "(change": 57069, + "Ġconnectors": 57070, + ":k": 57071, + "Ġtast": 57072, + "!\");ĊĊ": 57073, + "things": 57074, + "rophy": 57075, + "luetooth": 57076, + "ĠSignUp": 57077, + ".ctrl": 57078, + "Ġtherein": 57079, + "orda": 57080, + ".escape": 57081, + "igator": 57082, + "Ġpetrol": 57083, + "Ġspecimen": 57084, + "Ġdebuted": 57085, + "-Pro": 57086, + "Ġcrises": 57087, + ".addView": 57088, + "ëıĻ": 57089, + "-door": 57090, + "Ġmonet": 57091, + "Ġmillis": 57092, + "Ġvier": 57093, + "InternalEnumerator": 57094, + "Ġadmins": 57095, + "ĠLair": 57096, + "zin": 57097, + "getQuery": 57098, + "umbles": 57099, + "LIMIT": 57100, + "ĠVig": 57101, + "_song": 57102, + "": 57415, + "Ġpasado": 57416, + "thank": 57417, + "_Delete": 57418, + "ĠBrighton": 57419, + ",unsigned": 57420, + "ä½ľèĢħ": 57421, + "Ġaspirations": 57422, + "-how": 57423, + "Rose": 57424, + "=((": 57425, + "_needed": 57426, + "_plural": 57427, + ">ĊĊ": 57545, + "Ġsurfaced": 57546, + "ĠìłĢìŀ¥": 57547, + "platz": 57548, + "ĉemail": 57549, + "ceptors": 57550, + "\">(": 57551, + "Ġepile": 57552, + "读": 57553, + "ĠDebt": 57554, + "åijĬ": 57555, + "NOP": 57556, + "\"https": 57557, + ":j": 57558, + "FormItem": 57559, + "_LICENSE": 57560, + ".getDouble": 57561, + "ĠAgenda": 57562, + "ĉfinally": 57563, + "(filters": 57564, + "(av": 57565, + "ç¾İ": 57566, + "APER": 57567, + "Ġlava": 57568, + "еÑĢж": 57569, + "))))ĊĊ": 57570, + "Ġfaulty": 57571, + "_nm": 57572, + "Ġtrava": 57573, + "(Bitmap": 57574, + "Ġspeeding": 57575, + ">').": 57576, + "Ġscreened": 57577, + "_roll": 57578, + "ĠMacBook": 57579, + "ĠAUD": 57580, + "Ġdiagnose": 57581, + ".Generate": 57582, + "Ġ^^": 57583, + "Ġstrs": 57584, + "[Test": 57585, + "Ġransom": 57586, + "ĠDHCP": 57587, + "elden": 57588, + "Ġinterpretations": 57589, + "()].": 57590, + "flatMap": 57591, + "ĠlineHeight": 57592, + "_mount": 57593, + "ĠWizards": 57594, + "Ġsluts": 57595, + "ehler": 57596, + "odal": 57597, + "Ġmilitia": 57598, + "å²": 57599, + "earned": 57600, + "Ġmisery": 57601, + "intval": 57602, + "fund": 57603, + "Ġhides": 57604, + "Ġdiarr": 57605, + "ĠWesley": 57606, + "Ġxmm": 57607, + "Ġquem": 57608, + "ĠArabs": 57609, + "ifth": 57610, + "ategorized": 57611, + "Disposable": 57612, + "Pure": 57613, + "_NOTIFY": 57614, + "snippet": 57615, + "ĠGarrett": 57616, + ".running": 57617, + ".weights": 57618, + "Ġ(--": 57619, + "Ġinvariant": 57620, + "äºĭä»¶": 57621, + "ĠAllowed": 57622, + "dirs": 57623, + "Ġpassions": 57624, + "Ġlad": 57625, + "ĠFlush": 57626, + "menus": 57627, + ":block": 57628, + "Ġcompra": 57629, + ".chomp": 57630, + "allocator": 57631, + "Ġcurated": 57632, + "ĠKnowing": 57633, + "ĠPatterson": 57634, + "Ġtelah": 57635, + "'ex": 57636, + "Ġdoomed": 57637, + "Ġphilanth": 57638, + "otty": 57639, + ".styles": 57640, + "Owned": 57641, + "Ġallergies": 57642, + "=params": 57643, + "ocese": 57644, + "itelist": 57645, + "ĠSending": 57646, + "bef": 57647, + "orrar": 57648, + "ĠNão": 57649, + "ĠFargo": 57650, + "ĠLub": 57651, + "ĠCombined": 57652, + "_given": 57653, + "ĉĉĉĉĉĠĠĠĠ": 57654, + "Ġreconciliation": 57655, + "Patterns": 57656, + "azard": 57657, + "Ġbiomass": 57658, + "ĠHouses": 57659, + "respuesta": 57660, + "cco": 57661, + "/topics": 57662, + "ĠYuk": 57663, + "Ġweakened": 57664, + "_calendar": 57665, + "Ġmulheres": 57666, + "ĠMarl": 57667, + "Ġsine": 57668, + "ĠTil": 57669, + "ĠSouls": 57670, + "ĠDeutsche": 57671, + "ĠFOLLOW": 57672, + "Ġpipelines": 57673, + "ĠBeverly": 57674, + "_DIPSETTING": 57675, + "\"#": 57676, + "ĠProto": 57677, + ".big": 57678, + "ĠSavings": 57679, + "ĠTanz": 57680, + "jun": 57681, + "ĠGamma": 57682, + "ĠSadd": 57683, + "Ġadvisors": 57684, + "Ġroast": 57685, + "Ġunters": 57686, + "udies": 57687, + "_lon": 57688, + "-pointer": 57689, + "ĠElementRef": 57690, + "\\Builder": 57691, + "exampleInput": 57692, + ".webdriver": 57693, + "dataType": 57694, + "ĠQuite": 57695, + "ĠCeltics": 57696, + "uil": 57697, + "-defense": 57698, + "bish": 57699, + "ĠUIWindow": 57700, + "ĠSuddenly": 57701, + ".hot": 57702, + ".reason": 57703, + "Ġgör": 57704, + "AMD": 57705, + ".Multi": 57706, + "authenticated": 57707, + "regions": 57708, + ";(": 57709, + "аÑĢам": 57710, + "ĠKirby": 57711, + "$route": 57712, + "PRECATED": 57713, + "ĠDurham": 57714, + "owo": 57715, + "ĠPerforms": 57716, + "Ġdisregard": 57717, + "nst": 57718, + "ĠPols": 57719, + "ĠgetP": 57720, + "\"]:": 57721, + "-colored": 57722, + "(Keys": 57723, + "ĠAlleg": 57724, + "_modify": 57725, + "_loading": 57726, + "strained": 57727, + "Ġatroc": 57728, + "_phr": 57729, + "": 58721, + "ceph": 58722, + ".DateTimePicker": 58723, + ".\";ĊĊ": 58724, + "ĠTie": 58725, + ",item": 58726, + "Ġmenn": 58727, + "Gas": 58728, + "ocha": 58729, + "_virtual": 58730, + "Ġmasterpiece": 58731, + "_sequences": 58732, + "LTE": 58733, + "ĠSubmission": 58734, + "Caller": 58735, + "$\\": 58736, + "Sport": 58737, + "agus": 58738, + "ConstraintMaker": 58739, + "Ġcoloc": 58740, + "Ġwig": 58741, + "ĠУ": 58742, + "ĉArray": 58743, + "Looks": 58744, + "ĠGTA": 58745, + ".steps": 58746, + "atchewan": 58747, + "_ranges": 58748, + "extAlignment": 58749, + "ĠBrennan": 58750, + "Ġabstraction": 58751, + "ulerAngles": 58752, + ".misc": 58753, + "Ġantibodies": 58754, + "Ġexponential": 58755, + "ĠCHANNEL": 58756, + "expense": 58757, + "'y": 58758, + "Ġdetectives": 58759, + "Ġpurported": 58760, + "YSTEM": 58761, + "Ġradioactive": 58762, + "ĠLatina": 58763, + ".Encoding": 58764, + ".TAG": 58765, + "xin": 58766, + "Degree": 58767, + "uracion": 58768, + "prices": 58769, + "ĠReferentialAction": 58770, + "Ġrarity": 58771, + "Ġpiles": 58772, + "gende": 58773, + "_projects": 58774, + "_globals": 58775, + ".startTime": 58776, + "Ġ구": 58777, + "SECTION": 58778, + "_publish": 58779, + "Fault": 58780, + "DDL": 58781, + "_prior": 58782, + "Mom": 58783, + "Ġthicker": 58784, + "Ġsequelize": 58785, + "Ġessentials": 58786, + "stras": 58787, + "intr": 58788, + ">(()": 58789, + ".management": 58790, + "eil": 58791, + "éĹŃ": 58792, + "Aware": 58793, + ".City": 58794, + "ĠArbit": 58795, + "_DM": 58796, + "_keyboard": 58797, + "LObject": 58798, + "-webpack": 58799, + "ĠNewport": 58800, + "ĠprincipalColumn": 58801, + "legant": 58802, + "Ġpallet": 58803, + "Ġfracture": 58804, + "Ġgmail": 58805, + ".Meta": 58806, + "Above": 58807, + ".KeyEvent": 58808, + "jit": 58809, + "_macro": 58810, + "_PUSH": 58811, + "ứ": 58812, + "/controller": 58813, + "åĬłè½½": 58814, + "Ġsuperficial": 58815, + "exterity": 58816, + "Ġmensagem": 58817, + "Wind": 58818, + "iston": 58819, + ".openapi": 58820, + "иÑĢов": 58821, + "ĠSerializer": 58822, + "uctive": 58823, + "Ġzar": 58824, + "Places": 58825, + ".Static": 58826, + "Ba": 58827, + "Ġinadvert": 58828, + "ĠIndonesian": 58829, + "_IPV": 58830, + "(horizontal": 58831, + "ĠgetTitle": 58832, + "idepress": 58833, + "ĠConsoleColor": 58834, + "ipers": 58835, + "$out": 58836, + "Ġfestive": 58837, + "Ġevenings": 58838, + ".GetData": 58839, + "uitka": 58840, + "ĠManuals": 58841, + "ussed": 58842, + "_Max": 58843, + ".Chat": 58844, + "ĠAircraft": 58845, + "=com": 58846, + "FOUND": 58847, + "apro": 58848, + "Ġtreasures": 58849, + "_alive": 58850, + "Ġgadget": 58851, + "eking": 58852, + "ButtonDown": 58853, + "Browsable": 58854, + ".PERMISSION": 58855, + "PASSWORD": 58856, + "ĠHASH": 58857, + "fé": 58858, + "\\TestCase": 58859, + "LOSS": 58860, + "others": 58861, + ",J": 58862, + "Ġasshole": 58863, + "werk": 58864, + "Ġmã": 58865, + ".ie": 58866, + "evil": 58867, + "kontakte": 58868, + "////////////////////////////////////////////////////////////////////////////////Ċ": 58869, + "=sys": 58870, + "ĉlock": 58871, + "--;ĊĊ": 58872, + "_FUN": 58873, + "FillColor": 58874, + "óa": 58875, + "prend": 58876, + "Ġcompressor": 58877, + "Mother": 58878, + "ĠArcher": 58879, + ".goto": 58880, + "Ġwürde": 58881, + "Ġbamboo": 58882, + "ï¼İ": 58883, + "ĠTrees": 58884, + "Ġbumper": 58885, + "Ġsausage": 58886, + "ĠElasticsearch": 58887, + "Ġhorizontally": 58888, + "ĠGul": 58889, + "Immutable": 58890, + "Ġloser": 58891, + "Ġaborted": 58892, + "-demo": 58893, + "ĠHatch": 58894, + "Ġunde": 58895, + "Ġprocesso": 58896, + "-call": 58897, + "Income": 58898, + "åĥ": 58899, + "_returns": 58900, + "'].\"'": 58901, + "(sw": 58902, + "CBS": 58903, + "amilies": 58904, + "ĠYourself": 58905, + "ĠHolt": 58906, + ".MON": 58907, + "à§ĩ": 58908, + "ÑĪе": 58909, + "anon": 58910, + "ĠFontAwesome": 58911, + "producer": 58912, + "jr": 58913, + "Ġmau": 58914, + "ĉinter": 58915, + "Ġdishonest": 58916, + "Ġmagna": 58917, + "ĠCollective": 58918, + "Ġvraiment": 58919, + "Ġchoix": 58920, + "stay": 58921, + "Ġwelding": 58922, + "rising": 58923, + ",min": 58924, + "ĠFate": 58925, + "glob": 58926, + "RGBA": 58927, + "Ġdette": 58928, + "Ven": 58929, + "Ġembarrassment": 58930, + ".DELETE": 58931, + "gregar": 58932, + "-render": 58933, + "(bucket": 58934, + "\">ĊĊĊ": 58935, + ".waitKey": 58936, + "Busy": 58937, + "Ġdifferentiation": 58938, + "ĠCST": 58939, + ".Constant": 58940, + "ĠlineNumber": 58941, + "(matches": 58942, + "Ġwebsocket": 58943, + "Ġbarred": 58944, + "Ġpuedes": 58945, + "Mono": 58946, + "CORE": 58947, + "IID": 58948, + "ĠĠĠĠčĊčĊ": 58949, + "Ġpúblico": 58950, + "leaning": 58951, + "Ġcleansing": 58952, + "Ġcris": 58953, + "ĠDevils": 58954, + "_SETTING": 58955, + "untary": 58956, + ".);Ċ": 58957, + "ĊĠĠĠĊ": 58958, + "[curr": 58959, + "tsy": 58960, + "ĠAlexis": 58961, + "ritel": 58962, + "Ġpetroleum": 58963, + ".preprocessing": 58964, + "matter": 58965, + "ForResult": 58966, + "-license": 58967, + "Ġtravellers": 58968, + "ĠDispatcher": 58969, + "ennifer": 58970, + "Ġdigestive": 58971, + "PED": 58972, + "hibition": 58973, + "MASConstraintMaker": 58974, + "ĠWatt": 58975, + "Benef": 58976, + ".setView": 58977, + "dto": 58978, + "TEE": 58979, + "ĠPelosi": 58980, + "_EXTRA": 58981, + "Ġmedals": 58982, + "xhr": 58983, + "forecast": 58984, + "Ġnargin": 58985, + "ouns": 58986, + "-fill": 58987, + "_CURSOR": 58988, + "Ġsupervised": 58989, + "Ġturf": 58990, + "ĠEdgar": 58991, + "POSITION": 58992, + "ĠcategoryId": 58993, + "âī": 58994, + "_ER": 58995, + "á»§a": 58996, + "Shown": 58997, + ".ll": 58998, + "_POLICY": 58999, + "(),'": 59000, + "ĠPrev": 59001, + "ĠStringField": 59002, + "ĉGlobal": 59003, + "assed": 59004, + "Throughout": 59005, + "ostringstream": 59006, + ".awtextra": 59007, + "Ġslopes": 59008, + "ĠSequential": 59009, + "Ġgiorn": 59010, + "Ġzelf": 59011, + "Ġversatility": 59012, + "leneck": 59013, + ".cgi": 59014, + "Ġdoubling": 59015, + "ĠBangkok": 59016, + "Ġbuurt": 59017, + "Ġusuário": 59018, + "studio": 59019, + "Ġjeunes": 59020, + "Ġmuted": 59021, + "Ġips": 59022, + "_fraction": 59023, + "&&(": 59024, + "Ġstunt": 59025, + "');?>čĊ": 59049, + "Ġevapor": 59050, + "bable": 59051, + "ĠPRICE": 59052, + "Ġæ³": 59053, + "lucent": 59054, + "Ġvamp": 59055, + "ĠTechnician": 59056, + "Ġuniqueness": 59057, + "Mes": 59058, + "urban": 59059, + ".parametrize": 59060, + "ĠReplay": 59061, + "Sessions": 59062, + "embr": 59063, + "-Americans": 59064, + "_PROXY": 59065, + "Ġpian": 59066, + "Ġtrie": 59067, + "ĠDestructor": 59068, + "GameState": 59069, + "ĠIMF": 59070, + "chin": 59071, + "Ġporte": 59072, + "ĠSwal": 59073, + "åŁİ": 59074, + "Substring": 59075, + "iming": 59076, + "/Library": 59077, + "Ġfrightened": 59078, + "writes": 59079, + "Ġrecursos": 59080, + "arResult": 59081, + "_INITIALIZ": 59082, + "ĠBadge": 59083, + "_crc": 59084, + "Eight": 59085, + "ĠDISTINCT": 59086, + "Ġthro": 59087, + "@Xml": 59088, + "ĠLegendary": 59089, + "-twitter": 59090, + "_easy": 59091, + "Ġ+++": 59092, + "(DATA": 59093, + ".Locale": 59094, + "Ġkä": 59095, + "Ġnurt": 59096, + "Ġcruis": 59097, + "_ios": 59098, + "Ġsensing": 59099, + "_Line": 59100, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ": 59101, + "pong": 59102, + "oleon": 59103, + "Ġwildcard": 59104, + "ç͍æĪ·åIJį": 59105, + "Ġbegging": 59106, + "Rod": 59107, + "ĠÃİ": 59108, + "_CELL": 59109, + "Researchers": 59110, + ".selector": 59111, + "_ing": 59112, + "Ġaspiring": 59113, + "Ġimmortal": 59114, + "Ġymin": 59115, + "_robot": 59116, + "Ġplur": 59117, + "BTC": 59118, + "ĠDID": 59119, + "Ġpiercing": 59120, + "*u": 59121, + "_DEFINED": 59122, + "ĠThi": 59123, + "itaire": 59124, + "(media": 59125, + "-ons": 59126, + "Ġchefs": 59127, + "Ġ\"*.": 59128, + "/AP": 59129, + "Ġrazor": 59130, + "ĠsearchData": 59131, + "Ġ=&": 59132, + "ĠãĢĤ": 59133, + "Ġmourn": 59134, + "tingham": 59135, + "Ġoli": 59136, + "ĠVernon": 59137, + "_RS": 59138, + "ŀæĢ§": 59139, + "Ġfácil": 59140, + "angen": 59141, + "celain": 59142, + "Ġail": 59143, + "lest": 59144, + "ĠQCOMPARE": 59145, + "gain": 59146, + "Ġε": 59147, + "ĠKob": 59148, + "ĠFault": 59149, + "_configs": 59150, + "ç»ĵæŀľ": 59151, + ".+": 59152, + "calar": 59153, + "(colors": 59154, + "Mul": 59155, + "_ART": 59156, + "Ġexperimenting": 59157, + "ermen": 59158, + "ĠAnglo": 59159, + ".FixedSingle": 59160, + "Sea": 59161, + "Ġctxt": 59162, + ".slider": 59163, + "Collapse": 59164, + "Grey": 59165, + "Ġfld": 59166, + "-proof": 59167, + ".capacity": 59168, + "getParent": 59169, + "ĠCompliance": 59170, + "Ġburgl": 59171, + "-rec": 59172, + "Ġoverwritten": 59173, + "MU": 59174, + "Ġrouters": 59175, + "ĉModel": 59176, + "Ġfantasies": 59177, + "avian": 59178, + "_prec": 59179, + "ĠScandin": 59180, + "Ġ//<": 59181, + "/oct": 59182, + "Ġceremonies": 59183, + "Months": 59184, + "undy": 59185, + "Ġqued": 59186, + "ĠNou": 59187, + "ĠVibr": 59188, + ".rgb": 59189, + "Ġcitrus": 59190, + "Ġbraces": 59191, + "-uppercase": 59192, + "getTable": 59193, + "Ġdopo": 59194, + "ĠKerr": 59195, + "_CHILD": 59196, + "-cloud": 59197, + "ĉMatrix": 59198, + "Ġgardening": 59199, + "Sing": 59200, + "almost": 59201, + "Requirements": 59202, + "uguay": 59203, + "(Property": 59204, + "subscriber": 59205, + "FAST": 59206, + "reaction": 59207, + "(lp": 59208, + ")})Ċ": 59209, + "`).": 59210, + ".wallet": 59211, + "_exchange": 59212, + ".Maximum": 59213, + "ĠVerb": 59214, + "âĶģ": 59215, + "()<": 59216, + "ï¼ĽĊ": 59217, + "ROT": 59218, + "CARD": 59219, + "ubit": 59220, + "{@": 59221, + "_kel": 59222, + "ĠTooltip": 59223, + "MySQL": 59224, + "MainActivity": 59225, + "arf": 59226, + "Ġmalign": 59227, + "Ġseinen": 59228, + "apist": 59229, + "Ġ<%": 59230, + "MethodImpl": 59231, + "Mil": 59232, + "ĠMick": 59233, + ".depend": 59234, + ">&": 59267, + "ĉok": 59268, + "-low": 59269, + ".usuario": 59270, + "nested": 59271, + "XB": 59272, + "OURS": 59273, + ".BorderColor": 59274, + "Ġbrow": 59275, + "ĠÐķ": 59276, + "corr": 59277, + "ĠRedskins": 59278, + ".getTag": 59279, + ".getTransaction": 59280, + "Ġstigma": 59281, + "hardt": 59282, + "ĠPlayerPrefs": 59283, + "alsy": 59284, + "ucson": 59285, + "Languages": 59286, + "ĠOlivia": 59287, + "Ġtac": 59288, + "Ġbli": 59289, + "Ġcaval": 59290, + "Ġconsolidated": 59291, + "Ġperil": 59292, + "Ġdele": 59293, + "Ġformulated": 59294, + "Ġhighways": 59295, + ".spawn": 59296, + "==$": 59297, + "ĠNiet": 59298, + "Ġveggies": 59299, + "ypo": 59300, + "-rule": 59301, + "ĠVie": 59302, + "/epl": 59303, + "Ġenfants": 59304, + "stringLiteral": 59305, + "Ġtoughest": 59306, + "buyer": 59307, + "Ġcovariance": 59308, + "Ġili": 59309, + "ĠSophie": 59310, + "ĠBAB": 59311, + "Ġ\"),": 59312, + "ĠUk": 59313, + "currentIndex": 59314, + "_userdata": 59315, + ".codec": 59316, + "ĠPunjab": 59317, + "ĠSNP": 59318, + "lol": 59319, + "advance": 59320, + "Ġcomfy": 59321, + "JsonIgnore": 59322, + "Ġfashionable": 59323, + "ĠICON": 59324, + "Ġora": 59325, + "ĠPricing": 59326, + "E": 59384, + "tering": 59385, + "/screens": 59386, + "Ġheightened": 59387, + "аÑĢÑĤ": 59388, + "Authorities": 59389, + "_bbox": 59390, + "ünst": 59391, + ".fontSize": 59392, + "ĠBOOLEAN": 59393, + "divide": 59394, + "ĠSloven": 59395, + "ucer": 59396, + "ÙĴ": 59397, + "stub": 59398, + "Ġnavigating": 59399, + ":animated": 59400, + "_NOW": 59401, + "_vect": 59402, + "}{Ċ": 59403, + "@(": 59404, + "Ġtelecom": 59405, + "Ġcontracting": 59406, + "ĠAssange": 59407, + "Ġextracting": 59408, + "Ġgrö": 59409, + "cobra": 59410, + ".DIS": 59411, + "Ġcrab": 59412, + "Ġtwitch": 59413, + "Ġverts": 59414, + "Ġrejects": 59415, + "ĉformat": 59416, + "Ġregeneration": 59417, + ".Sys": 59418, + "solve": 59419, + "ĉdialog": 59420, + "shi": 59421, + "meter": 59422, + "(best": 59423, + "validators": 59424, + "Ġonwards": 59425, + "Ġguru": 59426, + "Ġmoderator": 59427, + "owied": 59428, + "experiment": 59429, + "rub": 59430, + "Ġmqtt": 59431, + "ĠCaucas": 59432, + "Ġnationalism": 59433, + "Ġmange": 59434, + "ĉImGui": 59435, + "/Edit": 59436, + "Ġinh": 59437, + "Ġintellig": 59438, + "erokee": 59439, + "ĉexport": 59440, + "Ġdiscriminate": 59441, + "subtract": 59442, + "ĠMoodle": 59443, + "enser": 59444, + "ĠGuides": 59445, + "RAP": 59446, + "-hot": 59447, + "_grp": 59448, + ".picture": 59449, + "XA": 59450, + "ĠinitView": 59451, + "_Comm": 59452, + "Ġoverdose": 59453, + "Ġ+ĊĊ": 59454, + "ĠSilent": 59455, + "shows": 59456, + "Ġinterpolate": 59457, + "Formation": 59458, + "Ġbisc": 59459, + "markets": 59460, + "(SC": 59461, + "Ze": 59462, + "ĠNetworking": 59463, + "Ġadrenal": 59464, + "ĠGuns": 59465, + "eteor": 59466, + "Declared": 59467, + "orgetown": 59468, + "Ġkarena": 59469, + "/password": 59470, + "_addresses": 59471, + "ITERAL": 59472, + "Buzz": 59473, + "ĠConway": 59474, + "(case": 59475, + "PWD": 59476, + "heiro": 59477, + "(act": 59478, + "**čĊ": 59479, + "());ĊĊĊ": 59480, + "Ġanv": 59481, + "Ġ..ĊĊ": 59482, + "(MenuItem": 59483, + "(mail": 59484, + "_sections": 59485, + "ĉnet": 59486, + "Ġplut": 59487, + "Ġwrench": 59488, + "/object": 59489, + "ĠIst": 59490, + "ĠVIS": 59491, + "/pub": 59492, + "alten": 59493, + "Ġguitars": 59494, + "Ġantibiotic": 59495, + "ï¼ĸ": 59496, + "¹": 59497, + "Ġ\"+\"": 59498, + "formula": 59499, + "Ġbabes": 59500, + "ĠPrompt": 59501, + "Ġenim": 59502, + "/player": 59503, + "ĉref": 59504, + "ĠbyÄĩ": 59505, + "Ġconsumes": 59506, + "ĠHast": 59507, + "ĠTao": 59508, + "Ġ'))Ċ": 59509, + "Ġclam": 59510, + "Ġthighs": 59511, + "Ġmotif": 59512, + "ApiOperation": 59513, + "ĠWL": 59514, + "getC": 59515, + "ĉflags": 59516, + "ointments": 59517, + "Ġeconomical": 59518, + "needle": 59519, + "xls": 59520, + "practice": 59521, + "utzer": 59522, + "timeofday": 59523, + "-output": 59524, + "ĠfindById": 59525, + "ĠBuddy": 59526, + "ÐŀÑĤ": 59527, + "Seven": 59528, + "ĠBark": 59529, + "Ġenvoy": 59530, + "_algorithm": 59531, + "åĪ©": 59532, + "Ġballistic": 59533, + "ç§»": 59534, + "rades": 59535, + "ĉdoc": 59536, + "roducing": 59537, + "ĠEating": 59538, + "Unmount": 59539, + "/dataTables": 59540, + "_bonus": 59541, + "Ġlitt": 59542, + "pps": 59543, + ")localObject": 59544, + "perf": 59545, + "ĠHelvetica": 59546, + "shutdown": 59547, + "/ml": 59548, + ".tokens": 59549, + "ĠHardcore": 59550, + ",row": 59551, + "/bg": 59552, + "Scaler": 59553, + "âĢĶas": 59554, + "_logits": 59555, + "âĢĻint": 59556, + "ĉApp": 59557, + "Implicit": 59558, + ".Fprintf": 59559, + "ETO": 59560, + "Ġterra": 59561, + "Ġpossessing": 59562, + ".rstrip": 59563, + ",),": 59564, + "=yes": 59565, + "ĠStripe": 59566, + "?=": 59567, + "neutral": 59568, + ".good": 59569, + "Ġkennen": 59570, + "ĠSung": 59571, + "fault": 59572, + "ystatechange": 59573, + "Canadian": 59574, + "','\".$": 59575, + "ĠMits": 59576, + "ænd": 59577, + "ĠSTRUCT": 59578, + "ĠURLWithString": 59579, + "ĠCompass": 59580, + "Ġ--ĊĊ": 59581, + "ĠNSLayoutConstraint": 59582, + "|min": 59583, + "-adjust": 59584, + "Ġrebuilt": 59585, + "LIGHT": 59586, + "/se": 59587, + "-mount": 59588, + "vpn": 59589, + "validated": 59590, + "(QObject": 59591, + "Ġignition": 59592, + "ĠChargers": 59593, + "RYPTO": 59594, + "]initWithFrame": 59595, + "ĠFluid": 59596, + "Ġcadre": 59597, + "Ġnominations": 59598, + "Neill": 59599, + "ĠHou": 59600, + "Ġcurrents": 59601, + "_gene": 59602, + "(inp": 59603, + "Paris": 59604, + "zÄĻ": 59605, + "aggregate": 59606, + "Ġassoc": 59607, + "weeted": 59608, + "errat": 59609, + "âĢĵĊĊ": 59610, + "Ġ'/',Ċ": 59611, + "fixture": 59612, + "ĠHighest": 59613, + "ambient": 59614, + "Ġchmod": 59615, + "Ġconte": 59616, + "Ġsensual": 59617, + "Ġgarment": 59618, + "zers": 59619, + "ĠPowered": 59620, + "domains": 59621, + "Reward": 59622, + "iomanip": 59623, + "Ġcockpit": 59624, + "outfile": 59625, + "Ġbuiltin": 59626, + "Ġinsisting": 59627, + ".vars": 59628, + "zipcode": 59629, + "Ġ����": 59630, + "fails": 59631, + "Ġconsolidation": 59632, + "_oid": 59633, + "Planet": 59634, + "Ġ=\",": 59635, + "ĉel": 59636, + "UILT": 59637, + "ätz": 59638, + "afari": 59639, + "ĠMcCl": 59640, + "Timeline": 59641, + "Esta": 59642, + "Ġfram": 59643, + "YE": 59644, + "Ġcerebral": 59645, + "OfMonth": 59646, + "ĠPregn": 59647, + "ĠклаÑģÑģ": 59648, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ": 59649, + "ĠFres": 59650, + "Approved": 59651, + ".Special": 59652, + "ĠProtestant": 59653, + "Ġallergy": 59654, + "_pcm": 59655, + "ĉCopyright": 59656, + "ĠsuperClass": 59657, + "\"strconv": 59658, + "ĠMohamed": 59659, + "Ġ'//": 59660, + "ForeColor": 59661, + "Arthur": 59662, + "ĠJungle": 59663, + "Ġveins": 59664, + "Sad": 59665, + "Ġbackups": 59666, + "ĠOpinion": 59667, + "ût": 59668, + "Ġintermitt": 59669, + "odyn": 59670, + "ĠChristina": 59671, + "Ġandre": 59672, + "Ġevacuation": 59673, + "palette": 59674, + "horse": 59675, + "ĠResident": 59676, + "ĠHassan": 59677, + ".Nil": 59678, + "Ġaisle": 59679, + "ĠGrowing": 59680, + "Ġbloginfo": 59681, + "/sql": 59682, + "_ioctl": 59683, + "Scaling": 59684, + "ĠMonad": 59685, + "_cpp": 59686, + "ĠHutch": 59687, + "ĠAppleWebKit": 59688, + "Expense": 59689, + "_JOB": 59690, + "Ġpointless": 59691, + "FromBody": 59692, + "antal": 59693, + "Ġdepicting": 59694, + "ĠCELL": 59695, + "Ġrefin": 59696, + "ĠCNC": 59697, + "ì¹ĺ": 59698, + "_dimensions": 59699, + "ĠSAN": 59700, + "Ġaft": 59701, + "Ġfootsteps": 59702, + "ccoli": 59703, + "_PHONE": 59704, + "/math": 59705, + "-kind": 59706, + "ĠMeans": 59707, + "ichael": 59708, + ".guna": 59709, + "Ġinauguration": 59710, + "-driving": 59711, + "(delete": 59712, + "ĠtotalCount": 59713, + "_MC": 59714, + ".Extension": 59715, + "Commercial": 59716, + "ĠzIndex": 59717, + "$": 59849, + "Ġebay": 59850, + "Ġcaptive": 59851, + "pliant": 59852, + "ĠCalculates": 59853, + "olta": 59854, + "esting": 59855, + "_revision": 59856, + "Ġmús": 59857, + "+m": 59858, + "\",\"\",\"": 59859, + "WHAT": 59860, + "Ġcompassionate": 59861, + "harga": 59862, + "[random": 59863, + "Ġmodulo": 59864, + "(sn": 59865, + "Ġoccupations": 59866, + "////Ċ": 59867, + "ĉboard": 59868, + "ĠBalk": 59869, + "wiÄħ": 59870, + "ĠWifi": 59871, + ".Profile": 59872, + ":maj": 59873, + "ĉmat": 59874, + "LOCKS": 59875, + "(jButton": 59876, + "Ġ('$": 59877, + "Mur": 59878, + "æĮī": 59879, + "bble": 59880, + "Ġfrog": 59881, + "-hide": 59882, + "Ġbroadcaster": 59883, + "à¸ŀ": 59884, + "haled": 59885, + "Ġamusing": 59886, + "_predictions": 59887, + "_intr": 59888, + "Ġeagle": 59889, + "аÑĤелÑĮ": 59890, + "ĠgetList": 59891, + "psilon": 59892, + "Ġcharacterization": 59893, + "ARDS": 59894, + "Ġrelocation": 59895, + "Ġrulers": 59896, + "PAY": 59897, + "ĠDefinitely": 59898, + "_Action": 59899, + "Ġclosures": 59900, + "Ġfactual": 59901, + "odynamic": 59902, + "Ġprecautions": 59903, + "niej": 59904, + "ĠParties": 59905, + "ĠSubaru": 59906, + "Ġcousins": 59907, + "arbeit": 59908, + ".money": 59909, + "gunta": 59910, + "(and": 59911, + "getitem": 59912, + ".StylePriority": 59913, + "Ġslid": 59914, + "singleton": 59915, + "Ġgarn": 59916, + "ĠPAS": 59917, + "Ġdazz": 59918, + "aż": 59919, + "Ġbogus": 59920, + "ĠMog": 59921, + "Ġrivalry": 59922, + "isol": 59923, + "Ġlandmarks": 59924, + "ñas": 59925, + "Bern": 59926, + "ĠSachs": 59927, + "Ġ\")ĊĊ": 59928, + "Ġhostility": 59929, + "_mex": 59930, + "mere": 59931, + "Mot": 59932, + "pictureBox": 59933, + "Defense": 59934, + "Ġaffidavit": 59935, + "otherwise": 59936, + ".directory": 59937, + "_UnityEngine": 59938, + "-blog": 59939, + ".skin": 59940, + "phem": 59941, + "Apellido": 59942, + "erchant": 59943, + "[class": 59944, + "Ġwart": 59945, + ".\"[": 59946, + "aleur": 59947, + "/back": 59948, + "ĠĠĠĠĉĠĠĠ": 59949, + "Ġprecipitation": 59950, + "Ġobstruction": 59951, + "ĠpObj": 59952, + "Ġrupt": 59953, + "UCKET": 59954, + "aye": 59955, + "æİĴ": 59956, + "gx": 59957, + "Ġecl": 59958, + "Ġsecrecy": 59959, + "/Header": 59960, + "ĠLesb": 59961, + "Ġlei": 59962, + "ĠBulletin": 59963, + "Ġgiveaway": 59964, + ".Home": 59965, + "_ROOM": 59966, + "\"W": 59967, + "Ġcowork": 59968, + "_ra": 59969, + "ĠCycling": 59970, + "ĠPaw": 59971, + "Ġpupil": 59972, + "/arch": 59973, + "ĠFileUtils": 59974, + "é¦ĸ": 59975, + "rsp": 59976, + "Ġfreedoms": 59977, + "ĠLear": 59978, + "}`).": 59979, + "Ġbowls": 59980, + "/block": 59981, + "_logging": 59982, + "Ġmethane": 59983, + "Ġhorns": 59984, + "Ġwonderfully": 59985, + "Ġalterations": 59986, + "Ġexile": 59987, + "lsen": 59988, + "_pause": 59989, + "_LANGUAGE": 59990, + "ĠUSDA": 59991, + "_mysql": 59992, + "_AMOUNT": 59993, + "ĠLIFE": 59994, + "Ġyoungsters": 59995, + "Ġriots": 59996, + "[E": 59997, + "Ġunforgettable": 59998, + ",},Ċ": 59999, + "Disposed": 60000, + "ĠAssassin": 60001, + "UNG": 60002, + "ĠNewsp": 60003, + "UserService": 60004, + ":aload": 60005, + "+',": 60006, + "Ġsettlers": 60007, + "Ġscreams": 60008, + "Ġinconvenience": 60009, + ".Rotate": 60010, + "Ġjars": 60011, + "ĠPuzzle": 60012, + "Ġmest": 60013, + "arsi": 60014, + "ĠSharma": 60015, + "|(": 60016, + ".ds": 60017, + "ĠSacred": 60018, + "_evt": 60019, + "Ġexpresses": 60020, + "Ġhoch": 60021, + "ĠDuch": 60022, + ".calls": 60023, + "thr": 60024, + "ĠSheffield": 60025, + ".AlertDialog": 60026, + "Ġradically": 60027, + "Ġtrous": 60028, + "Ġprevailing": 60029, + "ĠWWII": 60030, + "âĢĻn": 60031, + "ensely": 60032, + "ĠYesterday": 60033, + "ĠSirius": 60034, + "Ġkillers": 60035, + "ĠFFT": 60036, + "Ġoval": 60037, + "'):čĊ": 60038, + "Ġìłķë³´": 60039, + "ourage": 60040, + "ĠCheckbox": 60041, + "Workbook": 60042, + ".defer": 60043, + "_floor": 60044, + "Ġcouncill": 60045, + "Ġnorske": 60046, + "moil": 60047, + "orea": 60048, + "Ġmarketed": 60049, + "_SUR": 60050, + "xAA": 60051, + "Ġstained": 60052, + "eut": 60053, + "ĠMeng": 60054, + "Ġieee": 60055, + ".extern": 60056, + "egie": 60057, + "Ġrapp": 60058, + "ĠPyongyang": 60059, + "'class": 60060, + "Mob": 60061, + "ĠinitialValue": 60062, + "_wave": 60063, + "Ġjab": 60064, + "Ġmasculine": 60065, + "Ġamplifier": 60066, + "Ġtty": 60067, + "PathComponent": 60068, + "_xt": 60069, + "ĠGFP": 60070, + "/sec": 60071, + "ĉdispatch": 60072, + "markdown": 60073, + "ĠSchn": 60074, + "bole": 60075, + "··": 60076, + "mousemove": 60077, + "ĠerrMsg": 60078, + "Ġasign": 60079, + "_mono": 60080, + "ToSelector": 60081, + "ĠZu": 60082, + "(Rect": 60083, + "ĠErrorCode": 60084, + "latin": 60085, + "angible": 60086, + "vtk": 60087, + "CGSize": 60088, + "Pokemon": 60089, + "Ġclassmates": 60090, + "Ġattracts": 60091, + "ĠTatto": 60092, + "ultan": 60093, + "ológ": 60094, + "Ġhalted": 60095, + "न": 60096, + "ĠKart": 60097, + "Ġue": 60098, + "_InitStructure": 60099, + "TestClass": 60100, + "ĠAirbnb": 60101, + "_\",": 60102, + "Ġcharcoal": 60103, + "Ġipc": 60104, + "ĠStretch": 60105, + ".glide": 60106, + "latesAutoresizingMaskIntoConstraints": 60107, + "Ġpotion": 60108, + "ITTLE": 60109, + "Ġcountert": 60110, + "_hd": 60111, + "prepared": 60112, + "Ads": 60113, + "ĠVampire": 60114, + "robots": 60115, + ".CreateIndex": 60116, + "StatusLabel": 60117, + "Ġtucked": 60118, + "afür": 60119, + "Ut": 60120, + "Ġsweater": 60121, + "_FN": 60122, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĉ": 60123, + "ataka": 60124, + "Ġeyebrows": 60125, + "acoes": 60126, + "uden": 60127, + ".LinearLayoutManager": 60128, + "Ġsway": 60129, + "Ġmultin": 60130, + "())))Ċ": 60131, + "ĠNSUInteger": 60132, + "ĠMyBase": 60133, + "Partner": 60134, + "utschen": 60135, + "ĠCater": 60136, + ".setBackgroundColor": 60137, + "Ġaccomplishment": 60138, + "_problem": 60139, + ".dtd": 60140, + "ĠpageNumber": 60141, + "Ġjackets": 60142, + "Ġcropped": 60143, + "uels": 60144, + "ĠHep": 60145, + "Ġcapped": 60146, + "*Math": 60147, + "_callbacks": 60148, + "Ġpubb": 60149, + "ĠBrunswick": 60150, + ".respond": 60151, + "[\"_": 60152, + "Ġbedding": 60153, + "hythm": 60154, + "OX": 60155, + "(speed": 60156, + "Ġpesticides": 60157, + "Ġ-------": 60158, + ".Blue": 60159, + "Ġnoodles": 60160, + "ĠGoes": 60161, + "Ġsaver": 60162, + "oxy": 60163, + "_completion": 60164, + "ĠSwinger": 60165, + "ĠgetDate": 60166, + "Ġminded": 60167, + "integration": 60168, + "ĠLotus": 60169, + "(stop": 60170, + "(',');Ċ": 60171, + "Ġfloods": 60172, + "ĠWorkflow": 60173, + "Ġerupted": 60174, + "Macro": 60175, + "ĠSauce": 60176, + "ĠeventName": 60177, + "\\Input": 60178, + "Breaking": 60179, + "ĉwhen": 60180, + "_pw": 60181, + "INDER": 60182, + "ĠWellness": 60183, + "Ġvoxel": 60184, + "ĠMell": 60185, + "ĠMEDIA": 60186, + "SENS": 60187, + "ĠFunds": 60188, + "ĠMild": 60189, + "Ċ": 60198, + "Ġtempting": 60199, + "Ġtestament": 60200, + "Ġbible": 60201, + "Ġconsulted": 60202, + "ĠIndexError": 60203, + "è¨ĺ": 60204, + "Ġkeypad": 60205, + "izzo": 60206, + "(ok": 60207, + "Ġwhatsapp": 60208, + "ĠRemoteException": 60209, + "Ġteamed": 60210, + "âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ": 60211, + "»,": 60212, + "ĠgetTime": 60213, + "diag": 60214, + "issy": 60215, + "Ġhed": 60216, + "Ġknots": 60217, + "jom": 60218, + "Ġfunnel": 60219, + "-mails": 60220, + "Ġexporting": 60221, + "ĠVL": 60222, + "ĠKarn": 60223, + "ĠBuddhism": 60224, + "ĠAllan": 60225, + "_RADIUS": 60226, + "Ġwording": 60227, + "ĠForget": 60228, + "ĠCorona": 60229, + "iphy": 60230, + "Ġlimburg": 60231, + "uggy": 60232, + "ĠUserRepository": 60233, + "imin": 60234, + "(ele": 60235, + "Ġlabelled": 60236, + "社": 60237, + "ĠHerman": 60238, + ".qq": 60239, + "Ġ\"));Ċ": 60240, + "ieber": 60241, + ".Translate": 60242, + "ryn": 60243, + "Ġdesenv": 60244, + "umd": 60245, + "Simply": 60246, + "ĉmode": 60247, + "Rpc": 60248, + "ĠValencia": 60249, + "Ġstaffers": 60250, + "Ġselv": 60251, + "ĠSpike": 60252, + "Ġdelic": 60253, + "Ġeru": 60254, + "_DT": 60255, + "Judge": 60256, + "á»ķ": 60257, + "ĠBasin": 60258, + ".mutable": 60259, + "\"url": 60260, + "Ġtariff": 60261, + "ĠSleeve": 60262, + "Ġflare": 60263, + ".dropout": 60264, + "Ġbrides": 60265, + ")),čĊ": 60266, + "_constraints": 60267, + "destruct": 60268, + "Outline": 60269, + "Ġdisappears": 60270, + "_locked": 60271, + "ĠNSLocalizedString": 60272, + "cke": 60273, + "ĉnull": 60274, + "adresse": 60275, + "Ġtopping": 60276, + "ĠJoker": 60277, + "bishop": 60278, + "ноÑģÑĤÑĮ": 60279, + "andering": 60280, + "_amp": 60281, + "=time": 60282, + "_Space": 60283, + "_PULL": 60284, + "'=": 60285, + "Ġantiqu": 60286, + "Ġcach": 60287, + "___ĊĊ": 60288, + "ONES": 60289, + "оÑı": 60290, + "Ġunread": 60291, + ".policy": 60292, + "oooooooo": 60293, + "룬": 60294, + "Ġusted": 60295, + "ĠRece": 60296, + "Ġallem": 60297, + "ãĥ¼ãĤ¹": 60298, + "ĠThoughts": 60299, + "veillance": 60300, + "istrate": 60301, + "_lane": 60302, + "Ġfamed": 60303, + ".GetName": 60304, + "Ġsmoother": 60305, + "ĠQualified": 60306, + "azers": 60307, + "_geo": 60308, + "Fax": 60309, + "ĠMinds": 60310, + "ĠRaises": 60311, + "Ġtranscripts": 60312, + "Conversation": 60313, + "Ġremarked": 60314, + "ëĤĺ": 60315, + "dling": 60316, + "Ġdeploying": 60317, + "ĠsharedApplication": 60318, + "Ġkp": 60319, + "FontAwesomeIcon": 60320, + "_dummy": 60321, + "reiben": 60322, + "ĠJaneiro": 60323, + "Directions": 60324, + ".getBean": 60325, + "sass": 60326, + "Ġcommanders": 60327, + "vation": 60328, + "errorCode": 60329, + "ĠAlloy": 60330, + ".localized": 60331, + "Ðij": 60332, + "Ġdishwasher": 60333, + "ĠSoup": 60334, + "Nu": 60335, + "_Default": 60336, + "Ġuneven": 60337, + "Ġ/>\";Ċ": 60338, + "-Based": 60339, + "Ġseamlessly": 60340, + "-null": 60341, + "ĠXC": 60342, + "Ġstew": 60343, + "(delay": 60344, + "ATORS": 60345, + "ĠWheeler": 60346, + "\"H": 60500, + "east": 60501, + ".air": 60502, + "âĢľBut": 60503, + "ObjectContext": 60504, + "successfully": 60505, + "_land": 60506, + "Ġfolds": 60507, + "_COORD": 60508, + "Ġsubpo": 60509, + ".getAddress": 60510, + "instr": 60511, + "Materials": 60512, + "ÑĥÑģÑĤ": 60513, + "deposit": 60514, + "-last": 60515, + "_GRAY": 60516, + "=find": 60517, + "Ġmutant": 60518, + "Ġlesbienne": 60519, + "letcher": 60520, + "ROUGH": 60521, + "ureka": 60522, + ".capture": 60523, + "Ġenn": 60524, + "Ġ([[": 60525, + "ĠFlu": 60526, + "ĠtaskId": 60527, + "ĠHussein": 60528, + ".folder": 60529, + "Ġausterity": 60530, + "ISTRATION": 60531, + "_Impl": 60532, + "注æĦı": 60533, + "Ġdecree": 60534, + "-chat": 60535, + "Ġimplication": 60536, + "Ġguesses": 60537, + "ulkan": 60538, + "Analytics": 60539, + ".plus": 60540, + "COMMAND": 60541, + "ели": 60542, + "»ĊĊ": 60543, + "_SITE": 60544, + "ĠequalTo": 60545, + "SupportFragmentManager": 60546, + "ĠRecording": 60547, + "å®ĮæĪIJ": 60548, + "Ġbaggage": 60549, + "Ġpitchers": 60550, + "ĠEh": 60551, + "oque": 60552, + "ĉcnt": 60553, + "Ġ=>$": 60554, + "/foo": 60555, + "IRA": 60556, + "ĠSatellite": 60557, + "borah": 60558, + "Ġ}}\"Ċ": 60559, + "ĠEnds": 60560, + "ĠSpray": 60561, + ",param": 60562, + ".Chrome": 60563, + "*q": 60564, + "thought": 60565, + "ibrated": 60566, + "Ġthieves": 60567, + "Ġbeneficiaries": 60568, + "Entered": 60569, + "ottesville": 60570, + "Ġveterin": 60571, + "ByID": 60572, + "quipe": 60573, + "umption": 60574, + "-unit": 60575, + "ExecutionContext": 60576, + "@s": 60577, + "ĠGiov": 60578, + ".ToolTip": 60579, + "_friend": 60580, + "(attributes": 60581, + "Ġdumping": 60582, + "ĠJC": 60583, + "_DOCUMENT": 60584, + "ĠArmour": 60585, + "(insert": 60586, + ".HorizontalAlignment": 60587, + "ĠQed": 60588, + "ãģĦãģ¾ãģĻ": 60589, + "/git": 60590, + "ĠYYYY": 60591, + "ĠCardiff": 60592, + "Ġapa": 60593, + "organic": 60594, + "ĠWhereas": 60595, + "ĠæĿ": 60596, + "ĠMia": 60597, + "Ġdemolition": 60598, + "Ġscars": 60599, + "Ġpai": 60600, + "Ġretries": 60601, + "Ġrq": 60602, + "ĠDenis": 60603, + "(Utils": 60604, + "Ġalleviate": 60605, + "ĠPIC": 60606, + "idue": 60607, + "Ġacknowledging": 60608, + "Ġ//////////////////////////////////": 60609, + "ç¡®å®ļ": 60610, + "Ä«": 60611, + "\\Json": 60612, + ".binary": 60613, + "Ġxtype": 60614, + "signals": 60615, + "ĠAppearance": 60616, + "&r": 60617, + "}s": 60618, + "Ci": 60619, + "ĠIllum": 60620, + "porate": 60621, + "hog": 60622, + "ĠindexOf": 60623, + "\\Command": 60624, + "_parallel": 60625, + "ĠSherlock": 60626, + "íĥ": 60627, + "Ġ\"\")čĊ": 60628, + "////////////////////////////////////////////////////////////////////////////////////////////////": 60629, + "Ġcriticize": 60630, + "ĠSoap": 60631, + "ĠMatcher": 60632, + "Ġgrilled": 60633, + "*T": 60634, + "Ġadore": 60635, + "ulling": 60636, + "Ġjedoch": 60637, + "_refs": 60638, + "leanup": 60639, + "ĠJAXB": 60640, + "Ġroses": 60641, + "ĠLiam": 60642, + "sizei": 60643, + "Ġgetchar": 60644, + "Ġtarde": 60645, + "-tooltip": 60646, + "Ġqualifier": 60647, + "ĠIntermediate": 60648, + "_Window": 60649, + "ĠMalta": 60650, + "Disconnect": 60651, + "ewhere": 60652, + "Campo": 60653, + "Ġirrational": 60654, + "ledo": 60655, + "ĠDN": 60656, + "ARGV": 60657, + "Ġoutro": 60658, + "Ġthirteen": 60659, + "Joseph": 60660, + "MAR": 60661, + "/gl": 60662, + "Jess": 60663, + "ĠPsychiat": 60664, + "ĠpaddingBottom": 60665, + "-loop": 60666, + "/fonts": 60667, + "_seen": 60668, + "Teams": 60669, + "ReactDOM": 60670, + "(man": 60671, + "(xpath": 60672, + ".getSimpleName": 60673, + ">(*": 60674, + "ĠPvt": 60675, + "Ġelders": 60676, + "Ġpies": 60677, + ".userAgent": 60678, + "-region": 60679, + "ĠGreeks": 60680, + "(fragment": 60681, + "stu": 60682, + "Ġcouncils": 60683, + "Ġstamina": 60684, + "ĠGoddess": 60685, + "西": 60686, + "Ġphilosophers": 60687, + "Ġpersone": 60688, + "ĠLose": 60689, + "ĠCLR": 60690, + "ĠDocs": 60691, + "Ġsoak": 60692, + "ĠHOLDER": 60693, + "Ġbells": 60694, + "hashCode": 60695, + "RATE": 60696, + "_WEIGHT": 60697, + "inous": 60698, + "endra": 60699, + "ophobic": 60700, + "Ġprose": 60701, + "Ġfinely": 60702, + "/oauth": 60703, + "(space": 60704, + "adge": 60705, + "ĠMama": 60706, + "ĠstringBuffer": 60707, + "Ġstint": 60708, + "Ġmisma": 60709, + "Ġvillains": 60710, + "ĠCrimea": 60711, + "Ġdiploma": 60712, + "ĠпоÑģл": 60713, + "ĠBea": 60714, + "(join": 60715, + "Ġíķ´": 60716, + "CHAT": 60717, + "pering": 60718, + "ĠCros": 60719, + "Ġmonkeys": 60720, + "Ġpreds": 60721, + "yla": 60722, + ",,,": 60723, + "Ġvibrator": 60724, + "ĠNU": 60725, + "åħĪ": 60726, + "fant": 60727, + "zet": 60728, + "Ġbietet": 60729, + "unft": 60730, + "sworth": 60731, + ".Flow": 60732, + "Ġpsyched": 60733, + "ĠContinental": 60734, + ">t": 60735, + "Ġquilt": 60736, + ".UP": 60737, + "Ġexpansive": 60738, + "Dispose": 60739, + "(language": 60740, + "Caps": 60741, + "_ZONE": 60742, + "Ġrecycle": 60743, + "ĠManaged": 60744, + "currentColor": 60745, + ".broadcast": 60746, + "signIn": 60747, + ".prom": 60748, + "llu": 60749, + "ueblo": 60750, + "Ġpunches": 60751, + "Ġautomat": 60752, + "Ġassigning": 60753, + "ĠcreateUser": 60754, + "ĠAllied": 60755, + "Ġconductor": 60756, + "Ĥ¨": 60757, + "Ġsaddle": 60758, + "Ġdni": 60759, + "omedical": 60760, + "-West": 60761, + "PositiveButton": 60762, + "Ġitalic": 60763, + "?[": 60764, + "(trigger": 60765, + "Ġelephants": 60766, + "\":\"\",\"": 60767, + "Ġcaliber": 60768, + "rafted": 60769, + "digits": 60770, + "Ġmarshal": 60771, + "milliseconds": 60772, + "markers": 60773, + "mom": 60774, + "/place": 60775, + "Ġholistic": 60776, + ":t": 60777, + "#,": 60778, + "Ġboto": 60779, + "Ġnausea": 60780, + "ĠShooting": 60781, + "itech": 60782, + "ĠtextStatus": 60783, + "())Ċ": 61004, + "ADDRESS": 61005, + "BST": 61006, + "etzt": 61007, + "ĠQgs": 61008, + "Sense": 61009, + "ExceptionHandler": 61010, + "ĠChu": 61011, + ".getOwnProperty": 61012, + "Ġexercised": 61013, + "iotic": 61014, + "ĠReleases": 61015, + "Ġpinterest": 61016, + "olie": 61017, + "isoft": 61018, + "Ġsequencing": 61019, + "Ġpadre": 61020, + "]));čĊ": 61021, + "(radius": 61022, + ".med": 61023, + "ainties": 61024, + ".ObjectModel": 61025, + "Ġemple": 61026, + "Ġseguro": 61027, + "Stars": 61028, + "Ġqualitative": 61029, + "lemn": 61030, + "á»±": 61031, + ">\").": 61032, + "Ġgx": 61033, + "-cert": 61034, + "ĠASTM": 61035, + "Ġfullname": 61036, + "Ġtelemetry": 61037, + "ĠCambodia": 61038, + "_ul": 61039, + "ĠClare": 61040, + "CUSTOM": 61041, + "QC": 61042, + "ĠUns": 61043, + "ĠHTTPS": 61044, + "ĠParkinson": 61045, + "ancybox": 61046, + "','.": 61047, + "Tue": 61048, + ".getLast": 61049, + "Ġabi": 61050, + "Äħd": 61051, + "Ast": 61052, + "ĠEditing": 61053, + ".Unity": 61054, + "jmp": 61055, + "Ġmats": 61056, + "ĠsharedPreferences": 61057, + "Captain": 61058, + ".pageSize": 61059, + "Ġrtl": 61060, + "Ġanmeld": 61061, + "RuntimeObject": 61062, + "Ġdemande": 61063, + "(\";": 61064, + "seite": 61065, + "-headed": 61066, + "ĠKra": 61067, + "ĠFONT": 61068, + "`\\": 61069, + "ClassNotFoundException": 61070, + ".avg": 61071, + "atical": 61072, + "Aj": 61073, + "Ġpermitting": 61074, + "Proj": 61075, + "ERRQ": 61076, + "Ġcreampie": 61077, + "ĠBuyer": 61078, + "-modules": 61079, + "ĠSundays": 61080, + "|`Ċ": 61081, + "Ġdaytime": 61082, + "Ġ+(": 61083, + "Ġglitch": 61084, + "ĠOperand": 61085, + "Ġtoxins": 61086, + "inya": 61087, + "DNS": 61088, + "ĠSas": 61089, + "Cake": 61090, + "ĠNationals": 61091, + ".addTo": 61092, + "Ġsinking": 61093, + "Ġcomprehension": 61094, + "Ġscor": 61095, + "agements": 61096, + "Ġtard": 61097, + "Ġmarching": 61098, + "ĠMTV": 61099, + "Ġsane": 61100, + "CreateInfo": 61101, + "ắ": 61102, + "ĠendIndex": 61103, + "ĉlayout": 61104, + "ĠåIJį": 61105, + "SITE": 61106, + "ĠTHERE": 61107, + "Ġ[{'": 61108, + "opathic": 61109, + "Ġtransmitter": 61110, + "/body": 61111, + "Ġpund": 61112, + "ĠClosing": 61113, + "Ġsetattr": 61114, + "Ġbounded": 61115, + "Atlas": 61116, + "suming": 61117, + "(times": 61118, + "parer": 61119, + "ynom": 61120, + "feit": 61121, + "Ġfrem": 61122, + "-leg": 61123, + "ĠBras": 61124, + ">#": 61125, + "Ġì¶ľëł¥": 61126, + "ĠINSTANCE": 61127, + "ĠCouch": 61128, + "_hosts": 61129, + "likelihood": 61130, + ".Marker": 61131, + "ĠMasks": 61132, + "Ġcereal": 61133, + "utilities": 61134, + "Ġelemental": 61135, + "Ġdistorted": 61136, + "inactive": 61137, + "cry": 61138, + "WL": 61139, + "UPPORTED": 61140, + ".Throws": 61141, + "/schema": 61142, + "serie": 61143, + ".\"',": 61144, + "ĠBenedict": 61145, + "-picker": 61146, + "iggs": 61147, + "ĠPirate": 61148, + "åij¨æľŁ": 61149, + "ĠThema": 61150, + "ĠSouthampton": 61151, + "ĠarrayWith": 61152, + "ĠPaula": 61153, + "Ġpredictor": 61154, + "-Ass": 61155, + ".userid": 61156, + "Ġperi": 61157, + "Ġexaggerated": 61158, + "urate": 61159, + "arseille": 61160, + "ĠConcent": 61161, + "ĠPik": 61162, + "Ġ@_;ĊĊ": 61163, + "Ġformations": 61164, + "Ġdenomin": 61165, + "\"/>.Ċ": 61166, + "endedor": 61167, + "Ġpancre": 61168, + "Ġamt": 61169, + "ĠonResume": 61170, + "onDelete": 61171, + "ĠBCH": 61172, + ")(\"": 61173, + "movement": 61174, + "Ġpotassium": 61175, + "": 69726, + "ĠPPC": 69727, + "isz": 69728, + "akeFromNib": 69729, + "ĠDisp": 69730, + "ĠAthletics": 69731, + "Ġnightclub": 69732, + "GOOD": 69733, + ".setGeometry": 69734, + "+[": 69735, + "/send": 69736, + "Ġbinaries": 69737, + "Ġráp": 69738, + ":req": 69739, + "-consuming": 69740, + "ertime": 69741, + "UPDATED": 69742, + "_nullable": 69743, + "VIN": 69744, + "ulia": 69745, + "cyan": 69746, + "Ġmisunderstanding": 69747, + "orical": 69748, + "degrees": 69749, + "Leading": 69750, + ".AR": 69751, + "ickest": 69752, + "Nuevo": 69753, + "uforia": 69754, + "Ġgoodies": 69755, + "Ġfores": 69756, + "()<<\"": 69757, + "ademic": 69758, + "ActionCreators": 69759, + "servername": 69760, + "(nt": 69761, + "dbContext": 69762, + "Ġairborne": 69763, + "Ġexhibitions": 69764, + "cele": 69765, + "Ġtela": 69766, + "": 69782, + ".setPreferredSize": 69783, + "ĠMID": 69784, + "ĠAless": 69785, + "Ġhorsepower": 69786, + "Ġatm": 69787, + "ĠPackaging": 69788, + "Ġciphertext": 69789, + "RequestMethod": 69790, + "Ġbeiden": 69791, + "è£": 69792, + "ĠPOW": 69793, + ".WriteHeader": 69794, + "director": 69795, + "-but": 69796, + "ãģłãģķãģĦ": 69797, + "incer": 69798, + "_dn": 69799, + "!!!!!": 69800, + "Ġmanufactures": 69801, + ".TextUtils": 69802, + "Ġconsciously": 69803, + "Ġbounced": 69804, + "culture": 69805, + "ĠSpar": 69806, + "ĠPiper": 69807, + ".press": 69808, + "-owner": 69809, + "Ġevaluator": 69810, + "ĠSTREAM": 69811, + ".PictureBoxSizeMode": 69812, + "Ġsugars": 69813, + "ScreenWidth": 69814, + "ĠnextState": 69815, + "Ġivory": 69816, + "Ġbrunch": 69817, + "density": 69818, + "_OW": 69819, + "ĠCoronavirus": 69820, + "ĠCFR": 69821, + "bak": 69822, + "\\Category": 69823, + "æķ°ç»Ħ": 69824, + "Ġinvokevirtual": 69825, + "}()Ċ": 69826, + "Ġsujet": 69827, + "-marker": 69828, + "isdigit": 69829, + "ĠMobil": 69830, + "ĠJsonRequestBehavior": 69831, + "_REMOTE": 69832, + ".existsSync": 69833, + "Ġriches": 69834, + ".presenter": 69835, + "ĠglColor": 69836, + "Ġhanya": 69837, + "Ġfortress": 69838, + "Ġflashed": 69839, + "viz": 69840, + "requently": 69841, + "buat": 69842, + "$con": 69843, + ">|": 69844, + ".Func": 69845, + "Ġhumorous": 69846, + "uem": 69847, + ".ZERO": 69848, + "ĠSTL": 69849, + "ĠBuk": 69850, + "/sample": 69851, + "ĠGros": 69852, + "Recipes": 69853, + "Ġinflated": 69854, + "Ġswung": 69855, + ":F": 69856, + "Facing": 69857, + ".Theme": 69858, + "ник": 69859, + "Ġsplendid": 69860, + "ĠrequestId": 69861, + ".CenterScreen": 69862, + "/autoload": 69863, + "embedded": 69864, + "_depart": 69865, + "ĠPorts": 69866, + "à¹ĥ": 69867, + "айд": 69868, + "discussion": 69869, + "_consum": 69870, + "Ġscouts": 69871, + "Ġcolabor": 69872, + ".Stage": 69873, + ".nano": 69874, + "eldorf": 69875, + "Ġgemacht": 69876, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ": 69877, + "Ġpolicymakers": 69878, + "_PKT": 69879, + ",Th": 69880, + "oky": 69881, + "_UID": 69882, + "Ping": 69883, + "Ġorchest": 69884, + "Ġoptics": 69885, + "uhan": 69886, + "ĠXOR": 69887, + "Ġespañol": 69888, + "ĠAdidas": 69889, + "rng": 69890, + "mans": 69891, + ".vstack": 69892, + "Ġgetaway": 69893, + "Ġhierarchical": 69894, + "anoia": 69895, + "ĠBitmapFactory": 69896, + "realm": 69897, + "ĉap": 69898, + "_apps": 69899, + "-divider": 69900, + ".drawer": 69901, + "ĠHARD": 69902, + "'];?>Ċ": 69903, + "-packed": 69904, + "æ²»": 69905, + "_STRUCTURE": 69906, + "[Y": 69907, + "iParam": 69908, + "(eq": 69909, + "Ġencompasses": 69910, + "Ġ\\ĊĊ": 69911, + "->[": 69912, + "&utm": 69913, + "groupon": 69914, + "strate": 69915, + "DY": 69916, + "omorphic": 69917, + "':[": 69918, + "Ġgravitational": 69919, + "ĠMicha": 69920, + "ĠTencent": 69921, + "Ġcoached": 69922, + "ì¶ľ": 69923, + "ÑĥменÑĤ": 69924, + "/mobile": 69925, + "MouseDown": 69926, + "bud": 69927, + "ĠYas": 69928, + "ĠProviders": 69929, + "NZ": 69930, + "ĉreport": 69931, + "errmsg": 69932, + "ĠimagePath": 69933, + "acterial": 69934, + "ĠManga": 69935, + "wicklung": 69936, + "(usuario": 69937, + "\"));čĊčĊ": 69938, + "/***": 69939, + "Ġorganise": 69940, + "Indexed": 69941, + "_QUAL": 69942, + "(PyObject": 69943, + "Ġsurrendered": 69944, + "POCH": 69945, + "ĠNOTES": 69946, + "\\\\\"": 69947, + "-job": 69948, + "Ġseventy": 69949, + "####Ċ": 69950, + "ĠManor": 69951, + "Ġdownright": 69952, + "Ġtimeframe": 69953, + "insurance": 69954, + "checker": 69955, + "ĠSECRET": 69956, + "Ġechoes": 69957, + "ĠCarmen": 69958, + ".setHorizontalAlignment": 69959, + "ĠisChecked": 69960, + "ĠTOR": 69961, + "_nn": 69962, + "('(": 69963, + "FetchRequest": 69964, + "ĠPrinted": 69965, + "Fluid": 69966, + "ĠSTACK": 69967, + "GES": 69968, + "aigned": 69969, + "igor": 69970, + ".Unknown": 69971, + "CBC": 69972, + "ĠCarlson": 69973, + ".URI": 69974, + "Ġplight": 69975, + "/start": 69976, + "ĠPersonnel": 69977, + "ĠPREFIX": 69978, + ",**": 69979, + "Ġlimite": 69980, + "_heat": 69981, + "%ï¼Į": 69982, + "ĠDonne": 69983, + "getNode": 69984, + "ĠScientology": 69985, + "Ġcomet": 69986, + "Ġwenig": 69987, + "Aside": 69988, + "ĠMPEG": 69989, + "'?": 69990, + "variably": 69991, + ".endDate": 69992, + "Ġuncont": 69993, + "ĠScores": 69994, + "ĠLoginForm": 69995, + ".generated": 69996, + ",ch": 69997, + "-mar": 69998, + "ĠNed": 69999, + "ĠeventId": 70000, + "+p": 70001, + "ĠSIN": 70002, + "/reset": 70003, + ".REACT": 70004, + "ĠMessi": 70005, + "_RANK": 70006, + ".writeFile": 70007, + "Ġcripp": 70008, + "esthetic": 70009, + "ERSIST": 70010, + "Ġreimbursement": 70011, + "CurrentValue": 70012, + "Ġunin": 70013, + "DownLatch": 70014, + "ĠpaddingRight": 70015, + "Ġstocked": 70016, + "/'.": 70017, + "Ġrepayment": 70018, + "trak": 70019, + "/backend": 70020, + "Ġизмен": 70021, + "CSR": 70022, + "Ġpreventive": 70023, + "Ġpantalla": 70024, + "_trim": 70025, + "Pedido": 70026, + "hospital": 70027, + "Ġmanageable": 70028, + "routeParams": 70029, + "textures": 70030, + "......ĊĊ": 70031, + "Ġsélection": 70032, + "NameValuePair": 70033, + "Ġpollut": 70034, + "Modes": 70035, + "ĠLaud": 70036, + "jay": 70037, + "ĠUrs": 70038, + "Ġsigner": 70039, + "ĠJJ": 70040, + "ĠCherokee": 70041, + "_EXISTS": 70042, + "Ġdwar": 70043, + "Ġ($('#": 70044, + "Ġreef": 70045, + ">{$": 70046, + "ĠBaylor": 70047, + "ĠModelState": 70048, + "-_": 70049, + "ĠStructures": 70050, + "Ġsouvent": 70051, + "Specify": 70052, + "(pipe": 70053, + "Ġfracking": 70054, + "ĠGPA": 70055, + "Ġbele": 70056, + "ĉĉĉĉĉĉĉĠĠĠ": 70057, + "ĠMinority": 70058, + "Ġtud": 70059, + "Ġopenness": 70060, + "ĠIllustrated": 70061, + "Ġoxidation": 70062, + "ĠNK": 70063, + "ĉUpdate": 70064, + "ĠEMS": 70065, + "ĠTeddy": 70066, + "Ġgenerals": 70067, + "ĉMat": 70068, + "Ġradios": 70069, + "ĠAntique": 70070, + "conomy": 70071, + "ĠSquadron": 70072, + ")','": 70073, + "声": 70074, + "Ġyoure": 70075, + "ĠMainPage": 70076, + "Ġbehaviours": 70077, + "enght": 70078, + "(@\"%@\",": 70079, + "Ġtestcase": 70080, + "ĠCompilation": 70081, + "Ġflavours": 70082, + "ĠExtend": 70083, + "illator": 70084, + "Ġcoh": 70085, + "Ġspline": 70086, + "ĠKG": 70087, + "-pay": 70088, + "Ġcommunism": 70089, + "ĠBusinesses": 70090, + "ocking": 70091, + ".MaxLength": 70092, + "assandra": 70093, + "quiring": 70094, + "adden": 70095, + "ĠJeb": 70096, + "_fault": 70097, + "[file": 70098, + "Ġprominence": 70099, + "disciplinary": 70100, + "âĢĶthey": 70101, + "_extent": 70102, + "ĠVIC": 70103, + "Ġentails": 70104, + ".partner": 70105, + "Ġhippoc": 70106, + "League": 70107, + "çĶ·": 70108, + "wipe": 70109, + "-spinner": 70110, + "Ġsalute": 70111, + "ĠSurgical": 70112, + "(outputs": 70113, + "worked": 70114, + "[strlen": 70115, + "appointed": 70116, + "ĠHeg": 70117, + "ĠACPI": 70118, + "([^": 70119, + "uala": 70120, + "_tol": 70121, + "ĠRit": 70122, + ".Payment": 70123, + "kowski": 70124, + "Ġwalmart": 70125, + "requirements": 70126, + "ĠFINSEQ": 70127, + "_BACKGROUND": 70128, + "ĠOsborne": 70129, + "(errorMessage": 70130, + "Reporting": 70131, + "Ġauctions": 70132, + "Ġcombos": 70133, + "ĠNoticed": 70134, + "_oct": 70135, + "Ġprimero": 70136, + "taire": 70137, + "_hr": 70138, + "Ġмод": 70139, + "Ġcontradictory": 70140, + "=\"@": 70141, + "achines": 70142, + "(optarg": 70143, + "ĠPenguin": 70144, + "ĠAbbas": 70145, + "Ġsublime": 70146, + "Ġpageable": 70147, + "ĠDefensive": 70148, + "Ġdistinctly": 70149, + "ĠAutomatically": 70150, + "Understanding": 70151, + "EqualityComparer": 70152, + "gota": 70153, + "Ġ\"::": 70154, + "Ġpulver": 70155, + "ĠBattles": 70156, + "Ġunparalleled": 70157, + "TCHA": 70158, + "Ġconstrued": 70159, + "-aff": 70160, + "Ġprecursor": 70161, + "-lfs": 70162, + "Ġmaduras": 70163, + "ĠDaisy": 70164, + "ĠArbeits": 70165, + ".Management": 70166, + "ĉIn": 70167, + "Ġrobes": 70168, + "Ġspéc": 70169, + "âĢľ(": 70170, + "Ġmaternity": 70171, + "extent": 70172, + "ĠSpacer": 70173, + "DidAppear": 70174, + "ĉus": 70175, + ".getRequestDispatcher": 70176, + "(cols": 70177, + "Ġplummet": 70178, + "ìħ": 70179, + "Ġ{ĊĊĊĊ": 70180, + "érica": 70181, + "ĠSizes": 70182, + ".enum": 70183, + ".Highlight": 70184, + "Ġ!!}ĊĊĊ": 70193, + "Wenn": 70194, + "Ġclimax": 70195, + "Ġcrem": 70196, + "_that": 70197, + "[â̦": 70198, + "_domains": 70199, + "_REPLY": 70200, + "Ġcompleta": 70201, + "VEST": 70202, + "_particle": 70203, + "Ġsop": 70204, + "Ġfatalities": 70205, + "implify": 70206, + "ĠSKF": 70207, + "Ġinfusion": 70208, + "ĠJavier": 70209, + "Ġballet": 70210, + "Ġamigo": 70211, + ".want": 70212, + "Ġcollagen": 70213, + "ĠLawyer": 70214, + ".Statement": 70215, + ".rt": 70216, + "baar": 70217, + "EndPoint": 70218, + "ĠBek": 70219, + "SHIP": 70220, + "Ġpatriarch": 70221, + "ĠAunt": 70222, + "_TM": 70223, + "ĠmÃŃn": 70224, + "Ġmastered": 70225, + "WXYZ": 70226, + "Ġespos": 70227, + "=logging": 70228, + "Ġrighteousness": 70229, + "torrent": 70230, + "Ġbst": 70231, + "_CHAIN": 70232, + "Ġoutskirts": 70233, + "(rotation": 70234, + "Ġ'.')": 70235, + "igrants": 70236, + "+lsi": 70237, + "ĠCCTV": 70238, + "_PHASE": 70239, + ".azure": 70240, + "_Process": 70241, + "vae": 70242, + "ĠTropical": 70243, + "ĠAnkara": 70244, + "imageView": 70245, + "_RUNNING": 70246, + "Ġ*)__": 70247, + "ến": 70248, + "(cli": 70249, + "scatter": 70250, + "Ġsche": 70251, + "Registrar": 70252, + "Ġairing": 70253, + "Ġpyplot": 70254, + "isión": 70255, + "/customer": 70256, + "Ġsimplement": 70257, + "Ġclassy": 70258, + "ĠDWC": 70259, + "ĠBashar": 70260, + "ĠDEVELO": 70261, + "ĠVick": 70262, + "avail": 70263, + "ĠHö": 70264, + "_extend": 70265, + "drFc": 70266, + ".isNotBlank": 70267, + "Ġplais": 70268, + "|}Ċ": 70269, + "Ġpornofil": 70270, + "labs": 70271, + "Ġhaus": 70272, + "Ġoriginating": 70273, + "Ġsurrounds": 70274, + "ĠQUAL": 70275, + "meg": 70276, + "/logger": 70277, + "[obj": 70278, + "Ġirresponsible": 70279, + "ĠPublicKey": 70280, + "HONE": 70281, + ":'/": 70282, + "ibox": 70283, + "ĠFVector": 70284, + "|{Ċ": 70285, + "ataloader": 70286, + "hawks": 70287, + "HDR": 70288, + "Ġescalation": 70289, + "ĠPodsDummy": 70290, + "elite": 70291, + "Ġpresup": 70292, + "Cached": 70293, + ">G": 70294, + ".optimizer": 70295, + "ĠVisible": 70296, + "´Ģ": 70297, + "Ġnen": 70298, + "Ġpcs": 70299, + "ĠIdle": 70300, + "[Any": 70301, + "Ġkeyboards": 70302, + "ĠCOMPONENT": 70303, + "Ġtitanium": 70304, + "(mut": 70305, + "ĠLedger": 70306, + "Ġprosperous": 70307, + "etrofit": 70308, + "_LL": 70309, + "_patient": 70310, + "Ġpdata": 70311, + "Ġkontakte": 70312, + "Swipe": 70313, + "Ġcheerful": 70314, + "ĠHonduras": 70315, + "\"][$": 70316, + "Ġhemorrh": 70317, + "\":\"+": 70318, + "Ġleasing": 70319, + "Ġinstalls": 70320, + "ĠPax": 70321, + "ĠLogistics": 70322, + "Ġkinetic": 70323, + "ĠPhon": 70324, + "_movement": 70325, + "ĉbytes": 70326, + "Ġcinco": 70327, + "ĠMadness": 70328, + "\")+": 70329, + "ĠJE": 70330, + "_ij": 70331, + "SceneManager": 70332, + "ĠBust": 70333, + "ptest": 70334, + "aea": 70335, + "Ġbesser": 70336, + "ÃŃg": 70337, + "дин": 70338, + "(tasks": 70339, + "(\"(\"": 70340, + "setType": 70341, + "(outfile": 70342, + "ĉreset": 70343, + "ĠARC": 70344, + "Ġmúsica": 70345, + "ĠShelf": 70346, + "ĠminY": 70347, + "pch": 70348, + "Ġweiber": 70349, + "issor": 70350, + "Ġtrouve": 70351, + "ĉButton": 70352, + "Ġregenerated": 70353, + "Å£i": 70354, + "imachinery": 70355, + "blocking": 70356, + ".dataTables": 70357, + "_frac": 70358, + "ĠAdvantage": 70359, + ".visitMethod": 70360, + "éĩįæĸ°": 70361, + "Ġextrapol": 70362, + "Ġteasing": 70363, + "ĠHitch": 70364, + "ĠGeek": 70365, + "ESCO": 70366, + "Ġwich": 70367, + "ĉax": 70368, + "_decor": 70369, + "ĠscreenWidth": 70370, + "ĠSophia": 70371, + "Forgot": 70372, + ".uni": 70373, + "ĠVenture": 70374, + "_collision": 70375, + "Ġlawmaker": 70376, + "(Edit": 70377, + "blers": 70378, + "ĠgetNext": 70379, + "âĢĶyou": 70380, + "MediaPlayer": 70381, + "ĠHorde": 70382, + "ĠCongressman": 70383, + "observations": 70384, + "ĉproperty": 70385, + "Ġ<--": 70386, + "CreatedAt": 70387, + "ubyte": 70388, + "Ġquarantine": 70389, + "Ġdistressed": 70390, + "_APB": 70391, + "ĠGoodman": 70392, + "ãĤ«": 70393, + "Ġrecomend": 70394, + "_PRINTF": 70395, + "DONE": 70396, + "Bindable": 70397, + "rstrip": 70398, + "centaje": 70399, + "ĠUnexpected": 70400, + "ĠSCHOOL": 70401, + "ĠProfessionals": 70402, + "ĠGPUs": 70403, + "Lesson": 70404, + "Exclusive": 70405, + "Ġatrav": 70406, + "ĠDank": 70407, + "ĠLawyers": 70408, + "ĠWalton": 70409, + ">[]": 70410, + "Ġaloud": 70411, + "=\"../../../": 70412, + "Ġdebating": 70413, + "ĠAVG": 70414, + "_VOL": 70415, + "/cgi": 70416, + ".deg": 70417, + ":g": 70418, + ".Infof": 70419, + "MeasureSpec": 70420, + ".song": 70421, + "mtree": 70422, + "ulls": 70423, + "Jordan": 70424, + "ĠCovers": 70425, + "Ġattributable": 70426, + "Ġjedis": 70427, + "iatrics": 70428, + "Ġrotterdam": 70429, + "Ġmeld": 70430, + "ĠContentType": 70431, + "Ġmantle": 70432, + "Ġalice": 70433, + "_duplicate": 70434, + "/Internal": 70435, + "Ġfilesize": 70436, + "ĉfire": 70437, + "rese": 70438, + "ondere": 70439, + "Ġfamiliarity": 70440, + "ĠCrest": 70441, + "Ġkarma": 70442, + "Ġtorino": 70443, + "Ġmesa": 70444, + "/temp": 70445, + "Ġchir": 70446, + "ĠOverflow": 70447, + "Ġtenemos": 70448, + "unik": 70449, + "NEXT": 70450, + "Alle": 70451, + "Ġnxt": 70452, + "Mart": 70453, + "Ġatl": 70454, + "Ġperiodo": 70455, + "_you": 70456, + "Ġ})).": 70457, + "intestinal": 70458, + ".AdapterView": 70459, + "Ġhesitant": 70460, + "Ġcomparatively": 70461, + ".UInt": 70462, + "(viewModel": 70463, + "Ġsangat": 70464, + "ĠResponsive": 70465, + "ĠZack": 70466, + "âħ": 70467, + "JAVA": 70468, + "ĠFuller": 70469, + "ĠâĿ¤": 70470, + ".Consumer": 70471, + "Ġank": 70472, + "Ġreactors": 70473, + "fuck": 70474, + "_rat": 70475, + "ĠsessionFactory": 70476, + "_backward": 70477, + "Ġscrambled": 70478, + "ĉth": 70479, + "Ġinsensitive": 70480, + "Ġchamps": 70481, + "Ġnginx": 70482, + "Ġconhec": 70483, + "ĠJasper": 70484, + ".fm": 70485, + "StrictEqual": 70486, + "achsen": 70487, + "-Nov": 70488, + "lassen": 70489, + ".integration": 70490, + "(lbl": 70491, + "Compose": 70492, + "ĠFon": 70493, + "Ãļ": 70494, + "Gratis": 70495, + "ĠLime": 70496, + "ĠAdapterView": 70497, + "Ġpoisoned": 70498, + "anchors": 70499, + "设计": 70500, + "']?>\"": 70501, + "Ġprocur": 70502, + "Italy": 70503, + ".MONTH": 70504, + "ĠLUA": 70505, + "ĠLithuania": 70506, + "ĠHeads": 70507, + "_CHUNK": 70508, + "ĠPUSH": 70509, + "AspectRatio": 70510, + "Ġweg": 70511, + "Ġvids": 70512, + "ĠWein": 70513, + "ĉINT": 70514, + "sessionId": 70515, + "Industry": 70516, + "Ġdenounced": 70517, + "JKLM": 70518, + "ĠVanessa": 70519, + ".Identifier": 70520, + "propri": 70521, + "Ġиг": 70522, + "Ġtécn": 70523, + "Ġmosaic": 70524, + "StreamReader": 70525, + "-Th": 70526, + "forth": 70527, + "Ġadherence": 70528, + "bate": 70529, + "Ġknights": 70530, + "sounds": 70531, + "Ġsalle": 70532, + "OMET": 70533, + "ãĤ¹ãĥĪ": 70534, + "-tm": 70535, + "ĠRhe": 70536, + ".FileOutputStream": 70537, + "åĪĨç±»": 70538, + "ĠENG": 70539, + "holiday": 70540, + "ĠCongratulations": 70541, + ")(Ċ": 70542, + "Ġaggregates": 70543, + "HOOK": 70544, + "ewire": 70545, + "Senator": 70546, + "Ġembeddings": 70547, + "epy": 70548, + "(COM": 70549, + "Ġrobber": 70550, + "äter": 70551, + "wang": 70552, + "_teacher": 70553, + "Ġresentment": 70554, + "Ġlettuce": 70555, + "erreur": 70556, + "(ic": 70557, + "ĠTactical": 70558, + "ĠContracts": 70559, + "Ġmænd": 70560, + "Ġsitios": 70561, + "Ġbastante": 70562, + "Ġnuevos": 70563, + "ĉNdrFc": 70564, + "ĠprivateKey": 70565, + "ucch": 70566, + "MMdd": 70567, + "Ġè¾ĵåĩº": 70568, + "umba": 70569, + "@foreach": 70570, + ":\");ĊĊ": 70571, + "Ġslippery": 70572, + "ĠKeystone": 70573, + "Ġpioneering": 70574, + "_triangle": 70575, + "(\"Ċ": 70576, + "ĉĉĉĉĉĉĉĉĠĠ": 70577, + "ĠIntervention": 70578, + "SCI": 70579, + "ĠcJSON": 70580, + "Ġterminating": 70581, + "ë¹Ħ": 70582, + "Ġbabys": 70583, + "Subset": 70584, + "Ġë¡": 70585, + "Ġseulement": 70586, + "Ġmuestra": 70587, + "Entre": 70588, + "以ä¸Ĭ": 70589, + "ngo": 70590, + "\"bytes": 70591, + "QRST": 70592, + "Ġypos": 70593, + "persona": 70594, + "ĠDeploy": 70595, + "cee": 70596, + "Ġà®": 70597, + ".goal": 70598, + "Ġhabitats": 70599, + "ĠisAdmin": 70600, + "Ġexploiting": 70601, + "Ġventil": 70602, + "ĠBalls": 70603, + "اب": 70604, + "Ġmindfulness": 70605, + "(kwargs": 70606, + "Ġresembling": 70607, + "Ġchoir": 70608, + "ĠonBackPressed": 70609, + "ĠSECURITY": 70610, + "/gtest": 70611, + "Ġjustices": 70612, + "ĠintegerValue": 70613, + "blah": 70614, + "ĠAim": 70615, + "_finalize": 70616, + "keh": 70617, + "ĠComplexity": 70618, + "Ġaugust": 70619, + "getElementsByTagName": 70620, + "Ġpreach": 70621, + "Ġpronunciation": 70622, + "ĠTrash": 70623, + "-percent": 70624, + "_PRIV": 70625, + "ĠHunts": 70626, + "ĠCurse": 70627, + "uellen": 70628, + "Ġheavyweight": 70629, + "Xi": 70630, + "ĉselected": 70631, + "ĠMcCoy": 70632, + "å¼Ĥ常": 70633, + "|=Ċ": 70634, + "ĠBattlefield": 70635, + "ItemImage": 70636, + "Ġdeductions": 70637, + "ĠElemental": 70638, + "());//": 70639, + "ĠBurk": 70640, + "})čĊčĊ": 70641, + "swift": 70642, + "/function": 70643, + "Usually": 70644, + "_St": 70645, + "_feats": 70646, + "ĠIsValid": 70647, + "Ġzad": 70648, + "ImageContext": 70649, + "Ġclassname": 70650, + "Ġdonner": 70651, + "Ġ-->ĊĊĊ": 70652, + "Ġmotorcycles": 70653, + "+'/'+": 70654, + "ĠsetBackground": 70655, + "\\CMS": 70656, + ".AllArgsConstructor": 70657, + "ĠLexington": 70658, + ".examples": 70659, + "ĠPurs": 70660, + "PushMatrix": 70661, + "Ġ==============================================================": 70662, + ".addTarget": 70663, + "pora": 70664, + "Fullscreen": 70665, + "Ġgoof": 70666, + "hlen": 70667, + "äge": 70668, + "ĠCURL": 70669, + "ĠInteresting": 70670, + "Ġretrieves": 70671, + "_Obj": 70672, + "inness": 70673, + "-----ĊĊ": 70674, + ".tsv": 70675, + "(IM": 70676, + "ĠBraves": 70677, + "_ISR": 70678, + "osti": 70679, + "á»ĵ": 70680, + "ĠExterior": 70681, + "ĠCourtney": 70682, + "Ġresidues": 70683, + "Tier": 70684, + ".*;čĊčĊ": 70685, + ":black": 70686, + "webView": 70687, + "\"path": 70688, + "Ġmasa": 70689, + "]!='": 70690, + "ĠMatching": 70691, + "dur": 70692, + "Jvm": 70693, + "=context": 70694, + "_RING": 70695, + "Ġproponents": 70696, + "ĠQStringLiteral": 70697, + "Ġinflate": 70698, + "\">čĊ": 70931, + "_COST": 70932, + "ilinear": 70933, + "ĠWorkspace": 70934, + "Ġspel": 70935, + "agogue": 70936, + "ĠMillennium": 70937, + "ĠPopulate": 70938, + "Ġnid": 70939, + ".parseColor": 70940, + "Solar": 70941, + "ĠGad": 70942, + "Ġì¤ij": 70943, + "ĠKamp": 70944, + "ĉrm": 70945, + "Ġbenz": 70946, + "ĠHonestly": 70947, + "Ġelectrode": 70948, + "ĠPrairie": 70949, + "ĠPROFILE": 70950, + "ĠOriental": 70951, + "ĠOLED": 70952, + "/copyleft": 70953, + "awaii": 70954, + "(products": 70955, + ")\\<": 70956, + "-created": 70957, + ".ManyToMany": 70958, + "\"How": 70959, + "ĠвÑĭп": 70960, + "Ġmitochondrial": 70961, + "_testing": 70962, + "(created": 70963, + "ĠgetField": 70964, + "_EVAL": 70965, + "].\"": 70966, + "ĠFSM": 70967, + "ĠRita": 70968, + "ĠåıĤæķ°": 70969, + "Ġcôt": 70970, + "ĠInsight": 70971, + "ĉmysqli": 70972, + "_timing": 70973, + "IDO": 70974, + ")))))Ċ": 70975, + "COVERY": 70976, + ".imag": 70977, + "CDF": 70978, + "lust": 70979, + "ickt": 70980, + "_FP": 70981, + ".','": 70982, + "gcc": 70983, + "Ġkurz": 70984, + "_pwm": 70985, + "Ġodpowied": 70986, + "ĠBarrier": 70987, + "/***************************************************************************Ċ": 70988, + "pak": 70989, + "-Israel": 70990, + "ĠRutgers": 70991, + "ĠselectedItem": 70992, + "ĠRamirez": 70993, + "Farm": 70994, + "Ġcalendars": 70995, + "gzip": 70996, + "Ġblockbuster": 70997, + "ĠPlymouth": 70998, + "çľĮ": 70999, + "responses": 71000, + ".DialogInterface": 71001, + "-grand": 71002, + "ĠgetSource": 71003, + "Ġdejtings": 71004, + "Ġtieten": 71005, + "Ġcondemnation": 71006, + "Ġcontinuar": 71007, + ".MockMvc": 71008, + "/english": 71009, + "ĠMediaPlayer": 71010, + "computed": 71011, + "ĠClippers": 71012, + "(delegate": 71013, + ".Slf": 71014, + "Ġë¡ľ": 71015, + "ĠTide": 71016, + "Ġihrem": 71017, + "ĠWan": 71018, + "ÑĥÑİÑī": 71019, + "}><": 71020, + "Discussion": 71021, + "Ġwatts": 71022, + "-minus": 71023, + "ĠJuliet": 71024, + "éĽħ": 71025, + "Ġconcluding": 71026, + "andscape": 71027, + "Ġúltima": 71028, + "ĠDERP": 71029, + "ĠsignUp": 71030, + "ĠSecondly": 71031, + "WAIT": 71032, + "lds": 71033, + ".callbacks": 71034, + "(hour": 71035, + "imators": 71036, + "volent": 71037, + "AAF": 71038, + "edriver": 71039, + "ĠMathematic": 71040, + "'": 71042, + "{j": 71043, + "_ABORT": 71044, + "Ether": 71045, + "Ġeducator": 71046, + "Ġprecaution": 71047, + "Ġfingertips": 71048, + "getVar": 71049, + "camatan": 71050, + "-debug": 71051, + "ĠRAF": 71052, + "[arg": 71053, + "Ġraced": 71054, + "Ġtsunami": 71055, + ".flink": 71056, + "Ġglyc": 71057, + "uko": 71058, + "ĠMultiply": 71059, + "Ġredistribution": 71060, + "AGO": 71061, + "ĠRoutine": 71062, + "Ġopr": 71063, + "(lower": 71064, + "ĠFunktion": 71065, + ".dk": 71066, + "Ġegt": 71067, + "_BASIC": 71068, + "syscall": 71069, + "ĠLSD": 71070, + "ĠDuplicate": 71071, + "_sell": 71072, + "ĠerrorHandler": 71073, + "_ips": 71074, + "Ġerv": 71075, + "annie": 71076, + "(resourceName": 71077, + "Ġbottled": 71078, + "Ġcrawling": 71079, + "egment": 71080, + ".setTag": 71081, + "Ġrss": 71082, + "ĠQuarry": 71083, + "_exact": 71084, + ".jwt": 71085, + "ĠBoards": 71086, + "opi": 71087, + "Ġnasal": 71088, + "ĠXYZ": 71089, + ".ud": 71090, + "Northern": 71091, + "Ġactivating": 71092, + "edx": 71093, + "ovah": 71094, + "Ġindx": 71095, + "AlertDialog": 71096, + "Ġtienes": 71097, + "annya": 71098, + "_pan": 71099, + "(decimal": 71100, + ".Dict": 71101, + "Ġsubsidiaries": 71102, + "ProductName": 71103, + "Few": 71104, + "dato": 71105, + "odied": 71106, + "-under": 71107, + "Ġê²ĥ": 71108, + "çīĪæľ¬": 71109, + "atism": 71110, + "[Math": 71111, + ".'<": 71112, + "(infile": 71113, + "Ġdenotes": 71114, + "$class": 71115, + "_SECURITY": 71116, + "Ġsewage": 71117, + "melon": 71118, + "(Character": 71119, + "/github": 71120, + "Ġglaring": 71121, + ".Guid": 71122, + "_sparse": 71123, + "ĠMargin": 71124, + "_dns": 71125, + "Ġmeiner": 71126, + "Ġleftist": 71127, + "ĉloc": 71128, + "abytes": 71129, + "Ġequipments": 71130, + "expo": 71131, + "ĠSomerset": 71132, + "EK": 71133, + "æį¢": 71134, + "Ġlecturer": 71135, + "Ġmemiliki": 71136, + "æł¸": 71137, + "ç´ł": 71138, + "pron": 71139, + ":pointer": 71140, + "borrow": 71141, + "ĠProtective": 71142, + "_cf": 71143, + "ĠÐķÑģли": 71144, + "bpp": 71145, + "';ĊĊĊĊ": 71146, + "aturally": 71147, + "_NAV": 71148, + "Ġpeptide": 71149, + ">d": 71150, + "Ġifstream": 71151, + "_FACTORY": 71152, + "');//": 71153, + "joined": 71154, + "mong": 71155, + "Ġtimespec": 71156, + "Ġdestabil": 71157, + "Ġautop": 71158, + "-limit": 71159, + "publication": 71160, + "ĠDenn": 71161, + ".Memory": 71162, + "(skb": 71163, + "ĠAnaheim": 71164, + "_RETURNTRANSFER": 71165, + "oueur": 71166, + "(_('": 71167, + "legt": 71168, + "istingu": 71169, + "ĉpriv": 71170, + "Ġredirects": 71171, + "Mt": 71172, + "Ġalleen": 71173, + "ĠPointF": 71174, + "Ġomin": 71175, + "Ġcitt": 71176, + "ĠTage": 71177, + "ĠWalls": 71178, + "á»ī": 71179, + "Ġoccupying": 71180, + "xBF": 71181, + "rangle": 71182, + "Ġrelational": 71183, + "-org": 71184, + "Ġjpg": 71185, + "-derived": 71186, + "Ġmalfunction": 71187, + "ĠBenson": 71188, + "(scroll": 71189, + "ĠXD": 71190, + "Holy": 71191, + "(commands": 71192, + "Ġtipping": 71193, + "Ġprimitives": 71194, + "Ġsexle": 71195, + "CallCheck": 71196, + "ĠMASTER": 71197, + "_TEAM": 71198, + ".setRequestHeader": 71199, + "_specs": 71200, + "Ġserge": 71201, + ".Master": 71202, + "Ġims": 71203, + ".SpringBootTest": 71204, + "paypal": 71205, + "ĠWANT": 71206, + ".Inst": 71207, + "ĠCarpet": 71208, + "Ġwrongly": 71209, + "($('.": 71210, + "Ġbild": 71211, + ".Roll": 71212, + "ĠUrb": 71213, + "-can": 71214, + "ãģıãģłãģķãģĦ": 71215, + "oliberal": 71216, + "čĊčĊ": 71610, + "ĠMahm": 71611, + "}\";ĊĊ": 71612, + "Ġdq": 71613, + "ĠPublishers": 71614, + "ĠAmpl": 71615, + "ĠDanielle": 71616, + "Ġtern": 71617, + "èµ·": 71618, + "noÅĽÄĩ": 71619, + "ein": 71620, + "ĠAsyncStorage": 71621, + "unger": 71622, + "rouw": 71623, + "Ġscissors": 71624, + "/assert": 71625, + ".bucket": 71626, + "/archive": 71627, + "_Man": 71628, + "Ġintoler": 71629, + "Ġ()=>": 71630, + "ĠÐĴÑĭ": 71631, + "Ġsai": 71632, + ".xy": 71633, + ".\"čĊ": 71634, + "Ġurinary": 71635, + "esub": 71636, + "ISTICS": 71637, + "Ġκ": 71638, + "Ġcompliments": 71639, + "ĠtypingsJapgolly": 71640, + "ihar": 71641, + "Expansion": 71642, + "ĠServing": 71643, + "_students": 71644, + "ĠXBOOLE": 71645, + "(il": 71646, + "Ġì²ĺ": 71647, + "Ġjó": 71648, + "(tol": 71649, + "(JS": 71650, + "ĉCG": 71651, + "ĠDRAW": 71652, + "twig": 71653, + "Ġoat": 71654, + "_smooth": 71655, + "ĠCSL": 71656, + "Ġosob": 71657, + "Ġensuing": 71658, + "Ġbanker": 71659, + "ĠBackpack": 71660, + "_ping": 71661, + "Ġwishlist": 71662, + "=ax": 71663, + "ĉĠĠĠĊ": 71664, + "Disney": 71665, + "steady": 71666, + "\">%": 71667, + "Ġprophets": 71668, + "ĠZX": 71669, + "Ġminimalist": 71670, + ".PLAIN": 71671, + "Seattle": 71672, + ".ordinal": 71673, + "ĠPIPE": 71674, + "Ġretorna": 71675, + "Ġjugador": 71676, + "ĠBret": 71677, + "ĠâĶľ": 71678, + "Ġplush": 71679, + "ULATOR": 71680, + "Sorting": 71681, + ".gridy": 71682, + "ectomy": 71683, + "_activ": 71684, + "rack": 71685, + "Interactive": 71686, + "ĠAntarctica": 71687, + "Ġvengeance": 71688, + "enso": 71689, + "_known": 71690, + "upplier": 71691, + ".Modules": 71692, + "ĠConnectionState": 71693, + "éļIJèĹı": 71694, + "@FindBy": 71695, + "Ġplacer": 71696, + "\\model": 71697, + "<()>": 71698, + ".isSuccessful": 71699, + "-good": 71700, + "bz": 71701, + "ĠDraco": 71702, + "Assistant": 71703, + "-extra": 71704, + "аблиÑĨ": 71705, + "Ġhypocrisy": 71706, + "Ġtst": 71707, + "ĠAgr": 71708, + "$txt": 71709, + "Ġlogistic": 71710, + "licensed": 71711, + "ĠHof": 71712, + "Ġtat": 71713, + "(iv": 71714, + "Ġintoxic": 71715, + "postId": 71716, + "_strike": 71717, + "Ġhumiliation": 71718, + "pcodes": 71719, + "\"sync": 71720, + "(recipe": 71721, + "+N": 71722, + "rente": 71723, + "ĉClient": 71724, + "ycopg": 71725, + "ĠZurich": 71726, + "ĠProfiles": 71727, + "Countries": 71728, + "Ġpict": 71729, + "Ġrollout": 71730, + "requencies": 71731, + "Ġpatched": 71732, + "Ġcartridges": 71733, + "Ġshading": 71734, + "Jar": 71735, + "Ġsalvage": 71736, + "ĠTaxes": 71737, + "Ġstandby": 71738, + "aporan": 71739, + "Eigen": 71740, + ".angular": 71741, + "ĠNested": 71742, + "享": 71743, + "ĠisVisible": 71744, + "ĠDwight": 71745, + "_BRANCH": 71746, + ".Delay": 71747, + "Ġkend": 71748, + "Ġfacilitated": 71749, + ".flatMap": 71750, + "Ġsanta": 71751, + "ĉSend": 71752, + "/messages": 71753, + "ĠofType": 71754, + "ĉswap": 71755, + "#plt": 71756, + "ĠTurks": 71757, + "NES": 71758, + "Ġprogressively": 71759, + "ĠResidence": 71760, + "ĠTREE": 71761, + "Ġnoen": 71762, + "dio": 71763, + "Ġnelle": 71764, + "Ġsogar": 71765, + "itti": 71766, + "weekly": 71767, + "Ġambiguity": 71768, + "_Settings": 71769, + "Ware": 71770, + ".neo": 71771, + "_DST": 71772, + "Ġæĸ¹": 71773, + "prep": 71774, + "lobby": 71775, + "@email": 71776, + "/movie": 71777, + "Ġfunkc": 71778, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ": 71779, + "ÂŃs": 71780, + "Ġguardians": 71781, + "-pos": 71782, + "Ġconfiguring": 71783, + "ĠCPS": 71784, + "ĠDeus": 71785, + "Ġvidéos": 71786, + "_empresa": 71787, + "Ġslapped": 71788, + "',Ċ": 71820, + "_XDECREF": 71821, + "ĠBuzzFeed": 71822, + "_MARGIN": 71823, + "PLOY": 71824, + ".small": 71825, + "ĠmimeType": 71826, + "Ġholog": 71827, + "ĉcamera": 71828, + "lias": 71829, + "Ġsuspense": 71830, + "odynam": 71831, + "bau": 71832, + "Ġgraveyard": 71833, + "_named": 71834, + "\":\"'": 71835, + "Ġ************************************************": 71836, + "ĠgameOver": 71837, + "ĠLENGTH": 71838, + "ĉscreen": 71839, + "ĠdoInBackground": 71840, + "_dependencies": 71841, + "Ġrtc": 71842, + "/up": 71843, + "_ROM": 71844, + "Hall": 71845, + "Ġdeficiencies": 71846, + "(te": 71847, + "'#": 71848, + "_equiv": 71849, + "Ġpreorder": 71850, + "ĠAxe": 71851, + "омÑĥ": 71852, + ".sendFile": 71853, + "Ġfilt": 71854, + "ĠLimits": 71855, + "ĠCavaliers": 71856, + ".discount": 71857, + "âĨIJ": 71858, + "ĠWit": 71859, + "QRSTUV": 71860, + "Ġij": 71861, + "Ġtegen": 71862, + "Ġ:\",": 71863, + "difficulty": 71864, + "punkt": 71865, + "ĠEmails": 71866, + "chlor": 71867, + "(fun": 71868, + ".Uint": 71869, + "ĠStall": 71870, + "_verified": 71871, + "uD": 71872, + "FileType": 71873, + "Ġpleasures": 71874, + "Ġjudiciary": 71875, + "Ġsham": 71876, + "ipur": 71877, + "_PLUS": 71878, + "offers": 71879, + "(foo": 71880, + "_GT": 71881, + "ĉcore": 71882, + "ENTION": 71883, + "ĠLiberation": 71884, + "CommandLine": 71885, + "_department": 71886, + ".Ar": 71887, + "_neighbor": 71888, + "ĠSubmitted": 71889, + "ĠĊ": 96121, + "Ġdroits": 96122, + "Ġhomosexuals": 96123, + "Ġabduction": 96124, + "ĉwidget": 96125, + "$headers": 96126, + "ĠDAR": 96127, + "Ġfla": 96128, + "threat": 96129, + "Ġlouis": 96130, + ".GetProperty": 96131, + "\"Just": 96132, + "(frames": 96133, + "ryo": 96134, + "profession": 96135, + "|i": 96136, + "íķ´ìĦľ": 96137, + "(sv": 96138, + "Ġunrecognized": 96139, + "Ionic": 96140, + "Fashion": 96141, + "ScreenState": 96142, + "ĠIncoming": 96143, + "NotNil": 96144, + "Ġsyncing": 96145, + "emie": 96146, + "Ġthermo": 96147, + "_procs": 96148, + "Ġinconsistency": 96149, + "religious": 96150, + ".mj": 96151, + "Ġpersonn": 96152, + "Ġmomentos": 96153, + "orarily": 96154, + "ĠæĬ": 96155, + "_neurons": 96156, + "Illustr": 96157, + "imoto": 96158, + "ilik": 96159, + "ĠWoj": 96160, + "Trading": 96161, + "Ġappare": 96162, + "Ġentreprises": 96163, + "achat": 96164, + "Ġ¬": 96165, + "Ġneigh": 96166, + "BUTTONDOWN": 96167, + "ĠMaher": 96168, + "aghan": 96169, + "-hash": 96170, + "\"f": 96171, + "Ġclientele": 96172, + ".addButton": 96173, + "ĉSP": 96174, + "Qi": 96175, + "Ġgrated": 96176, + "POSITE": 96177, + ":>": 96178, + "ĠHowell": 96179, + "ĠComparative": 96180, + "ĠISC": 96181, + "ÂŃi": 96182, + "Ocean": 96183, + "Davis": 96184, + "ĠFilme": 96185, + "Wins": 96186, + "ĠJIT": 96187, + "occer": 96188, + "ĠCorm": 96189, + "ENCHMARK": 96190, + "rchive": 96191, + "icação": 96192, + "Ġmata": 96193, + "Ġchildbirth": 96194, + "ĠOptionally": 96195, + "Ens": 96196, + "Ġxhttp": 96197, + "Ġelucid": 96198, + "_OscInitStruct": 96199, + "))):Ċ": 96200, + "Ġintuit": 96201, + "ĠDonate": 96202, + "Ġcorrelates": 96203, + ">Delete": 96204, + "Ġequipe": 96205, + "Ġboca": 96206, + "Ġinflatable": 96207, + "erah": 96208, + "ĠDateTimeKind": 96209, + "Ġcalves": 96210, + "\\Lib": 96211, + "Ġemlrt": 96212, + "ĠTrilogy": 96213, + "ĠPanc": 96214, + "ĠDuis": 96215, + "ĠpelÃŃcula": 96216, + "WARDS": 96217, + "_DETECT": 96218, + "-sectional": 96219, + "dhcp": 96220, + "ForRow": 96221, + "-destruct": 96222, + "ĠPresenter": 96223, + "/slick": 96224, + ",on": 96225, + "ĠCitadel": 96226, + "loggedin": 96227, + "_subtype": 96228, + "Ġsigue": 96229, + "Ġcuring": 96230, + "ĠFirewall": 96231, + "Ġfluorescence": 96232, + "ĠItalians": 96233, + "иÑĤÑģÑı": 96234, + ".getStyle": 96235, + "InSeconds": 96236, + "jie": 96237, + "-Smith": 96238, + "Ġxlink": 96239, + "Ġsubmissive": 96240, + "онÑĤ": 96241, + "arbonate": 96242, + "ĠFaul": 96243, + "_goals": 96244, + "ĠCommissioners": 96245, + "chartInstance": 96246, + "_POSTFIELDS": 96247, + "Ġmedial": 96248, + "Ġmanos": 96249, + "Ġdelt": 96250, + "svm": 96251, + ".Apis": 96252, + "ephy": 96253, + "Ġasympt": 96254, + "ĠappDelegate": 96255, + "Ġimprobable": 96256, + "cka": 96257, + "simd": 96258, + "/Error": 96259, + ".âĢĵ": 96260, + "ĠPTS": 96261, + "deer": 96262, + "Ġsina": 96263, + "magnitude": 96264, + "IDADE": 96265, + "']}'": 96266, + "Ġmayores": 96267, + "ĉcomment": 96268, + "/console": 96269, + "\"@": 96270, + "volt": 96271, + ".sell": 96272, + "ĠMacy": 96273, + "Ġmelod": 96274, + "Ġimágenes": 96275, + "_chg": 96276, + "Ġinout": 96277, + "idente": 96278, + ")'),Ċ": 96279, + "dni": 96280, + ".blob": 96281, + "Ġtypography": 96282, + "Ġeerie": 96283, + "_OID": 96284, + "pesan": 96285, + "ajan": 96286, + "Ġchopping": 96287, + "Ġbluff": 96288, + "adf": 96289, + "_bases": 96290, + ".Formatter": 96291, + "Ġ\\%": 96292, + "ĠPageInfo": 96293, + "Carrier": 96294, + "ĠCalibration": 96295, + "como": 96296, + "-bodied": 96297, + "Ġfinancier": 96298, + "ĠINA": 96299, + ".ERR": 96300, + "Ġhoodie": 96301, + "ĠSanity": 96302, + "guarded": 96303, + ".opendaylight": 96304, + "ISMATCH": 96305, + "Highlights": 96306, + "ünk": 96307, + "aniem": 96308, + "angered": 96309, + "assignments": 96310, + "Ġregistrado": 96311, + "ĠUPPER": 96312, + "ampilkan": 96313, + "ashire": 96314, + "ĠNikola": 96315, + "ĠCFL": 96316, + "ĠHDC": 96317, + "Ġpoids": 96318, + "ĠIPs": 96319, + "Ġpreventative": 96320, + "ipsoid": 96321, + "ifix": 96322, + ".camel": 96323, + ".ga": 96324, + "Volumes": 96325, + "-ste": 96326, + "Yahoo": 96327, + "_sibling": 96328, + "Highest": 96329, + "optgroup": 96330, + "Ġkvinna": 96331, + "âĢĿãĢĤĊĊ": 96332, + "ĠAppliances": 96333, + "Ġ\"><": 96334, + "')\")Ċ": 96335, + "htt": 96336, + "ĠIdentified": 96337, + "Ġpencils": 96338, + "ĠmemberId": 96339, + "ĠappendString": 96340, + ".loadData": 96341, + "ĠmockMvc": 96342, + "Ġjub": 96343, + "ĠSlut": 96344, + "ĠTaipei": 96345, + "statt": 96346, + "Polit": 96347, + "Ġpartager": 96348, + "DidChange": 96349, + "Increases": 96350, + ")}.": 96351, + "ĠBaba": 96352, + "_CLIP": 96353, + "[unit": 96354, + "ĠклÑİÑĩ": 96355, + "Ġalcuni": 96356, + "ĠLola": 96357, + "Ġclinging": 96358, + "@PostMapping": 96359, + "(concat": 96360, + "Ġssid": 96361, + "ĠFauc": 96362, + "okit": 96363, + "ĠRecorded": 96364, + "ález": 96365, + "($('<": 96366, + ".assertIsNot": 96367, + "Ġkali": 96368, + "Volt": 96369, + "Ġwarmly": 96370, + "Ġscares": 96371, + "getti": 96372, + "führt": 96373, + "_does": 96374, + ".EMAIL": 96375, + "imations": 96376, + "Ġspringfox": 96377, + "ĠDecom": 96378, + "arcy": 96379, + "Ġglitches": 96380, + "ĠMoff": 96381, + "ĠVoll": 96382, + ".between": 96383, + "Ġcoorden": 96384, + "ĠParticularly": 96385, + "GBP": 96386, + "Ġsemble": 96387, + "Eastern": 96388, + "_MSB": 96389, + "]){čĊ": 96390, + "morgan": 96391, + "ĠEVAL": 96392, + "dere": 96393, + "HOUSE": 96394, + "moire": 96395, + "istique": 96396, + "_lstm": 96397, + "-commit": 96398, + "ysterious": 96399, + "Ġtwink": 96400, + "-thumbnails": 96401, + "enÃŃ": 96402, + ":'',": 96403, + "Ġblackout": 96404, + "ĠFloors": 96405, + "Ġsofas": 96406, + "Ġoui": 96407, + "leshoot": 96408, + "ĠRaq": 96409, + "-abs": 96410, + "Ġkra": 96411, + "Mining": 96412, + "shaft": 96413, + ".setColumns": 96414, + "Clazz": 96415, + "PRETTY": 96416, + ".playlist": 96417, + "éĸ¢": 96418, + "-Saharan": 96419, + "MING": 96420, + "ĉbl": 96421, + "è®®": 96422, + "jf": 96423, + "DOCKER": 96424, + "hopefully": 96425, + "(ignore": 96426, + "ĠUsersController": 96427, + "ĠMitarbeiter": 96428, + "ĠLES": 96429, + "Hamilton": 96430, + "-metadata": 96431, + "ĠKK": 96432, + "iktig": 96433, + "Ġwollte": 96434, + "egrator": 96435, + "]bool": 96436, + ",current": 96437, + "ĠvalueType": 96438, + "Ġexcavation": 96439, + "oland": 96440, + "Ġverv": 96441, + "/filepath": 96442, + "AuthProvider": 96443, + "Ġprocrast": 96444, + "ĉULONG": 96445, + "_MEMBERS": 96446, + "Ġuplift": 96447, + "ĠAutonomous": 96448, + "Ġartworks": 96449, + "ĠOutreach": 96450, + "Ġpore": 96451, + "Homepage": 96452, + "DialogTitle": 96453, + "ĠGenerating": 96454, + "PARSE": 96455, + "Ġsemanas": 96456, + "Ġhumano": 96457, + "JSGlobalScope": 96458, + "Ġvolte": 96459, + "Ġbella": 96460, + "(isinstance": 96461, + "Ġplc": 96462, + "\\Catalog": 96463, + "Ġesteemed": 96464, + "鼷": 96465, + "(suffix": 96466, + "Ġsweeps": 96467, + "ĉORDER": 96468, + "Ġdoivent": 96469, + "ĠSwarm": 96470, + "ĠCompiled": 96471, + "getPage": 96472, + "ADR": 96473, + ".RichTextBox": 96474, + "ĠNaming": 96475, + "agged": 96476, + "ĠGANG": 96477, + "rasing": 96478, + "odeled": 96479, + "Ġgala": 96480, + "ĠJSName": 96481, + "ddf": 96482, + "Ġillust": 96483, + "ĠLansing": 96484, + "[port": 96485, + "-death": 96486, + "Ġdinheiro": 96487, + "ĠEighth": 96488, + "Ġbian": 96489, + "stÃ¥": 96490, + "Ġversión": 96491, + "ĠLinearGradient": 96492, + "ĠHarding": 96493, + ".*)": 96494, + "eczy": 96495, + "$header": 96496, + "ĠvÃ¥r": 96497, + "Unchecked": 96498, + "Ġkoje": 96499, + "ĠPaladin": 96500, + "())),": 96501, + "Giving": 96502, + "()})Ċ": 96503, + "Ġdips": 96504, + "Friendly": 96505, + "Ġportrays": 96506, + "Ġhelium": 96507, + "Ġinsurgency": 96508, + "_expiry": 96509, + "ĠstringByAppendingString": 96510, + "Ġaantal": 96511, + "slope": 96512, + "mast": 96513, + ".getInteger": 96514, + "Ġ########################": 96515, + "_PIPELINE": 96516, + "Ġdensely": 96517, + "Ġmutating": 96518, + "midi": 96519, + "ĠSeit": 96520, + "ayne": 96521, + "NOWLED": 96522, + "ĠDesmond": 96523, + "ĠFName": 96524, + "ĠNairobi": 96525, + "\\Context": 96526, + "Ġcalcular": 96527, + "-den": 96528, + "Ġcott": 96529, + "]):čĊ": 96530, + "ĠRecommendation": 96531, + "ĠRolex": 96532, + "ĠvalidationResult": 96533, + ".pat": 96534, + "ĠnÃły": 96535, + "ĠRestClient": 96536, + "ĠGPI": 96537, + "ĠAsheville": 96538, + "ĠOSP": 96539, + "ĠPERMISSION": 96540, + "ÐĶаÑĤа": 96541, + "/notification": 96542, + "Knight": 96543, + "_Word": 96544, + "ĠBender": 96545, + "ranking": 96546, + "Ġpartida": 96547, + "_reservation": 96548, + "ÌĢ": 96549, + "ĠmName": 96550, + "Ġgetch": 96551, + "Ġborr": 96552, + "Ġdiligent": 96553, + "Discuss": 96554, + "æŃ£åľ¨": 96555, + "apeake": 96556, + "ioned": 96557, + "-Nazi": 96558, + ".cum": 96559, + "ĠKron": 96560, + "=$('#": 96561, + "/single": 96562, + "Ġerotisch": 96563, + "ĠVib": 96564, + "Ġratified": 96565, + "Ġconcerted": 96566, + "ĠREGARD": 96567, + "Ġdobr": 96568, + ".DriverManager": 96569, + "'r": 96570, + "Portable": 96571, + "ĉsuite": 96572, + "Ġrelaciones": 96573, + "ĠDop": 96574, + "emploi": 96575, + "DOB": 96576, + "Ġcrumbs": 96577, + "Ġxls": 96578, + "_Application": 96579, + "(':',": 96580, + "Ġ------------------------------------------------------------------------Ċ": 96581, + "mse": 96582, + "Ġberk": 96583, + "ĠReturnValue": 96584, + "ĠBelly": 96585, + "Ġcamar": 96586, + "ĠPeek": 96587, + "elsing": 96588, + "Ġnotifies": 96589, + "ĠTristan": 96590, + "ĠGAR": 96591, + "emme": 96592, + "ĠElevated": 96593, + "_CSV": 96594, + "(chalk": 96595, + "Ġtwenties": 96596, + "ĠSearchResult": 96597, + "=search": 96598, + "ĠMixing": 96599, + "ýt": 96600, + "Ġrecruiter": 96601, + "ĠIDEOGRAPH": 96602, + "ĠAgo": 96603, + "(Operation": 96604, + "$values": 96605, + "Ġworldly": 96606, + "ĠRosenberg": 96607, + "ĠConfigureServices": 96608, + ">*Ċ": 96705, + "Ġsnork": 96706, + "_opacity": 96707, + "ĠinitWithNibName": 96708, + "iado": 96709, + "AAC": 96710, + "Ġ]).": 96711, + ";z": 96712, + "_paragraph": 96713, + "Ġnoses": 96714, + "stands": 96715, + "ifr": 96716, + "_mE": 96717, + "Iraq": 96718, + ".Predicate": 96719, + "enaire": 96720, + "]]];Ċ": 96721, + "Ġunidad": 96722, + "Ġretirees": 96723, + "_hello": 96724, + "Ġmodele": 96725, + "ĠUITableViewController": 96726, + "fwrite": 96727, + "_numero": 96728, + "_visited": 96729, + "Ġrecebe": 96730, + "(Notification": 96731, + "Fantastic": 96732, + "_submenu": 96733, + "ĠPEM": 96734, + "ĠCupertino": 96735, + "approximately": 96736, + "classed": 96737, + ".ReadString": 96738, + "Ġdomicile": 96739, + "_PW": 96740, + "Ġballpark": 96741, + "ĠKale": 96742, + "contra": 96743, + "_favorite": 96744, + "/of": 96745, + "Quite": 96746, + "ĠOTA": 96747, + "Ġaccelerometer": 96748, + "didn": 96749, + "|^": 96750, + "ĠRohingya": 96751, + "ivicrm": 96752, + "annabin": 96753, + "обÑĭÑĤи": 96754, + "orado": 96755, + "')+": 96756, + "Haunted": 96757, + ",ID": 96758, + "(UIAlertAction": 96759, + "urv": 96760, + "_bel": 96761, + "ĠMexicans": 96762, + "/terms": 96763, + "ĠPainter": 96764, + "InputLabel": 96765, + "ĠVinci": 96766, + "ĠRosie": 96767, + "\\uc": 96768, + "": 96929, + "_gs": 96930, + "Ġcompil": 96931, + "nard": 96932, + "-exc": 96933, + "Ġrhyme": 96934, + "Ġbutto": 96935, + "says": 96936, + "antasy": 96937, + "ë¸": 96938, + "ĠcittÃł": 96939, + "Ġcheg": 96940, + "TimeString": 96941, + "Ġpositivity": 96942, + "ĠDabei": 96943, + "Ġwang": 96944, + "Ġescre": 96945, + "\"c": 96946, + "ĉvideo": 96947, + "ĠRanked": 96948, + ".strings": 96949, + ">>>(": 96950, + "ĠинÑĤеÑĢ": 96951, + "Ġresta": 96952, + "[:,:": 96953, + "Ġrendre": 96954, + "Ġdeser": 96955, + "Jos": 96956, + "Ġdisruptions": 96957, + "ĠопеÑĢ": 96958, + "sampling": 96959, + "suppress": 96960, + "ĠcontainerView": 96961, + "ĠSeamless": 96962, + "Ġairy": 96963, + "Ġonload": 96964, + ".WindowManager": 96965, + "ĠPLA": 96966, + "braco": 96967, + ".setPositiveButton": 96968, + "Ġpdu": 96969, + "Ġgsi": 96970, + "ĠCli": 96971, + "_gradients": 96972, + "Ñıд": 96973, + "ĠWhisper": 96974, + "cstdint": 96975, + "Ġläng": 96976, + "Ġformulations": 96977, + "énom": 96978, + "ournemouth": 96979, + "[$_": 96980, + "Ġordinarily": 96981, + ".setUsername": 96982, + "Ġfaculties": 96983, + "MITTED": 96984, + "/values": 96985, + "Ġweir": 96986, + "ĠApt": 96987, + "MZ": 96988, + "ĉcf": 96989, + "ucken": 96990, + "ĉĉĉĉĉĉĉĉĉĉĉĉĉĉĉĉĉĉĉĉ": 96991, + "defense": 96992, + "[iVar": 96993, + "ĠBusinessException": 96994, + "Selectors": 96995, + "(coordinates": 96996, + "ĠResets": 96997, + "ĠDrinks": 96998, + "oleans": 96999, + "(stypy": 97000, + "_IOC": 97001, + ".xxx": 97002, + "ĠSlater": 97003, + "ĠBelize": 97004, + "Ġ/************************************************************************": 97005, + "addin": 97006, + "_episodes": 97007, + "Ġischem": 97008, + "legalArgumentException": 97009, + "Danny": 97010, + "Ġpared": 97011, + ".codehaus": 97012, + "ĠAssy": 97013, + "ĉRect": 97014, + "âŀ": 97015, + ".lista": 97016, + "ĠваÑĪ": 97017, + "Ġvets": 97018, + "HWND": 97019, + "isoner": 97020, + "Ġxo": 97021, + "Ġorally": 97022, + "ĠStmt": 97023, + ".rnn": 97024, + "ĠDPI": 97025, + "ĠStrikes": 97026, + ".setViewportView": 97027, + "ĠèĩªåĬ¨çĶŁæĪIJ": 97028, + "YELLOW": 97029, + "GLenum": 97030, + "partners": 97031, + "ĠImplicit": 97032, + "Ġtako": 97033, + "âĢĻelle": 97034, + "Ġermög": 97035, + "totalCount": 97036, + "Gil": 97037, + "ĉwork": 97038, + "Ġpratic": 97039, + "inati": 97040, + "abies": 97041, + "ĠSkinner": 97042, + "Ġspirited": 97043, + "Ġpancreatic": 97044, + "Ġhdf": 97045, + "'em": 97046, + "Ġpsychosis": 97047, + "olicit": 97048, + "Ġ\"{\"": 97049, + "_atual": 97050, + "Ġélect": 97051, + "TEAM": 97052, + "Ġdak": 97053, + "ĠSWAT": 97054, + ".FragmentManager": 97055, + "Ġprovisioning": 97056, + "lifetime": 97057, + "_EXTENSIONS": 97058, + "ĠCASCADE": 97059, + "Ġ![": 97060, + "(KP": 97061, + "Ġvem": 97062, + "ĠInterracial": 97063, + "']},Ċ": 97064, + "spacer": 97065, + "_kv": 97066, + "Warehouse": 97067, + "RDD": 97068, + "_fsm": 97069, + ".StretchImage": 97070, + ",Yes": 97071, + "ĠRefugee": 97072, + "ĠBringing": 97073, + "Ġválido": 97074, + ".intersection": 97075, + "Ġspooky": 97076, + "_portal": 97077, + "Ġmoth": 97078, + "ĠZodiac": 97079, + "ĠSOCIAL": 97080, + "MimeType": 97081, + "']}}": 97200, + "_Blue": 97201, + "Ġbotanical": 97202, + "Ġfrags": 97203, + "Ġfamilial": 97204, + "-du": 97205, + "Ġseizing": 97206, + "(blocks": 97207, + ".rd": 97208, + ".checkNotNull": 97209, + "Ġmiser": 97210, + "Ġmaxx": 97211, + "ĠKnee": 97212, + "ViewItem": 97213, + "InnerHTML": 97214, + "Danger": 97215, + "((__": 97216, + "Ġprzypad": 97217, + "createUrl": 97218, + "**,": 97219, + "ĠDecorating": 97220, + "ATEGY": 97221, + "?>/": 97222, + ".Designer": 97223, + "hexdigest": 97224, + "ĠEverywhere": 97225, + "alleries": 97226, + ".TEXTURE": 97227, + ".Blocks": 97228, + "zell": 97229, + "Ġpreço": 97230, + "Suddenly": 97231, + "inputEmail": 97232, + "(sync": 97233, + ".bd": 97234, + "golden": 97235, + ">');": 97236, + "ĠDickinson": 97237, + ">>(Ċ": 97238, + "ĠQUEUE": 97239, + "ĠgetColumn": 97240, + "ĠSAND": 97241, + ".piece": 97242, + "licer": 97243, + "Flutter": 97244, + "ĠgetVersion": 97245, + "ĠresourceId": 97246, + "ogl": 97247, + "ÅĤaw": 97248, + ".Branch": 97249, + "ĉweb": 97250, + "Ġframerate": 97251, + "PPP": 97252, + "Ġfray": 97253, + "CNT": 97254, + "Ġinformatie": 97255, + "']čĊčĊ": 97256, + "neas": 97257, + "HeaderCode": 97258, + "Ġæ¸": 97259, + "Ġtrg": 97260, + "rawtypes": 97261, + "Honda": 97262, + "Ġmarketer": 97263, + "ĠrequestData": 97264, + "ĠPg": 97265, + "ĉnot": 97266, + "ĠpageInfo": 97267, + "Ġaktuellen": 97268, + "ãģķãĤĵ": 97269, + "ĠAMS": 97270, + "pushViewController": 97271, + "ĉAL": 97272, + "Ġvests": 97273, + "produce": 97274, + "-même": 97275, + "ĠRahman": 97276, + "Funny": 97277, + "EZ": 97278, + "_Valid": 97279, + "Ġsquadron": 97280, + "Ġlash": 97281, + "Ġirm": 97282, + "iasco": 97283, + "ĠParan": 97284, + "Ġpetites": 97285, + "ĠDecay": 97286, + "Ġuninitialized": 97287, + "privileged": 97288, + "Ġmbedtls": 97289, + "å¤ĩ注": 97290, + "Ġ^.": 97291, + "Ġecstatic": 97292, + "Detroit": 97293, + "Ġparten": 97294, + "Ġsouvenir": 97295, + ".getLogin": 97296, + "моÑĤÑĢ": 97297, + "enção": 97298, + "ĠmÃŃnimo": 97299, + "ĠAccessed": 97300, + "rió": 97301, + "Mic": 97302, + "ĠVocal": 97303, + ".SetString": 97304, + "Ġmensajes": 97305, + "åĢį": 97306, + "Ġattravers": 97307, + "ĠAph": 97308, + "Ġ');čĊ": 97309, + "ünde": 97310, + "Ġenchanted": 97311, + "ĠRootState": 97312, + "ĠCLOSED": 97313, + "ĉĉĉĉĉĉĉĉčĊ": 97314, + "Ġcaliente": 97315, + "orris": 97316, + "Ġphysicists": 97317, + "hwnd": 97318, + "_vi": 97319, + "Ġrápido": 97320, + "Ġcapitalized": 97321, + "edBy": 97322, + "Ġmachining": 97323, + "Ġhubby": 97324, + "ĠStacy": 97325, + ".Bus": 97326, + "drink": 97327, + "Hur": 97328, + "Ġpropia": 97329, + "UnitTest": 97330, + "Ġmisconception": 97331, + "__));Ċ": 97332, + "/dc": 97333, + "ĠMayweather": 97334, + "_mC": 97335, + ".createFrom": 97336, + "ĠQPainter": 97337, + "ropsych": 97338, + "innitus": 97339, + "ayas": 97340, + "Ġgeg": 97341, + "(dw": 97342, + "Ġusado": 97343, + "Ġtrickle": 97344, + "Ġannihil": 97345, + "ĠPasta": 97346, + "Ġ++Ċ": 97347, + "(ExpectedConditions": 97348, + ".postValue": 97349, + "icap": 97350, + "ĠDonetsk": 97351, + "_soup": 97352, + "-publish": 97353, + "ĠPb": 97354, + "mentions": 97355, + "ACCEPT": 97356, + ".Pull": 97357, + ",âĢĻâĢĻ": 97358, + "Ġretarded": 97359, + "_ATOM": 97360, + "ĠTerminator": 97361, + "-court": 97362, + "ĠCLLocationCoordinate": 97363, + "Ġreverence": 97364, + "ĠSSC": 97365, + "utely": 97366, + "ĠWON": 97367, + "ĠGSL": 97368, + "frei": 97369, + ".getLongitude": 97370, + "ĠopenFileDialog": 97371, + ".Butter": 97372, + "-important": 97373, + "_MANY": 97374, + "ĠGong": 97375, + "âĢľHow": 97376, + "Ġgorge": 97377, + "=msg": 97378, + "ĠEzek": 97379, + "createCommand": 97380, + ":checked": 97381, + "Ġinfographic": 97382, + ".WEST": 97383, + "Dirs": 97384, + "Ġguarda": 97385, + "Ġbeetle": 97386, + "Loading": 97460, + "_mA": 97461, + ".getRandom": 97462, + "blings": 97463, + "Ġcheeses": 97464, + "tti": 97465, + ".âĢ¢": 97466, + "ĠBurgess": 97467, + "enderit": 97468, + ".',čĊ": 97469, + "(\"\"+": 97470, + "acb": 97471, + "%p": 97472, + "indexed": 97473, + "_predicate": 97474, + "nesia": 97475, + "Ġbied": 97476, + "ĠCIT": 97477, + "(Pos": 97478, + "_radi": 97479, + "ä»·æł¼": 97480, + "Biz": 97481, + "ĠAdolescent": 97482, + "Ġviên": 97483, + "cycl": 97484, + "_Cancel": 97485, + "Ġconclusive": 97486, + "Ġappellate": 97487, + "informatics": 97488, + "SJ": 97489, + "Ġelective": 97490, + "roleId": 97491, + "Fetcher": 97492, + "ĉCommand": 97493, + "(\"(%": 97494, + "Ġfart": 97495, + "ILA": 97496, + "getBlock": 97497, + "AUSE": 97498, + "Ġдан": 97499, + "ĠArte": 97500, + "Ġnotifying": 97501, + "Ġgele": 97502, + ".same": 97503, + "ĠRegel": 97504, + "ĠBaÅŁ": 97505, + ".creation": 97506, + "ĠVN": 97507, + "_community": 97508, + "Ġunsustainable": 97509, + "SEX": 97510, + "ĠgridSize": 97511, + "rescia": 97512, + "aversable": 97513, + "(',')[": 97514, + "ĠPhelps": 97515, + "á»ķi": 97516, + "ANCELED": 97517, + "-IS": 97518, + ".runners": 97519, + "ĠStokes": 97520, + ".Produ": 97521, + "Ġwhipping": 97522, + "_acquire": 97523, + "Ġinvestigación": 97524, + "fried": 97525, + ".copyWith": 97526, + "ĠHardcover": 97527, + "-Se": 97528, + "áŀ¶áŀ": 97529, + "invitation": 97530, + "lesai": 97531, + "ĠDorm": 97532, + "ĠÑģпиÑģка": 97533, + "Ġconcatenated": 97534, + "ophil": 97535, + "Ġthinker": 97536, + "/fontawesome": 97537, + "ĠLeopard": 97538, + "Ġ\"/\");Ċ": 97539, + "Ġresiduals": 97540, + "ĠMicrowave": 97541, + "Ġconforme": 97542, + "throp": 97543, + "Ġdisemb": 97544, + "ĠOMG": 97545, + "ĠDiscipline": 97546, + "ĠAcrobat": 97547, + "/repository": 97548, + "dfa": 97549, + "_MED": 97550, + "bufio": 97551, + "Ġméthode": 97552, + "_HOLD": 97553, + "iasi": 97554, + "_legacy": 97555, + ")ččĊ": 97556, + "æ£Ģ": 97557, + "GetProcAddress": 97558, + "Ġyay": 97559, + "otence": 97560, + "orderid": 97561, + "-tw": 97562, + "Ġdearly": 97563, + "Incoming": 97564, + "/il": 97565, + "Ġneurop": 97566, + "ucz": 97567, + ");čččĊ": 97568, + "ĠInnovative": 97569, + "Ġprofund": 97570, + "igmat": 97571, + "SelectionMode": 97572, + "relevant": 97573, + ".GO": 97574, + "Ġbruises": 97575, + "Ġsach": 97576, + "odef": 97577, + "Ġreimb": 97578, + "/desktop": 97579, + "-spot": 97580, + "undance": 97581, + "Entropy": 97582, + "\\core": 97583, + "Ġsuger": 97584, + "ĠMvc": 97585, + "ĠGNOME": 97586, + "_indx": 97587, + "ĠYYSTYPE": 97588, + "ĠMatlab": 97589, + "ĠCIF": 97590, + "Ġ*))": 97591, + "ĠproductList": 97592, + "ĠAlright": 97593, + "acemark": 97594, + "ÑĤив": 97595, + "modification": 97596, + "international": 97597, + "Ġhomers": 97598, + "Ġdicts": 97599, + "ĠQFont": 97600, + ".SQLite": 97601, + "Ġtransplantation": 97602, + "ĠMessageBoxButton": 97603, + "ĠElves": 97604, + "']])Ċ": 97605, + "(QIcon": 97606, + "Ġcinemas": 97607, + "COORD": 97608, + "-China": 97609, + "Ġkhẩu": 97610, + "æĪijçļĦ": 97611, + "Ġskulls": 97612, + "Ġpainstaking": 97613, + "fce": 97614, + ".XRLabel": 97615, + "Ġspecifier": 97616, + "Ġpreferring": 97617, + "/activity": 97618, + "(Photo": 97619, + "ált": 97620, + ".lot": 97621, + "''.": 97622, + "annonce": 97623, + ".googlecode": 97624, + "-pdf": 97625, + "ĠPoke": 97626, + "_ACL": 97627, + "Ġendowed": 97628, + "discover": 97629, + ".omg": 97630, + "Ġwoodland": 97631, + ".Magic": 97632, + "Ġvolont": 97633, + "NotAllowed": 97634, + "Ġchave": 97635, + "BMW": 97636, + "','=',": 97637, + "ĠSIX": 97638, + "æĪij们": 97639, + "Ġkosher": 97640, + "Ġaspiration": 97641, + "intl": 97642, + "_refptr": 97643, + "'+Ċ": 97644, + "mentor": 97645, + ".club": 97646, + "WindowState": 97647, + ".ARR": 97648, + "Ġzza": 97649, + "ĠmessageType": 97650, + ".equ": 97651, + "Thor": 97652, + "Ġinjust": 97653, + "Ġgums": 97654, + "ĠborderSide": 97655, + "/////": 97656, + "ĠTransmit": 97657, + "Ġbufsize": 97658, + "Ġhak": 97659, + "Ġellas": 97660, + "RANDOM": 97661, + "ĉmc": 97662, + "Ġpea": 97663, + "eko": 97664, + "documento": 97665, + "Ġhysteria": 97666, + "Ġarenas": 97667, + "Ġgunmen": 97668, + "Ġmike": 97669, + "Ġimpunity": 97670, + "atisation": 97671, + "_Zero": 97672, + "_COMPANY": 97673, + "ĠGors": 97674, + "ĠuseClass": 97675, + "(redis": 97676, + "ĠRUNNING": 97677, + "ĠBair": 97678, + "velte": 97679, + "Ġ','.": 97680, + "аÑĤÑĮÑģÑı": 97681, + "öst": 97682, + "encodeURIComponent": 97683, + "_restrict": 97684, + "Ġdecals": 97685, + "ĠPedido": 97686, + "Ġaltercation": 97687, + "Displays": 97688, + "ĠApplicants": 97689, + "CUS": 97690, + "Textarea": 97691, + "ĠAngola": 97692, + ".future": 97693, + "ĠUSHORT": 97694, + "Ġsuppressing": 97695, + "Ġsetzen": 97696, + "APolynomial": 97697, + "Ġtoch": 97698, + "Ġhallmark": 97699, + "Ġ$$$": 97700, + "ĠCHARSET": 97701, + ".rpm": 97702, + "ĠDich": 97703, + "--------------------": 97704, + "_parm": 97705, + "è¿ĺ": 97706, + "acciones": 97707, + "hait": 97708, + "WARDED": 97709, + "_routing": 97710, + "ĠNOM": 97711, + "Ġenclave": 97712, + "ĠLotto": 97713, + "ĉfr": 97714, + "complexContent": 97715, + "ĠBallard": 97716, + "kube": 97717, + "/win": 97718, + ".getColumnModel": 97719, + "_REPLACE": 97720, + "HeaderValue": 97721, + "Ġestudiantes": 97722, + "Ġapis": 97723, + "Ġbpm": 97724, + "ĠTypeName": 97725, + "AndGet": 97726, + "rita": 97727, + "Plans": 97728, + ">Note": 97729, + "Ġfetisch": 97730, + "Ġtoned": 97731, + "_goto": 97732, + "onsense": 97733, + "Ġmolds": 97734, + "Ġinfiltration": 97735, + "ĠGuerrero": 97736, + "ubbo": 97737, + "cki": 97738, + "($(\".": 97739, + "_activities": 97740, + "(changes": 97741, + "ĠofApp": 97742, + "ĠKepler": 97743, + "ĠDemp": 97744, + "ĠContinent": 97745, + ".Ticks": 97746, + "ĠUnsigned": 97747, + "ĠJahres": 97748, + "Ġfreshmen": 97749, + "ĠArchived": 97750, + "ĠкоÑĤоÑĢÑĭй": 97751, + "Ġ'::": 97752, + "Tutorial": 97753, + "Cc": 97754, + "ĠtableLayoutPanel": 97755, + "fromJson": 97756, + ".levels": 97757, + "_transient": 97758, + "Ġendorsing": 97759, + "ĠDIC": 97760, + "lauf": 97761, + "Ġshred": 97762, + "_EMIT": 97763, + "ificantly": 97764, + "ALA": 97765, + "/proto": 97766, + "Ġnarrowing": 97767, + "Utc": 97768, + "Factors": 97769, + "Ġsentient": 97770, + "æŀIJ": 97771, + "lixir": 97772, + "ĠCROSS": 97773, + "meteor": 97774, + "Ġgroin": 97775, + "Ġmdb": 97776, + "ĠRotterdam": 97777, + "Ġcomida": 97778, + "ĠOpCode": 97779, + "ĠDefaultValue": 97780, + "PermissionsResult": 97781, + "Ġheterogeneous": 97782, + "Ġmoot": 97783, + "Ġdeceived": 97784, + "-independent": 97785, + "ĠObjectOutputStream": 97786, + "Ġoverpower": 97787, + ".dup": 97788, + "Ġldb": 97789, + "Ġdomestically": 97790, + "Ġbestellen": 97791, + "Ġlov": 97792, + "ĠContractors": 97793, + "Triangles": 97794, + "Ġfodder": 97795, + "Ġfilmes": 97796, + "ä¼ģ": 97797, + "Ġrevolver": 97798, + "StartupScript": 97799, + "/validation": 97800, + "ĠResourceType": 97801, + "iÅŁ": 97802, + "ĠLaz": 97803, + "fef": 97804, + "Ġlstm": 97805, + "{*": 97806, + ".attachment": 97807, + ".hits": 97808, + "ewith": 97809, + "DOG": 97810, + "Alabama": 97811, + "Ġmediums": 97812, + ".mContext": 97813, + "-cols": 97814, + "åıĭ": 97815, + ".notice": 97816, + "Ġattn": 97817, + "ĠPacking": 97818, + "ĠLn": 97819, + "_COMPLEX": 97820, + "/Users": 97821, + ".savetxt": 97822, + "ĠRounds": 97823, + "?,?,?,?,": 97824, + "Ġingl": 97825, + "ĠROC": 97826, + "_female": 97827, + "ĠStard": 97828, + "]];": 97829, + "Ġwrestlers": 97830, + "Ġtorrents": 97831, + "Ġsinh": 97832, + "ĊĊ": 97833, + "ë³µ": 97834, + "sense": 97835, + "however": 97836, + ".Physics": 97837, + "Infrastructure": 97838, + "ĠSacr": 97839, + "Fel": 97840, + "ĠDISTRIBUT": 97841, + "éments": 97842, + "ĠValidates": 97843, + "############################################################": 97844, + "Ġ|/": 97845, + "Ġesl": 97846, + "Ġréseau": 97847, + "ĠBip": 97848, + "BYTES": 97849, + "_WATER": 97850, + "Turning": 97851, + "ELS": 97852, + "Ġjuxtap": 97853, + "Ġlesbische": 97854, + "ých": 97855, + "(Unknown": 97856, + "Neo": 97857, + "@JsonProperty": 97858, + "Ġalumnos": 97859, + "ĠRaqqa": 97860, + "imei": 97861, + ".getBounds": 97862, + ".MouseEventHandler": 97863, + "#######": 97864, + "GenericType": 97865, + "/cms": 97866, + "Ġturno": 97867, + "Ġмин": 97868, + "Ġfolklore": 97869, + "ĠEvo": 97870, + "Ġconductivity": 97871, + "Ġleben": 97872, + "Ġgearbox": 97873, + "-vs": 97874, + "ĠÏĨ": 97875, + "Ġdrinkers": 97876, + "Ġconexao": 97877, + "ĠTeeth": 97878, + "ĠgetArguments": 97879, + "ĠRAT": 97880, + "entious": 97881, + "Educ": 97882, + "+W": 97883, + "ĠInstitutional": 97884, + "ĠBord": 97885, + "isEqual": 97886, + "(pwd": 97887, + "Ġignited": 97888, + "ĠRousse": 97889, + "Ġimpactful": 97890, + "ĠMalk": 97891, + "Ġgeral": 97892, + "ĠPivot": 97893, + "Ġazt": 97894, + "Ġcsvfile": 97895, + "ĠRope": 97896, + "ĠSOLUTION": 97897, + "ĠArbitrary": 97898, + "Ġletto": 97899, + ".MouseAdapter": 97900, + "Ġ}}}": 97901, + "ĠSailor": 97902, + "dera": 97903, + "Putting": 97904, + "Ġconcentrates": 97905, + "ĠauthDomain": 97906, + "âĢĿçļĦ": 97907, + "-finals": 97908, + ",strlen": 97909, + "Muon": 97910, + "ĠOrdinary": 97911, + "firefox": 97912, + "ĠLaTeX": 97913, + "ĠHund": 97914, + "engineering": 97915, + "/blue": 97916, + "edTextBox": 97917, + "(\"\");": 97918, + "ĠCDDL": 97919, + "kept": 97920, + "ĠGetString": 97921, + "Kir": 97922, + "()='": 97923, + "ĠOCD": 97924, + "antium": 97925, + "$menu": 97926, + "ĠAppalachian": 97927, + "Secretary": 97928, + "ë¥ĺ": 97929, + "ีย": 97930, + "Semantic": 97931, + "Ġ*[": 97932, + "estone": 97933, + "ungkin": 97934, + "MaxY": 97935, + "-tone": 97936, + "\"};čĊ": 97937, + "_Part": 97938, + "ĊĊ": 98140, + "Lic": 98141, + "ĠMirage": 98142, + "ĠAssemblyFileVersion": 98143, + "TeV": 98144, + "ĠValueEventListener": 98145, + "-solving": 98146, + "Tho": 98147, + "roulette": 98148, + "_WP": 98149, + "Ġuninterrupted": 98150, + "ĠfieldType": 98151, + ".Typed": 98152, + "Ġamour": 98153, + "Ġmockery": 98154, + "(vol": 98155, + "ĠSubcommittee": 98156, + "ĠRuf": 98157, + "erox": 98158, + ":UIButtonTypeCustom": 98159, + "ĠBlur": 98160, + "Ġwykon": 98161, + "nces": 98162, + "ASHBOARD": 98163, + "!!\");Ċ": 98164, + "Ġmurderers": 98165, + ".daily": 98166, + "ĠDIAG": 98167, + "jing": 98168, + "Ġdolphin": 98169, + "Ġlòng": 98170, + "Ġbö": 98171, + "ĠVocabulary": 98172, + ".StObject": 98173, + "')\">": 98174, + "Ġzun": 98175, + "Ġscrimmage": 98176, + "tréal": 98177, + "ĠLig": 98178, + "[vi": 98179, + "Cole": 98180, + "Ġfrosting": 98181, + ".Players": 98182, + "-translate": 98183, + "Feels": 98184, + "=\\\"/": 98185, + ".ButterKnife": 98186, + "Ġ?>;Ċ": 98187, + "Ġavi": 98188, + "innie": 98189, + ".Failure": 98190, + "Ġspindle": 98191, + "ConfigurationException": 98192, + "_hop": 98193, + "Ġposição": 98194, + "ĠAwait": 98195, + "UIImagePickerController": 98196, + "ĉday": 98197, + "Ġgenom": 98198, + "Cab": 98199, + "ĠÑĢезÑĥлÑĮÑĤаÑĤ": 98200, + "ORIGINAL": 98201, + "Ġejaculation": 98202, + "(tcp": 98203, + "SECOND": 98204, + "Ġtonic": 98205, + "ĠListBox": 98206, + "ĠĉĉĊ": 98207, + "()>Ċ": 98208, + "Ġquatre": 98209, + "ượng": 98210, + "withErrors": 98211, + ".Maybe": 98212, + ",â̦": 98213, + "tokenId": 98214, + "_UNDEF": 98215, + "Ġfreshness": 98216, + "ĠAmendments": 98217, + ".mapbox": 98218, + ".CV": 98219, + "(blog": 98220, + "_gettime": 98221, + ".quest": 98222, + "sparse": 98223, + "Ġresale": 98224, + "Ġenthusiastically": 98225, + "ĠProstitutas": 98226, + "Wa": 98227, + "Cargo": 98228, + ".Parcelable": 98229, + "SENSOR": 98230, + "ĠRyu": 98231, + "Laughs": 98232, + "_Native": 98233, + "/pg": 98234, + "ysts": 98235, + "Ġphotoc": 98236, + "ç®Ģ": 98237, + "adopt": 98238, + ".species": 98239, + "conciliation": 98240, + "Adjusted": 98241, + ".FirebaseAuth": 98242, + "uttle": 98243, + "ordination": 98244, + "Ġmunch": 98245, + "ĠStake": 98246, + ".ping": 98247, + "anker": 98248, + "(QStringLiteral": 98249, + "Ġsubscript": 98250, + "ĠĠĉĊ": 98251, + "ĠMCC": 98252, + "_Cmd": 98253, + "sexy": 98254, + "iou": 98255, + "ĠMANY": 98256, + "Ġnanny": 98257, + "TRAIN": 98258, + "Ġflourishing": 98259, + "ĠWatches": 98260, + "ĠQMap": 98261, + "ĠFerm": 98262, + "Ġwasm": 98263, + "ĠAbed": 98264, + "_UD": 98265, + "ĠGlasses": 98266, + "+v": 98267, + "Attend": 98268, + ".Chain": 98269, + "Ġdecency": 98270, + "ĠSupplementary": 98271, + "hunter": 98272, + "-txt": 98273, + "Ġ\"}\";Ċ": 98274, + ".setWindowTitle": 98275, + "(\"": 98377, + "Ġmascara": 98378, + "(Profile": 98379, + "åĬŁèĥ½": 98380, + "imité": 98381, + "Ġwildfires": 98382, + "-ROM": 98383, + ".isOn": 98384, + "(groupId": 98385, + "Repair": 98386, + "accumulate": 98387, + "Ġ<\",": 98388, + "Ġhandwritten": 98389, + "Ġacheter": 98390, + "ĠMGM": 98391, + "ĠIrma": 98392, + "->{_": 98393, + "gee": 98394, + "criminal": 98395, + "Ġèĭ¥è¦ģ": 98396, + "Ġmomentarily": 98397, + "\")!=": 98398, + "_lit": 98399, + "ĠexpiresIn": 98400, + ".\").": 98401, + "éķ¿åº¦": 98402, + "Ġfrække": 98403, + "vlc": 98404, + "Ġorbs": 98405, + "),$": 98406, + "Ġventured": 98407, + "/>\\": 98408, + "charm": 98409, + "Nuitka": 98410, + "eldig": 98411, + "atonin": 98412, + "Witness": 98413, + "-lat": 98414, + "ĠsetHidden": 98415, + "Ġrelics": 98416, + "Ġconsulate": 98417, + ".IGNORE": 98418, + "\"After": 98419, + "ĠsetAddress": 98420, + "Ġbesteht": 98421, + "Ġ'')ĊĊ": 98422, + ".xaxis": 98423, + "Ġserão": 98424, + "Ġmisled": 98425, + "_UNIFORM": 98426, + "ĠVIA": 98427, + "incr": 98428, + "Ġzenith": 98429, + "Ġviscosity": 98430, + "Ġthinly": 98431, + ".getSharedPreferences": 98432, + ".ErrorCode": 98433, + "\"),\"": 98434, + "ĠMillionen": 98435, + "Ġ/>)Ċ": 98436, + "ScrollIndicator": 98437, + "-seeking": 98438, + "ĠPOLITICO": 98439, + "asca": 98440, + "_rl": 98441, + "Navig": 98442, + "(fullfile": 98443, + "Ġsolitude": 98444, + "Ġjuven": 98445, + "Ġhauling": 98446, + "ĠMacros": 98447, + "ĠGry": 98448, + "Ġexercitation": 98449, + "ĠATTACK": 98450, + "TickCount": 98451, + "Ġrites": 98452, + "Ġdoe": 98453, + "ParticleSystem": 98454, + "Ġslu": 98455, + "WindowText": 98456, + "ĠClassName": 98457, + "Ġslander": 98458, + "ĉPort": 98459, + "jong": 98460, + "?a": 98461, + ".Dial": 98462, + "âĢĶat": 98463, + "$objPHPExcel": 98464, + "Ġsoar": 98465, + "ENN": 98466, + "appeared": 98467, + "Ġquotid": 98468, + "emachine": 98469, + "Ġnip": 98470, + "Ġmicrotime": 98471, + "ĠAlma": 98472, + ";!": 98473, + "------------------------------------------------------------------------------------------------": 98474, + "ĠPassage": 98475, + "Ġdumpsters": 98476, + "ĠExclude": 98477, + "Ġsuggestive": 98478, + "ĠCircularProgressIndicator": 98479, + "_clr": 98480, + "ArrayType": 98481, + "ILLA": 98482, + "ElapsedTime": 98483, + "Driven": 98484, + "ĠresourceName": 98485, + "ĠGarrison": 98486, + "serir": 98487, + "-ahead": 98488, + "Ġpinnacle": 98489, + "ĠEspresso": 98490, + "Sparse": 98491, + "Ġassays": 98492, + "ĠGirlfriend": 98493, + "imid": 98494, + "]='\\": 98495, + "ONGLONG": 98496, + "Ġportraying": 98497, + "Lane": 98498, + "Ġbúsqueda": 98499, + "Ġreinforcements": 98500, + "ĠSpreadsheet": 98501, + "ĠArrayCollection": 98502, + ",arr": 98503, + "lightbox": 98504, + "icana": 98505, + "<\"": 98506, + "builders": 98507, + "Kid": 98508, + "ĠMatSnackBar": 98509, + "EXPR": 98510, + "odcast": 98511, + "ĠFoundations": 98512, + "Ġinds": 98513, + "='${": 98514, + "Fizz": 98515, + "-functional": 98516, + "(workspace": 98517, + "Ġstemmed": 98518, + "_patches": 98519, + "ĠJarvis": 98520, + "READING": 98521, + "Ġdisrespectful": 98522, + "ĠQDom": 98523, + "Ġ${Ċ": 98524, + "estatus": 98525, + "Reached": 98526, + "!.ĊĊ": 98527, + "ILT": 98528, + "ĠNDEBUG": 98529, + "ĠCourage": 98530, + "birthdate": 98531, + "ĠTing": 98532, + "Ġutilizado": 98533, + "ánchez": 98534, + "Outdoor": 98535, + "Ġhandguns": 98536, + "RefCount": 98537, + "ÉĻ": 98538, + "romo": 98539, + "Ġtts": 98540, + ".She": 98541, + "ĠPane": 98542, + "ãĢij,ãĢIJ": 98543, + "ĠIOCTL": 98544, + "/black": 98545, + "inscription": 98546, + "Ġbiopsy": 98547, + "ĠTimeInterval": 98548, + ".TestCheck": 98549, + "ĠGUIStyle": 98550, + "ĠCapability": 98551, + "ĠBeitrag": 98552, + "donnees": 98553, + "Treatment": 98554, + ".backup": 98555, + "Ġsignings": 98556, + "ĠBoca": 98557, + "drm": 98558, + ".MAIN": 98559, + "Ġgoede": 98560, + "ĠMarkup": 98561, + "GREE": 98562, + "ĠBaseService": 98563, + ".Creator": 98564, + "Ġjails": 98565, + "ĠKahn": 98566, + "IpAddress": 98567, + "ACHI": 98568, + "Ġinhibited": 98569, + "Ġ@$_": 98570, + "ĠAssass": 98571, + "Ġenviado": 98572, + "Heroes": 98573, + "ÐŁÐµÑĢ": 98574, + "ĠMaven": 98575, + ".ls": 98576, + "Ġive": 98577, + "|RF": 98578, + "ĠresizeMode": 98579, + "Ġrumpe": 98580, + "_attachments": 98581, + "TU": 98582, + "Ġtactile": 98583, + "Attempting": 98584, + "Ġrobin": 98585, + "yaw": 98586, + "Ġmercenaries": 98587, + "ĠHabitat": 98588, + "enddate": 98589, + "Ġoxy": 98590, + "ĉRandom": 98591, + "ohon": 98592, + "IsNull": 98593, + "ĠValidationResult": 98594, + "ãĥļ": 98595, + "umbed": 98596, + "ppv": 98597, + "Ġarp": 98598, + "ichick": 98599, + "_rnn": 98600, + "ĠTFT": 98601, + "TexImage": 98602, + "\"On": 98603, + "ĠSampler": 98604, + "topl": 98605, + "Ġjane": 98606, + "yling": 98607, + "ĠUNICODE": 98608, + "TabIndex": 98609, + "<{Ċ": 98610, + "suspend": 98611, + "uvian": 98612, + ",application": 98613, + "олиÑĩеÑģÑĤво": 98614, + "yat": 98615, + "ezier": 98616, + "ĠCHUNK": 98617, + "ĠAdler": 98618, + "/Add": 98619, + "ĠKeyValue": 98620, + "Ġsposób": 98621, + "Sampling": 98622, + "chers": 98623, + "_AMD": 98624, + "Ru": 98625, + ".MustCompile": 98626, + "Nation": 98627, + "Assoc": 98628, + "Managing": 98629, + "ĠEngl": 98630, + "_GB": 98631, + "Ġsuccinct": 98632, + "Ġdisliked": 98633, + "ĠIke": 98634, + "Bulletin": 98635, + "_ARCHIVE": 98636, + "Proposal": 98637, + "Ġjogging": 98638, + ".CREATED": 98639, + "Ġchol": 98640, + "è£ħ": 98641, + "Į¨": 98642, + "-push": 98643, + "Ġreserva": 98644, + "corev": 98645, + "ètre": 98646, + "THR": 98647, + "Ġincompetence": 98648, + "Ġcharisma": 98649, + "æĦŁ": 98650, + "Ġ\"==": 98651, + "BTN": 98652, + "ĠLocator": 98653, + "ivet": 98654, + "('.')Ċ": 98655, + "ĠforIndexPath": 98656, + "ôme": 98657, + "Ġcapacit": 98658, + "waters": 98659, + "ĠWRONG": 98660, + "hoa": 98661, + "ĠMIPS": 98662, + "Ġemiss": 98663, + "ĠJacqueline": 98664, + "(cmp": 98665, + "Ġeens": 98666, + "Leo": 98667, + ".timing": 98668, + "CLUSION": 98669, + "Ġ(\"-": 98670, + "åĵĪ": 98671, + ".kode": 98672, + "ĠUndert": 98673, + "Ġbewild": 98674, + "ĠEssen": 98675, + ".hd": 98676, + "Ġrenegot": 98677, + "Ġmower": 98678, + "Ġlsp": 98679, + "Ġpenchant": 98680, + "Ġmanoe": 98681, + "Ġagli": 98682, + "Ġrecal": 98683, + "ĠOPERATION": 98684, + "(^)(": 98685, + "Ġν": 98686, + "ĠScoped": 98687, + "Ġ@\"Ċ": 98688, + "=label": 98689, + "[loc": 98690, + "Intl": 98691, + "ĠNz": 98692, + "tablet": 98693, + ".ColumnName": 98694, + "ĠscreenSize": 98695, + "DBus": 98696, + "cooked": 98697, + "-registration": 98698, + "âĢľOne": 98699, + "-non": 98700, + "ĠwiÄĻc": 98701, + "Ġcosta": 98702, + ".addTab": 98703, + ".conditions": 98704, + "ĠHess": 98705, + "MEMORY": 98706, + "ĠAvalanche": 98707, + "()}}Ċ": 98708, + "Ġtriplet": 98709, + "Ġlabyrinth": 98710, + "ĠNodeList": 98711, + "ĠNYT": 98712, + "Ġyeni": 98713, + "dff": 98714, + ".HtmlControls": 98715, + "AVIS": 98716, + "/Math": 98717, + "Ġmemcmp": 98718, + "اء": 98719, + "оÑģÑĮ": 98720, + "crap": 98721, + "(pages": 98722, + "Ġlxml": 98723, + "ĠQDateTime": 98724, + "_tcb": 98725, + "Ġopenid": 98726, + "Ġsynaptic": 98727, + "ĠMDMA": 98728, + "(slug": 98729, + "igmatic": 98730, + "enor": 98731, + "Ġcramped": 98732, + "GOP": 98733, + "ŃIJ": 98734, + ".isFile": 98735, + "ĠDifferential": 98736, + "Ġ=\"\";Ċ": 98737, + "ĉĉĉĠĠĠĠĉ": 98738, + "ĠCooke": 98739, + "ĉUFUNCTION": 98740, + "Ġperseverance": 98741, + "RelativeLayout": 98742, + "IMPORTANT": 98743, + "Ġexon": 98744, + "Ġон": 98745, + "ibase": 98746, + "(CONT": 98747, + "novation": 98748, + "ä½ķ": 98749, + "[sub": 98750, + "AdminController": 98751, + "HTTPHeader": 98752, + "crear": 98753, + "ĠNIR": 98754, + "ĠDropDownList": 98755, + "Ġvalide": 98756, + "Ġdehydration": 98757, + ".']": 98758, + "(WIN": 98759, + "Ġ...\\": 98760, + "Ġphotoshop": 98761, + "ĉInit": 98762, + "_cou": 98763, + "ĠtimeZone": 98764, + "darwin": 98765, + "romatic": 98766, + "NavigationItemSelectedListener": 98767, + "brates": 98768, + "]--;Ċ": 98769, + "Ġtragedies": 98770, + "ĠPediatrics": 98771, + "SMART": 98772, + "-API": 98773, + "ĠMessageLookup": 98774, + "ĉvo": 98775, + "Ġprejudices": 98776, + "ĠmA": 98777, + "Ups": 98778, + "ĠMISSING": 98779, + "ĉad": 98780, + "Cream": 98781, + "ĠTb": 98782, + "ĠMona": 98783, + "_ghost": 98784, + "ĉtypes": 98785, + "Emb": 98786, + "ĠDocumentary": 98787, + "');ĊĊĊĊ": 98788, + "Ġlup": 98789, + "_Reference": 98790, + "ĠBATCH": 98791, + "Ġintertwined": 98792, + "": 98915, + "Ġfoyer": 98916, + "'utilisation": 98917, + "ĠMüller": 98918, + "ĠFetish": 98919, + "ĠdefaultManager": 98920, + "Ġbacktrack": 98921, + "Bah": 98922, + "Explicit": 98923, + "_ASCII": 98924, + "ĠmActivity": 98925, + "(Msg": 98926, + "Ġê²Į": 98927, + "ĠTERMS": 98928, + "ĠAngie": 98929, + "HSV": 98930, + "ĠMosque": 98931, + ".Names": 98932, + "íĬ¼": 98933, + "reste": 98934, + "_parms": 98935, + "Ġgaping": 98936, + "Ġcropping": 98937, + "DataFrame": 98938, + "Ġresponsiveness": 98939, + "_undo": 98940, + "_tran": 98941, + ".terminate": 98942, + "Ġitaliane": 98943, + "Ġwalkthrough": 98944, + "Ġattractiveness": 98945, + "де": 98946, + "_STS": 98947, + "_learn": 98948, + "Ġchocolates": 98949, + "ierarchical": 98950, + "-thinking": 98951, + "Ġ)))": 98952, + "ishments": 98953, + ".Logf": 98954, + "ĠTMZ": 98955, + "ĠCanary": 98956, + "foil": 98957, + "ĠVaccine": 98958, + ".vx": 98959, + "ĠSurround": 98960, + "Intermediate": 98961, + "Ġiov": 98962, + "vais": 98963, + "';\";Ċ": 98964, + "ï½ŀĊĊ": 98965, + "éĢģæĸĻ": 98966, + "â̦it": 98967, + "Seats": 98968, + "Clar": 98969, + "Wars": 98970, + "ĠHutchinson": 98971, + "ĠHasan": 98972, + "!')ĊĊ": 98973, + "ĠRichie": 98974, + "cheiden": 98975, + "($('": 98976, + "York": 98977, + "Ġlids": 98978, + "Ġalphanumeric": 98979, + "ĠGlock": 98980, + ".shapes": 98981, + "Ġsparking": 98982, + "_epsilon": 98983, + "uplicated": 98984, + ".dirty": 98985, + "])==": 98986, + "ĠìľĦì¹ĺ": 98987, + "Ġscn": 98988, + "Ġ/****************************************************************": 98989, + "_PREVIEW": 98990, + "_HC": 98991, + "ielding": 98992, + "fgets": 98993, + "ĠAddison": 98994, + "ĠproductService": 98995, + "-figure": 98996, + "(retval": 98997, + "zano": 98998, + "Ġautob": 98999, + "ĉsd": 99000, + "_numer": 99001, + "ĠSetLastError": 99002, + "ĠFior": 99003, + "ificance": 99004, + "Untitled": 99005, + "Ġinfield": 99006, + "Ġ{}));Ċ": 99007, + "Ġspac": 99008, + "Ġrookies": 99009, + "(describing": 99010, + "ngen": 99011, + "ிà®": 99012, + ".rdf": 99013, + ".Mutex": 99014, + "Ġkneeling": 99015, + "ĠQE": 99016, + "setMax": 99017, + "ReadStream": 99018, + "Ġventas": 99019, + "sut": 99020, + "cmpeq": 99021, + ".WriteAllText": 99022, + "ĠExperienced": 99023, + "$__": 99024, + "Ġkaum": 99025, + "ĠLIS": 99026, + "Ġdocumentos": 99027, + "_HEALTH": 99028, + "icontains": 99029, + "Ġartisans": 99030, + "OWNER": 99031, + "Ġblinked": 99032, + "getDisplay": 99033, + "Ġtoen": 99034, + "ĠrowNum": 99035, + "Ġavril": 99036, + "Ġinvis": 99037, + "ĠKear": 99038, + "toBeInTheDocument": 99039, + "apur": 99040, + "Ġracked": 99041, + "ĠMcMaster": 99042, + "_ATTRIB": 99043, + "Haz": 99044, + "Ġfactura": 99045, + "/ts": 99046, + "ĠÑĢазмеÑĢ": 99047, + "Ġzf": 99048, + "Ġshortfall": 99049, + ".fasta": 99050, + "ĠCONSTANT": 99051, + ".managed": 99052, + "gems": 99053, + "SharedPointer": 99054, + "Ġblurry": 99055, + "brightness": 99056, + "(components": 99057, + "Ġ...\"ĊĊ": 99058, + "SELL": 99059, + "ĠIllustrator": 99060, + ".getChannel": 99061, + "Ġtrouvé": 99062, + "ysters": 99063, + "Ġvois": 99064, + "ĠLinden": 99065, + "Ġemojis": 99066, + "Ġbrawl": 99067, + "ĠMSR": 99068, + "ĠElo": 99069, + "ĠCroatian": 99070, + "PopupMenu": 99071, + "Lewis": 99072, + ".JWT": 99073, + "Ġastonished": 99074, + "Bush": 99075, + "(itemId": 99076, + "Ġdetachment": 99077, + "ĠEncore": 99078, + "å°Ķ": 99079, + "Ġrekl": 99080, + "Ġcram": 99081, + ")$/": 99082, + ".getHost": 99083, + "_recommend": 99084, + "-HT": 99085, + "_calibration": 99086, + "Authenticate": 99087, + ".firebaseapp": 99088, + "UNIX": 99089, + "ĉCamera": 99090, + "ĠHEAP": 99091, + "Ideal": 99092, + ".office": 99093, + "Ġgoofy": 99094, + "(Symbol": 99095, + "Ġjouer": 99096, + "_partitions": 99097, + "Ġrapidement": 99098, + "ĠGNUNET": 99099, + "idUser": 99100, + "Ġsupervise": 99101, + "(Contact": 99102, + "AWN": 99103, + "ãģĺ": 99104, + "Ġnaam": 99105, + "Ġaust": 99106, + "åľ¨çº¿": 99107, + "_softmax": 99108, + "AllowAnonymous": 99109, + "ammable": 99110, + "ROUTE": 99111, + "*D": 99112, + "Ġaden": 99113, + "ĠCristina": 99114, + "ĠCristiano": 99115, + "Ġbloodstream": 99116, + "subclass": 99117, + "_persona": 99118, + "CHILD": 99119, + "-know": 99120, + "ĠnavigationOptions": 99121, + "ĠZukunft": 99122, + "ĠPixar": 99123, + "Tyler": 99124, + "Ġunderworld": 99125, + "Ġsincerity": 99126, + "Ġdispenser": 99127, + "Ġkter": 99128, + "idders": 99129, + ".addNode": 99130, + "-checked": 99131, + "Ġkeyst": 99132, + "ĠWTO": 99133, + ".signals": 99134, + "Ġadventurer": 99135, + "ĠPang": 99136, + "\\R": 99137, + "=pos": 99138, + "Ġdispensaries": 99139, + "ĠCloset": 99140, + "(\"{\\\"": 99141, + "ideon": 99142, + "Ġnécessaire": 99143, + "()\"Ċ": 99144, + "_RECEIVED": 99145, + "Ġrésultats": 99146, + "Ġmoden": 99147, + "ĠIcelandic": 99148, + ";d": 99149, + ".allowed": 99150, + "(newUser": 99151, + "Ġmerciless": 99152, + ".WaitFor": 99153, + "Ġdaycare": 99154, + "ĠConveyor": 99155, + "çĸ": 99156, + "ð¬": 99157, + "çĥ": 99158, + "çĹ": 99159, + "çł": 99160, + "èĦ": 99161, + "é²": 99162, + "å¦": 99163, + "çĿĢ": 99164, + "å¾Ī": 99165, + "éħ": 99166, + "çĭ": 99167, + "éª": 99168, + "æĤ": 99169, + "é¥": 99170, + "èħ": 99171, + "æĥ³": 99172, + "å¨": 99173, + "é¹": 99174, + "çĤ": 99175, + "åĴ": 99176, + "çĮ": 99177, + "è´¨": 99178, + "æ¢": 99179, + "æ°Ķ": 99180, + "ð«": 99181, + "æķĻ": 99182, + "çŁ": 99183, + "åĦ": 99184, + "åıijå±ķ": 99185, + "åĪĽ": 99186, + "èij": 99187, + "æħ": 99188, + "åŀ": 99189, + "åģļ": 99190, + "æĪĺ": 99191, + "æIJ": 99192, + "强": 99193, + "æ·±": 99194, + "åĩł": 99195, + "ç¿": 99196, + "å©": 99197, + "èŀ": 99198, + "å§Ķ": 99199, + "åIJĦ": 99200, + "èİ": 99201, + "é¸": 99202, + "éº": 99203, + "åıĹ": 99204, + "èģĮ": 99205, + "åĺ": 99206, + "æ½": 99207, + "é£İ": 99208, + "èIJ¥": 99209, + "åħļ": 99210, + "èľ": 99211, + "éĤ£": 99212, + "é¢Ĩ": 99213, + "çij": 99214, + "é³": 99215, + "æľ¯": 99216, + "ä»Ģ": 99217, + "æĪ¿": 99218, + "ç²¾": 99219, + "åª": 99220, + "éĨ": 99221, + "太": 99222, + "èĤ¡": 99223, + "èĽ": 99224, + "åħī": 99225, + "æŀģ": 99226, + "åĬŀ": 99227, + "èĵ": 99228, + "çĺ": 99229, + "å´": 99230, + "åĹ": 99231, + "èĬ±": 99232, + "çłĶ": 99233, + "å¿«": 99234, + "å¸Ī": 99235, + "è¶Ĭ": 99236, + "è§Ĥ": 99237, + "æ¤": 99238, + "æ¦": 99239, + "çŀ": 99240, + "èĤ²": 99241, + "çα": 99242, + "çϽ": 99243, + "ä¸ĸ": 99244, + "ä»Ģä¹Ī": 99245, + "çľ¼": 99246, + "å³": 99247, + "èĴ": 99248, + "æĵ": 99249, + "被": 99250, + "å¹²": 99251, + "çĹħ": 99252, + "士": 99253, + "çĴ": 99254, + "è¸": 99255, + "æ¾": 99256, + "å·¥ä½ľ": 99257, + "让": 99258, + "çĥŃ": 99259, + "è¾ĥ": 99260, + "åĦ¿": 99261, + "åĬ©": 99262, + "积": 99263, + "ç³": 99264, + "çĵ": 99265, + "ç£": 99266, + "åĤ": 99267, + "è¹": 99268, + "èļ": 99269, + "å·±": 99270, + "çϾ": 99271, + "åĬ¿": 99272, + "èµĽ": 99273, + "æ¨": 99274, + "æ¿": 99275, + "èĸ": 99276, + "æĿij": 99277, + "带": 99278, + "å¢ĥ": 99279, + "æĬ¤": 99280, + "éŃ": 99281, + "å«": 99282, + "èĩªå·±": 99283, + "æµİ": 99284, + "ä½İ": 99285, + "åĮ»": 99286, + "éĺ²": 99287, + "åĨľ": 99288, + "èĨ": 99289, + "çĨ": 99290, + "é«": 99291, + "åĨĽ": 99292, + "æĪı": 99293, + "åįĩ": 99294, + "æĸ¯": 99295, + "ä½ı": 99296, + "èIJ½": 99297, + "åħ»": 99298, + "èĩ´": 99299, + "çĬ": 99300, + "çĩ": 99301, + "çħ": 99302, + "èĶ": 99303, + "ä¼ģä¸ļ": 99304, + "åĽ¢": 99305, + "æīį": 99306, + "æł¡": 99307, + "åĩĨ": 99308, + "å¥ĩ": 99309, + "åī¯": 99310, + "é¼": 99311, + "æ¼Ķ": 99312, + "马": 99313, + "èµ°": 99314, + "ç¥ŀ": 99315, + "åħĭ": 99316, + "æľĽ": 99317, + "æ²¹": 99318, + "è¾¹": 99319, + "åįĥ": 99320, + "å¾Ģ": 99321, + "åĪĩ": 99322, + "æ©": 99323, + "ç¶": 99324, + "åĻ": 99325, + "éĻħ": 99326, + "çīĮ": 99327, + "社ä¼ļ": 99328, + "游æĪı": 99329, + "æĸ½": 99330, + "çħ§": 99331, + "æİ§": 99332, + "满": 99333, + "è¯Ĩ": 99334, + "éĩįè¦ģ": 99335, + "è¶³": 99336, + "çķĻ": 99337, + "ç»Ĩ": 99338, + "åįı": 99339, + "éĢĤ": 99340, + "æĩ": 99341, + "æ§": 99342, + "éĦ": 99343, + "èĿ": 99344, + "å¸Ĥåľº": 99345, + "ç»ıæµİ": 99346, + "ä¹ł": 99347, + "æĸĩåĮĸ": 99348, + "éļ¾": 99349, + "ä¹IJ": 99350, + "åĨ³": 99351, + "欢": 99352, + "è§ī": 99353, + "åĽŃ": 99354, + "åħ´": 99355, + "åħħ": 99356, + "举": 99357, + "æī¹": 99358, + "èķ": 99359, + "æĬĬ": 99360, + "æĬĢæľ¯": 99361, + "ç©¶": 99362, + "第ä¸Ģ": 99363, + "便": 99364, + "åĵį": 99365, + "çİ©": 99366, + "åĿļ": 99367, + "èŀį": 99368, + "åįĬ": 99369, + "åĸľ": 99370, + "å±Ĥ": 99371, + "离": 99372, + "ä»ħ": 99373, + "éŁ": 99374, + "åij³": 99375, + "念": 99376, + "åŃ£": 99377, + "ç´§": 99378, + "ä¹ħ": 99379, + "é¤": 99380, + "éŀ": 99381, + "è¤": 99382, + "åĢĻ": 99383, + "åĨµ": 99384, + "çŁ³": 99385, + "åģ¥": 99386, + "æĢİ": 99387, + "å®Ŀ": 99388, + "è¡Ģ": 99389, + "åŁŁ": 99390, + "æĹ©": 99391, + "çŁ¥éģĵ": 99392, + "è´Ł": 99393, + "åįļ": 99394, + "å·´": 99395, + "亲": 99396, + "å±ŀ": 99397, + "严": 99398, + "äºī": 99399, + "å¯Ł": 99400, + "èº": 99401, + "ç°": 99402, + "建设": 99403, + "产ä¸ļ": 99404, + "åIJĥ": 99405, + "åŃ©": 99406, + "æĹħ": 99407, + "æł¹": 99408, + "æĿIJ": 99409, + "ä¼Ĺ": 99410, + "éļı": 99411, + "å®ĺ": 99412, + "åºķ": 99413, + "彩": 99414, + "å¯Į": 99415, + "温": 99416, + "åį«": 99417, + "åī§": 99418, + "çĽĬ": 99419, + "æĬĹ": 99420, + "è´¢": 99421, + "纪": 99422, + "æĨ": 99423, + "çĶŁæ´»": 99424, + "红": 99425, + "çĶŁäº§": 99426, + "è¿ľ": 99427, + "éĴ±": 99428, + "åĶ®": 99429, + "群": 99430, + "çıŃ": 99431, + "楼": 99432, + "éĩĩ": 99433, + "èīº": 99434, + "å±ħ": 99435, + "åģĩ": 99436, + "è°Ī": 99437, + "æĻļ": 99438, + "é¬": 99439, + "èĪª": 99440, + "害": 99441, + "èĹ": 99442, + "çį": 99443, + "åµ": 99444, + "çİĭ": 99445, + "康": 99446, + "èİ·": 99447, + "ç»Ń": 99448, + "äºļ": 99449, + "é£Ł": 99450, + "åİĭ": 99451, + "æĭĽ": 99452, + "èĮĥ": 99453, + "许": 99454, + "åĽ´": 99455, + "é½": 99456, + "éĻį": 99457, + "纳": 99458, + "åĵª": 99459, + "æķĻèĤ²": 99460, + "å·²ç»ı": 99461, + "å¾·": 99462, + "æŀĹ": 99463, + "å®īåħ¨": 99464, + "é¾Ļ": 99465, + "大家": 99466, + "éĿĴ": 99467, + "åºľ": 99468, + "æ²³": 99469, + "åı¤": 99470, + "èį¯": 99471, + "åĿĩ": 99472, + "æĻº": 99473, + "乡": 99474, + "çķ¥": 99475, + "åĨ·": 99476, + "ç¦ı": 99477, + "室": 99478, + "ç»´": 99479, + "æī¿": 99480, + "å±Ĭ": 99481, + "è¯ī": 99482, + "åĪ»": 99483, + "èŁ": 99484, + "æª": 99485, + "å°±æĺ¯": 99486, + "è¿Ļ个": 99487, + "ä¸Ńå¿ĥ": 99488, + "ä¸ĸçķĮ": 99489, + "åŁİå¸Ĥ": 99490, + "éĿŀ常": 99491, + "åĪĴ": 99492, + "åıĮ": 99493, + "æĢİä¹Ī": 99494, + "åΰäºĨ": 99495, + "æľĥ": 99496, + "åı²": 99497, + "ä¾Ĩ": 99498, + "å¾ĭ": 99499, + "å¥ĸ": 99500, + "ç»Ī": 99501, + "åªĴ": 99502, + "å®ģ": 99503, + "课": 99504, + "èģĮä¸ļ": 99505, + "åħį": 99506, + "æµĭ": 99507, + "æĢ¥": 99508, + "æķij": 99509, + "çĭ¬": 99510, + "èѦ": 99511, + "é¤IJ": 99512, + "æĦ¿": 99513, + "è´«": 99514, + "çĸij": 99515, + "åļ": 99516, + "她": 99517, + "åıĪ": 99518, + "åĽłä¸º": 99519, + "ä¸įæĺ¯": 99520, + "å¤Ł": 99521, + "æĸ¹éĿ¢": 99522, + "éķĩ": 99523, + "äºĴ": 99524, + "éħĴ": 99525, + "讲": 99526, + "çĸĹ": 99527, + "æĺ¥": 99528, + "æ¹ĸ": 99529, + "å¤ľ": 99530, + "责任": 99531, + "人æ°ij": 99532, + "åħ°": 99533, + "çŁŃ": 99534, + "æķħ": 99535, + "åĩı": 99536, + "æĻ®": 99537, + "亮": 99538, + "ä¾Ŀ": 99539, + "åį°": 99540, + "éĿĻ": 99541, + "åĢĭ": 99542, + "å¾ģ": 99543, + "åIJ¸": 99544, + "缺": 99545, + "æĶ»": 99546, + "åĩĢ": 99547, + "åħ¸": 99548, + "åĽº": 99549, + "访": 99550, + "ç¹": 99551, + "çĢ": 99552, + "æıIJä¾Ľ": 99553, + "ç»ĩ": 99554, + "å¾Īå¤ļ": 99555, + "çłĶç©¶": 99556, + "è·Ł": 99557, + "主è¦ģ": 99558, + "æĥħåĨµ": 99559, + "çŃĸ": 99560, + "æŃ»": 99561, + "大åѦ": 99562, + "æĶ¿åºľ": 99563, + "å½±åĵį": 99564, + "ä¹°": 99565, + "åħŃ": 99566, + "éĻ©": 99567, + "åħ«": 99568, + "æŁIJ": 99569, + "è´¨éĩı": 99570, + "åįł": 99571, + "å·®": 99572, + "æĽ´å¤ļ": 99573, + "æľĭ": 99574, + "éĿ©": 99575, + "宣": 99576, + "çł´": 99577, + "è½»": 99578, + "座": 99579, + "æĺ¾": 99580, + "稳": 99581, + "è´µ": 99582, + "èĥĮ": 99583, + "èī¯": 99584, + "çĸ«": 99585, + "æ¯Ĵ": 99586, + "ä¹İ": 99587, + "åĢŁ": 99588, + "è¿·": 99589, + "çŃĶ": 99590, + "æ¿Ģ": 99591, + "åij¼": 99592, + "äºĨä¸Ģ": 99593, + "è¶£": 99594, + "ä¼´": 99595, + "ä¼Ļ": 99596, + "è¼": 99597, + "ð¬Ń": 99598, + "åĽ½å®¶": 99599, + "æ´»åĬ¨": 99600, + "çİ°åľ¨": 99601, + "ç§ijæĬĢ": 99602, + "åį¡": 99603, + "ä¸įåIJĮ": 99604, + "个人": 99605, + "è®°èĢħ": 99606, + "ä¸įæĸŃ": 99607, + "éĹ»": 99608, + "ä¹Ŀ": 99609, + "èijĹ": 99610, + "综": 99611, + "ä¸ĥ": 99612, + "æłij": 99613, + "æľĭåıĭ": 99614, + "åįĸ": 99615, + "伤": 99616, + "æ²Ļ": 99617, + "åĸĦ": 99618, + "å¥Ĺ": 99619, + "è½®": 99620, + "ç©¿": 99621, + "è¡¥": 99622, + "ä¸Ģå®ļ": 99623, + "çªģ": 99624, + "çĿ£": 99625, + "追": 99626, + "å¨ģ": 99627, + "åı¦": 99628, + "åĽ°": 99629, + "æŀ¶": 99630, + "ç»Ŀ": 99631, + "æķ£": 99632, + "æİ¢": 99633, + "æ´Ĺ": 99634, + "临": 99635, + "ä¼¼": 99636, + "è´¸": 99637, + "丰": 99638, + "æĺ¯ä¸Ģ": 99639, + "ç«ŀ": 99640, + "è¿İ": 99641, + "èģļ": 99642, + "è«": 99643, + "æįŁ": 99644, + "æī§": 99645, + "驾": 99646, + "è¿Ŀ": 99647, + "è¥": 99648, + "èł": 99649, + "ä»ĸ们": 99650, + "æĹ¶åĢĻ": 99651, + "å®ĥ": 99652, + "人åijĺ": 99653, + "è¿Ļæł·": 99654, + "å·¥ç¨ĭ": 99655, + "åĪĽæĸ°": 99656, + "åŃ©åŃIJ": 99657, + "å¸Į": 99658, + "éĥ¨åĪĨ": 99659, + "éĵ¶": 99660, + "代表": 99661, + "é¦Ļ": 99662, + "帮": 99663, + "æİ¨è¿Ľ": 99664, + "çĽĺ": 99665, + "积æŀģ": 99666, + "éĥ¨éŨ": 99667, + "åŁ¹": 99668, + "æŃ¦": 99669, + "ä¸įä¼ļ": 99670, + "çŃij": 99671, + "éĢĻ": 99672, + "çݩ家": 99673, + "æĭ¿": 99674, + "åİĤ": 99675, + "æ¯Ľ": 99676, + "çģµ": 99677, + "æŃĮ": 99678, + "绿": 99679, + "å¦Ī": 99680, + "缼": 99681, + "é¦Ĩ": 99682, + "顺": 99683, + "èĦ¸": 99684, + "å°¼": 99685, + "丽": 99686, + "奥": 99687, + "éģĩ": 99688, + "è¯į": 99689, + "å°ģ": 99690, + "ä¸Ŀ": 99691, + "好çļĦ": 99692, + "æĭħ": 99693, + "èĦ±": 99694, + "æģ¶": 99695, + "åİļ": 99696, + "åĬ³": 99697, + "缣": 99698, + "æĬĺ": 99699, + "åı¥": 99700, + "æĢĢ": 99701, + "æŁĵ": 99702, + "书记": 99703, + "åĨł": 99704, + "é²ľ": 99705, + "æ¦Ĥ": 99706, + "éļIJ": 99707, + "å¹ħ": 99708, + "èµŀ": 99709, + "å¹ķ": 99710, + "æ¥Ń": 99711, + "éģĹ": 99712, + "åΤ": 99713, + "èĺ": 99714, + "å¶": 99715, + "æĬķèµĦ": 99716, + "è¡Įä¸ļ": 99717, + "äºij": 99718, + "çݯå¢ĥ": 99719, + "åѦçĶŁ": 99720, + "åIJĪä½ľ": 99721, + "åģ¥åº·": 99722, + "é£ŀ": 99723, + "ä¸ĢæŃ¥": 99724, + "ä¸Ģ缴": 99725, + "åıijçĶŁ": 99726, + "éĺ¿": 99727, + "é¢Ĩ导": 99728, + "åĸľæ¬¢": 99729, + "åºĶ该": 99730, + "çĤº": 99731, + "è®Ń": 99732, + "æĿĢ": 99733, + "港": 99734, + "交éĢļ": 99735, + "éĺ¶": 99736, + "éĴ¢": 99737, + "令": 99738, + "å°½": 99739, + "æ¯į": 99740, + "è¡£": 99741, + "ç²ī": 99742, + "é¡¶": 99743, + "ä¹Łä¸į": 99744, + "æĬĵ": 99745, + "èĭ¦": 99746, + "幸": 99747, + "礼": 99748, + "第ä¸ī": 99749, + "大çļĦ": 99750, + "éģİ": 99751, + "çĥŁ": 99752, + "éģ¿": 99753, + "ä»į": 99754, + "åºĨ": 99755, + "æĢķ": 99756, + "è°¢": 99757, + "çĽĸ": 99758, + "å°Ħ": 99759, + "éľ²": 99760, + "æĸĹ": 99761, + "çĬ¶": 99762, + "åѸ": 99763, + "æ¯ķ": 99764, + "å·¨": 99765, + "çŁ¿": 99766, + "çļĩ": 99767, + "å¸Ń": 99768, + "çĹĩ": 99769, + "æī¬": 99770, + "å»¶": 99771, + "ä¾§": 99772, + "æ·¡": 99773, + "çļĦä¸Ģ": 99774, + "ç¶²": 99775, + "æ´ģ": 99776, + "ç¸": 99777, + "è§Ī": 99778, + "çѹ": 99779, + "ç§ĺ": 99780, + "è¯Ĭ": 99781, + "çı¾": 99782, + "èªī": 99783, + "毫": 99784, + "ð¨": 99785, + "åį´": 99786, + "æĪIJ为": 99787, + "èĥ½åĬĽ": 99788, + "é»Ħ": 99789, + "æĹħ游": 99790, + "èά": 99791, + "æ¯Ķè¾ĥ": 99792, + "èµ·æĿ¥": 99793, + "äºĨè§£": 99794, + "èĩªçĦ¶": 99795, + "ä¸Ģ次": 99796, + "åŁºæľ¬": 99797, + "æĽ¾": 99798, + "综åIJĪ": 99799, + "èıľ": 99800, + "è§īå¾Ĺ": 99801, + "第äºĮ": 99802, + "è·ij": 99803, + "æ³¢": 99804, + "åĢĴ": 99805, + "ç¡Ģ": 99806, + "åħµ": 99807, + "èįī": 99808, + "çͳ": 99809, + "çͰ": 99810, + "æĤ£": 99811, + "è§Ħå®ļ": 99812, + "èĥľ": 99813, + "èµĦ产": 99814, + "梦": 99815, + "æľĿ": 99816, + "è¿ĻéĩĮ": 99817, + "夫": 99818, + "æĮ¥": 99819, + "ä½Ľ": 99820, + "å®Ī": 99821, + "鼶": 99822, + "æĸ¼": 99823, + "ç¯ĩ": 99824, + "å²Ľ": 99825, + "åĵ¥": 99826, + "éŃĶ": 99827, + "ä¸įåΰ": 99828, + "æīĺ": 99829, + "åºĬ": 99830, + "欧": 99831, + "èį£": 99832, + "æ±ĩ": 99833, + "æī©": 99834, + "åģı": 99835, + "å¢Ļ": 99836, + "讯": 99837, + "å©ļ": 99838, + "æĥł": 99839, + "æ´ĭ": 99840, + "å®ľ": 99841, + "润": 99842, + "æħ¢": 99843, + "éĢı": 99844, + "宽": 99845, + "顾": 99846, + "ç´¯": 99847, + "污": 99848, + "çĪĨ": 99849, + "ç§Ł": 99850, + "æĥĬ": 99851, + "涨": 99852, + "饰": 99853, + "éĺµ": 99854, + "饮": 99855, + "æļĸ": 99856, + "åºŁ": 99857, + "æĹĹ": 99858, + "éļĶ": 99859, + "ç¶ĵ": 99860, + "åĭĻ": 99861, + "實": 99862, + "éĢĶ": 99863, + "æī«": 99864, + "çĥĪ": 99865, + "鼻": 99866, + "åĪij": 99867, + "éĹľ": 99868, + "éĹª": 99869, + "å¥ĭ": 99870, + "åĤ¨": 99871, + "缩": 99872, + "ä¾µ": 99873, + "å¬": 99874, + "ð¬¶": 99875, + "åĽ½éĻħ": 99876, + "ç»Ħç»ĩ": 99877, + "ä¸ĵä¸ļ": 99878, + "åıijçݰ": 99879, + "å¸ĮæľĽ": 99880, + "ç»ıèIJ¥": 99881, + "åı«": 99882, + "æĿ¥è¯´": 99883, + "éļľ": 99884, + "ä»»ä½ķ": 99885, + "交æĺĵ": 99886, + "éĩįçĤ¹": 99887, + "çļ®": 99888, + "ç»į": 99889, + "æ´¾": 99890, + "ç§ijåѦ": 99891, + "åºĶç͍": 99892, + "建çŃij": 99893, + "èĤī": 99894, + "æĶ¹éĿ©": 99895, + "åŁºç¡Ģ": 99896, + "æ±ī": 99897, + "åĩºæĿ¥": 99898, + "è¿Ļä¹Ī": 99899, + "åĪļ": 99900, + "åĿIJ": 99901, + "ä¸įä»ħ": 99902, + "ä¼ļè®®": 99903, + "éĿł": 99904, + "åªĴä½ĵ": 99905, + "æ°¸": 99906, + "åĨ²": 99907, + "èĭı": 99908, + "央": 99909, + "çζ": 99910, + "åłĤ": 99911, + "å®ŀéĻħ": 99912, + "è¡Ĺ": 99913, + "ç«¥": 99914, + "éĺħ": 99915, + "äºĭæĥħ": 99916, + "åİŁåĽł": 99917, + "éħ¸": 99918, + "以æĿ¥": 99919, + "娱": 99920, + "宫": 99921, + "åĿĹ": 99922, + "绩": 99923, + "éĩİ": 99924, + "ä¸įå¾Ĺ": 99925, + "ä¼łå¥ĩ": 99926, + "硬": 99927, + "åİħ": 99928, + "æĹ¢": 99929, + "ç»ĥ": 99930, + "èĦij": 99931, + "å¼±": 99932, + "æİĮ": 99933, + "è´´": 99934, + "æĮĤ": 99935, + "åħ³éĶ®": 99936, + "å°ļ": 99937, + "é¥Ń": 99938, + "åºĦ": 99939, + "çϼ": 99940, + "åľĭ": 99941, + "æİĪ": 99942, + "个æľĪ": 99943, + "äºĪ": 99944, + "å¸ģ": 99945, + "è·Ŀ": 99946, + "æ²ī": 99947, + "竣": 99948, + "åĨ¬": 99949, + "æĬ½": 99950, + "éĨĴ": 99951, + "å¼Ł": 99952, + "触": 99953, + "èģĺ": 99954, + "è±Ĩ": 99955, + "æļ´": 99956, + "åijĬè¯ī": 99957, + "豪": 99958, + "èµ¢": 99959, + "è·¨": 99960, + "è³ĩ": 99961, + "çΏ": 99962, + "æĬ±": 99963, + "浪": 99964, + "麻": 99965, + "仪": 99966, + "è¡¡": 99967, + "奶": 99968, + "çģ¾": 99969, + "èµ¶": 99970, + "èĤ¥": 99971, + "å§IJ": 99972, + "åĢº": 99973, + "éľĩ": 99974, + "订": 99975, + "æ¬Ĭ": 99976, + "ç·": 99977, + "å»ī": 99978, + "ä¿Ĺ": 99979, + "å¿ĺ": 99980, + "å¦ĩ": 99981, + "ç¼ĵ": 99982, + "åŃķ": 99983, + "漫": 99984, + "è£ģ": 99985, + "çĩĥ": 99986, + "é»ĺ": 99987, + "çī¢": 99988, + "çĪ·": 99989, + "æĬµ": 99990, + "宾": 99991, + "æľīä¸Ģ": 99992, + "迹": 99993, + "è¿«": 99994, + "è²Į": 99995, + "æľīçļĦ": 99996, + "ð¬ĺ": 99997, + "è¿ĺæĺ¯": 99998, + "æīĢ以": 99999, + "ä¹Łæĺ¯": 100000, + "è¿ĻäºĽ": 100001, + "对äºİ": 100002, + "åIJ§": 100003, + "缮åīį": 100004, + "èĩªå·±çļĦ": 100005, + "èĥ½å¤Ł": 100006, + "å¦Ĥä½ķ": 100007, + "æľºæŀĦ": 100008, + "åıªæĺ¯": 100009, + "ç½ijç«Ļ": 100010, + "åħ¨éĿ¢": 100011, + "为äºĨ": 100012, + "å¼Ģåıij": 100013, + "æĸ°éĹ»": 100014, + "éĩijèŀį": 100015, + "ç»§": 100016, + "客æĪ·": 100017, + "ä¸Ģèµ·": 100018, + "èĮ¶": 100019, + "åħ³æ³¨": 100020, + "æ°´å¹³": 100021, + "åİĨåı²": 100022, + "å¢ŀéķ¿": 100023, + "é±": 100024, + "åŁºéĩij": 100025, + "åºŃ": 100026, + "åı¶": 100027, + "ä¿ĥ": 100028, + "鼨": 100029, + "æ¶Īè´¹": 100030, + "èι": 100031, + "çŁ¥è¯Ĩ": 100032, + "æĪĺçķ¥": 100033, + "ç»ıéªĮ": 100034, + "å³°": 100035, + "æĽ²": 100036, + "èĦļ": 100037, + "åĨ°": 100038, + "å¤ı": 100039, + "å½Ĵ": 100040, + "ç¬Ķ": 100041, + "èĻij": 100042, + "çͲ": 100043, + "åľĪ": 100044, + "è¯Ĺ": 100045, + "é½IJ": 100046, + "容æĺĵ": 100047, + "çłĶåıij": 100048, + "骨": 100049, + "纸": 100050, + "è·µ": 100051, + "æĹ§": 100052, + "çķ¶": 100053, + "åΏ": 100054, + "è´·": 100055, + "åı¬": 100056, + "ç§ĭ": 100057, + "æ¶²": 100058, + "è¡ĮæĶ¿": 100059, + "çĮ®": 100060, + "èĤ¤": 100061, + "éĢIJ": 100062, + "è¶ĬæĿ¥": 100063, + "è¶ĬæĿ¥è¶Ĭ": 100064, + "æĦıè§ģ": 100065, + "èĪŀ": 100066, + "åīĤ": 100067, + "æ¶ī": 100068, + "ç¨ĭ度": 100069, + "åħ¬åħ±": 100070, + "械": 100071, + "æľ«": 100072, + "纯": 100073, + "åͱ": 100074, + "æ´²": 100075, + "æĬ¢": 100076, + "æ¤į": 100077, + "å¿Ļ": 100078, + "ä¼°": 100079, + "å¼¹": 100080, + "æ³ī": 100081, + "æľĢ大": 100082, + "è¶ĭ": 100083, + "å·§": 100084, + "ç¦ģ": 100085, + "æī¶": 100086, + "åį±": 100087, + "çıł": 100088, + "çĨŁ": 100089, + "æĭľ": 100090, + "主ä¹ī": 100091, + "æĿĤ": 100092, + "éĻĦ": 100093, + "éģį": 100094, + "æIJŃ": 100095, + "æĮ¯": 100096, + "å¤ļå¹´": 100097, + "æķ¬": 100098, + "æijĦ": 100099, + "纷": 100100, + "å¼ĥ": 100101, + "湿": 100102, + "å¨ĺ": 100103, + "æ¡£": 100104, + "é©¶": 100105, + "æľĹ": 100106, + "æ®ĸ": 100107, + "æ¦ľ": 100108, + "åĵ¡": 100109, + "ä¸Ģä½ĵ": 100110, + "æŁ¥çľĭ": 100111, + "ç¹ģ": 100112, + "æµĵ": 100113, + "åħ¬å®ī": 100114, + "æ½ľ": 100115, + "è´¯": 100116, + "éªĹ": 100117, + "æIJľ": 100118, + "å·¡": 100119, + "è¬": 100120, + "éĬ": 100121, + "å§Ķä¼ļ": 100122, + "æĤł": 100123, + "åī©": 100124, + "æıŃ": 100125, + "åŃ£åº¦": 100126, + "ð«ĺ": 100127, + "ð¬¬": 100128, + "ä´": 100129, + "ðª": 100130, + "ä½Ĩæĺ¯": 100131, + "éĥ½æĺ¯": 100132, + "å¹³åı°": 100133, + "åŃ¦ä¹ł": 100134, + "åĵģçīĮ": 100135, + "ä¸Ķ": 100136, + "è¿Ļç§į": 100137, + "æĶ¿çŃĸ": 100138, + "æĭ¬": 100139, + "认为": 100140, + "ä¸Ģèά": 100141, + "æłĩåĩĨ": 100142, + "æĶ¯æĮģ": 100143, + "模å¼ı": 100144, + "åħ³ç³»": 100145, + "çļĦæĺ¯": 100146, + "è¿Ļä¸Ģ": 100147, + "ä¸įè¦ģ": 100148, + "çĶļ": 100149, + "ç²¾ç¥ŀ": 100150, + "æĭ¥": 100151, + "åĪ©ç͍": 100152, + "ä¿ĿæĬ¤": 100153, + "ä½ľç͍": 100154, + "èĭ¥": 100155, + "åĽ½åĨħ": 100156, + "ä»ĭç»į": 100157, + "ä¸Ģä¸ĭ": 100158, + "å·¥ä¸ļ": 100159, + "缮æłĩ": 100160, + "æľĢåIJİ": 100161, + "ä»·å̼": 100162, + "å°į": 100163, + "éĵģ": 100164, + "è°ģ": 100165, + "ç»ĵæŀĦ": 100166, + "éĽª": 100167, + "æĻºèĥ½": 100168, + "ä¼łç»Ł": 100169, + "ä½ĵèĤ²": 100170, + "çĶŁæĢģ": 100171, + "æĭį": 100172, + "æİª": 100173, + "åĨľä¸ļ": 100174, + "çī¹èī²": 100175, + "è§Ħ模": 100176, + "æĹ¶ä»£": 100177, + "è¿ĩç¨ĭ": 100178, + "éĴĪ": 100179, + "æĿ¾": 100180, + "åĶIJ": 100181, + "åĮ»çĸĹ": 100182, + "çģ¯": 100183, + "åζéĢł": 100184, + "æł¸å¿ĥ": 100185, + "ä¸įåı¯": 100186, + "ç³»åĪĹ": 100187, + "åIJī": 100188, + "åľ£": 100189, + "åĢij": 100190, + "ä½³": 100191, + "æĿ¥çľĭ": 100192, + "æ¯ĶèµĽ": 100193, + "ä¸ĭæĿ¥": 100194, + "åĩºäºĨ": 100195, + "å¹²éĥ¨": 100196, + "微信": 100197, + "å½ĵåľ°": 100198, + "åį·": 100199, + "åį«çĶŁ": 100200, + "ä¼Ł": 100201, + "çĸ«æĥħ": 100202, + "è°·": 100203, + "åĩłä¸ª": 100204, + "éĺ´": 100205, + "çĶŁçī©": 100206, + "å°¤": 100207, + "ä¼Ĭ": 100208, + "èĤ¯": 100209, + "éĿ¢ç§¯": 100210, + "åĪĽéĢł": 100211, + "æı¡": 100212, + "åľĨ": 100213, + "æĻĵ": 100214, + "æĪIJäºĨ": 100215, + "åĩ¡": 100216, + "çĸ¾": 100217, + "ç«ŀäºī": 100218, + "讨": 100219, + "主é¢ĺ": 100220, + "é²ģ": 100221, + "迪": 100222, + "ä¿Ħ": 100223, + "æĢª": 100224, + "並": 100225, + "èĻļ": 100226, + "æ½®": 100227, + "çĥ§": 100228, + "è̳": 100229, + "æ±ł": 100230, + "éĢĤåIJĪ": 100231, + "æł¹æľ¬": 100232, + "åĬłçĽŁ": 100233, + "ç͵è§Ĩ": 100234, + "æ··": 100235, + "ç¼ĺ": 100236, + "çªĹ": 100237, + "çĬ¯": 100238, + "æĥ¯": 100239, + "æĦıä¹ī": 100240, + "åĬŀæ³ķ": 100241, + "ä¼ij": 100242, + "æ»ij": 100243, + "åĭĩ": 100244, + "æķ¢": 100245, + "寻": 100246, + "è¦Ĩ": 100247, + "éĢĥ": 100248, + "ç»ıçIJĨ": 100249, + "åĿı": 100250, + "æ³½": 100251, + "ä¹ĺ": 100252, + "åĪº": 100253, + "å±ı": 100254, + "é¡¿": 100255, + "亡": 100256, + "éĤĢ": 100257, + "åħ¼": 100258, + "åĭ¤": 100259, + "æ®ĭ": 100260, + "æĺł": 100261, + "æ¯ķä¸ļ": 100262, + "æĪª": 100263, + "è·Į": 100264, + "å£ģ": 100265, + "åı¦ä¸Ģ": 100266, + "羣å®ŀ": 100267, + "磨": 100268, + "è¯ļ": 100269, + "å¿ħè¦ģ": 100270, + "æģĭ": 100271, + "æĩĤ": 100272, + "å¾Ĵ": 100273, + "è°ĵ": 100274, + "æķı": 100275, + "æĻ¨": 100276, + "èĥ¸": 100277, + "æĭ¼": 100278, + "å¦Ļ": 100279, + "诸": 100280, + "èģĬ": 100281, + "æĤī": 100282, + "麼": 100283, + "åĩŃ": 100284, + "èĪĴ": 100285, + "æ¶Ĥ": 100286, + "è¿ģ": 100287, + "沿": 100288, + "å¡ij": 100289, + "æĽ¿": 100290, + "æ¾³": 100291, + "å¿į": 100292, + "èĢĹ": 100293, + "龸": 100294, + "åĩłå¹´": 100295, + "åĪĬ": 100296, + "èĦī": 100297, + "èħIJ": 100298, + "æ¡Į": 100299, + "çºł": 100300, + "æ»ļ": 100301, + "æĤ²": 100302, + "åĨĴ": 100303, + "妹": 100304, + "çķħ": 100305, + "纵": 100306, + "æijĩ": 100307, + "夺": 100308, + "è·¯ä¸Ĭ": 100309, + "忽": 100310, + "èĸª": 100311, + "æģIJ": 100312, + "æĦıæĢĿ": 100313, + "å«Į": 100314, + "æı´": 100315, + "æ°§": 100316, + "èĢĢ": 100317, + "éĺ»": 100318, + "轨": 100319, + "å¹»": 100320, + "æįķ": 100321, + "åĿ¦": 100322, + "åĵĪåĵĪ": 100323, + "çĭIJ": 100324, + "滨": 100325, + "è²»": 100326, + "è¿Ł": 100327, + "人éĥ½": 100328, + "ç»ĺ": 100329, + "åı¹": 100330, + "çµIJ": 100331, + "æī°": 100332, + "æ»ĭ": 100333, + "å¥ij": 100334, + "åĭŁ": 100335, + "確": 100336, + "ð¦": 100337, + "éĽĨåĽ¢": 100338, + "æĿİ": 100339, + "å¼Ģå±ķ": 100340, + "æıIJåįĩ": 100341, + "åħ¨åĽ½": 100342, + "汽车": 100343, + "åŃ¦æł¡": 100344, + "æł¹æį®": 100345, + "è¿Ļæĺ¯": 100346, + "åĩºçݰ": 100347, + "éĻĪ": 100348, + "ç½Ĺ": 100349, + "èİ·å¾Ĺ": 100350, + "åĪĺ": 100351, + "éĶĢåĶ®": 100352, + "æľªæĿ¥": 100353, + "éľĢæ±Ĥ": 100354, + "å®ŀæĸ½": 100355, + "åĿļæĮģ": 100356, + "åħ¨çIJĥ": 100357, + "éĵ¶è¡Į": 100358, + "æİ§åζ": 100359, + "é¡»": 100360, + "åľ°åĮº": 100361, + "æīĵéĢł": 100362, + "çļĦè¯Ŀ": 100363, + "帮åĬ©": 100364, + "ä½ĵç³»": 100365, + "è¾¾åΰ": 100366, + "è§ĦåĪĴ": 100367, + "åŁ¹è®Ń": 100368, + "两个": 100369, + "æĬ¥åijĬ": 100370, + "åľ°æĸ¹": 100371, + "å®Įåħ¨": 100372, + "æİī": 100373, + "ç»ĵåIJĪ": 100374, + "å®£ä¼ł": 100375, + "æ³ķå¾ĭ": 100376, + "èīºæľ¯": 100377, + "ç͵影": 100378, + "說": 100379, + "ä¸ĢçĤ¹": 100380, + "è¶ħè¿ĩ": 100381, + "ç͵åŃIJ": 100382, + "æĢĿæĥ³": 100383, + "æķĻåѦ": 100384, + "éĺ¶æ®µ": 100385, + "åķĨä¸ļ": 100386, + "çµģ": 100387, + "åĪĽä¸ļ": 100388, + "æĸ¹æ¡Ī": 100389, + "çݰ代": 100390, + "æ¡¥": 100391, + "èIJ½å®ŀ": 100392, + "带æĿ¥": 100393, + "产çĶŁ": 100394, + "ç§Ģ": 100395, + "æ³°": 100396, + "ä¹±": 100397, + "åħ·ä½ĵ": 100398, + "åĸĿ": 100399, + "èĵĿ": 100400, + "å®Ĺ": 100401, + "åįĩ级": 100402, + "æ·±åħ¥": 100403, + "ä¿ĿéĻ©": 100404, + "ç®Ģåįķ": 100405, + "çĹĽ": 100406, + "稳å®ļ": 100407, + "è¾Ĩ": 100408, + "å±ŀäºİ": 100409, + "å·Ŀ": 100410, + "ä¸įå°ij": 100411, + "åĴ¨": 100412, + "ä¸ľè¥¿": 100413, + "å½¢å¼ı": 100414, + "娱ä¹IJ": 100415, + "æŃ£å¸¸": 100416, + "鸡": 100417, + "åħħåĪĨ": 100418, + "å®ŀè·µ": 100419, + "éĩĮéĿ¢": 100420, + "è·³": 100421, + "èĻİ": 100422, + "æĪIJéķ¿": 100423, + "æļĹ": 100424, + "çĿ¡": 100425, + "罪": 100426, + "çIJĨ念": 100427, + "æĮij": 100428, + "èµĦæľ¬": 100429, + "å¤ļå°ij": 100430, + "ä¸ĭéĿ¢": 100431, + "å¸Ŀ": 100432, + "åħ¬å¼Ģ": 100433, + "æ¸IJ": 100434, + "éķ·": 100435, + "å±ĭ": 100436, + "欢è¿İ": 100437, + "å¿ĥçIJĨ": 100438, + "çĤİ": 100439, + "æ¹¾": 100440, + "è®ĵ": 100441, + "éĤĦ": 100442, + "ç³ĸ": 100443, + "ä¹Į": 100444, + "åĬ±": 100445, + "çīĻ": 100446, + "èħ¿": 100447, + "å²Ĺ": 100448, + "ä¼į": 100449, + "æĪIJåijĺ": 100450, + "åŃĶ": 100451, + "å°ıç¼ĸ": 100452, + "èij£": 100453, + "泡": 100454, + "åħĪè¿Ľ": 100455, + "åħ§": 100456, + "åĺ´": 100457, + "è´Ŀ": 100458, + "è»": 100459, + "æIJŀ": 100460, + "æ³Ľ": 100461, + "鸣": 100462, + "ç½²": 100463, + "èĽĭ": 100464, + "主任": 100465, + "缮çļĦ": 100466, + "ä¹ı": 100467, + "æ´¥": 100468, + "æĪ´": 100469, + "ä¸¥æł¼": 100470, + "çħ¤": 100471, + "çĮ«": 100472, + "å͝": 100473, + "å°Ĭ": 100474, + "çĶľ": 100475, + "åŀĥ": 100476, + "åľ¾": 100477, + "æĭŁ": 100478, + "çĦ¦": 100479, + "é«Ķ": 100480, + "å®ı": 100481, + "æ©Ł": 100482, + "é©»": 100483, + "æĹģ": 100484, + "å½»": 100485, + "éĥ½ä¸į": 100486, + "æij©": 100487, + "ä»ĵ": 100488, + "ä¹³": 100489, + "岸": 100490, + "è°ĭ": 100491, + "大å¤ļ": 100492, + "çģŃ": 100493, + "èħ¾": 100494, + "æŁľ": 100495, + "èĪį": 100496, + "åħļçļĦ": 100497, + "å°ĺ": 100498, + "åįģå¹´": 100499, + "æĭĴ": 100500, + "裡": 100501, + "æŁĶ": 100502, + "å¹¼": 100503, + "éĶģ": 100504, + "ä¸ĵ项": 100505, + "æīİ": 100506, + "驾驶": 100507, + "ç¢İ": 100508, + "è¢ĭ": 100509, + "éĶĭ": 100510, + "壮": 100511, + "å°ĸ": 100512, + "çĶµæ±ł": 100513, + "è¿Ķ": 100514, + "æ¼ı": 100515, + "循": 100516, + "èıĮ": 100517, + "èĥĥ": 100518, + "è¾ħ": 100519, + "éĢĴ": 100520, + "èĥİ": 100521, + "éĻª": 100522, + "寿": 100523, + "å¥Ķ": 100524, + "çĮĽ": 100525, + "纹": 100526, + "çŁ¥åIJį": 100527, + "å¿Ĩ": 100528, + "æ¡ĥ": 100529, + "æ£ĭ": 100530, + "éĢĨ": 100531, + "çĤ¼": 100532, + "ç±į": 100533, + "çī§": 100534, + "æł·çļĦ": 100535, + "è¾Ľ": 100536, + "åłĨ": 100537, + "å®ŀåľ¨": 100538, + "ä¼ı": 100539, + "宿": 100540, + "èµı": 100541, + "è£Ĥ": 100542, + "åįĬå¹´": 100543, + "å̾": 100544, + "满æĦı": 100545, + "梯": 100546, + "æĦıåij³": 100547, + "åѤ": 100548, + "ç¥Ŀ": 100549, + "æĻ¶": 100550, + "èµĶ": 100551, + "åģ¿": 100552, + "èĦĤ": 100553, + "ç½ļ": 100554, + "ç¢į": 100555, + "æ²ĥ": 100556, + "æĵį": 100557, + "å´ĩ": 100558, + "æļĤ": 100559, + "è·ĥ": 100560, + "æIJ¬": 100561, + "å©Ĩ": 100562, + "éī": 100563, + "éī´": 100564, + "åħ´è¶£": 100565, + "èIJ¥ä¸ļ": 100566, + "è®Ĭ": 100567, + "èĦı": 100568, + "è¾Ī": 100569, + "å·ŀå¸Ĥ": 100570, + "è´«åĽ°": 100571, + "ç©·": 100572, + "ä¸Ńå°ı": 100573, + "æ¼Ĥ": 100574, + "çĻĮ": 100575, + "èľľ": 100576, + "ä¼Ļä¼´": 100577, + "çīµ": 100578, + "æĤŁ": 100579, + "éĻ·": 100580, + "èµĽåŃ£": 100581, + "樣": 100582, + "åģ¶": 100583, + "æĺĨ": 100584, + "è¢Ń": 100585, + "æįIJ": 100586, + "èī°": 100587, + "æĤ¬": 100588, + "çĶ¢": 100589, + "èij¡": 100590, + "çĽĹ": 100591, + "å©´": 100592, + "å°İ": 100593, + "纽": 100594, + "åĢ¡": 100595, + "æī®": 100596, + "è¨Ń": 100597, + "æĬij": 100598, + "ç¡ķ": 100599, + "è¾ĸ": 100600, + "éĥģ": 100601, + "辩": 100602, + "éĤ»": 100603, + "çݰåĩº": 100604, + "è¦ı": 100605, + "å½¹": 100606, + "éĺĶ": 100607, + "åīµ": 100608, + "诱": 100609, + "æĥij": 100610, + "æ·Ģ": 100611, + "é¢Ī": 100612, + "侦": 100613, + "æģ°": 100614, + "æ£Ģå¯Ł": 100615, + "éĨ«": 100616, + "çĦ¶æĺ¯": 100617, + "åĭĥ": 100618, + "èĮ«": 100619, + "äĵ": 100620, + "ð¬¸": 100621, + "ä½ľä¸º": 100622, + "çļĦ人": 100623, + "éĤ£ä¹Ī": 100624, + "ç¾İåĽ½": 100625, + "è¿ĺæľī": 100626, + "æıIJé«ĺ": 100627, + "èϽ": 100628, + "åħ·æľī": 100629, + "åĮħæĭ¬": 100630, + "æĪĸèĢħ": 100631, + "ä¸įè¿ĩ": 100632, + "ä¸Ĭæµ·": 100633, + "åĮ»éĻ¢": 100634, + "èµĦéĩij": 100635, + "çĶļèĩ³": 100636, + "åĪ¶åº¦": 100637, + "è§£åĨ³": 100638, + "èģĶç½ij": 100639, + "ç»§ç»Ń": 100640, + "建ç«ĭ": 100641, + "è¿Ľä¸ĢæŃ¥": 100642, + "æĿIJæĸĻ": 100643, + "ä»Ĭ天": 100644, + "å¿ħé¡»": 100645, + "åIJĦç§į": 100646, + "çİ°åľº": 100647, + "ä»ĸçļĦ": 100648, + "å¢ŀåĬł": 100649, + "é¢ĨåŁŁ": 100650, + "åıĤä¸İ": 100651, + "æĮģç»Ń": 100652, + "ä¹ĭä¸Ģ": 100653, + "çī¹åĪ«": 100654, + "é±¼": 100655, + "åħ±åIJĮ": 100656, + "åĬª": 100657, + "çİī": 100658, + "人们": 100659, + "åħĪçĶŁ": 100660, + "ä¼ĺåĬ¿": 100661, + "ä¿ĿæĮģ": 100662, + "ä½ľåĵģ": 100663, + "çīĽ": 100664, + "æĪIJæľ¬": 100665, + "æĶ¶åħ¥": 100666, + "åıĬæĹ¶": 100667, + "è´Łè´£": 100668, + "æİ¥åıĹ": 100669, + "èįIJ": 100670, + "åıªè¦ģ": 100671, + "羣çļĦ": 100672, + "导èĩ´": 100673, + "æľºåζ": 100674, + "è¡ĮåĬ¨": 100675, + "æĸ°çļĦ": 100676, + "å®ĮåĸĦ": 100677, + "为ä»Ģä¹Ī": 100678, + "ä¸Ń央": 100679, + "æĪIJç«ĭ": 100680, + "æĦŁè§ī": 100681, + "åıĺåĮĸ": 100682, + "åıĹåΰ": 100683, + "å¹¶ä¸į": 100684, + "åŃĻ": 100685, + "æĸ½å·¥": 100686, + "æĺİæĺ¾": 100687, + "è¿ĩåİ»": 100688, + "åıijæĮ¥": 100689, + "羣æŃ£": 100690, + "åŁºåľ°": 100691, + "æĺİç¡®": 100692, + "èĥ¡": 100693, + "许å¤ļ": 100694, + "ä¸Ģå¹´": 100695, + "æĸ¹åIJij": 100696, + "æģ©": 100697, + "çĽ¸ä¿¡": 100698, + "åľ³": 100699, + "详ç»Ĩ": 100700, + "äºĭä¸ļ": 100701, + "çĶŁåij½": 100702, + "åĴ¨è¯¢": 100703, + "æĸĩæĺİ": 100704, + "çijŀ": 100705, + "绿èī²": 100706, + "èİ«": 100707, + "æĦıè¯Ĩ": 100708, + "æĬķåħ¥": 100709, + "åĬłå¿«": 100710, + "æ¢ħ": 100711, + "ç¿»": 100712, + "å¼ĢæĶ¾": 100713, + "æĻ®éĢļ": 100714, + "åįıä¼ļ": 100715, + "æĪIJ绩": 100716, + "ä»Ļ": 100717, + "å¯Ĵ": 100718, + "è¯ģåΏ": 100719, + "认è¯Ĩ": 100720, + "丹": 100721, + "大éĩı": 100722, + "è¿ħ": 100723, + "åģļåΰ": 100724, + "设æĸ½": 100725, + "è´¸æĺĵ": 100726, + "èĥ½æºIJ": 100727, + "æĹ¶æľŁ": 100728, + "ä¸Ģ天": 100729, + "æ²»çIJĨ": 100730, + "åĺī": 100731, + "å®ĩ": 100732, + "丰å¯Į": 100733, + "举è¡Į": 100734, + "æĪIJæŀľ": 100735, + "èĤ¯å®ļ": 100736, + "çĭĹ": 100737, + "åĬ¨åĬĽ": 100738, + "森": 100739, + "åĩłä¹İ": 100740, + "åĽłç´ł": 100741, + "æ°ijæĹı": 100742, + "æ´ŀ": 100743, + "ç½ijåıĭ": 100744, + "åIJĪçIJĨ": 100745, + "广大": 100746, + "æ®Ĭ": 100747, + "æ´Ľ": 100748, + "æĿ¯": 100749, + "èĴĻ": 100750, + "ç͍äºİ": 100751, + "èŀįèµĦ": 100752, + "ç¥ĸ": 100753, + "æľºæ¢°": 100754, + "举åĬŀ": 100755, + "èĩªåĬ¨": 100756, + "åĬŀåħ¬": 100757, + "é»ŀ": 100758, + "éĽĦ": 100759, + "å̼å¾Ĺ": 100760, + "çĮª": 100761, + "以为": 100762, + "æĺĮ": 100763, + "è·Ŀ离": 100764, + "åIJ¸å¼ķ": 100765, + "ç»ķ": 100766, + "éļĨ": 100767, + "计ç®Ĺ": 100768, + "éĺŁä¼į": 100769, + "大ä¼ļ": 100770, + "å¼ķèµ·": 100771, + "çī¹çĤ¹": 100772, + "èĥ¶": 100773, + "å¹´è½»": 100774, + "æľ¬èº«": 100775, + "æľºåħ³": 100776, + "å®ĺæĸ¹": 100777, + "éĥij": 100778, + "æµĻ": 100779, + "è§Ĵèī²": 100780, + "èij£äºĭ": 100781, + "为主": 100782, + "æĹłè®º": 100783, + "ä¹łæĥ¯": 100784, + "æ¥ļ": 100785, + "æĭĵ": 100786, + "ç»Łè®¡": 100787, + "åħĦ": 100788, + "å¹¿æ³Ľ": 100789, + "åįĢ": 100790, + "污æŁĵ": 100791, + "è«ĭ": 100792, + "èĬĤ缮": 100793, + "伦": 100794, + "è¦ĨçĽĸ": 100795, + "èĢIJ": 100796, + "æī¶è´«": 100797, + "ç»ıåİĨ": 100798, + "éĩįè¦ģçļĦ": 100799, + "èĤ¡ä¸ľ": 100800, + "æĭĽèģĺ": 100801, + "åĽĽä¸ª": 100802, + "æĩī": 100803, + "èĥŀ": 100804, + "æijĨ": 100805, + "é«ĺéĢŁ": 100806, + "麦": 100807, + "åİŁåĪĻ": 100808, + "èݱ": 100809, + "æĽ´å¥½": 100810, + "éķľ": 100811, + "åĩĮ": 100812, + "åŀĥåľ¾": 100813, + "é̲": 100814, + "çģ°": 100815, + "éĵº": 100816, + "äºĭæķħ": 100817, + "çĶĺ": 100818, + "空æ°Ķ": 100819, + "é¾Ħ": 100820, + "èı²": 100821, + "çĵ¶": 100822, + "æĺ¨": 100823, + "æĹ¥æĬ¥": 100824, + "æµ®": 100825, + "åľ°åĽ¾": 100826, + "åijĪ": 100827, + "大åĬĽ": 100828, + "绪": 100829, + "å¸ħ": 100830, + "æľįåĭĻ": 100831, + "ä¸įéĶĻ": 100832, + "乡æĿij": 100833, + "å±¥": 100834, + "å¹³æĸ¹": 100835, + "éĹ²": 100836, + "æī£": 100837, + "ç´łè´¨": 100838, + "èµ´": 100839, + "éģŃ": 100840, + "èIJ¨": 100841, + "èĩªä¸»": 100842, + "éĩijå±ŀ": 100843, + "èī¯å¥½": 100844, + "两年": 100845, + "æ³¥": 100846, + "é¢ľ": 100847, + "精彩": 100848, + "ä¸Ńåįİ": 100849, + "æĻĭ": 100850, + "ä¹łè¿ij": 100851, + "ä¹łè¿ijå¹³": 100852, + "æĪĺ士": 100853, + "åģļçļĦ": 100854, + "éªij": 100855, + "æ»´": 100856, + "çĵľ": 100857, + "çīĪæĿĥ": 100858, + "èĤł": 100859, + "æľĥåĵ¡": 100860, + "çıį": 100861, + "種": 100862, + "仿": 100863, + "çī©ä¸ļ": 100864, + "åĢĭ人": 100865, + "妻": 100866, + "伸": 100867, + "æ±Ĺ": 100868, + "æĹº": 100869, + "çIJĨæĥ³": 100870, + "æij¸": 100871, + "è¿Ŀæ³ķ": 100872, + "å®Įæķ´": 100873, + "åݦ": 100874, + "è¸ı": 100875, + "æĸij": 100876, + "æ¡Ĥ": 100877, + "ä½ĵåζ": 100878, + "師": 100879, + "æĿĨ": 100880, + "殿": 100881, + "æ¯ģ": 100882, + "é¦Ī": 100883, + "è§Ĵ度": 100884, + "欣": 100885, + "çĥ¦": 100886, + "èĤº": 100887, + "éĩĩ访": 100888, + "æijĺ": 100889, + "æĮ¡": 100890, + "æ·ĺ": 100891, + "åħ»èĢģ": 100892, + "çĤ¸": 100893, + "è¿Ī": 100894, + "åİī": 100895, + "åĿĬ": 100896, + "è¾£": 100897, + "åĩĿ": 100898, + "泪": 100899, + "çĸı": 100900, + "æİĺ": 100901, + "åĥıæĺ¯": 100902, + "éĽķ": 100903, + "ç¼Ŀ": 100904, + "èį·": 100905, + "æį·": 100906, + "åł¡": 100907, + "åı¥è¯Ŀ": 100908, + "çĸ¼": 100909, + "æłı": 100910, + "éģµ": 100911, + "碳": 100912, + "å·¥åķĨ": 100913, + "æIJº": 100914, + "åĪ¥": 100915, + "ä¹Ļ": 100916, + "æĹĭ": 100917, + "æĥľ": 100918, + "ä¸Ģ大": 100919, + "å±Ĥ次": 100920, + "èµĸ": 100921, + "æĬ¬": 100922, + "æ¨Ĥ": 100923, + "è¯ŀ": 100924, + "åħĴ": 100925, + "篮": 100926, + "èĤĥ": 100927, + "å§¿": 100928, + "æĬļ": 100929, + "çĵ·": 100930, + "ç͵åĬ¨": 100931, + "æĸ°åĨł": 100932, + "æ¶µ": 100933, + "ç¢ij": 100934, + "æ·®": 100935, + "æĹ¨": 100936, + "踪": 100937, + "æ¸Ķ": 100938, + "æĦĪ": 100939, + "åıĶ": 100940, + "åįĹçľģ": 100941, + "義": 100942, + "å§Ķ书记": 100943, + "貸": 100944, + "æ¶Į": 100945, + "è«ĸ": 100946, + "èIJĦ": 100947, + "æıı": 100948, + "å¿§": 100949, + "辦": 100950, + "å¦Ĩ": 100951, + "æīŃ": 100952, + "åijµ": 100953, + "éģ¥": 100954, + "許": 100955, + "ä»ĩ": 100956, + "åįģä¸ī": 100957, + "åī²": 100958, + "èªį": 100959, + "èΰ": 100960, + "é¢ĩ": 100961, + "饱": 100962, + "çĭł": 100963, + "é«ĺçļĦ": 100964, + "çµ±": 100965, + "æħİ": 100966, + "é¢ģ": 100967, + "åIJĪéĢĤ": 100968, + "æµ´": 100969, + "èµĭ": 100970, + "æĬ¼": 100971, + "妥": 100972, + "éĻ¢éķ¿": 100973, + "èĢķ": 100974, + "辨": 100975, + "æħ°": 100976, + "åįģåĽĽ": 100977, + "æľµ": 100978, + "èĵĦ": 100979, + "æŀ¢": 100980, + "å»·": 100981, + "æĤĦ": 100982, + "涯": 100983, + "磩": 100984, + "åŃIJéĩĮ": 100985, + "çĬ¹": 100986, + "å±Ģéķ¿": 100987, + "éIJ": 100988, + "å¥ł": 100989, + "ä¼ļéķ¿": 100990, + "æĵļ": 100991, + "ä¸įåıĬ": 100992, + "åįģä¹Ŀ": 100993, + "欺": 100994, + "躺": 100995, + "éĺIJ": 100996, + "çºĮ": 100997, + "註": 100998, + "åĨĬ": 100999, + "èŃĺ": 101000, + "é«ĺçŃī": 101001, + "èħº": 101002, + "å¤ķ": 101003, + "ç»ij": 101004, + "åͤ": 101005, + "èķ´": 101006, + "çķľ": 101007, + "æħĭ": 101008, + "åıĻ": 101009, + "åıĥ": 101010, + "峡": 101011, + "人大": 101012, + "éħ¿": 101013, + "éģ©": 101014, + "奢": 101015, + "åı£æ°Ķ": 101016, + "éĮĦ": 101017, + "éı": 101018, + "åĭĺ": 101019, + "è´¿": 101020, + "éļª": 101021, + "éĭ": 101022, + "éļ¶": 101023, + "ð¥": 101024, + "ð¬£": 101025, + "ð£": 101026, + "ð«į": 101027, + "ð¬³": 101028, + "ð«ĵ": 101029, + "ð«Ħ": 101030, + "ð«Ł": 101031, + "ð¨±": 101032, + "äĹ": 101033, + "以åıĬ": 101034, + "æľīéĻIJ": 101035, + "åij¢": 101036, + "åIJĹ": 101037, + "çľĭåΰ": 101038, + "计åĪĴ": 101039, + "è¿Ľåħ¥": 101040, + "缴æİ¥": 101041, + "åĪĨæŀIJ": 101042, + "åıªæľī": 101043, + "设å¤ĩ": 101044, + "åħ¶å®ŀ": 101045, + "åĬłå¼º": 101046, + "ä¸ŃçļĦ": 101047, + "ä¿Ŀéļľ": 101048, + "èĢģå¸Ī": 101049, + "人æīį": 101050, + "å¾Ĺåΰ": 101051, + "é£İéĻ©": 101052, + "ä¸Ģç§į": 101053, + "空éĹ´": 101054, + "æĪijåĽ½": 101055, + "ä¹ĭåīį": 101056, + "ä¸ĵå®¶": 101057, + "æĿ¨": 101058, + "æĹ¥æľ¬": 101059, + "群ä¼Ĺ": 101060, + "åıĤåĬł": 101061, + "æķĪæŀľ": 101062, + "æľīåħ³": 101063, + "å®¶åºŃ": 101064, + "åĮºåŁŁ": 101065, + "åĬªåĬĽ": 101066, + "éļıçĿĢ": 101067, + "æĹłæ³ķ": 101068, + "交æµģ": 101069, + "è¡Į为": 101070, + "æ£ĢæŁ¥": 101071, + "æľŁéĹ´": 101072, + "å¦ĤæŃ¤": 101073, + "èĤ¡ä»½": 101074, + "å½ĵæĹ¶": 101075, + "è£ħå¤ĩ": 101076, + "åĩĨå¤ĩ": 101077, + "éħĴåºĹ": 101078, + "è¿IJåĬ¨": 101079, + "æıIJåĩº": 101080, + "å·¦åı³": 101081, + "æİªæĸ½": 101082, + "é£Łåĵģ": 101083, + "æ¶Īè´¹èĢħ": 101084, + "åѦéĻ¢": 101085, + "æĮĩ导": 101086, + "è¿IJèIJ¥": 101087, + "éĩį大": 101088, + "åĨľæĿij": 101089, + "éĢłæĪIJ": 101090, + "æĶ¿æ²»": 101091, + "éĴĪ对": 101092, + "æŃ£å¼ı": 101093, + "åıĸå¾Ĺ": 101094, + "éĤ£ä¸ª": 101095, + "éĽĨä¸Ń": 101096, + "åıªèĥ½": 101097, + "å¿«éĢŁ": 101098, + "身ä½ĵ": 101099, + "åħļåijĺ": 101100, + "èģĶåIJĪ": 101101, + "åĬĽéĩı": 101102, + "éĥ½æľī": 101103, + "æħ§": 101104, + "å¡Ķ": 101105, + "åĪ«äºº": 101106, + "表çݰ": 101107, + "æķħäºĭ": 101108, + "ä¸ĢåĪĩ": 101109, + "å°ĩ": 101110, + "èµĦæĸĻ": 101111, + "åŁ¹åħ»": 101112, + "éĺħ读": 101113, + "æľī人": 101114, + "èIJ¥éĶĢ": 101115, + "çĽijçĿ£": 101116, + "çݯä¿Ŀ": 101117, + "èĢĥèĻij": 101118, + "æ·±åľ³": 101119, + "严éĩį": 101120, + "èĮĥåĽ´": 101121, + "å§Ķåijĺ": 101122, + "çĽij管": 101123, + "ä¸ī个": 101124, + "è£ħä¿®": 101125, + "åħ¬éĩĮ": 101126, + "åĪĨåĪ«": 101127, + "çIJĨè§£": 101128, + "飩": 101129, + "åĬłå·¥": 101130, + "è®¤çľŁ": 101131, + "ä¸į好": 101132, + "åݻ年": 101133, + "éĻįä½İ": 101134, + "æľºä¼ļ": 101135, + "åįıè®®": 101136, + "符åIJĪ": 101137, + "å¢ŀ强": 101138, + "æĬĢèĥ½": 101139, + "é¦ĸåħĪ": 101140, + "秦": 101141, + "ä¸ģ": 101142, + "å°¾": 101143, + "æľīäºĨ": 101144, + "åľ°äº§": 101145, + "æ¸ł": 101146, + "æĸ¹ä¾¿": 101147, + "ç§»åĬ¨": 101148, + "éĢŁåº¦": 101149, + "å°¤åħ¶": 101150, + "éĢļçŁ¥": 101151, + "åĿĽ": 101152, + "éģ¿åħį": 101153, + "æģ¢": 101154, + "è´¡": 101155, + "èģĮå·¥": 101156, + "å®ŀåĬĽ": 101157, + "æĺ¯ä¸Ģç§į": 101158, + "åIJ¯åĬ¨": 101159, + "çĸ¾çĹħ": 101160, + "æĿ¥äºĨ": 101161, + "çĽ¸å¯¹": 101162, + "çݰå®ŀ": 101163, + "èŀįåIJĪ": 101164, + "åIJĮæł·": 101165, + "åħ¬åijĬ": 101166, + "ç®Ĭ": 101167, + "ç´«": 101168, + "ä¸ĭåİ»": 101169, + "ä¼łæĴŃ": 101170, + "æľĢ好": 101171, + "ä¼ĺè´¨": 101172, + "æ²Ĵ": 101173, + "æĮº": 101174, + "æĹ¦": 101175, + "诺": 101176, + "ä¸ĢåIJį": 101177, + "éģĵè·¯": 101178, + "示èĮĥ": 101179, + "è¿ĩæĿ¥": 101180, + "åIJĮåѦ": 101181, + "é¼ĵ": 101182, + "æĿŃ": 101183, + "æľ¬æ¬¡": 101184, + "åIJĮæĦı": 101185, + "ä¸ĸ纪": 101186, + "ç¾Ĭ": 101187, + "欲": 101188, + "å·¥èīº": 101189, + "çĵ¦": 101190, + "人士": 101191, + "æľīæīĢ": 101192, + "ä»İäºĭ": 101193, + "æľīå¾Īå¤ļ": 101194, + "ä¸įäºĨ": 101195, + "å²Ĺä½į": 101196, + "åıĺå¾Ĺ": 101197, + "åĬ³åĬ¨": 101198, + "å¤Ħäºİ": 101199, + "å¹³åĿĩ": 101200, + "形象": 101201, + "å¡ŀ": 101202, + "åħ±äº«": 101203, + "çĿĽ": 101204, + "åĪ©æ¶¦": 101205, + "æŃ£æĺ¯": 101206, + "å¾Ģå¾Ģ": 101207, + "缸æ¯Ķ": 101208, + "横": 101209, + "åĪ·": 101210, + "æµĻæ±Ł": 101211, + "大éĥ¨åĪĨ": 101212, + "å¤ļ个": 101213, + "æĤ¨çļĦ": 101214, + "ç͵åķĨ": 101215, + "å¾®åįļ": 101216, + "å§ĭç»Ī": 101217, + "çĬ¯ç½ª": 101218, + "æĺ¯åľ¨": 101219, + "ç»ĦåIJĪ": 101220, + "åİŁæĿ¥": 101221, + "æ¸ħæ¥ļ": 101222, + "åIJĦåľ°": 101223, + "æĦŁåıĹ": 101224, + "å½ĵä¸Ń": 101225, + "è¶ĭåĬ¿": 101226, + "æĻ¯åĮº": 101227, + "羣æĺ¯": 101228, + "ä¾ĽåºĶ": 101229, + "转åŀĭ": 101230, + "çĭĤ": 101231, + "èĨľ": 101232, + "èĭĹ": 101233, + "å¿ł": 101234, + "å¾Ī大": 101235, + "èĤ¡æĿĥ": 101236, + "ç¾İåħĥ": 101237, + "æİĴåIJį": 101238, + "åĬ¨çī©": 101239, + "éĶħ": 101240, + "墨": 101241, + "主å¸Ń": 101242, + "å¾Ī好": 101243, + "ç»Ŀ对": 101244, + "æĿľ": 101245, + "转载": 101246, + "çĴĥ": 101247, + "æĿijæ°ij": 101248, + "åIJ¨": 101249, + "åĽŃåĮº": 101250, + "é«ĺ度": 101251, + "çī©è´¨": 101252, + "è¾ī": 101253, + "æĹ¥å¸¸": 101254, + "æıĴ": 101255, + "ä¸īå¹´": 101256, + "ä½ĵçݰ": 101257, + "æīįæĺ¯": 101258, + "代çIJĨ": 101259, + "ä¸į管": 101260, + "æģĴ": 101261, + "åľ°ä½į": 101262, + "ç²®": 101263, + "èĸĦ": 101264, + "æĺİçϽ": 101265, + "ä¸Ģèĩ´": 101266, + "æĽ¼": 101267, + "åĵŃ": 101268, + "åĩ¤": 101269, + "åĬ²": 101270, + "æķĮ": 101271, + "æĪĺæĸĹ": 101272, + "主ä½ĵ": 101273, + "åħ¬å¸ĥ": 101274, + "åıĤèĢĥ": 101275, + "èĪªç©º": 101276, + "寺": 101277, + "åѦä¼ļ": 101278, + "åıįæĺł": 101279, + "ç¾İ丽": 101280, + "太éĺ³": 101281, + "建æĪIJ": 101282, + "æħ¢æħ¢": 101283, + "åIJĦ个": 101284, + "éĤ¦": 101285, + "ç»ĦæĪIJ": 101286, + "ä¸ī大": 101287, + "éͦ": 101288, + "大å¤ļæķ°": 101289, + "æ¦Ĥ念": 101290, + "éŃĤ": 101291, + "åħ¬çĽĬ": 101292, + "èįĴ": 101293, + "身份": 101294, + "æ·±åĪ»": 101295, + "åħ©": 101296, + "ç»ıåħ¸": 101297, + "åIJĦ项": 101298, + "èĻķ": 101299, + "è¿ĽæŃ¥": 101300, + "åįģäºĮ": 101301, + "æī§æ³ķ": 101302, + "æĥ³åΰ": 101303, + "æĦŁæŁĵ": 101304, + "åķĨåĬ¡": 101305, + "å°ıç»Ħ": 101306, + "èͬ": 101307, + "çıŃåŃIJ": 101308, + "åIJĮå¿Ĺ": 101309, + "éĿ¢ä¸´": 101310, + "çĤĴ": 101311, + "å¤ļç§į": 101312, + "è§ĤçĤ¹": 101313, + "åĵªéĩĮ": 101314, + "å°Ŀ": 101315, + "å§Ĩ": 101316, + "èħ¹": 101317, + "åŁİåĮº": 101318, + "太å¤ļ": 101319, + "çĹħæ¯Ĵ": 101320, + "åľ¨äºİ": 101321, + "æīĢè°ĵ": 101322, + "æĻ°": 101323, + "æŀĿ": 101324, + "æĭĸ": 101325, + "å®ħ": 101326, + "æķ´æ²»": 101327, + "ä½ıæĪ¿": 101328, + "åģ·": 101329, + "çĨĬ": 101330, + "èµģ": 101331, + "æ°Ľ": 101332, + "æł¼å±Ģ": 101333, + "åŁºç¡Ģä¸Ĭ": 101334, + "èĥĨ": 101335, + "åħ½": 101336, + "鼶åĶ®": 101337, + "åĿ¡": 101338, + "女åŃ©": 101339, + "æĴŀ": 101340, + "åħ¨åĬĽ": 101341, + "åĴĸ": 101342, + "èĤ©": 101343, + "çľī": 101344, + "èĩ³äºİ": 101345, + "åħļç»Ħ": 101346, + "ä¸Ģä»¶": 101347, + "æĭĨ": 101348, + "äºĭå®ŀ": 101349, + "åĤ³": 101350, + "æ¹ĺ": 101351, + "ç¶²ç«Ļ": 101352, + "循çݯ": 101353, + "åIJĮæ¯Ķ": 101354, + "æĭĶ": 101355, + "åĮ»èį¯": 101356, + "åħ»æ®ĸ": 101357, + "åĽºå®ļ": 101358, + "å®ŀéĻħä¸Ĭ": 101359, + "è®°å¾Ĺ": 101360, + "åĪ©äºİ": 101361, + "æĤ¦": 101362, + "æĭ³": 101363, + "èĤĿ": 101364, + "æķĪçĽĬ": 101365, + "該": 101366, + "æ°ij主": 101367, + "çĹĩçĬ¶": 101368, + "風": 101369, + "å¹¼åĦ¿": 101370, + "å§ij": 101371, + "æĪĴ": 101372, + "ä¸ĭçļĦ": 101373, + "渡": 101374, + "å¹´åºķ": 101375, + "è®°å¿Ĩ": 101376, + "åIJIJ": 101377, + "大å¹ħ": 101378, + "å¾½": 101379, + "åħ¬ä¼Ĺ": 101380, + "ä¿¡å¿ĥ": 101381, + "çİĽ": 101382, + "ä¼ļä¸Ĭ": 101383, + "ä¹Ķ": 101384, + "æijĦå½±": 101385, + "æ£ĭçīĮ": 101386, + "éĻķ": 101387, + "åºĶæĢ¥": 101388, + "æĶ¶è´¹": 101389, + "æİ§èĤ¡": 101390, + "仪å¼ı": 101391, + "çŀ¬": 101392, + "æīĢåľ¨": 101393, + "碰": 101394, + "å§ĵ": 101395, + "é¡Į": 101396, + "æĶ¯éĥ¨": 101397, + "使åij½": 101398, + "çĤī": 101399, + "å¯Ħ": 101400, + "翼": 101401, + "åľ°ä¸ĭ": 101402, + "è¾ŀ": 101403, + "俱": 101404, + "主æĮģ": 101405, + "è´§å¸ģ": 101406, + "æģ¨": 101407, + "èĤĮ": 101408, + "çĽĪ": 101409, + "éĶ»": 101410, + "å¿ĹæĦ¿": 101411, + "类似": 101412, + "æĮĸ": 101413, + "éĢ»": 101414, + "總": 101415, + "纪念": 101416, + "åķ¥": 101417, + "弯": 101418, + "åIJįåŃĹ": 101419, + "åģ¥èº«": 101420, + "çļĦå¿ĥ": 101421, + "驱": 101422, + "èĥĮåIJİ": 101423, + "æ³ķå¸Ī": 101424, + "ç²Ĵ": 101425, + "èĥ½éĩı": 101426, + "è¾°": 101427, + "èī³": 101428, + "å½¼": 101429, + "段æĹ¶éĹ´": 101430, + "åIJĪæ³ķ": 101431, + "æĵ¦": 101432, + "ç¾½": 101433, + "åݨ": 101434, + "æĪij说": 101435, + "äºĭåĬ¡": 101436, + "åĩłå¤©": 101437, + "åħģ": 101438, + "ç¼´": 101439, + "åįĵ": 101440, + "两ç§į": 101441, + "çĭ¬çī¹": 101442, + "帶": 101443, + "éĴ»": 101444, + "æĥ©": 101445, + "é¢ĨåħĪ": 101446, + "è¶³å¤Ł": 101447, + "壳": 101448, + "æĦıåij³çĿĢ": 101449, + "åĪĨå¸ĥ": 101450, + "ä¹ĥ": 101451, + "éģĭ": 101452, + "佩": 101453, + "è°±": 101454, + "çģ£": 101455, + "èį¡": 101456, + "贯彻": 101457, + "å¹¾": 101458, + "ç£ģ": 101459, + "åħ¸åŀĭ": 101460, + "åīĩ": 101461, + "åĨ»": 101462, + "æ¬ł": 101463, + "ä¸įä¹ħ": 101464, + "浦": 101465, + "éŃħ": 101466, + "å¼ĢäºĨ": 101467, + "使ç͍èĢħ": 101468, + "è¿Ļ款": 101469, + "å°Ī": 101470, + "èĦ±è´«": 101471, + "æĶ»åĿļ": 101472, + "ç®Ĺæĺ¯": 101473, + "ç¨Ģ": 101474, + "æĹłäºº": 101475, + "åłµ": 101476, + "å¥ı": 101477, + "éĥ½å¸Ĥ": 101478, + "åı¯è§ģ": 101479, + "ä¸įåĩº": 101480, + "æ·»": 101481, + "äºı": 101482, + "ç¾İ好": 101483, + "èĥĸ": 101484, + "飵": 101485, + "æłĩå¿Ĺ": 101486, + "èĬĤèĥ½": 101487, + "æĬ«": 101488, + "å°º": 101489, + "寸": 101490, + "ä¸Ģ代": 101491, + "é¢Ĺ": 101492, + "è̶": 101493, + "èĴ¸": 101494, + "åĸ®": 101495, + "滿": 101496, + "çĮľ": 101497, + "æµĨ": 101498, + "åŁĥ": 101499, + "åįĥä¸ĩ": 101500, + "èµĮ": 101501, + "èģ²": 101502, + "ä½ľé£İ": 101503, + "質": 101504, + "寨": 101505, + "年人": 101506, + "åį°è±¡": 101507, + "æ¡¶": 101508, + "æĴ¤": 101509, + "åįģäºĶ": 101510, + "æ¯ħ": 101511, + "沪": 101512, + "åĽ½æľī": 101513, + "大éĩıçļĦ": 101514, + "御": 101515, + "å¯ĵ": 101516, + "è¦ĸ": 101517, + "æ¼Ĥ亮": 101518, + "çľł": 101519, + "çĤŃ": 101520, + "é»İ": 101521, + "èϹ": 101522, + "åĪ©äºļ": 101523, + "èŃī": 101524, + "æµı": 101525, + "åįģåħ«": 101526, + "丢": 101527, + "è¾½": 101528, + "æľīä¸ĢäºĽ": 101529, + "æħĪ": 101530, + "åģľè½¦": 101531, + "å®ł": 101532, + "è§£æĶ¾": 101533, + "æľīå¤ļ": 101534, + "éĤĬ": 101535, + "常è§ģ": 101536, + "æĬ¹": 101537, + "纤": 101538, + "親": 101539, + "æ¡Ĩ": 101540, + "èİŀ": 101541, + "æ°§åĮĸ": 101542, + "è¿Ļä»¶": 101543, + "åĩ°": 101544, + "æŁ´": 101545, + "åıijç͵": 101546, + "é¼ł": 101547, + "转åĮĸ": 101548, + "å¨ĥ": 101549, + "æĮ¤": 101550, + "罩": 101551, + "å¯ĨåĪĩ": 101552, + "æĪijä¸į": 101553, + "é«ĺæĸ°": 101554, + "ä¸Ģç¯ĩ": 101555, + "è¿Ľç¨ĭ": 101556, + "è¡°": 101557, + "è¿ĺä¸į": 101558, + "çħĮ": 101559, + "æĸ°åįİ": 101560, + "èĤ¿": 101561, + "滩": 101562, + "ä¸Ģæµģ": 101563, + "è¯Ī": 101564, + "å®ŀä½ĵ": 101565, + "å¤ĸåĽ½": 101566, + "躲": 101567, + "èµł": 101568, + "覺": 101569, + "æ¢Ŀ": 101570, + "ä¸įè§ģ": 101571, + "è¨Ĭ": 101572, + "åĮ¹": 101573, + "åįµ": 101574, + "çĩ¥": 101575, + "æħķ": 101576, + "齿": 101577, + "å®´": 101578, + "饼": 101579, + "èij¡èIJĦ": 101580, + "å°ıå¿ĥ": 101581, + "æģ¼": 101582, + "éĻĮ": 101583, + "æĺĤ": 101584, + "åĥ¹": 101585, + "èĬĿ": 101586, + "æ¯ı个人": 101587, + "åīįæıIJ": 101588, + "ä½ĵä¼ļ": 101589, + "æ¨Ļ": 101590, + "æIJľçĭIJ": 101591, + "对åħ¶": 101592, + "丧": 101593, + "èľĤ": 101594, + "浸": 101595, + "調": 101596, + "åĿª": 101597, + "é¢ĸ": 101598, + "åIJį为": 101599, + "笼": 101600, + "èĪĮ": 101601, + "æľ¬ä¹¦": 101602, + "èģ¯": 101603, + "纺": 101604, + "ç®Ģ缴": 101605, + "éĽ¢": 101606, + "ç¾İçļĦ": 101607, + "éļ¨": 101608, + "é«ĺå³°": 101609, + "è¿Ļå®¶": 101610, + "åĤ¬": 101611, + "å°¸": 101612, + "ç¡ķ士": 101613, + "èŃ·": 101614, + "è°¨": 101615, + "æĺı": 101616, + "æĶ¿åįı": 101617, + "è¡Ķ": 101618, + "ç¿Ĵ": 101619, + "åľĴ": 101620, + "åĽ½æ°ij": 101621, + "主è§Ĵ": 101622, + "è£ķ": 101623, + "伪": 101624, + "åºŀ": 101625, + "æ°ijèIJ¥": 101626, + "æĥ§": 101627, + "ç§ĺ书": 101628, + "çĹķ": 101629, + "çϾåĪĨ": 101630, + "溶": 101631, + "æĹłçĸij": 101632, + "çļĦçľ¼": 101633, + "æĵİ": 101634, + "ä¼Łå¤§": 101635, + "å½°": 101636, + "åħ¬å®īå±Ģ": 101637, + "ç³ķ": 101638, + "å¼¥": 101639, + "åĤĻ": 101640, + "ä¹¾": 101641, + "毫ä¸į": 101642, + "注æĺİ": 101643, + "å̻": 101644, + "æĦī": 101645, + "æķ¦": 101646, + "馨": 101647, + "æĶĢ": 101648, + "éĢĿ": 101649, + "åı¯éĿł": 101650, + "夸": 101651, + "åľĺ": 101652, + "éĿ¢ä¸Ĭ": 101653, + "æĬĸ": 101654, + "èĦĨ": 101655, + "é©°": 101656, + "ä¼IJ": 101657, + "妨": 101658, + "å®ļäºĨ": 101659, + "ç³Ĭ": 101660, + "æŃ¡": 101661, + "éĥ¨éķ¿": 101662, + "ç§ī": 101663, + "èĪĨ": 101664, + "åĪijäºĭ": 101665, + "åIJµ": 101666, + "æ¤Ĵ": 101667, + "è¡ĵ": 101668, + "豫": 101669, + "èı©": 101670, + "åѵ": 101671, + "饲": 101672, + "就好": 101673, + "åłª": 101674, + "ä¸īè§Ĵ": 101675, + "åľºæ¯ĶèµĽ": 101676, + "ä¸įåģľ": 101677, + "æĵħ": 101678, + "åħ¨æĸĩ": 101679, + "æ³ģ": 101680, + "åѦä½į": 101681, + "æ±°": 101682, + "éłĺ": 101683, + "åıł": 101684, + "éļĽ": 101685, + "å¸IJ": 101686, + "çľĭåĩº": 101687, + "åĮł": 101688, + "å±ĢéĿ¢": 101689, + "æ³Į": 101690, + "è°Ĭ": 101691, + "åIJĮæľŁ": 101692, + "æĬķæłĩ": 101693, + "奴": 101694, + "æĿ¥çľĭçľĭ": 101695, + "èĦ¾": 101696, + "èŀº": 101697, + "æŃī": 101698, + "çĽ¯": 101699, + "ç¨İåĬ¡": 101700, + "å»Ĭ": 101701, + "æİ©": 101702, + "æħ¨": 101703, + "çĽ¼": 101704, + "èĬĴ": 101705, + "è®Ģ": 101706, + "æĮ£": 101707, + "èĮħ": 101708, + "æĸ¥": 101709, + "æ¤ħ": 101710, + "åΰæĿ¥": 101711, + "èijĹä½ľ": 101712, + "çĭ±": 101713, + "äºĮæīĭ": 101714, + "ä»İæĿ¥": 101715, + "çĸ²": 101716, + "åºĬä¸Ĭ": 101717, + "æĸ°æµª": 101718, + "æ³Ħ": 101719, + "å¢ŀå̼": 101720, + "丼": 101721, + "æļij": 101722, + "ä»İä¸ļ": 101723, + "æ·ĭ": 101724, + "å¤ļæł·": 101725, + "æľ´": 101726, + "份é¢Ŀ": 101727, + "æŀ£": 101728, + "西çľģ": 101729, + "æľ¬è´¨": 101730, + "深深": 101731, + "èīĩ": 101732, + "绵": 101733, + "产å̼": 101734, + "æ¼ł": 101735, + "èħ»": 101736, + "çŃĽ": 101737, + "åİĮ": 101738, + "æģŃ": 101739, + "å«Įçĸij": 101740, + "æĪ¶": 101741, + "æ»ŀ": 101742, + "èĨĢ": 101743, + "åĬ£": 101744, + "座è°Ī": 101745, + "常æĢģ": 101746, + "çļĦæĥħ": 101747, + "覽": 101748, + "å¯Ĥ": 101749, + "åĮĨ": 101750, + "èĩº": 101751, + "顯": 101752, + "çķı": 101753, + "éģ£": 101754, + "åįľ": 101755, + "çŃīå¥ĸ": 101756, + "責": 101757, + "溯": 101758, + "éİ": 101759, + "çĤ¹å¤´": 101760, + "èĵ¬": 101761, + "決": 101762, + "éħ¬": 101763, + "éģĬ": 101764, + "è³¼": 101765, + "註åĨĬ": 101766, + "æľ¬æĬ¥": 101767, + "çµķ": 101768, + "æ´»æĢ§": 101769, + "åħij": 101770, + "éĮ¯": 101771, + "åĨ¶": 101772, + "åĸ»": 101773, + "æºĸ": 101774, + "èĤ¢": 101775, + "æºĥ": 101776, + "æĹ¬": 101777, + "åīĬ": 101778, + "çIJĨäºĭ": 101779, + "å±ł": 101780, + "æ²§": 101781, + "èļĢ": 101782, + "鼻åŃIJ": 101783, + "为æŃ¢": 101784, + "常å§Ķ": 101785, + "çµĤ": 101786, + "éĬ·": 101787, + "çĭĢ": 101788, + "ä¾£": 101789, + "èĥĢ": 101790, + "èѰ": 101791, + "çĶ¨è½¦": 101792, + "åĻª": 101793, + "æŃ·": 101794, + "åįĶ": 101795, + "åι": 101796, + "竣æĺ¯": 101797, + "é©Ĺ": 101798, + "èIJĿ": 101799, + "çĻ«": 101800, + "çĹ«": 101801, + "æŃ§": 101802, + "å¼Ĭ": 101803, + "媽": 101804, + "çıĬ": 101805, + "è¡·": 101806, + "éľī": 101807, + "åŁºçĿ£": 101808, + "éļ±": 101809, + "æ°¨": 101810, + "绸": 101811, + "å°¼æĸ¯": 101812, + "çĥĺ": 101813, + "æľŁåĨħ": 101814, + "è°ħ": 101815, + "éĽĩ": 101816, + "éļĻ": 101817, + "åĸī": 101818, + "åī¥": 101819, + "çĹĺ": 101820, + "æĮ½": 101821, + "çĵ£": 101822, + "æ¹Ľ": 101823, + "樱": 101824, + "æ¾İ": 101825, + "æ¹ĥ": 101826, + "åĨ¬å¥¥": 101827, + "棵": 101828, + "å®°": 101829, + "åŀĴ": 101830, + "æ§ĭ": 101831, + "ä¾Ī": 101832, + "èĮĦ": 101833, + "åĺ¿": 101834, + "èıĩ": 101835, + "çĻĤ": 101836, + "åĬĥ": 101837, + "éį": 101838, + "èͽ": 101839, + "çŀŃ": 101840, + "æķŀ": 101841, + "ä¹ĸ": 101842, + "飧": 101843, + "è¾ľ": 101844, + "æĩĪ": 101845, + "ä½£": 101846, + "çŀ»": 101847, + "åŁĶ": 101848, + "èĪħ": 101849, + "å®ŀäºĭ": 101850, + "é¨": 101851, + "å§¥": 101852, + "絡": 101853, + "åĺ»": 101854, + "çķ¢": 101855, + "æ²ĥå°Ķ": 101856, + "è¿Ħ": 101857, + "èĤĩ": 101858, + "æħij": 101859, + "ã§": 101860, + "äı": 101861, + "ðł": 101862, + "ð¬ĩ": 101863, + "ð«Ń": 101864, + "ð«IJ": 101865, + "ã³": 101866, + "©½": 101867, + "ð«ł": 101868, + "ãĽ": 101869, + "ð¬į": 101870, + "é¿": 101871, + "ð¬Ĵ": 101872, + "ãĻ": 101873, + "ð¬¤": 101874, + "ð¬´": 101875, + "ð«ĸ": 101876, + "ð¤": 101877, + "ã¬": 101878, + "ä²": 101879, + "ð«Ķ": 101880, + "ð«ļ": 101881, + "è¦ģæ±Ĥ": 101882, + "ä¸ĢäºĽ": 101883, + "å®ŀçݰ": 101884, + "èĢĮä¸Ķ": 101885, + "åĽłæŃ¤": 101886, + "çͱäºİ": 101887, + "åħ³äºİ": 101888, + "çĦ¶åIJİ": 101889, + "æİ¨åĬ¨": 101890, + "ä¸Ģæł·": 101891, + "æĮīçħ§": 101892, + "è¿Ļæł·çļĦ": 101893, + "å½¢æĪIJ": 101894, + "æľīäºĽ": 101895, + "æĽ´åĬł": 101896, + "ç»ıè¿ĩ": 101897, + "建议": 101898, + "æ²»çĸĹ": 101899, + "ä½łä»¬": 101900, + "æīįèĥ½": 101901, + "ä¿ĥè¿Ľ": 101902, + "åijĺå·¥": 101903, + "ä½ĵéªĮ": 101904, + "èĪĩ": 101905, + "åģļ好": 101906, + "ä¿Ŀè¯ģ": 101907, + "æķ´ä¸ª": 101908, + "æĺ¯ä¸Ģ个": 101909, + "éĩĩç͍": 101910, + "çIJĨ论": 101911, + "æ¯Ķå¦Ĥ": 101912, + "ä¸ĬçļĦ": 101913, + "æİ¨èįIJ": 101914, + "çĶ³è¯·": 101915, + "天空": 101916, + "éĥ¨èIJ½": 101917, + "åįģåĪĨ": 101918, + "æĿ¥èĩª": 101919, + "ä¹ĭéĹ´": 101920, + "è°ĥæķ´": 101921, + "æ¯ı天": 101922, + "è°ĥæŁ¥": 101923, + "æĤ£èĢħ": 101924, + "è¿ĩç¨ĭä¸Ń": 101925, + "é¦Ļ港": 101926, + "广åijĬ": 101927, + "éĿ¢å¯¹": 101928, + "满足": 101929, + "éķ¿æľŁ": 101930, + "è§ĦèĮĥ": 101931, + "æķ´ä½ĵ": 101932, + "æĶ¹åıĺ": 101933, + "æĻºæħ§": 101934, + "å¦Īå¦Ī": 101935, + "å¦Ĥä»Ĭ": 101936, + "åIJĪåIJĮ": 101937, + "éĥ½ä¼ļ": 101938, + "åĦ¿ç«¥": 101939, + "åĩıå°ij": 101940, + "éŁ³ä¹IJ": 101941, + "ç»ı常": 101942, + "ä¸Ĭå¸Ĥ": 101943, + "ä¼ĺç§Ģ": 101944, + "çļĦéĩįè¦ģ": 101945, + "ä¸ĢæĿ¡": 101946, + "æµ·å¤ĸ": 101947, + "åı¦å¤ĸ": 101948, + "ä¸Ģå®¶": 101949, + "åİĭåĬĽ": 101950, + "大åŀĭ": 101951, + "çľĭçĿĢ": 101952, + "åĪĢ": 101953, + "幸ç¦ı": 101954, + "æİ¨å¹¿": 101955, + "åIJĽ": 101956, + "å¾IJ": 101957, + "æī¾åΰ": 101958, + "äºİæĺ¯": 101959, + "èĩªèº«": 101960, + "ä¸Ģä½į": 101961, + "åľŁåľ°": 101962, + "åĬłåħ¥": 101963, + "æİ¢ç´¢": 101964, + "æ¢ģ": 101965, + "主åĬ¨": 101966, + "å°±ä¸ļ": 101967, + "女æĢ§": 101968, + "çªģçł´": 101969, + "ä¸įåIJĮçļĦ": 101970, + "è¿IJè¾ĵ": 101971, + "èĩªçͱ": 101972, + "å±ħæ°ij": 101973, + "æŃ¤æ¬¡": 101974, + "çļĦæĹ¶éĹ´": 101975, + "å®¶éķ¿": 101976, + "ä¸Ģ个人": 101977, + "æ£Ģæµĭ": 101978, + "åĨħéĥ¨": 101979, + "广å·ŀ": 101980, + "缴æĴŃ": 101981, + "ä»İèĢĮ": 101982, + "贷款": 101983, + "åı¬å¼Ģ": 101984, + "æĶ¹éĢł": 101985, + "人çĶŁ": 101986, + "å±ķ示": 101987, + "æ¯ıå¹´": 101988, + "女人": 101989, + "çļĦæĸ¹å¼ı": 101990, + "æķĪçİĩ": 101991, + "å±±ä¸ľ": 101992, + "æ¸łéģĵ": 101993, + "ä¼¼ä¹İ": 101994, + "æ¡Īä»¶": 101995, + "åĪ©çĽĬ": 101996, + "çľĭçľĭ": 101997, + "å¿ĥéĩĮ": 101998, + "ç»´æĬ¤": 101999, + "å®Ŀå®Ŀ": 102000, + "ç½ijä¸Ĭ": 102001, + "论åĿĽ": 102002, + "å°±åı¯ä»¥": 102003, + "ä¸įè¶³": 102004, + "æģ¢å¤į": 102005, + "å¸ĥå±Ģ": 102006, + "è´¡çĮ®": 102007, + "ä¸ĭéĻį": 102008, + "æİĮæı¡": 102009, + "çļ®èĤ¤": 102010, + "å·¥åħ·": 102011, + "éĩįåºĨ": 102012, + "åĵģè´¨": 102013, + "æİ¨åĩº": 102014, + "çĶ·äºº": 102015, + "æī¿æĭħ": 102016, + "çªģåĩº": 102017, + "èĢĮè¨Ģ": 102018, + "æ²Ł": 102019, + "åįıè°ĥ": 102020, + "æĺ¯ä»Ģä¹Ī": 102021, + "汤": 102022, + "æĴij": 102023, + "çĭ¬ç«ĭ": 102024, + "çݯèĬĤ": 102025, + "æī©å¤§": 102026, + "æ´ª": 102027, + "æĿ°": 102028, + "çĽIJ": 102029, + "ä»ģ": 102030, + "æ¶īåıĬ": 102031, + "èĢģ人": 102032, + "åį³ä½¿": 102033, + "åįĹ京": 102034, + "éħįåIJĪ": 102035, + "鬼": 102036, + "çĪ¶äº²": 102037, + "ç½Ĺæĸ¯": 102038, + "å°ıåĮº": 102039, + "æķĻæİĪ": 102040, + "åĨ³çŃĸ": 102041, + "é¢Ħ计": 102042, + "æľ¬äºº": 102043, + "伯": 102044, + "竹": 102045, + "åΰåºķ": 102046, + "å¸Ĥæ°ij": 102047, + "åĩºåı£": 102048, + "éĩĩè´Ń": 102049, + "æĢ»ç»ĵ": 102050, + "æŃ¦æ±ī": 102051, + "åĬłå¤§": 102052, + "å¹¿ä¸ľ": 102053, + "æµģç¨ĭ": 102054, + "人åı£": 102055, + "å¦Ĥæŀľä½ł": 102056, + "åĩºåİ»": 102057, + "åĩī": 102058, + "åĨľæ°ij": 102059, + "çݰ象": 102060, + "åĬĽåº¦": 102061, + "ç»ĻäºĪ": 102062, + "åħļå§Ķ": 102063, + "è¯Ńè¨Ģ": 102064, + "线ä¸Ĭ": 102065, + "æĢİæł·": 102066, + "åĦ¿åŃIJ": 102067, + "ç¡®å®ŀ": 102068, + "ä¹ĭå¤ĸ": 102069, + "éĥ½åľ¨": 102070, + "èī¾": 102071, + "çļĦæĥħåĨµ": 102072, + "éĩĮçļĦ": 102073, + "åĽ´ç»ķ": 102074, + "æĽ´å¤ļçļĦ": 102075, + "ä¾Ŀæ³ķ": 102076, + "åħ¬åĽŃ": 102077, + "å®¶éĩĮ": 102078, + "æ¯į亲": 102079, + "ä¸įåĨį": 102080, + "èĭ¹": 102081, + "æ³ķéĻ¢": 102082, + "éŁ©åĽ½": 102083, + "缸å½ĵ": 102084, + "ä¸įçŁ¥": 102085, + "è¯Ħä¼°": 102086, + "ä¸įç͍": 102087, + "顺åĪ©": 102088, + "éĩįè§Ĩ": 102089, + "è´¢åĬ¡": 102090, + "ä»ĸåĢij": 102091, + "åıijè¡Į": 102092, + "ä¸ĵéŨ": 102093, + "åħ·å¤ĩ": 102094, + "å¹¶ä¸įæĺ¯": 102095, + "è¶³çIJĥ": 102096, + "éŀĭ": 102097, + "åıij表": 102098, + "æ°¸è¿ľ": 102099, + "èIJ¥åħ»": 102100, + "éħįå¥Ĺ": 102101, + "æķ´åIJĪ": 102102, + "è´º": 102103, + "åĽŀçŃĶ": 102104, + "æĶ¶çĽĬ": 102105, + "ä¹Łè®¸": 102106, + "è»Ĭ": 102107, + "æİ¥è§¦": 102108, + "æĶ»åĩ»": 102109, + "åĽĽå·Ŀ": 102110, + "æĢ§èĥ½": 102111, + "åĽŀåΰ": 102112, + "èħ°": 102113, + "ä¹Łæ²¡æľī": 102114, + "å¼Ħ": 102115, + "设ç«ĭ": 102116, + "éĺ²æİ§": 102117, + "æĬĢå·§": 102118, + "éĢļ常": 102119, + "è´¢æĶ¿": 102120, + "éĥ¨ç½²": 102121, + "åľºæĻ¯": 102122, + "æ±Łèĭı": 102123, + "表达": 102124, + "åĸ·": 102125, + "女åĦ¿": 102126, + "èζ": 102127, + "給": 102128, + "ä¼ļåijĺ": 102129, + "æĪĸ许": 102130, + "亩": 102131, + "举æĸ¹": 102132, + "天津": 102133, + "è¿ijå¹´": 102134, + "çľĭæĿ¥": 102135, + "æ¯Ķä¾ĭ": 102136, + "岩": 102137, + "éĵľ": 102138, + "çİ»": 102139, + "å®ŀéªĮ": 102140, + "æĢĿç»´": 102141, + "æĭħå¿ĥ": 102142, + "æ²Ī": 102143, + "身边": 102144, + "æ·±åĮĸ": 102145, + "ç²¾åĩĨ": 102146, + "ç§ģæľį": 102147, + "æ¶Īéĺ²": 102148, + "åİ»äºĨ": 102149, + "ç»Ĩèĥŀ": 102150, + "çIJĥéĺŁ": 102151, + "æĺİæĺŁ": 102152, + "é£Łçī©": 102153, + "å¾Īå¿«": 102154, + "è®©ä½ł": 102155, + "ä¿¡ç͍": 102156, + "å͝ä¸Ģ": 102157, + "åħ¶å®ĥ": 102158, + "çŃīæĸ¹éĿ¢": 102159, + "å¾ĭå¸Ī": 102160, + "æŃ»äº¡": 102161, + "æŁ³": 102162, + "ä¸Ģæī¹": 102163, + "ä¸Ĭ涨": 102164, + "æľºåľº": 102165, + "å½¢åĬ¿": 102166, + "æĦ¿æĦı": 102167, + "éĽĨä½ĵ": 102168, + "æĸ°åŀĭ": 102169, + "æįŁå¤±": 102170, + "æĽ¸": 102171, + "ä¸ĭåįĪ": 102172, + "æ¯ı次": 102173, + "æĪIJå°±": 102174, + "åħ¬è·¯": 102175, + "èĻ«": 102176, + "åĴ±": 102177, + "西å®ī": 102178, + "æľĢä½³": 102179, + "ç§ijçłĶ": 102180, + "å¤įæĿĤ": 102181, + "æľºåύ": 102182, + "çαæĥħ": 102183, + "çħ§çīĩ": 102184, + "å¹´é¾Ħ": 102185, + "è³ĩæĸĻ": 102186, + "ç²Ĺ": 102187, + "åĩĨç¡®": 102188, + "åĬłä¸Ĭ": 102189, + "åĩºçīĪ": 102190, + "è°IJ": 102191, + "å®¶å±ħ": 102192, + "èĥĮæĻ¯": 102193, + "ä¸Ģ线": 102194, + "äºĭ项": 102195, + "åĬ¨ä½ľ": 102196, + "祥": 102197, + "æĢ»ä½ĵ": 102198, + "æĪ¿åŃIJ": 102199, + "ä¹Łå°±æĺ¯": 102200, + "大æ¦Ĥ": 102201, + "é«ĺæķĪ": 102202, + "åIJ¹": 102203, + "æİĪæĿĥ": 102204, + "éĻĦè¿ij": 102205, + "æ¡Īä¾ĭ": 102206, + "éĹ¹": 102207, + "çΏçΏ": 102208, + "彩票": 102209, + "æĢĴ": 102210, + "举æĬ¥": 102211, + "æĻ®éģį": 102212, + "çķĻä¸ĭ": 102213, + "è¡£æľį": 102214, + "æĹłè®ºæĺ¯": 102215, + "åħħ满": 102216, + "深度": 102217, + "æ¡ij": 102218, + "æĪªèĩ³": 102219, + "带æĿ¥çļĦ": 102220, + "éϵ": 102221, + "æĦŁæĥħ": 102222, + "èµļ": 102223, + "åĵªäºĽ": 102224, + "æķ´æĶ¹": 102225, + "æĪIJçĨŁ": 102226, + "å¨ľ": 102227, + "é¼»": 102228, + "磼": 102229, + "çĽ¾": 102230, + "好好": 102231, + "ç¬¬åĽĽ": 102232, + "åĨłåĨĽ": 102233, + "è´¢å¯Į": 102234, + "æľĢ好çļĦ": 102235, + "车åŀĭ": 102236, + "éĸĢ": 102237, + "åį³å°Ĩ": 102238, + "åĪĨ为": 102239, + "éĿĴå²Ľ": 102240, + "纷纷": 102241, + "ä»ĬæĹ¥": 102242, + "平衡": 102243, + "å¹³æĸ¹ç±³": 102244, + "éĤ£ç§į": 102245, + "åĩºçĶŁ": 102246, + "éĿĴæĺ¥": 102247, + "人群": 102248, + "人工": 102249, + "ä¹ĭä¸ĭ": 102250, + "æ¹ĸåĮĹ": 102251, + "åľ¨æŃ¤": 102252, + "åįļ士": 102253, + "æĹ¶åĪ»": 102254, + "æ²³åĮĹ": 102255, + "æĶ¾å¼ĥ": 102256, + "éĢļéģĵ": 102257, + "森æŀĹ": 102258, + "çĸĨ": 102259, + "æķ¸": 102260, + "èĬ³": 102261, + "æīĵåĩ»": 102262, + "æĽ¹": 102263, + "åĮĸåѦ": 102264, + "æĥ³è±¡": 102265, + "ä¸ĩ人": 102266, + "è´¢ç»ı": 102267, + "åħĥç´ł": 102268, + "ä¼ļ计": 102269, + "åħ¨ä½ĵ": 102270, + "æĦĽ": 102271, + "é«ĺä¸Ń": 102272, + "æľºéģĩ": 102273, + "å£°éŁ³": 102274, + "æĹħè¡Į": 102275, + "浩": 102276, + "æŁ±": 102277, + "å°ijå¹´": 102278, + "åĽ½å¤ĸ": 102279, + "èijĹåIJį": 102280, + "çĶŁåŃĺ": 102281, + "å§ľ": 102282, + "带é¢Ĩ": 102283, + "é¢ľèī²": 102284, + "ä¸Ĭä¸ĭ": 102285, + "产ä¸ļéĵ¾": 102286, + "æĽ´å¥½çļĦ": 102287, + "å²Ń": 102288, + "ä¼ĺæĥł": 102289, + "便æĺ¯": 102290, + "åħ§å®¹": 102291, + "ä¸Ģåıª": 102292, + "çIJ´": 102293, + "梦æĥ³": 102294, + "ç§Łèµģ": 102295, + "å¼ĢåIJ¯": 102296, + "è´Ńçī©": 102297, + "åĮħåIJ«": 102298, + "åĪ©çİĩ": 102299, + "èµ·äºĨ": 102300, + "æľīåĬĽ": 102301, + "éĤ£éĩĮ": 102302, + "审æī¹": 102303, + "对æīĭ": 102304, + "çݰéĩij": 102305, + "天çĦ¶": 102306, + "çĽĴ": 102307, + "çν": 102308, + "å¿ħçĦ¶": 102309, + "åĮĸå·¥": 102310, + "ä¸ĵåĪ©": 102311, + "åķ¡": 102312, + "å¼Ģå¿ĥ": 102313, + "人ä½ĵ": 102314, + "éģĵ士": 102315, + "æĢģ度": 102316, + "空è°ĥ": 102317, + "æĭĽåķĨ": 102318, + "å§»": 102319, + "第äºĶ": 102320, + "æ£Ĵ": 102321, + "ä¸Ģç³»åĪĹ": 102322, + "å᱿ľº": 102323, + "转åıĺ": 102324, + "åľºæīĢ": 102325, + "鸣": 102326, + "æĪ¿éĹ´": 102327, + "é̼": 102328, + "è¯ķçĤ¹": 102329, + "对å¤ĸ": 102330, + "åĩºåı°": 102331, + "åľ¨è¿Ļ": 102332, + "åİĤå®¶": 102333, + "巨大": 102334, + "ç®Ģä»ĭ": 102335, + "çľĭäºĨ": 102336, + "åħļ建": 102337, + "æĮĩæĮ¥": 102338, + "çŁ³æ²¹": 102339, + "ä¸įåı¯èĥ½": 102340, + "èݲ": 102341, + "ä¸į太": 102342, + "åĪĽæĦı": 102343, + "第ä¸Ģ个": 102344, + "è´µå·ŀ": 102345, + "è¿ĩäºĨ": 102346, + "æľ¬æĿ¥": 102347, + "éģĵå¾·": 102348, + "çŃĶæ¡Ī": 102349, + "é϶": 102350, + "ä¸Ģè·¯": 102351, + "èĤĸ": 102352, + "æ¸ħæ´ģ": 102353, + "æľīæľº": 102354, + "åIJįåįķ": 102355, + "æĿ±": 102356, + "åij¼åIJ¸": 102357, + "ä¸Ī": 102358, + "ç¦ı建": 102359, + "è¯ķéªĮ": 102360, + "å¼ķåıij": 102361, + "ä¹Łæ²¡": 102362, + "ä¸įä½ı": 102363, + "çĨŁæĤī": 102364, + "èIJ¬": 102365, + "ä¸įèī¯": 102366, + "çłĸ": 102367, + "èĩ´åĬĽ": 102368, + "çŃ¾è®¢": 102369, + "åIJĬ": 102370, + "侯": 102371, + "çĺ¦": 102372, + "å§ijå¨ĺ": 102373, + "æĸ¤": 102374, + "妻åŃIJ": 102375, + "æĺ¥èĬĤ": 102376, + "çά": 102377, + "æĽĿ": 102378, + "çĥŃæĥħ": 102379, + "éķ¿æ²Ļ": 102380, + "èIJ¥éĢł": 102381, + "éħ·": 102382, + "éĵĿ": 102383, + "åŁºæľ¬ä¸Ĭ": 102384, + "åij¨åĽ´": 102385, + "ä»Ģ麼": 102386, + "认åı¯": 102387, + "åĪĨåŃIJ": 102388, + "ä¸Ģæĸ¹éĿ¢": 102389, + "è½´": 102390, + "å¼·": 102391, + "马ä¸Ĭ": 102392, + "éĽ¾": 102393, + "èĩ£": 102394, + "å°¿": 102395, + "çĶŁæĦı": 102396, + "å®īå¾½": 102397, + "ç¥ŀç»ı": 102398, + "åĩºå¸Ń": 102399, + "èį¯åĵģ": 102400, + "çIJĨçͱ": 102401, + "åįıåIJĮ": 102402, + "æµģåĬ¨": 102403, + "åıijåĬ¨": 102404, + "åĿļå®ļ": 102405, + "表æĺİ": 102406, + "åIJİéĿ¢": 102407, + "ä¹īåĬ¡": 102408, + "å¦ĸ": 102409, + "æľīåı¯èĥ½": 102410, + "年轻人": 102411, + "大éĻĨ": 102412, + "å²³": 102413, + "ä¸įèµ·": 102414, + "çŀ¬éĹ´": 102415, + "ä¸įå¾Ĺä¸į": 102416, + "çŃ¾çº¦": 102417, + "åIJĪæł¼": 102418, + "åħļæĶ¯éĥ¨": 102419, + "æµİåįĹ": 102420, + "便åĪ©": 102421, + "éļıæĹ¶": 102422, + "å¥ī": 102423, + "称为": 102424, + "产æĿĥ": 102425, + "åIJķ": 102426, + "çĽĨ": 102427, + "课åłĤ": 102428, + "ç·ļ": 102429, + "æ£ī": 102430, + "线ä¸ĭ": 102431, + "èĩªè¡Į": 102432, + "举æİª": 102433, + "åݦéŨ": 102434, + "èĩªä¿¡": 102435, + "å½±è§Ĩ": 102436, + "ä»Ķ": 102437, + "çĶŁæ´»ä¸Ń": 102438, + "æĿĥçĽĬ": 102439, + "çϽèī²": 102440, + "å°±ä¸į": 102441, + "è¿Ľå±ķ": 102442, + "æ¯ıæĹ¥": 102443, + "ä¾Ľç»Ļ": 102444, + "æĿĥåĪ©": 102445, + "æĹłæķ°": 102446, + "çIJĨè´¢": 102447, + "ä¾ĿæĹ§": 102448, + "ä¸ĬåįĪ": 102449, + "è¯ĨåĪ«": 102450, + "çĽĪåĪ©": 102451, + "çłĤ": 102452, + "许åı¯": 102453, + "åIJĮäºĭ": 102454, + "åĺĽ": 102455, + "éģ¸": 102456, + "çĿĢåĬĽ": 102457, + "éŨåı£": 102458, + "ä¸įå¤ļ": 102459, + "åħ¶æ¬¡": 102460, + "碧": 102461, + "çī©çIJĨ": 102462, + "åĨħå¿ĥ": 102463, + "çϾå§ĵ": 102464, + "æĢ»ç»Ł": 102465, + "å¹²åĩĢ": 102466, + "积累": 102467, + "åıįé¦Ī": 102468, + "æłijç«ĭ": 102469, + "社交": 102470, + "ç§©": 102471, + "åįģä¸Ģ": 102472, + "éĤĵ": 102473, + "驱åĬ¨": 102474, + "å±ķè§Ī": 102475, + "èĪĴéĢĤ": 102476, + "åŁºåĽł": 102477, + "å·®å¼Ĥ": 102478, + "转让": 102479, + "å°ıå§IJ": 102480, + "æł·åŃIJ": 102481, + "ç¿Ķ": 102482, + "é«ĺåħ´": 102483, + "å½±åĵįåĬĽ": 102484, + "æīĭç»Ń": 102485, + "缸åIJĮ": 102486, + "缸åºĶ": 102487, + "æĻĴ": 102488, + "è§Ģ": 102489, + "å¸Ĥå§Ķ": 102490, + "èĬ¯": 102491, + "å±ķçݰ": 102492, + "åľ°çIJĥ": 102493, + "éĤª": 102494, + "ä¸Ģå®ļçļĦ": 102495, + "åħģ许": 102496, + "ä¿¡ä»»": 102497, + "æīij": 102498, + "éĻ¢æł¡": 102499, + "ç®Ģç§°": 102500, + "åģļæ³ķ": 102501, + "ä¹ĭè·¯": 102502, + "æĹĹä¸ĭ": 102503, + "èħĶ": 102504, + "æ¶Ī失": 102505, + "ä¸ĸçķĮä¸Ĭ": 102506, + "åŁİ乡": 102507, + "èĪŀåı°": 102508, + "å¾Ī大çļĦ": 102509, + "绣çѹ": 102510, + "åħ¬å¹³": 102511, + "èĤ¾": 102512, + "çļĦ好": 102513, + "æ±ģ": 102514, + "çľ¼åīį": 102515, + "éĽ£": 102516, + "å¹½": 102517, + "åħ±äº§": 102518, + "主åĬŀ": 102519, + "å¤Ħç½ļ": 102520, + "åºĻ": 102521, + "éģĵçIJĨ": 102522, + "å¼µ": 102523, + "æİ¥çĿĢ": 102524, + "çĮİ": 102525, + "çģĮ": 102526, + "çͱæŃ¤": 102527, + "人åĬĽ": 102528, + "æµģè¡Į": 102529, + "ä¾ł": 102530, + "åı¯ä»¥è¯´": 102531, + "èĴĭ": 102532, + "å½¢æĢģ": 102533, + "æĹ¥åŃIJ": 102534, + "æ¼Ĩ": 102535, + "çķĻåѦ": 102536, + "缸éĹľ": 102537, + "æľĢå¤ļ": 102538, + "åĩŃåĢŁ": 102539, + "åħ¬äº¤": 102540, + "æĮĸæİĺ": 102541, + "æĿĤå¿Ĺ": 102542, + "主人": 102543, + "éļľç¢į": 102544, + "æł¡éķ¿": 102545, + "æĸ¹ä½į": 102546, + "ä¸ĬçıŃ": 102547, + "å¤ļåħĥ": 102548, + "èĥģ": 102549, + "éŃħåĬĽ": 102550, + "èĮĤ": 102551, + "åħħç͵": 102552, + "强大": 102553, + "çĥ¤": 102554, + "å¥ĭæĸĹ": 102555, + "å®ŀç͍": 102556, + "éĺģ": 102557, + "ç»ĻäºĨ": 102558, + "æľ¬ç§ij": 102559, + "æłĭ": 102560, + "æĭ¨": 102561, + "æķĻç»ĥ": 102562, + "éĥ½çŁ¥éģĵ": 102563, + "æ¯ķä¸ļçĶŁ": 102564, + "ç¢Ĺ": 102565, + "åŀĤ": 102566, + "讼": 102567, + "å®ģæ³¢": 102568, + "åѦèĢħ": 102569, + "谢谢": 102570, + "åŁİéķĩ": 102571, + "æĢİä¹ĪåĬŀ": 102572, + "éģĶ": 102573, + "æĪIJ交": 102574, + "æ½ľåĬĽ": 102575, + "åį§": 102576, + "æĸ°å¼Ģ": 102577, + "éħįå¤ĩ": 102578, + "主åĬĽ": 102579, + "åij³éģĵ": 102580, + "çĥĤ": 102581, + "é£ŀè¡Į": 102582, + "å«ģ": 102583, + "大大": 102584, + "ç»Ļ大家": 102585, + "å¤ĸéĿ¢": 102586, + "éĨī": 102587, + "åıijè¨Ģ": 102588, + "æĹ©é¤IJ": 102589, + "åIJĦèĩª": 102590, + "å®Ļ": 102591, + "èį£èªī": 102592, + "æĬ«éľ²": 102593, + "é¡ŀ": 102594, + "åĨħçļĦ": 102595, + "èĤª": 102596, + "è¾IJ": 102597, + "æ³µ": 102598, + "æĬĽ": 102599, + "æĺŁæľŁ": 102600, + "ä¸Ģ带": 102601, + "çĶŁç´ł": 102602, + "ç»ıéĶĢ": 102603, + "åĩ¶": 102604, + "åľ°ä¸Ĭ": 102605, + "åij½è¿IJ": 102606, + "åĵ²": 102607, + "ä¸Ĭåİ»": 102608, + "æĸĩçī©": 102609, + "è¯ij": 102610, + "æĮ¯åħ´": 102611, + "éķ¿æĹ¶éĹ´": 102612, + "ç¥Ń": 102613, + "åIJĪèĤ¥": 102614, + "è¿Ŀè§Ħ": 102615, + "èģª": 102616, + "ä½İäºİ": 102617, + "éĢĤå½ĵ": 102618, + "æľīåºı": 102619, + "æľ¬ç½ij": 102620, + "çķĻè¨Ģ": 102621, + "æĥ³æ³ķ": 102622, + "çŃ¾ç½²": 102623, + "å§ļ": 102624, + "æĢ§æł¼": 102625, + "èĴĻåı¤": 102626, + "æŁı": 102627, + "åŀ«": 102628, + "åѦåİĨ": 102629, + "ä»ħä»ħ": 102630, + "讲è¯Ŀ": 102631, + "éĶIJ": 102632, + "æĢĸ": 102633, + "åīª": 102634, + "èĭį": 102635, + "åIJĵ": 102636, + "强çĥĪ": 102637, + "åģ¥åħ¨": 102638, + "çĸ¯": 102639, + "åı¤ä»£": 102640, + "å¥Ī": 102641, + "ä¸įçĦ¶": 102642, + "乡éķĩ": 102643, + "æľĭåıĭ们": 102644, + "åĤħ": 102645, + "èģ½": 102646, + "个æĢ§": 102647, + "æ³ķè§Ħ": 102648, + "å°ıéķĩ": 102649, + "çĶ»éĿ¢": 102650, + "第åħŃ": 102651, + "網路": 102652, + "åīįæĻ¯": 102653, + "åIJ¬è¯´": 102654, + "ä¼łåªĴ": 102655, + "æĿ¡ä¾ĭ": 102656, + "åĪ«çļĦ": 102657, + "ä¸įæĩĤ": 102658, + "顾éĹ®": 102659, + "强度": 102660, + "éĺ¿éĩĮ": 102661, + "èµ°åĬ¿": 102662, + "帽": 102663, + "çļĦç¡®": 102664, + "åĮºåĪ«": 102665, + "éĮ¢": 102666, + "主管": 102667, + "ä¸Ģçľĭ": 102668, + "æĸľ": 102669, + "åŃĺåľ¨çļĦ": 102670, + "仲": 102671, + "åį±å®³": 102672, + "éĵŃ": 102673, + "游æĪıä¸Ń": 102674, + "éħ±": 102675, + "é¾Ļ头": 102676, + "人å¿ĥ": 102677, + "éĢĢä¼ij": 102678, + "æµıè§Ī": 102679, + "åĬ«": 102680, + "éĺ²æ²»": 102681, + "ç®Ń": 102682, + "å±Ī": 102683, + "è¾½å®ģ": 102684, + "壤": 102685, + "è¿İæĿ¥": 102686, + "éŀį": 102687, + "ç͍æĿ¥": 102688, + "å¤§åľ°": 102689, + "ä»°": 102690, + "éĢļ讯": 102691, + "å¼Ģå·¥": 102692, + "裤": 102693, + "å¦ĤåIJĮ": 102694, + "骤": 102695, + "éĺŁåijĺ": 102696, + "轩": 102697, + "ç¾İæľ¯": 102698, + "èĻŁ": 102699, + "åIJĮä¸Ģ": 102700, + "åľĸ": 102701, + "书æ³ķ": 102702, + "æīĵåį°": 102703, + "åIJ«æľī": 102704, + "éĽĨæĪIJ": 102705, + "éĹ·": 102706, + "å¸Ĥåľºä¸Ĭ": 102707, + "æĹģè¾¹": 102708, + "åľ°æĿ¿": 102709, + "产çĶŁçļĦ": 102710, + "粤": 102711, + "éĩįç»Ħ": 102712, + "è¡Ģæ¶²": 102713, + "çŃĭ": 102714, + "åĬŀäºĭ": 102715, + "常è§ģçļĦ": 102716, + "ä¸ĬåįĬå¹´": 102717, + "å±ıå¹ķ": 102718, + "åIJīæŀĹ": 102719, + "å·©": 102720, + "åĸľçα": 102721, + "ç¿ł": 102722, + "ä¸īç§į": 102723, + "æ¡Ĩæŀ¶": 102724, + "举èİŀ": 102725, + "çĶĺèĤĥ": 102726, + "èĬ¬": 102727, + "åĽ¾ä¹¦": 102728, + "åĩ¤åĩ°": 102729, + "æ°ĶåĢĻ": 102730, + "å°´": 102731, + "å°¬": 102732, + "两天": 102733, + "è¾ħ导": 102734, + "åĢŁæ¬¾": 102735, + "æĹ¥èµ·": 102736, + "æ´Ĵ": 102737, + "ä¸Ģ度": 102738, + "è¹Ī": 102739, + "æ½Ń": 102740, + "æīĩ": 102741, + "çĻľ": 102742, + "æĸ°åħ´": 102743, + "åĤ²": 102744, + "诸å¤ļ": 102745, + "è´ª": 102746, + "éĻ·åħ¥": 102747, + "èĪŁ": 102748, + "èĤºçĤİ": 102749, + "ä¸Ģæł·çļĦ": 102750, + "åİĺ": 102751, + "åľ°çIJĨ": 102752, + "æĬķæ³¨": 102753, + "éļĬ": 102754, + "åħīä¼ı": 102755, + "ä¿Ŀåģ¥": 102756, + "åħĶ": 102757, + "åħ¬åĬ¡": 102758, + "æīĵçł´": 102759, + "çĶ·åŃ©": 102760, + "åĬ³åĬ¡": 102761, + "ä½łä¼ļ": 102762, + "çĶ¨åľ°": 102763, + "溢": 102764, + "åıijè¾¾": 102765, + "èĤļ": 102766, + "è¿ĩäºİ": 102767, + "èĩĤ": 102768, + "éĢĻæ¨£": 102769, + "轻轻": 102770, + "ä¸Ńåħ±": 102771, + "åIJĦåĽ½": 102772, + "åĶĩ": 102773, + "å®ŀä¹ł": 102774, + "èϾ": 102775, + "æ§½": 102776, + "ä¸įä¸Ĭ": 102777, + "åħįçĸ«": 102778, + "åįłæį®": 102779, + "å·¥ä¼ļ": 102780, + "åĽĬ": 102781, + "èĪªå¤©": 102782, + "åı¯çα": 102783, + "æĸĹäºī": 102784, + "çĺ¤": 102785, + "å¦Ĥæľī": 102786, + "éĽĸ": 102787, + "对æĪij": 102788, + "åĩºç§Ł": 102789, + "好çľĭ": 102790, + "太大": 102791, + "æ°´åĪ©": 102792, + "åĬ¿åĬĽ": 102793, + "åħ¨æ°ij": 102794, + "ç½¢": 102795, + "èµ¢å¾Ĺ": 102796, + "çĶµä¿¡": 102797, + "车éĹ´": 102798, + "æĻĤåĢĻ": 102799, + "å°ijæķ°": 102800, + "éĵ¸": 102801, + "åħ³èģĶ": 102802, + "ä¸įä»ħä»ħ": 102803, + "为æĤ¨": 102804, + "åĴ¸": 102805, + "æľºåĬ¨": 102806, + "è£Ļ": 102807, + "åĵįåºĶ": 102808, + "éģł": 102809, + "è²·": 102810, + "ç©´": 102811, + "å¢ħ": 102812, + "éĶ¡": 102813, + "çµĦ": 102814, + "çģ«è½¦": 102815, + "è³ĩè¨Ĭ": 102816, + "åĨ³èµĽ": 102817, + "污水": 102818, + "èªŀ": 102819, + "å´Ľ": 102820, + "ç´§å¯Ĩ": 102821, + "缺å°ij": 102822, + "å¤ļ人": 102823, + "æĢ»ä¹¦è®°": 102824, + "éĶĪ": 102825, + "èijĽ": 102826, + "å¿ĺè®°": 102827, + "éĻĮçĶŁ": 102828, + "éķ¿å¤§": 102829, + "åħĪè¿ĽçļĦ": 102830, + "ç¡ħ": 102831, + "åıijæĺİ": 102832, + "å©´åĦ¿": 102833, + "æīİå®ŀ": 102834, + "èĽĭçϽ": 102835, + "ä¸ĢçϾ": 102836, + "缮åħī": 102837, + "æħĮ": 102838, + "åĬłæ²¹": 102839, + "åIJŀ": 102840, + "ä¸Ģ群": 102841, + "ä¸Ńä»ĭ": 102842, + "å¸ĸ": 102843, + "å¿Į": 102844, + "èģĮèĥ½": 102845, + "广æĴŃ": 102846, + "çĽijå¯Ł": 102847, + "ç§ĺå¯Ĩ": 102848, + "çĭ®": 102849, + "è¿ĻæĿ¡": 102850, + "éĢ¢": 102851, + "æĢ¨": 102852, + "åįģåħŃ": 102853, + "試": 102854, + "说åΰ": 102855, + "åĩĿèģļ": 102856, + "æĮĩ示": 102857, + "æ°¢": 102858, + "å¼ĺ": 102859, + "éĺĢ": 102860, + "æĸ©": 102861, + "éłħ": 102862, + "ä¸Ģå¼Ģå§ĭ": 102863, + "æİĴè¡Į": 102864, + "åľ¨æĪij": 102865, + "纪å½ķ": 102866, + "æĬĦ": 102867, + "æłª": 102868, + "说æ³ķ": 102869, + "ä¸Ńèį¯": 102870, + "好å¤ļ": 102871, + "åıªä¸įè¿ĩ": 102872, + "çķĻåľ¨": 102873, + "个å°ıæĹ¶": 102874, + "è®¤çŁ¥": 102875, + "çķ«": 102876, + "è§ģè¿ĩ": 102877, + "å°ıå¾®": 102878, + "ä½Ľå±±": 102879, + "çľ¾": 102880, + "讲述": 102881, + "梳": 102882, + "ç§°åı·": 102883, + "æĹ¥æĻļ": 102884, + "è¢ĸ": 102885, + "åķ¤": 102886, + "æľªç»ı": 102887, + "æľĢæĹ©": 102888, + "æī®æ¼Ķ": 102889, + "è¡Ģ管": 102890, + "纱": 102891, + "æĥħèĬĤ": 102892, + "第ä¸ĥ": 102893, + "æį§": 102894, + "ä»Ĺ": 102895, + "æ¿ĢçĥĪ": 102896, + "æĹłçº¿": 102897, + "ä¸į容æĺĵ": 102898, + "å¼Ģå¹ķ": 102899, + "æĸ°çĶŁ": 102900, + "ä¸ĵ注": 102901, + "èij±": 102902, + "åįĹæµ·": 102903, + "çĩŁ": 102904, + "èµ·ä¾Ĩ": 102905, + "æ´¾åĩº": 102906, + "åĦĴ": 102907, + "侨": 102908, + "è¼ĥ": 102909, + "åįļè§Ī": 102910, + "é̾": 102911, + "åĮĢ": 102912, + "ç»ıæµİåѦ": 102913, + "æ¸Ĺ": 102914, + "ä¿ĿèŃ·": 102915, + "çīº": 102916, + "çī²": 102917, + "çİ«": 102918, + "çij°": 102919, + "æľĢåIJİä¸Ģ": 102920, + "æĶ¿åĬ¡": 102921, + "æ§Ľ": 102922, + "èĻķçIJĨ": 102923, + "éļIJæĤ£": 102924, + "æī¿åĮħ": 102925, + "極": 102926, + "æ¡©": 102927, + "çĽ²": 102928, + "导åIJij": 102929, + "èĩ´å¯Į": 102930, + "ç¼Ĩ": 102931, + "æģĭçα": 102932, + "ä¸įåĬ¨": 102933, + "ç»Ļ人": 102934, + "å·¢": 102935, + "表æĥħ": 102936, + "举åįĹ": 102937, + "åĨħå¤ĸ": 102938, + "è¾ĪåŃIJ": 102939, + "åıī": 102940, + "åįļä¼ļ": 102941, + "åĬŁæķĪ": 102942, + "渴": 102943, + "屬": 102944, + "æİĴéϤ": 102945, + "éĢĽ": 102946, + "ä¸Ģä¼ļ": 102947, + "ä¸įå¼Ģ": 102948, + "å¼Ģå¥ĸ": 102949, + "é»ijé¾Ļ": 102950, + "é»ijé¾Ļæ±Ł": 102951, + "å¿«ä¸ī": 102952, + "度åģĩ": 102953, + "åĿ¤": 102954, + "éĤ®ä»¶": 102955, + "æĩĴ": 102956, + "ä¾Ľç͵": 102957, + "廣": 102958, + "好è¯Ħ": 102959, + "ç§ĺ书éķ¿": 102960, + "æĪĺåľº": 102961, + "好å¥ĩ": 102962, + "ä¾µæĿĥ": 102963, + "æĨ¾": 102964, + "æľĢåĪĿ": 102965, + "æī¹åıij": 102966, + "åİķ": 102967, + "è¼ķ": 102968, + "æŀ¯": 102969, + "ä¸ļåĨħ": 102970, + "è´ŃæĪ¿": 102971, + "ä¸įåľ¨": 102972, + "纪å§Ķ": 102973, + "æīĢéľĢ": 102974, + "å¸Ĥéķ¿": 102975, + "è³½": 102976, + "å¼ķæĵİ": 102977, + "çģµéŃĤ": 102978, + "éĬĢ": 102979, + "滤": 102980, + "çĿIJ": 102981, + "å¤ļ项": 102982, + "åĽŀ头": 102983, + "èīĺ": 102984, + "å¤įå·¥": 102985, + "éĥ¨ä»¶": 102986, + "ç´§ç´§": 102987, + "æŁIJç§į": 102988, + "使åħ¶": 102989, + "æĸ°äºº": 102990, + "æŀļ": 102991, + "æ³ķå®ļ": 102992, + "å·´å·´": 102993, + "æ¶µçĽĸ": 102994, + "稻": 102995, + "æĭ¾": 102996, + "æĻķ": 102997, + "轿": 102998, + "éĢļè¡Į": 102999, + "åĵĢ": 103000, + "æ³Ĭ": 103001, + "温馨": 103002, + "éĽĨèģļ": 103003, + "çĨĻ": 103004, + "åĩij": 103005, + "åįģä¸ĥ": 103006, + "æ°Ķæģ¯": 103007, + "æıIJä¾ĽçļĦ": 103008, + "æ³³": 103009, + "奥è¿IJ": 103010, + "çģ¾å®³": 103011, + "åĩĢåĮĸ": 103012, + "è·¨è¶Ĭ": 103013, + "åĵªæĢķ": 103014, + "éŁ¿": 103015, + "å¢ŀæ·»": 103016, + "çĦĬ": 103017, + "æ®ĭçĸ¾": 103018, + "ç¢Į": 103019, + "æĤĶ": 103020, + "è§ģè¯ģ": 103021, + "è¾ĸåĮº": 103022, + "å¿ĥèĦı": 103023, + "éļ§": 103024, + "åį¸": 103025, + "åı¯èĥ½æĢ§": 103026, + "æľīè¶£": 103027, + "åī¯ä¹¦è®°": 103028, + "åĮĸå¦Ĩ": 103029, + "ä¿Ĥ": 103030, + "æ£ļ": 103031, + "éĨĩ": 103032, + "带头": 103033, + "éłĪ": 103034, + "追究": 103035, + "æijĶ": 103036, + "è¿Ļéĥ¨": 103037, + "ä¸į论": 103038, + "祸": 103039, + "å³»": 103040, + "éģķ": 103041, + "çĶŁèĤ²": 103042, + "å¤ł": 103043, + "å¤ĸ交": 103044, + "è¯Ħ为": 103045, + "ä»İå°ı": 103046, + "å°ıå°ı": 103047, + "饿": 103048, + "æĴ¼": 103049, + "è·¨å¢ĥ": 103050, + "被åijĬ": 103051, + "åįĹå®ģ": 103052, + "身å¿ĥ": 103053, + "åĨįçĶŁ": 103054, + "æīĢ说": 103055, + "æĹ¶éĹ´åĨħ": 103056, + "åĪĹåħ¥": 103057, + "éĿĴæµ·": 103058, + "çα好": 103059, + "çªĦ": 103060, + "èĪĪ": 103061, + "è¿ĩ渡": 103062, + "æ¿Ł": 103063, + "éĽĢ": 103064, + "审议": 103065, + "åĽ½èµĦ": 103066, + "æŃ¥ä¼IJ": 103067, + "轨éģĵ": 103068, + "信念": 103069, + "ä¸īåĪĨ": 103070, + "çĨ¬": 103071, + "åѵåĮĸ": 103072, + "ç¼ł": 103073, + "éĥĬ": 103074, + "èĪĴæľį": 103075, + "纪æ£Ģ": 103076, + "ä¸Ģä¸ĭåŃIJ": 103077, + "éĽ»è©±": 103078, + "è²ł": 103079, + "éĴ¥": 103080, + "åĮĻ": 103081, + "çĹ´": 103082, + "è¶ģ": 103083, + "绣": 103084, + "çε": 103085, + "è½°": 103086, + "éªĦ": 103087, + "姨": 103088, + "æĭĺ": 103089, + "çĮ´": 103090, + "è®¶": 103091, + "è¿Ļ座": 103092, + "çį¨": 103093, + "æ·ĺæ±°": 103094, + "çĹħä¾ĭ": 103095, + "æ²Ļåıij": 103096, + "è§Ĩ为": 103097, + "头æĿ¡": 103098, + "å¿ħè¦ģçļĦ": 103099, + "åı¯è°ĵ": 103100, + "è¯Ŀ说": 103101, + "ç¯Ħ": 103102, + "æĹ©çĤ¹": 103103, + "æŀ¢çº½": 103104, + "羡": 103105, + "çĪ±åĽ½": 103106, + "çªģåıij": 103107, + "éĢĬ": 103108, + "æ½į": 103109, + "èį£èĢĢ": 103110, + "èŁ¹": 103111, + "æ¦Ĥçİĩ": 103112, + "å¾Īä¹ħ": 103113, + "æĥķ": 103114, + "訴": 103115, + "åľĨ满": 103116, + "çļ±": 103117, + "åĪĨæ³Į": 103118, + "åħħè¶³": 103119, + "çľĭæ³ķ": 103120, + "è¾Ł": 103121, + "æĭ¦": 103122, + "æĭ©": 103123, + "对åºĶ": 103124, + "ä¸ºæł¸å¿ĥ": 103125, + "èħĬ": 103126, + "å¤ļä¹Ī": 103127, + "æµij": 103128, + "å®ıè§Ĥ": 103129, + "èĦĸ": 103130, + "åIJĪèµĦ": 103131, + "çĶŁæ¶¯": 103132, + "å®ŀè´¨": 103133, + "ä¼ĺçĤ¹": 103134, + "çĶ¨æ°´": 103135, + "寿åij½": 103136, + "沫": 103137, + "åIJģ": 103138, + "詹": 103139, + "åĽ½éĺ²": 103140, + "å´©": 103141, + "åĿİ": 103142, + "èĨı": 103143, + "ä¸Ģè½®": 103144, + "éģĹ产": 103145, + "æ¹¾åĮº": 103146, + "ç»İ": 103147, + "åįķ纯": 103148, + "æ¾Ħ": 103149, + "åīįåĪĹ": 103150, + "身影": 103151, + "é»ĺé»ĺ": 103152, + "æįī": 103153, + "çĴ°": 103154, + "èıĬ": 103155, + "æĢľ": 103156, + "åħĭæĢĿ": 103157, + "æĢ»å±Ģ": 103158, + "çĩĥæĸĻ": 103159, + "ä¸ļæĢģ": 103160, + "åIJĦæł·": 103161, + "åĴ½": 103162, + "åĩºèī²": 103163, + "åĪĿå¿ĥ": 103164, + "åıĽ": 103165, + "çłĶ讨": 103166, + "è¡«": 103167, + "åİĨç¨ĭ": 103168, + "禽": 103169, + "è¶³å¤ŁçļĦ": 103170, + "èįĨ": 103171, + "çľĭå¾ħ": 103172, + "è´©": 103173, + "åĨ³å¿ĥ": 103174, + "裹": 103175, + "å¸ĪèĮĥ": 103176, + "åŀĦ": 103177, + "æĿł": 103178, + "åĩ¸": 103179, + "çĬ¹è±«": 103180, + "çĥŃè¡Ģ": 103181, + "åIJĪä¼Ļ": 103182, + "éħµ": 103183, + "èIJ½åľ¨": 103184, + "åįłåľ°": 103185, + "衬": 103186, + "èĵī": 103187, + "æĦ¤": 103188, + "æ¸Ĭ": 103189, + "åĪĨæķ°": 103190, + "ç¬ijçĿĢ": 103191, + "太平": 103192, + "çĤ«": 103193, + "æİ¨ä»ĭ": 103194, + "æĸ¯åĿ¦": 103195, + "形容": 103196, + "æĵĬ": 103197, + "æĦŁåħ´è¶£": 103198, + "åĨĽäºº": 103199, + "åĩĮæĻ¨": 103200, + "对çħ§": 103201, + "åıijçĹħ": 103202, + "å·¾": 103203, + "èĪī": 103204, + "檢": 103205, + "ç¬ijäºĨ": 103206, + "ç¡®è¯Ĭ": 103207, + "è´ŁåĢº": 103208, + "壮大": 103209, + "æĪļ": 103210, + "äºĴèģĶ": 103211, + "課": 103212, + "èħ¦": 103213, + "æĹ±": 103214, + "åıĹæ¬¢è¿İ": 103215, + "åįī": 103216, + "éϢ士": 103217, + "æ©¡": 103218, + "ä¸Ģ对": 103219, + "è¾±": 103220, + "æ²Ĥ": 103221, + "åı²ä¸Ĭ": 103222, + "æIJı": 103223, + "å´ĸ": 103224, + "代谢": 103225, + "磷": 103226, + "é¡ĺ": 103227, + "æµĩ": 103228, + "常ç͍": 103229, + "åįij": 103230, + "åĩºåĽ½": 103231, + "è¯ł": 103232, + "稳æŃ¥": 103233, + "ç»ı纪": 103234, + "å¤ļå¤ļ": 103235, + "æīĢå¾Ĺ": 103236, + "为主é¢ĺ": 103237, + "ä¸ĢåĪĨ": 103238, + "æł½": 103239, + "é¡§": 103240, + "纲": 103241, + "åĥħ": 103242, + "å£ĵ": 103243, + "åĦª": 103244, + "ç¿°": 103245, + "æİĢ": 103246, + "人为": 103247, + "媳": 103248, + "æ´½": 103249, + "èĿ¶": 103250, + "å¤įåħ´": 103251, + "ä¼ļå½±åĵį": 103252, + "åIJĦçķĮ": 103253, + "éĤ£ä¸Ģ": 103254, + "颤": 103255, + "çĢı": 103256, + "çĢı覽": 103257, + "å¯ŀ": 103258, + "åı¯æĢķ": 103259, + "åį³æĹ¶": 103260, + "çķ´": 103261, + "ä¸ĭåįĬå¹´": 103262, + "ç¬Ķè®°": 103263, + "éĻĦåĬł": 103264, + "çĥŃæ°´": 103265, + "奸": 103266, + "ç£ħ": 103267, + "æĿī": 103268, + "æ¸ħåįİ": 103269, + "éĸ±": 103270, + "ç°¡": 103271, + "å¤Ħå¤Ħ": 103272, + "åIJĪéĩij": 103273, + "æ²³æµģ": 103274, + "ç´°": 103275, + "è´ŁéĿ¢": 103276, + "çļĦ羣å®ŀ": 103277, + "åĻ¨æ¢°": 103278, + "èĴIJ": 103279, + "西äºļ": 103280, + "å·ħ": 103281, + "ç²¹": 103282, + "åİŁæĸĩ": 103283, + "æŀķ": 103284, + "è¡Ģåİĭ": 103285, + "åļ´": 103286, + "å¸ĺ": 103287, + "åĨĢ": 103288, + "æĮ«": 103289, + "çĶµè·¯": 103290, + "å°ıä¼Ļä¼´": 103291, + "èĿ´": 103292, + "æľĢå¿«": 103293, + "æĭĮ": 103294, + "宪": 103295, + "æĸ·": 103296, + "ç¿ħ": 103297, + "åĴ³": 103298, + "åĹ½": 103299, + "ç¾ŀ": 103300, + "èººåľ¨": 103301, + "èµĽè½¦": 103302, + "æ²IJ": 103303, + "éĻIJ度": 103304, + "为ä¸Ģä½ĵ": 103305, + "èĴľ": 103306, + "幫": 103307, + "æIJħ": 103308, + "åĭĭ": 103309, + "åīĸ": 103310, + "纳ç¨İ": 103311, + "éķ¿æķĪ": 103312, + "ç½ķ": 103313, + "åľ¬": 103314, + "ç©į": 103315, + "éĴ©": 103316, + "ç¹¼": 103317, + "åĽ½åľŁ": 103318, + "è¼ī": 103319, + "ä¸įå¿ĺ": 103320, + "èŃ¦ç¤º": 103321, + "çģ¿": 103322, + "å¿ĥå¾Ĺ": 103323, + "æĦļ": 103324, + "忽çķ¥": 103325, + "åĽŀäºĭ": 103326, + "åįłæľī": 103327, + "æ·Ħ": 103328, + "çī¡": 103329, + "çĽijäºĭ": 103330, + "ç¿¡": 103331, + "éĴĪ对æĢ§": 103332, + "çªĥ": 103333, + "製": 103334, + "èĨĿ": 103335, + "ç³Ł": 103336, + "港澳": 103337, + "太太": 103338, + "澡": 103339, + "ç»ĨåĮĸ": 103340, + "åĶ®åIJİ": 103341, + "å®ŀåľ¨æĺ¯": 103342, + "ç«£": 103343, + "çį²": 103344, + "å̾åIJij": 103345, + "å¼ķç͍": 103346, + "é¹ħ": 103347, + "ç¬ij容": 103348, + "ä¹IJè¶£": 103349, + "æ°ijæĶ¿": 103350, + "éŨæĪ·": 103351, + "å±ģ": 103352, + "迷失": 103353, + "éĶĮ": 103354, + "å°ı康": 103355, + "åĭī": 103356, + "æ³¼": 103357, + "ä¾ĭåŃIJ": 103358, + "ä¸īä½į": 103359, + "å»ł": 103360, + "èĶĵ": 103361, + "广éĺĶ": 103362, + "èĢį": 103363, + "èĢģèĻİ": 103364, + "åĭŁéĽĨ": 103365, + "èĦļæŃ¥": 103366, + "æĭ¯": 103367, + "åŃĹåı·": 103368, + "çĦ°": 103369, + "é¢ł": 103370, + "èļĤ": 103371, + "èļģ": 103372, + "飯": 103373, + "人æĢ§": 103374, + "æĴ°": 103375, + "åİ¢": 103376, + "å±ĢéĻIJ": 103377, + "æľªæĪIJ": 103378, + "åĵªåĦ¿": 103379, + "大åıij": 103380, + "ä¸įå®ļ": 103381, + "å¾ģæ±Ĥ": 103382, + "éĥµ": 103383, + "åĢºæĿĥ": 103384, + "çĪ±ä½ł": 103385, + "èºģ": 103386, + "ä»ħä¾Ľ": 103387, + "è¿ľå¤Ħ": 103388, + "éĨĽ": 103389, + "åĥµ": 103390, + "积æŀģæĢ§": 103391, + "æİ¡": 103392, + "åīįä¸ī": 103393, + "äºİä¸Ģä½ĵ": 103394, + "çŀĦ": 103395, + "çĿģ": 103396, + "沸": 103397, + "åħ±èµ¢": 103398, + "éĢĢå½¹": 103399, + "è´Ŀå°Ķ": 103400, + "æİı": 103401, + "æĪ²": 103402, + "è¡į": 103403, + "éĶĤ": 103404, + "ä¸ĩä½Ļ": 103405, + "ç§ijåĪĽ": 103406, + "æ¼Ķåͱ": 103407, + "欧åħĥ": 103408, + "æ·¡æ·¡": 103409, + "éĿĴå±±": 103410, + "èĹĿ": 103411, + "绽": 103412, + "令çīĮ": 103413, + "éĽĨ群": 103414, + "ä½ľçī©": 103415, + "çĢij": 103416, + "夯": 103417, + "ç½ij游": 103418, + "åħ«å¤§": 103419, + "éªļ": 103420, + "èªĵ": 103421, + "ä¼ļå±ķ": 103422, + "åħļåı²": 103423, + "æ£Ģå¯ŁéĻ¢": 103424, + "åĸĺ": 103425, + "éĺ±": 103426, + "èĢĮåĩº": 103427, + "éĢļ车": 103428, + "éĴĵ": 103429, + "æĥħ人": 103430, + "æ¸Ľ": 103431, + "ä¸Ńç§ĭ": 103432, + "çĪŃ": 103433, + "åıªåī©": 103434, + "æĺĶ": 103435, + "éĩİçĶŁ": 103436, + "ç¡«": 103437, + "èIJĿåįľ": 103438, + "æĬµæĬĹ": 103439, + "çĻ«çĹ«": 103440, + "éĻĢ": 103441, + "èĶļ": 103442, + "å¸ľ": 103443, + "满满": 103444, + "èı±": 103445, + "éļĨéĩį": 103446, + "æĺŁçº§": 103447, + "æ½ĩ": 103448, + "åħ¬åħĥ": 103449, + "è°£": 103450, + "æ¯Ķäºļ": 103451, + "æ¡ĮåŃIJ": 103452, + "èµ£": 103453, + "è²¼": 103454, + "æĦ¿æľĽ": 103455, + "顽": 103456, + "æ´¾éģ£": 103457, + "ç¥Ľ": 103458, + "åªļ": 103459, + "éĺľ": 103460, + "èij«": 103461, + "èĬ¦": 103462, + "æ³»": 103463, + "å¡Į": 103464, + "çĭŃ": 103465, + "å»īæĶ¿": 103466, + "å¥ijæľº": 103467, + "æĹĹèΰ": 103468, + "æĥ«": 103469, + "严åİī": 103470, + "åıĭæĥħ": 103471, + "å¦Ĭ": 103472, + "å¨ł": 103473, + "åĵªå®¶": 103474, + "èĨ¨": 103475, + "è¶Ł": 103476, + "æĮª": 103477, + "èĻIJ": 103478, + "éłģ": 103479, + "çŀ©": 103480, + "éºŁ": 103481, + "稣": 103482, + "èģĶéĢļ": 103483, + "åı®": 103484, + "çİĭèĢħ": 103485, + "ä¸įç¡®å®ļ": 103486, + "çijľ": 103487, + "è°İ": 103488, + "çī¢è®°": 103489, + "碼": 103490, + "æĬ¤èĤ¤": 103491, + "é¡·": 103492, + "çĦķ": 103493, + "åģļ强": 103494, + "éļ±ç§ģ": 103495, + "éļ±ç§ģæ¬Ĭ": 103496, + "åıĹ害": 103497, + "ä¸įçͱ": 103498, + "çĥ¹": 103499, + "饪": 103500, + "驳": 103501, + "ä¼½": 103502, + "ä¸Ŀ绸": 103503, + "è¥Ħ": 103504, + "åįģä½Ļ": 103505, + "éºĹ": 103506, + "æ¬ĬåĪ©": 103507, + "èģŀ": 103508, + "åı¤èĢģ": 103509, + "éģı": 103510, + "åIJĦå¼ı": 103511, + "å°±è¡Į": 103512, + "åħ¥å¢ĥ": 103513, + "çĥģ": 103514, + "èľĺ": 103515, + "èĽĽ": 103516, + "纬": 103517, + "磫": 103518, + "è»Ł": 103519, + "æ´Ĺè¡£": 103520, + "æĦ§": 103521, + "é¢Ħæ¡Ī": 103522, + "éľĨ": 103523, + "æ·±åİļ": 103524, + "éĺ¿æĭī": 103525, + "åĨĻåŃĹ": 103526, + "åį¦": 103527, + "éķĢ": 103528, + "æ¨¡æł·": 103529, + "åĤį": 103530, + "æIJį": 103531, + "èĸ¯": 103532, + "åłħ": 103533, + "åħ¬ç§¯": 103534, + "è¨İ": 103535, + "ä¼łæŁĵ": 103536, + "毯": 103537, + "çIJĨå·¥": 103538, + "åĨ·éĵ¾": 103539, + "ç«ĭæĸ¹": 103540, + "æ¢Ń": 103541, + "åľ£è¯ŀ": 103542, + "综èīº": 103543, + "çİ©ç¬ij": 103544, + "æĥ³ä¸įåΰ": 103545, + "æijĩ头": 103546, + "æ·¹": 103547, + "åģĩæĹ¥": 103548, + "åĢĺ": 103549, + "è̽": 103550, + "èİĵ": 103551, + "åŁ·": 103552, + "èĩªè´¸": 103553, + "åįĬ天": 103554, + "æªĶ": 103555, + "æ¾İæ¹ĥ": 103556, + "éķij": 103557, + "丫": 103558, + "éĩĮç¨ĭ": 103559, + "å¼ĢèįĴ": 103560, + "èıı": 103561, + "å®Ŀè´µ": 103562, + "èѬ": 103563, + "åķŁ": 103564, + "æŁł": 103565, + "檬": 103566, + "é©Ń": 103567, + "æ±Ľ": 103568, + "çĨĬçĮ«": 103569, + "èķī": 103570, + "éļıä¹ĭ": 103571, + "å±ij": 103572, + "è¾ĥ强": 103573, + "èĥ³": 103574, + "èĨĬ": 103575, + "éĿĻéĿĻ": 103576, + "åĴª": 103577, + "æĭĽåij¼": 103578, + "代è¨Ģ": 103579, + "ä¿¡ç®±": 103580, + "è£ħéħį": 103581, + "æĤį": 103582, + "åįķ车": 103583, + "èIJİ": 103584, + "å¤ļ彩": 103585, + "éϏ": 103586, + "ä»İ严": 103587, + "æ©Ħ": 103588, + "æ¦Ħ": 103589, + "éĢ®": 103590, + "éĩĮæĸ¯": 103591, + "å§¿æĢģ": 103592, + "太æŀģ": 103593, + "éĩĿ": 103594, + "æºī": 103595, + "è¿Ń": 103596, + "秸": 103597, + "ç§Ĩ": 103598, + "å·¥å§Ķ": 103599, + "æ±ķ": 103600, + "èģĨ": 103601, + "佬": 103602, + "ç¼ħ": 103603, + "ç͏": 103604, + "åī¯å±Ģéķ¿": 103605, + "éĹº": 103606, + "誤": 103607, + "è¤IJ": 103608, + "ä¸įéĻIJ": 103609, + "èħķ": 103610, + "åijķ": 103611, + "磶": 103612, + "åĨľå®¶": 103613, + "管å§Ķä¼ļ": 103614, + "饺": 103615, + "èĬľ": 103616, + "æ¾Ī": 103617, + "è©¢": 103618, + "å¨ģå°¼æĸ¯": 103619, + "ä½ķåĨµ": 103620, + "å°ıä¼Ļ": 103621, + "奢ä¾Ī": 103622, + "è¿Ļç¯ĩ": 103623, + "诵": 103624, + "竳ç¨ĭ": 103625, + "ç´Ģ": 103626, + "éIJĺ": 103627, + "éĤ¢": 103628, + "ç³Ļ": 103629, + "ç¼Ģ": 103630, + "ä¹Ĵ": 103631, + "ä¹ĵ": 103632, + "çī¢åĽº": 103633, + "åĿŀ": 103634, + "å¼Ī": 103635, + "ä¾ĭå¤ĸ": 103636, + "廳": 103637, + "è§Ħ竳": 103638, + "èĬĻ": 103639, + "篷": 103640, + "躯": 103641, + "æłĪ": 103642, + "åĿļå®ŀ": 103643, + "åŁºå»º": 103644, + "çĿĢçľ¼": 103645, + "ç·´": 103646, + "èij©": 103647, + "ç¼ļ": 103648, + "æ¦Ĩ": 103649, + "主åĭķ": 103650, + "ç¥Ģ": 103651, + "äºĴéĢļ": 103652, + "尤为": 103653, + "å®Ľ": 103654, + "骼": 103655, + "æ±²": 103656, + "ä¾ĥ": 103657, + "æĤłä¹ħ": 103658, + "æij§": 103659, + "æĭĩ": 103660, + "é«ĵ": 103661, + "éºĴ": 103662, + "éĻĽ": 103663, + "æŀ¸": 103664, + "æĿŀ": 103665, + "è´¬": 103666, + "å°ıé¾Ļ": 103667, + "åĵ®": 103668, + "èĵ¬åĭĥ": 103669, + "åĮĪ": 103670, + "çķľçī§": 103671, + "娩": 103672, + "个å¤ļ": 103673, + "æ²¥": 103674, + "æĺ§": 103675, + "çĦļ": 103676, + "æĬijéĥģ": 103677, + "çĸ¡": 103678, + "èĺij": 103679, + "éģİç¨ĭ": 103680, + "橱": 103681, + "éĿĵ": 103682, + "大çIJĨ": 103683, + "髦": 103684, + "åĪĨ辨": 103685, + "渤": 103686, + "çĸ¤": 103687, + "åĬ¨èĥ½": 103688, + "å¼łå®¶": 103689, + "ä¸ĩåįĥ": 103690, + "滥": 103691, + "饥": 103692, + "åºŁå¼ĥ": 103693, + "帳": 103694, + "æ¼³": 103695, + "è±IJ": 103696, + "ä»ij": 103697, + "å«ī": 103698, + "å¦Ĵ": 103699, + "çŀĴ": 103700, + "è¡ħ": 103701, + "çĭ¸": 103702, + "å¾ģç¨ĭ": 103703, + "éĤ¯": 103704, + "éĥ¸": 103705, + "ç¥Ī": 103706, + "祷": 103707, + "è¶´": 103708, + "ç»ĵæŀĦæĢ§": 103709, + "è§ĨåIJ¬": 103710, + "è¬Ŀ": 103711, + "çĴĢ": 103712, + "çĴ¨": 103713, + "åĩºå¤Ħ": 103714, + "è¯Ģ": 103715, + "å¾ĺ": 103716, + "å¾Ĭ": 103717, + "羨": 103718, + "åĸĩ": 103719, + "åıŃ": 103720, + "åĺ²": 103721, + "çķ¸": 103722, + "å¹²äºĭ": 103723, + "æļ§": 103724, + "æ²Ľ": 103725, + "åĦĦ": 103726, + "å»ĵ": 103727, + "åİ¿éķ¿": 103728, + "èĥļ": 103729, + "çIJ¢": 103730, + "çŃ·": 103731, + "éĩĭ": 103732, + "ä¾®": 103733, + "åIJ©": 103734, + "åĴIJ": 103735, + "åĮ¿": 103736, + "æĬ¬èµ·": 103737, + "æ³£": 103738, + "涤": 103739, + "麽": 103740, + "æĽĻ": 103741, + "åī¯éĻ¢éķ¿": 103742, + "åħļåĴĮ": 103743, + "æķ£åıij": 103744, + "润æ»ij": 103745, + "åĵº": 103746, + "æĥ¬": 103747, + "漫éķ¿": 103748, + "ä¸įæĩĪ": 103749, + "åŁł": 103750, + "åĹĵ": 103751, + "èĢģçĪ·": 103752, + "讽": 103753, + "æĪĺç»ĦåIJĪ": 103754, + "æ£ł": 103755, + "åħ¨åŁŁ": 103756, + "èł¢": 103757, + "诡": 103758, + "åīįçŀ»": 103759, + "æķĽ": 103760, + "ä¸Ģå°ģ": 103761, + "å¹Ĥ": 103762, + "èİĨ": 103763, + "è¯Ŀè¯Ń": 103764, + "ç»ĨåĪĻ": 103765, + "屿": 103766, + "åµĮ": 103767, + "éĢį": 103768, + "åĺ±": 103769, + "渲": 103770, + "çĥ¯": 103771, + "çĿ¹": 103772, + "é¦Ĵ": 103773, + "èħ¥": 103774, + "æĬĹåĩ»": 103775, + "çĿ«": 103776, + "èįĶ": 103777, + "éļİ": 103778, + "æ³īæ°´": 103779, + "è¬Ĥ": 103780, + "çĤ¬": 103781, + "åĩıæİĴ": 103782, + "è¸Ĭ": 103783, + "è·»": 103784, + "æ·Į": 103785, + "éľ¾": 103786, + "å¥ĩ纳": 103787, + "å¯Ŀ": 103788, + "æ¤İ": 103789, + "æŁ¬": 103790, + "æĸ¯åŁº": 103791, + "åħ¬ç«ĭ": 103792, + "è¨ĵ": 103793, + "é£Ļ": 103794, + "é©¿": 103795, + "åĤµ": 103796, + "èĽĻ": 103797, + "ç¯ĩ竳": 103798, + "åĪĨæĶ¯": 103799, + "ä¸Ĭå¹´": 103800, + "çŃĿ": 103801, + "缤": 103802, + "èĢģæĹ§": 103803, + "åϬ": 103804, + "æľ¦": 103805, + "èĥ§": 103806, + "æ¶Īè²»": 103807, + "æĵĶ": 103808, + "榴": 103809, + "æ¿Ĵ": 103810, + "糯": 103811, + "泸": 103812, + "æįĨ": 103813, + "ç»ļ": 103814, + "èµİ": 103815, + "çIJIJ": 103816, + "èµĤ": 103817, + "æħ®": 103818, + "æ²Į": 103819, + "çĦĻ": 103820, + "æĴŃæĬ¥": 103821, + "æ·ĩ": 103822, + "åĪĩåħ¥": 103823, + "çijķ": 103824, + "çĸµ": 103825, + "éģ´": 103826, + "ç¨ļ": 103827, + "ç©©": 103828, + "èŀĥ": 103829, + "æ£ķ": 103830, + "æĨ§": 103831, + "æĨ¬": 103832, + "伺": 103833, + "æ¯Ĺ": 103834, + "æįį": 103835, + "æĬī": 103836, + "ç´Ĭ": 103837, + "å¼Ľ": 103838, + "æĭŃ": 103839, + "æĹıèĩªæ²»": 103840, + "åĿ·": 103841, + "ç«¶": 103842, + "詳": 103843, + "è¿Ħä»Ĭ": 103844, + "è°´": 103845, + "çŀŃè§£": 103846, + "æŁ¿": 103847, + "é¢Ĭ": 103848, + "ç°§": 103849, + "çĥŁèĬ±": 103850, + "ä¾¥": 103851, + "çĿ¦": 103852, + "éħĿ": 103853, + "æ°ĵ": 103854, + "çIJī": 103855, + "å§Ĭ": 103856, + "æ²®": 103857, + "æħ·": 103858, + "èľķ": 103859, + "çijļ": 103860, + "éĩĩçŁ¿": 103861, + "åł°": 103862, + "åºķèķ´": 103863, + "èĨ³": 103864, + "è¾ķ": 103865, + "éŁŃ": 103866, + "åĴĻ": 103867, + "ç²½": 103868, + "åīĶ": 103869, + "沦": 103870, + "èĤ´": 103871, + "éķ¶": 103872, + "æĺ¼": 103873, + "è¾Ĺ": 103874, + "婪": 103875, + "åĮ®": 103876, + "æĸĵ": 103877, + "æ±¶": 103878, + "éĥ´": 103879, + "éł»": 103880, + "çªĴ": 103881, + "袱": 103882, + "åĽ±": 103883, + "èĢĺ": 103884, + "èļĮ": 103885, + "çĭĻ": 103886, + "çĹ¹": 103887, + "ç¥ī": 103888, + "æı®": 103889, + "æ·Ĩ": 103890, + "ç£ĭ": 103891, + "éĺª": 103892, + "æ«": 103893, + "ã¸": 103894, + "϶": 103895, + "ãij": 103896, + "ð£²": 103897, + "ä¢": 103898, + "ãŃ": 103899, + "ð¬¨": 103900, + "ð¬Ģ": 103901, + "ð¬®": 103902, + "ð¬¯": 103903, + "ð¬ľ": 103904, + "ðª¨": 103905, + "ð«Ĺ": 103906, + "ð¬Ĭ": 103907, + "ð¬±": 103908, + "ð¬Ł": 103909, + "äİ": 103910, + "ð¡": 103911, + "äĥ": 103912, + "ãł": 103913, + "ð©": 103914, + "ð©¾": 103915, + "ð¬º": 103916, + "ð¬Ļ": 103917, + "ãĢĶ": 103918, + "ãĢķ": 103919, + "çļĦæĹ¶åĢĻ": 103920, + "æľīéĻIJåħ¬åı¸": 103921, + "ä¹ĭåIJİ": 103922, + "ä¸ļåĬ¡": 103923, + "åķĬ": 103924, + "èϽçĦ¶": 103925, + "æĭ¥æľī": 103926, + "äºĴèģĶç½ij": 103927, + "éĤ£äºĽ": 103928, + "ä½łçļĦ": 103929, + "åĨ³å®ļ": 103930, + "éϤäºĨ": 103931, + "åĽ¢éĺŁ": 103932, + "åı¯æĺ¯": 103933, + "以åIJİ": 103934, + "社åĮº": 103935, + "çļĦéĹ®é¢ĺ": 103936, + "å¹¶ä¸Ķ": 103937, + "æķĻå¸Ī": 103938, + "å°±ä¼ļ": 103939, + "天空éĥ¨èIJ½": 103940, + "æľĢç»Ī": 103941, + "å½ĵçĦ¶": 103942, + "ä¹Łæľī": 103943, + "ç¡®ä¿Ŀ": 103944, + "æĥ³è¦ģ": 103945, + "è´Ńä¹°": 103946, + "人çļĦ": 103947, + "åIJ´": 103948, + "çļĦåıijå±ķ": 103949, + "ä¸įçŁ¥éģĵ": 103950, + "软件": 103951, + "æĪij们çļĦ": 103952, + "çζæ¯į": 103953, + "åīij": 103954, + "èĢĮæĺ¯": 103955, + "å®īæİĴ": 103956, + "åIJİæĿ¥": 103957, + "çļĦåľ°æĸ¹": 103958, + "èµµ": 103959, + "èĢĥè¯ķ": 103960, + "çªģçĦ¶": 103961, + "ä¸Ģå®ļè¦ģ": 103962, + "åĪ¶ä½ľ": 103963, + "è¯Ħä»·": 103964, + "åħįè´¹": 103965, + "è´¹ç͍": 103966, + "绣ä¸Ģ": 103967, + "çĦ¶èĢĮ": 103968, + "è¿Ļ次": 103969, + "éĿĴå¹´": 103970, + "人类": 103971, + "亦": 103972, + "让人": 103973, + "è´Łè´£äºº": 103974, + "éĩĩåıĸ": 103975, + "çļĦäºĭæĥħ": 103976, + "ä¹Łä¼ļ": 103977, + "车è¾Ĩ": 103978, + "æĽ´æĺ¯": 103979, + "强åĮĸ": 103980, + "æĪijåĢij": 103981, + "以åīį": 103982, + "ä¼ĺåĮĸ": 103983, + "å§Ķåijĺä¼ļ": 103984, + "åĽ°éļ¾": 103985, + "年度": 103986, + "ä½įäºİ": 103987, + "æĮĩåĩº": 103988, + "åĨῬ¡": 103989, + "åĬŀçIJĨ": 103990, + "æ¯ı个": 103991, + "对æĸ¹": 103992, + "è¿Ľè¡ĮäºĨ": 103993, + "æľĢé«ĺ": 103994, + "课ç¨ĭ": 103995, + "身ä¸Ĭ": 103996, + "æĽ¾ç»ı": 103997, + "åĮ»çĶŁ": 103998, + "å®īè£ħ": 103999, + "æľ±": 104000, + "è¿IJè¡Į": 104001, + "åıĮæĸ¹": 104002, + "æľĢ大çļĦ": 104003, + "æŀĦ建": 104004, + "è¿ŀç»Ń": 104005, + "çļĦå°ı": 104006, + "她çļĦ": 104007, + "çŃīçŃī": 104008, + "æĶ¹åĸĦ": 104009, + "åIJĦç±»": 104010, + "éģĩåΰ": 104011, + "æľīçĿĢ": 104012, + "人çī©": 104013, + "æĢ»æĺ¯": 104014, + "è¿ħéĢŁ": 104015, + "åζå®ļ": 104016, + "å®ĥ们": 104017, + "å®ĺç½ij": 104018, + "è¿ĺè¦ģ": 104019, + "ç»Īäºİ": 104020, + "æĪ¿åľ°äº§": 104021, + "è¯ģæĺİ": 104022, + "èĤ¡ç¥¨": 104023, + "åºĶå½ĵ": 104024, + "èĭ±åĽ½": 104025, + "è¿IJç͍": 104026, + "æľĢæĸ°": 104027, + "享åıĹ": 104028, + "让æĪij": 104029, + "æĻļä¸Ĭ": 104030, + "å¾ŀ": 104031, + "å°ı说": 104032, + "å°¤åħ¶æĺ¯": 104033, + "è®Ńç»ĥ": 104034, + "åħ¨å¸Ĥ": 104035, + "æĮijæĪĺ": 104036, + "æľīçĤ¹": 104037, + "带çĿĢ": 104038, + "çļĦä¸ľè¥¿": 104039, + "é£İæł¼": 104040, + "é»Ħéĩij": 104041, + "å¼ķ导": 104042, + "æŃ¤å¤ĸ": 104043, + "æľĢè¿ij": 104044, + "追æ±Ĥ": 104045, + "强è°ĥ": 104046, + "ä¹Łåı¯ä»¥": 104047, + "æĦŁåΰ": 104048, + "èĩªæĪij": 104049, + "çī¹åĪ«æĺ¯": 104050, + "æĪIJéĥ½": 104051, + "éĢIJæ¸IJ": 104052, + "å¿«ä¹IJ": 104053, + "ä¹ĭä¸Ń": 104054, + "æĬķèµĦèĢħ": 104055, + "ä»ĸ们çļĦ": 104056, + "æ°ı": 104057, + "å·¥ä½ľäººåijĺ": 104058, + "äºĨä¸Ģ个": 104059, + "åķ¦": 104060, + "ä¸ĢåĢĭ": 104061, + "åŁºå±Ĥ": 104062, + "æ²ŁéĢļ": 104063, + "第ä¸Ģ次": 104064, + "并没æľī": 104065, + "çļĦå·¥ä½ľ": 104066, + "åľ¨è¿ĻéĩĮ": 104067, + "æŀª": 104068, + "æĶ¯æĴij": 104069, + "æĹ¶å°ļ": 104070, + "æĿ¥åΰ": 104071, + "æĶ¶è´Ń": 104072, + "éĿ©åij½": 104073, + "æĺ¯ä¸įæĺ¯": 104074, + "讨论": 104075, + "ä¸ļ绩": 104076, + "å°±èĥ½": 104077, + "ç«ĭåį³": 104078, + "è¡Ĺéģĵ": 104079, + "åľ¨ä¸Ģèµ·": 104080, + "æľĪ份": 104081, + "é«ĺ端": 104082, + "å¾Īéļ¾": 104083, + "ä¿Ħç½Ĺæĸ¯": 104084, + "æīĭ段": 104085, + "åģļåĩº": 104086, + "ä¼Ĺå¤ļ": 104087, + "å®ŀè¡Į": 104088, + "æīĵå¼Ģ": 104089, + "游客": 104090, + "ä¾ĿçĦ¶": 104091, + "å°±åĥı": 104092, + "离å¼Ģ": 104093, + "说éģĵ": 104094, + "æĸ°èĥ½æºIJ": 104095, + "溪": 104096, + "äºķ": 104097, + "令人": 104098, + "ä¸Ģåľº": 104099, + "æĪijæĥ³": 104100, + "两人": 104101, + "èĩ³å°ij": 104102, + "çļĦçĶŁæ´»": 104103, + "æĺ¯ä¸ª": 104104, + "èĭ±è¯Ń": 104105, + "æ²Ĵæľī": 104106, + "æĢĿèĢĥ": 104107, + "éĻIJåζ": 104108, + "åı°æ¹¾": 104109, + "ä¸ĢæĹ¦": 104110, + "çļĦä¸Ģ个": 104111, + "é«ĺ级": 104112, + "åĬŀåħ¬å®¤": 104113, + "å¾·åĽ½": 104114, + "æĪijå°±": 104115, + "å®ļä½į": 104116, + "éĢĤåºĶ": 104117, + "æĮĩæłĩ": 104118, + "åħ¨çľģ": 104119, + "ä¸Ĭè¿°": 104120, + "å®ĥçļĦ": 104121, + "åĽŀå®¶": 104122, + "欧洲": 104123, + "éĵģè·¯": 104124, + "é¼ĵåĬ±": 104125, + "çļĦå½±åĵį": 104126, + "é«ĺæł¡": 104127, + "天ä¸ĭ": 104128, + "é«ĺè´¨éĩı": 104129, + "æĿŃå·ŀ": 104130, + "èµĦ讯": 104131, + "æĶ¾åľ¨": 104132, + "æľīä¸Ģ个": 104133, + "å°±è¦ģ": 104134, + "ä¸ĬéĿ¢": 104135, + "è§£éĩĬ": 104136, + "éĢIJæŃ¥": 104137, + "尽管": 104138, + "æľīä»Ģä¹Ī": 104139, + "çļĦäºĭ": 104140, + "çĻ»è®°": 104141, + "人æ°ijå¸ģ": 104142, + "è§Ĥä¼Ĺ": 104143, + "è§Ĥå¯Ł": 104144, + "ç͵èĦij": 104145, + "çļĦåIJĮæĹ¶": 104146, + "ä½ľä¸ļ": 104147, + "宣å¸ĥ": 104148, + "çļĦä½ľç͍": 104149, + "åĽŀæĿ¥": 104150, + "éļ¾ä»¥": 104151, + "æīĢæľīçļĦ": 104152, + "å°ıåѦ": 104153, + "æıIJåīį": 104154, + "æ¤įçī©": 104155, + "åĩ¯": 104156, + "ä¸ĬäºĨ": 104157, + "å°±åľ¨": 104158, + "åħĪåIJİ": 104159, + "æīĭæľ¯": 104160, + "éĥŃ": 104161, + "éĿ¢åīį": 104162, + "æ¯ķ竣": 104163, + "äºĮæĺ¯": 104164, + "红èī²": 104165, + "éĺ³åħī": 104166, + "èĭ¹æŀľ": 104167, + "å¾Īå¤ļ人": 104168, + "ç»ĻæĪij": 104169, + "åĵ¦": 104170, + "çľ¼çĿĽ": 104171, + "éłŃ": 104172, + "ä¸Ģæĺ¯": 104173, + "åıijå±ķçļĦ": 104174, + "åıįåºĶ": 104175, + "æĪ¿å±ĭ": 104176, + "æľŁå¾ħ": 104177, + "ç§įæ¤į": 104178, + "æĸĩåѦ": 104179, + "åį³åı¯": 104180, + "é¦ĸ次": 104181, + "èĭ±éĽĦ": 104182, + "å¤ļ次": 104183, + "åĮħè£ħ": 104184, + "æ²³åįĹ": 104185, + "ä¹ĭéĹ´çļĦ": 104186, + "ä»įçĦ¶": 104187, + "åIJ¬åΰ": 104188, + "èij£äºĭéķ¿": 104189, + "è§ĦåĪĻ": 104190, + "ä¸Ģ份": 104191, + "大ä¼Ĺ": 104192, + "使å¾Ĺ": 104193, + "è¿Ľåı£": 104194, + "ä¸Ģçīĩ": 104195, + "æĢ§çļĦ": 104196, + "çļĦ大": 104197, + "æĪijæĺ¯": 104198, + "äºĴåĬ¨": 104199, + "æ°£": 104200, + "çļĨ": 104201, + "åħ¬åı¸çļĦ": 104202, + "ä¸Ģè¾¹": 104203, + "åıĬåħ¶": 104204, + "èī¯å¥½çļĦ": 104205, + "æĭĵå±ķ": 104206, + "å½ĵå¹´": 104207, + "å¹¿åľº": 104208, + "åģļäºĨ": 104209, + "åŁºäºİ": 104210, + "æıIJéĨĴ": 104211, + "åħĦå¼Ł": 104212, + "èĢģæĿ¿": 104213, + "è¿ijæĹ¥": 104214, + "çĬ¶åĨµ": 104215, + "注éĩį": 104216, + "åĪļåĪļ": 104217, + "è°ĥçłĶ": 104218, + "å¿ĥä¸Ń": 104219, + "æĬĬæı¡": 104220, + "éļıåIJİ": 104221, + "ä¸įå¤Ł": 104222, + "åĪĽä½ľ": 104223, + "ç«Ļåľ¨": 104224, + "缸äºĴ": 104225, + "çĸ«æĥħéĺ²æİ§": 104226, + "年代": 104227, + "带åĬ¨": 104228, + "伤害": 104229, + "竣çĦ¶": 104230, + "å¼ķè¿Ľ": 104231, + "累计": 104232, + "让æĪij们": 104233, + "åĽŀæĶ¶": 104234, + "æĬ¥åIJį": 104235, + "åĬ©åĬĽ": 104236, + "èģĶ缣": 104237, + "çŃĸçķ¥": 104238, + "åij¨è¾¹": 104239, + "åĭĴ": 104240, + "è¿ĺåľ¨": 104241, + "æµģéĩı": 104242, + "寻æī¾": 104243, + "ç͵åĬĽ": 104244, + "èιèζ": 104245, + "è¿ĺèĥ½": 104246, + "æĭħä»»": 104247, + "çļĦæĥħåĨµä¸ĭ": 104248, + "çļĦåİŁåĽł": 104249, + "缺ä¹ı": 104250, + "çIJĥåijĺ": 104251, + "å²ģçļĦ": 104252, + "çĶ·åŃIJ": 104253, + "å·¥èµĦ": 104254, + "è¿ijå¹´æĿ¥": 104255, + "åijĢ": 104256, + "æıIJä¾ĽäºĨ": 104257, + "她们": 104258, + "å®¶åħ·": 104259, + "çĩķ": 104260, + "è½»æĿ¾": 104261, + "æł¡åĽŃ": 104262, + "èĢĥæł¸": 104263, + "åį±éĻ©": 104264, + "åħļç»Ħç»ĩ": 104265, + "æĢ»ç»ıçIJĨ": 104266, + "çļĦæĸ°": 104267, + "çİ»çĴĥ": 104268, + "è¿Ļä½į": 104269, + "对æŃ¤": 104270, + "家人": 104271, + "çļĦè¦ģæ±Ĥ": 104272, + "温度": 104273, + "æĮĩæķ°": 104274, + "缴åΰ": 104275, + "æŃ¤æĹ¶": 104276, + "æ¹ĸåįĹ": 104277, + "éĥ½è¦ģ": 104278, + "ä½ľåĩº": 104279, + "åIJĦä½į": 104280, + "èĢĥçĶŁ": 104281, + "ä¾Ŀæį®": 104282, + "说è¯Ŀ": 104283, + "æĪijä¹Ł": 104284, + "å·¥åİĤ": 104285, + "åıĺæĪIJ": 104286, + "ä»ĸ人": 104287, + "æĪijè§īå¾Ĺ": 104288, + "åIJĦ级": 104289, + "ä¼łå¥ĩç§ģæľį": 104290, + "ä¸Ĭåįĩ": 104291, + "好åĥı": 104292, + "åĬłéĢŁ": 104293, + "äºĮåįģ": 104294, + "è¢ģ": 104295, + "è£ħ饰": 104296, + "éĥ½èĥ½": 104297, + "ä¸Ģå¼ł": 104298, + "åĬ¨æĢģ": 104299, + "å¹´çļĦ": 104300, + "è¿Ļå°±æĺ¯": 104301, + "ä¹Łè¦ģ": 104302, + "èµĦæł¼": 104303, + "æĪĺäºī": 104304, + "æĦŁè°¢": 104305, + "åŁ¹èĤ²": 104306, + "天æ°Ķ": 104307, + "女士": 104308, + "åı¯èĥ½ä¼ļ": 104309, + "çļĦ产åĵģ": 104310, + "ä¹Łå°±": 104311, + "主è¦ģæĺ¯": 104312, + "åĪºæ¿Ģ": 104313, + "ç»Ļä½ł": 104314, + "大æķ°æį®": 104315, + "åĮ»åѦ": 104316, + "åΤæĸŃ": 104317, + "ä»ĸ说": 104318, + "表æ¼Ķ": 104319, + "äºļæ´²": 104320, + "ä¸ĵé¢ĺ": 104321, + "ç«ŀäºīåĬĽ": 104322, + "éĤ£æł·": 104323, + "å±ķå¼Ģ": 104324, + "å¹³æĹ¶": 104325, + "æİ¥ä¸ĭæĿ¥": 104326, + "æī¿è¯º": 104327, + "æ³ķåĽ½": 104328, + "åħ³å¿ĥ": 104329, + "ä¼ļæľī": 104330, + "éĤĢ请": 104331, + "é¢Ħéĺ²": 104332, + "对æİ¥": 104333, + "好äºĨ": 104334, + "åĴ±ä»¬": 104335, + "çļĦæĦŁè§ī": 104336, + "æĢĿè·¯": 104337, + "éĥ½æ²¡æľī": 104338, + "çļĦæĸ¹æ³ķ": 104339, + "女åŃIJ": 104340, + "åı¸æ³ķ": 104341, + "è¿ĺä¼ļ": 104342, + "è¶ĬæĿ¥è¶Ĭå¤ļ": 104343, + "åĽłçĤº": 104344, + "æµ·åįĹ": 104345, + "人æķ°": 104346, + "å°Ĩä¼ļ": 104347, + "ä¸ļ主": 104348, + "é¤IJ饮": 104349, + "å±ħä½ı": 104350, + "åıijåĩº": 104351, + "è¿ijæľŁ": 104352, + "å¼ķé¢Ĩ": 104353, + "æľºåĻ¨äºº": 104354, + "åĩºæĿ¥çļĦ": 104355, + "çľĭè§ģ": 104356, + "ä¿Ĭ": 104357, + "让ä»ĸ": 104358, + "ä¸įæĥ³": 104359, + "å·¥ä½ľçļĦ": 104360, + "è¡¥åħħ": 104361, + "æµħ": 104362, + "çī¹å¾ģ": 104363, + "ä¸Ĭå¸Ĥåħ¬åı¸": 104364, + "ç¾İé£Ł": 104365, + "广西": 104366, + "æ¯ıä¸Ģ个": 104367, + "èIJ½åľ°": 104368, + "åĵģç§į": 104369, + "åĴĮè°IJ": 104370, + "å½»åºķ": 104371, + "é«ĺèĢĥ": 104372, + "æĺ¨å¤©": 104373, + "åīįå¾Ģ": 104374, + "çĽijæµĭ": 104375, + "çĻ¾åº¦": 104376, + "åľ¨ä¸ŃåĽ½": 104377, + "çļĦéľĢæ±Ĥ": 104378, + "亿ç¾İåħĥ": 104379, + "åŃ¦æľ¯": 104380, + "æĶ¶åΰ": 104381, + "æĿ¿åĿĹ": 104382, + "ä¸Ģ段": 104383, + "æŀĦæĪIJ": 104384, + "ä¼ģä¸ļçļĦ": 104385, + "表éĿ¢": 104386, + "æķ´çIJĨ": 104387, + "ç»ĵå©ļ": 104388, + "人家": 104389, + "åģľæŃ¢": 104390, + "åѦç§ij": 104391, + "æĺ¾å¾Ĺ": 104392, + "ä¼ijæģ¯": 104393, + "é¢ĦæľŁ": 104394, + "æĪĸæĺ¯": 104395, + "çļĦ主è¦ģ": 104396, + "åºĶ对": 104397, + "èµ°äºĨ": 104398, + "ä¸ŃéĹ´": 104399, + "èµ°è¿Ľ": 104400, + "åijĪçݰ": 104401, + "æIJŃéħį": 104402, + "é¹ı": 104403, + "æĺ¯åĽłä¸º": 104404, + "æĥħ绪": 104405, + "å®ļæľŁ": 104406, + "社ä¼ļ主ä¹ī": 104407, + "çŃī级": 104408, + "çŁĽçĽ¾": 104409, + "é£ŀæľº": 104410, + "èĩ³ä»Ĭ": 104411, + "æĶ¶éĽĨ": 104412, + "çļĦæķħäºĭ": 104413, + "åĪĩå®ŀ": 104414, + "å®ŀçݰäºĨ": 104415, + "å½¢æĪIJäºĨ": 104416, + "åįĹæĸ¹": 104417, + "ä¸ŃåѦ": 104418, + "æµ·æ´ĭ": 104419, + "åIJ¦åĪĻ": 104420, + "æĭįæijĦ": 104421, + "大åѦçĶŁ": 104422, + "åĩºçݰäºĨ": 104423, + "æĦıå¤ĸ": 104424, + "ä¹Łèĥ½": 104425, + "çļĦèĥ½åĬĽ": 104426, + "åĿIJåľ¨": 104427, + "åĪĻæĺ¯": 104428, + "èĢĥå¯Ł": 104429, + "å°Ĭéĩį": 104430, + "éĺ²æŃ¢": 104431, + "ç´§å¼ł": 104432, + "读书": 104433, + "åĩºè¡Į": 104434, + "å°±æľī": 104435, + "å±¥è¡Į": 104436, + "çݰ代åĮĸ": 104437, + "åĽ½åĬ¡": 104438, + "åĽ½åĬ¡éĻ¢": 104439, + "ç»´ä¿®": 104440, + "åİŁåĪĽ": 104441, + "æĺ¯æĮĩ": 104442, + "ä¼ijéĹ²": 104443, + "çĤ®": 104444, + "æĸ°æĹ¶ä»£": 104445, + "éĢĻåĢĭ": 104446, + "ä¸įæķ¢": 104447, + "å®Įç¾İ": 104448, + "ç»ĨèĬĤ": 104449, + "éŃı": 104450, + "èͬèıľ": 104451, + "é¢Ĩ导çıŃåŃIJ": 104452, + "è¶ħ级": 104453, + "è¡Įæĥħ": 104454, + "人工æĻºèĥ½": 104455, + "åį°åº¦": 104456, + "åŁºç¡Ģ设æĸ½": 104457, + "åıĪæĺ¯": 104458, + "èį¯çī©": 104459, + "åIJ¸æĶ¶": 104460, + "åį´æĺ¯": 104461, + "éĥİ": 104462, + "å¥ĸåĬ±": 104463, + "çļĦæľĭåıĭ": 104464, + "ä¿ĿçķĻ": 104465, + "è§Ħå¾ĭ": 104466, + "æĸ°çĸĨ": 104467, + "è¿ĺåı¯ä»¥": 104468, + "æİ¥è¿ij": 104469, + "æŃ¤åīį": 104470, + "æī¹åĩĨ": 104471, + "æĢİä¹Īæł·": 104472, + "çļĦä½įç½®": 104473, + "ä¸ĢåĿĹ": 104474, + "æĭĴç»Ŀ": 104475, + "顾客": 104476, + "ä¹Łåľ¨": 104477, + "ä¸ĢçĶŁ": 104478, + "éĥ¨éĺŁ": 104479, + "å¹´åīį": 104480, + "æĸ¹éĿ¢çļĦ": 104481, + "å°Ŀè¯ķ": 104482, + "羣æŃ£çļĦ": 104483, + "ç¦ģæŃ¢": 104484, + "è¿ĺ没æľī": 104485, + "æ°ijçĶŁ": 104486, + "èµ°åIJij": 104487, + "èĦ¸ä¸Ĭ": 104488, + "å½ĵ天": 104489, + "éĽĨåĽ¢åħ¬åı¸": 104490, + "çļĦä¸Ģç§į": 104491, + "西æĸ¹": 104492, + "åĽŀåºĶ": 104493, + "ä¸Ģ声": 104494, + "常常": 104495, + "æıIJåΰ": 104496, + "èħ¾è®¯": 104497, + "æľįè£ħ": 104498, + "为ä½ķ": 104499, + "äºijåįĹ": 104500, + "å°±ç®Ĺ": 104501, + "ä¼łæī¿": 104502, + "åıįèĢĮ": 104503, + "ä¸ĩåIJ¨": 104504, + "财产": 104505, + "å¦Ĥä¸ĭ": 104506, + "æĹ¥åīį": 104507, + "åİŁæľ¬": 104508, + "æľĢéĩįè¦ģçļĦ": 104509, + "认è¯ģ": 104510, + "ä¸Ģéģĵ": 104511, + "ä¿¡æģ¯åĮĸ": 104512, + "å¾ĹåΰäºĨ": 104513, + "é̲è¡Į": 104514, + "æĪijè¦ģ": 104515, + "éĢļä¿¡": 104516, + "室åĨħ": 104517, + "èµļéĴ±": 104518, + "æĶ¶èĹı": 104519, + "è§£åĨ³æĸ¹æ¡Ī": 104520, + "æĪ¿äº§": 104521, + "çĭ¼": 104522, + "æ´»åĬĽ": 104523, + "ç»ıæµİåıijå±ķ": 104524, + "çŃīå¾ħ": 104525, + "ä¹Łå¾Ī": 104526, + "åĿij": 104527, + "å¾Ī好çļĦ": 104528, + "éļ¾åº¦": 104529, + "ä¸įå¦Ĥ": 104530, + "人æ°ijæĶ¿åºľ": 104531, + "åĩºåıij": 104532, + "åīįæľŁ": 104533, + "æ¼Ķåijĺ": 104534, + "女çĶŁ": 104535, + "èģļçĦ¦": 104536, + "审计": 104537, + "é¢Ħæµĭ": 104538, + "ä¾Ŀæīĺ": 104539, + "äºĶå¹´": 104540, + "补贴": 104541, + "æ¸ħæĻ°": 104542, + "éªĤ": 104543, + "çľĭèµ·æĿ¥": 104544, + "çļĦåŃ©åŃIJ": 104545, + "é¢ijéģĵ": 104546, + "ä½ıå®ħ": 104547, + "éĿ¢åIJij": 104548, + "æľĢä½İ": 104549, + "æĹ¢çĦ¶": 104550, + "ä¸Ģå¥Ĺ": 104551, + "æķ°åѦ": 104552, + "群ä½ĵ": 104553, + "åĮĹ京å¸Ĥ": 104554, + "å±ħçĦ¶": 104555, + "æ°ĽåĽ´": 104556, + "éĢĶå¾Ħ": 104557, + "çļĦåŁºç¡Ģä¸Ĭ": 104558, + "èģĮè´£": 104559, + "åı¯èĥ½æĺ¯": 104560, + "åĨĽäºĭ": 104561, + "æĪIJæķĪ": 104562, + "åŃ©åŃIJ们": 104563, + "计ç®Ĺæľº": 104564, + "赤": 104565, + "产ä¸ļåıijå±ķ": 104566, + "巨大çļĦ": 104567, + "工人": 104568, + "çĶŁéķ¿": 104569, + "éĥ½åı¯ä»¥": 104570, + "çļĦæľºä¼ļ": 104571, + "èµĦè´¨": 104572, + "çĹĽèĭ¦": 104573, + "ç²īä¸Ŀ": 104574, + "å¢ĵ": 104575, + "å¹³å®ī": 104576, + "管éģĵ": 104577, + "è·ŁçĿĢ": 104578, + "é¥®é£Ł": 104579, + "åķĨå®¶": 104580, + "å¤ļå®¶": 104581, + "åı¸æľº": 104582, + "åºĶ该æĺ¯": 104583, + "éĢıéľ²": 104584, + "认å®ļ": 104585, + "è¡Įä¸ļçļĦ": 104586, + "çļĦä¼ģä¸ļ": 104587, + "æ¯ıä¸Ģ": 104588, + "èĮĥåĽ´åĨħ": 104589, + "è¾ĥ大": 104590, + "è´¤": 104591, + "å¤§èµĽ": 104592, + "å¤ļäºĨ": 104593, + "鸿": 104594, + "临åºĬ": 104595, + "åľ¨è¿Ļ个": 104596, + "çļĦåĨħ容": 104597, + "éĶĢéĩı": 104598, + "å¾Īå°ij": 104599, + "åŃŁ": 104600, + "ç»´æĮģ": 104601, + "åĴĸåķ¡": 104602, + "æľ¬åľ°": 104603, + "èī²å½©": 104604, + "å¹¶éĿŀ": 104605, + "èĢĮå·²": 104606, + "温æļĸ": 104607, + "èIJ§": 104608, + "æĬĵä½ı": 104609, + "èĢĮä¸įæĺ¯": 104610, + "åĸĬ": 104611, + "çļĦåħ³ç³»": 104612, + "çī©åĵģ": 104613, + "éĤ£æĺ¯": 104614, + "åĨľäº§åĵģ": 104615, + "è¿ĻæĹ¶": 104616, + "å©ļå§»": 104617, + "æ°´æŀľ": 104618, + "æĶ¶èİ·": 104619, + "ä»ĺåĩº": 104620, + "客æĪ·ç«¯": 104621, + "æ¼Ķåĩº": 104622, + "åħ¨æĸ°": 104623, + "è¿Ļä¹Łæĺ¯": 104624, + "æĺ¯çͱ": 104625, + "è§Ĥ念": 104626, + "æľī个": 104627, + "éĢłåŀĭ": 104628, + "èĥľåĪ©": 104629, + "ä¸īæĺ¯": 104630, + "è¶ħå¸Ĥ": 104631, + "åħļå»ºå·¥ä½ľ": 104632, + "æĶ¾å¿ĥ": 104633, + "线路": 104634, + "æĭĽçĶŁ": 104635, + "åIJĥé¥Ń": 104636, + "è½ī": 104637, + "å°½éĩı": 104638, + "è§ģåΰ": 104639, + "åIJĮæ¯Ķå¢ŀéķ¿": 104640, + "åįİ为": 104641, + "æĪijå¸Ĥ": 104642, + "æıIJåĩºäºĨ": 104643, + "æ°ijèѦ": 104644, + "åįļçī©": 104645, + "åįļçī©é¦Ĩ": 104646, + "è¯ļä¿¡": 104647, + "åīįéĿ¢": 104648, + "山西": 104649, + "è¾ħåĬ©": 104650, + "转移": 104651, + "æĽ´ä¸º": 104652, + "丰å¯ĮçļĦ": 104653, + "åį¢": 104654, + "å¿«éĢĴ": 104655, + "æĺ¾èijĹ": 104656, + "çī©èµĦ": 104657, + "åĪ°è¾¾": 104658, + "æľīåĪ©äºİ": 104659, + "åijĨ": 104660, + "åŃ©åŃIJçļĦ": 104661, + "ä¸įä½Ĩ": 104662, + "çłĶç©¶éĻ¢": 104663, + "çͳæĬ¥": 104664, + "æļ¨": 104665, + "æ°ijéĹ´": 104666, + "åį»": 104667, + "çļĦå£°éŁ³": 104668, + "å¸ĤåľºçļĦ": 104669, + "ä¸Ģåı¥": 104670, + "çľģ级": 104671, + "æĿ¥çļĦ": 104672, + "åĵªä¸ª": 104673, + "æīįä¼ļ": 104674, + "åĪĨéħį": 104675, + "èĶ¡": 104676, + "ä»ĸåľ¨": 104677, + "åħ±æľī": 104678, + "å¡ĺ": 104679, + "èĴĤ": 104680, + "éľį": 104681, + "åıĤè§Ĥ": 104682, + "ä¸Ī夫": 104683, + "ä¾ĿéĿł": 104684, + "æľīæĹ¶": 104685, + "äºĨå¾Īå¤ļ": 104686, + "ä¸ĸçķĮæĿ¯": 104687, + "å®¶æĹı": 104688, + "ä¸įéľĢè¦ģ": 104689, + "大å¸Ī": 104690, + "èŀįåħ¥": 104691, + "éĿŀæ³ķ": 104692, + "çĹħ人": 104693, + "åIJİæľŁ": 104694, + "大家éĥ½": 104695, + "ç½ijåĿĢ": 104696, + "åİŁæĸĻ": 104697, + "ä¾¿å®ľ": 104698, + "æ¶Ľ": 104699, + "ä»¿ä½Ľ": 104700, + "å·®è·Ŀ": 104701, + "åı¦ä¸Ģæĸ¹éĿ¢": 104702, + "产åĵģçļĦ": 104703, + "赫": 104704, + "æĥħåĨµä¸ĭ": 104705, + "éĴ¢éĵģ": 104706, + "æľ¬ç«Ļ": 104707, + "纳åħ¥": 104708, + "å·²æľī": 104709, + "æľī没æľī": 104710, + "估计": 104711, + "é£ĺ": 104712, + "æľŁè´§": 104713, + "åĢĭ人è³ĩæĸĻ": 104714, + "ä¸ĵä¸ļçļĦ": 104715, + "çĪĨåıij": 104716, + "èĩ´åĬĽäºİ": 104717, + "çİ°åľ¨çļĦ": 104718, + "æľīåĵªäºĽ": 104719, + "çł´åĿı": 104720, + "æķ°åŃĹåĮĸ": 104721, + "åľ°éĿ¢": 104722, + "é»ijèī²": 104723, + "å¹¼åĦ¿åĽŃ": 104724, + "çļĦç²¾ç¥ŀ": 104725, + "äºŃ": 104726, + "导æ¼Ķ": 104727, + "çݰæľī": 104728, + "æŃ¦åύ": 104729, + "èĭıå·ŀ": 104730, + "çİĦ": 104731, + "æ±Łè¥¿": 104732, + "延伸": 104733, + "论æĸĩ": 104734, + "è¾ĥ为": 104735, + "çİ©æ³ķ": 104736, + "é¼İ": 104737, + "åIJĮæŃ¥": 104738, + "éĩĬæĶ¾": 104739, + "æĽĿåħī": 104740, + "åĿļåĨ³": 104741, + "å§Ķæīĺ": 104742, + "å°Ĩåľ¨": 104743, + "äºĪ以": 104744, + "ä½ľæĸĩ": 104745, + "èĢĮåľ¨": 104746, + "ä¼ĺåħĪ": 104747, + "åĽŀåİ»": 104748, + "ä¿®å¤į": 104749, + "åĽ½åĨħå¤ĸ": 104750, + "çŃĸåĪĴ": 104751, + "åıijæĶ¾": 104752, + "å¿ĥæĥħ": 104753, + "çļĦåİĨåı²": 104754, + "éĿ¢è¯ķ": 104755, + "举åĮĹ": 104756, + "ä¿¡åı·": 104757, + "ç²®é£Ł": 104758, + "è¯ģ书": 104759, + "æŁIJäºĽ": 104760, + "è¿IJä½ľ": 104761, + "åĨ²åĩ»": 104762, + "çĥŃçĤ¹": 104763, + "æĹ¶æĹ¶": 104764, + "æĹ¶æĹ¶å½©": 104765, + "åľ°çĤ¹": 104766, + "ä¸Ģä½ĵåĮĸ": 104767, + "éļ¾é¢ĺ": 104768, + "æĽ°": 104769, + "ç«ĭåĪ»": 104770, + "æĺ¯éĿŀ常": 104771, + "åħ±åĴĮ": 104772, + "åħ±åĴĮåĽ½": 104773, + "æ¿ĢåĬ±": 104774, + "æľīæķĪçļĦ": 104775, + "å¤Ħç½®": 104776, + "该åħ¬åı¸": 104777, + "æ£ĢéªĮ": 104778, + "èѦæĸ¹": 104779, + "è´¾": 104780, + "äºĨä¸Ģä¸ĭ": 104781, + "ä»ĬåIJİ": 104782, + "çħ®": 104783, + "ç͍åĵģ": 104784, + "读èĢħ": 104785, + "æĪijåľ¨": 104786, + "åĽŀå¤į": 104787, + "ä¸Ģ座": 104788, + "è¿ĺ没": 104789, + "å®ļåζ": 104790, + "没æĥ³åΰ": 104791, + "夹": 104792, + "ä¼łéĢĴ": 104793, + "ä¸Ģ款": 104794, + "强大çļĦ": 104795, + "çļĦè¡Į为": 104796, + "å¤ı天": 104797, + "åıijåĬ¨æľº": 104798, + "é¢ĨåŁŁçļĦ": 104799, + "å®ŀéªĮ室": 104800, + "ä¸ĢæĬĬ": 104801, + "æĺ¯ä¸ºäºĨ": 104802, + "éĻķ西": 104803, + "æĭħä¿Ŀ": 104804, + "è¾¾æĪIJ": 104805, + "è¦ģæĺ¯": 104806, + "æĺİ天": 104807, + "ç»Ļä»ĸ": 104808, + "建ç«ĭäºĨ": 104809, + "ä¸įè¡Į": 104810, + "ä¸Ńæĸĩ": 104811, + "åľ°è¯´": 104812, + "åIJİçļĦ": 104813, + "çĽijæİ§": 104814, + "é̏": 104815, + "æĢ»éĥ¨": 104816, + "æľ¬æĸĩ": 104817, + "鹿": 104818, + "æĻ¯è§Ĥ": 104819, + "çļĦ缮æłĩ": 104820, + "èĽĩ": 104821, + "åĨ¯": 104822, + "ä¸ŃåĮ»": 104823, + "æķĪåºĶ": 104824, + "产éĩı": 104825, + "åŃĿ": 104826, + "è´¦æĪ·": 104827, + "è¿Ŀåıį": 104828, + "èij£äºĭä¼ļ": 104829, + "äº¬ä¸ľ": 104830, + "责任ç¼ĸè¾ij": 104831, + "åķıé¡Į": 104832, + "çαå¿ĥ": 104833, + "èŃ¦å¯Ł": 104834, + "é¤IJåİħ": 104835, + "å¸ĤæĶ¿åºľ": 104836, + "天天": 104837, + "æĸ°é²ľ": 104838, + "éĥijå·ŀ": 104839, + "è¶ħè¶Ĭ": 104840, + "å½Ń": 104841, + "çŁ¥è¯Ĩ产æĿĥ": 104842, + "åĽŀå¿Ĩ": 104843, + "路线": 104844, + "å»īæ´ģ": 104845, + "éĿĴå°ijå¹´": 104846, + "åıĸå¾ĹäºĨ": 104847, + "çľĭåΰäºĨ": 104848, + "馬": 104849, + "ç²¾åĵģ": 104850, + "åľ°éĵģ": 104851, + "æĮģæľī": 104852, + "ä¸ĭäºĨ": 104853, + "æľīæĹ¶åĢĻ": 104854, + "ä¸Ģ人": 104855, + "æĴĴ": 104856, + "ä»Ķç»Ĩ": 104857, + "èĢģåħ¬": 104858, + "äºĭå®ŀä¸Ĭ": 104859, + "èģĶèµĽ": 104860, + "ä¾ĽåºĶéĵ¾": 104861, + "é¢Ħç®Ĺ": 104862, + "åζéĢłä¸ļ": 104863, + "å®īåħ¨çĶŁäº§": 104864, + "俱ä¹IJ": 104865, + "俱ä¹IJéĥ¨": 104866, + "çļĦæł¸å¿ĥ": 104867, + "æīĵç®Ĺ": 104868, + "å½±çīĩ": 104869, + "æIJŃ建": 104870, + "ä¹Łä¸įä¼ļ": 104871, + "æĭħå½ĵ": 104872, + "å±ĤéĿ¢": 104873, + "åѦåijĺ": 104874, + "临æĹ¶": 104875, + "缸ç»ĵåIJĪ": 104876, + "对æ¯Ķ": 104877, + "ä»ĸæĺ¯": 104878, + "æĸ°åĮº": 104879, + "è¿Ľåİ»": 104880, + "çϾ年": 104881, + "ä¿©": 104882, + "尽快": 104883, + "ç͵åŃIJåķĨåĬ¡": 104884, + "æĽ´æľī": 104885, + "æ¸ħçIJĨ": 104886, + "åı¦ä¸Ģ个": 104887, + "åĤ»": 104888, + "ä»Ģä¹Īæł·çļĦ": 104889, + "æĺ¯æľĢ": 104890, + "åij¨å¹´": 104891, + "å¾Ī容æĺĵ": 104892, + "åĽ¢ç»ĵ": 104893, + "ç´Ħ": 104894, + "æĹ©å·²": 104895, + "çļĦåıĺåĮĸ": 104896, + "éľŀ": 104897, + "æĹ¥ä¸ĬåįĪ": 104898, + "失åİ»": 104899, + "ä¸Ńåľĭ": 104900, + "çļĦä¸ĢäºĽ": 104901, + "å°ıåŃ©": 104902, + "ä¸ĭè·Į": 104903, + "éĶ»çĤ¼": 104904, + "éij": 104905, + "éij«": 104906, + "å¿ĹæĦ¿èĢħ": 104907, + "èĤ¡å¸Ĥ": 104908, + "èµĽäºĭ": 104909, + "许åı¯è¯ģ": 104910, + "åı¯æĮģç»Ń": 104911, + "åijĬè¯īè®°èĢħ": 104912, + "éĢ»è¾ij": 104913, + "å¼ķåħ¥": 104914, + "çļĦè¿ĩç¨ĭä¸Ń": 104915, + "è§Ĩè§ī": 104916, + "èĩªæ²»åĮº": 104917, + "è¯ģæį®": 104918, + "è£ħç½®": 104919, + "第ä¸īæĸ¹": 104920, + "å¹´æĿ¥": 104921, + "å¹¿ä¸ľçľģ": 104922, + "带æĿ¥äºĨ": 104923, + "éķ¿æ±Ł": 104924, + "访éĹ®": 104925, + "å·®ä¸įå¤ļ": 104926, + "æĺ¯æĪij": 104927, + "éģŃéģĩ": 104928, + "æĬĵ好": 104929, + "é«ĺè¾¾": 104930, + "å¹¶åľ¨": 104931, + "èĩªè§ī": 104932, + "ä¾ĽåºĶåķĨ": 104933, + "æĥħæĦŁ": 104934, + "ä½ıäºĨ": 104935, + "çļĦèģĮä¸ļ": 104936, + "çļĩå¸Ŀ": 104937, + "西éĥ¨": 104938, + "åĴĮå¹³": 104939, + "çļĦåĬĽéĩı": 104940, + "汪": 104941, + "åħħåĪĨåıijæĮ¥": 104942, + "æĬķè¯ī": 104943, + "èµ·åΰ": 104944, + "äºĴ缸": 104945, + "æ¾³éŨ": 104946, + "æİ¥åΰ": 104947, + "æ°´æ³¥": 104948, + "模åŀĭ": 104949, + "ä¸ĢåįĬ": 104950, + "ç§©åºı": 104951, + "æĪijä»¬åľ¨": 104952, + "æī¿è®¤": 104953, + "ä¸Ģéĥ¨åĪĨ": 104954, + "åįłæ¯Ķ": 104955, + "å¦ĩ女": 104956, + "ç²ĺ": 104957, + "äºĨè§£åΰ": 104958, + "ä¸Ģå®ļä¼ļ": 104959, + "åIJĦ大": 104960, + "èµ°åĩº": 104961, + "为大家": 104962, + "é«ĺéĵģ": 104963, + "åı¯ä»¥åľ¨": 104964, + "ä½Ĩåľ¨": 104965, + "çĶŁæĢģçݯå¢ĥ": 104966, + "èı¯": 104967, + "çļĦä»·æł¼": 104968, + "麻çĥ¦": 104969, + "æ¿Ģåıij": 104970, + "éĤ£å°±": 104971, + "çļĦæł·åŃIJ": 104972, + "为æŃ¤": 104973, + "å¤©åľ°": 104974, + "çļĦ缮çļĦ": 104975, + "åĢºåΏ": 104976, + "å·²ç¶ĵ": 104977, + "åĽĽå¤§": 104978, + "åIJĮæĹ¶ä¹Ł": 104979, + "å½¼æŃ¤": 104980, + "æĭ¿åΰ": 104981, + "åIJ«éĩı": 104982, + "åįģ大": 104983, + "éļ¾éģĵ": 104984, + "å¼Ĺ": 104985, + "ä¸Ģ段æĹ¶éĹ´": 104986, + "çħ§é¡¾": 104987, + "æķ°æį®æĺ¾ç¤º": 104988, + "æĪIJ为äºĨ": 104989, + "èµ°åΰ": 104990, + "æľ¬åħ¬åı¸": 104991, + "ç»Ī端": 104992, + "ä¹Łä¸įæĺ¯": 104993, + "头åıij": 104994, + "大约": 104995, + "é£İæĻ¯": 104996, + "æ¶ĪèĢĹ": 104997, + "å®¡æŁ¥": 104998, + "äºīåıĸ": 104999, + "æ³ķæ²»": 105000, + "äºĭçī©": 105001, + "ç¼ĵè§£": 105002, + "æĥ¨": 105003, + "缸åºĶçļĦ": 105004, + "çļĦæķĪæŀľ": 105005, + "åıįå¤į": 105006, + "åıijçĶŁäºĨ": 105007, + "éĢĻäºĽ": 105008, + "ç»ĥä¹ł": 105009, + "åݨæĪ¿": 105010, + "å¼Ģæĭĵ": 105011, + "欣èµı": 105012, + "夫妻": 105013, + "ä¸įä¸Ģæł·": 105014, + "产èĥ½": 105015, + "èĬ¯çīĩ": 105016, + "è¦ģç´ł": 105017, + "åıį对": 105018, + "çİĩåħĪ": 105019, + "è´§çī©": 105020, + "æĹ¥ç͵": 105021, + "ä½ľå®¶": 105022, + "æĶ¹è¿Ľ": 105023, + "æĪIJåĪĨ": 105024, + "åĽłèĢĮ": 105025, + "åĩıèĤ¥": 105026, + "æ½ĺ": 105027, + "å±±ä¸ľçľģ": 105028, + "åĬĿ": 105029, + "åŁĭ": 105030, + "æŃ¦è£ħ": 105031, + "æ±ĩæĬ¥": 105032, + "ä¸Ģ个æľĪ": 105033, + "çĥŃéŨ": 105034, + "大éģĵ": 105035, + "æ´»åĭķ": 105036, + "éĥ½å¾Ī": 105037, + "çĶµæ¢¯": 105038, + "ç´§æĢ¥": 105039, + "åĢºåĬ¡": 105040, + "客æľį": 105041, + "ä¸Ģéĥ¨": 105042, + "ä½łæĺ¯": 105043, + "çݰçĬ¶": 105044, + "æŃ£ç¡®çļĦ": 105045, + "ä¹ĭå¤Ħ": 105046, + "ç¼ĸåζ": 105047, + "ä½łåı¯ä»¥": 105048, + "çŃīåľ°": 105049, + "èİī": 105050, + "对è¯Ŀ": 105051, + "æ·ĺå®Ŀ": 105052, + "è°ĥèĬĤ": 105053, + "æİĴæĶ¾": 105054, + "åºĵåŃĺ": 105055, + "ç´ļ": 105056, + "çļĦä¼ĺåĬ¿": 105057, + "æĿĥå¨ģ": 105058, + "以ä¸ĭç®Ģç§°": 105059, + "ä¸Ģ项": 105060, + "èģļéĽĨ": 105061, + "ä¼łç»ŁçļĦ": 105062, + "æ··åIJĪ": 105063, + "è¿Ļä¸ĢçĤ¹": 105064, + "ä¸Ģçľ¼": 105065, + "æĹłéĻIJ": 105066, + "èİ·å¾ĹäºĨ": 105067, + "éĢīæīĭ": 105068, + "åζåĵģ": 105069, + "åįıä½ľ": 105070, + "çĭ¬çī¹çļĦ": 105071, + "ä¸Ģ级": 105072, + "è¿Ļ个éĹ®é¢ĺ": 105073, + "æĸĮ": 105074, + "æĺ¯æĪij们": 105075, + "æķĮ人": 105076, + "æ¸ħæ´Ĺ": 105077, + "ä¸ĢçĽ´åľ¨": 105078, + "å°ıç±³": 105079, + "çļĦè¿ĩç¨ĭ": 105080, + "åľ¨åĮĹ京": 105081, + "ä¸ĢæĶ¯": 105082, + "æĹ©ä¸Ĭ": 105083, + "æĸĩèīº": 105084, + "ç¦ıåĪ©": 105085, + "é£Łç͍": 105086, + "æĦŁåĬ¨": 105087, + "åħ¨ç¨ĭ": 105088, + "æĶ¯åĩº": 105089, + "æĸ°å»º": 105090, + "å¸ķ": 105091, + "æĺ¾çĦ¶": 105092, + "羣çļĦæĺ¯": 105093, + "æĸ°éĹ»ç½ij": 105094, + "èĥ½åIJ¦": 105095, + "åįıåĬ©": 105096, + "亲èĩª": 105097, + "å¾Īæľī": 105098, + "çϼå±ķ": 105099, + "æĦı大": 105100, + "æĦı大åĪ©": 105101, + "ç͵ç½ij": 105102, + "æĹ¥çĽĬ": 105103, + "çĨ±": 105104, + "èĤĮèĤ¤": 105105, + "çĶ·æĢ§": 105106, + "ç»Ħ建": 105107, + "çŃīéĹ®é¢ĺ": 105108, + "æ¶ĪéϤ": 105109, + "æĬ¤çIJĨ": 105110, + "å¡ijæĸĻ": 105111, + "ä¹Įåħĭ": 105112, + "ä¹Įåħĭåħ°": 105113, + "åķĨæłĩ": 105114, + "çIJ³": 105115, + "æĸ°æīĭ": 105116, + "çļĦçī¹çĤ¹": 105117, + "åĴ¬": 105118, + "å½ĵä¸ĭ": 105119, + "设计å¸Ī": 105120, + "èµĶåģ¿": 105121, + "第åįģ": 105122, + "æĻºèĥ½åĮĸ": 105123, + "å¼ĢåıijåĮº": 105124, + "åı¯ä»¥éĢļè¿ĩ": 105125, + "åħ±äº§åħļ": 105126, + "åİī害": 105127, + "ç쵿´»": 105128, + "æĹ¶åħī": 105129, + "éĥ¨ä½į": 105130, + "人æĸĩ": 105131, + "è¿ĽæĿ¥": 105132, + "ä¹ĭæīĢ以": 105133, + "ä¸īåįģ": 105134, + "çļĦåѦçĶŁ": 105135, + "éĺ²æĬ¤": 105136, + "åĽ½äº§": 105137, + "æ·±åľ³å¸Ĥ": 105138, + "éĤ£å°±æĺ¯": 105139, + "åΰä½į": 105140, + "çľĹ": 105141, + "çľĹæĻ®": 105142, + "å®ŀæĹ¶": 105143, + "åı°çģ£": 105144, + "èĢĮä¸į": 105145, + "æĮĩå®ļ": 105146, + "åĿĿ": 105147, + "èħIJè´¥": 105148, + "çī¹å®ļ": 105149, + "å¢ŀéĢŁ": 105150, + "æłĩçѾ": 105151, + "æĪ¿ä»·": 105152, + "æĦģ": 105153, + "贯彻èIJ½å®ŀ": 105154, + "æĢ§è´¨": 105155, + "çłĶç©¶çĶŁ": 105156, + "ç¾İ容": 105157, + "æī¹è¯Ħ": 105158, + "究竣": 105159, + "人åĬĽèµĦæºIJ": 105160, + "éĸĭå§ĭ": 105161, + "åĽŀå½Ĵ": 105162, + "èIJ¥åķĨ": 105163, + "èIJ¥åķĨçݯå¢ĥ": 105164, + "ä¸ŃåĽ½äºº": 105165, + "çļĦåŁºæľ¬": 105166, + "è¯Ŀé¢ĺ": 105167, + "æłĩåĩĨåĮĸ": 105168, + "西èĹı": 105169, + "åĭ¾": 105170, + "çļĦ设计": 105171, + "ç®ĢåįķçļĦ": 105172, + "å¤įåζ": 105173, + "æ¸IJæ¸IJ": 105174, + "以å¤ĸ": 105175, + "èģĶåĬ¨": 105176, + "两次": 105177, + "æĢ§åĴĮ": 105178, + "æĽ´å¤§": 105179, + "çļĦåIJįåŃĹ": 105180, + "飦": 105181, + "ä½łè¦ģ": 105182, + "å¢ĥå¤ĸ": 105183, + "æĹ©æľŁ": 105184, + "åĪĿæŃ¥": 105185, + "è´¦åı·": 105186, + "害æĢķ": 105187, + "æĺ¨æĹ¥": 105188, + "åĪļæīį": 105189, + "ç¥ŀç§ĺ": 105190, + "ç²¾å¿ĥ": 105191, + "æµģéĢļ": 105192, + "åħ¨æĸ¹ä½į": 105193, + "以å¾Ģ": 105194, + "ä¹Łå°Ĩ": 105195, + "æĺ¯ä¸ŃåĽ½": 105196, + "åĽ½å®¶çº§": 105197, + "å°ĨåĨĽ": 105198, + "æijĬ": 105199, + "æľĢ为": 105200, + "第ä¸ĢæĹ¶éĹ´": 105201, + "æ¶Īæ¯Ĵ": 105202, + "å°Ĩäºİ": 105203, + "å¨ģèĥģ": 105204, + "èĭ±æĸĩ": 105205, + "æīĭä¸Ń": 105206, + "çIJĥè¿·": 105207, + "è§Ĥçľĭ": 105208, + "离å©ļ": 105209, + "æľ¬åľŁ": 105210, + "åĪĨæķ£": 105211, + "æĻ´": 105212, + "è¦ģ注æĦı": 105213, + "浪费": 105214, + "管æİ§": 105215, + "åĩºåĶ®": 105216, + "æĢ»è£ģ": 105217, + "ä¸Ģéĺµ": 105218, + "å¨ĩ": 105219, + "äºĶ个": 105220, + "å½ĵåĪĿ": 105221, + "çºłçº·": 105222, + "ä¸ĵç͍": 105223, + "å¤ĩæ¡Ī": 105224, + "åĪĿæľŁ": 105225, + "å®ĥæĺ¯": 105226, + "åĮºåĿĹ": 105227, + "åĮºåĿĹéĵ¾": 105228, + "大è¿ŀ": 105229, + "è¿Ļç±»": 105230, + "åıĺæĪIJäºĨ": 105231, + "éĤĦæĺ¯": 105232, + "åįļ客": 105233, + "çı¾åľ¨": 105234, + "ä¸Ģæĸ¹": 105235, + "å®ĮæĪIJäºĨ": 105236, + "è¿Ļ个æĹ¶åĢĻ": 105237, + "åħ¨å¹´": 105238, + "ä¸Ĭ线": 105239, + "ç½IJ": 105240, + "ç«ŀèµĽ": 105241, + "åĩºçīĪ社": 105242, + "åĵ¥åĵ¥": 105243, + "寫": 105244, + "å¾Ĺ以": 105245, + "èĬ±åĽŃ": 105246, + "äºĨèµ·æĿ¥": 105247, + "èĦ±è´«æĶ»åĿļ": 105248, + "çļĦåİŁåĪĻ": 105249, + "讲解": 105250, + "æ¶ĪåĮĸ": 105251, + "æįŁå®³": 105252, + "æļĤæĹ¶": 105253, + "å¾ĹçŁ¥": 105254, + "éĢĤç͍": 105255, + "éŨåºĹ": 105256, + "解读": 105257, + "æĻ®åıĬ": 105258, + "人æ°ijæ³ķéĻ¢": 105259, + "åī¯ä¸»ä»»": 105260, + "å¿ĥçģµ": 105261, + "è¯ĬæĸŃ": 105262, + "ç¾İ女": 105263, + "æŁ¯": 105264, + "年以æĿ¥": 105265, + "æ´»è·ĥ": 105266, + "åĢŁåĬ©": 105267, + "åħ±å»º": 105268, + "è¯ī讼": 105269, + "æĶ¾æĿ¾": 105270, + "çªĹåı£": 105271, + "ä¼ģæ¥Ń": 105272, + "åĬłæĭ¿": 105273, + "åĬłæĭ¿å¤§": 105274, + "ä¹°äºĨ": 105275, + "主æµģ": 105276, + "æĩĤå¾Ĺ": 105277, + "å°Ĩåħ¶": 105278, + "éĢıæĺİ": 105279, + "å·¥ä½ľä¸Ń": 105280, + "èĤ¡ä»·": 105281, + "æ¡£æ¡Ī": 105282, + "没æľīä»»ä½ķ": 105283, + "åijĬçŁ¥": 105284, + "å¹´åĪĿ": 105285, + "æĹ¥ä¸ĭåįĪ": 105286, + "åİĤåķĨ": 105287, + "èĬĤå¥ı": 105288, + "主导": 105289, + "è£Ŀ": 105290, + "åħ³éĶ®è¯į": 105291, + "èģĬ天": 105292, + "åĨĻä½ľ": 105293, + "æĶ¹éĿ©å¼ĢæĶ¾": 105294, + "æľīæľĽ": 105295, + "éĢļæĬ¥": 105296, + "èIJĮ": 105297, + "æĢ»é¢Ŀ": 105298, + "çŁŃæľŁ": 105299, + "ä¸Ģçķª": 105300, + "çĶŁæ´»çļĦ": 105301, + "åĮĸçļĦ": 105302, + "æĺ¥å¤©": 105303, + "è¿Ļåľº": 105304, + "æĸ°å¼Ģä¼łå¥ĩ": 105305, + "æĺ¯è¦ģ": 105306, + "å°ļæľª": 105307, + "åıĺæĽ´": 105308, + "ä¸Ģåij¨": 105309, + "客è§Ĥ": 105310, + "æĹ¥èĩ³": 105311, + "é¹°": 105312, + "çݲ": 105313, + "å°ĨæĿ¥": 105314, + "客人": 105315, + "åıĺéĿ©": 105316, + "说äºĨ": 105317, + "åİŁçIJĨ": 105318, + "èģĮåĬ¡": 105319, + "åıĪæľī": 105320, + "ä¸Ģåı¥è¯Ŀ": 105321, + "æĦŁåıĹåΰ": 105322, + "ç¬ĶèĢħ": 105323, + "ç§»æ°ij": 105324, + "西åįĹ": 105325, + "ä¹ĥèĩ³": 105326, + "æŃ£è§Ħ": 105327, + "åĪĿä¸Ń": 105328, + "çĬ¬": 105329, + "å½ĵäºĭ": 105330, + "å½ĵäºĭ人": 105331, + "æĪij们è¦ģ": 105332, + "åħ¥åı£": 105333, + "éĤ£æĹ¶": 105334, + "æľīéĻIJ责任": 105335, + "å°ij女": 105336, + "è¿Ļä¹Īå¤ļ": 105337, + "åĪĨåħ¬åı¸": 105338, + "å®ĩå®Ļ": 105339, + "çļĦéĢīæĭ©": 105340, + "å§IJå§IJ": 105341, + "åıijèµ·": 105342, + "è»į": 105343, + "æĽ´å¥½åľ°": 105344, + "éĻĨç»Ń": 105345, + "æľ¬æľįåĭĻ": 105346, + "å«©": 105347, + "èµ¶ç´§": 105348, + "èĦĤèĤª": 105349, + "第äºĮ天": 105350, + "æĪijä¼ļ": 105351, + "两ä½į": 105352, + "æķ²": 105353, + "åħ¬å®īæľºåħ³": 105354, + "ç§ijæĬĢåĪĽæĸ°": 105355, + "尺寸": 105356, + "è¾IJå°Ħ": 105357, + "å®ĹæķĻ": 105358, + "转æį¢": 105359, + "åĩºçİ°åľ¨": 105360, + "ä¸Ģé¢Ĺ": 105361, + "æľŁéĻIJ": 105362, + "åIJĮåѦ们": 105363, + "åĮĹæĸ¹": 105364, + "ä½łå°±": 105365, + "ä¸Ģ带ä¸Ģè·¯": 105366, + "èĢģå©Ĩ": 105367, + "游æĪıçݩ家": 105368, + "çļĦç»ĵæŀľ": 105369, + "è¡¥åģ¿": 105370, + "å¤ĸè´¸": 105371, + "对å¾ħ": 105372, + "ç»´çĶŁç´ł": 105373, + "ç»ıéĶĢåķĨ": 105374, + "è¿ĺå°Ĩ": 105375, + "åŃIJ女": 105376, + "æĽ´é«ĺ": 105377, + "ä¸į大": 105378, + "éī´å®ļ": 105379, + "让ä»ĸ们": 105380, + "æīĢè°ĵçļĦ": 105381, + "æŃ»äºĨ": 105382, + "帮æī¶": 105383, + "åĵ²åѦ": 105384, + "以ä¸ĬçļĦ": 105385, + "çļĦåħ³éĶ®": 105386, + "æĹ©å°±": 105387, + "æĬ¥ä»·": 105388, + "éģµå®Ī": 105389, + "æī©å¼ł": 105390, + "æĺ¯å¾Ī": 105391, + "å¼ĢéĢļ": 105392, + "æĸ°åĬł": 105393, + "æĸ°åĬłåĿ¡": 105394, + "ç¿»è¯ij": 105395, + "询éĹ®": 105396, + "é¸Ń": 105397, + "ä½ĵåĨħ": 105398, + "两个人": 105399, + "çι": 105400, + "éľľ": 105401, + "乡æĿijæĮ¯åħ´": 105402, + "çĿ¡è§ī": 105403, + "å®ĺåijĺ": 105404, + "åĪĽå§ĭ": 105405, + "åĪĽå§ĭ人": 105406, + "ä¼Ĺ人": 105407, + "åį³ä¾¿": 105408, + "çĸ«èĭĹ": 105409, + "ä¼ģä¸ļå®¶": 105410, + "渣": 105411, + "ç²¾åĬĽ": 105412, + "å¤ĸéĥ¨": 105413, + "èģªæĺİ": 105414, + "è¿Ļä¹Ł": 105415, + "å½ķåıĸ": 105416, + "åĨ²çªģ": 105417, + "åħ¨èº«": 105418, + "åŃ£èĬĤ": 105419, + "忽çĦ¶": 105420, + "çļĦæĢģ度": 105421, + "åĤ¨å¤ĩ": 105422, + "ä¿Ŀåħ»": 105423, + "çļĦæĥ³æ³ķ": 105424, + "ä¸Ĭæµ·å¸Ĥ": 105425, + "æIJºæīĭ": 105426, + "çļĦä¿¡æģ¯": 105427, + "åķĨåľº": 105428, + "çļĦæĢĿæĥ³": 105429, + "æĿĥåĬĽ": 105430, + "毫æĹł": 105431, + "æĢĢåŃķ": 105432, + "硬件": 105433, + "åĨħèĴĻåı¤": 105434, + "æİ¢è®¨": 105435, + "åħ»çĶŁ": 105436, + "çļĦ表çݰ": 105437, + "空ä¸Ń": 105438, + "æģIJæĢĸ": 105439, + "å¾Īé«ĺ": 105440, + "ç»ıæµİ社ä¼ļ": 105441, + "ä¸ĬæĿ¥": 105442, + "å»¶ç»Ń": 105443, + "éĩįå¤į": 105444, + "éĺ²èĮĥ": 105445, + "çļĦå½¢å¼ı": 105446, + "æľĪåºķ": 105447, + "èĢģ年人": 105448, + "绿åĮĸ": 105449, + "å±±åĮº": 105450, + "æĭ¿åĩº": 105451, + "æĹħ客": 105452, + "æĽ´æį¢": 105453, + "åħ¬ä¸»": 105454, + "èĬĤ约": 105455, + "åħ¨åİ¿": 105456, + "åĽŀæĬ¥": 105457, + "çIJĨæĢ§": 105458, + "çĸ¯çĭĤ": 105459, + "æ¶īå«Į": 105460, + "åī§æĥħ": 105461, + "åĨ¬åŃ£": 105462, + "åIJİç»Ń": 105463, + "è¿Ļæĺ¯ä¸Ģ个": 105464, + "æ¼Ķ讲": 105465, + "ä¸Ģå±Ĥ": 105466, + "æľīåħ³éĥ¨éŨ": 105467, + "æĹłå¥Ī": 105468, + "ç§įç±»": 105469, + "缸åħ³çļĦ": 105470, + "æĪĸèĢħæĺ¯": 105471, + "æī¶æĮģ": 105472, + "å¤ļæķ°": 105473, + "çļĦä½ľåĵģ": 105474, + "ä¸ĭä¸ĢæŃ¥": 105475, + "å¸ĪåĤħ": 105476, + "é«ĺéĢŁåħ¬è·¯": 105477, + "好åıĭ": 105478, + "ä¼ĺç§ĢçļĦ": 105479, + "è¿ĽäºĨ": 105480, + "æģIJæĢķ": 105481, + "äºĨåIJ§": 105482, + "大è§Ħ模": 105483, + "çļĦä¸ĸçķĮ": 105484, + "æĢĢçĸij": 105485, + "å··": 105486, + "åħ´å¥ĭ": 105487, + "æĪ°": 105488, + "æĿijéĩĮ": 105489, + "æľĭåıĭåľĪ": 105490, + "åĨ¬å¤©": 105491, + "ä¸Ńåįİ人æ°ij": 105492, + "åįıåķĨ": 105493, + "è¯ĦéĢī": 105494, + "æĹŃ": 105495, + "å¢ŀåĬłäºĨ": 105496, + "åıĹ伤": 105497, + "ä¸ĢèĤ¡": 105498, + "便æį·": 105499, + "ä¸ij": 105500, + "鹤": 105501, + "å¤ĸè§Ĥ": 105502, + "å·¥ç¨ĭå¸Ī": 105503, + "åĴĮåħ¶ä»ĸ": 105504, + "è¿Ļå°±": 105505, + "ä¸Ńå°ıä¼ģä¸ļ": 105506, + "西åĮĹ": 105507, + "åĽ½æľīä¼ģä¸ļ": 105508, + "èĭ¥æĺ¯": 105509, + "åı¯æĥľ": 105510, + "çĶŁæĹ¥": 105511, + "åĩ½": 105512, + "ä¹°åįĸ": 105513, + "ç¥Ŀç¦ı": 105514, + "人æ°ij群ä¼Ĺ": 105515, + "åħīæĺİ": 105516, + "åħ¬å¯ĵ": 105517, + "æĺ¯è°ģ": 105518, + "æĪijçŁ¥éģĵ": 105519, + "è¯Ńæĸĩ": 105520, + "æķıæĦŁ": 105521, + "ä¸įéĶĻçļĦ": 105522, + "æĿ¥è®²": 105523, + "æ³¢åĬ¨": 105524, + "çļĦ第ä¸Ģ": 105525, + "åľ°éľĩ": 105526, + "åľ¨åħ¨åĽ½": 105527, + "骨干": 105528, + "å®īç½®": 105529, + "å®¶ç͵": 105530, + "ä¸İæŃ¤": 105531, + "ä¸İæŃ¤åIJĮæĹ¶": 105532, + "åıĹçģ¾": 105533, + "çĥŃ线": 105534, + "çļĦæĬĢæľ¯": 105535, + "æµĭéĩı": 105536, + "ä¾Ŀèµĸ": 105537, + "ä¸ŃåĽ½çļĦ": 105538, + "ç̧": 105539, + "è¾ĥé«ĺ": 105540, + "踩": 105541, + "ä¼ļåľ¨": 105542, + "建éĢł": 105543, + "导èĪª": 105544, + "æĥ³èµ·": 105545, + "åħ¨ä¸ĸçķĮ": 105546, + "建æĿIJ": 105547, + "ç¯Ģ": 105548, + "çļĦåŁºç¡Ģ": 105549, + "èĩªåĬ¨åĮĸ": 105550, + "åīįåIJİ": 105551, + "çĿ¡çľł": 105552, + "æİ¨è¡Į": 105553, + "æį®äºĨè§£": 105554, + "ä»Ģä¹ĪæĹ¶åĢĻ": 105555, + "ä¸įåĸľæ¬¢": 105556, + "çħ¤çĤŃ": 105557, + "éĤ£ä¹Īå¤ļ": 105558, + "å¸ĤåľºåĮĸ": 105559, + "ä¸į管æĺ¯": 105560, + "ç«ĭåľº": 105561, + "éĥ½æ²¡": 105562, + "课é¢ĺ": 105563, + "æĪij们å°Ĩ": 105564, + "è¿ĩçļĦ": 105565, + "åĨįåĬłä¸Ĭ": 105566, + "çξ": 105567, + "身æĿIJ": 105568, + "çͷ女": 105569, + "è¿ľè¿ľ": 105570, + "çĶ·çĶŁ": 105571, + "èĩªèº«çļĦ": 105572, + "è´Łæĭħ": 105573, + "çϾä¸ĩ": 105574, + "西çıŃ": 105575, + "西çıŃçīĻ": 105576, + "åĩĢåĪ©æ¶¦": 105577, + "澳大": 105578, + "澳大åĪ©äºļ": 105579, + "ä¸įåİ»": 105580, + "æī¿åıĹ": 105581, + "楼çĽĺ": 105582, + "å¢ĥåĨħ": 105583, + "æ··åĩĿ": 105584, + "æ··åĩĿåľŁ": 105585, + "æĢĿæĥ³æĶ¿æ²»": 105586, + "å¸ĤåĮº": 105587, + "æĭĽæłĩ": 105588, + "åĽ¢ä½ĵ": 105589, + "è¿Ľåº¦": 105590, + "åĨĽéĺŁ": 105591, + "åıįå¼¹": 105592, + "äºĨä¸ĢäºĽ": 105593, + "æİ¥å¾ħ": 105594, + "çļĦåŃ¦ä¹ł": 105595, + "éħįéĢģ": 105596, + "é£Łåĵģå®īåħ¨": 105597, + "æĽ¿ä»£": 105598, + "æĺ¯ä»¥": 105599, + "éĢļç͍": 105600, + "çłĶç©¶æīĢ": 105601, + "ç¦ħ": 105602, + "æīĶ": 105603, + "éļĶ离": 105604, + "ä¸ĩå¹³æĸ¹ç±³": 105605, + "çļĦè§Ħå®ļ": 105606, + "ç»ĻæĪij们": 105607, + "æ¿Ģåħī": 105608, + "ä¼ļåĩºçݰ": 105609, + "çŁŃä¿¡": 105610, + "ç©¿çĿĢ": 105611, + "æ²Īéĺ³": 105612, + "æķĻæĿIJ": 105613, + "éĺ²çĸ«": 105614, + "ä¼ĺèī¯": 105615, + "约å®ļ": 105616, + "æĪijçľģ": 105617, + "åħ¬æ°ij": 105618, + "é쏿ĵ": 105619, + "é쏿ĵĩ": 105620, + "å·²æĪIJ为": 105621, + "ä¸įå¿ħ": 105622, + "ç¥ĸåĽ½": 105623, + "å¹¶æľª": 105624, + "åľŁå£¤": 105625, + "å¾®ç¬ij": 105626, + "äºĭä¸ļåįķä½į": 105627, + "çļĦ游æĪı": 105628, + "åħ¬ç¤º": 105629, + "åIJĪçIJĨçļĦ": 105630, + "çªĿ": 105631, + "æ°Ķ象": 105632, + "å®¶ä¸Ń": 105633, + "äº®çĽ¸": 105634, + "å᫿ĺŁ": 105635, + "è®°è½½": 105636, + "è§Ĩéĩİ": 105637, + "åľ°åĮºçļĦ": 105638, + "ä½Ĩä»ĸ": 105639, + "èĤĮèĤī": 105640, + "äºıæįŁ": 105641, + "åĬŀåѦ": 105642, + "ä¸Ģè¡Į": 105643, + "è¯ŀçĶŁ": 105644, + "åıijå¸ĥçļĦ": 105645, + "çļĦæľįåĬ¡": 105646, + "çļĦçłĶç©¶": 105647, + "åij¨æľ«": 105648, + "产ä¸ļåĽŃ": 105649, + "é«ĺ温": 105650, + "æĪIJåĬŁçļĦ": 105651, + "æŃ¥éª¤": 105652, + "åŃĺåĤ¨": 105653, + "åŃIJåħ¬åı¸": 105654, + "让她": 105655, + "ä¸Ńæľī": 105656, + "åĺī宾": 105657, + "妮": 105658, + "æĺİå¹´": 105659, + "äºĨåIJĹ": 105660, + "äºīè®®": 105661, + "æĪĪ": 105662, + "ä¸Ģæľ¬": 105663, + "ç¾İ丽çļĦ": 105664, + "ä½łè¯´": 105665, + "大人": 105666, + "æĶ»çķ¥": 105667, + "ä¸įæľĥ": 105668, + "å¾ħéģĩ": 105669, + "ä¸Ģè¾Ĩ": 105670, + "çīĪæĿĥæīĢæľī": 105671, + "æ°ijä¼Ĺ": 105672, + "åĬŁå¤«": 105673, + "å±ķä¼ļ": 105674, + "大èĦij": 105675, + "æ¯ıæľĪ": 105676, + "å°ı麦": 105677, + "æµĻæ±Łçľģ": 105678, + "çļĦæīĢæľī": 105679, + "ä¸ĭæ»ij": 105680, + "èĵĿèī²": 105681, + "è¦ģæĥ³": 105682, + "åѦçĶŁçļĦ": 105683, + "å½ĵä½ł": 105684, + "ä½ľæĪĺ": 105685, + "家乡": 105686, + "å¤ļåIJį": 105687, + "é«ĺäºİ": 105688, + "åĿļ强": 105689, + "è¿ŀéĶģ": 105690, + "åIJİæŀľ": 105691, + "人äºĭ": 105692, + "ç´ħ": 105693, + "æ¿ĢåĬ¨": 105694, + "è¿ĽæĶ»": 105695, + "ç©Ĩ": 105696, + "ä¸ĺ": 105697, + "让èĩªå·±": 105698, + "以æŃ¤": 105699, + "夫人": 105700, + "å¼Ģ设": 105701, + "æ°Ķè´¨": 105702, + "鸡èĽĭ": 105703, + "çĦ¡æ³ķ": 105704, + "åIJĥäºĨ": 105705, + "åĪĨåĪ«ä¸º": 105706, + "èģĶåIJĪåĽ½": 105707, + "å½ĵ代": 105708, + "å¦Ĥæŀľæĺ¯": 105709, + "è¿ľç¨ĭ": 105710, + "åĸĤ": 105711, + "è®°ä½ı": 105712, + "æ¸ħåįķ": 105713, + "åIJĪä½ľä¼Ļä¼´": 105714, + "åİ»åģļ": 105715, + "æķħéļľ": 105716, + "模æĭŁ": 105717, + "å¸ĪçĶŁ": 105718, + "åīįæĿ¥": 105719, + "ç͵è§Ĩåī§": 105720, + "çĥŃçα": 105721, + "éľ²åĩº": 105722, + "é«ĺå±Ĥ": 105723, + "ç͵åύ": 105724, + "纪å¾ĭ": 105725, + "å¼ĢåıijåķĨ": 105726, + "éķ¿å®ī": 105727, + "è½½ä½ĵ": 105728, + "çļĦå°±æĺ¯": 105729, + "被人": 105730, + "åıĹçIJĨ": 105731, + "篮çIJĥ": 105732, + "èİİ": 105733, + "交ç»Ļ": 105734, + "æľªæĿ¥çļĦ": 105735, + "两大": 105736, + "åIJķå¸ĥ": 105737, + "çŃī人": 105738, + "çļĦæĹ¥åŃIJ": 105739, + "åIJĪä½ľç¤¾": 105740, + "æĮijéĢī": 105741, + "åŃĺæ¬¾": 105742, + "ç³»ç»ŁçļĦ": 105743, + "æĬĬå®ĥ": 105744, + "没æľīä»Ģä¹Ī": 105745, + "ä»İæŃ¤": 105746, + "ä¸ŃåįĪ": 105747, + "çĸ¼çĹĽ": 105748, + "å·©åĽº": 105749, + "浪漫": 105750, + "缸åħ³éĥ¨éŨ": 105751, + "éķ¿åŁİ": 105752, + "纤维": 105753, + "ä¸ĬéŨ": 105754, + "çĪĨçĤ¸": 105755, + "èµ·çĤ¹": 105756, + "çļĦéĢļçŁ¥": 105757, + "èĢĮæĿ¥": 105758, + "çļĦèĢģ": 105759, + "æīĭéĩĮ": 105760, + "è¯ŃéŁ³": 105761, + "è¾Ľèĭ¦": 105762, + "æ±Łèĭıçľģ": 105763, + "ç͍äºĨ": 105764, + "身份è¯ģ": 105765, + "æľīåĬ©": 105766, + "æľīåĬ©äºİ": 105767, + "çī©èģĶç½ij": 105768, + "åĩºéŨ": 105769, + "å¼ŁåŃIJ": 105770, + "æĥ¹": 105771, + "è¿Ļä»¶äºĭ": 105772, + "æĪij们åı¯ä»¥": 105773, + "çļĦçĶŁåij½": 105774, + "æľīä¸Ģç§į": 105775, + "åºĹéĵº": 105776, + "åıĮæīĭ": 105777, + "çļĦæ¶Īæģ¯": 105778, + "èĢIJå¿ĥ": 105779, + "å°´å°¬": 105780, + "éĤ£å¤©": 105781, + "é¦ĸæī¹": 105782, + "æĺ¯ä¸Ģå®¶": 105783, + "人æ°Ķ": 105784, + "åıįæŃ£": 105785, + "æĪijåĴĮ": 105786, + "å®łçī©": 105787, + "ä¸į对": 105788, + "寻æ±Ĥ": 105789, + "çĽ¸ä¼¼": 105790, + "åľ¨ç¾İåĽ½": 105791, + "åı«åģļ": 105792, + "åĹİ": 105793, + "ç«ĭè¶³": 105794, + "ç͍éĢĶ": 105795, + "åħĨ": 105796, + "大æ°Ķ": 105797, + "åIJijä¸Ĭ": 105798, + "ä»ĸå°±": 105799, + "é¡¹çĽ®å»ºè®¾": 105800, + "èĭ¥å¹²": 105801, + "æĺ¯æľī": 105802, + "æ¿Ģæĥħ": 105803, + "çļĦæĦıä¹ī": 105804, + "æĺŃ": 105805, + "严éĩįçļĦ": 105806, + "å¯ĨéĽĨ": 105807, + "èĪŀè¹Ī": 105808, + "èį£èİ·": 105809, + "èİ·æĤī": 105810, + "æ±ŁåįĹ": 105811, + "åģĩå¦Ĥ": 105812, + "æĪ·å¤ĸ": 105813, + "线索": 105814, + "ç§ģ人": 105815, + "转åŀĭåįĩ级": 105816, + "çļĦä»·å̼": 105817, + "åįķçĭ¬": 105818, + "èĢģçϾå§ĵ": 105819, + "å°įæĸ¼": 105820, + "åĽ½éĻħåĮĸ": 105821, + "ä¼°å̼": 105822, + "æľįåĬ¡ä¸ļ": 105823, + "èĩŃ": 105824, + "æİīäºĨ": 105825, + "è§£åĨ³äºĨ": 105826, + "ä¹Łä¸įèĥ½": 105827, + "åħ¹": 105828, + "æĸ¯çī¹": 105829, + "æķħæĦı": 105830, + "è¿ĩ度": 105831, + "èĬĤæĹ¥": 105832, + "çϽçĻľ": 105833, + "çϽçĻľé£İ": 105834, + "ç»§æī¿": 105835, + "äºĨä¸įå°ij": 105836, + "äºĮ人": 105837, + "è§ģéĿ¢": 105838, + "æĥ³æĥ³": 105839, + "å¤įåIJĪ": 105840, + "康å¤į": 105841, + "åİ¿åŁİ": 105842, + "åľ¨åĽ½åĨħ": 105843, + "åľºåľ°": 105844, + "é϶çĵ·": 105845, + "è¿Ļ项": 105846, + "çľ¼ä¸Ń": 105847, + "糸": 105848, + "æĦŁè§īåΰ": 105849, + "æŀľçĦ¶": 105850, + "æĶ¾åħ¥": 105851, + "约æĿŁ": 105852, + "æİĴæŁ¥": 105853, + "车主": 105854, + "çļĦæĦıæĢĿ": 105855, + "æĸ°åŁİ": 105856, + "æĥ³çĿĢ": 105857, + "éģĤ": 105858, + "èĮ¶åı¶": 105859, + "ä¹°æĪ¿": 105860, + "åĨľæĪ·": 105861, + "é«ĺæīĭ": 105862, + "çİīç±³": 105863, + "æĸ°åĨłèĤºçĤİ": 105864, + "çħ§æĺİ": 105865, + "æĮĩåįĹ": 105866, + "踢": 105867, + "æķijæı´": 105868, + "æĻ¯çĤ¹": 105869, + "ç¨İæĶ¶": 105870, + "çļĦæīĭ": 105871, + "æŃ£å¥½": 105872, + "è¦ģæĬĬ": 105873, + "éļıæĦı": 105874, + "åħ¶å®ŀæĺ¯": 105875, + "ç»Ļèĩªå·±": 105876, + "è°ĪåΤ": 105877, + "æ¯ı天éĥ½": 105878, + "æĢģåĬ¿": 105879, + "é¢Ħ约": 105880, + "åİĨåı²ä¸Ĭ": 105881, + "å®Ŀè´Ŀ": 105882, + "åīįè¿Ľ": 105883, + "ä¹Łå°±æĺ¯è¯´": 105884, + "çļĦæĦıè§ģ": 105885, + "åı£ç½©": 105886, + "åİĺç±³": 105887, + "èĬ±è´¹": 105888, + "ä½ĵèĤ²æĬķæ³¨": 105889, + "åħ¬ä¼Ĺåı·": 105890, + "èijĹåIJįçļĦ": 105891, + "å¼ĢæĪ·": 105892, + "æĭįåįĸ": 105893, + "å²ģæľĪ": 105894, + "åĨħæ¶µ": 105895, + "å®Įæķ´çļĦ": 105896, + "é«ĺåİĭ": 105897, + "åħ¬åĬ¡åijĺ": 105898, + "使ç͍çļĦ": 105899, + "çĶŁäº§çº¿": 105900, + "妹妹": 105901, + "走访": 105902, + "æĺ¯åı¯ä»¥": 105903, + "åľ¨å®¶": 105904, + "æļ´åĬĽ": 105905, + "æ³°åĽ½": 105906, + "è´¨çĸij": 105907, + "ä¸įéģİ": 105908, + "天çĦ¶æ°Ķ": 105909, + "缺çĤ¹": 105910, + "å°ıåŀĭ": 105911, + "ä¸įä»ħæĺ¯": 105912, + "é»ijæļĹ": 105913, + "梨": 105914, + "æĸĩæĹħ": 105915, + "è¦ģæľī": 105916, + "ä¸Ńå±±": 105917, + "çļĦæķ°æį®": 105918, + "å¾Ĺå¾Ī": 105919, + "以便": 105920, + "对ä»ĸ": 105921, + "åĬłä»¥": 105922, + "çϼçı¾": 105923, + "设å®ļ": 105924, + "èĤļåŃIJ": 105925, + "éĿĸ": 105926, + "å¥īçĮ®": 105927, + "ä¸įåıĺ": 105928, + "åı£ç¢ij": 105929, + "åľ¨åĵªéĩĮ": 105930, + "ä½IJ": 105931, + "è¿Ļ两个": 105932, + "çļĦæĸ¹åIJij": 105933, + "æŀ«": 105934, + "äºĮ次": 105935, + "çīĩåĮº": 105936, + "éłIJ": 105937, + "ç£Ĭ": 105938, + "æĭ¿çĿĢ": 105939, + "å·²ç»ıæĪIJ为": 105940, + "ä¹ĭä¸Ĭ": 105941, + "å®ĹæĹ¨": 105942, + "奶奶": 105943, + "é«ĺæĸ°åĮº": 105944, + "社æľĥ": 105945, + "è·Łè¸ª": 105946, + "æľįåĬ¡ä¸Ńå¿ĥ": 105947, + "æī¯": 105948, + "æīĭæĮĩ": 105949, + "礼çī©": 105950, + "宿èĪį": 105951, + "ç͍å¿ĥ": 105952, + "æıIJé«ĺäºĨ": 105953, + "亮çĤ¹": 105954, + "ä¸įæĦ¿æĦı": 105955, + "æĴѿ;": 105956, + "å¤ļå°ijéĴ±": 105957, + "没ä»Ģä¹Ī": 105958, + "æķ°åįģ": 105959, + "æĢ»çĽij": 105960, + "çļĦåŁİå¸Ĥ": 105961, + "æī¾åΰäºĨ": 105962, + "åĨħåľ°": 105963, + "åΰçİ°åľ¨": 105964, + "æĪĺæĸĹåĬĽ": 105965, + "åİŁå§ĭ": 105966, + "åĥ§": 105967, + "åĢĴæĺ¯": 105968, + "æľĢåħ·": 105969, + "è´«åĽ°æĪ·": 105970, + "éĢģåΰ": 105971, + "级åĪ«": 105972, + "åĩºèµĦ": 105973, + "æĪªæŃ¢": 105974, + "ç§įåŃIJ": 105975, + "èĥ½ä¸įèĥ½": 105976, + "幸è¿IJ": 105977, + "èĸĩ": 105978, + "项éĵ¾": 105979, + "æĮĤçīĮ": 105980, + "ä¸Ģ樣": 105981, + "ä¹ĺ客": 105982, + "èIJ½åIJİ": 105983, + "ä½ĨæĪij": 105984, + "æĹ©åľ¨": 105985, + "åĬ¨æ¼«": 105986, + "å¹³çŃī": 105987, + "å¯¹ä½ł": 105988, + "ä¸įæĢķ": 105989, + "å¤ĸçķĮ": 105990, + "å¤ļå¹´æĿ¥": 105991, + "é¦ĸ个": 105992, + "æ²³åįĹçľģ": 105993, + "æĪĸåħ¶ä»ĸ": 105994, + "éķľå¤´": 105995, + "åįĹæĺĮ": 105996, + "ä¸ĢéĿ¢": 105997, + "éĢłæĪIJçļĦ": 105998, + "å´Ķ": 105999, + "çŃĴ": 106000, + "æķĻèĤ²éĥ¨": 106001, + "åľ°åŁŁ": 106002, + "æĺĨæĺİ": 106003, + "å·´é»İ": 106004, + "æīĭ游": 106005, + "ä¸ĢæĹ¶": 106006, + "çłį": 106007, + "顶级": 106008, + "åħ±è®¡": 106009, + "åİŁæ²¹": 106010, + "è¾īçħĮ": 106011, + "说æĺ¯": 106012, + "æĸ°åįİ社": 106013, + "ç»ıåİĨäºĨ": 106014, + "ä¸įæŃ¢": 106015, + "è¦ģä¹Ī": 106016, + "èĢħçļĦ": 106017, + "æĢ»æĬķèµĦ": 106018, + "è¡Įé©¶": 106019, + "ä¸Ĭå¸Ŀ": 106020, + "年纪": 106021, + "çIJ¼": 106022, + "ä¼łè¯´": 106023, + "ç²¾èĭ±": 106024, + "æĸ¹éĴĪ": 106025, + "æ±Łæ¹ĸ": 106026, + "æĪIJçĤº": 106027, + "æĢ»éĩı": 106028, + "æĬķæĶ¾": 106029, + "åĬ¨çĶ»": 106030, + "èŤ": 106031, + "ç͵æºIJ": 106032, + "éĴĻ": 106033, + "åIJĮè¡Į": 106034, + "æĻ®éĢļçļĦ": 106035, + "åĽ¾ä¹¦é¦Ĩ": 106036, + "è¯ĪéªĹ": 106037, + "æħĪåĸĦ": 106038, + "è¿Ļ份": 106039, + "主æĮģ人": 106040, + "å°±è¿Ļæł·": 106041, + "èĢĮæĪIJ": 106042, + "èĩªè¡Į车": 106043, + "ä¸ŃåĽ½çī¹èī²": 106044, + "èĤ¿çĺ¤": 106045, + "åIJ¾": 106046, + "å¼Łå¼Ł": 106047, + "åıĹçĽĬ": 106048, + "éĢīæĭ©äºĨ": 106049, + "æĺİæĺ¾çļĦ": 106050, + "æĬ¥èĢĥ": 106051, + "ç¬ijéģĵ": 106052, + "éĽĸçĦ¶": 106053, + "温å·ŀ": 106054, + "éĿŀæ´²": 106055, + "ç§įç§į": 106056, + "åıĤåĬłäºĨ": 106057, + "è´§è¿IJ": 106058, + "éļı便": 106059, + "就没æľī": 106060, + "縣": 106061, + "央è§Ĩ": 106062, + "ç©¿è¶Ĭ": 106063, + "çļĦçݰ象": 106064, + "åĩłæ¬¡": 106065, + "çļĦé£İéĻ©": 106066, + "æŃĮæĽ²": 106067, + "æľ¬å±Ĭ": 106068, + "å¹´åĨħ": 106069, + "ä¸įè¶ħè¿ĩ": 106070, + "è¿ĩå¤ļ": 106071, + "å¿ħé¡»è¦ģ": 106072, + "ç»ĵ论": 106073, + "åĢŁéī´": 106074, + "ç¥ŀå¥ĩ": 106075, + "æľŁæľĽ": 106076, + "ä¸ĵ享": 106077, + "éĿŀ常éĩįè¦ģ": 106078, + "æĦıè¯Ĩåΰ": 106079, + "åIJĪå¹¶": 106080, + "æĬĬèĩªå·±": 106081, + "å¥Ĺè£ħ": 106082, + "éŃĶæ³ķ": 106083, + "å¤ıåŃ£": 106084, + "ä¸įåĥı": 106085, + "å¢ĥçķĮ": 106086, + "æĥĬåĸľ": 106087, + "æľīä¸Ģ天": 106088, + "çĦ¦çĤ¹": 106089, + "æĪij认为": 106090, + "åħ°å·ŀ": 106091, + "ç͵æ°Ķ": 106092, + "èģĶç³»æĪij们": 106093, + "ç§ijæĻ®": 106094, + "她说": 106095, + "çļĦæĸĩ竳": 106096, + "å¥ĩæĢª": 106097, + "åıĭ好": 106098, + "饮æĸĻ": 106099, + "çļĦæĶ¯æĮģ": 106100, + "çŃĶåºĶ": 106101, + "éĩįéĩı": 106102, + "çij¶": 106103, + "åĩıè½»": 106104, + "ç§ijåѦ家": 106105, + "巴西": 106106, + "éĩijèŀįæľºæŀĦ": 106107, + "åħļå§Ķ书记": 106108, + "貸款": 106109, + "ç²¾èĩ´": 106110, + "ä»İæľª": 106111, + "åį°åĪ·": 106112, + "åĽŀ顾": 106113, + "é¦ĸéĥ½": 106114, + "åıijèĤ²": 106115, + "éĹ®éģĵ": 106116, + "è¾¾åΰäºĨ": 106117, + "å¿įä¸įä½ı": 106118, + "æīįæľī": 106119, + "æįIJèµł": 106120, + "ä½ĽæķĻ": 106121, + "ä¸įæ¸ħ": 106122, + "éĺŁéķ¿": 106123, + "缸åıį": 106124, + "æĬ¥èѦ": 106125, + "大åħ¨": 106126, + "æ¬§çĽŁ": 106127, + "帮å¿Ļ": 106128, + "çļĦæĻĤåĢĻ": 106129, + "缮å½ķ": 106130, + "足以": 106131, + "èī°éļ¾": 106132, + "ä»ĸä¹Ł": 106133, + "å·¥ä½ľèĢħ": 106134, + "头èĦij": 106135, + "缺éĻ·": 106136, + "æĪIJç«ĭäºĨ": 106137, + "å°±å¼Ģå§ĭ": 106138, + "认åIJĮ": 106139, + "é»Ħèī²": 106140, + "çĹħæĥħ": 106141, + "覺å¾Ĺ": 106142, + "è¿Ļ两": 106143, + "ä¿¡ä»°": 106144, + "åľĭå®¶": 106145, + "ä¸įä»ħä»ħæĺ¯": 106146, + "çĭ¬å®¶": 106147, + "èάçļĦ": 106148, + "æĿIJè´¨": 106149, + "æµ·ä¸Ĭ": 106150, + "çĤºäºĨ": 106151, + "æľºåĬ¨è½¦": 106152, + "缸å½ĵäºİ": 106153, + "å¤ļåħĥåĮĸ": 106154, + "æĽ´å¤§çļĦ": 106155, + "èĽ®": 106156, + "åģĩæľŁ": 106157, + "å¼ıçļĦ": 106158, + "交éĢļè¿IJè¾ĵ": 106159, + "çľģå§Ķ": 106160, + "ä¸įç®Ĺ": 106161, + "æĶ¾ä¸ĭ": 106162, + "éĹ¯": 106163, + "äººåľ¨": 106164, + "港åı£": 106165, + "æĹ¨åľ¨": 106166, + "åij½ä»¤": 106167, + "æŁIJ个": 106168, + "平稳": 106169, + "åıªå¥½": 106170, + "人人": 106171, + "äºŀ": 106172, + "äºĮç»´": 106173, + "äºĮç»´çłģ": 106174, + "æŀģ为": 106175, + "åĪ«å¢ħ": 106176, + "åħ¶ä½Ļ": 106177, + "大äºĭ": 106178, + "主管éĥ¨éŨ": 106179, + "æĹłéĶ¡": 106180, + "éŵ": 106181, + "éģŃåΰ": 106182, + "说è¿ĩ": 106183, + "ä¸ºä½ł": 106184, + "è§£çŃĶ": 106185, + "éªĮæĶ¶": 106186, + "çļĦç»ıéªĮ": 106187, + "åĮ¹éħį": 106188, + "çģ«ç®Ń": 106189, + "豪åįİ": 106190, + "æŁIJæŁIJ": 106191, + "çļĦæĹ¶ä»£": 106192, + "书éĿ¢": 106193, + "æģĴ大": 106194, + "å»¶éķ¿": 106195, + "ä¸ĢåIJĮ": 106196, + "æľªèĥ½": 106197, + "交æį¢": 106198, + "çĶ¢åĵģ": 106199, + "çŃīåΰ": 106200, + "åĪĨ离": 106201, + "æīĵç͵è¯Ŀ": 106202, + "å¹²çĩ¥": 106203, + "è¾ĥå¤ļ": 106204, + "å¤ļå¹´çļĦ": 106205, + "èĥĮæĻ¯ä¸ĭ": 106206, + "为ä¾ĭ": 106207, + "æijĺè¦ģ": 106208, + "å´Ľèµ·": 106209, + "æŃ¤åĪ»": 106210, + "æľīæľºä¼ļ": 106211, + "æĿ¡æ¬¾": 106212, + "é¢Ĩ导å°ıç»Ħ": 106213, + "çļĦ身ä½ĵ": 106214, + "åįķä¸Ģ": 106215, + "央è¡Į": 106216, + "ä¸įæĸŃæıIJé«ĺ": 106217, + "ä»·å̼è§Ĥ": 106218, + "èĬ½": 106219, + "èIJį": 106220, + "æ³ķå¾ĭæ³ķè§Ħ": 106221, + "ä¸įéĶĪ": 106222, + "ä¸įéĶĪéĴ¢": 106223, + "åĩºäºİ": 106224, + "èĻļæĭŁ": 106225, + "æį®æĤī": 106226, + "çĥ¦æģ¼": 106227, + "åħ¨æĸ°çļĦ": 106228, + "æī«æıı": 106229, + "çĻ»éĻĨ": 106230, + "èīºæľ¯å®¶": 106231, + "çļĦé£Łçī©": 106232, + "çļĦåŃĺåľ¨": 106233, + "客åİħ": 106234, + "æĪij们就": 106235, + "æŁ¥çľĭæĽ´å¤ļ": 106236, + "è¯Ħ审": 106237, + "å¸Ĥåł´": 106238, + "è¬Ľ": 106239, + "巨头": 106240, + "ä¸ŃåĽ½ç»ıæµİ": 106241, + "äºĨèĩªå·±çļĦ": 106242, + "åĨ³è®®": 106243, + "çĽijçĿ£ç®¡çIJĨ": 106244, + "æĬķ票": 106245, + "åĨį度": 106246, + "è¡ĮçĤº": 106247, + "注åħ¥": 106248, + "ä½ľä¸ºä¸Ģ个": 106249, + "æ¯ı个人éĥ½": 106250, + "åįķåħĥ": 106251, + "è¦ģçŁ¥éģĵ": 106252, + "被称为": 106253, + "ä¹ĭéĻħ": 106254, + "è§£éϤ": 106255, + "丸": 106256, + "溫": 106257, + "ä¸īæĺŁ": 106258, + "é²ľæĺİ": 106259, + "ä¹Łéĥ½": 106260, + "æĹ¶æľº": 106261, + "åĩºæīĭ": 106262, + "æĥħå½¢": 106263, + "åķĨè´¸": 106264, + "éĢī举": 106265, + "对èĩªå·±": 106266, + "çĶŁåĬ¨": 106267, + "åħĭæľį": 106268, + "个ä½ĵ": 106269, + "èĭij": 106270, + "稱": 106271, + "大åݦ": 106272, + "æĺ¯å¯¹": 106273, + "åĪ©æģ¯": 106274, + "è¿IJåĬ¨åijĺ": 106275, + "åĮĸè§£": 106276, + "åīįæ²¿": 106277, + "æĦŁæģ©": 106278, + "æĢ»ä¹ĭ": 106279, + "é«ĺæĸ°æĬĢæľ¯": 106280, + "åĿĩ为": 106281, + "åħ¨åĮº": 106282, + "æ°Ķæ°Ľ": 106283, + "åı¯ä»¥è¯´æĺ¯": 106284, + "ä½ı宿": 106285, + "åħļåijĺå¹²éĥ¨": 106286, + "åĹ¯": 106287, + "è·µè¡Į": 106288, + "çļĦä¸ĵä¸ļ": 106289, + "èĢĥéªĮ": 106290, + "èķ¾": 106291, + "åħ¬åŃIJ": 106292, + "çļĦçĬ¶æĢģ": 106293, + "æ½®æµģ": 106294, + "ä¿¡æīĺ": 106295, + "è´¼": 106296, + "åIJĦæĸ¹": 106297, + "æķijåĬ©": 106298, + "éĿŀ常çļĦ": 106299, + "æ¡¥æ¢ģ": 106300, + "åħ¬æĸ¤": 106301, + "ä¼¼çļĦ": 106302, + "çľĭ好": 106303, + "å±Ģéĥ¨": 106304, + "å®īéĿĻ": 106305, + "éħįä»¶": 106306, + "常è§Ħ": 106307, + "å¼Ģ车": 106308, + "第äºĮ次": 106309, + "ä¸Ĭ级": 106310, + "åıĤèµĽ": 106311, + "å®¶å±ŀ": 106312, + "强åĬ¿": 106313, + "åľ¨ä»ĸ": 106314, + "åIJijåīį": 106315, + "ä¹ĭåľ°": 106316, + "éĥ¡": 106317, + "è¡Įç¨ĭ": 106318, + "èѦåijĬ": 106319, + "è§Ħå®ļçļĦ": 106320, + "åķĨåŁİ": 106321, + "äºĶ大": 106322, + "æķĻ室": 106323, + "åįģè¶³": 106324, + "æīĢä»¥åľ¨": 106325, + "å°Ĩç»§ç»Ń": 106326, + "çŃīæĸ¹å¼ı": 106327, + "å®¶ä¼ģä¸ļ": 106328, + "交ä»ĺ": 106329, + "çĤ¹è¯Ħ": 106330, + "ç»ĵç®Ĺ": 106331, + "ä¹Łåı¯": 106332, + "å¤ĸæ±ĩ": 106333, + "è¿Ļç§įæĥħåĨµ": 106334, + "æİĪäºĪ": 106335, + "å¸ĥç½®": 106336, + "æĪIJç«ĭäºİ": 106337, + "é¢ĦèѦ": 106338, + "管çIJĨ人åijĺ": 106339, + "å©ļ礼": 106340, + "ç»ĵæĿŁåIJİ": 106341, + "åħ¥éĢī": 106342, + "æĹłæ¯Ķ": 106343, + "åĴĮåıijå±ķ": 106344, + "çϽéħĴ": 106345, + "çİ©åħ·": 106346, + "ä¸ĩç¾İåħĥ": 106347, + "çļĦæĪIJ绩": 106348, + "æĭįçħ§": 106349, + "èĢĥèĻijåΰ": 106350, + "ä¼ģä¸ļåıijå±ķ": 106351, + "äºĨ个": 106352, + "çĶŁæ°Ķ": 106353, + "çļĦ女人": 106354, + "äºĶåįģ": 106355, + "çĪ·çĪ·": 106356, + "纽约": 106357, + "éĥ½è¢«": 106358, + "ä¸Ĭ课": 106359, + "çĽ¡": 106360, + "ä¼łç»ŁæĸĩåĮĸ": 106361, + "æ½ľåľ¨": 106362, + "åıijå°Ħ": 106363, + "ä¸Ģ身": 106364, + "éĺ²å®Ī": 106365, + "åĪ®": 106366, + "é¢ĺ缮": 106367, + "åľ¨åĨħçļĦ": 106368, + "ç¾İ好çļĦ": 106369, + "è¿ĻéĩĮçļĦ": 106370, + "ä¸Ģä¸Ŀ": 106371, + "人åĿĩ": 106372, + "å̡坼": 106373, + "身åIJİ": 106374, + "æī©å±ķ": 106375, + "大éŨ": 106376, + "就被": 106377, + "è¯¥é¡¹çĽ®": 106378, + "æŀ¶æŀĦ": 106379, + "ä¸Ģåı£": 106380, + "ä¿¡æģ¯æĬĢæľ¯": 106381, + "å¼Ģä¸ļ": 106382, + "æĶ¶åıĸ": 106383, + "ç½ij页": 106384, + "æĶ¯æı´": 106385, + "å°ģéĹŃ": 106386, + "å¡ijéĢł": 106387, + "大èĥĨ": 106388, + "å¿«éĢŁåıijå±ķ": 106389, + "çľĭä¼¼": 106390, + "æ¸Ŀ": 106391, + "è¿Ļæł·ä¸Ģ个": 106392, + "模åĿĹ": 106393, + "注æĦıåΰ": 106394, + "çł´è§£": 106395, + "èĩªä»İ": 106396, + "åijµåijµ": 106397, + "ä¹ĭå¾Į": 106398, + "ä¹ĭæĹħ": 106399, + "è·ŁæĪij": 106400, + "æ³ķ人": 106401, + "æİĴè¡Įæ¦ľ": 106402, + "åĿļå®Ī": 106403, + "好å¤Ħ": 106404, + "çŁ³å¤´": 106405, + "å¹¶å°Ĩ": 106406, + "èα": 106407, + "æŃĩ": 106408, + "两岸": 106409, + "å¤ļä¹ħ": 106410, + "象å¾ģ": 106411, + "个æĢ§åĮĸ": 106412, + "çļĦè§Ĵ度": 106413, + "å¸Ĩ": 106414, + "ç¦ıå·ŀ": 106415, + "æŁ¥å¤Ħ": 106416, + "ä¸¤åĽ½": 106417, + "åIJ¸å¼ķäºĨ": 106418, + "é¦ĸå¸Ń": 106419, + "大åĵ¥": 106420, + "é¤Ĭ": 106421, + "涨å¹ħ": 106422, + "éĢīç͍": 106423, + "許å¤ļ": 106424, + "èIJ½æĪ·": 106425, + "åĵĪå°Ķ": 106426, + "åĵĪå°Ķ滨": 106427, + "åģļä»Ģä¹Ī": 106428, + "以åħį": 106429, + "é¾į": 106430, + "æĹłéľĢ": 106431, + "åΰåºķæĺ¯": 106432, + "æĢ¡": 106433, + "åijĬè¯īä½ł": 106434, + "éĺ²æ°´": 106435, + "è¿ĻæĹ¶åĢĻ": 106436, + "欢ä¹IJ": 106437, + "转åIJij": 106438, + "è¿Ļä¸ªåľ°åĽ¾": 106439, + "åħ¥é©»": 106440, + "èįīåİŁ": 106441, + "æĹ¶ä»£çļĦ": 106442, + "åıĺåĬ¨": 106443, + "åĬłå¼ºå¯¹": 106444, + "åģ¶å°Ķ": 106445, + "å®ĪæĬ¤": 106446, + "æ°Ķ温": 106447, + "人éĹ´": 106448, + "æľĿé²ľ": 106449, + "ç»ıè´¹": 106450, + "åĽŃæŀĹ": 106451, + "å·¥åľ°": 106452, + "è§Ħæł¼": 106453, + "åĩłåįģ": 106454, + "è¯ķåĽ¾": 106455, + "å¦ĥ": 106456, + "éĤ£æĹ¶åĢĻ": 106457, + "å¼ĺæī¬": 106458, + "ä¸ļçķĮ": 106459, + "çļĦéĢŁåº¦": 106460, + "ä¼ļä¸įä¼ļ": 106461, + "èIJ¥æĶ¶": 106462, + "å°ıå¾®ä¼ģä¸ļ": 106463, + "çľĭè¿ĩ": 106464, + "æĬĬä»ĸ": 106465, + "éģµå¾ª": 106466, + "è¿Ļè¾¹": 106467, + "没æľī人": 106468, + "壶": 106469, + "æ¹ĸåįĹçľģ": 106470, + "æŀģåħ¶": 106471, + "çļĦ人çĶŁ": 106472, + "ä»ĸè¿ĺ": 106473, + "转åĮĸ为": 106474, + "èµ°è¿ĩ": 106475, + "æĬ±çĿĢ": 106476, + "çīĽå¥¶": 106477, + "ä¸ĩ亩": 106478, + "å¿ĥæĢģ": 106479, + "æĹ¥å¸¸çĶŁæ´»": 106480, + "ä½ĵæ£Ģ": 106481, + "æĻĥ": 106482, + "çŃīé¢ĨåŁŁ": 106483, + "æĩī該": 106484, + "åı¯ä»¥çľĭåΰ": 106485, + "æī¾ä¸įåΰ": 106486, + "èĢģå¹´": 106487, + "æĬĬæĪij": 106488, + "积åĪĨ": 106489, + "梳çIJĨ": 106490, + "绳": 106491, + "çļĦæĶ¿æ²»": 106492, + "å¸ĿåĽ½": 106493, + "éĻªä¼´": 106494, + "æ´Ľéĺ³": 106495, + "åħ¬æŃ£": 106496, + "å¼Ģåı£": 106497, + "çī¹èī²çļĦ": 106498, + "åĽ°å¢ĥ": 106499, + "ä¸Ĭæľī": 106500, + "ç«ĭä½ĵ": 106501, + "æīĵå·¥": 106502, + "åķ¤éħĴ": 106503, + "åľ¨éĤ£éĩĮ": 106504, + "éĤ£è¾¹": 106505, + "个åĪ«": 106506, + "ä¸Ģå®ļæĺ¯": 106507, + "çļĦéĩįè¦ģæĢ§": 106508, + "ä¸»å¼ł": 106509, + "åĴĮæľįåĬ¡": 106510, + "ä¸Ĭç½ij": 106511, + "è¡¥åĬ©": 106512, + "åıªéľĢ": 106513, + "弦": 106514, + "éģ®": 106515, + "åĬĽäºī": 106516, + "度è¿ĩ": 106517, + "èij¬": 106518, + "é¡¿æĹ¶": 106519, + "éĦī": 106520, + "纺ç»ĩ": 106521, + "åľ°åĿĹ": 106522, + "ä¿¡ç͍åį¡": 106523, + "ç½ļ款": 106524, + "åijĬè¯īæĪij": 106525, + "éĽĻ": 106526, + "书çĶ»": 106527, + "è¨Ńè¨Ī": 106528, + "æĢ»ä¼ļ": 106529, + "åΤåĨ³": 106530, + "ä¿¡èªī": 106531, + "个èĤ¡": 106532, + "平常": 106533, + "æĢİ麼": 106534, + "ä½ĵçİ°åľ¨": 106535, + "é»Ħæ²³": 106536, + "åĽĽå·Ŀçľģ": 106537, + "羣缸": 106538, + "åIJĦé¡¹å·¥ä½ľ": 106539, + "åĬ¨åijĺ": 106540, + "å³°ä¼ļ": 106541, + "ä¸ĢæľŁ": 106542, + "æľīä¸Ģå®ļçļĦ": 106543, + "é«ĺ度éĩįè§Ĩ": 106544, + "ç¹ģèį£": 106545, + "åıijçݰäºĨ": 106546, + "ç½ij红": 106547, + "æīĭæ³ķ": 106548, + "å®¶åĽŃ": 106549, + "仪åύ": 106550, + "è¾ĥä½İ": 106551, + "çļĦå®īåħ¨": 106552, + "æ¡IJ": 106553, + "ä»ĺ款": 106554, + "æĬijåζ": 106555, + "åįĵè¶Ĭ": 106556, + "æŃ£éĿ¢": 106557, + "åĵij": 106558, + "强åζ": 106559, + "ä»Ĭ天çļĦ": 106560, + "æĪĺèĥľ": 106561, + "楼å¸Ĥ": 106562, + "æĭ¿ä¸ĭ": 106563, + "é¢ľå̼": 106564, + "举éĥ¨": 106565, + "çłĶåζ": 106566, + "çļĦæĪĺçķ¥": 106567, + "åľ¨ä¸Ģ个": 106568, + "ä¸ī人": 106569, + "å®ĮäºĨ": 106570, + "æĸ°æĬĢæľ¯": 106571, + "ç»ıæµİæķĪçĽĬ": 106572, + "å¯Įæľī": 106573, + "澳洲": 106574, + "åĬ©çIJĨ": 106575, + "é¢Ĩåıĸ": 106576, + "è°Ń": 106577, + "çĩĥçĥ§": 106578, + "ç´łåħ»": 106579, + "éĤĦæľī": 106580, + "è¿ĽèĢĮ": 106581, + "ä»Ģä¹Īæĺ¯": 106582, + "çłĶç©¶ä¸Ńå¿ĥ": 106583, + "éĢĤç͍äºİ": 106584, + "æİ¥æĶ¶": 106585, + "å¤±æľĽ": 106586, + "äºĮ级": 106587, + "éĹ´çļĦ": 106588, + "åİŁæłĩé¢ĺ": 106589, + "èªįçĤº": 106590, + "æį¡": 106591, + "对çĿĢ": 106592, + "对éĿ¢": 106593, + "ä¸ŃåİŁ": 106594, + "éĵĥ": 106595, + "çĶŁäº§çļĦ": 106596, + "åıijå¸ĥä¼ļ": 106597, + "士åħµ": 106598, + "è¿Ļåı¥è¯Ŀ": 106599, + "缴纳": 106600, + "ä¸Ģ个个": 106601, + "åѸçĶŁ": 106602, + "çĸijéĹ®": 106603, + "交èѦ": 106604, + "示èĮĥåĮº": 106605, + "天使": 106606, + "åľ¨ä¸Ĭæµ·": 106607, + "åIJĮæĻĤ": 106608, + "è½»æĺĵ": 106609, + "å͝ä¸ĢçļĦ": 106610, + "çĥŃéĹ¹": 106611, + "ä¹IJè§Ĥ": 106612, + "çļĦ身份": 106613, + "åĸĦäºİ": 106614, + "大åİħ": 106615, + "èĤ¯å®ļæĺ¯": 106616, + "éĺ²çģ«": 106617, + "å¤ĸåĩº": 106618, + "æį®è¯´": 106619, + "é¡¹çĽ®çļĦ": 106620, + "ä¸Ģåı°": 106621, + "èĻļåģĩ": 106622, + "ä¸Ģç¬Ķ": 106623, + "ç«ĭæ³ķ": 106624, + "严èĤĥ": 106625, + "æī¿åĬŀ": 106626, + "åįģåĩł": 106627, + "çļĦ空éĹ´": 106628, + "æľ¬ç½ijç«Ļ": 106629, + "åģļå¾Ĺ": 106630, + "ä¿Ŀ温": 106631, + "æľĪåĪĿ": 106632, + "åľ¨ç½ijä¸Ĭ": 106633, + "åIJĦæĸ¹éĿ¢": 106634, + "ä¸ī天": 106635, + "交æĺĵæīĢ": 106636, + "è§£æŀIJ": 106637, + "åħļä¸Ń央": 106638, + "è¿Ľåĩºåı£": 106639, + "åĴĮ社ä¼ļ": 106640, + "次æķ°": 106641, + "ä¹ĭå®¶": 106642, + "维度": 106643, + "æ´¾åĩºæīĢ": 106644, + "产çĶŁäºĨ": 106645, + "带æľī": 106646, + "å¾Ī强": 106647, + "æľīäºĽäºº": 106648, + "å¹´åIJİ": 106649, + "äºĨ许å¤ļ": 106650, + "å¯Ĩ度": 106651, + "åŃ¦æľŁ": 106652, + "çıłæµ·": 106653, + "æľĢå¤ļçļĦ": 106654, + "è¾¹ç¼ĺ": 106655, + "容éĩı": 106656, + "第äºĮ个": 106657, + "ä¸Ģ缴æĺ¯": 106658, + "ä¸įç¦ģ": 106659, + "æŃ²": 106660, + "ä»ĭç»įäºĨ": 106661, + "ä¼ĺéĽħ": 106662, + "æ¯Ķè¼ĥ": 106663, + "èģĮä½į": 106664, + "温æŁĶ": 106665, + "æľīéĴ±": 106666, + "æľĢé«ĺçļĦ": 106667, + "åįļè§Īä¼ļ": 106668, + "ä¸įæĪIJ": 106669, + "éĶĻäºĨ": 106670, + "è¯ģçĽij": 106671, + "è¯ģçĽijä¼ļ": 106672, + "æĪIJ人": 106673, + "åĿĩåĮĢ": 106674, + "æľīåĪ©": 106675, + "è¶ĬåįĹ": 106676, + "æīĵäºĨ": 106677, + "好åIJĥ": 106678, + "系統": 106679, + "è·Łéļı": 106680, + "çļĦåľ°ä½į": 106681, + "æŃ£å¦Ĥ": 106682, + "ç¨įå¾®": 106683, + "åį°åıij": 106684, + "åĪĽç«ĭ": 106685, + "é£İåħī": 106686, + "å°ĨæĪIJ为": 106687, + "ä¸įé«ĺ": 106688, + "é¢ijç¹ģ": 106689, + "设æľī": 106690, + "ä¼ŀ": 106691, + "æĭĨéϤ": 106692, + "å½±åĥı": 106693, + "æ¸ĹéĢı": 106694, + "å¹´å¼Ģå§ĭ": 106695, + "ç½ijæĺĵ": 106696, + "è¦ģåģļ": 106697, + "ç͵åĬ¨è½¦": 106698, + "羣å¿ĥ": 106699, + "æµ·åĨĽ": 106700, + "ä¼łæĿ¥": 106701, + "å·®åĪ«": 106702, + "è°¨æħİ": 106703, + "çĥŁåı°": 106704, + "åįĥå¹´": 106705, + "è¯ģå®ŀ": 106706, + "çIJª": 106707, + "çļĦåħ·ä½ĵ": 106708, + "åΰå¤Ħ": 106709, + "ä¸įå®ľ": 106710, + "èľĢ": 106711, + "èĥ½åĬĽåĴĮ": 106712, + "çīºçī²": 106713, + "çļĦéĴ±": 106714, + "大éĺŁ": 106715, + "é¦ĸè¦ģ": 106716, + "ä¸įæĦ¿": 106717, + "çİ«çij°": 106718, + "人æ°ijç½ij": 106719, + "è¿ĺæĺ¯è¦ģ": 106720, + "åĽĽå¹´": 106721, + "æįŁä¼¤": 106722, + "çļĦåģļæ³ķ": 106723, + "éĿĪ": 106724, + "è¡Ķæİ¥": 106725, + "åIJĪæĪIJ": 106726, + "没人": 106727, + "éĹ¨æ§Ľ": 106728, + "ä¿¡è´·": 106729, + "çļĦ缸åħ³": 106730, + "举é£İ": 106731, + "社ä¿Ŀ": 106732, + "ä¸ĭ游": 106733, + "åĿĹéĴ±": 106734, + "è¿ĩåIJİ": 106735, + "çļĦåºĶç͍": 106736, + "饶": 106737, + "é¢ģåıij": 106738, + "ä¸Ģå¤Ħ": 106739, + "åįİå¤ı": 106740, + "为ä¼ģä¸ļ": 106741, + "åıªä¼ļ": 106742, + "侵害": 106743, + "çļĦåĬŁèĥ½": 106744, + "åѸç¿Ĵ": 106745, + "ä¸Ńåįİæ°ijæĹı": 106746, + "åıijå¸ĥäºĨ": 106747, + "è¿İæİ¥": 106748, + "æĪijèĩªå·±": 106749, + "è¿ĺéľĢè¦ģ": 106750, + "太éĺ³èĥ½": 106751, + "åİ»ä¸ĸ": 106752, + "æĺ¯ä½ł": 106753, + "åIJĪåĬĽ": 106754, + "ç»ĺçĶ»": 106755, + "åı°åĮĹ": 106756, + "çĿ£ä¿ĥ": 106757, + "åĮĹéĥ¨": 106758, + "æľīå¤ļå°ij": 106759, + "å¾Īéĩįè¦ģ": 106760, + "åĪĴåĪĨ": 106761, + "åı·çº¿": 106762, + "æĶ¾å¤§": 106763, + "ä¼ļ被": 106764, + "èİ·å¥ĸ": 106765, + "ä¹ĭåĨħ": 106766, + "失åİ»äºĨ": 106767, + "çݩ家们": 106768, + "éĩĩéĽĨ": 106769, + "壹": 106770, + "å®¶ä¼Ļ": 106771, + "çϽ天": 106772, + "åĽłä¸ºä»ĸ": 106773, + "社ä¼ļæ²»çIJĨ": 106774, + "å¼ĢåĪĽ": 106775, + "ç͵ç¼Ĩ": 106776, + "æĸ°ä¸Ģ代": 106777, + "å¹¶è´Ń": 106778, + "就已ç»ı": 106779, + "çļĦ社ä¼ļ": 106780, + "éϤéĿŀ": 106781, + "åı¯ä»¥ç͍": 106782, + "å©ī": 106783, + "æ¯Ķè¾ĥ好": 106784, + "å®ŀä¸ļ": 106785, + "åĪĽåĬŀ": 106786, + "æıIJèµ·": 106787, + "é»ĥ": 106788, + "ä½ıåľ¨": 106789, + "å¸ĤæĶ¿": 106790, + "éĿ¢ä¸´çļĦ": 106791, + "èĥ½åľ¨": 106792, + "çŁŃçŁŃ": 106793, + "çľŁäºº": 106794, + "æĺİæĺİ": 106795, + "èµĦåĬ©": 106796, + "çļĦä¸įåIJĮ": 106797, + "å°ıæľĭåıĭ": 106798, + "é¢ĺæĿIJ": 106799, + "ç¾İåij³": 106800, + "æĺŁåº§": 106801, + "ä¸įä¸Ģæł·çļĦ": 106802, + "çľĭä¸Ĭåİ»": 106803, + "ä¸Ģæł¹": 106804, + "广å·ŀå¸Ĥ": 106805, + "åıijçĶŁçļĦ": 106806, + "é«ĺç§ijæĬĢ": 106807, + "ä¸Ģè¾ĪåŃIJ": 106808, + "交åıī": 106809, + "ä½ĵ系建设": 106810, + "åĽłä¸ºæĪij": 106811, + "çıįæĥľ": 106812, + "ä¸ĬåѦ": 106813, + "æĪĺæľ¯": 106814, + "æŃ¤ç±»": 106815, + "交å¾Ģ": 106816, + "æĮīæij©": 106817, + "人们çļĦ": 106818, + "åħ¶å¯¦": 106819, + "åİŁæĿIJæĸĻ": 106820, + "æ¸´æľĽ": 106821, + "缸å¤Ħ": 106822, + "微微": 106823, + "æ®·": 106824, + "ä¹ĺåĿIJ": 106825, + "å¼Ģå±ķäºĨ": 106826, + "é«ĺåĵģè´¨": 106827, + "æĹłäººæľº": 106828, + "ä¸įæĺ¯å¾Ī": 106829, + "çļĦæĬķèµĦ": 106830, + "èĬĤçľģ": 106831, + "èĩī": 106832, + "ç²¾éĢī": 106833, + "çļĦæłĩåĩĨ": 106834, + "åįĹéĥ¨": 106835, + "认è¯Ĩåΰ": 106836, + "å¹³éĿĻ": 106837, + "èĹ¥": 106838, + "æī«é»ij": 106839, + "æī«é»ijéϤ": 106840, + "æī«é»ijéϤæģ¶": 106841, + "éĢĻ種": 106842, + "建çŃijéĿ¢ç§¯": 106843, + "ç¡®ç«ĭ": 106844, + "管çIJĨåĬŀæ³ķ": 106845, + "æĦıå¿Ĺ": 106846, + "丨": 106847, + "让åŃ©åŃIJ": 106848, + "æķijçģ¾": 106849, + "å½ĵä»Ĭ": 106850, + "çģ«çģ¾": 106851, + "åIJĦéĥ¨éŨ": 106852, + "ä¾µçĬ¯": 106853, + "æ¯ıåij¨": 106854, + "æı½": 106855, + "ä¸Ģ次æĢ§": 106856, + "åħ¶ä»ĸ人": 106857, + "éĶĻè¿ĩ": 106858, + "ä¸İåħ¶": 106859, + "åĭĩæ°Ķ": 106860, + "çĩĥæ°Ķ": 106861, + "é¦ĸå±Ĭ": 106862, + "æľį饰": 106863, + "ç²¥": 106864, + "å®Įæ¯ķ": 106865, + "å°±æĬĬ": 106866, + "åĬŀäºĭå¤Ħ": 106867, + "ä¸Ģä¼ļåĦ¿": 106868, + "离ä¸įå¼Ģ": 106869, + "å¦ĤæŀľæĤ¨": 106870, + "ä»ĵåºĵ": 106871, + "导å¸Ī": 106872, + "åIJĪéĢĤçļĦ": 106873, + "毫米": 106874, + "å®īåħ¨æĢ§": 106875, + "ä¾Ŀçħ§": 106876, + "产ä¸ļåĮĸ": 106877, + "ä½łçľĭ": 106878, + "羣çļĦå¾Ī": 106879, + "åѤçĭ¬": 106880, + "éĺ²å¾¡": 106881, + "å¾Īç®Ģåįķ": 106882, + "é£İæ°´": 106883, + "ä½Ĩä¹Ł": 106884, + "æİ¨åĩºäºĨ": 106885, + "æ°ijèIJ¥ä¼ģä¸ļ": 106886, + "çłģ头": 106887, + "å¤įæĿĤçļĦ": 106888, + "ç»ĦæĪIJéĥ¨åĪĨ": 106889, + "åħħ满äºĨ": 106890, + "è¿ijåĩłå¹´": 106891, + "çľģæĶ¿åºľ": 106892, + "æľīå¿ħè¦ģ": 106893, + "éϳ": 106894, + "ä¹ĭç±»": 106895, + "ä¹ĭç±»çļĦ": 106896, + "æĢ§ä»·": 106897, + "æĢ§ä»·æ¯Ķ": 106898, + "åķĨåºĹ": 106899, + "å¸Ĥå̼": 106900, + "人æīįåŁ¹åħ»": 106901, + "æ·±åıĹ": 106902, + "管çIJĨå±Ģ": 106903, + "æģIJæĥ§": 106904, + "ä»ħæľī": 106905, + "æĬµè¾¾": 106906, + "æµ·åħ³": 106907, + "èµĭäºĪ": 106908, + "äºĭåĦ¿": 106909, + "ä»·éĴ±": 106910, + "æīĭä¸Ĭ": 106911, + "èĩªå¾ĭ": 106912, + "åħ³çα": 106913, + "享æľī": 106914, + "éģĹæĨ¾": 106915, + "å¾Īå¿«å°±": 106916, + "æĽ´å¿«": 106917, + "æłĩè¯Ĩ": 106918, + "åºĨç¥Ŀ": 106919, + "ä¹Łå¥½": 106920, + "ä¸įæĺĵ": 106921, + "æĪijå¾Ī": 106922, + "æĶ¹éĿ©åıijå±ķ": 106923, + "å¤ĸåľ°": 106924, + "æĬµæĬ¼": 106925, + "è¯Ĺ人": 106926, + "åİķæīĢ": 106927, + "æĸ°åªĴä½ĵ": 106928, + "èĸĽ": 106929, + "è°Īè¯Ŀ": 106930, + "ä¸Ģå®ļç¨ĭ度": 106931, + "èµ°åľ¨": 106932, + "æľĢ强": 106933, + "åĬŁçİĩ": 106934, + "åħ±è¯Ĩ": 106935, + "大桥": 106936, + "ä¸ĭæĸ¹": 106937, + "å¤ĸèµĦ": 106938, + "碱": 106939, + "å·¡è§Ĩ": 106940, + "æ¹ĸåĮĹçľģ": 106941, + "个çϾåĪĨ": 106942, + "个çϾåĪĨçĤ¹": 106943, + "çļĦ责任": 106944, + "çļĦåĵģçīĮ": 106945, + "åĬ©æİ¨": 106946, + "åĪĽéĢłäºĨ": 106947, + "ä»»èģĮ": 106948, + "å¿«æį·": 106949, + "æĿijåºĦ": 106950, + "åİ»çľĭ": 106951, + "æīįèĥ½å¤Ł": 106952, + "層": 106953, + "æĪijå®¶": 106954, + "æĺ¯ä¸Ģ款": 106955, + "ç¾ħ": 106956, + "åĨ°éĽª": 106957, + "æŀģ大": 106958, + "çģ¯åħī": 106959, + "éĨĭ": 106960, + "ä¸İåħ¶ä»ĸ": 106961, + "æıIJåĩºçļĦ": 106962, + "éĿłè¿ij": 106963, + "è°ĥåĬ¨": 106964, + "å°½åı¯èĥ½": 106965, + "åıijåĬĽ": 106966, + "ç»Ļ她": 106967, + "éĢĤéĩı": 106968, + "è·¨åĽ½": 106969, + "åħĪè¡Į": 106970, + "æĸ°æĿIJæĸĻ": 106971, + "ä½ľäºĨ": 106972, + "满äºĨ": 106973, + "ä¸į满": 106974, + "çļĦçľ¼çĿĽ": 106975, + "çľĭå¾Ĺ": 106976, + "è¿Ļä¸Ģ次": 106977, + "é½IJåħ¨": 106978, + "çļĦä¸Ģéĥ¨åĪĨ": 106979, + "ä¸Ļ": 106980, + "æ¸ħæĸ°": 106981, + "說æĺİ": 106982, + "身边çļĦ": 106983, + "æīĢæľī人": 106984, + "å½°æĺ¾": 106985, + "è±¹": 106986, + "åį¿": 106987, + "è¿IJ转": 106988, + "æĮĩå¼ķ": 106989, + "å¸Ĥåħ¬å®īå±Ģ": 106990, + "åıĤå±ķ": 106991, + "ä¹ĭæĹ¶": 106992, + "éĩijèŀįæľįåĬ¡": 106993, + "èµĦæľ¬å¸Ĥåľº": 106994, + "èĥ½è®©": 106995, + "å¿ĺäºĨ": 106996, + "天åłĤ": 106997, + "æ¯Ķå¦Ĥ说": 106998, + "éĬĢè¡Į": 106999, + "èĽĭç³ķ": 107000, + "çĶ©": 107001, + "æł¸å®ŀ": 107002, + "æĻ®äº¬": 107003, + "ä¼ĺç¾İ": 107004, + "åı£èħĶ": 107005, + "漫çĶ»": 107006, + "çľ¼éĩĮ": 107007, + "äºĨä¸ĭæĿ¥": 107008, + "æĪijä»¬ä¹Ł": 107009, + "ä¾į": 107010, + "为ä¸Ńå¿ĥ": 107011, + "å¥ĩ迹": 107012, + "éĿĴçĿIJ": 107013, + "æĪªèĩ³çĽ®åīį": 107014, + "åĩºä¾Ĩ": 107015, + "æĢ»åħ¬åı¸": 107016, + "弥补": 107017, + "ç®Ĺæ³ķ": 107018, + "å·¥ä½ľå®¤": 107019, + "æīĢ以æĪij": 107020, + "æ°´åĪĨ": 107021, + "æīĢå±ŀ": 107022, + "ä¸į说": 107023, + "ä½Ĩæĺ¯åľ¨": 107024, + "è¦ģåİ»": 107025, + "åĪĽä¸ļèĢħ": 107026, + "ä¸įæ¸ħæ¥ļ": 107027, + "åĽĽåij¨": 107028, + "æĺ¯ä»İ": 107029, + "çļĦæł¹æľ¬": 107030, + "çģ¶": 107031, + "æ¯Ľæ³½": 107032, + "æ¯Ľæ³½ä¸ľ": 107033, + "æµ·åı£": 107034, + "åĽĽåįģ": 107035, + "ä¹Łè¢«": 107036, + "èģ·": 107037, + "ä¸Ģæīĭ": 107038, + "绩æķĪ": 107039, + "çļĦçĶ·äºº": 107040, + "书ç±į": 107041, + "ä¸ĢèĦ¸": 107042, + "大äºİ": 107043, + "鼶éĥ¨ä»¶": 107044, + "åħ³æĢĢ": 107045, + "平米": 107046, + "æļ´éľ²": 107047, + "å¾Ĺå¤ļ": 107048, + "ä¸ī级": 107049, + "æľ¬åij¨": 107050, + "两èĢħ": 107051, + "对ä¸ŃåĽ½": 107052, + "åıªè§ģ": 107053, + "欧ç¾İ": 107054, + "å¦Ĥæŀľæľī": 107055, + "å·²ç»ıæĺ¯": 107056, + "çľĭå®Į": 107057, + "çģ«éĶħ": 107058, + "èµIJ": 107059, + "ä¸Ģéģį": 107060, + "æĦŁåĨĴ": 107061, + "ç»ĵå±Ģ": 107062, + "ä»ĵåĤ¨": 107063, + "å®ŀåľ°": 107064, + "å̻ç»ıçIJĨ": 107065, + "ä¹Łä¸įçŁ¥éģĵ": 107066, + "碰åΰ": 107067, + "åIJĪ计": 107068, + "客æĪ·çļĦ": 107069, + "ç½Ĺ马": 107070, + "æĦīå¿«": 107071, + "é£Ľ": 107072, + "çĥŃçĥĪ": 107073, + "伦æķ¦": 107074, + "åĮ»ä¿Ŀ": 107075, + "éĺ¿éĩĮå·´å·´": 107076, + "åĨį说": 107077, + "ä¸ºåŁºç¡Ģ": 107078, + "çĶŁäº§ç»ıèIJ¥": 107079, + "è¿ĻäºĽäºº": 107080, + "åĪĹ车": 107081, + "æ²³åĮĹçľģ": 107082, + "è¿Ļ段": 107083, + "æ´»åĬ¨ä¸Ń": 107084, + "å©·": 107085, + "çĶŁçIJĨ": 107086, + "ä¸ŃåĽ½äººæ°ij": 107087, + "éĦĤ": 107088, + "åIJ¬åıĸ": 107089, + "å¤įä¹ł": 107090, + "æľīçĽĬ": 107091, + "æĶ¶æĭ¾": 107092, + "å¾Īåı¯èĥ½": 107093, + "ç½ijç»ľæ¸¸æĪı": 107094, + "们çļĦ": 107095, + "èµĭèĥ½": 107096, + "éļ¾å¾Ĺ": 107097, + "åĪĨæīĭ": 107098, + "羣è¯ļ": 107099, + "åħ¬åı¸åľ¨": 107100, + "åĿĩè¡¡": 107101, + "åı£åij³": 107102, + "çīµå¤´": 107103, + "ä¸ĢèάçļĦ": 107104, + "轿车": 107105, + "çŃīäºİ": 107106, + "æ²īé»ĺ": 107107, + "æĪijéĥ½": 107108, + "å°ıç¨ĭåºı": 107109, + "ä¸Ģåī¯": 107110, + "æī¿è½½": 107111, + "åľ°è´¨": 107112, + "çķĮéĿ¢": 107113, + "çĶµæľº": 107114, + "çĦ¦èĻij": 107115, + "éĶĢåĶ®é¢Ŀ": 107116, + "æĸ°è½¦": 107117, + "ä¸Ĭ游": 107118, + "主æ¼Ķ": 107119, + "éļIJç§ģ": 107120, + "åıijå±ķæĪĺçķ¥": 107121, + "çļĦåĬªåĬĽ": 107122, + "å¼Ģåħ³": 107123, + "è§£åĨ³éĹ®é¢ĺ": 107124, + "çĿ£å¯¼": 107125, + "对æĬĹ": 107126, + "å¾Īå¤ļ人éĥ½": 107127, + "æĹłæķĪ": 107128, + "产åĵģè´¨éĩı": 107129, + "å®īå¿ĥ": 107130, + "åįİ人": 107131, + "ä¸į符åIJĪ": 107132, + "èĩªå®¶": 107133, + "éĺµå®¹": 107134, + "çļĦåIJĦç§į": 107135, + "çļĦçIJĨ念": 107136, + "çļĦæĸĩåĮĸ": 107137, + "为èĩªå·±": 107138, + "山水": 107139, + "游泳": 107140, + "éľĩèį¡": 107141, + "çĶŁæ´»æĸ¹å¼ı": 107142, + "è¿ľç¦»": 107143, + "çŁ³åĮĸ": 107144, + "æŃ¤äºĭ": 107145, + "æĺ¯çľŁçļĦ": 107146, + "çļĦæ¯Ķä¾ĭ": 107147, + "ç͍ç͵": 107148, + "奥è¿IJä¼ļ": 107149, + "ä¿Ŀå®ī": 107150, + "èĽĭçĻ½è´¨": 107151, + "çļĦå¿ĥçIJĨ": 107152, + "å·«": 107153, + "åı·çłģ": 107154, + "æ°Ķä½ĵ": 107155, + "åıijæĶ¹": 107156, + "åıijæĶ¹å§Ķ": 107157, + "åĮ»å¸Ī": 107158, + "æ¶ĤæĸĻ": 107159, + "æĺĬ": 107160, + "å¸Ĥ级": 107161, + "ä¸ĸçķĮçļĦ": 107162, + "åĪĨåĪ«æĺ¯": 107163, + "çł´äº§": 107164, + "ä¸ĢæĿ¯": 107165, + "æĭīå¼Ģ": 107166, + "å¹³åĩ¡": 107167, + "çļĦåıijçĶŁ": 107168, + "åĬ¨æīĭ": 107169, + "ä¸ĢçĽ´ä»¥æĿ¥": 107170, + "æīĭå·¥": 107171, + "éĩĮéĿ¢çļĦ": 107172, + "æĹłåħ³": 107173, + "ä»ĭåħ¥": 107174, + "èµ°ä¸Ĭ": 107175, + "å°±æĺ¯è¦ģ": 107176, + "å¹´éĹ´": 107177, + "åĩºçı¾": 107178, + "å½±éŁ¿": 107179, + "å¹ħ度": 107180, + "éĽģ": 107181, + "éģĵåħ·": 107182, + "缮çļĦåľ°": 107183, + "åIJİèĢħ": 107184, + "ä¸Ĭæ¼Ķ": 107185, + "äºĨåĩł": 107186, + "æ®ĭçĸ¾äºº": 107187, + "å¿Ļç¢Į": 107188, + "æĺ¯åIJ¦æľī": 107189, + "并对": 107190, + "ä¼ļ导èĩ´": 107191, + "æ°´åºĵ": 107192, + "ç»Ĩèĩ´": 107193, + "åIJİæĤĶ": 107194, + "å¿ĥæĢĿ": 107195, + "åģļäºĭ": 107196, + "åİĤæĪ¿": 107197, + "çĿ¿": 107198, + "è¿IJèIJ¥åķĨ": 107199, + "头éĥ¨": 107200, + "çļĦè§Ĵèī²": 107201, + "æĺ¯ä»ĸ": 107202, + "æĹ¢æľī": 107203, + "å°ıæĹ¶åĢĻ": 107204, + "强åĬ²": 107205, + "主æĴŃ": 107206, + "åħ¨åĽ½åIJĦåľ°": 107207, + "æįı": 107208, + "æįŁåĿı": 107209, + "åķĨä¼ļ": 107210, + "ä¿Ŀç½Ĺ": 107211, + "çľģå¸Ĥ": 107212, + "éļ§éģĵ": 107213, + "æľīä¸įå°ij": 107214, + "è¦ģåľ¨": 107215, + "å»ºè®¾é¡¹çĽ®": 107216, + "ç³ĸå°¿": 107217, + "ç³ĸå°¿çĹħ": 107218, + "æĿ¡ä»¶ä¸ĭ": 107219, + "ä¼ĺè´¨çļĦ": 107220, + "é¦ĸåıij": 107221, + "å½ĵæĹ¶çļĦ": 107222, + "丰çͰ": 107223, + "大çĽĺ": 107224, + "缸继": 107225, + "å®ģå¤ı": 107226, + "åħ¥ä½ı": 107227, + "æĪijè¿ĺ": 107228, + "åħĭæĸ¯": 107229, + "å®ļä»·": 107230, + "å¹³æĸ¹åħ¬éĩĮ": 107231, + "çļĦçŁ¥è¯Ĩ": 107232, + "æĪij们ä¼ļ": 107233, + "åħĥå®Ŀ": 107234, + "ä½ĵéĩį": 107235, + "è³£": 107236, + "对æĪij们": 107237, + "çŁ³å®¶": 107238, + "çŁ³å®¶åºĦ": 107239, + "ç²¾åįİ": 107240, + "å½¢çĬ¶": 107241, + "åıĹåΰäºĨ": 107242, + "修订": 107243, + "ç¾İåľĭ": 107244, + "é«ĺæ¸ħ": 107245, + "çľ¼éķľ": 107246, + "è§īå¾Ĺèĩªå·±": 107247, + "带ç»Ļ": 107248, + "åͮ价": 107249, + "éĹ¨ç¥¨": 107250, + "åŃķå¦ĩ": 107251, + "ç͵è§Ĩåı°": 107252, + "åıijä½ľ": 107253, + "çļĦåij³éģĵ": 107254, + "éķ¿è¿ľ": 107255, + "åħ¬åħ±æľįåĬ¡": 107256, + "æŃ£å¸¸çļĦ": 107257, + "æľīè¿ĩ": 107258, + "é£İæĥħ": 107259, + "æ¯Ķéĩį": 107260, + "åIJ»": 107261, + "管çIJĨå·¥ä½ľ": 107262, + "综åIJο̧": 107263, + "已被": 107264, + "说起": 107265, + "æİĴæ°´": 107266, + "ä¸įæĸŃåľ°": 107267, + "æĥħæĢĢ": 107268, + "è¾ĵéĢģ": 107269, + "è¿ĩæķı": 107270, + "çļĦåı¯èĥ½æĢ§": 107271, + "æľįç͍": 107272, + "æľī许å¤ļ": 107273, + "å§Ķåī¯ä¹¦è®°": 107274, + "åĮĸå¦Ĩåĵģ": 107275, + "æļĤåģľ": 107276, + "æĬķèµĦ人": 107277, + "çıŃ级": 107278, + "说çĿĢ": 107279, + "åįĹåĮĹ": 107280, + "åĪĨè¡Į": 107281, + "çıłå®Ŀ": 107282, + "寶": 107283, + "å¢ŀå¤ļ": 107284, + "被åĬ¨": 107285, + "ç®ĬçļĦ": 107286, + "éĹľä¿Ĥ": 107287, + "çļĦèĦ¸": 107288, + "æĥŁ": 107289, + "ä¸įä¸Ģå®ļ": 107290, + "ç¶Ń": 107291, + "çģ«çĪĨ": 107292, + "ç§Łéĩij": 107293, + "çŀ§": 107294, + "éĩį建": 107295, + "è·ª": 107296, + "ä¸Ģ種": 107297, + "çļĦåIJĪä½ľ": 107298, + "å®īæħ°": 107299, + "ä»įæĺ¯": 107300, + "ä¸ĵä¸ļåĮĸ": 107301, + "è°ĥè§£": 107302, + "ä¸į妨": 107303, + "éĢĻæĺ¯": 107304, + "å¿ħéłĪ": 107305, + "ä¼ĬæľĹ": 107306, + "å¾ĹäºĨ": 107307, + "æľįåĬ¡å¹³åı°": 107308, + "姬": 107309, + "åħĪéĶĭ": 107310, + "çİĭåŃIJ": 107311, + "çļĦä¸ĢåĪĩ": 107312, + "æĢ»çIJĨ": 107313, + "åĵ¼": 107314, + "çªij": 107315, + "çļĦå¿ĥæĥħ": 107316, + "çļĦéĩį大": 107317, + "çijŁ": 107318, + "ä¸Ģç¬ij": 107319, + "åıijå±ķä¸Ń": 107320, + "åģ¥åº·åıijå±ķ": 107321, + "åĵģçīĮçļĦ": 107322, + "禮": 107323, + "ä½Ļ人": 107324, + "ä»Ĭ年以æĿ¥": 107325, + "æķ°çłģ": 107326, + "çѾè¯ģ": 107327, + "åİ»æī¾": 107328, + "åŁºéĩijä¼ļ": 107329, + "æĬ±æĢ¨": 107330, + "æŃ£å½ĵ": 107331, + "çıŃåŃIJæĪIJåijĺ": 107332, + "ä¸įåIJĪæł¼": 107333, + "åζå®ļäºĨ": 107334, + "ç¼ĵæħ¢": 107335, + "åĪ¶çº¦": 107336, + "æłı缮": 107337, + "å¸Ĥåľºç»ıæµİ": 107338, + "ç»ĦæĪIJçļĦ": 107339, + "严峻": 107340, + "æĹ¥è®¯": 107341, + "ä¸ĢçĤ¹çĤ¹": 107342, + "æĺ¯æĢİä¹Ī": 107343, + "çļĦçħ§çīĩ": 107344, + "éĺ»æŃ¢": 107345, + "模ç³Ĭ": 107346, + "缸": 107347, + "éģķåıį": 107348, + "æIJ¬è¿ģ": 107349, + "éĩijéĴ±": 107350, + "彬": 107351, + "ä¸įå®ī": 107352, + "æĪĺçķ¥åIJĪä½ľ": 107353, + "å¡«åĨĻ": 107354, + "讲究": 107355, + "åħħåĪĨåĪ©ç͍": 107356, + "èĥ½å¤ł": 107357, + "èij¡èIJĦéħĴ": 107358, + "éĩĩç͍äºĨ": 107359, + "åľ¨ä»Ĭå¹´": 107360, + "ä¸Ńå°ıåѦ": 107361, + "åľ¨æĦı": 107362, + "çļĦåİĭåĬĽ": 107363, + "ä¸į幸": 107364, + "åζèį¯": 107365, + "åı¯ä»¥è®©": 107366, + "被è¯Ħ为": 107367, + "ç»ĨèıĮ": 107368, + "æĪıåī§": 107369, + "åįĬ导": 107370, + "åįĬ导ä½ĵ": 107371, + "è§Ĩè§Ĵ": 107372, + "åĸľæŃ¡": 107373, + "å¾ģæĶ¶": 107374, + "è°ĭåĪĴ": 107375, + "æŀģ大çļĦ": 107376, + "çĤ¹èµŀ": 107377, + "è®°èĢħä»İ": 107378, + "两åIJį": 107379, + "èĩªåĬ©": 107380, + "èµ·æŃ¥": 107381, + "æĬ¤å£«": 107382, + "å®Ŀ马": 107383, + "太åŃIJ": 107384, + "å°ıå°ıçļĦ": 107385, + "温æ³ī": 107386, + "åĩºç§Łè½¦": 107387, + "ç§ŁæĪ¿": 107388, + "两家": 107389, + "éľĩæĴ¼": 107390, + "ç§īæī¿": 107391, + "ä¸Ģä»¶äºĭ": 107392, + "çĥĪ士": 107393, + "å®ĺåħµ": 107394, + "转身": 107395, + "ä¹IJåĽŃ": 107396, + "çĻĮçĹĩ": 107397, + "模èĮĥ": 107398, + "æĦ£": 107399, + "è¿ĩåİ»çļĦ": 107400, + "代价": 107401, + "çļĦæ¦Ĥ念": 107402, + "åĩłçϾ": 107403, + "è´µéĺ³": 107404, + "æĭħå¿§": 107405, + "éĢĤå®ľ": 107406, + "çݯå¢ĥä¿ĿæĬ¤": 107407, + "çĥ«": 107408, + "ä½łæĥ³": 107409, + "æŃ¤åIJİ": 107410, + "ä½łä¹Ł": 107411, + "çįİ": 107412, + "éϤæŃ¤": 107413, + "éϤæŃ¤ä¹ĭå¤ĸ": 107414, + "è°ĥ度": 107415, + "ç§ij缮": 107416, + "æīĢ说çļĦ": 107417, + "åĬĩ": 107418, + "忽è§Ĩ": 107419, + "ä¸ī次": 107420, + "ä¸ĢæĹ¥": 107421, + "åŀĤ缴": 107422, + "ç«ŀæĬĢ": 107423, + "éĿ¢åĮħ": 107424, + "大æĪĺ": 107425, + "æIJºå¸¦": 107426, + "å¦Ĥæŀľæ²¡æľī": 107427, + "åħ»æĪIJ": 107428, + "åĩºè¡Ģ": 107429, + "çα好èĢħ": 107430, + "æīĵéĢļ": 107431, + "èµ·è¯ī": 107432, + "åijĪçݰåĩº": 107433, + "æŃĮæīĭ": 107434, + "åľ¨å¤ĸ": 107435, + "é¢Ĩ导干éĥ¨": 107436, + "åĨ¥": 107437, + "èĪĨ论": 107438, + "æıIJåıĸ": 107439, + "éĺ¿å°Ķ": 107440, + "æľĽçĿĢ": 107441, + "ä¸īäºļ": 107442, + "財": 107443, + "åĪ·æĸ°": 107444, + "æĻļæĬ¥": 107445, + "è¿ĺæľīä¸Ģ个": 107446, + "åĨ°ç®±": 107447, + "ç½ijçĤ¹": 107448, + "åĩºåħ·": 107449, + "强çĥĪçļĦ": 107450, + "æĪijçĽ¸ä¿¡": 107451, + "å¸ĮæľĽèĥ½": 107452, + "çīĻ齿": 107453, + "äºĭå®ľ": 107454, + "ä¸ļåĨħ人士": 107455, + "ä»£æĽ¿": 107456, + "åıĺå½¢": 107457, + "éĽ²": 107458, + "è°ĥæİ§": 107459, + "åĪĽæĸ°åĪĽä¸ļ": 107460, + "æĭĨè¿ģ": 107461, + "æł¸æŁ¥": 107462, + "éĢĹ": 107463, + "åħ¥åѦ": 107464, + "æĦıåIJij": 107465, + "æıĽ": 107466, + "ä¸ĭ次": 107467, + "ä¼łè¾ĵ": 107468, + "ä»ĸä»¬åľ¨": 107469, + "èĢĮä¸Ķè¿ĺ": 107470, + "æĹ¥åľ¨": 107471, + "æķĻè®Ń": 107472, + "æ´»çĿĢ": 107473, + "çļĦæľīæķĪ": 107474, + "å¤įå·¥å¤į": 107475, + "å¤įå·¥å¤į产": 107476, + "æĺ¯ä¸Ģä»¶": 107477, + "çŃīçĿĢ": 107478, + "復": 107479, + "åĭĩæķ¢": 107480, + "éģŃåıĹ": 107481, + "å¥Ķé©°": 107482, + "讲座": 107483, + "说å®Į": 107484, + "ç»Ļåĩº": 107485, + "è°¦": 107486, + "è¯ĬçĸĹ": 107487, + "çĽ²çĽ®": 107488, + "客è¿IJ": 107489, + "å°±è¿ŀ": 107490, + "å¼Ģåħĥ": 107491, + "å¼Ģåħĥæ£ĭçīĮ": 107492, + "ä¸įæĸŃæıIJåįĩ": 107493, + "ç͍æĪ·çļĦ": 107494, + "æĴķ": 107495, + "ä¾Ľæ°´": 107496, + "ç¶ĵæ¿Ł": 107497, + "ä¸ŃåĮ»èį¯": 107498, + "èģĶæĥ³": 107499, + "åħ¬äº¤è½¦": 107500, + "èĪªçıŃ": 107501, + "æĬĢè¡ĵ": 107502, + "å¼ķèµ·çļĦ": 107503, + "å°¹": 107504, + "èµĦæ·±": 107505, + "åĽ½èµĦå§Ķ": 107506, + "èĺŃ": 107507, + "é¼»åŃIJ": 107508, + "éĹ½": 107509, + "æİĴéĺŁ": 107510, + "è§Ĥåħī": 107511, + "éģĹåĿĢ": 107512, + "ä¸ľäº¬": 107513, + "é¥ŃåºĹ": 107514, + "ä¸įæĸŃçļĦ": 107515, + "å°±æĺ¯ä¸Ģ个": 107516, + "éķ¿ä¹ħ": 107517, + "çļĦè§ĤçĤ¹": 107518, + "娶": 107519, + "æĪijçİ°åľ¨": 107520, + "çķ°": 107521, + "å¾Ĺåĩº": 107522, + "å¿ħå®ļ": 107523, + "ä¸įåıĹ": 107524, + "åıªéľĢè¦ģ": 107525, + "åĽ°æī°": 107526, + "ç§ijåѦæĬĢæľ¯": 107527, + "çīĽèĤī": 107528, + "è¾ĥé«ĺçļĦ": 107529, + "è·ijæŃ¥": 107530, + "æ²¾": 107531, + "èı©èIJ¨": 107532, + "æľĢå¾Į": 107533, + "ä¿Ŀå¯Ĩ": 107534, + "æ²»å®ī": 107535, + "éĤ±": 107536, + "常è¯Ĩ": 107537, + "èĦ¸èī²": 107538, + "åĮĹ大": 107539, + "æ±ĩèģļ": 107540, + "æijĨèĦ±": 107541, + "é¾Ļ头ä¼ģä¸ļ": 107542, + "女åıĭ": 107543, + "çŃīå·¥ä½ľ": 107544, + "ä¸Ńç¾İ": 107545, + "èģĮåľº": 107546, + "èĦijè¢ĭ": 107547, + "åĨĻçļĦ": 107548, + "饲æĸĻ": 107549, + "åĬ³åĬ¨åĬĽ": 107550, + "屯": 107551, + "æĮģèĤ¡": 107552, + "åĽ¾åĥı": 107553, + "è¿ĩåİ»äºĨ": 107554, + "貨": 107555, + "è¾²": 107556, + "éĹ®æĪij": 107557, + "è·Łä½ł": 107558, + "çĶŁæŃ»": 107559, + "审ç¾İ": 107560, + "é¢Ĺç²Ĵ": 107561, + "ä¸Ńæĸ¹": 107562, + "åĬłçĥŃ": 107563, + "æĹħè¡Į社": 107564, + "çϼçĶŁ": 107565, + "ä¸įåłª": 107566, + "åĤ·": 107567, + "æ¥ł": 107568, + "åĬŀæ¡Ī": 107569, + "æŁĦ": 107570, + "æĹ¢æĺ¯": 107571, + "å¤ĦåĪĨ": 107572, + "羣å®ŀçļĦ": 107573, + "æĬ¥çº¸": 107574, + "å¸Īçζ": 107575, + "å®īå¾½çľģ": 107576, + "åī¯ä¸»å¸Ń": 107577, + "ä¹ĭéģĵ": 107578, + "导弹": 107579, + "åŃ¦æł¡çļĦ": 107580, + "åŁİå¸ĤçļĦ": 107581, + "è°Īåΰ": 107582, + "æ¢Ĺ": 107583, + "å¹³éĿ¢": 107584, + "说ä»Ģä¹Ī": 107585, + "é¢ijçİĩ": 107586, + "éķ¿ä¸īè§Ĵ": 107587, + "çļĦåĪ©çĽĬ": 107588, + "黨": 107589, + "è±ĨèħIJ": 107590, + "å®ŀéĻħæĥħåĨµ": 107591, + "æŀĹä¸ļ": 107592, + "纪æ£ĢçĽijå¯Ł": 107593, + "ä½ıéĻ¢": 107594, + "çļĦæķ´ä½ĵ": 107595, + "åīįè¡Į": 107596, + "æĮ¨": 107597, + "çħ¤çŁ¿": 107598, + "å̻è£ģ": 107599, + "å°ıåIJĥ": 107600, + "æŀģ端": 107601, + "å©Ĩå©Ĩ": 107602, + "çݰ货": 107603, + "è¯ĹæŃĮ": 107604, + "éĴ¥åĮĻ": 107605, + "缩çŁŃ": 107606, + "ä½Ĩè¿Ļ": 107607, + "æĸ°åĵģ": 107608, + "è¿Ļ对": 107609, + "çŁ¥åIJį度": 107610, + "å¿ĹæĦ¿æľįåĬ¡": 107611, + "大å±Ģ": 107612, + "è¡¡éĩı": 107613, + "ä½ĵçݰäºĨ": 107614, + "æ¡ĥèĬ±": 107615, + "åIJ¸å¼ķåĬĽ": 107616, + "åł¤": 107617, + "æĵħéķ¿": 107618, + "åĴĴ": 107619, + "çĽ¸æľº": 107620, + "ä¸Ģç«Ļ": 107621, + "ä¸Ģç«Ļå¼ı": 107622, + "æľĢç¾İ": 107623, + "æ°¸ä¹ħ": 107624, + "çļĦéĥ¨åĪĨ": 107625, + "åĪĨå·¥": 107626, + "å·¥ç¨ĭ建设": 107627, + "æIJŃè½½": 107628, + "æ°´ä¸Ń": 107629, + "èĮ¨": 107630, + "çļĦæĵįä½ľ": 107631, + "ç»Łæ²»": 107632, + "çķħéĢļ": 107633, + "åħļçļĦåįģ": 107634, + "輸": 107635, + "測": 107636, + "ç¾İè§Ĥ": 107637, + "ä¸įåĪ©": 107638, + "åıįæĢĿ": 107639, + "éªĦåĤ²": 107640, + "æłĩçļĦ": 107641, + "æĿĢ人": 107642, + "éĺ¿å§¨": 107643, + "é£ŁæĿIJ": 107644, + "åIJĥçļĦ": 107645, + "åIJİåĨį": 107646, + "çŁ£": 107647, + "两侧": 107648, + "æ¸ħæ°´": 107649, + "è¿ĽçIJĥ": 107650, + "å¼Ģå§ĭäºĨ": 107651, + "åIJ¬äºĨ": 107652, + "çĦĬæİ¥": 107653, + "磮": 107654, + "å¨Ł": 107655, + "为人": 107656, + "éĢģç»Ļ": 107657, + "åĨĴéĻ©": 107658, + "æķ·": 107659, + "ç»ĪæŃ¢": 107660, + "æīįçŁ¥éģĵ": 107661, + "è¿IJæ°Ķ": 107662, + "éĢļé£İ": 107663, + "æĥĬè®¶": 107664, + "ç§ijåѦéĻ¢": 107665, + "æıIJéĹ®": 107666, + "太åİŁ": 107667, + "缸åIJĮçļĦ": 107668, + "ä»ķ": 107669, + "èģĸ": 107670, + "æĥħæ³ģ": 107671, + "é¢Ĩ导人": 107672, + "åĩºæĿ¥äºĨ": 107673, + "沿线": 107674, + "éϽ": 107675, + "æĦŁè¦º": 107676, + "ä»įåľ¨": 107677, + "æ©Ļ": 107678, + "约为": 107679, + "åĸĿéħĴ": 107680, + "ç͍èį¯": 107681, + "ä¸ĭä¸Ģ": 107682, + "æ³ķå®ĺ": 107683, + "顺åºı": 107684, + "åģļä¸Ģ个": 107685, + "åĭ¢": 107686, + "æŃª": 107687, + "ç͵ç«ŀ": 107688, + "ä¼´éļıçĿĢ": 107689, + "ä¹ĭåĬĽ": 107690, + "ä¹ĭ人": 107691, + "äºij计ç®Ĺ": 107692, + "åĪ«äººçļĦ": 107693, + "ç§ijåѦåıijå±ķ": 107694, + "第åħ«": 107695, + "å¹²æī°": 107696, + "女ç¥ŀ": 107697, + "è¿Ļæł·åģļ": 107698, + "å¤Ħåľ¨": 107699, + "æ°´è´¨": 107700, + "éķ¿æĺ¥": 107701, + "å¸ĤåľºéľĢæ±Ĥ": 107702, + "ç»´æĿĥ": 107703, + "èĢ³æľµ": 107704, + "æĸĩåĮĸçļĦ": 107705, + "奶ç²ī": 107706, + "ä¼łè¾¾": 107707, + "æīĭæľºçīĪ": 107708, + "æĽ¾åľ¨": 107709, + "äºĮæľŁ": 107710, + "åİŁåĽłæĺ¯": 107711, + "æºIJ头": 107712, + "åıĪèĥ½": 107713, + "裸": 107714, + "æĬĢæľ¯åĪĽæĸ°": 107715, + "æĸĩåĮĸæĹħ游": 107716, + "åıij票": 107717, + "年级": 107718, + "ä½łä¸į": 107719, + "ä¹ĭå¿ĥ": 107720, + "æķ°çϾ": 107721, + "åIJijå¾Ģ": 107722, + "èĢģå®¶": 107723, + "åľĭéļĽ": 107724, + "çļĦé«ĺ度": 107725, + "æľĿéĺ³": 107726, + "æ¸ħéϤ": 107727, + "èĩªæľī": 107728, + "书ä¸Ń": 107729, + "游æĪıè£ħå¤ĩ": 107730, + "ä¸ĩå¤ļ": 107731, + "驾驶åijĺ": 107732, + "ä½łçŁ¥éģĵ": 107733, + "åĽ½åºĨ": 107734, + "é£ŁåłĤ": 107735, + "æİ¥åı£": 107736, + "æĢ»æķ°": 107737, + "åħ¶ä»ĸçļĦ": 107738, + "çĶŁåij½çļĦ": 107739, + "ä½łåľ¨": 107740, + "çļĦ缮åħī": 107741, + "è¿Ļæĸ¹éĿ¢": 107742, + "éĥ½è¯´": 107743, + "çĸĹæ³ķ": 107744, + "åĭĩ士": 107745, + "åľ¨åħ¨çIJĥ": 107746, + "ä¿ĿéĻ©åħ¬åı¸": 107747, + "çĿ£æŁ¥": 107748, + "åĸĦèī¯": 107749, + "表彰": 107750, + "è¹²": 107751, + "路段": 107752, + "æľĥåĵ¡è¦ı": 107753, + "æľĥåĵ¡è¦ıç¯Ħ": 107754, + "æĪ·åŀĭ": 107755, + "ä¿ĥ使": 107756, + "修建": 107757, + "é«ĺæ°´å¹³": 107758, + "åģļåĩºäºĨ": 107759, + "ä¸»åľº": 107760, + "è¡Įèµ°": 107761, + "空çϽ": 107762, + "æľī人说": 107763, + "è¿Ļ个ä¸ĸçķĮ": 107764, + "åIJįä¹ī": 107765, + "å®Įç¾İçļĦ": 107766, + "羡æħķ": 107767, + "åıĬåħ¶ä»ĸ": 107768, + "åı¯ç͍": 107769, + "æĭIJ": 107770, + "è¾ĥ大çļĦ": 107771, + "æĬĢæľ¯åĴĮ": 107772, + "å°¼äºļ": 107773, + "çĻ¾è´§": 107774, + "æıī": 107775, + "éĢīè´Ń": 107776, + "éĺŁåıĭ": 107777, + "ä¼łæĦŁ": 107778, + "ä¼łæĦŁåύ": 107779, + "åıªè¦ģä½ł": 107780, + "为ä»Ģä¹Īè¦ģ": 107781, + "ä¸ĵ注äºİ": 107782, + "ä½Ļé¢Ŀ": 107783, + "åħ¸åŀĭçļĦ": 107784, + "缮åīįå·²": 107785, + "æ¬²æľĽ": 107786, + "èģĶ绾": 107787, + "æµģä¼ł": 107788, + "çļĦå®¶åºŃ": 107789, + "åı·åı¬": 107790, + "çıįè´µ": 107791, + "ä¼Łå¤§çļĦ": 107792, + "éī´äºİ": 107793, + "è·Łä»ĸ": 107794, + "产çī©": 107795, + "ä¸įå·²": 107796, + "è¿Ŀæ³ķè¡Į为": 107797, + "头ä¸Ĭ": 107798, + "åĪĨè§£": 107799, + "åı¯ä»¥çľĭåĩº": 107800, + "æł¡åĮº": 107801, + "åŃĹä½ĵ": 107802, + "ä¿®çĤ¼": 107803, + "çĶļèĩ³æĺ¯": 107804, + "微信åħ¬ä¼Ĺ": 107805, + "åıĸ代": 107806, + "èIJ¥ä¸ļæĶ¶åħ¥": 107807, + "æ½įåĿĬ": 107808, + "ä½łèĥ½": 107809, + "社ä¼ļä¿Ŀéļľ": 107810, + "æ¯ĶèµĽä¸Ń": 107811, + "污水å¤ĦçIJĨ": 107812, + "夫å¦ĩ": 107813, + "ä¸Ģå¹ħ": 107814, + "沿海": 107815, + "åı£æĦŁ": 107816, + "ä½Ĩåį´": 107817, + "å½ĵæĹ¥": 107818, + "çļĦæľĢ大": 107819, + "æ¯ıä¸Ģä½į": 107820, + "没äºĭ": 107821, + "çī¹åĪ¥": 107822, + "å¼ĢåѦ": 107823, + "è·¯éĿ¢": 107824, + "å¿ĥçIJĨåѦ": 107825, + "æĶ¾ç½®": 107826, + "éĩįåºĨå¸Ĥ": 107827, + "ä½łèĩªå·±": 107828, + "æ¶Īè´¹èĢħçļĦ": 107829, + "ä¸Ģæ³¢": 107830, + "èѦæĥķ": 107831, + "åį§å®¤": 107832, + "注å°Ħ": 107833, + "é£İ鼨": 107834, + "沿çĿĢ": 107835, + "åijĬ訴": 107836, + "表çݰåĩº": 107837, + "åĽĽæĺ¯": 107838, + "åı¤åħ¸": 107839, + "æĽ´éĩįè¦ģçļĦ": 107840, + "好äºĭ": 107841, + "çľ¼æ³ª": 107842, + "æ¨ĵ": 107843, + "审åΤ": 107844, + "碰æĴŀ": 107845, + "车ç«Ļ": 107846, + "è¿Ľåħ¥äºĨ": 107847, + "éĽĨåIJĪ": 107848, + "æł¼å¤ĸ": 107849, + "宾é¦Ĩ": 107850, + "æĶ¯ä»ĺå®Ŀ": 107851, + "她æĺ¯": 107852, + "æĺ¯å¦Ĥä½ķ": 107853, + "人次": 107854, + "çļĦæĪIJåĬŁ": 107855, + "æĹłåĬĽ": 107856, + "æµ·æĭĶ": 107857, + "æĺ¥åŃ£": 107858, + "éĥ½ä¸įä¼ļ": 107859, + "çŃīå¤ļç§į": 107860, + "ä¸Ģ个å°ı": 107861, + "åģľè½¦åľº": 107862, + "è®©æĽ´å¤ļ": 107863, + "è¿ĻçĤ¹": 107864, + "æĪIJåĵģ": 107865, + "éĴī": 107866, + "éģĩè§ģ": 107867, + "çıŃ主任": 107868, + "æĦıæĦ¿": 107869, + "çļĦåIJĮåѦ": 107870, + "游è§Ī": 107871, + "åİĭ缩": 107872, + "åľ¨ä¼łå¥ĩ": 107873, + "å¼¹æĢ§": 107874, + "æĹ¥åĨħ": 107875, + "ç¦ı建çľģ": 107876, + "è§ĴèIJ½": 107877, + "åĪĨå¼Ģ": 107878, + "ä¼ļ让": 107879, + "å¤ĸåĽ´": 107880, + "çĨŁæĤīçļĦ": 107881, + "çĨĶ": 107882, + "ä¸ĩè¾Ĩ": 107883, + "å¤ľéĹ´": 107884, + "车身": 107885, + "ä¸ŃæľŁ": 107886, + "å®ĮåĸĦçļĦ": 107887, + "åĵģç±»": 107888, + "åıĭè°Ĭ": 107889, + "éĢīæĭĶ": 107890, + "éªij士": 107891, + "彦": 107892, + "çļĦçľĭæ³ķ": 107893, + "åĽ½çİĭ": 107894, + "è¾£æ¤Ĵ": 107895, + "åıijå¸ĥæĹ¶éĹ´": 107896, + "åı¤åŁİ": 107897, + "éļıæľº": 107898, + "ç«ĸ": 107899, + "å¼Ģè¾Ł": 107900, + "ä¼ĹçĶŁ": 107901, + "没åĬŀæ³ķ": 107902, + "åįĥéĩĮ": 107903, + "æĿ¥æºIJäºİ": 107904, + "çļĦæĿĥåĪ©": 107905, + "æ¯ĶåĪĨ": 107906, + "满æĦıçļĦ": 107907, + "ä¿®è¡Į": 107908, + "åĿł": 107909, + "大海": 107910, + "èݹ": 107911, + "åĩºèº«": 107912, + "è«ĩ": 107913, + "åħ³èĬĤ": 107914, + "åIJį人": 107915, + "éľĢè¦ģ注æĦı": 107916, + "æĹ©æĻ¨": 107917, + "å¤ĸåįĸ": 107918, + "åıĪè¦ģ": 107919, + "æ¶īæ¡Ī": 107920, + "çĶ³è¯·äºº": 107921, + "éĻĦè¿ijçļĦ": 107922, + "åĬłå¿«æİ¨è¿Ľ": 107923, + "æĸ°å¹´": 107924, + "大è¡Ĺ": 107925, + "ä¸Ģé»ŀ": 107926, + "èĭıå®ģ": 107927, + "æĤĦæĤĦ": 107928, + "èĦ¾æ°Ķ": 107929, + "å¸ĮèħĬ": 107930, + "éļıåį³": 107931, + "æķ¢äºİ": 107932, + "å®ŀè·µä¸Ń": 107933, + "æĺ¯æ²¡æľī": 107934, + "æľīè¶£çļĦ": 107935, + "æĿ¥èĩªäºİ": 107936, + "è£ģåΤ": 107937, + "女åŃ©åŃIJ": 107938, + "èĩ³åħ³": 107939, + "èĩ³åħ³éĩįè¦ģ": 107940, + "æĻºåĬĽ": 107941, + "èµ°åĩºåİ»": 107942, + "çŁŃæĿ¿": 107943, + "å¤§åĽ½": 107944, + "çļĦ认è¯Ĩ": 107945, + "å¹´å¤ľ": 107946, + "åĨįåΰ": 107947, + "åIJĮæł·çļĦ": 107948, + "å¯Ĩå°ģ": 107949, + "å¤ĸ交éĥ¨": 107950, + "çĶŁæķĪ": 107951, + "æĤ¨åı¯ä»¥": 107952, + "ä½łåĢij": 107953, + "è¿ĩå¹´": 107954, + "å¼ĵ": 107955, + "è¡ĮæĿİ": 107956, + "æ¯Ķèµ·": 107957, + "身é«ĺ": 107958, + "è¿Ļ个人": 107959, + "ä¸Ńå¤ĸ": 107960, + "éģĵæŃī": 107961, + "çĽ¯çĿĢ": 107962, + "亲åŃIJ": 107963, + "éŸ": 107964, + "çϽäºij": 107965, + "èĦĸåŃIJ": 107966, + "ä¸ĢåĪĩéĥ½": 107967, + "æ·ij": 107968, + "è°ľ": 107969, + "åģ¶çĦ¶": 107970, + "éĿłè°±": 107971, + "é«ĺ管": 107972, + "ä¸ĭåıij": 107973, + "æĶ¾åΰ": 107974, + "ç±»åĪ«": 107975, + "ä¸ĭåĪĹ": 107976, + "æ··ä¹±": 107977, + "åIJĪæ³ķæĿĥçĽĬ": 107978, + "çݯçIJĥ": 107979, + "æľīæķĪåľ°": 107980, + "åķĨæĪ·": 107981, + "æ¹ĸ人": 107982, + "海岸": 107983, + "æĬķ产": 107984, + "两个æľĪ": 107985, + "éĥ½éĿŀ常": 107986, + "å¢ŀ强äºĨ": 107987, + "æĿ¥åΰäºĨ": 107988, + "åī©ä½Ļ": 107989, + "æĤ¨çļĦåŃ©åŃIJ": 107990, + "æµģæ°´": 107991, + "æŃ£ä¹ī": 107992, + "天çĮ«": 107993, + "åģļè¿ĩ": 107994, + "ä½ķæĹ¶": 107995, + "æĪijåİ»": 107996, + "çľģ份": 107997, + "å¥ĸéĩij": 107998, + "该å¦Ĥä½ķ": 107999, + "ä¸ĭçıŃ": 108000, + "åģ¶åĥı": 108001, + "æijĨæĶ¾": 108002, + "æĸ°æ¨¡å¼ı": 108003, + "æĬķè³ĩ": 108004, + "è·¯åı£": 108005, + "åĨľæ°ijå·¥": 108006, + "大åѸ": 108007, + "ä»¶äºĭ": 108008, + "æł¹æľ¬ä¸į": 108009, + "æµĵ度": 108010, + "æµĵåİļ": 108011, + "è½®èĥİ": 108012, + "æĪ¿ä¼ģ": 108013, + "éĿŀ常好": 108014, + "ä»İä¸Ń": 108015, + "äººæł¼": 108016, + "ç¿ģ": 108017, + "æĹ¶éĹ´åĴĮ": 108018, + "è¿Ļä¸įæĺ¯": 108019, + "åΏåķĨ": 108020, + "æĥĬ人": 108021, + "åύå®ĺ": 108022, + "åĩĨåĪĻ": 108023, + "æĥħæĻ¯": 108024, + "æĽ´é«ĺçļĦ": 108025, + "åѦ家": 108026, + "泡沫": 108027, + "åľ°æĸ¹æĶ¿åºľ": 108028, + "å°±çŁ¥éģĵ": 108029, + "åij¼åIJģ": 108030, + "ç»ıè´¸": 108031, + "èĬ±éĴ±": 108032, + "æľīä¸Ģ次": 108033, + "æĦŁæħ¨": 108034, + "ä¸Ģåįĥ": 108035, + "å¤ľæĻļ": 108036, + "詹å§Ĩ": 108037, + "詹å§Ĩæĸ¯": 108038, + "è¦ģéĹ»": 108039, + "ç»Ĵ": 108040, + "æºIJäºİ": 108041, + "çļĦè´¨éĩı": 108042, + "注æĦıäºĭ项": 108043, + "æħ¢æĢ§": 108044, + "稳å®ļçļĦ": 108045, + "建设åĴĮ": 108046, + "æĻ¯è±¡": 108047, + "éĩıåĮĸ": 108048, + "çļĦ話": 108049, + "è¯Ħ级": 108050, + "æºľ": 108051, + "红åĮħ": 108052, + "éĢļéģİ": 108053, + "社ä¼ļ责任": 108054, + "æĸ°äº§åĵģ": 108055, + "åĨ·éĿĻ": 108056, + "çľĭä¸įåΰ": 108057, + "èģĶéĤ¦": 108058, + "éŃĦ": 108059, + "çļĦåīįæıIJ": 108060, + "çļĦåīįæıIJä¸ĭ": 108061, + "è¾ĥ好": 108062, + "çļĦæĦŁæĥħ": 108063, + "客æĪ·æıIJä¾Ľ": 108064, + "çĭ¬èĩª": 108065, + "å¢ŀæĶ¶": 108066, + "æĸĩçĮ®": 108067, + "æĭ¼åij½": 108068, + "管çIJĨåĴĮ": 108069, + "æµģåĬ¨æĢ§": 108070, + "åħ¨å®¶": 108071, + "ä¸Ĭæĸ¹": 108072, + "æİ¨åĩºçļĦ": 108073, + "ä¸īåĽ½": 108074, + "ä¸Ģ个æĺ¯": 108075, + "æĸ°ä¸Ģè½®": 108076, + "æĸĩåĮĸéģĹ产": 108077, + "殺": 108078, + "大湾åĮº": 108079, + "éĥ½éľĢè¦ģ": 108080, + "çļĦå®ŀéĻħ": 108081, + "ç·Ĭ": 108082, + "大å¥ĸ": 108083, + "åħīèĬĴ": 108084, + "便äºİ": 108085, + "çļĦ表æĥħ": 108086, + "æ¼Ķç»İ": 108087, + "红åĨĽ": 108088, + "å½ĵæĪij": 108089, + "æ²»æĦĪ": 108090, + "é¢Ŀ度": 108091, + "éĿľ": 108092, + "ä»»ä½ķ人": 108093, + "è¡Ĺ头": 108094, + "çĸ¯": 108095, + "çĸ¯æĭī": 108096, + "åĮ»çĸĹæľºæŀĦ": 108097, + "ç»ĻåŃ©åŃIJ": 108098, + "è§Ħ磩": 108099, + "è£ľ": 108100, + "çļĦ身影": 108101, + "ä¸ĵæłı": 108102, + "æĿ¥ä¸´": 108103, + "童年": 108104, + "å¤įèĭı": 108105, + "è¨Ĥ": 108106, + "åŀĭåı·": 108107, + "åĽ¾æ¡Ī": 108108, + "ç®ĢåİĨ": 108109, + "æĭ±": 108110, + "èį·åħ°": 108111, + "ä»»æĦı": 108112, + "æī¿æİ¥": 108113, + "è¿Ļæīį": 108114, + "客车": 108115, + "æľĿçĿĢ": 108116, + "éłħ缮": 108117, + "åı°é£İ": 108118, + "çļĦæĪ¿åŃIJ": 108119, + "éªı": 108120, + "æĿ±è¥¿": 108121, + "éģĹä¼ł": 108122, + "è¶Ĭå¤ļ": 108123, + "äºĨä»ĸçļĦ": 108124, + "ä¸Ĭåij¨": 108125, + "管çIJĨåĪ¶åº¦": 108126, + "失ä¸ļ": 108127, + "çĶ·åıĭ": 108128, + "æİ¥ç§į": 108129, + "å¨ģåIJį": 108130, + "çĴ°å¢ĥ": 108131, + "åıijçĶŁåľ¨": 108132, + "ä¸ªåĽ½å®¶": 108133, + "åĪĽæĸ°åıijå±ķ": 108134, + "æĶ¹åıĺäºĨ": 108135, + "åģ¥åº·çļĦ": 108136, + "å̼å¾Ĺä¸Ģ": 108137, + "å̼å¾Ĺä¸ĢæıIJ": 108138, + "åĽ¢ä¼Ļ": 108139, + "åģĩ设": 108140, + "åı°ä¸Ĭ": 108141, + "è§ĦèĮĥåĮĸ": 108142, + "éĻªåIJĮ": 108143, + "座æ¤ħ": 108144, + "åı¯æĢľ": 108145, + "åħĭæĢĿ主ä¹ī": 108146, + "æ³ķå¾ĭ责任": 108147, + "ä¸Ģé¡¿": 108148, + "æĬ¬å¤´": 108149, + "为éĩįçĤ¹": 108150, + "è¿ľæ´ĭ": 108151, + "éĢıè¿ĩ": 108152, + "åħ¨çIJĥåĮĸ": 108153, + "è¶£åij³": 108154, + "票æĪ¿": 108155, + "æ¯ı人": 108156, + "åIJĦç§įåIJĦæł·": 108157, + "äºĨåĩºæĿ¥": 108158, + "ç»Ŀ对æĺ¯": 108159, + "ä¸ĭå±ŀ": 108160, + "ä¸ĢåıĮ": 108161, + "è¿ĻåĿĹ": 108162, + "æĬĹçĸ«": 108163, + "è¦ģçĤ¹": 108164, + "å½¢æĪIJçļĦ": 108165, + "æĪijçľĭ": 108166, + "ä¸ĩéĩĮ": 108167, + "èĢĥçłĶ": 108168, + "为åħ¶": 108169, + "æ°ij宿": 108170, + "å¤ļä½į": 108171, + "大èĩ´": 108172, + "ä»ĺè´¹": 108173, + "åħ¥æīĭ": 108174, + "å±ħå®¶": 108175, + "æīĢåľ¨åľ°": 108176, + "人身": 108177, + "è¿ĩå¾Ĺ": 108178, + "è¯ķè¯ķ": 108179, + "访è°Ī": 108180, + "åĬłéĩį": 108181, + "å°±ä¸įä¼ļ": 108182, + "çĶŁäº§ä¼ģä¸ļ": 108183, + "åĽŀåĽ½": 108184, + "åºķ线": 108185, + "èµ¶åΰ": 108186, + "æĶ¯éĺŁ": 108187, + "æĪij们éĥ½": 108188, + "éĤ®æĶ¿": 108189, + "缴èĩ³": 108190, + "éĴ¢çIJ´": 108191, + "åħľ": 108192, + "çłĶ讨ä¼ļ": 108193, + "æľĪ亮": 108194, + "åĿļæĮģ以": 108195, + "åħ¬å®īéĥ¨": 108196, + "éĴ¢ç®¡": 108197, + "å°ıçϽ": 108198, + "ç½®ä¸ļ": 108199, + "èģĭ": 108200, + "书åĨĻ": 108201, + "æĿı": 108202, + "éħįæĸ¹": 108203, + "èĢĮåıĪ": 108204, + "çijŀ士": 108205, + "çķĮçļĦ": 108206, + "èĢģ大": 108207, + "æĪIJçĨŁçļĦ": 108208, + "å¹²ä»Ģä¹Ī": 108209, + "ä¸ĵ项æĸĹäºī": 108210, + "çŃīå¤ļ个": 108211, + "èĦ±ç¦»": 108212, + "ä¸ī个æľĪ": 108213, + "çłĶç©¶åijĺ": 108214, + "æĹĭ转": 108215, + "æŀģèĩ´": 108216, + "åħįè´£": 108217, + "åħį责声æĺİ": 108218, + "å¾Īå¤ļçݩ家": 108219, + "车ä¸Ĭ": 108220, + "交äºĴ": 108221, + "å·²æĺ¯": 108222, + "ä¸Ģå°ı": 108223, + "çļĦéĩįçĤ¹": 108224, + "èĬ±äºĨ": 108225, + "ä¸įæĺİ": 108226, + "æľīåħ³è§Ħå®ļ": 108227, + "çĬ¹å¦Ĥ": 108228, + "羸": 108229, + "寡": 108230, + "çļĦè¡£æľį": 108231, + "åĮħ裹": 108232, + "身åŃIJ": 108233, + "å¸ĪèĮĥ大åѦ": 108234, + "äºĭåħĪ": 108235, + "线æĿ¡": 108236, + "æ³ķåζ": 108237, + "åħ»æĬ¤": 108238, + "稳å®ļæĢ§": 108239, + "éĤµ": 108240, + "åŀĦæĸŃ": 108241, + "é¡į": 108242, + "èĢĥåı¤": 108243, + "æĿłæĿĨ": 108244, + "èĭıèģĶ": 108245, + "æ°´ç͵": 108246, + "åħ·ä½ĵçļĦ": 108247, + "æ¿Ģæ´»": 108248, + "æĪijæł¡": 108249, + "åĪļå¼Ģå§ĭ": 108250, + "åĩ¸æĺ¾": 108251, + "禾": 108252, + "åħ¼èģĮ": 108253, + "éĢıéģİ": 108254, + "åľ¨æ¸¸æĪıä¸Ń": 108255, + "社ä¼ļåıijå±ķ": 108256, + "好çİ©": 108257, + "å¹»æĥ³": 108258, + "ä¸į代表": 108259, + "注æĦıåĬĽ": 108260, + "æ£į": 108261, + "ç͍æīĭ": 108262, + "ç¾İ人": 108263, + "许å¤ļ人": 108264, + "å¾Īæĺ¯": 108265, + "çļĦçłĶåıij": 108266, + "æīĵåĩº": 108267, + "åIJĪä¼Ļ人": 108268, + "ä¸Ģå¤ľ": 108269, + "ç¼ĵç¼ĵ": 108270, + "ä¿®æŃ£": 108271, + "æĦŁçŁ¥": 108272, + "ç»Ī身": 108273, + "æ¿Ģç´ł": 108274, + "çݯå¢ĥä¸ĭ": 108275, + "次ä¼ļè®®": 108276, + "ç»ıæµİå¢ŀéķ¿": 108277, + "æīĽ": 108278, + "åıijéħµ": 108279, + "åĪĨæŀIJå¸Ī": 108280, + "åľ¨æľªæĿ¥": 108281, + "主è¦ģæľī": 108282, + "ä¸ĢåŃ£åº¦": 108283, + "çļĦ说æ³ķ": 108284, + "ä»İæĿ¥æ²¡æľī": 108285, + "货车": 108286, + "缩å°ı": 108287, + "太è¿ĩ": 108288, + "æķĪåĬĽ": 108289, + "ä¸įä¸ĭ": 108290, + "æĬķ稿": 108291, + "èį¯ä¸ļ": 108292, + "ç»Ħéķ¿": 108293, + "ç«ĻçĤ¹": 108294, + "å¾Īåĸľæ¬¢": 108295, + "éIJµ": 108296, + "åĬ¿å¤´": 108297, + "æ¼ıæ´ŀ": 108298, + "æĦ¤æĢĴ": 108299, + "åħħå®ŀ": 108300, + "åĪĽä¸ļæĿ¿": 108301, + "çĪª": 108302, + "æľªå¿ħ": 108303, + "åºķéĥ¨": 108304, + "å¾ĹåĪĨ": 108305, + "人æ°ijåĮ»éĻ¢": 108306, + "äºĮæīĭæĪ¿": 108307, + "å·²ç»ı被": 108308, + "大楼": 108309, + "æĸ°æĪ¿": 108310, + "辦æ³ķ": 108311, + "ç͍åĬĽ": 108312, + "æĭĵ宽": 108313, + "åĨħåľ¨": 108314, + "æĴŃåĩº": 108315, + "饰æ¼Ķ": 108316, + "ä¹Łè®©": 108317, + "ä½ľçĤº": 108318, + "çī©ä¸ļ管çIJĨ": 108319, + "åį´ä¸į": 108320, + "为ä¸ŃåĽ½": 108321, + "å±ĢåĬ¿": 108322, + "ä¸įèĤ¯": 108323, + "æľĢæĸ°çļĦ": 108324, + "åı¯ä»¥éĢīæĭ©": 108325, + "æĺ¾çݰ": 108326, + "å°±ç®Ĺæĺ¯": 108327, + "åľ¨æł¡": 108328, + "é¾Ł": 108329, + "两æĿ¡": 108330, + "çļĦå®ŀåĬĽ": 108331, + "è¶Ĭ好": 108332, + "å¥¹åľ¨": 108333, + "å¿łè¯ļ": 108334, + "ä¹ŁéľĢè¦ģ": 108335, + "游æĪıæĵįä½ľ": 108336, + "è¶ħåĩº": 108337, + "å¦Ĥæŀľä¸į": 108338, + "æīĢåľ¨çļĦ": 108339, + "ä½łè¿ĺ": 108340, + "以åĨħ": 108341, + "æľīä¸Ģå®ļ": 108342, + "åı¯è¾¾": 108343, + "è·ijåΰ": 108344, + "åīĽ": 108345, + "建ç«ĭåģ¥åħ¨": 108346, + "æķ´è½¦": 108347, + "åīįæĸ¹": 108348, + "éĹ´æİ¥": 108349, + "çѹå¤ĩ": 108350, + "çĸ²åĬ³": 108351, + "离å¼ĢäºĨ": 108352, + "æ±Ŀ": 108353, + "éĿ¢éĥ¨": 108354, + "ä¹ĭåīįçļĦ": 108355, + "åıĺ为": 108356, + "å¦Ĥæŀľè¯´": 108357, + "对ä»ĺ": 108358, + "åĿĩåı¯": 108359, + "被åijĬ人": 108360, + "ç²¾ç¾İ": 108361, + "èģļä¼ļ": 108362, + "çĿ̥̿": 108363, + "è°·æŃĮ": 108364, + "ä¸Ģåı·": 108365, + "红åĪ©": 108366, + "ä¼łå¥ĩ游æĪı": 108367, + "å»ĸ": 108368, + "è´ŀ": 108369, + "ä¹°åΰ": 108370, + "éŃļ": 108371, + "ä½ĵè´¨": 108372, + "å°ijäºĨ": 108373, + "æ³īå·ŀ": 108374, + "åIJŁ": 108375, + "ç»Ŀä¸į": 108376, + "é»ijæģ¶": 108377, + "é»ijæģ¶åĬ¿åĬĽ": 108378, + "ä¸Ĭæĺł": 108379, + "çļĦè¯Ŀé¢ĺ": 108380, + "ä¸ĩ人次": 108381, + "ä¸ĸéĹ´": 108382, + "ç͍工": 108383, + "贯穿": 108384, + "å®ĿçŁ³": 108385, + "ä½łå¥½": 108386, + "åĪĩåī²": 108387, + "å¼ºåĽ½": 108388, + "åĽŀèIJ½": 108389, + "æ°´æĻ¶": 108390, + "模仿": 108391, + "洪水": 108392, + "éĢĻ麼": 108393, + "åįģä¸īäºĶ": 108394, + "ä½ij": 108395, + "éĻĦä»¶": 108396, + "çļĦå¢ŀéķ¿": 108397, + "éĻĦå±ŀ": 108398, + "çݰ已": 108399, + "å¸®ä½ł": 108400, + "éĩijçīĮ": 108401, + "é«ĺåİŁ": 108402, + "åľ¨å®¶éĩĮ": 108403, + "éĺ²èħIJ": 108404, + "ç¡®å®ŀæĺ¯": 108405, + "宣讲": 108406, + "天æīį": 108407, + "ç»ıèIJ¥ç®¡çIJĨ": 108408, + "éĶħçĤī": 108409, + "åIJĪä¸Ģ": 108410, + "è§Ĥèµı": 108411, + "éķ¿è¾¾": 108412, + "主ä¹īæĢĿæĥ³": 108413, + "éĤ£éº¼": 108414, + "é£İäºij": 108415, + "为主çļĦ": 108416, + "æļijåģĩ": 108417, + "æĮģä¹ħ": 108418, + "å¼Ĥåľ°": 108419, + "å¼ĢéŨ": 108420, + "模æĿ¿": 108421, + "æī¹æ¬¡": 108422, + "ä¸į便": 108423, + "天çĶŁ": 108424, + "åĩłä¸ªæľĪ": 108425, + "ä¸ĵç§ij": 108426, + "åı¦æľī": 108427, + "åħ¬å¸ĥçļĦ": 108428, + "æĩ·": 108429, + "åľºåIJĪ": 108430, + "çļĦå¿ĥæĢģ": 108431, + "è¿ĺ好": 108432, + "å®ŀæĪĺ": 108433, + "èĢģå¸ĪçļĦ": 108434, + "åħ©åĢĭ": 108435, + "åı¯åľ¨": 108436, + "éĤ£ä½į": 108437, + "å¥łå®ļäºĨ": 108438, + "ä¿ĥéĶĢ": 108439, + "æı´åĬ©": 108440, + "ä¸ĩçī©": 108441, + "æĥħæĬ¥": 108442, + "é¦ĸåħĪè¦ģ": 108443, + "æĸĩåĮĸåĴĮ": 108444, + "éĥ½å·²ç»ı": 108445, + "ä¸Ĭä¸ĸ纪": 108446, + "åĨľåľº": 108447, + "大æī¹": 108448, + "æĺİçϽäºĨ": 108449, + "çļĦæĪIJéķ¿": 108450, + "çļĦæ¯ĶèµĽ": 108451, + "失误": 108452, + "åģļæĪIJ": 108453, + "ä»Ĭ天å°ıç¼ĸ": 108454, + "é¢Ĩè¢ĸ": 108455, + "æıIJåįĩäºĨ": 108456, + "å¾IJå·ŀ": 108457, + "ä»įæľī": 108458, + "è¿ĩ滤": 108459, + "å¹½é»ĺ": 108460, + "çĥŃéĩı": 108461, + "ä¸Ģé¦ĸ": 108462, + "æ¼Ĥ亮çļĦ": 108463, + "åĩłç§į": 108464, + "åĢ¡è®®": 108465, + "å°±åı¯ä»¥äºĨ": 108466, + "æİĴåĪĹ": 108467, + "éĩįéĩį": 108468, + "ä¼ģä¸ļåĴĮ": 108469, + "ä¸ĵå±ŀ": 108470, + "çħİ": 108471, + "亲æĪļ": 108472, + "çϾåĪĨä¹ĭ": 108473, + "稿件": 108474, + "è¿ĺå¾Ĺ": 108475, + "人åĵ¡": 108476, + "äºī夺": 108477, + "æĽ´å®¹æĺĵ": 108478, + "大èĩªçĦ¶": 108479, + "鼻èħ¦": 108480, + "太空": 108481, + "åľ°å¤Ħ": 108482, + "夢": 108483, + "ä»ĸ对": 108484, + "å¿ħå°Ĩ": 108485, + "ä¸įå½ĵ": 108486, + "严谨": 108487, + "åĩºåľº": 108488, + "å·²ç»ıæľī": 108489, + "é¢ĨåĨĽ": 108490, + "é«ĺæ¡£": 108491, + "ä¸ĢæīĢ": 108492, + "æłĹ": 108493, + "让åѦçĶŁ": 108494, + "æĽ¹æĵį": 108495, + "æŁIJä¸Ģ": 108496, + "伸åĩº": 108497, + "èĬ±åįī": 108498, + "æ¸ħéĨĴ": 108499, + "èģĶç³»æĸ¹å¼ı": 108500, + "åĪĨå±Ģ": 108501, + "èħ³": 108502, + "æ©¡èĥ¶": 108503, + "éķ¿å¾Ĺ": 108504, + "ç»¿åľ°": 108505, + "è¢į": 108506, + "çļĦèīºæľ¯": 108507, + "女æľĭåıĭ": 108508, + "ä¸Ńè¶ħ": 108509, + "离åŃIJ": 108510, + "å¤ļæł·åĮĸ": 108511, + "éĺ³åı°": 108512, + "ä½İ碳": 108513, + "ä¸Ģç±»": 108514, + "çŃīæĸ¹éĿ¢çļĦ": 108515, + "å¾Ĺ好": 108516, + "模åħ·": 108517, + "ä¸ĩ亿": 108518, + "çķĻæĦı": 108519, + "临æ²Ĥ": 108520, + "å°ijéĩı": 108521, + "çľĭåIJij": 108522, + "ç»ıèIJ¥èĢħ": 108523, + "çķĻä¸ĭäºĨ": 108524, + "åĿıäºĨ": 108525, + "åijĬåĪ«": 108526, + "羣çIJĨ": 108527, + "ç¼´è´¹": 108528, + "æĬĬä½ł": 108529, + "çļĦä»»åĬ¡": 108530, + "æĪij对": 108531, + "ä¹°åħ¥": 108532, + "çĻ»ä¸Ĭ": 108533, + "æľī两个": 108534, + "ä¸Ģ头": 108535, + "æĵįæİ§": 108536, + "åħ¨è¦ĨçĽĸ": 108537, + "çĿĢæīĭ": 108538, + "å¢ĻéĿ¢": 108539, + "å¤ļæĸ¹": 108540, + "åı¯çαçļĦ": 108541, + "ä¹Łåı¯èĥ½": 108542, + "æľĢæľī": 108543, + "è¿ĻäºĽéĥ½æĺ¯": 108544, + "æĥ¡": 108545, + "å®®": 108546, + "å¾Īå°ı": 108547, + "éĹ®é¢ĺæĺ¯": 108548, + "åĿĩæľī": 108549, + "å¾ģéĽĨ": 108550, + "说åĩº": 108551, + "æľīæĦı": 108552, + "é¢Ĥ": 108553, + "æī¬å·ŀ": 108554, + "åķĨä¸ļ模å¼ı": 108555, + "çĶŁèĤĸ": 108556, + "æįIJ款": 108557, + "å²Ĥ": 108558, + "ç¾İæĻ¯": 108559, + "è¿ĺ羣": 108560, + "æĭ¥æĬ±": 108561, + "身ä½ĵåģ¥åº·": 108562, + "æ·±å¤Ħ": 108563, + "çľ¼ç¥ŀ": 108564, + "çļĦ形象": 108565, + "ä¼ĺè¶Ĭ": 108566, + "å½ĵæĪIJ": 108567, + "åĮºåĪĨ": 108568, + "åİ»éϤ": 108569, + "注å®ļ": 108570, + "å§IJ妹": 108571, + "åĮºåĨħ": 108572, + "é©ļ": 108573, + "æļĹ示": 108574, + "æĺİ亮": 108575, + "æħ°éĹ®": 108576, + "å¸Ĥåľºä»½é¢Ŀ": 108577, + "çĮªèĤī": 108578, + "çļĦèµĦéĩij": 108579, + "åİĨç»ı": 108580, + "å§ĭç»ĪåĿļæĮģ": 108581, + "çĶŁæľº": 108582, + "ä¸į顾": 108583, + "éĩijåĪļ": 108584, + "大声": 108585, + "éĻķ西çľģ": 108586, + "é²į": 108587, + "åĨľä¸ļåĨľæĿij": 108588, + "æľī害": 108589, + "éŨè¯Ĭ": 108590, + "æ¯ıä¸Ģ次": 108591, + "çļĦåĽłç´ł": 108592, + "é¢Ŀå¤ĸ": 108593, + "åݿ级": 108594, + "çļĩåIJİ": 108595, + "åĽ½ä¼ģ": 108596, + "é¦ĸéĢī": 108597, + "ç¼ĸåĨĻ": 108598, + "æĭ¿èµ·": 108599, + "åģ·åģ·": 108600, + "ä¸İä¸ŃåĽ½": 108601, + "åįĸå®¶": 108602, + "ç»Ļä»ĸ们": 108603, + "ç¥ŀè¯Ŀ": 108604, + "åŃ¸æł¡": 108605, + "æĪijä¸Ģ缴": 108606, + "çŁ¥éģĵäºĨ": 108607, + "åįĴ": 108608, + "åĴĮåľ°åĮº": 108609, + "ä»Ģä¹Īéĥ½": 108610, + "çͻ家": 108611, + "æľ¬çĿĢ": 108612, + "ä½ĻåIJį": 108613, + "审çIJĨ": 108614, + "ä¸ĢåIJij": 108615, + "åıijå±ķè¶ĭåĬ¿": 108616, + "åĮºéĹ´": 108617, + "注åĨĮèµĦæľ¬": 108618, + "çIJ¦": 108619, + "ä¸įåı¯ä»¥": 108620, + "çļĦåĦ¿åŃIJ": 108621, + "å̼çıŃ": 108622, + "ä¸¥æł¼çļĦ": 108623, + "å®ŀä½ĵç»ıæµİ": 108624, + "æľīæĿĥ": 108625, + "æĪijåıĪ": 108626, + "éĵ¶æ²³": 108627, + "ç«ĭ马": 108628, + "æĿĢäºĨ": 108629, + "åĮħ容": 108630, + "管家": 108631, + "身é«Ķ": 108632, + "éĵħ": 108633, + "å°ıåŃIJ": 108634, + "管çIJĨç³»ç»Ł": 108635, + "æľīçļĦ人": 108636, + "é£İç͵": 108637, + "æĻºèĥ½åζéĢł": 108638, + "精确": 108639, + "æĭĽåķĨå¼ķ": 108640, + "æĭĽåķĨå¼ķèµĦ": 108641, + "äºĮæīĭ车": 108642, + "åİ¿å§Ķ": 108643, + "èīºäºº": 108644, + "å¥ķ": 108645, + "è¿İæĿ¥äºĨ": 108646, + "ç»ĵæĿŁäºĨ": 108647, + "çļĦä¼łç»Ł": 108648, + "æĭ¼æIJı": 108649, + "奥迪": 108650, + "çĸijæĥij": 108651, + "ä¹ĭæĹ¥èµ·": 108652, + "æłĩå¿ĹçĿĢ": 108653, + "åľ°åįĢ": 108654, + "è¯łéĩĬ": 108655, + "åĪ°æľŁ": 108656, + "åħ¨éĥ½": 108657, + "çŁŃæļĤ": 108658, + "æĺ¯æĪijåĽ½": 108659, + "æĪijå·²ç»ı": 108660, + "æ»´æ»´": 108661, + "天èµĭ": 108662, + "对她": 108663, + "åį«çĶŁéĹ´": 108664, + "çĶŁäº§åŁºåľ°": 108665, + "æĹ¥è®°": 108666, + "çļĦæķĻåѦ": 108667, + "åĵĩ": 108668, + "æ°ijäºĭ": 108669, + "è¿ĺåİŁ": 108670, + "æīĭä¸ŃçļĦ": 108671, + "çļĦèī¯å¥½": 108672, + "æ·«": 108673, + "ä¸Ńåħ±ä¸Ń央": 108674, + "åĪĥ": 108675, + "åĵĦ": 108676, + "åľ¨ä»ĸçļĦ": 108677, + "å°Īæ¥Ń": 108678, + "åľºéĿ¢": 108679, + "éĤ»å±ħ": 108680, + "çĹĴ": 108681, + "å¦Ħ": 108682, + "å¤ĸç§ij": 108683, + "ä¸įéĢĤ": 108684, + "举åĬŀçļĦ": 108685, + "éĤ¹": 108686, + "åħļçļĦ建设": 108687, + "çĻ¼è¡¨": 108688, + "è·¨çķĮ": 108689, + "æ²īæ·Ģ": 108690, + "大çīĩ": 108691, + "è¶Ĭé«ĺ": 108692, + "å°Ĩæĺ¯": 108693, + "è§īéĨĴ": 108694, + "åĤ¨åŃĺ": 108695, + "å¢ŀ大": 108696, + "ä¸į让": 108697, + "æķ´å½¢": 108698, + "å¹³åı°ä¸Ĭ": 108699, + "åĩłä½į": 108700, + "è¯īæ±Ĥ": 108701, + "好ä¸į好": 108702, + "åľį": 108703, + "æĸĩæľ¬": 108704, + "é̲åħ¥": 108705, + "ç´į": 108706, + "æł¹æĵļ": 108707, + "èįīæ¡Ī": 108708, + "åħŃ个": 108709, + "åĭ¿": 108710, + "åζæĪIJ": 108711, + "饮水": 108712, + "æ°¸æģĴ": 108713, + "èĩªæĿĢ": 108714, + "åı¸é©¬": 108715, + "éļ¾çĤ¹": 108716, + "为æĪij们": 108717, + "å¼§": 108718, + "åī©ä¸ĭçļĦ": 108719, + "åĩĨå¤ĩ好": 108720, + "çļĦæľĢä½³": 108721, + "èģĶåIJĪä¼ļ": 108722, + "æĤ£èĢħçļĦ": 108723, + "æĪijä¸įçŁ¥éģĵ": 108724, + "ä¸ĭä¸Ģ个": 108725, + "åıijå±ķæĸ¹åIJij": 108726, + "笨": 108727, + "æīĢ以æĪij们": 108728, + "åĨĻäºĨ": 108729, + "éĢłæĪIJäºĨ": 108730, + "æ²Ļæ¼ł": 108731, + "çŃĽéĢī": 108732, + "çģ¾åĮº": 108733, + "ä¸Ĭçľĭ": 108734, + "éħ¶": 108735, + "æ»ļåĬ¨": 108736, + "éļ¾åħį": 108737, + "åIJīåĪ©": 108738, + "ä¸Ģä¸Ģ": 108739, + "ç²¾å¯Ĩ": 108740, + "伸æīĭ": 108741, + "礼仪": 108742, + "åħ¨æĺ¯": 108743, + "è¶Ĭ大": 108744, + "ä¸Ńæłĩ": 108745, + "åıĸåĨ³": 108746, + "åıĸåĨ³äºİ": 108747, + "éĢĶä¸Ń": 108748, + "讨åİĮ": 108749, + "æīĭåĨĮ": 108750, + "第ä¹Ŀ": 108751, + "åŃĶåŃIJ": 108752, + "çĦ¶å¾Į": 108753, + "ä¸Ģåħ±": 108754, + "æµ·æĬ¥": 108755, + "款å¼ı": 108756, + "æķ´å¤©": 108757, + "è¾¹çķĮ": 108758, + "路边": 108759, + "æĻĭ级": 108760, + "åIJIJæ§½": 108761, + "çļĦåħ³æ³¨": 108762, + "æĪij没æľī": 108763, + "å°±æĺ¯åľ¨": 108764, + "缮çļĦæĺ¯": 108765, + "åį³ä½¿æĺ¯": 108766, + "é¡¶å°ĸ": 108767, + "å·²ç»ıåľ¨": 108768, + "å®īåħ¨éļIJæĤ£": 108769, + "æłĩæĿĨ": 108770, + "åįĹéĢļ": 108771, + "ä¼ļ对": 108772, + "座ä½į": 108773, + "èµ¢å¾ĹäºĨ": 108774, + "åİŁæĿ¥çļĦ": 108775, + "身为": 108776, + "书åºĹ": 108777, + "è¢Ńåĩ»": 108778, + "ä»ĬæĻļ": 108779, + "以èī²": 108780, + "以èī²åĪĹ": 108781, + "æĬĸéŁ³": 108782, + "åį´æ²¡æľī": 108783, + "丧失": 108784, + "çļĦå±ĢéĿ¢": 108785, + "åįģåĽĽäºĶ": 108786, + "çŃī缸åħ³": 108787, + "æ±ĩæĢ»": 108788, + "å¤ĸ表": 108789, + "为æ°ij": 108790, + "éľĩæĥĬ": 108791, + "å¥Ĺè·¯": 108792, + "çĬ¯ç½ªå«Įçĸij": 108793, + "å°Ĩ以": 108794, + "çİĩé¢Ĩ": 108795, + "éħĴåIJ§": 108796, + "è¡Įä¸ļåıijå±ķ": 108797, + "å¹´èĩ³": 108798, + "åύæĿIJ": 108799, + "åĴĮæĬĢæľ¯": 108800, + "æľĢå°ı": 108801, + "è¿Ļä¸ĢåĪĩ": 108802, + "èģĮç§°": 108803, + "å½ĵä½ľ": 108804, + "æİĢèµ·": 108805, + "åĴĭ": 108806, + "ä¸Ńéĥ¨": 108807, + "æīĭèĩĤ": 108808, + "ç½¢äºĨ": 108809, + "媳å¦ĩ": 108810, + "æ´½è°Ī": 108811, + "æĹ¶ä»£ä¸ŃåĽ½": 108812, + "人çĶŁçļĦ": 108813, + "æŀģéĻIJ": 108814, + "ç¦Ħ": 108815, + "åĮºæĶ¿åºľ": 108816, + "æľ¬éĴ±": 108817, + "礼åĵģ": 108818, + "çļĦéĤ£ä¸ª": 108819, + "ä¾¦æŁ¥": 108820, + "太å¤ļçļĦ": 108821, + "å®ŀæĸ½æĸ¹æ¡Ī": 108822, + "é«ĺæłĩåĩĨ": 108823, + "æĮĩæĮ¥éĥ¨": 108824, + "å̾æĸľ": 108825, + "çī¹èī²ç¤¾ä¼ļ": 108826, + "çµIJæŀľ": 108827, + "éĴ»çٳ": 108828, + "ç§»æ¤į": 108829, + "çī¹ç§į": 108830, + "èĩªæĦ¿": 108831, + "æĭľçĻ»": 108832, + "åįķ身": 108833, + "åį´åıĪ": 108834, + "åĪ¥äºº": 108835, + "åIJĪè§Ħ": 108836, + "æľºç͵": 108837, + "çĦı": 108838, + "å½ĵåīįä½įç½®": 108839, + "ä¹°å®¶": 108840, + "åIJĪ约": 108841, + "èĤ©èĨĢ": 108842, + "为åĩĨ": 108843, + "å®¶è£ħ": 108844, + "çļĦçĥŃæĥħ": 108845, + "éĿŀéģĹ": 108846, + "çļĦéŃħåĬĽ": 108847, + "åİŁåijĬ": 108848, + "社ä¼ļåIJĦçķĮ": 108849, + "ä¹°çļĦ": 108850, + "å¤ļåIJĥ": 108851, + "éĽķå¡ij": 108852, + "èµ·ä¹ī": 108853, + "åĬłåī§": 108854, + "éĤ£ä¸ĢåĪ»": 108855, + "å°Ĩè¿Ľä¸ĢæŃ¥": 108856, + "æ¡ĤæŀĹ": 108857, + "æĽ´å¼º": 108858, + "对ä¼ģä¸ļ": 108859, + "æĹłæĦı": 108860, + "ä¹łè¿ijå¹³æĸ°": 108861, + "æµģ失": 108862, + "微软": 108863, + "çĽ¸å¯¹äºİ": 108864, + "座è°Īä¼ļ": 108865, + "主èIJ¥ä¸ļ": 108866, + "主èIJ¥ä¸ļåĬ¡": 108867, + "ç§ģåĭŁ": 108868, + "å±ķ示äºĨ": 108869, + "常æĢģåĮĸ": 108870, + "è²´": 108871, + "符åı·": 108872, + "å¹´è½»çļĦ": 108873, + "å°±éľĢè¦ģ": 108874, + "ä¹ŁæĽ¾": 108875, + "çļĦæĥħ绪": 108876, + "è¾¾æłĩ": 108877, + "èĩ¨": 108878, + "ä½įå±ħ": 108879, + "ä»ħ为": 108880, + "é¦ĸå®¶": 108881, + "éĺ´éĺ³": 108882, + "ä¸įåĨįæĺ¯": 108883, + "åĽłä¸ºå®ĥ": 108884, + "ä¼ģä¸ļåľ¨": 108885, + "çĺ¾": 108886, + "åIJ¬è§ģ": 108887, + "åİŁæľī": 108888, + "åζè£ģ": 108889, + "å¯Ĥå¯ŀ": 108890, + "éĢļè¿ĩ对": 108891, + "æ»ijéĽª": 108892, + "è¿Ļå¼ł": 108893, + "çļĦçIJĨè§£": 108894, + "æĸ°ä¸ŃåĽ½": 108895, + "è¿ĻåĦ¿": 108896, + "ä½İä»·": 108897, + "æĥ³è¿ĩ": 108898, + "çļĦä¿¡å¿ĥ": 108899, + "建çŃijçī©": 108900, + "çļĦé¢ľèī²": 108901, + "ä¸įåºĶ该": 108902, + "æĹłçĸijæĺ¯": 108903, + "å¼ķèµ·äºĨ": 108904, + "åħ¨åijĺ": 108905, + "æĿ°åĩº": 108906, + "è¿Ļæĺ¯æĪij": 108907, + "誰": 108908, + "èĺĩ": 108909, + "éĺµåľ°": 108910, + "åħħå̼": 108911, + "çŁ¿ä¸ļ": 108912, + "çĿĢä»ĸ": 108913, + "信访": 108914, + "ä¸ĩè¾¾": 108915, + "æij©æĵ¦": 108916, + "å¼Ģ端": 108917, + "èı²å¾ĭ": 108918, + "èı²å¾ĭ宾": 108919, + "车åŃIJ": 108920, + "æľ¬èº«çļĦ": 108921, + "çģ«è½¦ç«Ļ": 108922, + "常å·ŀ": 108923, + "为代表": 108924, + "为代表çļĦ": 108925, + "广ç͵": 108926, + "亲人": 108927, + "åı³æīĭ": 108928, + "éĽĨè£ħ": 108929, + "éĽĨè£ħç®±": 108930, + "çļĦåį°è±¡": 108931, + "æ©Łæľĥ": 108932, + "åĮĨåĮĨ": 108933, + "åħīç͵": 108934, + "大æĸ¹": 108935, + "è¿ĺæľª": 108936, + "åΩ好": 108937, + "ç»Ŀ大å¤ļæķ°": 108938, + "åľ¨è¿Ļç§į": 108939, + "ä¸Ģç»Ħ": 108940, + "æĸ°èĤ¡": 108941, + "转åıij": 108942, + "æ³ķåºŃ": 108943, + "æĹłæīĢ": 108944, + "éģĵè·¯ä¸Ĭ": 108945, + "çŁ¿å±±": 108946, + "èijī": 108947, + "æĶ¶åĽŀ": 108948, + "ç§°ä¹ĭ": 108949, + "ç§°ä¹ĭ为": 108950, + "æıŃéľ²": 108951, + "åı£å²¸": 108952, + "åIJ¼": 108953, + "å¿ĥæĥ³": 108954, + "çļĦ梦æĥ³": 108955, + "éĽ¯": 108956, + "ä¹ĭåĪĿ": 108957, + "å¥ĸ项": 108958, + "订éĺħ": 108959, + "èĵĿ天": 108960, + "åĿ¦åħĭ": 108961, + "ç«ĭæ¡Ī": 108962, + "èģĶæīĭ": 108963, + "ä½Ĩæĺ¯æĪij": 108964, + "帮æĪij": 108965, + "ä»ħ代表": 108966, + "说æĪij": 108967, + "çļĦè¶ĭåĬ¿": 108968, + "æ¯Ķè¾ĥ大": 108969, + "èµ°å»Ĭ": 108970, + "éĩįçĤ¹é¡¹çĽ®": 108971, + "èµĮåľº": 108972, + "åIJįçīĩ": 108973, + "æĦŁåı¹": 108974, + "åľ¨åľ°ä¸Ĭ": 108975, + "åıijçĥŃ": 108976, + "èĮĥçķ´": 108977, + "çļĦéģĵè·¯": 108978, + "éĩijèī²": 108979, + "ä»ĸåıĪ": 108980, + "ä¼ļ产çĶŁ": 108981, + "æ°ijåĽ½": 108982, + "å®ĺæĸ¹ç½ijç«Ļ": 108983, + "æĶ¶çĽĬçİĩ": 108984, + "çļĦåΰæĿ¥": 108985, + "çļĦåĬŀæ³ķ": 108986, + "æĶ¹åζ": 108987, + "ä¸ĩç§ij": 108988, + "ä¸įäºĪ": 108989, + "è¿ĻäºĽéĹ®é¢ĺ": 108990, + "çαä¸Ĭ": 108991, + "çIJĥåľº": 108992, + "责令": 108993, + "æİĪ课": 108994, + "åľ¨é¦Ļ港": 108995, + "ç»Ĩèħ»": 108996, + "å¤ļä¸ĩ": 108997, + "åIJĮå¹´": 108998, + "大使": 108999, + "æĸĭ": 109000, + "ä¹Łä¸º": 109001, + "æĥłå·ŀ": 109002, + "åIJī祥": 109003, + "çͰåĽŃ": 109004, + "åĽ½å®¶éĺŁ": 109005, + "éĩįçĶŁ": 109006, + "åľ¨åħ¶": 109007, + "é¦Ļåij³": 109008, + "è´Łèį·": 109009, + "亲åĪĩ": 109010, + "èĩªè±ª": 109011, + "没éĶĻ": 109012, + "åĽłä¸ºåľ¨": 109013, + "æĺŁæĺŁ": 109014, + "éĤij": 109015, + "è¿ĺæľīå¾Īå¤ļ": 109016, + "æij©æīĺ": 109017, + "æij©æīĺ车": 109018, + "æŃ¥è¡Į": 109019, + "管çIJĨä½ĵç³»": 109020, + "èĦļä¸ĭ": 109021, + "éģİåİ»": 109022, + "æ±īè¯Ń": 109023, + "对ä¸įèµ·": 109024, + "çļĦç»ıåİĨ": 109025, + "åıĬ缸åħ³": 109026, + "ä¸įå°ij人": 109027, + "éĩįç£ħ": 109028, + "åĬ³åĬ¨èĢħ": 109029, + "大åĬĽåıijå±ķ": 109030, + "æĢİä¹Īåģļ": 109031, + "çĭĹçĭĹ": 109032, + "举åįĹäºļ": 109033, + "åĭĩäºİ": 109034, + "åħ¬éĸĭ": 109035, + "çĵ·çłĸ": 109036, + "åıĤçħ§": 109037, + "广æĴŃç͵è§Ĩ": 109038, + "举åĬ¨": 109039, + "æ±Łè¥¿çľģ": 109040, + "æķĪèĥ½": 109041, + "å͝æľī": 109042, + "éĿ¢è²Į": 109043, + "èĩªåĬ¨é©¾é©¶": 109044, + "æ¦ľåįķ": 109045, + "å½ĵæĪij们": 109046, + "仲è£ģ": 109047, + "æľ¨æĿIJ": 109048, + "ç±³åħ°": 109049, + "çϽéĵ¶": 109050, + "çļĦ人éĥ½": 109051, + "å°±åĥıæĺ¯": 109052, + "æŃ¥åħ¥": 109053, + "åįłç͍": 109054, + "åĩ»è´¥": 109055, + "让大家": 109056, + "ä¼ļè®©ä½ł": 109057, + "åİ¿æĶ¿åºľ": 109058, + "è¦ģç͍": 109059, + "çŃīå½¢å¼ı": 109060, + "åįĩé«ĺ": 109061, + "责任æĦŁ": 109062, + "å¤ĩç͍": 109063, + "ä»ĸ认为": 109064, + "æ¸ħåįİ大åѦ": 109065, + "ä»ĸèĩªå·±": 109066, + "éĸ±è®Ģ": 109067, + "太平æ´ĭ": 109068, + "éĶģå®ļ": 109069, + "çŃĨ": 109070, + "è¿Ļçīĩ": 109071, + "æī§æĶ¿": 109072, + "è¿ĶåĽŀæIJľçĭIJ": 109073, + "å°±æŃ¤": 109074, + "éģĩåΰäºĨ": 109075, + "å¼Ģå¹ķå¼ı": 109076, + "管çIJĨéĥ¨éŨ": 109077, + "å§¿åĬ¿": 109078, + "设æĥ³": 109079, + "åĽĽåŃ£": 109080, + "æĬĢæľ¯äººåijĺ": 109081, + "å·®çĤ¹": 109082, + "è¾ŀèģĮ": 109083, + "èĢģ師": 109084, + "çļĦæĦŁåıĹ": 109085, + "ä¹ŁéĿŀ常": 109086, + "å¹´ä¸ĬåįĬå¹´": 109087, + "æĢªçī©": 109088, + "èĮĥæĸĩ": 109089, + "æĪĺå½¹": 109090, + "åIJ«ä¹ī": 109091, + "åħ¨è¿ĩç¨ĭ": 109092, + "èĢĮéĿŀ": 109093, + "éĢļ讯åijĺ": 109094, + "è¿Ļæł·æīįèĥ½": 109095, + "æľºç»Ħ": 109096, + "è£ı": 109097, + "çķ¶çĦ¶": 109098, + "èµĮåįļ": 109099, + "åIJĦæľī": 109100, + "å·¥ä½ľæľºåζ": 109101, + "äºĭåIJİ": 109102, + "åī§éĻ¢": 109103, + "å±ĬæĹ¶": 109104, + "åĺ´éĩĮ": 109105, + "主线": 109106, + "ä¸ĢåľĪ": 109107, + "主è¦ģåİŁåĽł": 109108, + "å°¸ä½ĵ": 109109, + "åĮ»çĸĹåĻ¨æ¢°": 109110, + "ä½łæĢİä¹Ī": 109111, + "ä½Ĩçͱäºİ": 109112, + "æĹ¶ç©º": 109113, + "çĶ·æľĭåıĭ": 109114, + "çĶľèľľ": 109115, + "é«ĺåľ°": 109116, + "æĻĸ": 109117, + "èĴIJéĽĨ": 109118, + "åĩĿèģļåĬĽ": 109119, + "å¤ĩåıĹ": 109120, + "æĸĩåĪĽ": 109121, + "马æĿ¥": 109122, + "马æĿ¥è¥¿äºļ": 109123, + "æŁ´æ²¹": 109124, + "使人": 109125, + "æķĻä¼ļ": 109126, + "ç§ĭ天": 109127, + "æĺİçıł": 109128, + "åħŃåįģ": 109129, + "çݯå¢ĥä¸Ń": 109130, + "æ¸ħæĻ¨": 109131, + "积æŀģåıĤä¸İ": 109132, + "å·ħå³°": 109133, + "ä¸ºæľŁ": 109134, + "çѾåŃĹ": 109135, + "æĦŁæ¿Ģ": 109136, + "ç§ĭåŃ£": 109137, + "æĿijåŃIJ": 109138, + "æ¢ħ西": 109139, + "æļ´éĽ¨": 109140, + "çĶŁæ´»åľ¨": 109141, + "çªĹæĪ·": 109142, + "æģ¶åĬ£": 109143, + "纯粹": 109144, + "åľ¨æİ¥åıĹ": 109145, + "没èĥ½": 109146, + "è¡Į人": 109147, + "åĭº": 109148, + "æĭ¨æīĵ": 109149, + "ä½ľåĩºäºĨ": 109150, + "çļĦ主é¢ĺ": 109151, + "æľªä¾Ĩ": 109152, + "ä¸ŃæľĢ": 109153, + "æ¾ľ": 109154, + "é«ĺè¡Ģåİĭ": 109155, + "åħ´èµ·": 109156, + "æŃ£èĥ½éĩı": 109157, + "åŁ¹è®ŃçıŃ": 109158, + "æİ¥åħ¥": 109159, + "çĦ¶åIJİåĨį": 109160, + "åѦçĶŁä»¬": 109161, + "é¢ĨåħĪçļĦ": 109162, + "çģ«çĥŃ": 109163, + "ä¸ĵèģĮ": 109164, + "æĪĸèĢħ说": 109165, + "建è¨Ń": 109166, + "é»ı": 109167, + "对åħ¬åı¸": 109168, + "çľīçļĦ": 109169, + "åħīèį£": 109170, + "å½ĵåľº": 109171, + "éĿ¢åŃIJ": 109172, + "èµĦ产管çIJĨ": 109173, + "æĹ¶æľŁçļĦ": 109174, + "çŀİ": 109175, + "åįİ举": 109176, + "åıĪä¸Ģ次": 109177, + "èĥİåĦ¿": 109178, + "å®ļçĤ¹": 109179, + "头çĹĽ": 109180, + "æ¶²ä½ĵ": 109181, + "æĺ¯ä¸Ģä½į": 109182, + "帽åŃIJ": 109183, + "å¹´èµ·": 109184, + "ä¸įä½İäºİ": 109185, + "è¾ĥå°ij": 109186, + "éĿ¢ä¸´çĿĢ": 109187, + "å±Ĥå±Ĥ": 109188, + "èĿ´èĿ¶": 109189, + "èī°èĭ¦": 109190, + "éĺ¿æł¹": 109191, + "éĺ¿æł¹å»·": 109192, + "æ¦Ĥæĭ¬": 109193, + "请éĹ®": 109194, + "èµ·åºĬ": 109195, + "å±Ģå±Ģéķ¿": 109196, + "稳åģ¥": 109197, + "å¦ĤæŀľæĪij们": 109198, + "éħĴç²¾": 109199, + "æĪ·åı£": 109200, + "æĦŁæĤŁ": 109201, + "æĪij们éľĢè¦ģ": 109202, + "æĬĢèīº": 109203, + "èĩªåªĴä½ĵ": 109204, + "è¿ĽåĮĸ": 109205, + "æ¿ĢçĥĪçļĦ": 109206, + "ä½ĵ温": 109207, + "èļķ": 109208, + "èĩ´è¾ŀ": 109209, + "宪æ³ķ": 109210, + "ä¸ĢçŃīå¥ĸ": 109211, + "çĵ¶é¢Ī": 109212, + "æĥłæ°ij": 109213, + "èµ°è·¯": 109214, + "çݰ任": 109215, + "åķĨéĩı": 109216, + "ä¸ĭ车": 109217, + "åĪł": 109218, + "責任": 109219, + "èŀįåIJĪåıijå±ķ": 109220, + "ç´łæĿIJ": 109221, + "油价": 109222, + "åģļ人": 109223, + "çŀª": 109224, + "æĶ¹éĿ©åĪĽæĸ°": 109225, + "çļĦåĮºåĪ«": 109226, + "è·¨å¢ĥç͵åķĨ": 109227, + "æ¶īåıĬåΰ": 109228, + "æīĺ管": 109229, + "æĪijè¿ĺæĺ¯": 109230, + "åĿIJæłĩ": 109231, + "ç½ij讯": 109232, + "å½ĵåľ°çļĦ": 109233, + "追溯": 109234, + "åľŁè̳": 109235, + "åľŁè̳åħ¶": 109236, + "åºķä¸ĭ": 109237, + "åĩłåįģå¹´": 109238, + "ç©¿è¿ĩ": 109239, + "çĶŁæĢģæĸĩæĺİ": 109240, + "æİ¨èĸ": 109241, + "æİ¨èĸ¦": 109242, + "éłĨ": 109243, + "åĴ³åĹ½": 109244, + "åĪĨæĪIJ": 109245, + "çĹķ迹": 109246, + "æĪ·ç±į": 109247, + "éĥ½ä¸įèĥ½": 109248, + "æĻļä¼ļ": 109249, + "åĢ©": 109250, + "ä½ĵåĬĽ": 109251, + "è¿Ļ个èģĮä¸ļ": 109252, + "æĹłå½¢": 109253, + "åıªæĥ³": 109254, + "è¿Ľåıĸ": 109255, + "æĿ̿ѻ": 109256, + "èĦĬ": 109257, + "äºijåįĹçľģ": 109258, + "æľªçŁ¥": 109259, + "ç¾İèģĶ": 109260, + "ç¾İèģĶåĤ¨": 109261, + "å¤ĸå½¢": 109262, + "诱æĥij": 109263, + "çĽ£": 109264, + "è¡Į使": 109265, + "åłĨ积": 109266, + "çĨŁç»ĥ": 109267, + "éĺIJè¿°": 109268, + "æľĢ大éĻIJ度": 109269, + "å·¡æŁ¥": 109270, + "夺åĨł": 109271, + "ä¼ģä¸ļæĸĩåĮĸ": 109272, + "çĭ®åŃIJ": 109273, + "ä¿Ŀå®Ī": 109274, + "ä¸ºæł¸å¿ĥçļĦ": 109275, + "æī©æķ£": 109276, + "åζéĢłåķĨ": 109277, + "æŁĶ软": 109278, + "为ä¸Ģä½ĵçļĦ": 109279, + "游çİ©": 109280, + "çĶŁçĹħ": 109281, + "幫åĬ©": 109282, + "åͱæŃĮ": 109283, + "æīįåı¯ä»¥": 109284, + "宽æĿ¾": 109285, + "è¦ģæ¯Ķ": 109286, + "æĺ¯æĢİæł·": 109287, + "çģ°èī²": 109288, + "çİĭåĽ½": 109289, + "æIJħæĭĮ": 109290, + "计éĩı": 109291, + "åij¨åĽ´çļĦ": 109292, + "æĻºèĥ½æīĭæľº": 109293, + "常åĬ¡": 109294, + "常åĬ¡åī¯": 109295, + "é©´": 109296, + "å°Ĩè¿ij": 109297, + "寻常": 109298, + "ä¸ŃåĽ½å¸Ĥåľº": 109299, + "容åύ": 109300, + "å±±ä¸Ĭ": 109301, + "èĥĮåIJİçļĦ": 109302, + "亲å¯Ĩ": 109303, + "æīĢ以说": 109304, + "éİ®": 109305, + "çļĦçIJĨçͱ": 109306, + "大åŁİå¸Ĥ": 109307, + "常年": 109308, + "æĹħ游ä¸ļ": 109309, + "å°±æĺ¯è¿Ļæł·": 109310, + "åĨįæĿ¥": 109311, + "é«ĺä½į": 109312, + "åĨħ饰": 109313, + "æŀĦéĢł": 109314, + "ä¸Ģèµ·æĿ¥": 109315, + "çͳè«ĭ": 109316, + "å·²ç»ıå¼Ģå§ĭ": 109317, + "çļĦåĬ¨ä½ľ": 109318, + "被迫": 109319, + "éģįå¸ĥ": 109320, + "åīĸæŀIJ": 109321, + "å°ıäºĭ": 109322, + "å¿ĥä¸ŃçļĦ": 109323, + "ä½ĵåζæĶ¹éĿ©": 109324, + "çļĩå®¶": 109325, + "æķĻåłĤ": 109326, + "åIJĥå®Į": 109327, + "åĽ½æ°ijåħļ": 109328, + "æĺİç¡®äºĨ": 109329, + "åıijå±ķè§ĦåĪĴ": 109330, + "第ä¸ĢæŃ¥": 109331, + "å¾Ĺèµ·": 109332, + "åľ¨åĵª": 109333, + "çļĦè·¯ä¸Ĭ": 109334, + "é»Ķ": 109335, + "çķ¶æĻĤ": 109336, + "大åĬĽæĶ¯æĮģ": 109337, + "åıĮéĩį": 109338, + "çŁ¥éģĵèĩªå·±": 109339, + "åIJĪä½ľåįıè®®": 109340, + "æ°ĶåĬ¿": 109341, + "éķ¿æķĪæľºåζ": 109342, + "ç½ķè§ģ": 109343, + "åĽŀæĿ¥äºĨ": 109344, + "ä»ĸä¼ļ": 109345, + "ä¸Ńæĸ°": 109346, + "ä¸Ńæĸ°ç½ij": 109347, + "çļĦåķĨåĵģ": 109348, + "èµłéĢģ": 109349, + "決å®ļ": 109350, + "å¸ĤåľºçĽij管": 109351, + "çķĻåѦçĶŁ": 109352, + "ç͵åİĭ": 109353, + "äºļ马": 109354, + "äºļ马éĢĬ": 109355, + "è¿ĺæĺ¯æ¯Ķè¾ĥ": 109356, + "ä¿ĥè¿ĽäºĨ": 109357, + "æµģåħ¥": 109358, + "æijĦåĥı": 109359, + "æijĦåĥı头": 109360, + "æıIJåıĬ": 109361, + "åıijæİĺ": 109362, + "æī¾åĩº": 109363, + "æ¢Ŀä»¶": 109364, + "ç¹¼çºĮ": 109365, + "æĪijåĸľæ¬¢": 109366, + "å¥İ": 109367, + "æ¦ľæł·": 109368, + "å¼ĢèĬ±": 109369, + "æ²īéĩį": 109370, + "åŁºåĩĨ": 109371, + "ä»ħä»ħæĺ¯": 109372, + "轨éģĵ交éĢļ": 109373, + "åĶIJå±±": 109374, + "çŃīä¸Ģç³»åĪĹ": 109375, + "ä¸įè¿ĩæĺ¯": 109376, + "åŃĺåľ¨çĿĢ": 109377, + "èĬ±çĶŁ": 109378, + "夷": 109379, + "ç»Īç©¶": 109380, + "ä¹Łæĺ¯ä¸Ģ个": 109381, + "åįģåŃĹ": 109382, + "èĸªéħ¬": 109383, + "伤å¿ĥ": 109384, + "æĺ¥ç§ĭ": 109385, + "åĨ·åį´": 109386, + "ç²¾çģµ": 109387, + "çļĦåľ°åĽ¾": 109388, + "æ¯Ķçī¹": 109389, + "æ¯Ķçī¹å¸ģ": 109390, + "æĢ§åĪ«": 109391, + "ä½Ļä¸ĩåħĥ": 109392, + "ä¸įå¿ĺåĪĿå¿ĥ": 109393, + "å¿ĥçĸ¼": 109394, + "æĽ²çº¿": 109395, + "é«ĺä½İ": 109396, + "è¦ıå®ļ": 109397, + "æĻ¯èī²": 109398, + "è¦ģ说": 109399, + "åħ¬åı¸å°Ĩ": 109400, + "æ¶²åİĭ": 109401, + "è¿Ŀ约": 109402, + "åİļ度": 109403, + "åºŀ大çļĦ": 109404, + "è¿ĺæĺ¯å¾Ī": 109405, + "é¦ĸåħĪæĺ¯": 109406, + "çµ²": 109407, + "åĬ¡å®ŀ": 109408, + "並ä¸Ķ": 109409, + "å¢ŀè¿Ľ": 109410, + "ç»Ħç»ĩå¼Ģå±ķ": 109411, + "èµ·æĿ¥äºĨ": 109412, + "è¾ĥå°ı": 109413, + "导游": 109414, + "ä¸¤åľ°": 109415, + "ç¿ĺ": 109416, + "çģ¿çĥĤ": 109417, + "é£İéĩĩ": 109418, + "æĶ¯çº¿": 109419, + "æĶ¯çº¿ä»»åĬ¡": 109420, + "娱ä¹IJåľĪ": 109421, + "天津å¸Ĥ": 109422, + "åĮħåĽ´": 109423, + "æľ¬èµĽåŃ£": 109424, + "éĩįè¦ģ讲è¯Ŀ": 109425, + "åıĮåIJij": 109426, + "åįİ丽": 109427, + "éͤ": 109428, + "åĦ¿å¥³": 109429, + "åįĸåĩº": 109430, + "ä¾Ĩ說": 109431, + "ä»ĭç»įä¸Ģä¸ĭ": 109432, + "åIJ¦è®¤": 109433, + "åĭĿ": 109434, + "æĻ®éĢļ人": 109435, + "çļĦåĬ¨åĬĽ": 109436, + "涨åģľ": 109437, + "åŁºéĩij管çIJĨ": 109438, + "ä¸Ģ个éĩįè¦ģ": 109439, + "è¿IJæ²³": 109440, + "çħŀ": 109441, + "è´¢æĶ¿éĥ¨": 109442, + "è¡Įä¸ļåįıä¼ļ": 109443, + "éĥ½å°Ĩ": 109444, + "è¨Ģ论": 109445, + "ä¸ĭä¾Ĩ": 109446, + "墨西": 109447, + "墨西åĵ¥": 109448, + "åĽłä¸ºä»ĸ们": 109449, + "æĢİä¹ĪåĽŀäºĭ": 109450, + "åĬłå¤§å¯¹": 109451, + "èĬŃ": 109452, + "çīĮåŃIJ": 109453, + "ä¼ļ使": 109454, + "妹åŃIJ": 109455, + "ç«Ļéķ¿": 109456, + "å¿ħå¤ĩ": 109457, + "æłijæľ¨": 109458, + "æģ¶æĦı": 109459, + "æ²³éģĵ": 109460, + "å¯Įè£ķ": 109461, + "ç¹ģåįİ": 109462, + "ä»£è¡¨åĽ¢": 109463, + "æµij身": 109464, + "é¦ĸä½į": 109465, + "èĪªç©ºåħ¬åı¸": 109466, + "éĽ»å½±": 109467, + "ä¸ĵè¾ij": 109468, + "æ°´æºIJ": 109469, + "ä¸Ńæ¯Ĵ": 109470, + "並ä¸į": 109471, + "èĢĮåİ»": 109472, + "éĥĿ": 109473, + "äºİæŃ¤": 109474, + "æĸĩåĮĸ建设": 109475, + "èĤ¯å®ļä¼ļ": 109476, + "å¸ĮæľĽå¤§å®¶": 109477, + "æııåĨĻ": 109478, + "ä½İè°ĥ": 109479, + "æĸ°åħ´äº§ä¸ļ": 109480, + "æ·Ħåįļ": 109481, + "æĶ¾å¼Ģ": 109482, + "çļĦæĢ§æł¼": 109483, + "çĸ¾çĹħçļĦ": 109484, + "æķ´é¡¿": 109485, + "线ä¸Ĭ线ä¸ĭ": 109486, + "éĢī项": 109487, + "çļĦ认åı¯": 109488, + "æķ´é½IJ": 109489, + "çĶļä¹Ī": 109490, + "çľģåĨħ": 109491, + "åı¤äºº": 109492, + "æ°ijä¿Ĺ": 109493, + "çī¡ä¸¹": 109494, + "éŨçªĹ": 109495, + "éĤ£æł·çļĦ": 109496, + "çĽijäºĭä¼ļ": 109497, + "ç¿¡ç¿ł": 109498, + "禹": 109499, + "åįĥä¸ĩä¸įè¦ģ": 109500, + "æĶ¶ç¼©": 109501, + "çļĦæĸĩåŃĹ": 109502, + "åĴĮå°ļ": 109503, + "æĮĩ令": 109504, + "åħ±äº§åħļåijĺ": 109505, + "çļĦçĪ¶äº²": 109506, + "å®Įå·¥": 109507, + "åĬ¡å·¥": 109508, + "马æĭī": 109509, + "马æĭīæĿ¾": 109510, + "æµĭè¯Ħ": 109511, + "å²ļ": 109512, + "ä¸įåģļ": 109513, + "ä¸ĥå¹´": 109514, + "åĿĩä»·": 109515, + "主è§Ĥ": 109516, + "å¾Īä¸įéĶĻ": 109517, + "èĤ¡ä¸ľå¤§ä¼ļ": 109518, + "äºĶä¸Ģ": 109519, + "é£İåIJ¹": 109520, + "å¼Ģéĩĩ": 109521, + "è¿Ļä¹Ī大": 109522, + "èĥ½çľĭåΰ": 109523, + "èĢĥè¯Ħ": 109524, + "åį³ä¾¿æĺ¯": 109525, + "çݰ代åĨľä¸ļ": 109526, + "æ¯Ķè¾ĥé«ĺ": 109527, + "è¦ģçľĭ": 109528, + "没äºĨ": 109529, + "解決": 109530, + "çݯæ¯Ķ": 109531, + "åĨ²åĬ¨": 109532, + "æ·±å¤ľ": 109533, + "åĩłåįĥ": 109534, + "ä¿ı": 109535, + "ç½ijæ°ij": 109536, + "就没": 109537, + "ä»ĸ表示": 109538, + "éĩıåŃIJ": 109539, + "æĹ©é¤IJåĬłçĽŁ": 109540, + "åįĬå²Ľ": 109541, + "æIJŀç¬ij": 109542, + "ä¸ĬæĬ¥": 109543, + "審": 109544, + "é¢Ħ订": 109545, + "èľĤèľľ": 109546, + "æŁ¥æī¾": 109547, + "ä¼ĹæīĢ": 109548, + "ä¼ĹæīĢåij¨": 109549, + "ä¼ĹæīĢåij¨çŁ¥": 109550, + "æĹ©æĹ¥": 109551, + "åıijæī¬": 109552, + "åĴĮ个人": 109553, + "åĬłåħ¥äºĨ": 109554, + "åĸ®ä½į": 109555, + "åĪĨæĺİ": 109556, + "第ä¸Ģæī¹": 109557, + "ç¾İåĨĽ": 109558, + "æĿĢæīĭ": 109559, + "éŨå¤ĸ": 109560, + "åķĨåľĪ": 109561, + "ä¸ĢåĪ»": 109562, + "çļĦçľ¼ç¥ŀ": 109563, + "éľĦ": 109564, + "äºĽä»Ģä¹Ī": 109565, + "åĬłæ·±": 109566, + "æ¯ıä½į": 109567, + "å¸ĤéĿ¢ä¸Ĭ": 109568, + "åıĶåıĶ": 109569, + "çļĦéĤ£ç§į": 109570, + "粤港澳": 109571, + "è´´å¿ĥ": 109572, + "æĸĩåĮĸ产ä¸ļ": 109573, + "红æĹĹ": 109574, + "åĺīåħ´": 109575, + "æĶ¶çĽĺ": 109576, + "å®ĮæĪIJåIJİ": 109577, + "ä¼ģä¸ļ管çIJĨ": 109578, + "纵横": 109579, + "ä¸įä¿¡": 109580, + "æĪIJéĥ½å¸Ĥ": 109581, + "æ´Ĺ澡": 109582, + "举è¡ĮçļĦ": 109583, + "çĶ¢çĶŁ": 109584, + "ç©¿ä¸Ĭ": 109585, + "åĪļ好": 109586, + "åħī线": 109587, + "æīĵæŀ¶": 109588, + "è¿Ļæľ¬ä¹¦": 109589, + "åĶ®åIJİæľįåĬ¡": 109590, + "åĩłåĪĨ": 109591, + "ä¸Ĭ次": 109592, + "ä¸įåĪĨ": 109593, + "产åIJİ": 109594, + "éģ¿å¼Ģ": 109595, + "ç»Īæŀģ": 109596, + "代表大ä¼ļ": 109597, + "æ¼ĶæĬĢ": 109598, + "åĽŀè´Ń": 109599, + "åŃ¦è´¹": 109600, + "éĺ»ç¢į": 109601, + "ä¸Ģ大æī¹": 109602, + "竣工": 109603, + "åĨ³å®ļäºĨ": 109604, + "ä½Ĩå¦Ĥæŀľ": 109605, + "ç͵æµģ": 109606, + "ä¸Ŀ毫": 109607, + "èĥ½å¤Łåľ¨": 109608, + "éĶĢåĶ®æĶ¶åħ¥": 109609, + "åľ¨åŃ¦æł¡": 109610, + "æ°´åĩĨ": 109611, + "è§Ĩ线": 109612, + "èĩªåľ¨": 109613, + "åķĨä¸ļéĵ¶è¡Į": 109614, + "为äºĨ让": 109615, + "çį²å¾Ĺ": 109616, + "çݩ家æľĭåıĭ": 109617, + "éĿ¢èĨľ": 109618, + "åĪĨåī²": 109619, + "åī§æľ¬": 109620, + "ç«Ń": 109621, + "说å¾Ĺ": 109622, + "æĥ³çŁ¥éģĵ": 109623, + "çļĦ人çī©": 109624, + "èĮħåı°": 109625, + "åIJĮä¸Ģ个": 109626, + "æķ°æį®ä¸Ńå¿ĥ": 109627, + "çĶĦ": 109628, + "åĸľæĤ¦": 109629, + "ä¸ĭæĿ¥çļĦ": 109630, + "å®ļåIJij": 109631, + "æŀģåħ·": 109632, + "çļĦåľŁåľ°": 109633, + "éĤ£åĢĭ": 109634, + "æijĦåħ¥": 109635, + "äºĨæĪijçļĦ": 109636, + "马路": 109637, + "åħ¨ç¤¾ä¼ļ": 109638, + "è®®æ¡Ī": 109639, + "å±ĭåŃIJ": 109640, + "åIJįåı«": 109641, + "åĮª": 109642, + "åľ¨å¤ĸéĿ¢": 109643, + "åįİåįĹ": 109644, + "åıijè´§": 109645, + "å¯ĴåĨ·": 109646, + "é«ĺçŃīæķĻèĤ²": 109647, + "详ç»ĨçļĦ": 109648, + "ä¸ªé¡¹çĽ®": 109649, + "çĶŁäº§åĬĽ": 109650, + "æĹ¶å¸¸": 109651, + "å°±æľĥ": 109652, + "ä¸ĩèĤ¡": 109653, + "éĻĮçĶŁäºº": 109654, + "æııç»ĺ": 109655, + "å½ĵçĦ¶æĺ¯": 109656, + "æĭīåĬ¨": 109657, + "éĵ¾æĿ¡": 109658, + "æī£éϤ": 109659, + "ä¸Ģ缴éĥ½": 109660, + "å°ıåŃ©åŃIJ": 109661, + "伤åı£": 109662, + "第äºĮå±Ĭ": 109663, + "è´Ńç½®": 109664, + "çļĩ马": 109665, + "æĹłèģĬ": 109666, + "表åĨ³": 109667, + "诸å¦Ĥ": 109668, + "åĵįèµ·": 109669, + "é£İæļ´": 109670, + "ä¸ĢæµģçļĦ": 109671, + "ç·¨": 109672, + "è§£æĶ¾åĨĽ": 109673, + "室å¤ĸ": 109674, + "å°±è¿Ļä¹Ī": 109675, + "å³¶": 109676, + "æīĢæľī人éĥ½": 109677, + "æIJľç´¢å¼ķæĵİ": 109678, + "çļĦæĪIJæľ¬": 109679, + "åħļæĶ¿": 109680, + "åıijè¡Į人": 109681, + "çļĦäºĭå®ŀ": 109682, + "对该": 109683, + "åıĹæįŁ": 109684, + "ä¿Ħä¹Į": 109685, + "é²ľèĬ±": 109686, + "åĨľèį¯": 109687, + "æŀģéĢŁ": 109688, + "æĢ¥æĢ§": 109689, + "两ä¼ļ": 109690, + "ä¸ĢèάæĿ¥è¯´": 109691, + "æµ·é²ľ": 109692, + "åĨĪ": 109693, + "çĶ¨äºº": 109694, + "çĶ¨äººåįķä½į": 109695, + "åĢª": 109696, + "åĦªæĥł": 109697, + "æł¹æºIJ": 109698, + "åĽ¢è´Ń": 109699, + "ç¾İæ´²": 109700, + "ä¸ĭè¡Į": 109701, + "å¹´æľ«": 109702, + "èľ¡": 109703, + "è¯ģä»¶": 109704, + "åľ¨æĪijåĽ½": 109705, + "ä¸įåºĶ": 109706, + "æĮīæĹ¶": 109707, + "åłªç§°": 109708, + "åľºä¸Ĭ": 109709, + "å¹²éĥ¨èģĮå·¥": 109710, + "æľīå¾Ī大çļĦ": 109711, + "æķ°åŃĹç»ıæµİ": 109712, + "æ¼Ķç»ĥ": 109713, + "æį®ç»Łè®¡": 109714, + "å¾ĢæĿ¥": 109715, + "广åijĬæľįåĬ¡": 109716, + "çļĦè·Ŀ离": 109717, + "æŃ¸": 109718, + "è¨Ģè¯Ń": 109719, + "被èªī": 109720, + "被èªī为": 109721, + "åĭī强": 109722, + "å°Ĭæķ¬": 109723, + "ä¸ĩ亿åħĥ": 109724, + "ä¸ŃåĽ½åĽ½éĻħ": 109725, + "å¹²é¢Ħ": 109726, + "年产": 109727, + "èĢķåľ°": 109728, + "èĮİ": 109729, + "å᳿ĺ¯": 109730, + "æĺ¨æĻļ": 109731, + "æĪIJ为ä¸Ģ个": 109732, + "çºłæŃ£": 109733, + "åij½åIJį": 109734, + "é¢ģå¸ĥ": 109735, + "çĮľæµĭ": 109736, + "ä¿ĿèŃ·æĶ¿çŃĸ": 109737, + "æĭ¢": 109738, + "活泼": 109739, + "çŃīéĥ¨éŨ": 109740, + "åѦåΰ": 109741, + "å¢ŀå̼ç¨İ": 109742, + "èĪªçº¿": 109743, + "åĨ¤": 109744, + "åįģåĩłå¹´": 109745, + "æİ§èĤ¡èĤ¡ä¸ľ": 109746, + "ä¸ĢéŨ": 109747, + "ä¸ªå·¥ä½ľ": 109748, + "ä¸ªå·¥ä½ľæĹ¥": 109749, + "æĸ°è¥¿": 109750, + "æĸ°è¥¿åħ°": 109751, + "论è¯ģ": 109752, + "ä»Ĩ": 109753, + "åı¦å¤ĸä¸Ģ个": 109754, + "æĶ¹ç¼ĸ": 109755, + "严ç¦ģ": 109756, + "åĸľå¥½": 109757, + "个人信æģ¯": 109758, + "满æĦı度": 109759, + "åĵ¨": 109760, + "å¸ĪèµĦ": 109761, + "æĶ¹ä¸º": 109762, + "ç«ŀäºī对æīĭ": 109763, + "åĩºçĤī": 109764, + "åķĨ人": 109765, + "大æ£ļ": 109766, + "æĮĩ导ä¸ĭ": 109767, + "å¦ĩç§ij": 109768, + "輪": 109769, + "æīģ": 109770, + "åIJĮæĹ¶è¿ĺ": 109771, + "å¹¶éĢļè¿ĩ": 109772, + "æĪĺéĺŁ": 109773, + "èĶĵå»¶": 109774, + "ä¿ŀ": 109775, + "éĢĤå½ĵçļĦ": 109776, + "åīįè¾Ī": 109777, + "åĵģåij³": 109778, + "æ¹¿åľ°": 109779, + "æĪIJåŀĭ": 109780, + "ä¸įåıªæĺ¯": 109781, + "æĥ©ç½ļ": 109782, + "åĩºåı°äºĨ": 109783, + "çݩ游æĪı": 109784, + "æīįåıijçݰ": 109785, + "åºĶèģĺ": 109786, + "å¤ĸæĿ¥": 109787, + "åįłé¢Ĩ": 109788, + "å±ķæľĽ": 109789, + "å«Ĥ": 109790, + "港èĤ¡": 109791, + "æ¡Įä¸Ĭ": 109792, + "æĶ¯æŁ±": 109793, + "çļĦæĥħå½¢": 109794, + "广éĺĶçļĦ": 109795, + "æĶ¯è¡Į": 109796, + "å´©æºĥ": 109797, + "æľĪä¸Ń": 109798, + "æľĪä¸ŃæĹ¬": 109799, + "ç»įåħ´": 109800, + "临è¿ij": 109801, + "æĬ¤æłı": 109802, + "æļ®": 109803, + "åįķèģĮä¸ļ": 109804, + "è¾¹å¢ĥ": 109805, + "æĹ¥çħ§": 109806, + "ä¸ĢåłĨ": 109807, + "缴å¾Ħ": 109808, + "åħ±åIJĮä½ĵ": 109809, + "æĸ°åįİç½ij": 109810, + "æīĵ好": 109811, + "ç͵åĬ¨æ±½è½¦": 109812, + "ä¸įæĺİçϽ": 109813, + "éĢĻ裡": 109814, + "çĽĽå¤§": 109815, + "çİĭæľĿ": 109816, + "åĨįä¸Ģ次": 109817, + "åĬŀåħ¬åİħ": 109818, + "è´¨æĬ¼": 109819, + "åIJĪåĩ»": 109820, + "人们对": 109821, + "éĽ¶é£Ł": 109822, + "éĥ½ä¸įçŁ¥éģĵ": 109823, + "çļĦè¯Ńè¨Ģ": 109824, + "åĭŁéĽĨèµĦéĩij": 109825, + "åĬ¨èĦī": 109826, + "彤": 109827, + "è¿Ļåĩłå¹´": 109828, + "çŁŃè§Ĩé¢ij": 109829, + "太é«ĺ": 109830, + "常å§Ķä¼ļ": 109831, + "åĬłçıŃ": 109832, + "éĩįå¿ĥ": 109833, + "åªĴä½ĵæĬ¥éģĵ": 109834, + "没æ³ķ": 109835, + "éĹ»åIJį": 109836, + "çĥŃ度": 109837, + "å¹¿æ³ĽçļĦ": 109838, + "åħŃ大": 109839, + "çī©ä½ĵ": 109840, + "ä¸į该": 109841, + "é¢ĺ主": 109842, + "精彩çļĦ": 109843, + "ä¸ºè¿Ľä¸ĢæŃ¥": 109844, + "èĻŀ": 109845, + "åĽºçĦ¶": 109846, + "è´µå·ŀçľģ": 109847, + "çºłç»ĵ": 109848, + "代çIJĨ人": 109849, + "æ³ķå®ļ代表": 109850, + "åı¦ä¸Ģç§į": 109851, + "ä¸įåIJ«": 109852, + "æĭ¯æķij": 109853, + "ä¼ļç»Ļ": 109854, + "è¯Ĺè¯į": 109855, + "åIJĮç±»": 109856, + "å¾Ĺä¸įåΰ": 109857, + "æĬĵç´§": 109858, + "以åħ¶": 109859, + "åħ¥åħļ": 109860, + "è¿ĺåı¯": 109861, + "æľŁåĪĬ": 109862, + "å¾Īå¤ļæĹ¶åĢĻ": 109863, + "æĹ¥åIJİ": 109864, + "åħ¬çº¦": 109865, + "ä¸Ģ举": 109866, + "æ¯Ķè¾ĥå¤ļ": 109867, + "éĩijæ²Ļ": 109868, + "æįŀ": 109869, + "æİĴåĩº": 109870, + "æŃ¦æľ¯": 109871, + "ä¸įæĸ·": 109872, + "ä¸ŃèĢĥ": 109873, + "ä¿¡èµĸ": 109874, + "ä»İä¸ļ人åijĺ": 109875, + "çģ«çĦ°": 109876, + "éĨĴæĿ¥": 109877, + "ä½İ温": 109878, + "éĢ¾æľŁ": 109879, + "åĬ±å¿Ĺ": 109880, + "éħ¥": 109881, + "åı¯è°ĵæĺ¯": 109882, + "è¿ĻæĦıåij³çĿĢ": 109883, + "é¢łè¦Ĩ": 109884, + "åĮĹ京大åѦ": 109885, + "ä¸ĵ线": 109886, + "åıĬ以ä¸Ĭ": 109887, + "訪": 109888, + "èĢĮåIJİ": 109889, + "çŁ¥ä¹İ": 109890, + "ä¸Ģ对ä¸Ģ": 109891, + "å¨ĥå¨ĥ": 109892, + "çģ¾éļ¾": 109893, + "åħ¨å±Ģ": 109894, + "æīĢå¾Ĺç¨İ": 109895, + "å®ŀæĥł": 109896, + "èļĤèļģ": 109897, + "ä¹ŁçŁ¥éģĵ": 109898, + "温åĴĮ": 109899, + "èIJ½ä¸ĭ": 109900, + "åŀĭä¼ģä¸ļ": 109901, + "åĨįä¹Ł": 109902, + "ä¾ĽçĥŃ": 109903, + "é«ĺæ½®": 109904, + "çĢı覽åύ": 109905, + "çļĦ巨大": 109906, + "åħĪ天": 109907, + "å¹´ä¸ŃåĽ½": 109908, + "类似çļĦ": 109909, + "çIJĨäºĭä¼ļ": 109910, + "空éĸĵ": 109911, + "ç쵿ĦŁ": 109912, + "åĬĽæ°Ķ": 109913, + "带ä¸Ĭ": 109914, + "ä¸į好æĦıæĢĿ": 109915, + "æľīä½ķ": 109916, + "å·²åľ¨": 109917, + "åıĸåĩº": 109918, + "è¿Ŀæ³ķçĬ¯ç½ª": 109919, + "åŃ¦ä¹łè´¯å½»": 109920, + "åľ°å¸¦": 109921, + "楼梯": 109922, + "çŃīæĥħåĨµ": 109923, + "ä»İåīį": 109924, + "çļĦä¹łæĥ¯": 109925, + "ç³Łç³ķ": 109926, + "å°±èĥ½å¤Ł": 109927, + "è©ķ": 109928, + "ä¸Ģå¾ĭ": 109929, + "æĮ«æĬĺ": 109930, + "åİŁæĸĩåľ°åĿĢ": 109931, + "å½ĵå±Ģ": 109932, + "ä¸įéĢļ": 109933, + "æķ°åįĥ": 109934, + "éĺŁä¼į建设": 109935, + "æĹ¶èĬĤ": 109936, + "åģļèµ·": 109937, + "çļĦè®°å¿Ĩ": 109938, + "ç½ij绾å®īåħ¨": 109939, + "åĩ¡æĺ¯": 109940, + "æ°¯": 109941, + "éĽķåĪ»": 109942, + "åŁĥåıĬ": 109943, + "æĪijåı¯ä»¥": 109944, + "çĽijçIJĨ": 109945, + "æĽ´åħ·": 109946, + "åŁİ管": 109947, + "èĭ¯": 109948, + "åı¥åŃIJ": 109949, + "èĭ¥æľī": 109950, + "ä»İæĿ¥ä¸į": 109951, + "缸åħ³è´Łè´£": 109952, + "å®īåħ¨æĦŁ": 109953, + "æĽ´è¦ģ": 109954, + "çļĦæĥħæĦŁ": 109955, + "çī¢çī¢": 109956, + "è¾ĥ好çļĦ": 109957, + "æ°®": 109958, + "ç¬ijè¯Ŀ": 109959, + "车å±ķ": 109960, + "ä¹ĭç¾İ": 109961, + "ç®Ģ约": 109962, + "ç±»åŀĭçļĦ": 109963, + "èĢģåĮĸ": 109964, + "çľĭä½ł": 109965, + "è¿ĩåĪĨ": 109966, + "éŨåīį": 109967, + "ä¸ĢéĹ´": 109968, + "æĥ³åİ»": 109969, + "åªĽ": 109970, + "åľŁè±Ĩ": 109971, + "åıĪç§°": 109972, + "ä¸Ńä¿¡": 109973, + "åŃĺéĩı": 109974, + "马äºij": 109975, + "èĩ´ä½¿": 109976, + "åħĪåīį": 109977, + "èĢģåŃIJ": 109978, + "æīĵæī®": 109979, + "æ¯ķä¸ļäºİ": 109980, + "æ¯ķä¸ļåIJİ": 109981, + "ç¾İ好çĶŁæ´»": 109982, + "å·¥ä¸ļä¼ģä¸ļ": 109983, + "就好äºĨ": 109984, + "èħIJèļĢ": 109985, + "çıįçıł": 109986, + "åΰè¿ĻéĩĮ": 109987, + "æīĢéľĢçļĦ": 109988, + "è¿Ļæĺ¯åĽłä¸º": 109989, + "çIJĨæĥ³çļĦ": 109990, + "å·®å¼ĤåĮĸ": 109991, + "é®": 109992, + "é®®": 109993, + "äºļ太": 109994, + "æĹłç©·": 109995, + "æıIJçݰ": 109996, + "ä¸ĵä¸ļæĬĢæľ¯": 109997, + "çĶ¢æ¥Ń": 109998, + "åѦåŃIJ": 109999, + "ç§ijå¹»": 110000, + "åįłåľ°éĿ¢ç§¯": 110001, + "ä¸įåĩĨ": 110002, + "æľªæĪIJ年人": 110003, + "æĶ¶å½ķ": 110004, + "è¿ĺ款": 110005, + "éĴ¢çŃĭ": 110006, + "æ¼¢": 110007, + "å¾ĹæĦı": 110008, + "综åIJĪä½ĵ": 110009, + "æŀģé«ĺ": 110010, + "åįķè¯į": 110011, + "é«ĺæķĪçļĦ": 110012, + "骨头": 110013, + "æī§çĿĢ": 110014, + "缼ä¸ĸ": 110015, + "模çī¹": 110016, + "æĽ´èĥ½": 110017, + "ç»ĿæľĽ": 110018, + "对åºĶçļĦ": 110019, + "æ¨Ĭ": 110020, + "æĸ°ä¸ī": 110021, + "æĸ°ä¸īæĿ¿": 110022, + "æģ°æģ°": 110023, + "åIJįå®¶": 110024, + "æł¸å¿ĥæĬĢæľ¯": 110025, + "个å°ı": 110026, + "æĢİä¹Īä¼ļ": 110027, + "说ä¸įå®ļ": 110028, + "西çĵľ": 110029, + "åĵİ": 110030, + "ç¢Ł": 110031, + "å¿ħä¸įåı¯": 110032, + "å¿ħä¸įåı¯å°ij": 110033, + "ä¹ĭéĸĵ": 110034, + "åĪĨ管": 110035, + "交éĢļäºĭæķħ": 110036, + "å¼ĢåĬŀ": 110037, + "å¾ģæ±ĤæĦıè§ģ": 110038, + "亨": 110039, + "鼻åŃIJéĥµ": 110040, + "鼻åŃIJéĥµä»¶": 110041, + "ä¿¡æģ¯æľįåĬ¡": 110042, + "ä½łè§īå¾Ĺ": 110043, + "缴è§Ĥ": 110044, + "å·²å®ĮæĪIJ": 110045, + "åĪĨä¼ļ": 110046, + "åĽŀåįĩ": 110047, + "éļ»": 110048, + "好人": 110049, + "äºĨè§£ä¸Ģä¸ĭ": 110050, + "å᫿µ´": 110051, + "æľĢçα": 110052, + "åºŀ大": 110053, + "客æĪ¿": 110054, + "çijŀåħ¸": 110055, + "éĥ½ä¸įæĺ¯": 110056, + "館": 110057, + "èĹī": 110058, + "çļĦåIJĦ项": 110059, + "ä¸ºçĽ®æłĩ": 110060, + "çļĦè®¤çŁ¥": 110061, + "å½±åĵįåĬĽçļĦ": 110062, + "å¤¸å¼ł": 110063, + "佩æĪ´": 110064, + "æ±ĩçİĩ": 110065, + "çļĦçαæĥħ": 110066, + "æĺ¥é£İ": 110067, + "æĺ¯æĪijçļĦ": 110068, + "樹": 110069, + "åįĬå°ıæĹ¶": 110070, + "å±±åİ¿": 110071, + "山西çľģ": 110072, + "èĢĮè¿Ļ": 110073, + "æĽ´å¤ļä¿¡æģ¯": 110074, + "è¿ĺæľīä¸ĢäºĽ": 110075, + "ç²¾ç»ĨåĮĸ": 110076, + "ç¾İåѦ": 110077, + "çͱæĸ¼": 110078, + "ä»ħä¾ĽåıĤèĢĥ": 110079, + "å¾Īé«ĺçļĦ": 110080, + "åıłåĬł": 110081, + "è¿Ļä¹Ī说": 110082, + "å±ķåĩº": 110083, + "åĽĽå¤Ħ": 110084, + "ä¸ĩå®¶": 110085, + "æĭĽåĭŁ": 110086, + "çļĦ强大": 110087, + "æĤ£æľī": 110088, + "å°ıäºİ": 110089, + "ä¹Łè®¸æĺ¯": 110090, + "对èĩªå·±çļĦ": 110091, + "èģĮä¸ļæķĻèĤ²": 110092, + "æĿ¥è¿Ľè¡Į": 110093, + "档次": 110094, + "æīĵèµ¢": 110095, + "éĥ½æľīçĿĢ": 110096, + "庸": 110097, + "è¯Ńæ°Ķ": 110098, + "çͲéĨĽ": 110099, + "空åĨĽ": 110100, + "车åĨħ": 110101, + "åĽłä¸ºä½ł": 110102, + "å®ŀæķĪ": 110103, + "æĥħä¾£": 110104, + "åıijè¾¾åĽ½å®¶": 110105, + "éķľåŃIJ": 110106, + "æ¯įå©´": 110107, + "ä½Ĩæĺ¯ä»ĸ": 110108, + "积æŀģæİ¨è¿Ľ": 110109, + "大å¹ħ度": 110110, + "çļĦ女åĦ¿": 110111, + "é¤IJæ¡Į": 110112, + "åIJ¬å¾Ĺ": 110113, + "çļĦ积æŀģæĢ§": 110114, + "好åIJ§": 110115, + "æĹ¥æ¶Īæģ¯": 110116, + "æľīä»»ä½ķ": 110117, + "æ¯Ĵåĵģ": 110118, + "æĹ©çĤ¹åĬłçĽŁ": 110119, + "第ä¸Ģ天": 110120, + "å°½åĬĽ": 110121, + "æłĸ": 110122, + "主æīĵ": 110123, + "æĺ¯ä¸ĢåIJį": 110124, + "çĪĨæĸĻ": 110125, + "äºĭä¸ļåıijå±ķ": 110126, + "å¾®åķĨ": 110127, + "äºİä¸Ģä½ĵçļĦ": 110128, + "çĶŁçĮª": 110129, + "èĩªçĦ¶èµĦæºIJ": 110130, + "çŀĦåĩĨ": 110131, + "è§Ħ模åĮĸ": 110132, + "å¹¶ä¸İ": 110133, + "èĤ¥èĥĸ": 110134, + "å®¶ç͍": 110135, + "大çĪ·": 110136, + "é¢ĦåijĬ": 110137, + "æĿ¥åģļ": 110138, + "éĺ³åİ¿": 110139, + "æŀĦçŃij": 110140, + "é¢ģå¥ĸ": 110141, + "åİĨåı²æĸĩåĮĸ": 110142, + "æľįåĭĻæĪĸ": 110143, + "æĢ»åĨ³èµĽ": 110144, + "åıijåŀĭ": 110145, + "æĪij羣çļĦ": 110146, + "æĽ¦": 110147, + "åıĤä¼ļ": 110148, + "èĦĨå¼±": 110149, + "åĩĨåħ¥": 110150, + "èħ¹éĥ¨": 110151, + "åı¸ä»¤": 110152, + "æĤ²åī§": 110153, + "天ä¸Ĭ": 110154, + "åı£ä¸Ń": 110155, + "ä¸ĩ个": 110156, + "åѦä¸ļ": 110157, + "æıIJåĢ¡": 110158, + "两边": 110159, + "大èĤ¡ä¸ľ": 110160, + "åı¤éķĩ": 110161, + "è¡Ģç³ĸ": 110162, + "çļĦç¨ĭ度": 110163, + "æ£īèĬ±": 110164, + "åIJİåı°": 110165, + "å°±åĮ»": 110166, + "æķ´æķ´": 110167, + "èĴ²": 110168, + "çĽĪåĪ©èĥ½åĬĽ": 110169, + "ç±½": 110170, + "èĦ«": 110171, + "çľĭéĩį": 110172, + "å®¶éķ·": 110173, + "èģĺç͍": 110174, + "èµĽéģĵ": 110175, + "åīįèĢħ": 110176, + "建èѰ": 110177, + "å¾ĭå¸ĪäºĭåĬ¡": 110178, + "èīºæľ¯åĵģ": 110179, + "æľīèĩªå·±çļĦ": 110180, + "åIJ¦å®ļ": 110181, + "ç¤¾åĽ¢": 110182, + "åij¨äºĶ": 110183, + "带åΰ": 110184, + "å·¥ä½ľä¼ļè®®": 110185, + "èĤ¡æľ¬": 110186, + "å¤ĸåĮħ": 110187, + "å®¶åħ¬åı¸": 110188, + "çĽijçĭ±": 110189, + "èĪĬ": 110190, + "åIJįæł¡": 110191, + "西æ¹ĸ": 110192, + "è¶ħè¿ĩäºĨ": 110193, + "åįĹå±±": 110194, + "ç»Ħä»¶": 110195, + "å̼å¾Ĺ注æĦı": 110196, + "æĮ£æīİ": 110197, + "äºĭ迹": 110198, + "ç¶ĵçĩŁ": 110199, + "ç§ij室": 110200, + "好åIJĹ": 110201, + "æ¤ħåŃIJ": 110202, + "åľĪåŃIJ": 110203, + "ä½Ĩ她": 110204, + "æµģçķħ": 110205, + "åIJĦèĩªçļĦ": 110206, + "èģĮåijĺ": 110207, + "è¡įçĶŁ": 110208, + "åħ¨åľº": 110209, + "æĴ¤éĶĢ": 110210, + "åį´è¢«": 110211, + "å®ģéĿĻ": 110212, + "åīįæīĢ": 110213, + "åīįæīĢæľª": 110214, + "åīįæīĢæľªæľī": 110215, + "主ä¸ļ": 110216, + "åĮĹç¾İ": 110217, + "è¯Ħå®ļ": 110218, + "åĵģå°Ŀ": 110219, + "大家éĥ½åľ¨": 110220, + "主å¸ħ": 110221, + "ç»Ĩå¿ĥ": 110222, + "ä¿¡æģ¯æĬ«éľ²": 110223, + "çļĦç«ŀäºī": 110224, + "éĢĻæ¨£çļĦ": 110225, + "ç§ijåĪĽæĿ¿": 110226, + "éĩĩæijĺ": 110227, + "票æį®": 110228, + "éĢIJå¹´": 110229, + "èĭ±è¶ħ": 110230, + "è¡Įä¸ļåĨħ": 110231, + "人寿": 110232, + "åIJİåĭ¤": 110233, + "å¦ĤæĦı": 110234, + "ç¬Ķè¯ķ": 110235, + "æ·¡æ·¡çļĦ": 110236, + "ä¸įèĪĴæľį": 110237, + "ä½ĵ积": 110238, + "ä¹Łä¸įè¦ģ": 110239, + "éĿ¢æĸĻ": 110240, + "æł·æľ¬": 110241, + "ç¥ģ": 110242, + "æĮīè§Ħå®ļ": 110243, + "大æ¦Ĥæĺ¯": 110244, + "æĥħåĨµè¿Ľè¡Į": 110245, + "åIJĦåįķä½į": 110246, + "çļĦç¬ij容": 110247, + "åĩºèī²çļĦ": 110248, + "代表æĢ§": 110249, + "çļĦç¾İ好": 110250, + "éĴ¦": 110251, + "å¾®çĶŁçī©": 110252, + "è¶Ĭæĺ¯": 110253, + "æĸ¹åı¯": 110254, + "å¹²èĦĨ": 110255, + "éģĬæĪ²": 110256, + "çļĦåħ´è¶£": 110257, + "éĹ®è´£": 110258, + "åĽłä¸ºæĪij们": 110259, + "èĢĥéĩı": 110260, + "çĶŁçĶŁ": 110261, + "éĺ»åĬĽ": 110262, + "ä¸įåħģ许": 110263, + "æıIJè®®": 110264, + "åĩıæĮģ": 110265, + "åıªæĺ¯ä¸Ģ个": 110266, + "æĪijæĬĬ": 110267, + "åıijçݰèĩªå·±": 110268, + "å¢ŀå¹ħ": 110269, + "å¦į": 110270, + "èĹĿè¡ĵ": 110271, + "ä¸Ģ家人": 110272, + "åĪĨ级": 110273, + "çļĦæķ°éĩı": 110274, + "è½®èŀįèµĦ": 110275, + "çŃīåĽłç´ł": 110276, + "大夫": 110277, + "èģĺ请": 110278, + "é£İæľº": 110279, + "绽æĶ¾": 110280, + "ä»»ä½ķä¸Ģ个": 110281, + "éłĤ": 110282, + "éĺ¶çº§": 110283, + "æĬĬ她": 110284, + "è¿ĽåĨĽ": 110285, + "èĥ½åģļåΰ": 110286, + "åŁ¹è®ŃæľºæŀĦ": 110287, + "çĸĻ": 110288, + "ç«¥è¯Ŀ": 110289, + "æĮĩ导æĦıè§ģ": 110290, + "éĺ®": 110291, + "æ·±åħ¥æİ¨è¿Ľ": 110292, + "ä¸»æľº": 110293, + "æ¸Ķä¸ļ": 110294, + "ä¸įæľį": 110295, + "æµĵéĥģ": 110296, + "è¡Ĺä¸Ĭ": 110297, + "ä¾Ŀ次": 110298, + "æĹ¶æ®µ": 110299, + "梵": 110300, + "çļĦåĸľçα": 110301, + "å¾Īéķ¿": 110302, + "åĪĿ级": 110303, + "æŀľæĸŃ": 110304, + "æĬ¢æķij": 110305, + "é¼ĵèĪŀ": 110306, + "ä¾ĽéľĢ": 110307, + "æ·±åħ¥å¼Ģå±ķ": 110308, + "产ä¸ļéĽĨ群": 110309, + "åĻªéŁ³": 110310, + "åIJ¬çĿĢ": 110311, + "æ·±åĪ»çļĦ": 110312, + "å¿įåıĹ": 110313, + "ç͵ç£ģ": 110314, + "强èĢħ": 110315, + "æ»ĭåij³": 110316, + "æĽ¼èģĶ": 110317, + "åı¯ä»¥çĽ´æİ¥": 110318, + "大米": 110319, + "æŃ·åı²": 110320, + "æĶ¿åĬ¡æľįåĬ¡": 110321, + "åħ¬å¼ı": 110322, + "社群": 110323, + "éģĵ士èģĮä¸ļ": 110324, + "ä¹ĭæĥħ": 110325, + "æµ·æ°´": 110326, + "æ¼Ķå¥ı": 110327, + "åºĹéĩĮ": 110328, + "迹象": 110329, + "åıijå±ķçIJĨ念": 110330, + "é«ĺ空": 110331, + "åij¨åĪĬ": 110332, + "åĽŀåΰäºĨ": 110333, + "ä¸įéĢĤåIJĪ": 110334, + "åłµå¡ŀ": 110335, + "åĬĪ": 110336, + "æ°´ä¸Ĭ": 110337, + "çĢijå¸ĥ": 110338, + "纳ç¨İ人": 110339, + "çĩĥæ²¹": 110340, + "å·¥ç¨ĭé¡¹çĽ®": 110341, + "峡谷": 110342, + "æľīéĴĪ对æĢ§": 110343, + "åľĨå½¢": 110344, + "æľ¬å¸Ĥ": 110345, + "è¿Ļè¯Ŀ": 110346, + "管çIJĨèĢħ": 110347, + "ç¡®è¯ĬçĹħä¾ĭ": 110348, + "æĬĬæīĭ": 110349, + "彩èī²": 110350, + "ä¸Ĭåīį": 110351, + "夯å®ŀ": 110352, + "ç¾ĬèĤī": 110353, + "å¾Ģå¹´": 110354, + "æĵħèĩª": 110355, + "迷人": 110356, + "èĪªæ¯į": 110357, + "ç²¾ç»Ĩ": 110358, + "åľ¨æĪijçļĦ": 110359, + "åĪĽæĬķ": 110360, + "麦åħĭ": 110361, + "æľĪç»ı": 110362, + "åĮĹæµ·": 110363, + "ä¹ĭæĺŁ": 110364, + "åı¶åŃIJ": 110365, + "å¸Ĥåľºç«ŀäºī": 110366, + "è¿Ļäºĭ": 110367, + "åıĥèĪĩ": 110368, + "äº§åľ°": 110369, + "åĶī": 110370, + "åķĨåĵģæĪ¿": 110371, + "èĪªè¿IJ": 110372, + "ä¼ĺå¼Ĥ": 110373, + "ä»ĸ们æĺ¯": 110374, + "éĽ¨æ°´": 110375, + "è¯įæ±ĩ": 110376, + "åĨľçͰ": 110377, + "欧éĺ³": 110378, + "çŁŃ线": 110379, + "管ç½ij": 110380, + "æł¹åŁº": 110381, + "åıªæľīä¸Ģ个": 110382, + "éŀĭåŃIJ": 110383, + "å¸Ĥå§Ķ书记": 110384, + "åĪ»æĦı": 110385, + "è¡Į车": 110386, + "åıĪ被": 110387, + "åı¯éĿłæĢ§": 110388, + "è´±": 110389, + "ä»»åij½": 110390, + "åºĶåľ¨": 110391, + "å°±å¾Ĺ": 110392, + "æľįåĬ¡ä½ĵç³»": 110393, + "æĶ¿æĿĥ": 110394, + "åıijè¨Ģ人": 110395, + "è¿ĩå¾Ģ": 110396, + "两åıª": 110397, + "èĻ½è¯´": 110398, + "éĢģä¸Ĭ": 110399, + "ä»Ģä¹Īäºĭ": 110400, + "æķ£æĸĩ": 110401, + "æİĮæİ§": 110402, + "èĸĦå¼±": 110403, + "ä¸ĭéĿ¢å°±": 110404, + "主è¦ģåĨħ容": 110405, + "å¾Īéĩįè¦ģçļĦ": 110406, + "就说": 110407, + "çϽèī²çļĦ": 110408, + "éĤ£ä¸ªæĹ¶åĢĻ": 110409, + "ç»ı纪人": 110410, + "çļĦæ¯į亲": 110411, + "ç¬Ķè®°æľ¬": 110412, + "åºķå±Ĥ": 110413, + "è¿ij代": 110414, + "解说": 110415, + "è²łè²¬": 110416, + "æľĢ大åĮĸ": 110417, + "åķĨéĵº": 110418, + "æł¡åıĭ": 110419, + "æ²ģ": 110420, + "ä¸įåĩºæĿ¥": 110421, + "éĻ·éĺ±": 110422, + "ç¨ħ": 110423, + "åħ¬å¸ĥäºĨ": 110424, + "åĩĢå̼": 110425, + "çĽ¸å¯¹è¾ĥ": 110426, + "笼": 110427, + "æł¸ç®Ĺ": 110428, + "åįİ侨": 110429, + "æĢ¥æķij": 110430, + "æĮºå¥½": 110431, + "åħĴç«¥": 110432, + "äºĮèĥİ": 110433, + "åĩºèĩª": 110434, + "åĿŁ": 110435, + "æīĭä¸ĭ": 110436, + "屡": 110437, + "åĪĽéĢłæĢ§": 110438, + "ä¸¥æł¼æĮīçħ§": 110439, + "åĨįåİ»": 110440, + "举缣": 110441, + "人æµģ": 110442, + "äºĨä¸Ģ声": 110443, + "å°ıæĹ¶åīį": 110444, + "è´µæĹı": 110445, + "éľĸ": 110446, + "ä¹Łæĺ¯éĿŀ常": 110447, + "é̱": 110448, + "çľĭäºĨçľĭ": 110449, + "ç¹ģæ®ĸ": 110450, + "èĩ³æŃ¤": 110451, + "é¢Ħå¤ĩ": 110452, + "å¾Īæĺİæĺ¾": 110453, + "æ¼Ķèīº": 110454, + "åĿIJçĿĢ": 110455, + "ä¿ĦåĨĽ": 110456, + "åľ¨è¿ĩåİ»": 110457, + "ä¹ĭäºĭ": 110458, + "æĬĵèİ·": 110459, + "åĿIJä¸ĭ": 110460, + "çͱä¸ŃåĽ½": 110461, + "ä¹Łå¼Ģå§ĭ": 110462, + "çŃĶå¤į": 110463, + "åŀĥåľ¾åĪĨç±»": 110464, + "éĴĵé±¼": 110465, + "åIJĦ種": 110466, + "缸éģĩ": 110467, + "ä¸įåģľçļĦ": 110468, + "æī¹éĩı": 110469, + "éĩįè¦ģä½ľç͍": 110470, + "å§Ķå±Ī": 110471, + "åħŃå¹´": 110472, + "ä¸ĥåįģ": 110473, + "ä¹ĭæĪĺ": 110474, + "é£İéĻ©ç®¡çIJĨ": 110475, + "éŁ³æ¨Ĥ": 110476, + "è¡ĮæĶ¿å¤Ħç½ļ": 110477, + "æľ¬äºĭ": 110478, + "æĴ°åĨĻ": 110479, + "èģļåIJĪ": 110480, + "éĢĤæĹ¶": 110481, + "æIJ¬å®¶": 110482, + "ç¢İçīĩ": 110483, + "çĽĽå®´": 110484, + "ç®Ģæ´ģ": 110485, + "åı¬éĽĨ": 110486, + "ç®ĢåĮĸ": 110487, + "åĮĹ京æĹ¶éĹ´": 110488, + "第ä¸īå±Ĭ": 110489, + "æĿ¥åĽŀ": 110490, + "常ç͍çļĦ": 110491, + "京津": 110492, + "京津åĨĢ": 110493, + "梦幻": 110494, + "è¯ķè¡Į": 110495, + "æľºåºĬ": 110496, + "åΰæľĢåIJİ": 110497, + "åĬ©æīĭ": 110498, + "åĪĨ彩": 110499, + "åĩºåĵģ": 110500, + "åĪ¹è½¦": 110501, + "åIJ¯åıij": 110502, + "ä¾§éĿ¢": 110503, + "æ¯ıå½ĵ": 110504, + "缸åħ³è§Ħå®ļ": 110505, + "ä¸ĸ人": 110506, + "è´Ń车": 110507, + "å¿ĥ缮": 110508, + "å¿ĥ缮ä¸Ń": 110509, + "äºĶéĩij": 110510, + "è¿ĺè®°å¾Ĺ": 110511, + "ä¾ĿçĦ¶æĺ¯": 110512, + "æıIJæ¡Ī": 110513, + "ç͵åķĨå¹³åı°": 110514, + "åģļåΰäºĨ": 110515, + "æĿľç»Ŀ": 110516, + "å®īåįĵ": 110517, + "ä¸ĸçķĮåIJĦåľ°": 110518, + "åīįéĢĶ": 110519, + "æ´ĹåĩĢ": 110520, + "å¥ĭåĬĽ": 110521, + "åŁİå¸Ĥ建设": 110522, + "å¤ļåĬŁèĥ½": 110523, + "ä¼ļéĢłæĪIJ": 110524, + "åıijå¸ĥä¼ļä¸Ĭ": 110525, + "究竣æĺ¯": 110526, + "åĪĨ红": 110527, + "çŁ¥èŃĺ": 110528, + "éĿ¢æĿ¿": 110529, + "æĹłå£°": 110530, + "æĢ¥éľĢ": 110531, + "å¤±çľł": 110532, + "çΏå¦Ī": 110533, + "äºĤ": 110534, + "åħ¨æĻ¯": 110535, + "ç»ıåħ¸çļĦ": 110536, + "åī§ä¸Ń": 110537, + "é¢Ĩ导ä¸ĭ": 110538, + "åħļåĨħ": 110539, + "åħ¥ä¾µ": 110540, + "æĭīæĸ¯": 110541, + "ä¸Ģå¹ķ": 110542, + "åĬłä¹ĭ": 110543, + "èĤĨ": 110544, + "èĭ±æł¼": 110545, + "èĭ±æł¼åħ°": 110546, + "å·§åħĭ": 110547, + "å·§åħĭåĬĽ": 110548, + "ä¸Ģå¿ĥ": 110549, + "èģĤ": 110550, + "å¾Ģå¾Ģæĺ¯": 110551, + "管çIJĨå±Ĥ": 110552, + "çĻ»åħ¥": 110553, + "建ç«ĭèµ·": 110554, + "å»ºåĽ½": 110555, + "åŃIJ宫": 110556, + "åºĶä»ĺ": 110557, + "æİ¢ç©¶": 110558, + "第ä¸Ģä½į": 110559, + "ä½Ļå®¶": 110560, + "çŃīæ´»åĬ¨": 110561, + "æīĢèĩ´": 110562, + "è¾ĥå¿«": 110563, + "æĺ¯éĿŀ": 110564, + "æıIJåIJį": 110565, + "äºĮèĢħ": 110566, + "åıªåī©ä¸ĭ": 110567, + "åħ¶ä¸ŃåĮħæĭ¬": 110568, + "ç¼ĸç¨ĭ": 110569, + "çł´ç¢İ": 110570, + "ä¸Ń举": 110571, + "å·¥ä½ľæĬ¥åijĬ": 110572, + "çѾåIJį": 110573, + "éħĴä¸ļ": 110574, + "çŁ¥æĻĵ": 110575, + "çĥŃå¿ĥ": 110576, + "éĿŀåĩ¡": 110577, + "èIJ¥ä¸ļæī§": 110578, + "èIJ¥ä¸ļæī§çħ§": 110579, + "人大代表": 110580, + "ä¸Ģ个æĸ°çļĦ": 110581, + "å¨ģæµ·": 110582, + "éĤ£äºº": 110583, + "涨价": 110584, + "æ¶ĪçģŃ": 110585, + "éļ¾å¿ĺ": 110586, + "ç¶ĵé©Ĺ": 110587, + "åı£è¢ĭ": 110588, + "ç³»æķ°": 110589, + "æĸĩä¸Ń": 110590, + "好转": 110591, + "æĸ°éĽ¶åĶ®": 110592, + "讲述äºĨ": 110593, + "å¼ĢçĽĺ": 110594, + "çķĻç»Ļ": 110595, + "æħ¢æħ¢çļĦ": 110596, + "æĤ²ä¼¤": 110597, + "æľ¬æľŁ": 110598, + "äºĨå¤ļå°ij": 110599, + "è¿Ļ让": 110600, + "åIJĮçŃī": 110601, + "æ¸ħæĺİ": 110602, + "个åŁİå¸Ĥ": 110603, + "æºĸåĤĻ": 110604, + "åĩłä¹İæĺ¯": 110605, + "强åĬĽ": 110606, + "俯": 110607, + "水稻": 110608, + "åĽºå®ļçļĦ": 110609, + "æł¸åĩĨ": 110610, + "说æľį": 110611, + "顯示": 110612, + "è¿Ļå¥Ĺ": 110613, + "æĻºæħ§åŁİå¸Ĥ": 110614, + "å±ĭé¡¶": 110615, + "ä¸įæĿ¥": 110616, + "çĶŁé²ľ": 110617, + "çŁ¥æĥħ": 110618, + "æĬķ身": 110619, + "åijĬè¯īæĪij们": 110620, + "ä¸īåĽĽ": 110621, + "ä¸ĩä¸Ģ": 110622, + "è¾Ĩ车": 110623, + "为ä¹ĭ": 110624, + "åΰæĹ¶åĢĻ": 110625, + "è¿Ļæīįæĺ¯": 110626, + "åIJįçīĮ": 110627, + "åºŁæ°´": 110628, + "åݻ年åIJĮæľŁ": 110629, + "å¹´éĻIJ": 110630, + "éģĭåĭķ": 110631, + "åıĮçľ¼": 110632, + "è¦ģç´§": 110633, + "对çŃĸ": 110634, + "åľºé¦Ĩ": 110635, + "çϾç§ij": 110636, + "è¶Ĭéĩİ": 110637, + "å¯ĮåIJ«": 110638, + "大å¤ļæķ°äºº": 110639, + "æľĢå°ij": 110640, + "åı¬åͤ": 110641, + "åħ¸èĮĥ": 110642, + "åĨľæľº": 110643, + "æŃ£æĸĩ": 110644, + "åºĶç͍äºİ": 110645, + "æ·±èĢķ": 110646, + "ä¿Ń": 110647, + "ä»Ģä¹Īä¸ľè¥¿": 110648, + "å¥Ĺé¤IJ": 110649, + "å½ĵéĢī": 110650, + "å·¦æīĭ": 110651, + "è°ĥçIJĨ": 110652, + "æĻļé¤IJ": 110653, + "éļ¾åħ³": 110654, + "åĩŃè¯ģ": 110655, + "çĪ±äºº": 110656, + "æĮĩè´£": 110657, + "è´£ç¼ĸ": 110658, + "çļĦä¸Ģ款": 110659, + "éĵ²": 110660, + "åįģ个": 110661, + "èĢ»": 110662, + "æľįåĬ¡åķĨ": 110663, + "åľ°çĭ±": 110664, + "è¿ŀå¿Ļ": 110665, + "åĽ°æĥij": 110666, + "çļĵ": 110667, + "ä¸įåIJĥ": 110668, + "çİ°åľ¨å·²ç»ı": 110669, + "çĽĺçĤ¹": 110670, + "ä¸įåģľåľ°": 110671, + "管çIJĨ模å¼ı": 110672, + "è¿Ļ段æĹ¶éĹ´": 110673, + "椰": 110674, + "礼åĮħ": 110675, + "æµģ转": 110676, + "æī«çłģ": 110677, + "éĽĨä¸Ńåľ¨": 110678, + "æ±ĤåĬ©": 110679, + "åįĬ个": 110680, + "å¿«éĢŁå¢ŀéķ¿": 110681, + "å¾Ģä¸ĭ": 110682, + "è¯ĦåĪĨ": 110683, + "å°±æĥ³": 110684, + "åķĨåĬ¡éĥ¨": 110685, + "æľīéĹ®é¢ĺ": 110686, + "èİ·åĪ©": 110687, + "æ¯ĽçĹħ": 110688, + "æĦŁåºĶ": 110689, + "è̧": 110690, + "åĪĨæŃ§": 110691, + "åĨī": 110692, + "æĪij们çİ°åľ¨": 110693, + "è¦ģåĬłå¼º": 110694, + "å·§å¦Ļ": 110695, + "èŀºæĹĭ": 110696, + "åĪĩæį¢": 110697, + "çĭĦ": 110698, + "顺çķħ": 110699, + "å°¤åħ¶æĺ¯åľ¨": 110700, + "èĬĿ麻": 110701, + "éļ¾è¿ĩ": 110702, + "æĹĹå¸ľ": 110703, + "å¤įåį°": 110704, + "å¤įåį°ä»¶": 110705, + "å¿ħéľĢ": 110706, + "对å¤ĸå¼ĢæĶ¾": 110707, + "éļ¾åıĹ": 110708, + "åİŁæĿ¥æĺ¯": 110709, + "ç®ĹäºĨ": 110710, + "é«ĺå±±": 110711, + "离èģĮ": 110712, + "çµĦç¹": 110713, + "çµĦç¹Ķ": 110714, + "å±ģèĤ¡": 110715, + "çϾ家": 110716, + "éģĩä¸Ĭ": 110717, + "æĺĶæĹ¥": 110718, + "ä¸į容": 110719, + "çĽij管éĥ¨éŨ": 110720, + "主æĦı": 110721, + "æµģåŁŁ": 110722, + "è·Įå¹ħ": 110723, + "èĩ³ä¸Ĭ": 110724, + "åĪ«è¯´": 110725, + "æĺ¯æ¯Ķè¾ĥ": 110726, + "å®ıè§Ĥç»ıæµİ": 110727, + "å¸Ĥåľºä¸»ä½ĵ": 110728, + "污æŁĵçī©": 110729, + "æķijæ²»": 110730, + "丰æĶ¶": 110731, + "åŃĺæĶ¾": 110732, + "åĩĦ": 110733, + "éĩijå±±": 110734, + "æį¢äºĨ": 110735, + "ä¸ĵ人": 110736, + "éĹľæĸ¼": 110737, + "æĹ¢è¦ģ": 110738, + "åĽ½è¶³": 110739, + "éļĭ": 110740, + "åıįåĩ»": 110741, + "起身": 110742, + "åħĪæĺ¯": 110743, + "å¸ĮæľĽèĥ½å¤Ł": 110744, + "åĪ¶è®¢": 110745, + "åºĹéĿ¢": 110746, + "åĸĢ": 110747, + "æķĻä½ł": 110748, + "éĻ῏©": 110749, + "åĬĽæ±Ĥ": 110750, + "ä¸īçϾ": 110751, + "çī©ä»·": 110752, + "丢失": 110753, + "å¢Ļä¸Ĭ": 110754, + "éĥ¨ä»½": 110755, + "æł·æĿ¿": 110756, + "ä¹ĭæĦı": 110757, + "ç½ijå°ıç¼ĸ": 110758, + "ä¸ĸä¸Ĭ": 110759, + "è°ĥè¯ķ": 110760, + "污æŁĵéĺ²æ²»": 110761, + "å½±éĻ¢": 110762, + "å®Įåħ¨åı¯ä»¥": 110763, + "éĢļåħ³": 110764, + "ä¹īåĬ¡æķĻèĤ²": 110765, + "没æľīåĬŀæ³ķ": 110766, + "èĢ¿": 110767, + "妳": 110768, + "æĹłæĥħ": 110769, + "å¾ĹçĽĬ": 110770, + "å¾ĹçĽĬäºİ": 110771, + "æľŁçĽ¼": 110772, + "娱ä¹IJåľº": 110773, + "çͲæĸ¹": 110774, + "ä¸Ģæ±½": 110775, + "çŰ": 110776, + "çĸijä¼¼": 110777, + "æĸ°æµªå¾®åįļ": 110778, + "强è¡Į": 110779, + "å½ĵä»ĸ": 110780, + "èĥº": 110781, + "ç͍æĪ·æıIJä¾Ľ": 110782, + "åĮºå§Ķ": 110783, + "æĦ¿æĻ¯": 110784, + "æĬĺæī£": 110785, + "失踪": 110786, + "è¿«åĪĩ": 110787, + "åŃĹæ¯į": 110788, + "åĴ¯": 110789, + "èªįèŃĺ": 110790, + "ä»Ģä¹ĪæĦıæĢĿ": 110791, + "çĽĴåŃIJ": 110792, + "å½ķéŁ³": 110793, + "建设工ç¨ĭ": 110794, + "ä¸ļä½Ļ": 110795, + "å®ŀ践活åĬ¨": 110796, + "çľŁç©º": 110797, + "çĤĸ": 110798, + "åľ¨è·¯ä¸Ĭ": 110799, + "主è¦ģåĮħæĭ¬": 110800, + "该æĢİä¹Ī": 110801, + "æĢ»æľī": 110802, + "æĢ§æĦŁ": 110803, + "æ°ijèĪª": 110804, + "å¼ĢåºĹ": 110805, + "欺éªĹ": 110806, + "çªģåĩ»": 110807, + "缺失": 110808, + "æī§ä¸ļ": 110809, + "åľ°éģĵ": 110810, + "å¹¶æĹł": 110811, + "æ°ijåĬŀ": 110812, + "ç»Ħç»ĩçĶŁæ´»": 110813, + "æĪijå¦Ī": 110814, + "è¨ĺèĢħ": 110815, + "管åζ": 110816, + "æī¾ä¸ª": 110817, + "èĹ»": 110818, + "çĤİçĹĩ": 110819, + "äºĴåĬ©": 110820, + "æµıè§Īåύ": 110821, + "çݩ家æĿ¥è¯´": 110822, + "éĻįä½İäºĨ": 110823, + "è£Ķ": 110824, + "æĮ£éĴ±": 110825, + "åķĨæľº": 110826, + "æĶ¹è£ħ": 110827, + "æµģ浪": 110828, + "æĶ¿æ³ķ": 110829, + "èĢģ头": 110830, + "çĶŁäº§åĴĮ": 110831, + "ç©Ĺ": 110832, + "亲çα": 110833, + "亲çαçļĦ": 110834, + "å±¥èģĮ": 110835, + "åŁİéĩĮ": 110836, + "ç»ĨåĪĨ": 110837, + "åĬ³åĬ¨åIJĪåIJĮ": 110838, + "åľ¨æĹ¥æľ¬": 110839, + "å¨ģå°Ķ": 110840, + "åį«è§Ĩ": 110841, + "éĢ£çµIJ": 110842, + "çĿĢéĩį": 110843, + "æĬĺ磨": 110844, + "åĽ¾ä¸º": 110845, + "çľ·": 110846, + "å·¥åºı": 110847, + "æĵģ": 110848, + "æĵģæľī": 110849, + "ç½ijç«Ļåľ°åĽ¾": 110850, + "çļĦä¸Ģ大": 110851, + "ç»Ħç»ĩå®ŀæĸ½": 110852, + "æĬĽå¼ĥ": 110853, + "åĴĮæĶ¯æĮģ": 110854, + "æ³ķåĪĻ": 110855, + "浪潮": 110856, + "çݰæľīçļĦ": 110857, + "åĩłçİĩ": 110858, + "为客æĪ·": 110859, + "åįģä¸ĩ": 110860, + "è¹Ħ": 110861, + "çªģåĩºéĹ®é¢ĺ": 110862, + "åıĥåĬł": 110863, + "éĥ½ä¼ļæľī": 110864, + "缤": 110865, + "è°ģéĥ½": 110866, + "æīĭåĬ¨": 110867, + "çĽ´è¾¾": 110868, + "çĤ¹å¤ļ": 110869, + "éĺ¶å±Ĥ": 110870, + "ä¸įä½³": 110871, + "éĤ£æ®µ": 110872, + "滨海": 110873, + "æĺ¯åĽ½åĨħ": 110874, + "æĪijå¸ĮæľĽ": 110875, + "åIJĽåŃIJ": 110876, + "è§ĤéŁ³": 110877, + "åģļé¥Ń": 110878, + "æ±½è»Ĭ": 110879, + "åħ³ç¨İ": 110880, + "çľ¼åīįçļĦ": 110881, + "æ°´éĿ¢": 110882, + "èĢ³æľº": 110883, + "追踪": 110884, + "æİ¨éĢģ": 110885, + "éĴ±åĮħ": 110886, + "æģ¶å¿ĥ": 110887, + "æµ·åŁŁ": 110888, + "å·į": 110889, + "å¼ĢæĿ¥": 110890, + "表æĢģ": 110891, + "仪表": 110892, + "å¹³åİŁ": 110893, + "åįģå¤ļå¹´": 110894, + "ä¹ŁæĹłæ³ķ": 110895, + "åħ¼é¡¾": 110896, + "è¡£æŁľ": 110897, + "æł½åŁ¹": 110898, + "æĪ¿æºIJ": 110899, + "设ç«ĭäºĨ": 110900, + "ä¸ĩåIJį": 110901, + "æķ°é¢Ŀ": 110902, + "è¦ģåĿļæĮģ": 110903, + "åIJīæŀĹçľģ": 110904, + "请èģĶç³»": 110905, + "ç»ıåİĨè¿ĩ": 110906, + "çļĦæľ¬è´¨": 110907, + "åħ¥éŨ": 110908, + "æľ¬æ¡Ī": 110909, + "çİĩè¾¾åΰ": 110910, + "åı°éĺ¶": 110911, + "éĴŀ": 110912, + "æĪijèĥ½": 110913, + "èݲèĬ±": 110914, + "éĴł": 110915, + "ä¸Ģäºĭ": 110916, + "åİŁæľīçļĦ": 110917, + "æ¯ıåĢĭ": 110918, + "æ¯Ķäºļ迪": 110919, + "æ£ĭçīĮ游æĪı": 110920, + "ä¸įä¼ļæľī": 110921, + "å½ĴæĿ¥": 110922, + "äºĶçϾ": 110923, + "è¿ĩé«ĺ": 110924, + "éĽ·è¾¾": 110925, + "ä¸Ģèµ·åİ»": 110926, + "æķĻ导": 110927, + "å°±è¯Ĭ": 110928, + "å°±å¾Ī": 110929, + "ä¸įåIJĮäºİ": 110930, + "俺": 110931, + "å¸ĸåŃIJ": 110932, + "æĶ¿åįıå§Ķåijĺ": 110933, + "çĸ«æĥħå½±åĵį": 110934, + "åĪĨè£Ĥ": 110935, + "为ä»Ģä¹Īä¼ļ": 110936, + "äºĶæĺŁ": 110937, + "å°ijåĦ¿": 110938, + "æĬ¢éĻ©": 110939, + "梦è§ģ": 110940, + "è®°èĢħéĩĩ访": 110941, + "山路": 110942, + "æĪij个人": 110943, + "æ²Ļ滩": 110944, + "è¹Ń": 110945, + "æĶ¹è®Ĭ": 110946, + "æĸ°åŀĭåĨł": 110947, + "æĸ°åŀĭåĨłçĬ¶": 110948, + "åĮ»æĬ¤": 110949, + "åĮ»æĬ¤äººåijĺ": 110950, + "æµ·å°Ķ": 110951, + "åħ³äºİæĪij们": 110952, + "éϤå¤ĸ": 110953, + "åºļ": 110954, + "宣åijĬ": 110955, + "ä¸īåįĥ": 110956, + "榨": 110957, + "ç§ijæĬĢ大åѦ": 110958, + "ä¸ĥåħ«": 110959, + "顺åºĶ": 110960, + "çΏçΏå¦Īå¦Ī": 110961, + "éĢīåıĸ": 110962, + "åī§çĥĪ": 110963, + "乡æĿijæĹħ游": 110964, + "积æŀģæİ¢ç´¢": 110965, + "表çݰ为": 110966, + "å¾Īæ¸ħæ¥ļ": 110967, + "大åĨĽ": 110968, + "æĿ¥ç͵": 110969, + "å¥ĹæĪ¿": 110970, + "çݰè¡Į": 110971, + "享åıĹåΰ": 110972, + "çľĭçĤ¹": 110973, + "åĽºå®ļèµĦ产": 110974, + "以人为": 110975, + "ä»¥äººä¸ºæľ¬": 110976, + "ä¸įå®Į": 110977, + "éĻį鼨": 110978, + "åģļçļĦäºĭæĥħ": 110979, + "å¹¶äºİ": 110980, + "顽强": 110981, + "è̏": 110982, + "åĺ´å·´": 110983, + "缸åħ³ä¿¡æģ¯": 110984, + "æĪij没": 110985, + "æĪĺçķ¥æĢ§": 110986, + "æĢĿ念": 110987, + "åĪĺå¤ĩ": 110988, + "åĬ©æĶ»": 110989, + "é£İè²Į": 110990, + "éĿ¢å¯¹éĿ¢": 110991, + "积æŀģå¼Ģå±ķ": 110992, + "çĸĹæķĪ": 110993, + "çľĭ书": 110994, + "缺åı£": 110995, + "åĽ½æ°ijç»ıæµİ": 110996, + "使ç͍æĿĥ": 110997, + "éģ¥è¿ľ": 110998, + "å¡«è¡¥": 110999, + "第ä¸ī人": 111000, + "åįĬå¤ľ": 111001, + "æŃ¦æ±īå¸Ĥ": 111002, + "æĪijåıijçݰ": 111003, + "ä¼ĺæĥłæĶ¿çŃĸ": 111004, + "é£İåı£": 111005, + "å°±ä¸įèĥ½": 111006, + "为主è¦ģ": 111007, + "æµģåĩº": 111008, + "å´ĩæĭľ": 111009, + "å¹¶ä¸įèĥ½": 111010, + "é«ĺä¸ī": 111011, + "ä¸ĸçķĮä¸ĬæľĢ": 111012, + "æĥ³å¿ħ": 111013, + "åħ¶æīĢ": 111014, + "åĢĻéĢī": 111015, + "åĢĻéĢī人": 111016, + "ä¸įçα": 111017, + "åī¯ä½ľç͍": 111018, + "人æ°ijæĹ¥æĬ¥": 111019, + "æĪijä¸įæĺ¯": 111020, + "å®ŀçī©": 111021, + "ç͵åİĤ": 111022, + "ä¹Łç®Ĺæĺ¯": 111023, + "æľīéĹľ": 111024, + "æľīèĥ½åĬĽ": 111025, + "æĮĤåľ¨": 111026, + "çľ¼ä¸ĭ": 111027, + "约翰": 111028, + "å°ıåѦçĶŁ": 111029, + "èµ·åΰäºĨ": 111030, + "工夫": 111031, + "åIJĮå¿ĥ": 111032, + "åĿ¦è¨Ģ": 111033, + "çłĮ": 111034, + "åıijæĮ¥äºĨ": 111035, + "èģĮä¸ļéģĵå¾·": 111036, + "è¿ĻäºĽå¹´": 111037, + "念头": 111038, + "èĢģé¼ł": 111039, + "åħ¨èµĦ": 111040, + "åħ¨èµĦåŃIJ": 111041, + "ä¸Ģåij³": 111042, + "å¤ļä¸ĩåħĥ": 111043, + "æł¼æľĥ": 111044, + "éķ¿éĢĶ": 111045, + "带走": 111046, + "èĭ±å¯¸": 111047, + "æĸĩä½ĵ": 111048, + "对ä»ĸ们": 111049, + "åĵŃäºĨ": 111050, + "å¡«æĬ¥": 111051, + "çīĪæĿĥ声æĺİ": 111052, + "çĶµçº¿": 111053, + "è´Ńçī©ä¸Ńå¿ĥ": 111054, + "饱满": 111055, + "ä½İ头": 111056, + "强迫": 111057, + "ä¿Ŀæ´ģ": 111058, + "欧åĨł": 111059, + "缸è¿ŀ": 111060, + "认è´Ń": 111061, + "ç쫿ĺŁ": 111062, + "é«ĺå°Ķ": 111063, + "é«ĺå°Ķ夫": 111064, + "èij«èĬ¦": 111065, + "æłĩ注": 111066, + "çļĦçIJĨæĥ³": 111067, + "æł¸éħ¸": 111068, + "æł¸éħ¸æ£Ģæµĭ": 111069, + "åĬī": 111070, + "ä¸Ģèάæĺ¯": 111071, + "æĢĿç´¢": 111072, + "轨迹": 111073, + "çĥŃ带": 111074, + "éĻ£": 111075, + "åĩĨç¡®æĢ§": 111076, + "æĪ´çĿĢ": 111077, + "åľ¨çĶŁæ´»ä¸Ń": 111078, + "æīĢèĥ½": 111079, + "æľ¯åIJİ": 111080, + "å¸¦ä½ł": 111081, + "ç¥ł": 111082, + "æ®ĭéħ·": 111083, + "ä¹Łåıªæĺ¯": 111084, + "çͳè´Ń": 111085, + "举åĬŀäºĨ": 111086, + "æľīæĦıä¹ī": 111087, + "æĹºçĽĽ": 111088, + "åľ¨ç¶²": 111089, + "åľ¨ç¶²è·¯ä¸Ĭ": 111090, + "å¾Ī大ç¨ĭ度": 111091, + "管è¾ĸ": 111092, + "çĸ«æĥħæľŁéĹ´": 111093, + "触æij¸": 111094, + "éĺ¶æ®µæĢ§": 111095, + "ä¼ļè§īå¾Ĺ": 111096, + "çļĦçĶ»éĿ¢": 111097, + "æİ¥åıĹäºĨ": 111098, + "表达äºĨ": 111099, + "éĤĵå°ı": 111100, + "éĤĵå°ıå¹³": 111101, + "åħļé£İ": 111102, + "åħļé£İå»īæĶ¿": 111103, + "åķĨåѦéĻ¢": 111104, + "åħijæį¢": 111105, + "é£Łåĵģèį¯åĵģ": 111106, + "éĿŀ常好çļĦ": 111107, + "çľ¯": 111108, + "纳米": 111109, + "åĬ¨æijĩ": 111110, + "åĽŀéģ¿": 111111, + "çľĭèijĹ": 111112, + "款项": 111113, + "åħ«å¹´": 111114, + "åģļ个": 111115, + "æĸĩæ¡£": 111116, + "éĩijèŀįç§ijæĬĢ": 111117, + "åħ¶ä¸Ńæľī": 111118, + "äºĨä¸Ģç³»åĪĹ": 111119, + "æĹĹèΰåºĹ": 111120, + "ç§°èµŀ": 111121, + "éĽ¢éĸĭ": 111122, + "åζåĨ·": 111123, + "å®¶éŨåı£": 111124, + "åįģå¤ļ": 111125, + "ä¼´ä¾£": 111126, + "çľĭçĹħ": 111127, + "æĭīçĿĢ": 111128, + "æīĴ": 111129, + "çĸ²æĥ«": 111130, + "å°ijæķ°æ°ijæĹı": 111131, + "åĽ¾å½¢": 111132, + "è½§": 111133, + "å¢ŀéĩı": 111134, + "饲åħ»": 111135, + "çģ«å±±": 111136, + "æ¯ı个æľĪ": 111137, + "ä½ľä¸ºä¸ĢåIJį": 111138, + "è½´æī¿": 111139, + "æĸĩ书": 111140, + "ç¼ķ": 111141, + "åħ·ä½ĵæĥħåĨµ": 111142, + "çĹĽçĤ¹": 111143, + "缴éĶĢ": 111144, + "å¡Ĭ": 111145, + "ä¹Łæľĥ": 111146, + "çĥŃæ½®": 111147, + "å¹³æ°ij": 111148, + "æ¼Ķåͱä¼ļ": 111149, + "æķĻçłĶ": 111150, + "éĢĥéģ¿": 111151, + "ä¸Ģè´¯": 111152, + "å°±è¶Ĭ": 111153, + "å®ŀå®ŀåľ¨": 111154, + "å®ŀå®ŀåľ¨åľ¨": 111155, + "ä¹łè¿ijå¹³æĢ»": 111156, + "溺": 111157, + "å¿ĥåºķ": 111158, + "éķ¿å¾ģ": 111159, + "媽媽": 111160, + "第ä¸ī次": 111161, + "åĩºæ¼Ķ": 111162, + "çĭĢæ³ģ": 111163, + "å°Ķæĸ¯": 111164, + "代çIJĨåķĨ": 111165, + "çĨı": 111166, + "çļĦ对象": 111167, + "ç͵éĩı": 111168, + "è¡ĮåĪĹ": 111169, + "åĽ½äºº": 111170, + "è·ijäºĨ": 111171, + "åįĶåĬ©": 111172, + "èIJ¥è¿IJ": 111173, + "å¸ĪåħĦ": 111174, + "榮": 111175, + "æĥ³åĥı": 111176, + "æĢ§å¼º": 111177, + "ç§ijåѦçłĶç©¶": 111178, + "å»¶å®ī": 111179, + "ä¸¥æł¼èIJ½å®ŀ": 111180, + "é¢Ĩä¼ļ": 111181, + "çĽ¸å·®": 111182, + "路人": 111183, + "çĶ«": 111184, + "æľīä»·å̼": 111185, + "æľīä»·å̼çļĦ": 111186, + "ç¾İåĽ¢": 111187, + "æ°ij主çĶŁæ´»": 111188, + "æĪijæīį": 111189, + "ç¾İåĽ½äºº": 111190, + "æ°Ķåij³": 111191, + "åıįå°Ħ": 111192, + "çļĦåĨ³å¿ĥ": 111193, + "大è±Ĩ": 111194, + "交代": 111195, + "è¿Ľåĩº": 111196, + "åıįæĬĹ": 111197, + "æĮĩçļĦæĺ¯": 111198, + "ä»·ä½į": 111199, + "è¿Ľé©»": 111200, + "ä¸ĬçϾ": 111201, + "ä½įåĪĹ": 111202, + "ä¸ŃåĽ½ä¼ģä¸ļ": 111203, + "çļĦ好å¤Ħ": 111204, + "主ç¼ĸ": 111205, + "汽油": 111206, + "ä½ĨæĪij们": 111207, + "æĢİä¹Īçľĭ": 111208, + "é»Ħå±±": 111209, + "å¤ļåªĴä½ĵ": 111210, + "åIJİåį«": 111211, + "èİ·å¾ĹæĽ´å¤ļ": 111212, + "åĬ¡å¿ħ": 111213, + "为å¥ijæľº": 111214, + "é¦ĸ饰": 111215, + "ä¸ĩåįļ": 111216, + "è¶ĬæĿ¥è¶Ĭ大": 111217, + "ä¸ĵ项è¡ĮåĬ¨": 111218, + "å¥ĭè¿Ľ": 111219, + "ä»įçĦ¶æĺ¯": 111220, + "è´¨æĦŁ": 111221, + "å¦Ĥæŀľä¸įæĺ¯": 111222, + "ç«Ļèµ·æĿ¥": 111223, + "ä¹¾éļĨ": 111224, + "åı¯æĢķçļĦ": 111225, + "å¯Įè´µ": 111226, + "æ¸ħç®Ĺ": 111227, + "åIJijä¸ĭ": 111228, + "åĢļ": 111229, + "çļĦçŃĶæ¡Ī": 111230, + "èιä¸Ĭ": 111231, + "çļĦ羣å®ŀæĢ§": 111232, + "çŃīåĬŁèĥ½": 111233, + "åĸľåī§": 111234, + "å¨ģåĬĽ": 111235, + "æĸ°é¢ĸ": 111236, + "æł¸ç͵": 111237, + "æĬ¥éĶĢ": 111238, + "æķħ乡": 111239, + "ä¼´éļı": 111240, + "éŀŃ": 111241, + "å¦Ĭå¨ł": 111242, + "åĪĨåĮĸ": 111243, + "æľīå¾Ī大": 111244, + "æĢİä¹Ī说": 111245, + "æĻĤ代": 111246, + "产åĩº": 111247, + "ä»ĭç»į说": 111248, + "å¤ĦçIJĨåύ": 111249, + "èĨ¨èĥĢ": 111250, + "åī¯å¸Ĥéķ¿": 111251, + "çļĦ妻åŃIJ": 111252, + "æł·åĵģ": 111253, + "åIJĮæ¯Ķä¸ĭéĻį": 111254, + "åħĥå·¦åı³": 111255, + "ç͍èĩªå·±çļĦ": 111256, + "é«ĺéĽĦ": 111257, + "æĺ¥æĻļ": 111258, + "ä¹Łæľīå¾Īå¤ļ": 111259, + "çľ¼çIJĥ": 111260, + "æķ£æŃ¥": 111261, + "ä»ĸ们éĥ½": 111262, + "第ä¸Ģå®¶": 111263, + "åĬŀ好": 111264, + "å®īéĺ²": 111265, + "ä¸Ģä¸ĩ": 111266, + "åľ¨éĩĮéĿ¢": 111267, + "éŁ³é¢ij": 111268, + "åı£åı·": 111269, + "ä¸Ģè¶Ł": 111270, + "ç¦ıçī¹": 111271, + "é³ŀ": 111272, + "æĥĬèī³": 111273, + "æĸ°å¨ĺ": 111274, + "绿èī²åıijå±ķ": 111275, + "ä¸Ńå¼ı": 111276, + "ä¹Łåıªæľī": 111277, + "çݰ身": 111278, + "åı¯ä¾Ľ": 111279, + "æ¯ıä¸Ģ个人": 111280, + "第ä¸īèĢħ": 111281, + "åľ°å½¢": 111282, + "éĴ¢ç»ĵæŀĦ": 111283, + "çĽijçĿ£æ£ĢæŁ¥": 111284, + "åı«æĪij": 111285, + "èĩ´æķ¬": 111286, + "æ´Ĺæīĭ": 111287, + "ä¸ĭè°ĥ": 111288, + "康çĨĻ": 111289, + "æĪIJ交éĩı": 111290, + "ä¹ŁæĪIJ为": 111291, + "åħīæ»ij": 111292, + "å®Įæķ´æĢ§": 111293, + "çģ¼": 111294, + "ç¶²éłģ": 111295, + "éķ¿å¯¿": 111296, + "éģ©ç͍": 111297, + "çļĦä¸Ģ项": 111298, + "çŀ©çĽ®": 111299, + "æĬĬèĩªå·±çļĦ": 111300, + "éĵ¶è¡Įåį¡": 111301, + "å°±å¿ħé¡»": 111302, + "ç¾İçϽ": 111303, + "éŀįå±±": 111304, + "æľ¬é¢Ĩ": 111305, + "ä¸Ģç¢Ĺ": 111306, + "æīĵæ³ķ": 111307, + "æĤ¨å¥½": 111308, + "对åŃ©åŃIJ": 111309, + "æĬ¥éģĵç§°": 111310, + "ä¼łåĩº": 111311, + "大èĩ£": 111312, + "ç¬ĭ": 111313, + "çĽı": 111314, + "é¾ļ": 111315, + "çĽ´çº¿": 111316, + "æĻºåºĵ": 111317, + "ç§Łè½¦": 111318, + "é£İåij³": 111319, + "çľĭä¸Ģä¸ĭ": 111320, + "æİ¨éĶĢ": 111321, + "éĥ¨éĥ¨éķ¿": 111322, + "è´¨éĩıåĴĮ": 111323, + "åĪĬçĻ»": 111324, + "å·¥ä¸ļåĮĸ": 111325, + "çİĩ为": 111326, + "鼶件": 111327, + "硬åĮĸ": 111328, + "ä¸Ĭåįĥ": 111329, + "ç»ıéªĮå̼": 111330, + "å¹³è¡Į": 111331, + "声éģĵ": 111332, + "æľįåĬ¡è´¨éĩı": 111333, + "çĶŁçĶ¢": 111334, + "æľĢ容æĺĵ": 111335, + "ä¸Ģæŀļ": 111336, + "å¹´æĬ¥": 111337, + "åħ¬ç½ij": 111338, + "åħ¬ç½ijå®ī": 111339, + "åħ¬ç½ijå®īå¤ĩ": 111340, + "çļĦèĥ½éĩı": 111341, + "å®ŀéĻħè¡ĮåĬ¨": 111342, + "è¦ģä¸įè¦ģ": 111343, + "æĹ¥æľ¬äºº": 111344, + "èĢ¶ç¨£": 111345, + "ç¼ĸåī§": 111346, + "æ¶©": 111347, + "åį°å°¼": 111348, + "ä¸Ĭä¸ĭ游": 111349, + "åĩłåı¥": 111350, + "ä¸Ńéĵģ": 111351, + "ç°¡åĸ®": 111352, + "èĩªå¸¦": 111353, + "çĶŁäºİ": 111354, + "ä¸Ģåı£æ°Ķ": 111355, + "åĭ¤å¥ĭ": 111356, + "éĻįä»·": 111357, + "å±ķçݰäºĨ": 111358, + "å¸ĥæĭī": 111359, + "ä¼ļéĢīæĭ©": 111360, + "çļĦç»ıåħ¸": 111361, + "好æľĭåıĭ": 111362, + "车éģĵ": 111363, + "æķ´åĢĭ": 111364, + "åľĵ": 111365, + "éķ¿æľŁä»¥æĿ¥": 111366, + "æĬķå½±": 111367, + "çļĩåĨł": 111368, + "è¿ĩ大": 111369, + "åijĬè¯īä»ĸ": 111370, + "ä¼ģä¸ļæıIJä¾Ľ": 111371, + "æĬ½è±¡": 111372, + "éĢĤ度": 111373, + "çļĦ女åŃ©": 111374, + "èµ·ä¼ı": 111375, + "çļĦåĬŁæķĪ": 111376, + "ä¸ĵ项æķ´æ²»": 111377, + "åı¯éĢļè¿ĩ": 111378, + "ä¸įåIJĮç¨ĭ度": 111379, + "å¼Ĥè®®": 111380, + "åĩĢèµĦ产": 111381, + "åijĹ": 111382, + "ä»Ģä¹Īåij¢": 111383, + "å·¡éĢ»": 111384, + "è¸ıä¸Ĭ": 111385, + "ä½Ĩå®ĥ": 111386, + "精度": 111387, + "管å±Ģ": 111388, + "第ä¸ĢåIJį": 111389, + "åĨħåŃĺ": 111390, + "æijĨåľ¨": 111391, + "åī©ä¸ĭ": 111392, + "主ä½ĵ责任": 111393, + "çĤ¹åįĬ": 111394, + "以èĩ³äºİ": 111395, + "åħ»èĢģä¿ĿéĻ©": 111396, + "æĦŁåıĹåΰäºĨ": 111397, + "çŁ¥åIJįçļĦ": 111398, + "å¯Į豪": 111399, + "妥åĸĦ": 111400, + "åŃĻåŃIJ": 111401, + "éĵĤ": 111402, + "说èĩªå·±": 111403, + "让æĤ¨": 111404, + "æķ°æİ§": 111405, + "çļĦçľ¼åħī": 111406, + "注éĶĢ": 111407, + "çļĦçģµéŃĤ": 111408, + "è¿ĺä¸įéĶĻ": 111409, + "éĹ®ä»ĸ": 111410, + "èĩªä¸»çłĶåıij": 111411, + "èĵĭ": 111412, + "ç´«èī²": 111413, + "åĽ½å®¶å®īåħ¨": 111414, + "è¾½å®ģçľģ": 111415, + "ä¹Łæ¯Ķè¾ĥ": 111416, + "ç¾İèĤ¡": 111417, + "ä¸įç¡®å®ļæĢ§": 111418, + "å¿ĥ头": 111419, + "æĪ³": 111420, + "级åĪ«çļĦ": 111421, + "论述": 111422, + "çļĦåĽŀçŃĶ": 111423, + "ä¿Ŀè¯ģéĩij": 111424, + "çŃīè¡Įä¸ļ": 111425, + "幸ç¦ıæĦŁ": 111426, + "æŃ§è§Ĩ": 111427, + "æľºç¥¨": 111428, + "派人": 111429, + "èĩ´åij½": 111430, + "åĺ´è§Ĵ": 111431, + "æĸ°éĹ»ä¸Ńå¿ĥ": 111432, + "æĶ¾å¼ĥäºĨ": 111433, + "å®ľå±ħ": 111434, + "åĨĻä¸ĭ": 111435, + "éĹ®çŃĶ": 111436, + "è¿ĻéĩĮæĺ¯": 111437, + "å¤ļåľ°": 111438, + "åĮºåŁŁåĨħ": 111439, + "åĸ°": 111440, + "çľĭä»ĸ": 111441, + "æī§æ³ķ人åijĺ": 111442, + "åĬ¨æľº": 111443, + "éŁ³åĵį": 111444, + "çļĦåij½è¿IJ": 111445, + "é¡¶éĥ¨": 111446, + "åĵŁ": 111447, + "éĥ½æľĥ": 111448, + "æīĵéĢłæĪIJ": 111449, + "æĦıåĽ¾": 111450, + "çļĸ": 111451, + "åĢĴåħ¥": 111452, + "å·´èIJ¨": 111453, + "åĬ©åѦ": 111454, + "å¤įåı¤": 111455, + "åIJ¯ç͍": 111456, + "åĽ½éĻħå¸Ĥåľº": 111457, + "åĤ¨èĥ½": 111458, + "é»ijé¾Ļæ±Łçľģ": 111459, + "ä¹ĺ车": 111460, + "è¿IJåĬ¨ä¼ļ": 111461, + "ä¿ĿåĪ©": 111462, + "çŁ³æĿIJ": 111463, + "çµ®": 111464, + "çĤĴä½ľ": 111465, + "çļĦä¿¡ä»»": 111466, + "å°±æĪIJäºĨ": 111467, + "åı¯è§Ĥ": 111468, + "çļĩä¸Ĭ": 111469, + "è¿Ļåĩłå¤©": 111470, + "ä¸ĢéĶ®": 111471, + "åĨ·åĨ»": 111472, + "ä¿Ŀåį«": 111473, + "æł¸æ¡ĥ": 111474, + "åIJĪä½ľåħ³ç³»": 111475, + "éĢģåĩº": 111476, + "æĹĹä¸ĭçļĦ": 111477, + "åľ¨ä¹İ": 111478, + "为广大": 111479, + "åįĪé¤IJ": 111480, + "ä¸ĵ访": 111481, + "æĪĸå°Ĩ": 111482, + "éĿĴå²Ľå¸Ĥ": 111483, + "å¥Ķè·ij": 111484, + "æĹ¥æĬ¥éģĵ": 111485, + "å¥ijåIJĪ": 111486, + "æĸ°æĺ¥": 111487, + "ä¸įå°ıå¿ĥ": 111488, + "两ä¸ī": 111489, + "æĦıæĢĿæĺ¯": 111490, + "åĨ·èĹı": 111491, + "çļĦçĹĩçĬ¶": 111492, + "æĢ§åij½": 111493, + "è¶ħæłĩ": 111494, + "å¯Ĩ碼": 111495, + "ç§ijæĬĢèĤ¡ä»½": 111496, + "äºĨä¸Ģæī¹": 111497, + "çĿ£å¯Ł": 111498, + "åªĴä»ĭ": 111499, + "å°Ħæīĭ": 111500, + "ä¿®åħ»": 111501, + "çīĩåĪ»": 111502, + "éĢĤåIJĪèĩªå·±": 111503, + "åıªè¦ģæĺ¯": 111504, + "åIJĥè¿ĩ": 111505, + "éĩijéĵ¶": 111506, + "缴å±ŀ": 111507, + "åѦéĹ®": 111508, + "åİĭåζ": 111509, + "çªĹå¤ĸ": 111510, + "æĶ¶åΰäºĨ": 111511, + "åħ¨åĽ½äººå¤§": 111512, + "ä½Ĩæĺ¯å¯¹äºİ": 111513, + "åľ¨æķ´ä¸ª": 111514, + "çļĦèĥĮåIJİ": 111515, + "åĩıå°ijäºĨ": 111516, + "åıįèħIJ": 111517, + "åıįèħIJåĢ¡": 111518, + "åıįèħIJåĢ¡å»ī": 111519, + "æĹ·": 111520, + "åĪĨæľŁ": 111521, + "åľ¨æ·±åľ³": 111522, + "æīĵçĿĢ": 111523, + "æī«ä¸Ģ": 111524, + "æī«ä¸Ģæī«": 111525, + "æĶ¿åºľéĥ¨éŨ": 111526, + "æİ¥è¿ŀ": 111527, + "å±ŀäºİèĩªå·±": 111528, + "åŃIJå¼¹": 111529, + "åIJĮæł·æĺ¯": 111530, + "æĢ»åħ±": 111531, + "车ä¼ģ": 111532, + "æ¢ĵ": 111533, + "åħ¬é¡·": 111534, + "åıij声": 111535, + "éĴĽ": 111536, + "èµ°åĬ¿åĽ¾": 111537, + "主èIJ¥": 111538, + "åĸĶ": 111539, + "æķ°æį®åĪĨæŀIJ": 111540, + "ä¸įè¿ľ": 111541, + "æľīåIJį": 111542, + "æľīåIJįçļĦ": 111543, + "åģ¿è¿ĺ": 111544, + "å¾Īä½İ": 111545, + "è®ĵ人": 111546, + "èĿī": 111547, + "é«ĺè´µ": 111548, + "å°ij许": 111549, + "æ°Ł": 111550, + "å¹¢": 111551, + "亲æĥħ": 111552, + "è¿Ļä»¶äºĭæĥħ": 111553, + "ç͍é¤IJ": 111554, + "缸åħ³æĸ°éĹ»": 111555, + "å°±åºĶ该": 111556, + "ç»ĪçĤ¹": 111557, + "æĺ¯å¤ļå°ij": 111558, + "çĻ»åľº": 111559, + "è¯ķ管": 111560, + "è¯ķ管婴åĦ¿": 111561, + "åģļ大": 111562, + "åģļ大åģļ强": 111563, + "çļĦä¾ĭåŃIJ": 111564, + "åħ«ä¸ª": 111565, + "æĺİæĹ¥": 111566, + "çĤ³": 111567, + "èµ°åİ»": 111568, + "éģº": 111569, + "墩": 111570, + "ä½ĵä¼ļåΰ": 111571, + "åĴı": 111572, + "ä¸ĭè¾¾": 111573, + "å¤įåıij": 111574, + "追éĢIJ": 111575, + "æīĵåĵį": 111576, + "çļĦéļ±ç§ģæ¬Ĭ": 111577, + "åħ·æľīä¸Ģå®ļ": 111578, + "è¿Ļä¹Īå¤ļå¹´": 111579, + "æłijæŀĹ": 111580, + "æľĢéķ¿": 111581, + "åIJĮèĥŀ": 111582, + "åħīæ³½": 111583, + "åŁŁåIJį": 111584, + "æĮĩåIJij": 111585, + "åıĹ害èĢħ": 111586, + "æłijèĦĤ": 111587, + "æľīå¤ļ大": 111588, + "大éĿ¢ç§¯": 111589, + "æĹłç¼Ŀ": 111590, + "æĶ¹æŃ£": 111591, + "æĽ´å¤ļçļĦæĺ¯": 111592, + "æľŁæľ«": 111593, + "æŃ¼": 111594, + "ä¹īä¹Į": 111595, + "éĤ£ä½ł": 111596, + "çļĦ第ä¸Ģ个": 111597, + "èĮµ": 111598, + "å°§": 111599, + "èį«": 111600, + "ä¸įä»ħåı¯ä»¥": 111601, + "æ¶Įçݰ": 111602, + "æĢ»éĿ¢ç§¯": 111603, + "æĸ°éĹ»åıijå¸ĥ": 111604, + "æ°ijç͍": 111605, + "就读": 111606, + "æīĵè´¥": 111607, + "å¤ĸè¯Ń": 111608, + "æĪij们ä¸Ģèµ·": 111609, + "é¢Ħå®ļ": 111610, + "çĥ¹é¥ª": 111611, + "æľĢ主è¦ģ": 111612, + "æľĢ主è¦ģçļĦ": 111613, + "çīĮçħ§": 111614, + "åĽłåħ¶": 111615, + "ä½İä¸ĭ": 111616, + "ä¼ļåIJĮ": 111617, + "è§ģè§£": 111618, + "éĹ´éļĶ": 111619, + "æķĻç¨ĭ": 111620, + "å°ī": 111621, + "å¸Ĥä¸Ńå¿ĥ": 111622, + "åħ³éĶ®æĺ¯": 111623, + "æµ·åįĹçľģ": 111624, + "çī¹åĪ«æĺ¯åľ¨": 111625, + "ä¸ŃåĽ½å¤§éĻĨ": 111626, + "åħħè¶³çļĦ": 111627, + "æĹ¢èĥ½": 111628, + "åĤ³çµ±": 111629, + "çijľä¼½": 111630, + "åħ¥åĽ´": 111631, + "æħ¢æħ¢åľ°": 111632, + "æĬ¥éħ¬": 111633, + "æī¹å¤į": 111634, + "å·¥ä¸ļåĽŃåĮº": 111635, + "ä¸İåıijå±ķ": 111636, + "èĥ¸éĥ¨": 111637, + "åľ¨ç½ij绾": 111638, + "åľ¨ç½ij绾ä¸Ĭ": 111639, + "交è°Ī": 111640, + "æĽ´æĶ¹": 111641, + "åįłæľīçİĩ": 111642, + "ä¸Ŀ绸ä¹ĭè·¯": 111643, + "è¡Ľ": 111644, + "çłĶåΤ": 111645, + "åĪª": 111646, + "åĪªéϤ": 111647, + "è¿Ļåıª": 111648, + "çļĦæ°Ķæģ¯": 111649, + "åĬłå·ŀ": 111650, + "éĴ§": 111651, + "çIJĨäºĭéķ¿": 111652, + "ä¸ĸå®¶": 111653, + "æµģè¡ĮçļĦ": 111654, + "å¾Īæľīåı¯èĥ½": 111655, + "们éĥ½": 111656, + "ç»ıèIJ¥æ¨¡å¼ı": 111657, + "è¡Įä¸ļä¸Ń": 111658, + "éĢļçŁ¥ä¹¦": 111659, + "åij½é¢ĺ": 111660, + "æľ¬ç¶²ç«Ļ": 111661, + "æ²Ļçī¹": 111662, + "åıijåħī": 111663, + "é«ĺä»·": 111664, + "å·²çĦ¶": 111665, + "åıĮåįģä¸Ģ": 111666, + "ä¸Ĭè¯ī": 111667, + "ç¿ħèĨĢ": 111668, + "è¿Ļä¸Ģå¹´": 111669, + "大ä¼ļä¸Ĭ": 111670, + "éĩī": 111671, + "å®Įåħ¨æĺ¯": 111672, + "å¾Ĺ太": 111673, + "ä¸ĢèĪ¬äºº": 111674, + "è¿ĺç®Ĺ": 111675, + "æĬĺåıł": 111676, + "æĬķæľº": 111677, + "çĤ¹çĩĥ": 111678, + "çݰéĩijæµģ": 111679, + "åħĶåŃIJ": 111680, + "ç½ijæł¼": 111681, + "æİ¥è¿ĩ": 111682, + "ä¾Ľè´§": 111683, + "éĺ´å½±": 111684, + "åİŁåħĪ": 111685, + "æį£": 111686, + "左侧": 111687, + "åħĭæĭī": 111688, + "æīĵåį¡": 111689, + "ç§ijæ¯Ķ": 111690, + "æ±ĩéĽĨ": 111691, + "åľ°çIJĨä½įç½®": 111692, + "è¯Ħå§Ķ": 111693, + "ç»ĵåIJĪèµ·æĿ¥": 111694, + "è¿Ľåħ¥åΰ": 111695, + "åı¯è¡Į": 111696, + "åı¯è¡ĮæĢ§": 111697, + "让å®ĥ": 111698, + "åĪ¶åº¦æĶ¹éĿ©": 111699, + "çĶĺèĤĥçľģ": 111700, + "åĵĹ": 111701, + "åģıåģı": 111702, + "è¡£çī©": 111703, + "ç¥Ŀè´º": 111704, + "æºIJèĩª": 111705, + "å¹¶ä¸į代表": 111706, + "åĽ½åº¦": 111707, + "好åĿı": 111708, + "æĿĸ": 111709, + "æĿŃå·ŀå¸Ĥ": 111710, + "湿度": 111711, + "鲸": 111712, + "åįļ彩": 111713, + "æ³°å±±": 111714, + "æĿijèIJ½": 111715, + "æĸ°èģŀ": 111716, + "èĤĭ": 111717, + "åı¤èĢģçļĦ": 111718, + "çļĦç§ĺå¯Ĩ": 111719, + "ä¸Ģ个éĹ®é¢ĺ": 111720, + "éģıåζ": 111721, + "åįĥ亿": 111722, + "è¿ĩ硬": 111723, + "å°Ħåĩ»": 111724, + "èĩªçĦ¶æĺ¯": 111725, + "产åĮº": 111726, + "çĤ¹çĤ¹å¤´": 111727, + "åı¯ä»¥å¸®åĬ©": 111728, + "说å®ŀ": 111729, + "说å®ŀè¯Ŀ": 111730, + "æĪijåıªæĺ¯": 111731, + "ä¹ĭä½Ļ": 111732, + "åIJĮæĹ¶ä¹Łæĺ¯": 111733, + "ä¸ŃåĽ½éĺŁ": 111734, + "建æĪIJåIJİ": 111735, + "ä¹IJè§Ĩ": 111736, + "åij¨å²ģ": 111737, + "èį¯åºĹ": 111738, + "éĩijåįİ": 111739, + "严éĩįå½±åĵį": 111740, + "è´¨åľ°": 111741, + "æĹħéģĬ": 111742, + "åħµåύ": 111743, + "æķĻèĤ²æķĻåѦ": 111744, + "离åİ»": 111745, + "åIJĦå¼ıåIJĦæł·": 111746, + "ä»ĭç´": 111747, + "ä»ĭç´¹": 111748, + "å¼Ģ头": 111749, + "å°Ĩèĩªå·±çļĦ": 111750, + "åIJ¬åĬĽ": 111751, + "ä¿¡æģ¯ç³»ç»Ł": 111752, + "ä»İæł¹æľ¬": 111753, + "ä»İæł¹æľ¬ä¸Ĭ": 111754, + "æİĮ声": 111755, + "欢åĸľ": 111756, + "å±ķåĮº": 111757, + "åķ¸": 111758, + "太å¤ļäºĨ": 111759, + "éĹ²ç½®": 111760, + "èĥ¡èIJĿåįľ": 111761, + "å§Ķå®£ä¼ł": 111762, + "å§Ķå®£ä¼łéĥ¨": 111763, + "åįĹéĺ³": 111764, + "å·ŀåĮº": 111765, + "ä¸İæĹ¶": 111766, + "ä¸İæĹ¶ä¿±": 111767, + "ä¸İæĹ¶ä¿±è¿Ľ": 111768, + "å«Įçĸij人": 111769, + "èī¯å¿ĥ": 111770, + "头顶": 111771, + "è´¢æĬ¥": 111772, + "ä½Ľæ³ķ": 111773, + "å¾µ": 111774, + "åİŁä»¶": 111775, + "åĭŀ": 111776, + "çĶ·ç¯®": 111777, + "å¤ĸåĽ½äºº": 111778, + "è¿Ŀ纪": 111779, + "æī¾äºĨ": 111780, + "æįķæįī": 111781, + "缸è¯Ĩ": 111782, + "æIJľéĽĨ": 111783, + "çļĦä¼Łå¤§": 111784, + "ä¸īç»´": 111785, + "å°±è¡ĮäºĨ": 111786, + "çĭIJæľĪ": 111787, + "çĭIJæľĪå±±": 111788, + "å¸ĮæľĽéĢļè¿ĩ": 111789, + "èĢĮ对äºİ": 111790, + "éĿ¢å°į": 111791, + "åĨĽåĽ¢": 111792, + "è¡ĹåĮº": 111793, + "æĤ¬æĮĤ": 111794, + "便ç§ĺ": 111795, + "æľīä¸ĢçĤ¹": 111796, + "ä¼ļè®®ä¸Ĭ": 111797, + "ä¸ĭæīĭ": 111798, + "廣åijĬ": 111799, + "äºĶè¡Į": 111800, + "çŃīåĢĻ": 111801, + "ç´§ç´§åĽ´ç»ķ": 111802, + "æĭ¿äºĨ": 111803, + "æ¡ĮéĿ¢": 111804, + "ç¥ŀæĥħ": 111805, + "éĽĦåİļ": 111806, + "çŀ³": 111807, + "楼ä¸ĭ": 111808, + "彪": 111809, + "äºĭåıij": 111810, + "åĨįè§ģ": 111811, + "é¤ĺ": 111812, + "é¢ĦåĶ®": 111813, + "åİ»çľĭçľĭ": 111814, + "æĪij们åºĶ该": 111815, + "ä¸īå®¶": 111816, + "æµĬ": 111817, + "ä¹IJéĺŁ": 111818, + "çľĭä¸įè§ģ": 111819, + "èĦijåŃIJ": 111820, + "æĮģæľīçļĦ": 111821, + "çϽèıľ": 111822, + "éĹªçĥģ": 111823, + "åĸĿæ°´": 111824, + "æİ§åĪ¶ç³»ç»Ł": 111825, + "ä¸ĵåĮº": 111826, + "æľĿå»·": 111827, + "æĪijå¿ĥéĩĮ": 111828, + "å±ķåİħ": 111829, + "èľĺèĽĽ": 111830, + "åĨ»ç»ĵ": 111831, + "粪": 111832, + "åºIJ": 111833, + "åIJij社ä¼ļ": 111834, + "åĨ³çŃĸéĥ¨ç½²": 111835, + "çŁŃæľŁåĨħ": 111836, + "æĸ°ä¸ļæĢģ": 111837, + "æľĶ": 111838, + "æĹ¶æĬ¥": 111839, + "使ä¹ĭ": 111840, + "åĽłåŃIJ": 111841, + "åıĤä¸İèĢħ": 111842, + "çļĦ年轻人": 111843, + "æīĭ表": 111844, + "å°ģéĶģ": 111845, + "为ä»Ģä¹Īä¸į": 111846, + "åIJ¸çĥŁ": 111847, + "æ¯Ĵç´ł": 111848, + "åĪijæ³ķ": 111849, + "磫æŃ£": 111850, + "身æĹģ": 111851, + "åİŁè°ħ": 111852, + "çĽijæĬ¤": 111853, + "æŃ¤å¤Ħ": 111854, + "éĻĤ": 111855, + "æŀľå®ŀ": 111856, + "åĮ»çĸĹæľįåĬ¡": 111857, + "ä¸įåIJĪçIJĨ": 111858, + "æIJŀ好": 111859, + "çļĦèĦļæŃ¥": 111860, + "å¤ĸå¥Ĺ": 111861, + "ç¶ĵéģİ": 111862, + "æĶ¾ç¼ĵ": 111863, + "åģľçķĻ": 111864, + "æĺŁçIJĥ": 111865, + "çļĦä¸ĢéĿ¢": 111866, + "åĩłä½ķ": 111867, + "è½®åĽŀ": 111868, + "æ¯Ľå·¾": 111869, + "ä¿®çIJĨ": 111870, + "ä¸įçŁ¥ä¸į": 111871, + "ä¸įçŁ¥ä¸įè§ī": 111872, + "æķ´ä¸ªäºº": 111873, + "æ¯ģçģŃ": 111874, + "åı°å·ŀ": 111875, + "使çĶ¨å¯¿åij½": 111876, + "é»ijçϽ": 111877, + "æij¸ç´¢": 111878, + "é¼łæłĩ": 111879, + "éĿ©æĸ°": 111880, + "麵": 111881, + "ä¸ĵéĹ¨ä¸º": 111882, + "å¾Īå¤ļæľĭåıĭ": 111883, + "å·¥ä½ľç»Ħ": 111884, + "åIJĪå½±": 111885, + "çĤºä»Ģ麼": 111886, + "æŀģ度": 111887, + "çļĦè¿ĽæŃ¥": 111888, + "å½ĵä¹ĭ": 111889, + "å½ĵä¹ĭæĹł": 111890, + "å½ĵä¹ĭæĹłæĦ§": 111891, + "è´´è¿ij": 111892, + "尺度": 111893, + "åľ¨çİ°åľº": 111894, + "éĻį临": 111895, + "åħ»èĢģéĩij": 111896, + "ç£ķ": 111897, + "åı¯ä»¥ä½¿": 111898, + "管çIJĨæ°´å¹³": 111899, + "æľ¬æĬ¥è®°èĢħ": 111900, + "æ³ķ令": 111901, + "åį¡è½¦": 111902, + "ä¸ľæµ·": 111903, + "å¤ļéĩį": 111904, + "åħ¶éĹ´": 111905, + "ç´Ļ": 111906, + "éĩįå¤§é¡¹çĽ®": 111907, + "æ±Ĺæ°´": 111908, + "ç»Ħå§Ķä¼ļ": 111909, + "ä¿¡æģ¯åħ¬å¼Ģ": 111910, + "ä¸į论æĺ¯": 111911, + "ä¸ĢåIJ¬": 111912, + "èĴ¸æ±½": 111913, + "æıŃç§ĺ": 111914, + "è¶ħéģİ": 111915, + "触åıij": 111916, + "婦": 111917, + "åħ³èģĶ交æĺĵ": 111918, + "å°±ç»Ļ大家": 111919, + "好ä¹ħ": 111920, + "åĢŁè´·": 111921, + "游æĪıè§Ĵèī²": 111922, + "å¼ĢåIJ¯äºĨ": 111923, + "æİł": 111924, + "åħļçļĦåįģä¹Ŀ": 111925, + "ä¸ĭ鼨": 111926, + "çŁŃæĹ¶éĹ´åĨħ": 111927, + "å¯ħ": 111928, + "导åħ¥": 111929, + "å·¥ä½ľç»ıéªĮ": 111930, + "ä¹Łåıªèĥ½": 111931, + "鼷éľĨ": 111932, + "è·Łè¿Ľ": 111933, + "åį¡éĢļ": 111934, + "é¢ĩæľī": 111935, + "æľºä½ĵ": 111936, + "æĪĺ士èģĮä¸ļ": 111937, + "女主": 111938, + "ä½ĵåĪ¶æľºåζ": 111939, + "è¶³åįı": 111940, + "èĪĴéĢĤçļĦ": 111941, + "åĢŁåı£": 111942, + "æī¹åΤ": 111943, + "æķ°å̼": 111944, + "諾": 111945, + "éĺ¿æĭī伯": 111946, + "åĺİ": 111947, + "æħ¶": 111948, + "达人": 111949, + "å¼Ģæ°´": 111950, + "å¤§éĽ¨": 111951, + "温室": 111952, + "ä½İè¿·": 111953, + "ä»įæĹ§": 111954, + "éªĹåŃIJ": 111955, + "亲å±ŀ": 111956, + "çIJĨæĻº": 111957, + "æľ¬åŁºéĩij": 111958, + "å¨ħ": 111959, + "åĨĻåŃĹæ¥¼": 111960, + "å¢Ļå£ģ": 111961, + "宵": 111962, + "èϽçĦ¶æĺ¯": 111963, + "顺çĿĢ": 111964, + "åħ«åį¦": 111965, + "åķĨç͍": 111966, + "ä¸į失": 111967, + "è¿·èĮ«": 111968, + "顺便": 111969, + "æļijæľŁ": 111970, + "æ¬ºè´Ł": 111971, + "é¢ijé¢ij": 111972, + "è¯¥æł¡": 111973, + "æĸĻçIJĨ": 111974, + "æ·±æĥħ": 111975, + "åīįéĶĭ": 111976, + "ä¿ĿèŃī": 111977, + "èģĮä¸ļçĶŁæ¶¯": 111978, + "åħ¬å¼Ģåıij": 111979, + "åħ¬å¼Ģåıijè¡Į": 111980, + "åħ¥æĪ·": 111981, + "éłĵ": 111982, + "å̾åIJ¬": 111983, + "éŃģ": 111984, + "æĦīæĤ¦": 111985, + "åĽŀåIJĪ": 111986, + "åħ¨åĬĽä»¥": 111987, + "åħ¨åĬĽä»¥èµ´": 111988, + "åĥ¹å̼": 111989, + "èĥ½åĬĽå¼º": 111990, + "ç»ıå¼Ģ": 111991, + "ç»ıå¼ĢåĮº": 111992, + "è¿ľæĸ¹": 111993, + "çļĦéģĵçIJĨ": 111994, + "缴åįĩ": 111995, + "缴åįĩæľº": 111996, + "为主é¢ĺçļĦ": 111997, + "ç»ĻæĤ¨": 111998, + "è¿ĺæĥ³": 111999, + "æ¯ĶæĪij": 112000, + "åĨľçī§": 112001, + "æµ·åºķ": 112002, + "çŃ¾è®¢äºĨ": 112003, + "对äºİæĪij们": 112004, + "æĹ¶è®¸": 112005, + "éĶ®çĽĺ": 112006, + "å®ŀéĻħæİ§åζ": 112007, + "çļĦæ¨¡æł·": 112008, + "åıįæĺłäºĨ": 112009, + "代åĬŀ": 112010, + "åĮ»ç͍": 112011, + "éĽĨç»ĵ": 112012, + "åıijå±ķåīįæĻ¯": 112013, + "æĮĩçĿĢ": 112014, + "åįİåĮĹ": 112015, + "è¿Ļåĩłä¸ª": 112016, + "åIJįæ°Ķ": 112017, + "åĤįæĻļ": 112018, + "èĩªåıij": 112019, + "æ³¢åħ°": 112020, + "大åĬĽæİ¨è¿Ľ": 112021, + "èĩªç§°": 112022, + "èįĨå·ŀ": 112023, + "æIJį害": 112024, + "äºĨä¸Ģåı¥": 112025, + "æľĢåĪĿçļĦ": 112026, + "éĩijèŀįå᱿ľº": 112027, + "æĢĢ念": 112028, + "è¡Įåĭķ": 112029, + "女æİĴ": 112030, + "ä¸įè§£": 112031, + "ä¼łéĶĢ": 112032, + "转载请": 112033, + "饰åĵģ": 112034, + "åıªä¸º": 112035, + "ä¸İä¼Ĺ": 112036, + "ä¸İä¼Ĺä¸įåIJĮ": 112037, + "èĥ½èĢĹ": 112038, + "èı©æıIJ": 112039, + "è¿ij两年": 112040, + "è¿Ķ乡": 112041, + "马ä¸Ĭå°±": 112042, + "äºĮçŃīå¥ĸ": 112043, + "水管": 112044, + "æ³ķåѦ": 112045, + "çģŃçģ«": 112046, + "大å§IJ": 112047, + "åij¨è½¬": 112048, + "æľīæľŁ": 112049, + "æľīæľŁå¾Ĵ": 112050, + "æľīæľŁå¾ĴåĪij": 112051, + "å°įæĸ¹": 112052, + "ç¥ŀèī²": 112053, + "æ²¹èĦĤ": 112054, + "ä¸īçĤ¹": 112055, + "ä¸įåĪ©äºİ": 112056, + "äºĭä¸ļéĥ¨": 112057, + "å°±è·Ł": 112058, + "å¼ĢæĶ¯": 112059, + "å°ı女åŃ©": 112060, + "åħ±åIJĮåĬªåĬĽ": 112061, + "çĶļèĩ³è¿ĺ": 112062, + "è¿ĻåIJį": 112063, + "è¿Ļç¬Ķ": 112064, + "çݯåį«": 112065, + "æľīç§į": 112066, + "è§ĨåĬĽ": 112067, + "çĨŁçŁ¥": 112068, + "åħ¬ç§¯éĩij": 112069, + "æ¶Īéĺ²å®īåħ¨": 112070, + "é¢ĩ为": 112071, + "大èħ¿": 112072, + "éĿ¶": 112073, + "çķĪ": 112074, + "æľįåĬ¡åĮº": 112075, + "å¼Ģåĩº": 112076, + "深度èŀįåIJĪ": 112077, + "æĹłå¿§": 112078, + "æŁ¥éĺħ": 112079, + "ç»Īç»ĵ": 112080, + "ä¿Ŀç¨İ": 112081, + "è¨İè«ĸ": 112082, + "å½ĵåģļ": 112083, + "è·³èĪŀ": 112084, + "寧": 112085, + "女çİĭ": 112086, + "è®°èĢħåľ¨": 112087, + "åħ¨äº§ä¸ļéĵ¾": 112088, + "è´¯éĢļ": 112089, + "åħ´ä¸ļ": 112090, + "éĻįåΰ": 112091, + "å°ģéĿ¢": 112092, + "åħ¨éĿ¢æİ¨è¿Ľ": 112093, + "奶èĮ¶": 112094, + "éĢīåĿĢ": 112095, + "äºĨä¸Ģåľº": 112096, + "åIJĮä¼´": 112097, + "议论": 112098, + "æIJĵ": 112099, + "诸èijĽ": 112100, + "诸èijĽäº®": 112101, + "å¹²åĺĽ": 112102, + "æµģæĦŁ": 112103, + "ä¸ĵä¸ļçŁ¥è¯Ĩ": 112104, + "ç͵ç«Ļ": 112105, + "åĩıå¼±": 112106, + "åĩºåħ¥": 112107, + "åIJĦçľģ": 112108, + "éĿŀ常é«ĺ": 112109, + "åľ°æ¯¯": 112110, + "åıijæĸĩ": 112111, + "çĦī": 112112, + "çĥ§çĥ¤": 112113, + "å£ģ纸": 112114, + "æģ¶åĮĸ": 112115, + "èĬ¸": 112116, + "èĥĸåŃIJ": 112117, + "çĩĴ": 112118, + "çľģéĴ±": 112119, + "çĻ¾å¼º": 112120, + "çIJĨ工大åѦ": 112121, + "éĴ¢æĿIJ": 112122, + "åĽ½æľīèµĦ产": 112123, + "æĪĺæľº": 112124, + "æ³Ħéľ²": 112125, + "åIJİéĿ¢çļĦ": 112126, + "æ°´èµĦæºIJ": 112127, + "æ¢ħèĬ±": 112128, + "åĨĻçĿĢ": 112129, + "ä¹ĭ声": 112130, + "æĹłåı¯": 112131, + "æĺİæľĿ": 112132, + "ç«ĭæĸ¹ç±³": 112133, + "ç·£": 112134, + "æĶ¾è¿ĩ": 112135, + "ç¦ıçͰ": 112136, + "å¾Ĺä½ı": 112137, + "åıĹä¼Ĺ": 112138, + "ä¸Ń级": 112139, + "çĹħåıĺ": 112140, + "ä¸Ģçŀ¬éĹ´": 112141, + "æĿĥéĩį": 112142, + "人æĢ§åĮĸ": 112143, + "åĮ»çĸĹåį«çĶŁ": 112144, + "ä¸įåΰä½į": 112145, + "æĻºèĥ½å®¶å±ħ": 112146, + "饮ç͍": 112147, + "æ¼Ķåıĺ": 112148, + "é«ĺç´łè´¨": 112149, + "ä¹Ļæĸ¹": 112150, + "åģľçķĻåľ¨": 112151, + "èİ·æī¹": 112152, + "ç©¿æ¢Ń": 112153, + "å®¢åľº": 112154, + "æĮ½åĽŀ": 112155, + "京åŁİ": 112156, + "çĶŁåij½åĬĽ": 112157, + "實éļĽ": 112158, + "çĩĪ": 112159, + "åĨįçݰ": 112160, + "çݰå®ŀä¸Ń": 112161, + "æľīä¿¡å¿ĥ": 112162, + "çĸıéĢļ": 112163, + "åĺ´åĶĩ": 112164, + "鼷éĶĭ": 112165, + "èıľåįķ": 112166, + "éħ¯": 112167, + "è¶ħé«ĺ": 112168, + "å¾Īé«ĺåħ´": 112169, + "çĶŁæ®ĸ": 112170, + "éĢłä»·": 112171, + "误åĮº": 112172, + "æĨĭ": 112173, + "好æ¶Īæģ¯": 112174, + "å´Ń": 112175, + "以èĩ´": 112176, + "å¼Ģçİ©ç¬ij": 112177, + "çĽijè§Ĩ": 112178, + "å·¡å¯Ł": 112179, + "å¾·å·ŀ": 112180, + "æĹ©æĹ©": 112181, + "éĹªç͵": 112182, + "æĪªåĽ¾": 112183, + "åı¯ä»¥æł¹æį®": 112184, + "æīĭèīº": 112185, + "æİ¥è½¨": 112186, + "ç§įæĹı": 112187, + "æĢĢéĩĮ": 112188, + "åİ»åĮ»éĻ¢": 112189, + "ä¸ĢäºĮ": 112190, + "å¼ĢéĺĶ": 112191, + "åĩıéĢŁ": 112192, + "ä½Ĩä»İ": 112193, + "éĢĻä¸Ģ": 112194, + "åĩıåħį": 112195, + "主é¢ĺæķĻèĤ²": 112196, + "å¼Ģ工建设": 112197, + "蹦": 112198, + "æľĪ饼": 112199, + "ä¸ĭæ²ī": 112200, + "å°Ĭ严": 112201, + "éĻĩ": 112202, + "å®ŀæľ¨": 112203, + "å»łåķĨ": 112204, + "声称": 112205, + "èĢĥåľº": 112206, + "å¸ĥé²ģ": 112207, + "èĩªæĿ¥": 112208, + "èĩªæĿ¥æ°´": 112209, + "éĴ¾": 112210, + "年以ä¸Ĭ": 112211, + "大åıĶ": 112212, + "ä»ĸå·²ç»ı": 112213, + "åħ¨æĿij": 112214, + "èģĶç³»ç͵è¯Ŀ": 112215, + "为导åIJij": 112216, + "åΤå¤Ħ": 112217, + "对éĺµ": 112218, + "缮æ¨Ļ": 112219, + "åIJįé¢Ŀ": 112220, + "客æ°Ķ": 112221, + "横åIJij": 112222, + "çŃīåĨħ容": 112223, + "åĩłçĤ¹": 112224, + "è°Ī论": 112225, + "ä¸įä¹ı": 112226, + "å±ķçݰåĩº": 112227, + "è¾ĥéķ¿": 112228, + "éĢĨ转": 112229, + "å°ıæĻĤ": 112230, + "æĺ¯å¤ļä¹Ī": 112231, + "æľ¬æľĪ": 112232, + "è¿ijè§Ĩ": 112233, + "æĪIJç«ĭ以æĿ¥": 112234, + "代表çĿĢ": 112235, + "æĬ¥å¤į": 112236, + "æĪıæĽ²": 112237, + "è¨ŃåĤĻ": 112238, + "åħ¥èĤ¡": 112239, + "å¾ģæľį": 112240, + "é«ĺåĩº": 112241, + "èĪŀåı°ä¸Ĭ": 112242, + "å¿ĥåĬ¨": 112243, + "两çĤ¹": 112244, + "缸çķ¶": 112245, + "èĻĽ": 112246, + "主页": 112247, + "åĩłå®¶": 112248, + "æĹłä¸į": 112249, + "åįıå®ļ": 112250, + "æĸIJ": 112251, + "å¯ĵæĦı": 112252, + "åħ¨çº¿": 112253, + "æįķé±¼": 112254, + "åı¯ä»¥ä»İ": 112255, + "æľīè¿Ļæł·çļĦ": 112256, + "æģ¶éŃĶ": 112257, + "åĮħåŃIJ": 112258, + "æģ¤": 112259, + "å¼Ģå¥ĸç»ĵæŀľ": 112260, + "ä¸įæŃ»": 112261, + "èĹį": 112262, + "å¼¯æĽ²": 112263, + "海峡": 112264, + "éĶĢæ¯ģ": 112265, + "çļĦçĭ¬çī¹": 112266, + "示æĦı": 112267, + "ä¸įèĥ½åĨį": 112268, + "èĥ½æĬĬ": 112269, + "éĺ²çº¿": 112270, + "ä¸įå°ijäºİ": 112271, + "æ±Ģ": 112272, + "çļĦéĤ£ä¸Ģ": 112273, + "羣æĥħ": 112274, + "åŀ®": 112275, + "被æīĵ": 112276, + "åĽ½å®ī": 112277, + "ç¾İå¦Ļ": 112278, + "è¿Ļåĩł": 112279, + "åĩºéģĵ": 112280, + "æľįåĬ¡äºİ": 112281, + "æĪIJæŀľè½¬åĮĸ": 112282, + "æīįåįİ": 112283, + "天é¹ħ": 112284, + "åĩłä¸ªäºº": 112285, + "åĢĺèĭ¥": 112286, + "èĢ½è¯¯": 112287, + "æĬĹæĪĺ": 112288, + "è¡ĮéĬ·": 112289, + "æĿ¥è¢Ń": 112290, + "åĢŁéĮ¢": 112291, + "èįīèİĵ": 112292, + "ä¸¥æł¼æī§è¡Į": 112293, + "举è¡ĮäºĨ": 112294, + "å¤ĸç±į": 112295, + "已达": 112296, + "æĿijåħļæĶ¯éĥ¨": 112297, + "è¡Ŀ": 112298, + "éĻįèĩ³": 112299, + "æµ·éĩı": 112300, + "é¤IJé¦Ĩ": 112301, + "æĢ¥å¿Ļ": 112302, + "æ·±è¿ľ": 112303, + "å¾Ģè¿Ķ": 112304, + "ç¨İåĬ¡å±Ģ": 112305, + "å¹¿æ³ĽåºĶç͍": 112306, + "è®®åijĺ": 112307, + "æĹłæķĮ": 112308, + "çľ¼åħī": 112309, + "çĥŃè¡Ģä¼łå¥ĩ": 112310, + "æŃIJ": 112311, + "äºĨäºĽ": 112312, + "è¿ĿèĥĮ": 112313, + "è¿Ļæĺ¯ä¸Ģç§į": 112314, + "ä¸į稳å®ļ": 112315, + "大家åĪĨ享": 112316, + "表çı¾": 112317, + "åīįåįģ": 112318, + "è·¯è¿ĩ": 112319, + "æĴ©": 112320, + "åIJĮæĥħ": 112321, + "ä¹łä¿Ĺ": 112322, + "åıijè´¢": 112323, + "åºĶæľīçļĦ": 112324, + "æĿİæŁIJ": 112325, + "èĤĽ": 112326, + "马åħĭ": 112327, + "éĢļåijĬ": 112328, + "巨人": 112329, + "ä¸ĢåĽ¢": 112330, + "éĢĻæ¬¡": 112331, + "ä¸įäºĨè§£": 112332, + "æĸ½è¡Į": 112333, + "èij¡èIJĦçīĻ": 112334, + "åıĺå¾ĹæĽ´åĬł": 112335, + "æı£": 112336, + "åĪĽæĸ°èĥ½åĬĽ": 112337, + "çķħéĶĢ": 112338, + "表æī¬": 112339, + "æ¯ĶåĪ©": 112340, + "æ¯ĶåĪ©æĹ¶": 112341, + "åĮ»çĸĹä¿ĿéĻ©": 112342, + "æĵį纵": 112343, + "伤亡": 112344, + "æµİå®ģ": 112345, + "åıĺäºĨ": 112346, + "æľ¬æ¬¡æ´»åĬ¨": 112347, + "åľŁè±ª": 112348, + "æĥ³åĬŀæ³ķ": 112349, + "æĺķ": 112350, + "å½ĵæĻļ": 112351, + "åĩºå±Ģ": 112352, + "çĥŃè®®": 112353, + "è°Īè°Ī": 112354, + "æĻĭåįĩ": 112355, + "åĬ¿å¿ħ": 112356, + "çϻ山": 112357, + "éĤ£åĦ¿": 112358, + "åIJĥåΰ": 112359, + "ä¹ĭåŁİ": 112360, + "å¿«æĿ¥": 112361, + "æ¹Ľæ±Ł": 112362, + "第ä¸ī个": 112363, + "åħ¨éĿ¢æıIJåįĩ": 112364, + "å¥ĸåѦ": 112365, + "å¥ĸåѦéĩij": 112366, + "æĬķåħ¥ä½¿ç͍": 112367, + "é½IJé²ģ": 112368, + "åı¯ä»¥æĬĬ": 112369, + "åĴĮä»ĸçļĦ": 112370, + "è´ŃæĪ¿èĢħ": 112371, + "æŃ£å¼ıåIJ¯åĬ¨": 112372, + "åįİæ¶¦": 112373, + "ä¸įæĸŃå®ĮåĸĦ": 112374, + "éĴ¢æĿ¿": 112375, + "累积": 112376, + "满èĦ¸": 112377, + "åĽĽæĸ¹": 112378, + "è´¢çī©": 112379, + "ä»ĸ们ä¼ļ": 112380, + "å¤ıæĹ¥": 112381, + "éĤ£ä¸ªäºº": 112382, + "éĿłçĿĢ": 112383, + "çĤ¹äºĨ": 112384, + "çĤ¹äºĨçĤ¹å¤´": 112385, + "æ©ĭ": 112386, + "åıĪ好": 112387, + "åıĪ好åıĪ": 112388, + "åıĪ好åıĪå¿«": 112389, + "éĺµéĺµ": 112390, + "å°ģ建": 112391, + "æľ¬çͰ": 112392, + "çī©ä¸ļæľįåĬ¡": 112393, + "èĩªè´¸åĮº": 112394, + "åIJı": 112395, + "便åĪ©åºĹ": 112396, + "åĽ½å®¶æłĩåĩĨ": 112397, + "éĿ¢ç²ī": 112398, + "èī°è¾Ľ": 112399, + "æĶ»åħ³": 112400, + "æīĵåĮħ": 112401, + "车éĺŁ": 112402, + "人éĢī": 112403, + "åı¯ä¸įæĺ¯": 112404, + "äºĮåįģå¹´": 112405, + "åIJįå¸Ī": 112406, + "æµ¦ä¸ľ": 112407, + "åħ¬è¯ģ": 112408, + "è¿IJéĢģ": 112409, + "æĺ¯æľĢ好çļĦ": 112410, + "æŁĶåĴĮ": 112411, + "çİĭæŁIJ": 112412, + "çĹħæĪ¿": 112413, + "åĨ¶éĩij": 112414, + "ä¸Ģä»¶äºĭæĥħ": 112415, + "åį¤": 112416, + "åı¯æİ§": 112417, + "çīŁ": 112418, + "æĭĤ": 112419, + "å·²äºİ": 112420, + "人éĢł": 112421, + "çĶŁçī©åĮ»èį¯": 112422, + "ä½ĵçݰåĩº": 112423, + "èĤ²åĦ¿": 112424, + "èĢģå®ŀ": 112425, + "åľĸçīĩ": 112426, + "諸": 112427, + "ç´¯äºĨ": 112428, + "æĦŁåħ´è¶£çļĦ": 112429, + "åĽ¾çīĩæĿ¥æºIJ": 112430, + "ä¹Łæĺ¯ä¸Ģç§į": 112431, + "æ¾İæ¹ĥæĸ°éĹ»": 112432, + "æĹ¶è¡¨ç¤º": 112433, + "åħīè¾ī": 112434, + "æĬ¥åºŁ": 112435, + "å²ģæĹ¶": 112436, + "éħ®": 112437, + "æ£Ģä¿®": 112438, + "åıĺéĢŁ": 112439, + "åıĺéĢŁç®±": 112440, + "åľ¨èģĮ": 112441, + "éı¡": 112442, + "æįĤ": 112443, + "çĿ£åĬŀ": 112444, + "æ°¸ä¸į": 112445, + "åģļä¸ĢäºĽ": 112446, + "åİĨæĹ¶": 112447, + "å·¥ç¨ĭæľºæ¢°": 112448, + "æģ°å½ĵ": 112449, + "å°±åľ¨äºİ": 112450, + "ç§°åij¼": 112451, + "éĢļ常æĺ¯": 112452, + "æł·å¼ı": 112453, + "åij¨ä¸Ģ": 112454, + "èĭ±éķij": 112455, + "åĿĩ线": 112456, + "ä¼łéĹ»": 112457, + "ç͍æĪ·ä½ĵéªĮ": 112458, + "èµŀåIJĮ": 112459, + "骨æĬĺ": 112460, + "为主ä½ĵ": 112461, + "æ±Łå±±": 112462, + "æ¸ħæľĿ": 112463, + "æĶĢåįĩ": 112464, + "ä¸įçĽ¸ä¿¡": 112465, + "éĿ´": 112466, + "æŃ¦åĬŁ": 112467, + "åĭ¤åĬ³": 112468, + "æĿ¥æī¾": 112469, + "å°ĨæĮģç»Ń": 112470, + "丫头": 112471, + "æ¨Ļæºĸ": 112472, + "裴": 112473, + "深深çļĦ": 112474, + "åŃķèĤ²": 112475, + "è§ĦåĪĴ建设": 112476, + "æ¸ħçν": 112477, + "ç²¾åĩĨæī¶è´«": 112478, + "æīĵçł´äºĨ": 112479, + "è¿Ļä¸Ģ天": 112480, + "å·¥ä½ľæĢ»ç»ĵ": 112481, + "æĹħç¨ĭ": 112482, + "举èIJ¥": 112483, + "æĶ¾å°Ħ": 112484, + "æľīåĩłä¸ª": 112485, + "éĿŀçī©è´¨": 112486, + "åIJĥå¾Ĺ": 112487, + "åŨ": 112488, + "ä¼ļåıijçĶŁ": 112489, + "篮æĿ¿": 112490, + "å¼Ģå°ģ": 112491, + "麻å°Ĩ": 112492, + "èııæ³½": 112493, + "ä¸įåIJĪ": 112494, + "ç³»åĪĹ产åĵģ": 112495, + "èѬå¦Ĥ": 112496, + "ç¾İèªī": 112497, + "èĩªå·±åĸľæ¬¢": 112498, + "交æĺĵä¸Ńå¿ĥ": 112499, + "åIJĪåͱ": 112500, + "使æĪij": 112501, + "åĥıç´ł": 112502, + "带éĺŁ": 112503, + "ä½Ĩ对äºİ": 112504, + "æĬĬè¿Ļ个": 112505, + "èĤĿèĦı": 112506, + "åįķ纯çļĦ": 112507, + "æĶ»åĿļæĪĺ": 112508, + "缼ä¼ļ": 112509, + "åijµæĬ¤": 112510, + "æªĢ": 112511, + "èµ¶ä¸Ĭ": 112512, + "æ¥Ĭ": 112513, + "ä¹ħäºĨ": 112514, + "ç¡Ŀ": 112515, + "çŃĶé¢ĺ": 112516, + "ä¿ĿæĮģçĿĢ": 112517, + "è§ģè¯Ĩ": 112518, + "çĤ¹åĦ¿": 112519, + "åįĬ个æľĪ": 112520, + "æ»ĩ": 112521, + "浸泡": 112522, + "ä¼łéĢģ": 112523, + "åľ¨å¸Ĥåľºä¸Ĭ": 112524, + "ä¹ĭ乡": 112525, + "çī¹éķ¿": 112526, + "éĽŀ": 112527, + "èªł": 112528, + "身å¤Ħ": 112529, + "æŁłæª¬": 112530, + "身穿": 112531, + "çľģåħ¬å®ī": 112532, + "çľģåħ¬å®īåİħ": 112533, + "åıĻåĪ©äºļ": 112534, + "åĩłåĪĨéĴŁ": 112535, + "人åĢij": 112536, + "åľ°æ®µ": 112537, + "èĩªåѦ": 112538, + "ä¹Łè¶ĬæĿ¥è¶Ĭ": 112539, + "èģĮæĿĥ": 112540, + "æĸ§": 112541, + "èĩ»": 112542, + "å½Ĵ纳": 112543, + "驾é©Ń": 112544, + "éĥ¨åĪĨåľ°åĮº": 112545, + "没æľīæĥ³åΰ": 112546, + "æĴĩ": 112547, + "ä¹Įé²ģ": 112548, + "ä¹Įé²ģæľ¨": 112549, + "ä¹Įé²ģæľ¨é½IJ": 112550, + "èĤ²äºº": 112551, + "çļĦæŃ¥ä¼IJ": 112552, + "å»¶æľŁ": 112553, + "æ²¹æ°Ķ": 112554, + "åģļå®Į": 112555, + "åľ£åľ°": 112556, + "丰åİļ": 112557, + "宽带": 112558, + "åı¯éĿłçļĦ": 112559, + "åºŃéĻ¢": 112560, + "åŃľ": 112561, + "å°ı康社ä¼ļ": 112562, + "å®īåħ¨ç®¡çIJĨ": 112563, + "年第": 112564, + "æİĴ污": 112565, + "èĥĮåĮħ": 112566, + "å®¶ä½ı": 112567, + "åħ¶å®ŀå°±æĺ¯": 112568, + "ä¼ļè§ģ": 112569, + "帮åĬ©ä¼ģä¸ļ": 112570, + "ç½ijè´Ń": 112571, + "æĺ¯ä¸įä¼ļ": 112572, + "飯åºĹ": 112573, + "æŃ»åİ»": 112574, + "åħįçĸ«åĬĽ": 112575, + "æľķ": 112576, + "åĸĿäºĨ": 112577, + "轻微": 112578, + "个æľĪåĨħ": 112579, + "ç»ĦåĽ¢": 112580, + "åĴĮå®ĮåĸĦ": 112581, + "鸽": 112582, + "æıIJéĢŁ": 112583, + "西å®īå¸Ĥ": 112584, + "ä¸Ńå¿ĥ主任": 112585, + "æĹ¶éĹ´ä¸º": 112586, + "æľŁæĿĥ": 112587, + "è¶ķ": 112588, + "ä¸įä»ħè¦ģ": 112589, + "æľįä»İ": 112590, + "é¡ĺæĦı": 112591, + "ä¸įå°ı": 112592, + "ä¸įå°ıçļĦ": 112593, + "ç°ĩ": 112594, + "窦": 112595, + "åĪĩæĪIJ": 112596, + "åĵĪåĪ©": 112597, + "å¤©çľŁ": 112598, + "ä¸Ģ次次": 112599, + "éĩijå¸ģ": 112600, + "æĢİä¹Īèĥ½": 112601, + "ç½ijè´·": 112602, + "ä¼ļ计å¸Ī": 112603, + "çŁŃ缺": 112604, + "对æłĩ": 112605, + "åıĺå¾ĹæĽ´": 112606, + "åīįåĩłå¤©": 112607, + "éĺ²æ±Ľ": 112608, + "彩èϹ": 112609, + "åĵģä½į": 112610, + "è¡¨æł¼": 112611, + "严å¯Ĩ": 112612, + "æ¯ĽåĪ©çİĩ": 112613, + "çļĦåį±å®³": 112614, + "å½ķåζ": 112615, + "æ°´åĬ¡": 112616, + "èĥ½å¤Łè®©": 112617, + "å¹³æĿ¿": 112618, + "ä¹³æĪ¿": 112619, + "è¸ıå®ŀ": 112620, + "é¦ĸåĪĽ": 112621, + "é¦Ļèķī": 112622, + "æĬ¥è¡¨": 112623, + "ä¸ĢæĬ¹": 112624, + "åĩºçĶŁäºİ": 112625, + "è²»ç͍": 112626, + "åĩºè®©": 112627, + "åIJĪæ³ķæĢ§": 112628, + "å°¼åħĭ": 112629, + "åĨ°åĨ·": 112630, + "é¦Ļæ°Ķ": 112631, + "åı·ç§°": 112632, + "èµ·çłģ": 112633, + "åŁİåİ¿": 112634, + "çİ©èĢį": 112635, + "ä¸ĬéĻIJ": 112636, + "ä¼ļ议精ç¥ŀ": 112637, + "æĹģè¾¹çļĦ": 112638, + "便ä¼ļ": 112639, + "æıŃæĻĵ": 112640, + "çİ©æĦı": 112641, + "éĽªå±±": 112642, + "åIJijçĿĢ": 112643, + "ä½ĵèĤ²åľ¨çº¿": 112644, + "说æĺİ书": 112645, + "åĮĸèĤ¥": 112646, + "åħļç»Ħ书记": 112647, + "åĬ¨äºº": 112648, + "ä¹ĭæīĢ": 112649, + "æľĪèĩ³": 112650, + "æľĢå¿«çļĦ": 112651, + "èĬĤåģĩæĹ¥": 112652, + "ä¸ĵåľº": 112653, + "èĢĥä¸Ĭ": 112654, + "çªŁ": 112655, + "é²ľè¡Ģ": 112656, + "è¾ĥ强çļĦ": 112657, + "æĤĦçĦ¶": 112658, + "å¤ļä¸ªåĽ½å®¶": 112659, + "çªĹå¸ĺ": 112660, + "æŀģå¤§åľ°": 112661, + "ä¸įç͍æĭħå¿ĥ": 112662, + "è¿Ļä¹Īåģļ": 112663, + "åĥ¹æł¼": 112664, + "ç¾İ丽乡æĿij": 112665, + "å°ıæĹ¶åĨħ": 112666, + "ç´§è¿«": 112667, + "大çģ«": 112668, + "èĥ³èĨĬ": 112669, + "æĵįä½ľç³»ç»Ł": 112670, + "æ®ĭçķĻ": 112671, + "åĨĻåĩº": 112672, + "ç¦ģå¿Į": 112673, + "åĬłçĽŁåºĹ": 112674, + "è¿ijçϾ": 112675, + "便åı¯": 112676, + "æķ´æĶ¹æİªæĸ½": 112677, + "éĩĩ访æĹ¶": 112678, + "åĶIJ代": 112679, + "æ·±åĮĸæĶ¹éĿ©": 112680, + "çŁ¢": 112681, + "éĥ½åĸľæ¬¢": 112682, + "è¶ĬæĿ¥è¶Ĭé«ĺ": 112683, + "èĬ±æľµ": 112684, + "头çĸ¼": 112685, + "å®ī康": 112686, + "å¢ŀéķ¿çİĩ": 112687, + "çľ¼çľĭ": 112688, + "å°±æĺ¯ä¸ºäºĨ": 112689, + "èĢĮ导èĩ´": 112690, + "åĬłå¿«å»ºè®¾": 112691, + "èĬ±æł·": 112692, + "åĨħå¿ĥçļĦ": 112693, + "æĺĨå±±": 112694, + "è³ĩæºIJ": 112695, + "åĽŀåΰ家": 112696, + "èıĬèĬ±": 112697, + "æ°´éĩı": 112698, + "å¾ģä¿¡": 112699, + "è¡ĮæĶ¿åĮº": 112700, + "ä¹ĥæĺ¯": 112701, + "æĬķèµĦé¡¹çĽ®": 112702, + "å«ģç»Ļ": 112703, + "ç¥ŀåľ£": 112704, + "稳": 112705, + "æľ¬æĿ¥å°±": 112706, + "éĢIJä¸Ģ": 112707, + "èģĮä¸ļæĬĢæľ¯": 112708, + "ä¸įèī¯ä¿¡æģ¯": 112709, + "æīĺè¿IJ": 112710, + "åIJ¯ç¤º": 112711, + "ä¹ĭåħ§å®¹": 112712, + "飶": 112713, + "奢åįİ": 112714, + "æıŃ示": 112715, + "æĪIJ为ä¸ŃåĽ½": 112716, + "æ¶Īè´¹åĵģ": 112717, + "åħ¬ç͍": 112718, + "æIJŀå®ļ": 112719, + "è¯·ä½ł": 112720, + "æŁļ": 112721, + "åĨħè¡£": 112722, + "ä½Ĩä»ĸ们": 112723, + "ä¿Ŀ湿": 112724, + "该åİ¿": 112725, + "饱åĴĮ": 112726, + "æİ¨åIJij": 112727, + "èµĦæĸĻæĺ¾ç¤º": 112728, + "ä¸įå½±åĵį": 112729, + "人人éĥ½": 112730, + "åıijå±ķ壮大": 112731, + "åħ»èĢģæľįåĬ¡": 112732, + "çĶŁæ´»æ°´å¹³": 112733, + "åIJĦåİ¿": 112734, + "ä½łéľĢè¦ģ": 112735, + "说çļĦæĺ¯": 112736, + "å¤ĸåªĴ": 112737, + "æŃ¤äºº": 112738, + "次è¦ģ": 112739, + "追赶": 112740, + "åºĶ该å¦Ĥä½ķ": 112741, + "æĹ¥åĩĮæĻ¨": 112742, + "çķ¥æľī": 112743, + "éĥ½æĥ³": 112744, + "游ä¹IJ": 112745, + "è¿Ļ款游æĪı": 112746, + "平淡": 112747, + "æĺ¯ä¸ĢåĢĭ": 112748, + "å¤ĩèĢĥ": 112749, + "åζæŃ¢": 112750, + "ä¸Ģå®ļèĥ½": 112751, + "å¾Ĵå¼Ł": 112752, + "以çĤº": 112753, + "åįĥåħĥ": 112754, + "äºĶåħŃ": 112755, + "迪士": 112756, + "迪士尼": 112757, + "éĺ³æĢ§": 112758, + "åĨ¬å¥¥ä¼ļ": 112759, + "å°±æĺ¯åĽłä¸º": 112760, + "æĮĤéĴ©": 112761, + "æ¦ĤåĨµ": 112762, + "åıªè¦ģæľī": 112763, + "æ²¹çĶ»": 112764, + "åľ°æłĩ": 112765, + "ä¸Ĭè°ĥ": 112766, + "产ä¸ļåĽŃåĮº": 112767, + "åħ«åįģ": 112768, + "棱": 112769, + "æ¶²æĻ¶": 112770, + "æĿijå§Ķä¼ļ": 112771, + "çŃ¾çº¦ä»ªå¼ı": 112772, + "è¿Ļåħ¶ä¸Ń": 112773, + "åĨĻéģĵ": 112774, + "示èĮĥåŁºåľ°": 112775, + "éĩİçĶŁåĬ¨çī©": 112776, + "鼻åŃIJä¿¡ç®±": 112777, + "åĽ½éĻħè´¸æĺĵ": 112778, + "人æĿĥ": 112779, + "ä¿Ŀ管": 112780, + "èĭ¥æĤ¨": 112781, + "åİĭæĬij": 112782, + "黼": 112783, + "åľ°çľĭçĿĢ": 112784, + "éϰ": 112785, + "ä¸Ģå¹´å¤ļ": 112786, + "ä»İ容": 112787, + "ä¸ŃæĸŃ": 112788, + "å¯Łè§ī": 112789, + "移交": 112790, + "é͝": 112791, + "æĪĸ许æĺ¯": 112792, + "ç¶ł": 112793, + "两项": 112794, + "æľĢåĸľæ¬¢": 112795, + "æľĢåĸľæ¬¢çļĦ": 112796, + "å¤ľéĩĮ": 112797, + "åIJĮä»ģ": 112798, + "åĪĽæĸ°é©±åĬ¨": 112799, + "è°ģèĥ½": 112800, + "飾": 112801, + "åħīåѦ": 112802, + "åİĦ": 112803, + "èĦ±é¢ĸ": 112804, + "èĦ±é¢ĸèĢĮåĩº": 112805, + "迦": 112806, + "æĺ¯ä¸įåı¯èĥ½": 112807, + "窥": 112808, + "èĥ½æ»¡è¶³": 112809, + "宽度": 112810, + "伦çIJĨ": 112811, + "åı¯ä»¥èİ·å¾Ĺ": 112812, + "转ä¼ļ": 112813, + "å±±æĿij": 112814, + "éĵºè®¾": 112815, + "åĩºåĩ»": 112816, + "æĸĩåĮĸèīºæľ¯": 112817, + "ä¼ļ议室": 112818, + "æŃĮ声": 112819, + "æ»Ķ": 112820, + "èIJİ缩": 112821, + "æľįåĬ¡åijĺ": 112822, + "åıij表äºĨ": 112823, + "æĸ¼æĺ¯": 112824, + "æĺİç¡®è§Ħå®ļ": 112825, + "ç»´å¥ĩ": 112826, + "水产": 112827, + "æĬķä¿Ŀ": 112828, + "éĺ´éģĵ": 112829, + "èµ¶å¿«": 112830, + "夺å¾Ĺ": 112831, + "ä¸ĭåįķ": 112832, + "çµģåħ¬åı¸": 112833, + "çݯç»ķ": 112834, + "å½Ī": 112835, + "ä½ľé£İ建设": 112836, + "æĹħ游æĻ¯åĮº": 112837, + "æľīæĽ´å¤ļçļĦ": 112838, + "丰å¯Įå¤ļ彩": 112839, + "çIJĨ财产åĵģ": 112840, + "åĩºå·®": 112841, + "ä»İ严治": 112842, + "ä»İ严治åħļ": 112843, + "çĽ¸å¹²": 112844, + "æ»ĭ润": 112845, + "主åĬŀæĸ¹": 112846, + "åī§åľº": 112847, + "æ»ļçIJĥ": 112848, + "æ©Ħæ¦Ħ": 112849, + "èĩªä¸»åĪĽæĸ°": 112850, + "éĢļå¾Ģ": 112851, + "æł¼å°Ķ": 112852, + "çļĦä¼ĺçĤ¹": 112853, + "èĥĮä¸Ĭ": 112854, + "çªľ": 112855, + "çĪĨåĩº": 112856, + "å¹³æķ´": 112857, + "ä¸ĢèĦļ": 112858, + "åħ¨ä½ĵåijĺå·¥": 112859, + "éĻIJå®ļ": 112860, + "åŁİéķĩåĮĸ": 112861, + "æ·³": 112862, + "éĢ®æįķ": 112863, + "è¡ĮåĬ¨è®¡åĪĴ": 112864, + "æīĵå¾Ĺ": 112865, + "åİļéĩį": 112866, + "纪å½ķçīĩ": 112867, + "åĿļä¿¡": 112868, + "央ä¼ģ": 112869, + "åĨįä¹Łä¸į": 112870, + "天涯": 112871, + "åıĤèĢĥèµĦæĸĻ": 112872, + "æľīæ¯Ĵ": 112873, + "åIJ¸çº³": 112874, + "è¶Ĭåıij": 112875, + "éĩįè¦ģæĦıä¹ī": 112876, + "åĽ½éĺ²éĥ¨": 112877, + "è¿Ļ个è¡Įä¸ļ": 112878, + "æĻ®æŁ¥": 112879, + "å¼ĤæĢ§": 112880, + "å»¶è¿Ł": 112881, + "å°ıå¹ħ": 112882, + "èĥħ": 112883, + "综åIJĪæ²»çIJĨ": 112884, + "æŃ£æĺ¯åĽłä¸º": 112885, + "产ä¸ļç»ĵæŀĦ": 112886, + "çłĶç©¶æĬ¥åijĬ": 112887, + "åģľä¸ĭ": 112888, + "éķ¿èĢģ": 112889, + "éĩĿå°į": 112890, + "åįĹ京å¸Ĥ": 112891, + "çģĮæºī": 112892, + "转è¿IJ": 112893, + "欺è¯Ī": 112894, + "éĢłåģĩ": 112895, + "åĪĨå¸ĥå¼ı": 112896, + "æĦŁè§¦": 112897, + "æĪijå½ĵæĹ¶": 112898, + "åıijè§ī": 112899, + "åĽ¾çº¸": 112900, + "æĶ¹èī¯": 112901, + "çĭłçĭł": 112902, + "åĨ²åĪº": 112903, + "æĸ°äº¬": 112904, + "æĸ°äº¬æĬ¥": 112905, + "ç¥ŀåύ": 112906, + "秸ç§Ĩ": 112907, + "çĪº": 112908, + "å°Ĩè¿İæĿ¥": 112909, + "工信": 112910, + "工信éĥ¨": 112911, + "éĻIJéĩı": 112912, + "æŃ¢æįŁ": 112913, + "åѦä¼ļäºĨ": 112914, + "åįİ缼": 112915, + "åįİçĽĽé¡¿": 112916, + "å¾Įä¾Ĩ": 112917, + "ä¸ĭéĿ¢æĺ¯": 112918, + "ä¸ĭéĿ¢æĺ¯å°ı": 112919, + "æIJ¬è¿IJ": 112920, + "ç¾İæľ¯é¦Ĩ": 112921, + "æ¸ħåĩī": 112922, + "å¤ļå¹´åīį": 112923, + "è©ŀ": 112924, + "åįĥç±³": 112925, + "表述": 112926, + "æ±ŁéŨ": 112927, + "åĬłæ²¹ç«Ļ": 112928, + "æľ¬èĥ½": 112929, + "导读": 112930, + "åĽ´è§Ĥ": 112931, + "å¹¶åIJij": 112932, + "åŁºæľ¬æĥħåĨµ": 112933, + "æīĵå¼ĢäºĨ": 112934, + "è¿Ļä¸ī个": 112935, + "æ±ķ头": 112936, + "强æľīåĬĽ": 112937, + "强æľīåĬĽçļĦ": 112938, + "è¿Ľåľº": 112939, + "ä¹Ŀæ±Ł": 112940, + "çIJĥæĺŁ": 112941, + "好çľĭçļĦ": 112942, + "大æĪ·": 112943, + "湯": 112944, + "å¥ĩå¦Ļ": 112945, + "ä¹IJåύ": 112946, + "æĪijçļĦå¿ĥ": 112947, + "çľī头": 112948, + "åĨľä¸ļçĶŁäº§": 112949, + "ç¼ĸçłģ": 112950, + "åŁºç¤": 112951, + "åŁºç¤İ": 112952, + "天æĸĩ": 112953, + "åĢĭ人è³ĩè¨Ĭ": 112954, + "åİ»è¿ĩ": 112955, + "èģĨåIJ¬": 112956, + "æĶ¾åģĩ": 112957, + "ä¸įåħ·å¤ĩ": 112958, + "æ·Ģç²ī": 112959, + "大佬": 112960, + "åħ¨å¤©": 112961, + "åħ¨éĿ¢å»ºæĪIJ": 112962, + "éļIJå½¢": 112963, + "ç¼ħç͏": 112964, + "åIJ³": 112965, + "è¡ĮæĶ¿æī§æ³ķ": 112966, + "åŁİåł¡": 112967, + "èİ«æĸ¯": 112968, + "èİ«æĸ¯ç§ij": 112969, + "æīĢæľīæĿĥ": 112970, + "éĽĨåľĺ": 112971, + "å±Ģåī¯å±Ģéķ¿": 112972, + "åĩłä¹İ没æľī": 112973, + "æ´ģåĩĢ": 112974, + "ç͵影èĬĤ": 112975, + "åŃ©ç«¥": 112976, + "æīĢåģļçļĦ": 112977, + "æ¸ħ代": 112978, + "æĸ°çīĪ": 112979, + "éĵĿåIJĪéĩij": 112980, + "为æĬĵ": 112981, + "为æĬĵæīĭ": 112982, + "åΤå®ļ": 112983, + "çī¹äº§": 112984, + "æīĭæ©Ł": 112985, + "ä¸įåı¯æĪĸ": 112986, + "ä¸įåı¯æĪĸ缺": 112987, + "å¸Ĥåľºè§Ħ模": 112988, + "åĿ¯": 112989, + "åĮ»åѦéĻ¢": 112990, + "å¿«è¦ģ": 112991, + "èĮľ": 112992, + "æĬĺèħ¾": 112993, + "äºĨè¿ĩæĿ¥": 112994, + "æĬ¥åijĬæľŁåĨħ": 112995, + "çī©ç§į": 112996, + "ç»Łè®¡å±Ģ": 112997, + "æī©å»º": 112998, + "æ¶ħ": 112999, + "责任人": 113000, + "éĺİ": 113001, + "è¯Ħè®®": 113002, + "å¾Ģäºĭ": 113003, + "æīĢ示": 113004, + "æķ´æ´ģ": 113005, + "éĹºèľľ": 113006, + "æĹħéĢĶ": 113007, + "å®ŀè®Ń": 113008, + "ä¹ĭç§°": 113009, + "巴士": 113010, + "éĢŁåº¦å¿«": 113011, + "ä¸įä»ħå¦ĤæŃ¤": 113012, + "å®Ŀè´µçļĦ": 113013, + "åºŁçī©": 113014, + "河水": 113015, + "æİ¥çº³": 113016, + "ç²¾æ¹Ľ": 113017, + "åħ¶æ¬¡æĺ¯": 113018, + "顺德": 113019, + "åħ¬åħ±åį«çĶŁ": 113020, + "è¤IJèī²": 113021, + "ä¸įæĥľ": 113022, + "æĬĢæľ¯æľįåĬ¡": 113023, + "æİ·": 113024, + "æ±ĤèģĮ": 113025, + "ä¸ī峡": 113026, + "æĬķåħ¥åΰ": 113027, + "太åIJİ": 113028, + "åIJ¯åĬ¨ä»ªå¼ı": 113029, + "缴æİ¥å½±åĵį": 113030, + "æĸ°æ¬¾": 113031, + "个乡éķĩ": 113032, + "çĻ¾äº¿": 113033, + "庫": 113034, + "ä¹ŁæŃ£æĺ¯": 113035, + "åı¶çīĩ": 113036, + "æľĢæĹ©çļĦ": 113037, + "æĪĺ绩": 113038, + "å·¥æľŁ": 113039, + "æĻļæľŁ": 113040, + "è¿Ļæł·è¯´": 113041, + "è¯įè¯Ń": 113042, + "ä¾Ħ": 113043, + "æķ£çĥŃ": 113044, + "éĽĨæĪIJçĶµè·¯": 113045, + "åIJįè¯į": 113046, + "æĻºåķĨ": 113047, + "æĭ¥åłµ": 113048, + "çĭĤ欢": 113049, + "è¿Ļèά": 113050, + "浴室": 113051, + "åijķåIJIJ": 113052, + "æľªæĿ¥åıijå±ķ": 113053, + "ä¸īä½įä¸Ģä½ĵ": 113054, + "åªĴé«Ķ": 113055, + "ä¸įå¾Ĺ转载": 113056, + "åĽłä¸ºå¥¹": 113057, + "æĺ¾ç¤ºå±ı": 113058, + "ä¾Ľæļĸ": 113059, + "éĨ«éĻ¢": 113060, + "æľīæĦıæĢĿ": 113061, + "æľīæĦıæĢĿçļĦ": 113062, + "娱ä¹IJåŁİ": 113063, + "åįµå·¢": 113064, + "åĪĽéĢłåĬĽ": 113065, + "竳èĬĤ": 113066, + "人大常å§Ķ": 113067, + "èĢĮçİ°åľ¨": 113068, + "å¤ĸå©Ĩ": 113069, + "å¢ŀæĮģ": 113070, + "äºĶåįĥ": 113071, + "èĢģå¸Ī们": 113072, + "æ´ĽæĿī": 113073, + "æ´ĽæĿī磶": 113074, + "æİĮæı¡äºĨ": 113075, + "ä¸ŃåĽ½æĸĩåĮĸ": 113076, + "æĸ°æĶ¿": 113077, + "主è¦ģç͍äºİ": 113078, + "åıijçĥ§": 113079, + "类似äºİ": 113080, + "åĮĹæŀģ": 113081, + "æĪij们认为": 113082, + "弥漫": 113083, + "åħ¨çIJĥç»ıæµİ": 113084, + "é¢IJ": 113085, + "ä¸Ģèµ·è£ħä¿®": 113086, + "æĶĴ": 113087, + "æĭīèIJ¨": 113088, + "帶ä¾Ĩ": 113089, + "åĨ·æ°´": 113090, + "ä¸īåĨľ": 113091, + "æĿ¿æĿIJ": 113092, + "è¿ŀè¿ŀ": 113093, + "éĵ®": 113094, + "ç»ıèIJ¥çIJĨ念": 113095, + "山顶": 113096, + "å¾Īæĥ³": 113097, + "çĺ«": 113098, + "å§ĭç»Īä¿ĿæĮģ": 113099, + "åľ¨å¹¿å·ŀ": 113100, + "ä¸įåIJĮæĦı": 113101, + "åıĺåİĭ": 113102, + "åıĺåİĭåύ": 113103, + "产éĶĢ": 113104, + "表éĿ¢ä¸Ĭ": 113105, + "æīĢ以ä»ĸ": 113106, + "ç»ıéªĮ丰å¯Į": 113107, + "éĥ¨å§Ķ": 113108, + "åħµåĽ¢": 113109, + "æīĢè¿°": 113110, + "æķ¦çħĮ": 113111, + "ç»ıèIJ¥èĮĥåĽ´": 113112, + "åı£è¯Ń": 113113, + "失信": 113114, + "æ¯ı个人çļĦ": 113115, + "æīĭæĮģ": 113116, + "æģIJæħĮ": 113117, + "åł¡åŀĴ": 113118, + "é¦ħ": 113119, + "éĵ¸éĢł": 113120, + "æĭ¿åĩºæĿ¥": 113121, + "æİ¢æµĭ": 113122, + "大家ä¸Ģèµ·": 113123, + "奧": 113124, + "å®ŀè´¨æĢ§": 113125, + "å°ıåĦ¿": 113126, + "èĩºåįĹ": 113127, + "èĩºåįĹå¸Ĥ": 113128, + "å¼ĢåıijèĢħ": 113129, + "åı¯æł¹æį®": 113130, + "ç®±åŃIJ": 113131, + "饺åŃIJ": 113132, + "å¿ĻçĿĢ": 113133, + "æĿ¥ä¸įåıĬ": 113134, + "çĽ¸ä¼ł": 113135, + "åĽ½ç½ij": 113136, + "èħ¹æ³»": 113137, + "è¿ĻéĩĮæľī": 113138, + "é£İæĻ¯åĮº": 113139, + "åıĤä¿Ŀ": 113140, + "æŃ»èĢħ": 113141, + "æĪ´ä¸Ĭ": 113142, + "æ©Łæ§ĭ": 113143, + "è¯ķéªĮåĮº": 113144, + "ä¼łæİĪ": 113145, + "æµ·è¾¹": 113146, + "泪水": 113147, + "缸åħ³åĨħ容": 113148, + "éĥijå·ŀå¸Ĥ": 113149, + "åħijçݰ": 113150, + "两åij¨": 113151, + "èĬľæ¹ĸ": 113152, + "ç͵åŃIJä¿¡æģ¯": 113153, + "红å¤ĸ": 113154, + "æĹħ游å±Ģ": 113155, + "å¾Ģå¾Ģä¼ļ": 113156, + "è¿ħçĮĽ": 113157, + "ä¼łçľŁ": 113158, + "æ¸ħæ¾Ī": 113159, + "å°±è¿ij": 113160, + "微信群": 113161, + "ç³»åĪĹæ´»åĬ¨": 113162, + "ç»ı常ä¼ļ": 113163, + "è§Ĥæµĭ": 113164, + "å¿ĥå¾Ĺä½ĵä¼ļ": 113165, + "éĻĪåĪĹ": 113166, + "åĮĹæĸĹ": 113167, + "è«®": 113168, + "諮詢": 113169, + "è¿ĺæĺ¯ä¼ļ": 113170, + "æµĭç®Ĺ": 113171, + "æĺŁç©º": 113172, + "宽容": 113173, + "çī©ä¸ļåħ¬åı¸": 113174, + "æĪĴæĮĩ": 113175, + "å¸ħæ°Ķ": 113176, + "ä¸ĢæŃ¥æŃ¥": 113177, + "åħ±é¸£": 113178, + "åĨ³ä¸į": 113179, + "æİ¥ç®¡": 113180, + "å¦ĩèģĶ": 113181, + "æ¯Ķåĸ»": 113182, + "é²ģè¿ħ": 113183, + "æĮģçºĮ": 113184, + "çĽ¸äº²": 113185, + "å¨ģå°¼æĸ¯äºº": 113186, + "ç«ĭ项": 113187, + "åĪĿå§ĭ": 113188, + "èĩªåζ": 113189, + "è¿Īè¿Ľ": 113190, + "ä¸Ĭæ±½": 113191, + "å®ıä¼Ł": 113192, + "æł¹æľ¬æ²¡æľī": 113193, + "æĸ°åĨłçĹħæ¯Ĵ": 113194, + "åĵªç§į": 113195, + "康åħ»": 113196, + "è¡°èĢģ": 113197, + "å½ķåĥı": 113198, + "é«Ķé©Ĺ": 113199, + "ç»ijå®ļ": 113200, + "é¢Ŀ头": 113201, + "äºĶæľĪ": 113202, + "èĬ±å¼Ģ": 113203, + "ä¸Ģ线åŁİå¸Ĥ": 113204, + "åĪ°åľº": 113205, + "æĬķéĻį": 113206, + "çĹĺçĹĺ": 113207, + "åıĹä¸įäºĨ": 113208, + "æīİæł¹": 113209, + "æĽ´ä½ķåĨµ": 113210, + "æĬ½æŁ¥": 113211, + "åĩºè·¯": 113212, + "审议éĢļè¿ĩ": 113213, + "ä¸įåĥħ": 113214, + "èī²è°ĥ": 113215, + "çϾä½Ļ": 113216, + "èĤłéģĵ": 113217, + "æ·±åİļçļĦ": 113218, + "马åĬĽ": 113219, + "æĹ©æĻļ": 113220, + "æŃĮèĪŀ": 113221, + "éĺ²æĻĴ": 113222, + "æľĢåIJİä¸Ģ个": 113223, + "樱èĬ±": 113224, + "å°ıä¼ĻåŃIJ": 113225, + "åľ¨å½ĵåľ°": 113226, + "å°ıä¼Ļ伴们": 113227, + "èµ·æºIJ": 113228, + "åħ¨åªĴä½ĵ": 113229, + "ç°½": 113230, + "éħ±æ²¹": 113231, + "æĹłè®ºå¦Ĥä½ķ": 113232, + "裤åŃIJ": 113233, + "åģľäº§": 113234, + "ä¸įçͱå¾Ĺ": 113235, + "çīµå¼ķ": 113236, + "ä¼łåĬ¨": 113237, + "ä¹Ŀé¾Ļ": 113238, + "åĬłåĽº": 113239, + "ä¹Łä¸įæķ¢": 113240, + "æĬĢæľ¯æĶ¯æĮģ": 113241, + "ä¸Ĭå²Ĺ": 113242, + "ç»ıéªĮåĴĮ": 113243, + "æł¼æŀĹ": 113244, + "åIJ¸éĻĦ": 113245, + "æľªæĪIJå¹´": 113246, + "奢ä¾Īåĵģ": 113247, + "追æį§": 113248, + "好ä¸į容æĺĵ": 113249, + "èķ´åIJ«": 113250, + "ä¿Ŀå®ļ": 113251, + "æĬ¥ä¸ļ": 113252, + "æµ·åĨħå¤ĸ": 113253, + "ä½łçİ°åľ¨": 113254, + "æ²¹èĢĹ": 113255, + "è´¨éĩı管çIJĨ": 113256, + "æ½ľæ°´": 113257, + "ä¸½æ±Ł": 113258, + "转åħ¥": 113259, + "è¿Ļä¹Īä¹ħ": 113260, + "æĺİ代": 113261, + "责任åζ": 113262, + "éĩįå·¥": 113263, + "大巴": 113264, + "触åıĬ": 113265, + "èµ·åĪĿ": 113266, + "大å¦Ī": 113267, + "æĸ¯å¡Ķ": 113268, + "åĨĽå·¥": 113269, + "书éĻ¢": 113270, + "峨": 113271, + "æİ¨çIJĨ": 113272, + "è¿Ļç¯ĩæĸĩ竳": 113273, + "è¿ģç§»": 113274, + "åľ¨åIJĮä¸Ģ": 113275, + "ç»Ĩç»Ĩ": 113276, + "åīĬå¼±": 113277, + "书æĪ¿": 113278, + "ç¶ĵ常": 113279, + "è¯ķé¢ĺ": 113280, + "æĤ£ä¸Ĭ": 113281, + "çĻ«çĹ«çĹħ": 113282, + "åĨ²æ´Ĺ": 113283, + "å¤ĸæı´": 113284, + "åħĭåζ": 113285, + "åįģæľĪ": 113286, + "åģļä¸įåΰ": 113287, + "ç¾İåĮĸ": 113288, + "å¦ĤæľŁ": 113289, + "è¿ĺéľĢ": 113290, + "å¤©åºľ": 113291, + "å°±æĦıåij³çĿĢ": 113292, + "çļĦç¡®æĺ¯": 113293, + "éªĹå±Ģ": 113294, + "å°ıç»ĦèµĽ": 113295, + "è©©": 113296, + "ä¹Ŀå¹´": 113297, + "æĻĵå¾Ĺ": 113298, + "çłĶ究人åijĺ": 113299, + "大éħĴåºĹ": 113300, + "ç§ijåѸ": 113301, + "åħŃåIJĪ": 113302, + "çķĮå®ļ": 113303, + "车载": 113304, + "å¼ĢçĿĢ": 113305, + "毫æĹłçĸij": 113306, + "毫æĹłçĸijéĹ®": 113307, + "è¿IJç»´": 113308, + "ç¦ģåĮº": 113309, + "èĦ±èIJ½": 113310, + "讲å¸Ī": 113311, + "产ä¸ļåŁºåľ°": 113312, + "é«ĺæĢ§èĥ½": 113313, + "åħī彩": 113314, + "çݰéĺ¶æ®µ": 113315, + "åĩ¿": 113316, + "è¾ĥå·®": 113317, + "饮çĶ¨æ°´": 113318, + "éĸĭçϼ": 113319, + "ç½ijåIJ§": 113320, + "çĮ´åŃIJ": 113321, + "æŃ¦æŀĹ": 113322, + "å®īåİ¿": 113323, + "ä¸įåı¯æĢĿ": 113324, + "ä¸įåı¯æĢĿè®®": 113325, + "éĬ·åĶ®": 113326, + "è´«ç©·": 113327, + "为åķ¥": 113328, + "éºĵ": 113329, + "å¹¾åĢĭ": 113330, + "è§Ħ模以ä¸Ĭ": 113331, + "æıļ": 113332, + "è¢«åĽ°": 113333, + "缺å¸Ń": 113334, + "å¿«é¤IJ": 113335, + "æĬ¢åįł": 113336, + "æĻŁ": 113337, + "å¤įæ´»": 113338, + "æľ¬æĬ¥è®¯": 113339, + "åĪĽä¸ĭ": 113340, + "海滩": 113341, + "éĩı产": 113342, + "å¦Ĥä½ķåİ»": 113343, + "车ä½į": 113344, + "å¯ĩ": 113345, + "äºĮåįģåĽĽ": 113346, + "ç»ıæµİæįŁå¤±": 113347, + "éħįå¥Ĺ设æĸ½": 113348, + "åŁºæľ¬éĿ¢": 113349, + "äºī论": 113350, + "就好åĥı": 113351, + "çłĶç©¶æĪIJæŀľ": 113352, + "éĻĪè¿°": 113353, + "æīĵåĬ¨": 113354, + "ä¸ĭå·´": 113355, + "ç§ĴéĴŁ": 113356, + "对人ä½ĵ": 113357, + "æĬĢæľ¯çłĶåıij": 113358, + "åİŁåŃIJ": 113359, + "æĺ¯ä¸Ģ项": 113360, + "äºĨä¸Ģ份": 113361, + "æĮĩçͲ": 113362, + "ç͍éĩı": 113363, + "è¿ĺä¸įå¤Ł": 113364, + "æĶ¿åºľéĩĩè´Ń": 113365, + "çŁ¥è¯ĨçĤ¹": 113366, + "ä¸ŃåĽ½æ¢¦": 113367, + "å¾Īå¼Ģå¿ĥ": 113368, + "礼è²Į": 113369, + "éĿŀ常å¤ļ": 113370, + "éĿŀ常å¤ļçļĦ": 113371, + "åĽļ": 113372, + "æĹħé¦Ĩ": 113373, + "å°½æĥħ": 113374, + "æŃĮåͱ": 113375, + "æ²Ļé¾Ļ": 113376, + "车åİ¢": 113377, + "客æµģ": 113378, + "åģıå·®": 113379, + "积累äºĨ": 113380, + "æ¡Ķ": 113381, + "çĶ»çĶ»": 113382, + "ä¹ŁåºĶ该": 113383, + "åºĶç͍ç¨ĭåºı": 113384, + "èĥĥèĤł": 113385, + "以å¾Į": 113386, + "豪å®ħ": 113387, + "æ·±åĬłå·¥": 113388, + "缴è¨Ģ": 113389, + "åĮĸçŁ³": 113390, + "åĽ½éģĵ": 113391, + "ä¸ĥ个": 113392, + "ä»İèĢĮ使": 113393, + "èĤłèĥĥ": 113394, + "æĹ¥è¶ĭ": 113395, + "çζåŃIJ": 113396, + "ç·©": 113397, + "æĭĽçīĮ": 113398, + "产å¦ĩ": 113399, + "çķªèĮĦ": 113400, + "æĪijéĻ¢": 113401, + "建çŃijå·¥ç¨ĭ": 113402, + "å±ķè§Īä¼ļ": 113403, + "å®¶éķ¿ä»¬": 113404, + "åĨľä½ľçī©": 113405, + "æĹ¥å¤ľ": 113406, + "æĶ»æĵĬ": 113407, + "è§Ħéģ¿": 113408, + "èĪŁå±±": 113409, + "便æ°ij": 113410, + "åħ«åŃĹ": 113411, + "ä¸įæĽ¾": 113412, + "æĶ¯éħį": 113413, + "çĨ¬å¤ľ": 113414, + "人é¡ŀ": 113415, + "ç´ĢéĮĦ": 113416, + "ç»ıèIJ¥æ´»åĬ¨": 113417, + "大涨": 113418, + "å¸Ĥå§Ķ常å§Ķ": 113419, + "åĪĨéIJĺ": 113420, + "ä¸Ģ个èģĮä¸ļ": 113421, + "çĹħåĽł": 113422, + "è¿Ļ对äºİ": 113423, + "ä¸įå¾Ĺä¸į说": 113424, + "åıijçĶµæľº": 113425, + "æľīæīĢ帮åĬ©": 113426, + "缮æłĩä»»åĬ¡": 113427, + "åĽłåľ°": 113428, + "åĽłåľ°åζ": 113429, + "åĽłåľ°åĪ¶å®ľ": 113430, + "å°Ĩè¾¾åΰ": 113431, + "ç²Ĺç³Ļ": 113432, + "ç¨³åĽº": 113433, + "å«£": 113434, + "çİ°åľ¨å¾Īå¤ļ": 113435, + "ä¸ĸçķĮ级": 113436, + "å¼łæŁIJ": 113437, + "çĤ¹ç¼Ģ": 113438, + "èijµ": 113439, + "社ä¼ļç»Ħç»ĩ": 113440, + "å¾ĢåIJİ": 113441, + "åĬłæģ¯": 113442, + "åĻªå£°": 113443, + "æľīåħ´è¶£": 113444, + "为æĤ¨æıIJä¾Ľ": 113445, + "æ²¹æ¼Ĩ": 113446, + "ç¬¬åĽĽå±Ĭ": 113447, + "çļĩ宫": 113448, + "ä¹Ĵä¹ĵ": 113449, + "ä¹Ĵä¹ĵçIJĥ": 113450, + "éļ¨èijĹ": 113451, + "éģ©åIJĪ": 113452, + "åįĹéĿŀ": 113453, + "æĵ´": 113454, + "西æ´ĭ": 113455, + "åĬłå¯Ĩ": 113456, + "æĪIJåĬŁä¸¾åĬŀ": 113457, + "åı£æ°´": 113458, + "æĪIJ年人": 113459, + "æīĢæıIJä¾ĽçļĦ": 113460, + "éļĶå£ģ": 113461, + "åľ¨äº¬": 113462, + "å½ĵåľ°æĹ¶éĹ´": 113463, + "çŃīåIJĦç§į": 113464, + "é£İæ°Ķ": 113465, + "å±ĭéĩĮ": 113466, + "ä¸ĢåŃĹ": 113467, + "çļĦæĹ¶éĹ´éĩĮ": 113468, + "åĺ¿åĺ¿": 113469, + "快讯": 113470, + "ä¸Ńåľº": 113471, + "ä¸Ģçĵ¶": 113472, + "æ»ķ": 113473, + "é¢Ĩè·ij": 113474, + "好èݱ": 113475, + "好èݱåĿŀ": 113476, + "没åħ³ç³»": 113477, + "åĩºå¢ĥ": 113478, + "ä¸įæĺ¯ä¸Ģ个": 113479, + "éĥ½æĺ¯éĿŀ常": 113480, + "éľĩåĬ¨": 113481, + "èİ·èĥľ": 113482, + "åįļå¼Ī": 113483, + "æĬļåħ»": 113484, + "对ç«ĭ": 113485, + "æľįåĬ¡æľºæŀĦ": 113486, + "è°£è¨Ģ": 113487, + "社ä¼ļç§ijåѦ": 113488, + "åIJ¬è¯´è¿ĩ": 113489, + "æī³": 113490, + "æīĵ磨": 113491, + "åı£æľį": 113492, + "好åĥıæĺ¯": 113493, + "以åıĬåħ¶ä»ĸ": 113494, + "çī¹è´¨": 113495, + "亲è¿ij": 113496, + "ä¸Ģç»ı": 113497, + "æ¶Ŀ": 113498, + "éŃĶæľ¯": 113499, + "éģĵ路交éĢļ": 113500, + "è§Ħ模æľĢ大": 113501, + "å®ŀæĸ½æĦıè§ģ": 113502, + "ä¹ŀ": 113503, + "ä¸Ģä¸ĸ": 113504, + "åŁ·è¡Į": 113505, + "è±Ĩçĵ£": 113506, + "åĪĹ为": 113507, + "æķħ宫": 113508, + "çĶŁåij½åij¨æľŁ": 113509, + "ä¸īç§įèģĮä¸ļ": 113510, + "详ç»Ĩä»ĭç»į": 113511, + "å®Įå¤ĩ": 113512, + "å²©çŁ³": 113513, + "éļıæīĭ": 113514, + "飲": 113515, + "æķĪæŀľåĽ¾": 113516, + "ç§ĭåĨ¬": 113517, + "åĬŁå¾·": 113518, + "è§Ħ竳åĪ¶åº¦": 113519, + "æĹ¥æ¸IJ": 113520, + "æīĢéľĢè¦ģ": 113521, + "æīĢéľĢè¦ģçļĦ": 113522, + "å²Ľä¸Ĭ": 113523, + "åĩºåľŁ": 113524, + "åĽ¾æĸĩ": 113525, + "ç§ijæĬĢè¿ĽæŃ¥": 113526, + "éĢļèĥĢ": 113527, + "èĢģ太太": 113528, + "èĭĹæľ¨": 113529, + "éĵ¶å·Ŀ": 113530, + "å¸IJ篷": 113531, + "éĿŀè¦ģ": 113532, + "éħįç͵": 113533, + "å¤Ħå¢ĥ": 113534, + "èĤ¡æĿĥæĬķèµĦ": 113535, + "ä¸Ģ缴åΰ": 113536, + "åĿĩçͱ": 113537, + "æĬĹæĹ¥": 113538, + "æį®ä»ĭç»į": 113539, + "ä½łåĸľæ¬¢": 113540, + "åĪĽæĸ°åŀĭ": 113541, + "åıĺè¿ģ": 113542, + "è§Ĩå¯Ł": 113543, + "å®Įåħ¨æ²¡æľī": 113544, + "åħĥæĹ¦": 113545, + "åı¯ä¿¡": 113546, + "åı¦è¡Į": 113547, + "æĿij级": 113548, + "åħ¥åľº": 113549, + "æIJŃæ¡£": 113550, + "ä¹ŁåĽłæŃ¤": 113551, + "æį¢æĪIJ": 113552, + "ä¸įè´Ł": 113553, + "äºĨ大éĩıçļĦ": 113554, + "éģĶåΰ": 113555, + "å¸Ĥåİ¿": 113556, + "å¹´è¼ķ": 113557, + "å¿«æīĭ": 113558, + "å¸Įå°Ķ": 113559, + "èĩªèIJ¥": 113560, + "éĽªèĬ±": 113561, + "æIJģ": 113562, + "çľ¼ç§ij": 113563, + "æŃ£ç¢º": 113564, + "çļĦå§¿æĢģ": 113565, + "åĿļå®ŀçļĦ": 113566, + "æĮĩ纹": 113567, + "æªĶæ¡Ī": 113568, + "ç½®äºİ": 113569, + "佩æľį": 113570, + "豪éŨ": 113571, + "åĵĴ": 113572, + "æģ°å¥½": 113573, + "æª¢æŁ¥": 113574, + "åĪĿè¡·": 113575, + "大åĶIJ": 113576, + "约ä¼ļ": 113577, + "èĴ¸åıij": 113578, + "çѹåĪĴ": 113579, + "å¹´ç»Ī": 113580, + "è¡Įæ¥Ń": 113581, + "åħ±éĿĴ": 113582, + "åħ±éĿĴåĽ¢": 113583, + "ä¼ļå¼ķèµ·": 113584, + "ä¸Ńç§ij": 113585, + "ä¸Ńç§ijéĻ¢": 113586, + "æĮ¯åĬ¨": 113587, + "åį´åıijçݰ": 113588, + "ä¸įåĬ¨äº§": 113589, + "èĮ¹": 113590, + "æĪ¿éĹ´éĩĮ": 113591, + "è´§å¸ģæĶ¿çŃĸ": 113592, + "æ²»çĻĤ": 113593, + "æħİéĩį": 113594, + "å¡ŀå°Ķ": 113595, + "åĽ½ç±į": 113596, + "åĽłæŀľ": 113597, + "çŃīçī¹çĤ¹": 113598, + "山谷": 113599, + "ä¸ĭè¼ī": 113600, + "è®ĵæĪij": 113601, + "饮éħĴ": 113602, + "è¿Ļ个游æĪı": 113603, + "ç»Ŀ大éĥ¨åĪĨ": 113604, + "åĴ¨è¯¢æľįåĬ¡": 113605, + "干活": 113606, + "è®®ä¼ļ": 113607, + "æ¦Ĥè¿°": 113608, + "åĪĨåĮº": 113609, + "æŃ»åIJİ": 113610, + "ç«ĻçĿĢ": 113611, + "主è¦ģé¢Ĩ导": 113612, + "åIJĮåŁİ": 113613, + "大æłij": 113614, + "对åѦçĶŁ": 113615, + "社ä¼ļä¿ĿéĻ©": 113616, + "å¢ŀèµĦ": 113617, + "主人åħ¬": 113618, + "å®£ä¼łæķĻèĤ²": 113619, + "æĸĩåĮĸ交æµģ": 113620, + "客æĪ¶": 113621, + "çŁ¥åIJįåĵģçīĮ": 113622, + "æ»ŀåIJİ": 113623, + "äºĴè¡¥": 113624, + "æĦŁäºº": 113625, + "åī¿": 113626, + "åIJİ代": 113627, + "äºī龸": 113628, + "æķĻèĤ²åٹè®Ń": 113629, + "éĿĻèĦī": 113630, + "ä¹ıåĬĽ": 113631, + "说åĩºæĿ¥": 113632, + "çİĭèĢħèį£èĢĢ": 113633, + "åĢ«": 113634, + "åįĩèµ·": 113635, + "éķģ": 113636, + "åĩºæ¸¸": 113637, + "éĢļè¡Įè¯ģ": 113638, + "å·¥ä½ľå²Ĺä½į": 113639, + "åĮłå¿ĥ": 113640, + "æĭ¿æĿ¥": 113641, + "æ´Ĺè¡£æľº": 113642, + "æĪijä¸įæĥ³": 113643, + "é¢Ħè§ģ": 113644, + "æ¼Ķ示": 113645, + "ä¸ĢçĽ´æ²¡æľī": 113646, + "è·Łå¥¹": 113647, + "对çħ§æ£ĢæŁ¥": 113648, + "ç°¿": 113649, + "ä¸ĵå¿ĥ": 113650, + "è®®äºĭ": 113651, + "åīį端": 113652, + "åį¡å°Ķ": 113653, + "è¨Ńå®ļ": 113654, + "设置äºĨ": 113655, + "å©ļ纱": 113656, + "åľ¨åĽ½å¤ĸ": 113657, + "åı³ä¾§": 113658, + "è³¼çī©": 113659, + "å¥ĩèij©": 113660, + "å¢ŀåĬłå̼": 113661, + "好è¿IJ": 113662, + "åĽ½éĻħæľºåľº": 113663, + "ä¸ĭç§°": 113664, + "缮åīį为æŃ¢": 113665, + "ç¥ŀä»Ļ": 113666, + "å®ĥåı¯ä»¥": 113667, + "æ¾Ħæ¸ħ": 113668, + "èĥ½ä½¿": 113669, + "游åĩ»": 113670, + "游åĩ»éĺŁ": 113671, + "åĩ¹": 113672, + "ä¸įè¦ģåĨį": 113673, + "åĨ³èĥľ": 113674, + "åĨ³æĪĺ": 113675, + "æĭ½": 113676, + "缼åħ¸": 113677, + "å¾Īå¥½åľ°": 113678, + "æľĢç¾İçļĦ": 113679, + "åĥļ": 113680, + "å·´åŁº": 113681, + "å·´åŁºæĸ¯åĿ¦": 113682, + "æľĢéĢĤåIJĪ": 113683, + "é«ĺèģĮ": 113684, + "ä¿Ŀå§Ĩ": 113685, + "æİĪæ¬Ĭ": 113686, + "说åΰè¿ĻéĩĮ": 113687, + "æİ¨å¼Ģ": 113688, + "çİĩè¾¾": 113689, + "ä¸īåĪĨä¹ĭä¸Ģ": 113690, + "管çIJĨä¸Ńå¿ĥ": 113691, + "交æ±ĩ": 113692, + "森æŀĹåħ¬åĽŃ": 113693, + "å¾Ģä¸Ĭ": 113694, + "éªijè¡Į": 113695, + "æį®æŃ¤": 113696, + "纽带": 113697, + "ç»ŀ": 113698, + "ä¸īæĸ¹": 113699, + "æĦıä¹īä¸ĬçļĦ": 113700, + "æİ¨è¿Ł": 113701, + "å¤ļæł·æĢ§": 113702, + "æĥ³èµ·äºĨ": 113703, + "æİĴåIJį第": 113704, + "å·¨é¢Ŀ": 113705, + "æĿŁç¼ļ": 113706, + "å®īå®ļ": 113707, + "äºĭ實": 113708, + "çļĦæĦ¿æľĽ": 113709, + "è£ħå¤ĩåζéĢł": 113710, + "人å±ħ": 113711, + "人å±ħçݯå¢ĥ": 113712, + "å¿ĺè®°äºĨ": 113713, + "该游æĪı": 113714, + "楼ä¸Ĭ": 113715, + "å¼Ģä¼ļ": 113716, + "æģ³": 113717, + "åıĭæĥħéĵ¾æİ¥": 113718, + "ç¡Ĵ": 113719, + "ç»ĻäºĪäºĨ": 113720, + "åģı好": 113721, + "åĵī": 113722, + "交éĢļå®īåħ¨": 113723, + "éĽĮ": 113724, + "æ²»çĹħ": 113725, + "è§īå¾Ĺå¾Ī": 113726, + "衬衫": 113727, + "å¿ĥæĦ¿": 113728, + "æ´ŀå¯Ł": 113729, + "æ°ijæ£Ģå¯ŁéĻ¢": 113730, + "æıIJçĤ¼": 113731, + "è¦ģè¿Ľä¸ĢæŃ¥": 113732, + "驾车": 113733, + "æĻ®æĥł": 113734, + "æķĸ": 113735, + "ç¦ıéŁ³": 113736, + "éĢģè¾¾": 113737, + "è§ĦåĪĴ设计": 113738, + "æīĭå¥Ĺ": 113739, + "å®īä¿Ŀ": 113740, + "è¿ĺä¸įå¦Ĥ": 113741, + "åīįè¿°": 113742, + "æłĩè®°": 113743, + "ç´§æİ¥çĿĢ": 113744, + "æ§IJ": 113745, + "æ·±æ·±åľ°": 113746, + "满满çļĦ": 113747, + "æĺ¥è¿IJ": 113748, + "æĹ¥äº§": 113749, + "çαæĬ¤": 113750, + "åħ¨æĹ¥": 113751, + "åħ¨æĹ¥åζ": 113752, + "转åĬ¨": 113753, + "ç¥Ńç¥Ģ": 113754, + "ä¹°ä¸ľè¥¿": 113755, + "å¯¹æľªæĿ¥": 113756, + "æ¶Ī失äºĨ": 113757, + "åļ´éĩį": 113758, + "ä¸īæĿ¡": 113759, + "éħ¸å¥¶": 113760, + "éĽĨåĽ¢èĤ¡ä»½": 113761, + "西路": 113762, + "åıªå¾Ĺ": 113763, + "éĢģåİ»": 113764, + "çĭłæĬĵ": 113765, + "åĪ©ç͍çİĩ": 113766, + "ä¸ĭåij¨": 113767, + "å¥ĭæĪĺ": 113768, + "æĺ¥èĬĤæľŁéĹ´": 113769, + "è´Łè´£ä»»": 113770, + "æĺĤè´µ": 113771, + "尾巴": 113772, + "ç¯ĩæĸĩ竳": 113773, + "åħ®": 113774, + "è®ĬæĪIJ": 113775, + "å¹¹": 113776, + "çĻ»éĮĦ": 113777, + "ä½Ī": 113778, + "å·¥åĮł": 113779, + "åĵªæĢķæĺ¯": 113780, + "åıįåĵį": 113781, + "ç§ĥ": 113782, + "åĩºè½¨": 113783, + "æĹ¥åĨĽ": 113784, + "åIJįèªī": 113785, + "æķıéĶIJ": 113786, + "æľįåĬ¡æ°´å¹³": 113787, + "çħ§å°Ħ": 113788, + "ä¼Ĭæĭī": 113789, + "ä¼Ĭæĭīåħĭ": 113790, + "åĨħéĺģ": 113791, + "èĬĴæŀľ": 113792, + "ä¸ĩåĪĨ": 113793, + "éĢĢæ¬¾": 113794, + "缴æĴŃéĹ´": 113795, + "æĭ¿åΰäºĨ": 113796, + "å°İèĩ´": 113797, + "空æ°Ķä¸Ń": 113798, + "客æĪ·æľįåĬ¡": 113799, + "è¿IJåĬ¿": 113800, + "ç»ĵçŁ³": 113801, + "ä¸įå¿ħè¦ģçļĦ": 113802, + "èĥ¶åĽĬ": 113803, + "çIJĨä¼ļ": 113804, + "æĬ½åĩº": 113805, + "空æ°Ķè´¨éĩı": 113806, + "æ¯ķ竣æĺ¯": 113807, + "åĨ·æ¼ł": 113808, + "ä¸Ģå¦Ĥ": 113809, + "ä¸Ģå¦ĤæĹ¢": 113810, + "ä¸Ģå¦ĤæĹ¢å¾Ģ": 113811, + "æĤ£çĹħ": 113812, + "åĬłæĮģ": 113813, + "èµŀåĬ©": 113814, + "é«®": 113815, + "åij½ä¸Ń": 113816, + "æĦıä¹īä¸Ĭ": 113817, + "ä¸įèĪį": 113818, + "å쬦": 113819, + "æīĵæī«": 113820, + "æĺŁåħī": 113821, + "æĸŃè£Ĥ": 113822, + "åħ¨å¥Ĺ": 113823, + "è£ģå®ļ": 113824, + "马åħĭæĢĿ": 113825, + "骨骼": 113826, + "ä¸Ģè·¯ä¸Ĭ": 113827, + "å®ļæĹ¶": 113828, + "å·¥ç¨ĭæĬĢæľ¯": 113829, + "å½¼å¾Ĺ": 113830, + "æ±²åıĸ": 113831, + "ä¸Ģè§Ī": 113832, + "åIJµæŀ¶": 113833, + "ä¿Ĺç§°": 113834, + "æłªæ´²": 113835, + "åºŁæĹ§": 113836, + "è¡ĮæĺŁ": 113837, + "åıijçĶŁåıĺåĮĸ": 113838, + "é¦ĸä»ĺ": 113839, + "åįģåĪĨéĩįè¦ģ": 113840, + "æĬĬè¿ĻäºĽ": 113841, + "ç¥ŀå·ŀ": 113842, + "æıIJä¾ĽåķĨ": 113843, + "楷": 113844, + "å±İ": 113845, + "çĬ¶åħĥ": 113846, + "åŁİå¢Ļ": 113847, + "çľĭä¸Ģçľĭ": 113848, + "çĶŁäº§èĥ½åĬĽ": 113849, + "åŁºæľ¬ä¸Ĭéĥ½": 113850, + "æīĵæī°": 113851, + "åĪĿ次": 113852, + "åĩºç¤º": 113853, + "åħ¶ä¸Ńä¸Ģ个": 113854, + "çĶŁæĢģç³»ç»Ł": 113855, + "æīĭæİĮ": 113856, + "æµİåįĹå¸Ĥ": 113857, + "åľĭåħ§": 113858, + "æŃ£å̼": 113859, + "å¹¾ä¹İ": 113860, + "æİ¨èįIJéĺħ读": 113861, + "è¿Ń代": 113862, + "è°ĥä¾ĥ": 113863, + "饮åĵģ": 113864, + "å¢Ļä½ĵ": 113865, + "åıĺçݰ": 113866, + "äºĨ好": 113867, + "äºĨ好åĩł": 113868, + "ä¸įçķĻ": 113869, + "çβ": 113870, + "å°½æĹ©": 113871, + "æŃ£åľ¨è¿Ľè¡Į": 113872, + "åĩºéĻ¢": 113873, + "æĿĢ害": 113874, + "æıIJ款": 113875, + "åıijå±ķ空éĹ´": 113876, + "åīį身": 113877, + "ä¸įæĸŃå¢ŀ强": 113878, + "æ·±å±Ĥ次": 113879, + "容纳": 113880, + "éĤ£ä»½": 113881, + "å·¥ä½ľæķĪçİĩ": 113882, + "æľ¬åĽ½": 113883, + "失èIJ½": 113884, + "æŃ£åĽłä¸º": 113885, + "èĬĤæ°´": 113886, + "ä¸ĭä¸Ģ代": 113887, + "çłĶåıijä¸Ńå¿ĥ": 113888, + "ä¸įçIJĨ": 113889, + "å®Į好": 113890, + "ä¿ĿæĬ¤åĮº": 113891, + "ç»ĵæŀĦè°ĥæķ´": 113892, + "å¥łå®ļ": 113893, + "宣称": 113894, + "éĺ»æĮ¡": 113895, + "æĴ¤ç¦»": 113896, + "ä¸įæĸ¹ä¾¿": 113897, + "åĴķ": 113898, + "ç¬ijäºĨç¬ij": 113899, + "çݯå¢ĥ污æŁĵ": 113900, + "ä½ıæĪ·": 113901, + "ç»Ŀç¼ĺ": 113902, + "éϤå°ĺ": 113903, + "é«ĺå°ļ": 113904, + "æĢİä¹Īåı¯èĥ½": 113905, + "éĿ¢èī²": 113906, + "åķĨæ¥Ń": 113907, + "çĸ¹": 113908, + "èµĦæºIJä¼ĺåĬ¿": 113909, + "è¾ĸåĮºåĨħ": 113910, + "èĢĢçľ¼": 113911, + "æij§æ¯ģ": 113912, + "ä¸ĸçķĮç»ıæµİ": 113913, + "å¼ķæĿ¥": 113914, + "ä¸ĢåĪĻ": 113915, + "æĭĩæĮĩ": 113916, + "æĬµå¾¡": 113917, + "éĽį": 113918, + "åĩĨå¤ĩå·¥ä½ľ": 113919, + "çıłä¸īè§Ĵ": 113920, + "ç¨ĢåľŁ": 113921, + "èİ·å¾ĹæĦŁ": 113922, + "æĪIJåĬŁçİĩ": 113923, + "ç½ij约": 113924, + "ç½ij约车": 113925, + "èĦIJ": 113926, + "æķ¬ä¸ļ": 113927, + "éĩijä»·": 113928, + "ç²¾é«ĵ": 113929, + "买车": 113930, + "åħ³åı£": 113931, + "åĨįå¤ļ": 113932, + "æŀģåĵģ": 113933, + "åIJĦå®¶": 113934, + "举æĬ¥ç͵è¯Ŀ": 113935, + "èļĬ": 113936, + "æĸ¹å½¢": 113937, + "ç§ijæĬĢæĪIJæŀľ": 113938, + "æľĢ好æĺ¯": 113939, + "éĹ®åĢĻ": 113940, + "红éħĴ": 113941, + "åĽĽç§į": 113942, + "ç¿Ĵæħ": 113943, + "ç¿Ĵæħ£": 113944, + "åŀ¦": 113945, + "éĤ£åıª": 113946, + "é¢ĨæĤŁ": 113947, + "çľ¼éĥ¨": 113948, + "æ³°å®ī": 113949, + "ä»»æľŁ": 113950, + "磨æįŁ": 113951, + "æĽ¿æį¢": 113952, + "åħ¸ç¤¼": 113953, + "符åIJĪæĿ¡ä»¶": 113954, + "è¿ĺæľīä»Ģä¹Ī": 113955, + "åħ±äº«åįķ车": 113956, + "åı¯åĪĨ为": 113957, + "åŃ£åIJİ": 113958, + "åŃ£åIJİèµĽ": 113959, + "举èİŀå¸Ĥ": 113960, + "å¿ĥæĦı": 113961, + "æīŃæĽ²": 113962, + "ä½ľä¸ºä¸Ģç§į": 113963, + "è¿Ļéĥ¨åĪĨ": 113964, + "åıĤä¸İåΰ": 113965, + "ç½ijçIJĥ": 113966, + "實çı¾": 113967, + "ç»Ħè£ħ": 113968, + "åIJijå¤ĸ": 113969, + "å·¥ä½ľæĸ¹æ¡Ī": 113970, + "åįģæĿ¡": 113971, + "課ç¨ĭ": 113972, + "颤æĬĸ": 113973, + "åĵ©": 113974, + "éĤ®å¯Ħ": 113975, + "亢": 113976, + "åħįè²»": 113977, + "秤": 113978, + "åºĶæĢ¥ç®¡çIJĨ": 113979, + "åĽĽäºĶ": 113980, + "éºĴéºŁ": 113981, + "å¾ĴæŃ¥": 113982, + "è¨ĺå¾Ĺ": 113983, + "çĴIJ": 113984, + "æĺ¯åIJ¦ä¼ļ": 113985, + "æĦıè§ģåıįé¦Ī": 113986, + "éļ¾æĢª": 113987, + "çªį": 113988, + "交æİ¥": 113989, + "两åįĥ": 113990, + "æĩīç͍": 113991, + "æľŁéĸĵ": 113992, + "æIJ¬åΰ": 113993, + "è®®é¢ĺ": 113994, + "碧æ¡Ĥ": 113995, + "碧æ¡ĤåĽŃ": 113996, + "åģļçĶŁæĦı": 113997, + "éĻĽä¸ĭ": 113998, + "è·ĭ": 113999, + "èĢģ人家": 114000, + "带åĽŀ": 114001, + "æŀ¸æĿŀ": 114002, + "è¡Įéķ¿": 114003, + "åĨħ容ç®Ģä»ĭ": 114004, + "梢": 114005, + "æĮĩæİ§": 114006, + "éĩįçĹĩ": 114007, + "ç½ijåıĭ们": 114008, + "çı¾ä»£": 114009, + "类产åĵģ": 114010, + "å¥Ķæ³¢": 114011, + "渺": 114012, + "ç²īç¢İ": 114013, + "è¿Ļåıªæĺ¯": 114014, + "æ£Ģå¯Łæľºåħ³": 114015, + "é½Ĭ": 114016, + "æĪ¿ç§Ł": 114017, + "å¾·æĭī": 114018, + "å²ģ以ä¸Ĭ": 114019, + "纯åĩĢ": 114020, + "åĪĨå¸ĥåľ¨": 114021, + "èĥ½å¾Ĺåΰ": 114022, + "ä¸įå°½": 114023, + "ç«ŀä»·": 114024, + "çļĦ带é¢Ĩ": 114025, + "çļĦ带é¢Ĩä¸ĭ": 114026, + "ä¸Ńè᝿ĿIJ": 114027, + "æĿijéķĩ": 114028, + "ä¸įåı¯éģ¿åħį": 114029, + "éľ²å¤©": 114030, + "å°ıå§ijå¨ĺ": 114031, + "çī©ä»¶": 114032, + "èijĹä½ľæĿĥ": 114033, + "æĭĺçķĻ": 114034, + "éĥ½è§īå¾Ĺ": 114035, + "æĽ²æĬĺ": 114036, + "æ·»åĬłåīĤ": 114037, + "åı¬åĽŀ": 114038, + "æīİå®ŀæİ¨è¿Ľ": 114039, + "æĬĦè¢Ń": 114040, + "åĮĸ身": 114041, + "缴èIJ¥": 114042, + "ä¹Łå¸ĮæľĽ": 114043, + "èį£èªīç§°åı·": 114044, + "åįĸç»Ļ": 114045, + "æľīä¸įåIJĮçļĦ": 114046, + "å¥ĩçī¹": 114047, + "éĥ½è®¤ä¸º": 114048, + "å¦ŀ": 114049, + "æĪIJéķ¿ä¸º": 114050, + "辩æĬ¤": 114051, + "主æķĻç»ĥ": 114052, + "æ³ķå¸ĪèģĮä¸ļ": 114053, + "æ¤įåħ¥": 114054, + "索尼": 114055, + "åIJ¬è¿ĩ": 114056, + "ä¹łæĥ¯äºĨ": 114057, + "夺åıĸ": 114058, + "éŁĵ": 114059, + "æľ¬è´¨ä¸Ĭ": 114060, + "æİ¥åĬĽ": 114061, + "äºij端": 114062, + "è¦ģåģļ好": 114063, + "è·¯çģ¯": 114064, + "åįıåIJĮåıijå±ķ": 114065, + "æľīå¾ħ": 114066, + "æ°´åŁŁ": 114067, + "æIJľçĭIJé¦ĸ页": 114068, + "è´¨éĩıå®īåħ¨": 114069, + "åįģäºĮäºĶ": 114070, + "åĵ®åĸĺ": 114071, + "èĵ¬åĭĥåıijå±ķ": 114072, + "åIJį声": 114073, + "身亡": 114074, + "çİĭåºľ": 114075, + "åİŁåĪĻä¸Ĭ": 114076, + "çĥĺå¹²": 114077, + "éģĹæ¼ı": 114078, + "éĿ¢çĽ®": 114079, + "åĽ½ä¼ļ": 114080, + "ä¸Ģ缴éĥ½æĺ¯": 114081, + "æľīä¸Ģä½į": 114082, + "éħįæľī": 114083, + "éĻªçĿĢ": 114084, + "ä¼ģåĽ¾": 114085, + "æĮīä¸ĭ": 114086, + "èĵĿåĽ¾": 114087, + "æ©ĺ": 114088, + "大å¤ļæĺ¯": 114089, + "辩论": 114090, + "æĹĭå¾ĭ": 114091, + "æĬ¥éĢģ": 114092, + "æĿ¡è§Ħå®ļ": 114093, + "åĬ¨éĿĻ": 114094, + "åĮĪ奴": 114095, + "æĭľè®¿": 114096, + "ä¸ĢåĪĢ": 114097, + "ä»ĸçŁ¥éģĵ": 114098, + "主æĿĥ": 114099, + "ä»ĸæĽ¾": 114100, + "æĴŃç§į": 114101, + "å£ģåŀĴ": 114102, + "çī¢è®°ä½¿åij½": 114103, + "åľ¨è¿Ļæĸ¹éĿ¢": 114104, + "æīĭèħķ": 114105, + "æĶ¯æŀ¶": 114106, + "ä¾Ĩèĩª": 114107, + "éĩįå¡ij": 114108, + "å¤ļå±Ĥ次": 114109, + "ä»ĭè´¨": 114110, + "éĿ¢åŃĶ": 114111, + "潮湿": 114112, + "åİ¿åŁŁ": 114113, + "游æĪıå½ĵä¸Ń": 114114, + "å£ŀ": 114115, + "åĪĹåĩº": 114116, + "èµĽåĮº": 114117, + "å¤ļåįĬ": 114118, + "éĩįçĤ¹å·¥ä½ľ": 114119, + "æĪij们å¿ħé¡»": 114120, + "æŁıæŀĹ": 114121, + "é²ģèĥ½": 114122, + "æĸ½å±ķ": 114123, + "åIJĦåĮº": 114124, + "åħįç¨İ": 114125, + "èµĽåIJİ": 114126, + "æľĢéĩįè¦ģ": 114127, + "ä¸Ģ个好çļĦ": 114128, + "è¿Ŀæ³ķè¿Ŀè§Ħ": 114129, + "äºĨè§£æĽ´å¤ļ": 114130, + "æķ¬è¯·": 114131, + "ç¬ijçĿĢ说": 114132, + "ä¸įæĸŃåıijå±ķ": 114133, + "æijĦå½±å¸Ī": 114134, + "以éĺ²": 114135, + "çĤ¸å¼¹": 114136, + "声åĵį": 114137, + "ç¤ģ": 114138, + "æĩ¿": 114139, + "èĪĨæĥħ": 114140, + "èĩªçĶ±è´¸æĺĵ": 114141, + "æķıæį·": 114142, + "ä¸ī大éĺ¶æ®µ": 114143, + "èĭĶ": 114144, + "æĹºåŃ£": 114145, + "ä¸į满æĦı": 114146, + "微信åı·": 114147, + "修为": 114148, + "çł´è£Ĥ": 114149, + "éĢĥ离": 114150, + "æ¯ıèĤ¡": 114151, + "è¾¾ä¸įåΰ": 114152, + "æ¯ıå¹´éĥ½": 114153, + "çģ¯ç¬¼": 114154, + "æŃ¤åŁºç¡Ģä¸Ĭ": 114155, + "åĥı个": 114156, + "åĪĨ娩": 114157, + "æĻ¾": 114158, + "ä¸įèĩ³äºİ": 114159, + "红线": 114160, + "误解": 114161, + "ä¸ľè·¯": 114162, + "æ·®å®ī": 114163, + "产åѦ": 114164, + "产åѦçłĶ": 114165, + "è»ĭ": 114166, + "è»ĭçĹħ": 114167, + "åīįæıIJæĺ¯": 114168, + "æ¯ıä¸Ģ天": 114169, + "ä¸ĥ大": 114170, + "æłijåı¶": 114171, + "èµ°å¾Ĺ": 114172, + "è¿Ļ两ç§į": 114173, + "æİıåĩº": 114174, + "æİIJ": 114175, + "é¢Ĩ导èĢħ": 114176, + "ä¸Ģæľµ": 114177, + "个å¤ļæľĪ": 114178, + "ä¸Ńåħ³": 114179, + "ä¸Ńåħ³æĿij": 114180, + "课åłĤæķĻåѦ": 114181, + "大åĴĸ": 114182, + "éģĭç͍": 114183, + "è¯ļæĦı": 114184, + "ç»ĦåĽ¾": 114185, + "è¯ķçĿĢ": 114186, + "ä¹Ķæ²»": 114187, + "è¿ĺä¸įæĺ¯": 114188, + "æľīæĽ´å¥½çļĦ": 114189, + "åIJİå¤ĩ": 114190, + "æĸ°çĶŁåĦ¿": 114191, + "æ°Ķè¡Ģ": 114192, + "æ²¥éĿĴ": 114193, + "å±ıéļľ": 114194, + "æ¥ŃåĭĻ": 114195, + "æĪij以为": 114196, + "éķ¿çĽ¸": 114197, + "èĢģçΏ": 114198, + "éķĩæ±Ł": 114199, + "æľºæ¢°è®¾å¤ĩ": 114200, + "ä½Ĩæĺ¯å¦Ĥæŀľ": 114201, + "åĿļå®ļä¸į": 114202, + "åĿļå®ļä¸įç§»": 114203, + "åĨ²éĶĭ": 114204, + "ç®Ģ缴æĺ¯": 114205, + "åĤ¨èĵĦ": 114206, + "纯ç͵åĬ¨": 114207, + "漫æŃ¥": 114208, + "举起": 114209, + "æģ¶æĢ§": 114210, + "è¨ĺéĮĦ": 114211, + "èģĮèĥ½éĥ¨éŨ": 114212, + "åħ¨éķ¿": 114213, + "鼻è¦ĸ": 114214, + "ä¹³èħº": 114215, + "ä½ķå¤Ħ": 114216, + "æ¶Īæŀģ": 114217, + "æŃ£å¤Ħäºİ": 114218, + "å®īå®ģ": 114219, + "æĪIJéķ·": 114220, + "åıĻè¿°": 114221, + "æºĥçĸ¡": 114222, + "ä½Ĩçİ°åľ¨": 114223, + "女æĺŁ": 114224, + "å©´å¹¼åĦ¿": 114225, + "æĬķèŀįèµĦ": 114226, + "éĹ®éĹ®": 114227, + "æıŃå¼Ģ": 114228, + "è¯ı": 114229, + "åIJįå½ķ": 114230, + "èĺijèıĩ": 114231, + "åIJĬé¡¶": 114232, + "æ¹ĸåĮº": 114233, + "åįĸåľº": 114234, + "建ç¯": 114235, + "建ç¯ī": 114236, + "èݽ": 114237, + "åIJ¬åIJ¬": 114238, + "ç«ŀäºīä¼ĺåĬ¿": 114239, + "åĩºä»»": 114240, + "æľī两ç§į": 114241, + "æ©±æŁľ": 114242, + "褪": 114243, + "è¯ķåį·": 114244, + "ç»ıæµİæĬĢæľ¯": 114245, + "æ·±å±Ĥ": 114246, + "éĩįè¦ģåĨħ容": 114247, + "é£İæİ§": 114248, + "çĬ¶æĢģä¸ĭ": 114249, + "éĥ¨éĸĢ": 114250, + "广汽": 114251, + "è§Ĥæij©": 114252, + "éģĹçķĻ": 114253, + "转账": 114254, + "æĮģä»ĵ": 114255, + "æĢ»è®¡": 114256, + "åľĺéļĬ": 114257, + "æĪ¿ä¸ľ": 114258, + "éĺĢéŨ": 114259, + "åħ¬åħ³": 114260, + "åħ³åĪĩ": 114261, + "èĤĺ": 114262, + "æķ¸æĵļ": 114263, + "ä¸īåįģå¹´": 114264, + "è§ģè¯ģäºĨ": 114265, + "å±Ĩ": 114266, + "çģ°å°ĺ": 114267, + "æ¦ľé¦ĸ": 114268, + "è¦ĨçĽĸçİĩ": 114269, + "ä»Ļ女": 114270, + "çĶŁäº§æĢ»": 114271, + "çĶŁäº§æĢ»å̼": 114272, + "æĪ¿è´·": 114273, + "æ±ŁåĮº": 114274, + "åħħçĶµæ¡©": 114275, + "çϾåIJĪ": 114276, + "確èªį": 114277, + "转移åΰ": 114278, + "éĥ½æĹłæ³ķ": 114279, + "纪念é¦Ĩ": 114280, + "çŃ¾ç½²äºĨ": 114281, + "å¹¶ä¸įå¤ļ": 114282, + "æĮł": 114283, + "ä¸į太好": 114284, + "ä¸ĸ代": 114285, + "误导": 114286, + "é«ĺ峰论åĿĽ": 114287, + "åħ¼å®¹": 114288, + "龸æ°Ķ": 114289, + "æĿ¥è®¿": 114290, + "æīĢ带æĿ¥çļĦ": 114291, + "æĺ¯ä¸Ģéĥ¨": 114292, + "æĻļé¥Ń": 114293, + "åİĨ代": 114294, + "åIJ¦åīĩ": 114295, + "ä¹ħä¹ħ": 114296, + "æľīæķĪæľŁ": 114297, + "诱åıij": 114298, + "æĢ»èµĦ产": 114299, + "æľ¬èº«å°±æĺ¯": 114300, + "çĶŁäº§åİĤå®¶": 114301, + "æĹ¶é«¦": 114302, + "èĢIJç͍": 114303, + "ä»İå°ıå°±": 114304, + "æĿ¡çº¦": 114305, + "èĭ±åĭĩ": 114306, + "ä¿Ĺè¯Ŀ说": 114307, + "寺åºĻ": 114308, + "å¿ĥçIJĨåģ¥åº·": 114309, + "ä»Ģä¹Īäºĭæĥħ": 114310, + "æ±īåŃĹ": 114311, + "çķĻä½ı": 114312, + "åįĹè·¯": 114313, + "ä¸ī项": 114314, + "丢äºĨ": 114315, + "æĥ³åΰäºĨ": 114316, + "çѹéĽĨ": 114317, + "éĻĦåĬłå̼": 114318, + "西è£ħ": 114319, + "ä¹ĭä½ľ": 114320, + "åģļçļĦäºĭ": 114321, + "çķ¶æĤ¨": 114322, + "çķ¶æĤ¨åľ¨": 114323, + "é¦ĸ款": 114324, + "ä¸įåľ¨ä¹İ": 114325, + "å·¥ç¨ĭæĸ½å·¥": 114326, + "éļIJéļIJ": 114327, + "åıĺ身": 114328, + "沿éĢĶ": 114329, + "æĤłæĤł": 114330, + "ä¿Ŀæļĸ": 114331, + "çĶŁæ´»åŀĥåľ¾": 114332, + "渤海": 114333, + "æŃ¦ä¾ł": 114334, + "女主è§Ĵ": 114335, + "举ä¾ĭ": 114336, + "æ·¨": 114337, + "çϽé¢Ĩ": 114338, + "è£ĻåŃIJ": 114339, + "è¿Ķè¿ĺ": 114340, + "è¿Īåĩº": 114341, + "é¾ĻéŨ": 114342, + "ç»ıæµİä½ĵ": 114343, + "æĶ¶å®ĺ": 114344, + "çķĮéĻIJ": 114345, + "è·³åĩº": 114346, + "åįĩå̼": 114347, + "绵éĺ³": 114348, + "çĸ¤çĹķ": 114349, + "çľĭæ¸ħ": 114350, + "æĭĴçµķ": 114351, + "è¥Ħéĺ³": 114352, + "课å¤ĸ": 114353, + "åŃIJåŃĻ": 114354, + "æŃĮè¯į": 114355, + "æĪIJåIJį": 114356, + "溶液": 114357, + "åĦĴå®¶": 114358, + "åķĨä¸ļåĮĸ": 114359, + "辨åĪ«": 114360, + "å¤ļè¾¾": 114361, + "ç½ijåºĹ": 114362, + "ä¹Ŀ大": 114363, + "ä¹Ŀ大精ç¥ŀ": 114364, + "æŃ¤ä¸¾": 114365, + "è¿ŀè½½": 114366, + "ä¸ĢåĢĭ人": 114367, + "è³½": 114368, + "æ¶µçĽĸäºĨ": 114369, + "è¦ıåĬĥ": 114370, + "åĽ½æĥħ": 114371, + "åį«çĶŁåģ¥åº·": 114372, + "积æŀģåĵįåºĶ": 114373, + "æĭĻ": 114374, + "åζåĬ¨": 114375, + "æĥ³è±¡åĬĽ": 114376, + "çļĦä¹IJè¶£": 114377, + "å¼łå®¶çķĮ": 114378, + "å´İ": 114379, + "éĩįåŀĭ": 114380, + "å¤ĸå¢Ļ": 114381, + "æĶ¾åѦ": 114382, + "è®¤çľŁåŃ¦ä¹ł": 114383, + "è´¬å̼": 114384, + "æ³ķæ¡Ī": 114385, + "æĬ¤èĤ¤åĵģ": 114386, + "éĻ·åħ¥äºĨ": 114387, + "请æĤ¨": 114388, + "åŀ¢": 114389, + "æķĻèĤ²èµĦæºIJ": 114390, + "交æĺĵå¹³åı°": 114391, + "æĹ¶è£ħ": 114392, + "ä¼łæŁĵçĹħ": 114393, + "æ¹ĸæ³Ĭ": 114394, + "èµĦ管": 114395, + "åݨå¸Ī": 114396, + "éĹľéį": 114397, + "éĹľéįµ": 114398, + "åĵĪåĵĪåĵĪ": 114399, + "çĽĹçªĥ": 114400, + "çĶľç¾İ": 114401, + "åºĦåĽŃ": 114402, + "缮åīįå·²ç»ı": 114403, + "è¾¹ä¸Ĭ": 114404, + "çģ«èĬ±": 114405, + "æĬ¥è®°èĢħ": 114406, + "æģĭæĥħ": 114407, + "ç´§åĩij": 114408, + "æ°´æµģ": 114409, + "è¿Ļæĺ¯æĪij们": 114410, + "æ³¥åľŁ": 114411, + "æĽ¾ä»»": 114412, + "æĸ¹è¨Ģ": 114413, + "åij¨åħŃ": 114414, + "åı·æ¥¼": 114415, + "ä¼ijåģĩ": 114416, + "误ä¼ļ": 114417, + "åĽ½åĢº": 114418, + "åīįå¤ķ": 114419, + "ä¸¤å¼ł": 114420, + "éĹ«": 114421, + "éŃĶ鬼": 114422, + "æĬĬæĮģ": 114423, + "èĬĤèĥ½çݯä¿Ŀ": 114424, + "æ¸ħæ´ģèĥ½æºIJ": 114425, + "èĤ¥æĸĻ": 114426, + "é«ĺé¢ij": 114427, + "å°±æľīäºĨ": 114428, + "交ä¼ļ": 114429, + "没éĴ±": 114430, + "éĽħæĢĿ": 114431, + "è¦ģåıĬæĹ¶": 114432, + "åŁ¹åħ»åѦçĶŁ": 114433, + "欣åĸľ": 114434, + "çĥŃæ°´åύ": 114435, + "é¾Ļæ¹ĸ": 114436, + "äºĮ楼": 114437, + "æĸ°æµªè´¢ç»ı": 114438, + "æĸ°åĬ¨èĥ½": 114439, + "èµ£å·ŀ": 114440, + "æĭ³å¤´": 114441, + "æµģåIJij": 114442, + "ä¹Łæĺ¯å¾Ī": 114443, + "åıijåĶ®": 114444, + "ä¸ŃåIJ«æľī": 114445, + "åIJĵå¾Ĺ": 114446, + "å·¨æĺŁ": 114447, + "æĹłæīĢè°ĵ": 114448, + "æ¯ĽåŃĶ": 114449, + "åħ¬åħ±äº¤éĢļ": 114450, + "çĤİçĥŃ": 114451, + "èµ·èįī": 114452, + "åĬłçĽŁåķĨ": 114453, + "说ä¸įåĩº": 114454, + "大åѦæ¯ķä¸ļ": 114455, + "å·¥ä¸ļåĽŃ": 114456, + "éłĺåŁŁ": 114457, + "åºĨåħ¸": 114458, + "æµģ产": 114459, + "èģ²éٳ": 114460, + "ä¼¼ä¹İæĺ¯": 114461, + "è´§æºIJ": 114462, + "æ·±åĪĩ": 114463, + "æ²»çĸĹæĸ¹æ³ķ": 114464, + "èµĦæºIJéħįç½®": 114465, + "ç¶²åıĭ": 114466, + "çĶ£": 114467, + "亥": 114468, + "èº²åľ¨": 114469, + "社ç§ij": 114470, + "è»Łé«Ķ": 114471, + "女è£ħ": 114472, + "æŃ¡è¿İ": 114473, + "综åIJĪå®ŀåĬĽ": 114474, + "æł¼å°ĩ": 114475, + "åħļåı²åŃ¦ä¹ł": 114476, + "æľĢåŁºæľ¬": 114477, + "æľĢåŁºæľ¬çļĦ": 114478, + "çľĭæľĽ": 114479, + "åıĹè´¿": 114480, + "ä¸įä»ħèĥ½": 114481, + "ä½ķå¿ħ": 114482, + "ä¸Ģ个å°ıæĹ¶": 114483, + "ç¾Į": 114484, + "æĭĽæĶ¶": 114485, + "çĤĴèĤ¡": 114486, + "æĿijå¹²éĥ¨": 114487, + "缸çα": 114488, + "æ½ľèĥ½": 114489, + "ä¹į": 114490, + "æĹ¶è¾°": 114491, + "欣æħ°": 114492, + "éĵ¶è¡Įä¸ļ": 114493, + "çĭŃçªĦ": 114494, + "éĩįçĤ¹é¢ĨåŁŁ": 114495, + "çݰå®ŀçĶŁæ´»": 114496, + "éĮ¯èª¤": 114497, + "æĸ°è§Ħ": 114498, + "滥ç͍": 114499, + "æĹ¶ä¸į": 114500, + "æĹ¶ä¸įæĹ¶": 114501, + "帳èĻŁ": 114502, + "ç¨Ģ缺": 114503, + "åIJij举": 114504, + "ä¿Ŀåģ¥åĵģ": 114505, + "çıŃéķ¿": 114506, + "äºĴåĭķ": 114507, + "笼罩": 114508, + "æ½Ľ": 114509, + "æļĸå¿ĥ": 114510, + "è½°çĤ¸": 114511, + "åºĨ幸": 114512, + "è²Įä¼¼": 114513, + "æĵº": 114514, + "èĢIJ磨": 114515, + "ä¸ĵä¸ļ人士": 114516, + "ä¸Ģèάéĥ½æĺ¯": 114517, + "æ¼³å·ŀ": 114518, + "åħ¨èĩªåĬ¨": 114519, + "å½ķç͍": 114520, + "大è·Į": 114521, + "æľīæķο̧": 114522, + "èĩªåĭķ": 114523, + "ä¸ī个æĸ¹éĿ¢": 114524, + "港åĮº": 114525, + "信貸": 114526, + "éĢļè¯Ŀ": 114527, + "é«ĺ涨": 114528, + "æ³Ħæ¼ı": 114529, + "éħįä¸Ĭ": 114530, + "åħļå·¥å§Ķ": 114531, + "被认为": 114532, + "被认为æĺ¯": 114533, + "ä¸įä¼ļåĨį": 114534, + "è°ĥåīĤ": 114535, + "åıĤèĤ¡": 114536, + "èĦ±åıij": 114537, + "å¿łå®ŀ": 114538, + "åĨħåĪĨæ³Į": 114539, + "ç¹ģå¿Ļ": 114540, + "åıĮåĪĽ": 114541, + "é©»æĿij": 114542, + "åĪĴç®Ĺ": 114543, + "éģİä¾Ĩ": 114544, + "åľ£ç»ı": 114545, + "èıľé¸Ł": 114546, + "æĭ¼å¤ļå¤ļ": 114547, + "ä¸ŃåĽ½æ±½è½¦": 114548, + "çĥŁèįī": 114549, + "缴æµģ": 114550, + "äºĨä¸Ģåı£æ°Ķ": 114551, + "ä½İæĪIJæľ¬": 114552, + "æī¾åĽŀ": 114553, + "èĩªåįij": 114554, + "總æĺ¯": 114555, + "æĸĩåĮĸåĪĽæĦı": 114556, + "天河": 114557, + "樱æ¡ĥ": 114558, + "éªijåħµ": 114559, + "éĩĮéĿ¢æľī": 114560, + "çİ®": 114561, + "èĥ½æī¾åΰ": 114562, + "éĢĥè·ij": 114563, + "åĪĩå°Ķ": 114564, + "åĪĩå°Ķ西": 114565, + "以ä¸ĭæĺ¯": 114566, + "å²³éĺ³": 114567, + "çļĦæ¦Ĥçİĩ": 114568, + "æĬµåζ": 114569, + "å¸ĪäºĭåĬ¡": 114570, + "å¸ĪäºĭåĬ¡æīĢ": 114571, + "åĩĨæĹ¶": 114572, + "屬æĸ¼": 114573, + "订è´Ń": 114574, + "åįłæį®äºĨ": 114575, + "ä¸ŃéĢĶ": 114576, + "å°ĭ": 114577, + "é»ij马": 114578, + "åİ¿åħ¬å®īå±Ģ": 114579, + "ä¸ĥæľĪ": 114580, + "èī²ç´ł": 114581, + "å¿ĥèĦıçĹħ": 114582, + "æĹ¶éĻIJ": 114583, + "æ¯įåħ¬åı¸": 114584, + "å¹ķåIJİ": 114585, + "ä¸Ĭæ¦ľ": 114586, + "å̾åIJijäºİ": 114587, + "纸ä¸Ĭ": 114588, + "æ¡ĵ": 114589, + "éĽĨä½ĵç»ıæµİ": 114590, + "æĥħå¢ĥ": 114591, + "è¦ģåģļåΰ": 114592, + "ç©į極": 114593, + "åıªæĢķ": 114594, + "æ¹ĺ西": 114595, + "çļ±çº¹": 114596, + "åħ¨åľĭ": 114597, + "çĦ¡è«ĸ": 114598, + "好æĦŁ": 114599, + "åįķä»·": 114600, + "è¿Ľç¨ĭä¸Ń": 114601, + "æĺĨä»ij": 114602, + "åĪĽå®¢": 114603, + "åħħæĸ¥": 114604, + "åħĪæĬĬ": 114605, + "该æĢİä¹ĪåĬŀ": 114606, + "åĵģå¾·": 114607, + "åħ¨éĿ¢åıijå±ķ": 114608, + "è¨ĪåĬĥ": 114609, + "æĢ»å·¥ä¼ļ": 114610, + "ä½Ľå±±å¸Ĥ": 114611, + "æĬĹè¡¡": 114612, + "å¼Ģåľº": 114613, + "éĴ±å¸ģ": 114614, + "åıĭ们": 114615, + "å«īå¦Ĵ": 114616, + "ç´¢èµĶ": 114617, + "è®ĬåĮĸ": 114618, + "æĮ¤åİĭ": 114619, + "æĮijè¡ħ": 114620, + "çŃīä¸Ģæī¹": 114621, + "æĿ¨æ¬¢": 114622, + "ä¸ĵå®¶åѦèĢħ": 114623, + "èĥ½è¾¾åΰ": 114624, + "èµ°è¿ij": 114625, + "è´«åĽ°åľ°åĮº": 114626, + "éĻIJæľŁ": 114627, + "ä¸į平衡": 114628, + "åĽ½åĨħå¸Ĥåľº": 114629, + "èµĽåľº": 114630, + "éħįèµĦ": 114631, + "è¦ģèĢĥèĻij": 114632, + "ä¸ĩåı°": 114633, + "æľĪæľ«": 114634, + "éĶ¥": 114635, + "åŃ«": 114636, + "æİ¥è§¦åΰ": 114637, + "åĩºäº§": 114638, + "æķĻåѸ": 114639, + "ä½ľå¼Ĭ": 114640, + "çļĦæľĢåIJİä¸Ģ": 114641, + "ä¿ĥæĪIJ": 114642, + "åIJ¸åıĸ": 114643, + "æ½ľèīĩ": 114644, + "被éªĹ": 114645, + "è¾ĵäºĨ": 114646, + "çĭIJçĭ¸": 114647, + "åįĩéĻį": 114648, + "è¿ĻäºĽä¸ľè¥¿": 114649, + "æĬķèµĦåŁºéĩij": 114650, + "çĶŁçī©åѦ": 114651, + "ç½ij绾èIJ¥éĶĢ": 114652, + "åIJijè®°èĢħ": 114653, + "èįīåľ°": 114654, + "æĢ¯": 114655, + "æľįåĬ¡èĥ½åĬĽ": 114656, + "éĥģéĹ·": 114657, + "åįķåĵģ": 114658, + "å¾Ĺ罪": 114659, + "æĺĵäºİ": 114660, + "个å¤ļå°ıæĹ¶": 114661, + "éĩįä»»": 114662, + "ä¸Ĭå®ĺ": 114663, + "æľ¬éĩij": 114664, + "çı¾åł´": 114665, + "溢价": 114666, + "æĺŁè¾°": 114667, + "æ´»åĬ¨çİ°åľº": 114668, + "丹麦": 114669, + "å¸Ŀçİĭ": 114670, + "æŁ¥æĺİ": 114671, + "åŃĺåľ¨äºİ": 114672, + "é¦Ļæ°´": 114673, + "æĬ½æ£Ģ": 114674, + "å®ŀéĻħä¸Ĭæĺ¯": 114675, + "æĸ°å¾ģç¨ĭ": 114676, + "è´¢åĬ¡ç®¡çIJĨ": 114677, + "æİĽ": 114678, + "åĨľåİĨ": 114679, + "éĥ½èĥ½å¤Ł": 114680, + "éĤ¯éĥ¸": 114681, + "çľŁå¯¦": 114682, + "ç»Ĭ": 114683, + "åĨµä¸Ķ": 114684, + "置身": 114685, + "ç¥Ī祷": 114686, + "çĿģå¼Ģ": 114687, + "æĮĩçĤ¹": 114688, + "å¼Ģæľº": 114689, + "西å®ģ": 114690, + "åĮĹ约": 114691, + "积水": 114692, + "åĩºåĬ¨": 114693, + "åıijå±ķ模å¼ı": 114694, + "转æĬĺ": 114695, + "èĢĥçĤ¹": 114696, + "æľīç½ijåıĭ": 114697, + "è´«åĽ°æĿij": 114698, + "æĪijä»¬çŁ¥éģĵ": 114699, + "åĪĨéĶĢ": 114700, + "å±±èĦī": 114701, + "æ¯ĶæĭŁ": 114702, + "ä¼°ç®Ĺ": 114703, + "æĶ¹å»º": 114704, + "壮è§Ĥ": 114705, + "ç§īæĮģ": 114706, + "æıª": 114707, + "ç¦Ģ": 114708, + "åĮĸåѦåĵģ": 114709, + "ä¸ŃåĽ½åζéĢł": 114710, + "ä¸Ģæŀ¶": 114711, + "æīįè¡Į": 114712, + "æĭĽå¾ħ": 114713, + "åıĺæį¢": 114714, + "åīį线": 114715, + "幸好": 114716, + "è¿Ļæł·çļĦè¯Ŀ": 114717, + "å¿ĥè¡Ģ管": 114718, + "æĢ§çĸ¾çĹħ": 114719, + "åħ¨èĥ½": 114720, + "åĪij侦": 114721, + "ä¿¡æģ¯åıijå¸ĥ": 114722, + "æĺ¾çĦ¶æĺ¯": 114723, + "éĿĴéĵľ": 114724, + "åIJĥä»Ģä¹Ī": 114725, + "ç͵价": 114726, + "æ³ķå¾ĭè§Ħå®ļ": 114727, + "çħ²": 114728, + "çĵ·åύ": 114729, + "èĤīç±»": 114730, + "æıĴåħ¥": 114731, + "åĹľ": 114732, + "è¿Łè¿Ł": 114733, + "ä¸ĢçĤ¹éĥ½ä¸į": 114734, + "è¿ĺåĮħæĭ¬": 114735, + "èĪįä¸įå¾Ĺ": 114736, + "æłĩå¿ĹæĢ§": 114737, + "æľĪ以æĿ¥": 114738, + "ç³ĸæŀľ": 114739, + "éĥ½åºĶ该": 114740, + "çݯå¢ĥåį«çĶŁ": 114741, + "èĪªè¡Į": 114742, + "éĥijéĩį": 114743, + "ç½ijæĬķ": 114744, + "åįģä½³": 114745, + "ç§ģä¸ĭ": 114746, + "æļ´è·Į": 114747, + "åĬłå¿«åıijå±ķ": 114748, + "产åĵģçłĶåıij": 114749, + "åĪĽéĢłåĩº": 114750, + "æĢ»è§īå¾Ĺ": 114751, + "åºķçĽĺ": 114752, + "èķĬ": 114753, + "åĩºå¸Ńä¼ļè®®": 114754, + "主æĿ¿": 114755, + "æĹ¥æĻļéĹ´": 114756, + "å®ĺæĸ¹å¾®åįļ": 114757, + "å¼ķç͍æĹ¥æľŁ": 114758, + "åķĻæİĪ": 114759, + "ç͵åŃIJ产åĵģ": 114760, + "è¡°éĢĢ": 114761, + "çķĻåŃĺ": 114762, + "çģ«åĬĽ": 114763, + "çĴ§": 114764, + "çļĤ": 114765, + "åħ¼åħ·": 114766, + "éĩįè¿Ķ": 114767, + "é¢Ĩçķ¥": 114768, + "åĪĩéϤ": 114769, + "åĨįçĶŁèĥ½æºIJ": 114770, + "å®ŀåľ¨å¤ª": 114771, + "çIJĨ论ä¸Ĭ": 114772, + "ä¸īå±Ĥ": 114773, + "ä¸ĸçķĮåIJĦåĽ½": 114774, + "å®ľæĺĮ": 114775, + "èĢ³è¾¹": 114776, + "宽æķŀ": 114777, + "æ±īæĹı": 114778, + "çϽçϽ": 114779, + "è¿ĻéĩĮéĿ¢": 114780, + "çĶŁæ´»ä¹łæĥ¯": 114781, + "èµŀèµı": 114782, + "çͷ士": 114783, + "ä¸Ńä¿Ħ": 114784, + "车祸": 114785, + "åīĤéĩı": 114786, + "éϤåİ»": 114787, + "左边": 114788, + "çŃijçī¢": 114789, + "çīĽå¸Ĥ": 114790, + "å®¶åĬ¡": 114791, + "åķĥ": 114792, + "ç½®æį¢": 114793, + "ç´«å¤ĸ": 114794, + "ç´«å¤ĸ线": 114795, + "å¾Ģåīį": 114796, + "åĬĽåѦ": 114797, + "ç´§è·Ł": 114798, + "缮çļĦåľ¨äºİ": 114799, + "ç»®": 114800, + "ç¥Ĥ": 114801, + "宣è¨Ģ": 114802, + "äºĮæ°§åĮĸ": 114803, + "äºĮæ°§åĮĸ碳": 114804, + "æĹłç¼ĺ": 114805, + "ç²¾éĢļ": 114806, + "診": 114807, + "å¼ķåıijäºĨ": 114808, + "æľĢåħĪ": 114809, + "派驻": 114810, + "ä¸įå¿į": 114811, + "æĪijçΏ": 114812, + "å¹´ä¸ĭåįĬå¹´": 114813, + "æ·ĭå·´": 114814, + "没éĹ®é¢ĺ": 114815, + "åºĹåĨħ": 114816, + "è·ŁæĪij说": 114817, + "çĶŁäº§çĶŁæ´»": 114818, + "è§ĤæľĽ": 114819, + "æ¸į": 114820, + "被æī§è¡Į": 114821, + "被æī§è¡Į人": 114822, + "èĪľ": 114823, + "æİº": 114824, + "ä¸Ģç§Ĵ": 114825, + "èįīåĿª": 114826, + "åij¼åĴĮ": 114827, + "åij¼åĴĮ浩": 114828, + "åij¼åĴĮ浩çī¹": 114829, + "人æ°ijéĵ¶è¡Į": 114830, + "çĦķåıij": 114831, + "è¯ģåĪ¸äº¤æĺĵ": 114832, + "çķĶ": 114833, + "æľºèĥ½": 114834, + "妾": 114835, + "æĻļå¹´": 114836, + "å·¥åķĨèģĶ": 114837, + "åİŁåŀĭ": 114838, + "è§Ĵ度çľĭ": 114839, + "æĬ¥ç¤¾": 114840, + "è¯įæĿ¡": 114841, + "躲éģ¿": 114842, + "éĩįåIJ¯": 114843, + "å¤ķéĺ³": 114844, + "èĤ¡æĿĥ转让": 114845, + "åľ¨ä¸Ģ": 114846, + "åľ¨ä¸ĢæĹģ": 114847, + "社ä¼ļåĮĸ": 114848, + "åıijå±ķåİĨç¨ĭ": 114849, + "æĭĸæ¬ł": 114850, + "使èĢħ": 114851, + "ä¸İåIJ¦": 114852, + "æĸ°å±ĢéĿ¢": 114853, + "ä»Ĭ天æĪij们": 114854, + "é½IJèģļ": 114855, + "对æĪij说": 114856, + "éĢĴ交": 114857, + "æľªæĽ¾": 114858, + "èİĬ": 114859, + "éĸī": 114860, + "亲æīĭ": 114861, + "è§ĴéĢIJ": 114862, + "æľīé»ŀ": 114863, + "ç¨İçİĩ": 114864, + "ä½İ声": 114865, + "é»ĺå¥ij": 114866, + "æĻ®æ³ķ": 114867, + "大ä¸ĵ": 114868, + "第äºĮ大": 114869, + "ä½ıåĿĢ": 114870, + "æĶ¾è¿Ľ": 114871, + "äºĮæĪĺ": 114872, + "亲身": 114873, + "åĽºåĮĸ": 114874, + "ä¸ĭ乡": 114875, + "åħ³éĶ®æĬĢæľ¯": 114876, + "åĽŀæĥ³": 114877, + "æĬ¥åĪĬ": 114878, + "æ¶ĤæĬ¹": 114879, + "èĹıçĿĢ": 114880, + "ç¥ĿæĦ¿": 114881, + "åįĩ温": 114882, + "çĶļèĩ³è¿ŀ": 114883, + "åħ¬åħĥåīį": 114884, + "ç¾İæĸ¹": 114885, + "è¯ļå®ŀ": 114886, + "æĹłåģ¿": 114887, + "å¥Ń": 114888, + "å°ıå¿ĥ翼": 114889, + "å°ıå¿ĥ翼翼": 114890, + "两æīĭ": 114891, + "温馨æıIJ示": 114892, + "ä»¿çľŁ": 114893, + "æĥ¶": 114894, + "èĥ¡åŃIJ": 114895, + "å·¥ä½ľç«Ļ": 114896, + "硬çĽĺ": 114897, + "ç«¿": 114898, + "åĤ³éĢģ": 114899, + "åħ¨æł¡": 114900, + "é²ľæ´»": 114901, + "çĴĢçĴ¨": 114902, + "ç»ĵå°¾": 114903, + "æį¢æĿ¥": 114904, + "æĪĢ": 114905, + "ä½İä½į": 114906, + "ä¸ĩåħĥ以ä¸Ĭ": 114907, + "åĬłåĪĨ": 114908, + "æİ¨ä»ĭä¼ļ": 114909, + "çIJĨèµĶ": 114910, + "å¾·å°Ķ": 114911, + "æĬĹè®®": 114912, + "æ´¼": 114913, + "åĸ§": 114914, + "åŁİéĻħ": 114915, + "å¾Īæ£Ĵ": 114916, + "人æŃ»äº¡": 114917, + "ä¼ļå±ķä¸Ńå¿ĥ": 114918, + "äºĴèģĶäºĴéĢļ": 114919, + "èĸĦèĨľ": 114920, + "éĩįé»ŀ": 114921, + "ç¦ģæ¯Ĵ": 114922, + "åĨ·ç¬ij": 114923, + "大家åı¯ä»¥": 114924, + "é¦ĸ缸": 114925, + "è¿ijè·Ŀ离": 114926, + "æµ®çݰ": 114927, + "ç§ĺè¯Ģ": 114928, + "èµ·é£ŀ": 114929, + "æIJ¶": 114930, + "羣åģĩ": 114931, + "æģķ": 114932, + "å°ıåºĹ": 114933, + "æ°ijçľ¾": 114934, + "åıijå¸ĥåħ¬åijĬ": 114935, + "ä¾§éĩį": 114936, + "å¾ĺå¾Ĭ": 114937, + "æĢĶ": 114938, + "æªIJ": 114939, + "æķ°çĽ®": 114940, + "åī¯ç§ĺ书éķ¿": 114941, + "两åı¥": 114942, + "éļIJçŀĴ": 114943, + "åıĮåıĮ": 114944, + "æīĭæĦŁ": 114945, + "èij¡äº¬": 114946, + "éģĹå¿ĺ": 114947, + "鬥": 114948, + "è¿Ļä¸ªåľ°æĸ¹": 114949, + "说çļĦè¯Ŀ": 114950, + "å·¡åĽŀ": 114951, + "è¿Ŀ竳": 114952, + "æī¾å·¥ä½ľ": 114953, + "æĶ¯çIJĥéĺŁ": 114954, + "裡éĿ¢": 114955, + "æĺ¾ç¤ºåĩº": 114956, + "èĩ³å°Ĭ": 114957, + "两级": 114958, + "åīįæ®µæĹ¶éĹ´": 114959, + "çĺ¦èº«": 114960, + "èĤ¢ä½ĵ": 114961, + "æ¯į親": 114962, + "æīĭç»Ńè´¹": 114963, + "汽车è¡Įä¸ļ": 114964, + "æİ©çĽĸ": 114965, + "æİ§èĤ¡éĽĨåĽ¢": 114966, + "åı£å¾Ħ": 114967, + "æĶ¿çŃĸæİªæĸ½": 114968, + "海绵": 114969, + "åħ¨éķĩ": 114970, + "äºĭåħ³": 114971, + "å¸Ńæī§è¡Į": 114972, + "å¸Ńæī§è¡Įå®ĺ": 114973, + "éĤ£æ¬¡": 114974, + "åı¯èĥ½åĩºçݰ": 114975, + "ä¸Ńå¿ĥåŁİå¸Ĥ": 114976, + "翻身": 114977, + "ä¹Łç®Ĺ": 114978, + "ä¾µçķ¥": 114979, + "åĸĩåıŃ": 114980, + "æ¯ı次éĥ½": 114981, + "è§ħ": 114982, + "éĻ¢éĻ¢éķ¿": 114983, + "å§ĭäºİ": 114984, + "èѦåĬ¡": 114985, + "è᝿ĿIJ": 114986, + "å±łæĿĢ": 114987, + "æľ¬èº«å°±": 114988, + "éļıæĹ¶éļı": 114989, + "éļıæĹ¶éļıåľ°": 114990, + "åĶ®åįĸ": 114991, + "æĹłäººé©¾é©¶": 114992, + "é¢ħ": 114993, + "åĵģ質": 114994, + "åĺ²ç¬ij": 114995, + "è·ijåİ»": 114996, + "åħĭéĩĮæĸ¯": 114997, + "çķ¸å½¢": 114998, + "修饰": 114999, + "磩éĺµ": 115000, + "éŁ³ä¹IJä¼ļ": 115001, + "æŁ³å·ŀ": 115002, + "齡": 115003, + "ä¼ļè°Ī": 115004, + "æŃ£çīĪ": 115005, + "ä¹ŁåIJĮæł·": 115006, + "æļ§æĺ§": 115007, + "è¡ĮæĶ¿éĥ¨éŨ": 115008, + "ä¹ĸä¹ĸ": 115009, + "èĤ¤èī²": 115010, + "æĹ¶ä»»": 115011, + "羣åĪĩ": 115012, + "æľĪä¸ĭ": 115013, + "æľĪä¸ĭæĹ¬": 115014, + "举æĸ¹è´¢å¯Į": 115015, + "è£ħä¿®åħ¬åı¸": 115016, + "éĢĢè¿ĺ": 115017, + "åĭĺå¯Ł": 115018, + "åĵ¥ä¼¦": 115019, + "åĵ¥ä¼¦æ¯Ķäºļ": 115020, + "çĭ¬ä¸Ģ": 115021, + "çĭ¬ä¸ĢæĹł": 115022, + "çĭ¬ä¸ĢæĹłäºĮ": 115023, + "è°ĥåij³": 115024, + "åİĭè¿«": 115025, + "åħ¨çIJĥæľĢ大": 115026, + "åł¡éķ¿": 115027, + "æĽ´ä½İ": 115028, + "åĪĨéĴŁåIJİ": 115029, + "åĽŀä¾Ĩ": 115030, + "åζåīĤ": 115031, + "åijĬè¯ī大家": 115032, + "çĤ¹éĴŁ": 115033, + "åįģä¸īå±Ĭ": 115034, + "åij¨åĽĽ": 115035, + "è¿Ļæł·ä¸Ģ": 115036, + "è¿Ļæł·ä¸ĢæĿ¥": 115037, + "èĭŁ": 115038, + "æľĽåİ»": 115039, + "æĪIJè¯Ń": 115040, + "å½ĵåį³": 115041, + "ç¬ij声": 115042, + "ä¹ĭåĬ¿": 115043, + "åĪijäºĭæ¡Īä»¶": 115044, + "æĮĤçĿĢ": 115045, + "ä½ķç§į": 115046, + "å°ı游æĪı": 115047, + "åĽ½å®¶æĪĺçķ¥": 115048, + "åĨ·åĨ·": 115049, + "å®ľå®¾": 115050, + "æIJºç¨ĭ": 115051, + "è¶ĭäºİ": 115052, + "åıįçľģ": 115053, + "常说": 115054, + "ä¸ĩæĪ·": 115055, + "åĥµå°¸": 115056, + "åįĥä¸ĩåĪ«": 115057, + "åıijçݰéĹ®é¢ĺ": 115058, + "åı¯çŁ¥": 115059, + "éŨæĪ·ç½ijç«Ļ": 115060, + "åģ¥åº·äº§ä¸ļ": 115061, + "åı³è¾¹": 115062, + "æµ·è¿IJ": 115063, + "è¿ijä¹İ": 115064, + "åĮ»æ²»": 115065, + "æĢ»ç®Ĺ": 115066, + "ä¸ĢåĪĨéĴŁ": 115067, + "æĭ§": 115068, + "ä¹Łæľīä¸ĢäºĽ": 115069, + "ä¾Ľç͵åħ¬åı¸": 115070, + "å»īä»·": 115071, + "帮ä»ĸ": 115072, + "æŃ¤æ¬¡æ´»åĬ¨": 115073, + "åıªèĥ½è¯´": 115074, + "èĬĭ": 115075, + "çīĩ段": 115076, + "åŃĺåľ¨éĹ®é¢ĺ": 115077, + "ä½łä¼ļåıijçݰ": 115078, + "è½®å»ĵ": 115079, + "ç½ijéĢļ": 115080, + "æ»¨æ±Ł": 115081, + "æİĪä¿¡": 115082, + "é»İæĺİ": 115083, + "ä¸įå±ŀäºİ": 115084, + "约åįł": 115085, + "éķ¿æ²Ļå¸Ĥ": 115086, + "èĥļèĥİ": 115087, + "åħĥä»¶": 115088, + "éĻĨåĨĽ": 115089, + "購買": 115090, + "æĮĩæľĽ": 115091, + "å®ŀä¹łçĶŁ": 115092, + "çī¹çĤ¹æĺ¯": 115093, + "çıłæ±Ł": 115094, + "çľĭä¸įåĩº": 115095, + "ä¸įè§ģäºĨ": 115096, + "ç¼ī": 115097, + "éĺµèIJ¥": 115098, + "åĶIJæľĿ": 115099, + "没å¿ħè¦ģ": 115100, + "åĽ½åľŁèµĦæºIJ": 115101, + "ç»ıæµİåѦ家": 115102, + "åIJĪèĤ¥å¸Ĥ": 115103, + "çIJ¢ç£¨": 115104, + "ç¡®åĪĩ": 115105, + "åŁİå¸Ĥåıijå±ķ": 115106, + "çŃ·åŃIJ": 115107, + "人æ°ijæľįåĬ¡": 115108, + "满åĪĨ": 115109, + "è¿·ä¿¡": 115110, + "ä½ľèĢħæľ¬äºº": 115111, + "æĸĩ竳æĿ¥æºIJ": 115112, + "ç«Ļç«ĭ": 115113, + "æŀĦæĪIJäºĨ": 115114, + "è¾Ľåĭ¤": 115115, + "è¶ħ强": 115116, + "éĶļ": 115117, + "åīįä¸īåŃ£åº¦": 115118, + "å°±è§īå¾Ĺ": 115119, + "å´ĩé«ĺ": 115120, + "è¶Ĭä¾Ĩ": 115121, + "è¶Ĭä¾Ĩè¶Ĭ": 115122, + "å¸ĤåľºèIJ¥éĶĢ": 115123, + "综åIJĪç´łè´¨": 115124, + "åŃļ": 115125, + "侮辱": 115126, + "äºĮåŃĹ": 115127, + "å·¥ä½ľä»»åĬ¡": 115128, + "åı²ä¸ĬæľĢ": 115129, + "æľĢä¼ĺ": 115130, + "åIJ©åĴIJ": 115131, + "表çϽ": 115132, + "èİ«åIJį": 115133, + "èİ«åIJįåħ¶": 115134, + "èİ«åIJįåħ¶å¦Ļ": 115135, + "å¹£": 115136, + "åIJĮå¿Ĺ们": 115137, + "建设çĶ¨åľ°": 115138, + "åĦĢ": 115139, + "éħįåģ¶": 115140, + "弩": 115141, + "åͱçīĩ": 115142, + "æīĭèĦļ": 115143, + "åħ¼ä»»": 115144, + "åģľæĶ¾": 115145, + "æŃ£å®Ĺ": 115146, + "æĸ°åĨľæĿij": 115147, + "åĤ¬çĶŁ": 115148, + "æīĢåŃ¦æł¡": 115149, + "å¿µä½Ľ": 115150, + "åͤéĨĴ": 115151, + "åħ±åĪĽ": 115152, + "æĭīä¸ģ": 115153, + "èĥĮçĿĢ": 115154, + "çĶŁæĢģä¿ĿæĬ¤": 115155, + "åı£å¤´": 115156, + "æĸ¹åIJijçĽĺ": 115157, + "調æķ´": 115158, + "æĭĽèģĺä¿¡æģ¯": 115159, + "åħ¶ä»ĸåĽ½å®¶": 115160, + "ç®Ģæĺĵ": 115161, + "åĮ¿åIJį": 115162, + "è¯Ħæµĭ": 115163, + "æĺ¯ä¸Ģ座": 115164, + "çīĭ": 115165, + "足迹": 115166, + "çIJĨè§£åĴĮ": 115167, + "æľĢåıĹ": 115168, + "å¿ĥè·³": 115169, + "çĪ¶è¦ª": 115170, + "éĿŀ常åĸľæ¬¢": 115171, + "èĭ¦éļ¾": 115172, + "æĬĢå¸Ī": 115173, + "æ°ijæĦı": 115174, + "æĪĺåĽ½": 115175, + "æĽ¿è¡¥": 115176, + "津贴": 115177, + "ä¸ŃåĽ½ä¼łç»Ł": 115178, + "åIJĦè¡Į": 115179, + "åIJĦè¡ĮåIJĦ": 115180, + "åIJĦè¡ĮåIJĦä¸ļ": 115181, + "第äºĶå±Ĭ": 115182, + "èį·èĬ±": 115183, + "æĦıèŃĺ": 115184, + "票价": 115185, + "åĪĨæµģ": 115186, + "æĿİçϽ": 115187, + "æ±ŁåĮĹ": 115188, + "æİĴæĸ¥": 115189, + "ä½ĵéĩı": 115190, + "åĮħåIJ«äºĨ": 115191, + "åĪĺæŁIJ": 115192, + "çݰå¦Ĥä»Ĭ": 115193, + "å·¥èīºåĵģ": 115194, + "è¿Ļç§įæĸ¹æ³ķ": 115195, + "åĬŀåħ¬æ¥¼": 115196, + "ç͵工": 115197, + "çħĻ": 115198, + "åį¡çīĩ": 115199, + "å¹´å¹´åºķ": 115200, + "ä¸ĵ项èµĦéĩij": 115201, + "åĮ»ç§ij": 115202, + "åĮ»ç§ij大åѦ": 115203, + "åĽŀ头çľĭ": 115204, + "ä¸įå±ij": 115205, + "èĩªé©¾": 115206, + "没æĶ¶": 115207, + "æīĵçĮİ": 115208, + "èĦ¸éĥ¨": 115209, + "åıĥèĢĥ": 115210, + "å°Ĩ士": 115211, + "è´«åĽ°äººåı£": 115212, + "çIJĨæĥ³ä¿¡å¿µ": 115213, + "é£İå°ļ": 115214, + "人æīįéĺŁä¼į": 115215, + "çij¾": 115216, + "æĿ¥è¿ĻéĩĮ": 115217, + "æ´Ĺ涤": 115218, + "å¹´èĸª": 115219, + "èĭįçϽ": 115220, + "ä¸ĩäºĭ": 115221, + "è¯¾æľ¬": 115222, + "åºĵéĩĮ": 115223, + "ç´¾": 115224, + "ç´¾åijĺ": 115225, + "èµŀç¾İ": 115226, + "ç©¿æĪ´": 115227, + "è£½ä½ľ": 115228, + "èµŀæĪIJ": 115229, + "ä¸Ģä¾§": 115230, + "å½ĵåľ°äºº": 115231, + "æĭİ": 115232, + "纸质": 115233, + "ä½Ļ个": 115234, + "éĶĤçĶµæ±ł": 115235, + "æľºåŀĭ": 115236, + "éĻ¢éϢ士": 115237, + "åģļå·¥": 115238, + "å¼łè´´": 115239, + "ç¥Ľæĸij": 115240, + "æ®ĸæ°ij": 115241, + "å¥ij约": 115242, + "æ¹ĺæ½Ń": 115243, + "æIJĸ": 115244, + "åŃĺè´§": 115245, + "交éĢļ大åѦ": 115246, + "è¶ģçĿĢ": 115247, + "æĸĩçī©ä¿ĿæĬ¤": 115248, + "å¤ĩæĪĺ": 115249, + "éĩĩ纳": 115250, + "åįĬæľĪ": 115251, + "æľĢåħ³éĶ®": 115252, + "æľĢåħ³éĶ®çļĦ": 115253, + "æİ¥éĢģ": 115254, + "æĶ¶åī²": 115255, + "åıįåĢĴ": 115256, + "çĥĽ": 115257, + "æ½Ķ": 115258, + "ä¼Łå¤§å¤įåħ´": 115259, + "çļĦè¯Ŀè¯Ń": 115260, + "容å¿į": 115261, + "å®ļéĩı": 115262, + "æķĹ": 115263, + "åĵģçīĮ形象": 115264, + "æīŃ转": 115265, + "åĽ½å®¶éĩįçĤ¹": 115266, + "èĨĿçĽĸ": 115267, + "ä¸Ģ楼": 115268, + "大éϏ": 115269, + "éĤªæģ¶": 115270, + "åĽŀåij³": 115271, + "çĮ¿": 115272, + "çĿ¡åīį": 115273, + "æĹłè¾ľ": 115274, + "çĹħæ¯ĴæĦŁæŁĵ": 115275, + "æľºæ¢°åĮĸ": 115276, + "çĤ¹äº®": 115277, + "溶解": 115278, + "åĩłä¹İæīĢæľī": 115279, + "è·ijéģĵ": 115280, + "ç͵è§Ĩæľº": 115281, + "åı¨": 115282, + "æijĩäºĨ": 115283, + "æijĩäºĨæijĩ头": 115284, + "èĩªè´Ł": 115285, + "综åIJĪåĪ©ç͍": 115286, + "èĩªå¦Ĥ": 115287, + "åİŁä¾Ĩ": 115288, + "ä¹Łä¸įæĥ³": 115289, + "èĬĤ课": 115290, + "è¿ĩåī©": 115291, + "çͲçĬ¶": 115292, + "çͲçĬ¶èħº": 115293, + "æĸ°ä¸ĸ纪": 115294, + "èĩªä¸»åĵģçīĮ": 115295, + "é«ĺå±Ĥ次": 115296, + "ä¸Ģè§Ĵ": 115297, + "è¡Įäºĭ": 115298, + "ç¥ĸåħĪ": 115299, + "å©ļåIJİ": 115300, + "éĹ´éļĻ": 115301, + "ç¼ĿéļĻ": 115302, + "è¿ĻæĶ¯": 115303, + "ä¸įæĸŃåĪĽæĸ°": 115304, + "å¾®åŀĭ": 115305, + "æĽĻåħī": 115306, + "享ç͍": 115307, + "ä¸ŃåĽ½ç§»åĬ¨": 115308, + "éĹŃçݯ": 115309, + "æī§æĦı": 115310, + "åıijå±ķæł¼å±Ģ": 115311, + "æł¸å¿ĥåĮº": 115312, + "éªļæī°": 115313, + "åħļåĴĮåĽ½å®¶": 115314, + "ä¸ŃåĽ½æĶ¿åºľ": 115315, + "帶èijĹ": 115316, + "ä¸ĩåįĥçĵ¦": 115317, + "åħ©äºº": 115318, + "äºİæĺ¯æĪij": 115319, + "åĽºä½ĵ": 115320, + "çªģå¦Ĥ": 115321, + "çªģå¦Ĥåħ¶": 115322, + "çªģå¦Ĥåħ¶æĿ¥": 115323, + "éĩĮç¨ĭç¢ij": 115324, + "çαç¾İ": 115325, + "æŁ¥éªĮ": 115326, + "åıĮèµ¢": 115327, + "éĹªåħī": 115328, + "楼å®ĩ": 115329, + "æĻı": 115330, + "æľīè¶³å¤ŁçļĦ": 115331, + "æŁĶæĢ§": 115332, + "ä¿¡æģ¯å®īåħ¨": 115333, + "管线": 115334, + "å¹¶ä¸įä¼ļ": 115335, + "åύ件": 115336, + "ä½łåºĶ该": 115337, + "çĿĢå®ŀ": 115338, + "æĺİæ¸ħ": 115339, + "æĬĹçĶŁç´ł": 115340, + "æīĵæŃ»": 115341, + "å®Įåħ¨ä¸įåIJĮ": 115342, + "èĬ±æ¤Ĵ": 115343, + "æĶ¾å®½": 115344, + "ä½İ端": 115345, + "åĽĽèĤ¢": 115346, + "åĮĹäº¬èµĽè½¦": 115347, + "éĽĨå¸Ĥ": 115348, + "æľªå©ļ": 115349, + "大å¹ħæıIJåįĩ": 115350, + "建çŃij设计": 115351, + "çĭ¬æľīçļĦ": 115352, + "æİ¢éĻ©": 115353, + "æ²³æµģåŁŁ": 115354, + "æħķ容": 115355, + "被çĽĹ": 115356, + "åĵºä¹³": 115357, + "èıģ": 115358, + "æĥ¬æĦı": 115359, + "è¶ĬæĿ¥è¶Ĭ好": 115360, + "广大群ä¼Ĺ": 115361, + "å¾·èĤ²": 115362, + "å¸Ĥåľºä»·æł¼": 115363, + "奥巴": 115364, + "奥巴马": 115365, + "èĬĤ缮ä¸Ń": 115366, + "两款": 115367, + "ä¸ĩä½Ļåħĥ": 115368, + "ç»´å°Ķ": 115369, + "çĶŁçī©ç§ijæĬĢ": 115370, + "åIJ¬èµ·æĿ¥": 115371, + "çłļ": 115372, + "æĭŁå®ļ": 115373, + "æ²¹çͰ": 115374, + "声èªī": 115375, + "建çŃijä¸ļ": 115376, + "éĻIJè´Ń": 115377, + "çīĩåŃIJ": 115378, + "çķľç¦½": 115379, + "ç½ijé¦ĸ页": 115380, + "ä¼Ĺçѹ": 115381, + "æĴŀåĩ»": 115382, + "åīįä¸įä¹ħ": 115383, + "åīįä¸ĸ": 115384, + "åĽĽä¸ªæĦıè¯Ĩ": 115385, + "æµĭç»ĺ": 115386, + "éĺ²ç©º": 115387, + "漫éķ¿çļĦ": 115388, + "æ²IJæµ´": 115389, + "æ¯Ķè¾ĥç®Ģåįķ": 115390, + "æµĭå®ļ": 115391, + "åĽŀè°ĥ": 115392, + "让人们": 115393, + "èĴĭä»ĭ": 115394, + "èĴĭä»ĭçŁ³": 115395, + "ç»ĵæĻ¶": 115396, + "å¢ŀæ·»äºĨ": 115397, + "æĿ¡è¯Ħ论": 115398, + "åī¯ä¼ļéķ¿": 115399, + "ä½ıæīĢ": 115400, + "ç»ĻåĩºäºĨ": 115401, + "è°ĥéħį": 115402, + "æ²ĸ": 115403, + "æľīç͍": 115404, + "æľīç͍çļĦ": 115405, + "ä¸ĢæĿ¡é¾Ļ": 115406, + "éĩİå¤ĸ": 115407, + "ç¼ĺåĪĨ": 115408, + "æ°¸è¿ľä¸įä¼ļ": 115409, + "æŀľæłij": 115410, + "大åıijå¿«ä¸ī": 115411, + "麻éĨī": 115412, + "äºijéĽĨ": 115413, + "åİ»åĵªéĩĮ": 115414, + "åħ¥å¸Ĥ": 115415, + "ä»»æĢ§": 115416, + "建档": 115417, + "建档ç«ĭ": 115418, + "建档ç«ĭåį¡": 115419, + "ä¸Ģ棵": 115420, + "社åįĢ": 115421, + "çĽ¸ä¼´": 115422, + "åļ·": 115423, + "å¡«åħħ": 115424, + "ä¸ĢæĹı": 115425, + "ç¾ģ": 115426, + "åıĸè¯ģ": 115427, + "èΰéĺŁ": 115428, + "åİĤåĮº": 115429, + "è¡·å¿ĥ": 115430, + "åıijå±ķéĺ¶æ®µ": 115431, + "é«ĺ强度": 115432, + "åĹĵåŃIJ": 115433, + "é¢Ĩè¡Ķ": 115434, + "楼主": 115435, + "大èĴľ": 115436, + "æŀķ头": 115437, + "粮油": 115438, + "é»Ħçĵľ": 115439, + "æĵĴ": 115440, + "å°ıçĭĹ": 115441, + "æĶ¹éĿ©å§Ķ": 115442, + "åįģåĪĨéĴŁ": 115443, + "é²ľèī³": 115444, + "åħ³ç¾½": 115445, + "çĭĢæħĭ": 115446, + "å®ŀç͍æĢ§": 115447, + "å°ijè§ģ": 115448, + "é£ŀæī¬": 115449, + "çͰéĩİ": 115450, + "æIJĤ": 115451, + "è¿Ļ个è¯į": 115452, + "åºĶæĢ¥é¢Ħæ¡Ī": 115453, + "è§Ĵ度æĿ¥çľĭ": 115454, + "æķ¬çķı": 115455, + "æ³ķå®Ŀ": 115456, + "åĸĦæĦı": 115457, + "æīĵæĸŃ": 115458, + "对åĨ³": 115459, + "çµķå°į": 115460, + "åĢŁæŃ¤": 115461, + "å¼ĢæºIJ": 115462, + "å°ı說": 115463, + "祺": 115464, + "å²ģ以ä¸ĭ": 115465, + "éĢĢå½¹åĨĽäºº": 115466, + "ä¸įä¹ħåīį": 115467, + "åĩºåİĤ": 115468, + "讽åĪº": 115469, + "æĿ¥çľĭçľĭåIJ§": 115470, + "éŃĶåħ½": 115471, + "çķĻä¸ĭæĿ¥": 115472, + "å±ħ室": 115473, + "åłħæĮģ": 115474, + "çľĭäºĨä¸Ģ": 115475, + "çľĭäºĨä¸Ģçľ¼": 115476, + "éĽĨåĽ¢æĹĹä¸ĭ": 115477, + "æĪĺæĪĺç»ĦåIJĪ": 115478, + "è®¤çľŁèIJ½å®ŀ": 115479, + "汽车产ä¸ļ": 115480, + "çī©çIJĨåѦ": 115481, + "æķµ": 115482, + "éĴĿ": 115483, + "åĽ¢éķ¿": 115484, + "ä¸įæĸŃæī©å¤§": 115485, + "èĤ©è´Ł": 115486, + "åıijå±ķ缮æłĩ": 115487, + "è³ĩéĩij": 115488, + "åīįç½®": 115489, + "ä¸ŃåĽ½åı¤ä»£": 115490, + "æŃ»åĪij": 115491, + "åħħåĪĨä½ĵçݰ": 115492, + "åħ³éŨ": 115493, + "ç¾İæĦŁ": 115494, + "æīĵåħ¥": 115495, + "æĬijéĥģçĹĩ": 115496, + "å°ijçĪ·": 115497, + "æłijæŀĿ": 115498, + "æ¶Īæģ¯ç§°": 115499, + "æ´Ľåħĭ": 115500, + "åį¯": 115501, + "è¿ĪåIJij": 115502, + "æİ¨åĭķ": 115503, + "ä»İä¸ļèĢħ": 115504, + "åݻ买": 115505, + "欢快": 115506, + "æĭ¥æĮ¤": 115507, + "马桶": 115508, + "æĬĬæİ§": 115509, + "æĶ¿åħļ": 115510, + "å¼łæī¬": 115511, + "客æłĪ": 115512, + "红æĺŁ": 115513, + "éĢģæĿ¥": 115514, + "åħ¨åŁŁæĹħ游": 115515, + "èĩªç§ģ": 115516, + "åįģäºĮæĿ¡": 115517, + "åı¹æģ¯": 115518, + "ä¸Ģèīĺ": 115519, + "ä¿Ŀè´¹": 115520, + "æĸ½å·¥çİ°åľº": 115521, + "æľī幸": 115522, + "ç»ŃèĪª": 115523, + "åı¯èĥ½æľĥ": 115524, + "èĥĮåıĽ": 115525, + "ä½£éĩij": 115526, + "ä¸īçŃīå¥ĸ": 115527, + "å¾Ī满æĦı": 115528, + "游æĪıåľ¬": 115529, + "群éĩĮ": 115530, + "æŀĦä»¶": 115531, + "åºıå¹ķ": 115532, + "太æ¹ĸ": 115533, + "æľ¨è´¨": 115534, + "æĻĭæ±Ł": 115535, + "çµĤæĸ¼": 115536, + "è·³è·ĥ": 115537, + "åĢºæĿĥ人": 115538, + "çŃī诸å¤ļ": 115539, + "æĶ¾åĩº": 115540, + "åħ³éĶ®æĹ¶åĪ»": 115541, + "æĦŁæŁĵèĢħ": 115542, + "é£ŀè¡Įåijĺ": 115543, + "èĥĨåĽº": 115544, + "èĥĨåĽºéĨĩ": 115545, + "æĬ±æŃī": 115546, + "åij¨äºĮ": 115547, + "æĸ°æĹ¶æľŁ": 115548, + "åĨ·éĵ¾çµģ": 115549, + "è¿Ļç§įæĸ¹å¼ı": 115550, + "该æĿij": 115551, + "åĽŀé¦Ī": 115552, + "åŁºçĿ£æķĻ": 115553, + "人åıĤ": 115554, + "æŀ¯çĩ¥": 115555, + "æī¹åıijå¸Ĥåľº": 115556, + "åħħåĪĨèĤ¯å®ļ": 115557, + "å¸ĤæĶ¿åįı": 115558, + "äºĭæ¥Ń": 115559, + "龸çİĭ": 115560, + "çĥŃæIJľ": 115561, + "åįģä¹Ŀ大": 115562, + "ä¼´æľī": 115563, + "ç¾İåĽ½æĢ»ç»Ł": 115564, + "åŁİå¸Ĥ管çIJĨ": 115565, + "ä¸ĭ令": 115566, + "èĥ¸åı£": 115567, + "åıªçŁ¥éģĵ": 115568, + "åij¨ä¸ī": 115569, + "ç͍æĪ¶": 115570, + "éѝ": 115571, + "å¿ĥè¡Ģ": 115572, + "带头人": 115573, + "åĮ»åĬ¡": 115574, + "åĮ»åĬ¡äººåijĺ": 115575, + "æİ§åζåύ": 115576, + "ä½ľåĵģåĨħ容": 115577, + "æĪĺåıĭ": 115578, + "åİĨå¹´": 115579, + "ä¸įåħĭ": 115580, + "ä¸įåħĭä¸įåıĬ": 115581, + "æĹ¥æŃ£å¼ı": 115582, + "è±IJå¯Į": 115583, + "ç¨İè´¹": 115584, + "æĹ¶æķĪ": 115585, + "å±ķä½į": 115586, + "è¡¡éĺ³": 115587, + "æĪ¿è²¸": 115588, + "çĪĨ款": 115589, + "ä¹IJæĦı": 115590, + "çͷ䏻": 115591, + "寬": 115592, + "æľĥèѰ": 115593, + "ä¹ĭå¤ľ": 115594, + "åIJĮ樣": 115595, + "ä¸įè¦ģ太": 115596, + "ä¼Ĭæĸ¯": 115597, + "ä¼Ĭæĸ¯åħ°": 115598, + "åŁºæľ¬åİŁåĪĻ": 115599, + "åİ»æİī": 115600, + "ä½İä¿Ŀ": 115601, + "个交æĺĵ": 115602, + "个交æĺĵæĹ¥": 115603, + "èģĬèģĬ": 115604, + "åĽĽä½į": 115605, + "åħļç»ĦæĪIJåijĺ": 115606, + "主è¦ģä»İäºĭ": 115607, + "å½±éŁ³": 115608, + "åĨĴåĩº": 115609, + "åij¼åIJ¸éģĵ": 115610, + "è¾¾å°Ķ": 115611, + "æľ¨åľ°æĿ¿": 115612, + "诡å¼Ĥ": 115613, + "çģ¯åħ·": 115614, + "çģ«çĥ§": 115615, + "è§£èĦ±": 115616, + "æĦĪåıij": 115617, + "æ¹ĸå·ŀ": 115618, + "é£İä¿Ĺ": 115619, + "æĸ°å½¢åĬ¿": 115620, + "æĸ°å½¢åĬ¿ä¸ĭ": 115621, + "è²Ŀ": 115622, + "èĦĵ": 115623, + "åĬ¨åĬĽçĶµæ±ł": 115624, + "é£ŀèι": 115625, + "飧æĢ§": 115626, + "åĪ©çī©": 115627, + "åĪ©çµ¦": 115628, + "ä¸į认è¯Ĩ": 115629, + "ç¼ĸç»ĩ": 115630, + "ä½ľåĿĬ": 115631, + "èģĮä¸ļæĬĢèĥ½": 115632, + "çľĭè¦ĭ": 115633, + "åĽ´æ£ĭ": 115634, + "æĺıè¿·": 115635, + "å½Ĵå±ŀäºİ": 115636, + "æĤ¬å´ĸ": 115637, + "éĨ«çĻĤ": 115638, + "å®ĭ代": 115639, + "åºĦæĿij": 115640, + "èĹķ": 115641, + "çĮĽçĦ¶": 115642, + "çĩĥæĸĻçĶµæ±ł": 115643, + "å®ŀä½ĵåºĹ": 115644, + "ä¸į足以": 115645, + "æĥħç·": 115646, + "æĥħç·Ĵ": 115647, + "å»ĬåĿĬ": 115648, + "ç͵åı°": 115649, + "åºĶåĬĽ": 115650, + "ä¸Ńå°ıåѦçĶŁ": 115651, + "èĥ¡åIJĮ": 115652, + "éī´åĪ«": 115653, + "åĨħç½®": 115654, + "乱象": 115655, + "æ¬ĬçĽĬ": 115656, + "å¼ĢæĶ¾å¼ı": 115657, + "åįļæĸĩ": 115658, + "讲课": 115659, + "çŃīåİŁåĽł": 115660, + "穷人": 115661, + "äº¤æĽ¿": 115662, + "æĬ¤çħ§": 115663, + "åıijå±ķæľºéģĩ": 115664, + "客åķĨ": 115665, + "åıįä¹ĭ": 115666, + "ç±³é¥Ń": 115667, + "å¹¶åıij": 115668, + "å¹¶åıijçĹĩ": 115669, + "æ±īåŃIJ": 115670, + "æŀľåĽŃ": 115671, + "对æĪijæĿ¥è¯´": 115672, + "åģıåIJij": 115673, + "æī¹ç¤º": 115674, + "读åIJİ": 115675, + "读åIJİæĦŁ": 115676, + "æĺİæĻº": 115677, + "åĽ´çĿĢ": 115678, + "åıį转": 115679, + "æĿ¨å¹Ĥ": 115680, + "ä¸ĵåįĸ": 115681, + "ä¸ĵåįĸåºĹ": 115682, + "åıĹéĻIJ": 115683, + "åºŁè¯Ŀ": 115684, + "æŀģå°ij": 115685, + "åįĪåIJİ": 115686, + "è¿Ľä¿®": 115687, + "åīĬåĩı": 115688, + "æľ¬ç§ijçĶŁ": 115689, + "ä¼ĺéĢī": 115690, + "åħīçħ§": 115691, + "åıĻäºĭ": 115692, + "åıĸæļĸ": 115693, + "åĮĹè·¯": 115694, + "æ¦ķ": 115695, + "èİĨçͰ": 115696, + "楼å±Ĥ": 115697, + "天èĬ±": 115698, + "天èĬ±æĿ¿": 115699, + "çĤľ": 115700, + "å·²ç»ıæľīäºĨ": 115701, + "è¶¾": 115702, + "çͳåįļ": 115703, + "ç͵éĺ»": 115704, + "åĬŁè¯¾": 115705, + "æŃ¥æŃ¥": 115706, + "éĤ£ä¹Ī容æĺĵ": 115707, + "æŃ¤æĸĩ": 115708, + "ä½°": 115709, + "计è¾ĥ": 115710, + "çīĩéĿ¢": 115711, + "ç͵影éĻ¢": 115712, + "ä¸įåħ¬å¹³": 115713, + "ä¸īæľŁ": 115714, + "æĹħ游èµĦæºIJ": 115715, + "å¤ļç§įå½¢å¼ı": 115716, + "è£Ĥç¼Ŀ": 115717, + "åIJİæİĴ": 115718, + "硬度": 115719, + "åĽŀæļĸ": 115720, + "éģĵæķĻ": 115721, + "è´«è¡Ģ": 115722, + "æ¸ħé¦Ļ": 115723, + "伤çĹħ": 115724, + "æĦı義": 115725, + "çļĦç¼ĺ": 115726, + "çļĦç¼ĺæķħ": 115727, + "åºĦ严": 115728, + "åıªæĺ¯ä¸ºäºĨ": 115729, + "æīĵæĬĺ": 115730, + "以ä¾Ĩ": 115731, + "滿足": 115732, + "çİĽä¸½": 115733, + "風éļª": 115734, + "æĸĩç§ij": 115735, + "éħįå¤ĩäºĨ": 115736, + "è¿Ľé£Ł": 115737, + "æ¶¡": 115738, + "è·¯ç¨ĭ": 115739, + "åı«å£°": 115740, + "ä¸Ńå¿ĥåŁİåĮº": 115741, + "æľīæīĢä¸įåIJĮ": 115742, + "張貼": 115743, + "é¢ĦæĬ¥": 115744, + "æľīå¤ļä¹Ī": 115745, + "è¿Ľè¡Įåħ¨éĿ¢": 115746, + "æĽ¾ç¶ĵ": 115747, + "ä¸ī代": 115748, + "å®ı大": 115749, + "æ¸ħæī«": 115750, + "éĢīåĩº": 115751, + "åĵªä¸Ģ个": 115752, + "主義": 115753, + "ä¾Ŀæĵļ": 115754, + "çļ®éĿ©": 115755, + "èµ¶æĿ¥": 115756, + "çŃĽæŁ¥": 115757, + "æ¨Ł": 115758, + "ä¿ĿèįIJ": 115759, + "åIJĥæĥĬ": 115760, + "æľĭåıĭ们对": 115761, + "ä»ĸæĺ¯ä¸Ģ个": 115762, + "åºŁæ°Ķ": 115763, + "æ»ħ": 115764, + "è´¢ç¨İ": 115765, + "æĿijæĿijæ°ij": 115766, + "èµĦäº§è´ŁåĢº": 115767, + "å®īå¨ľ": 115768, + "缮åīįåĽ½åĨħ": 115769, + "æĦŁè§īèĩªå·±": 115770, + "çµIJåIJĪ": 115771, + "éͦæłĩ": 115772, + "éͦæłĩèµĽ": 115773, + "æĽ´æ·±": 115774, + "åŁºæķ°": 115775, + "éħ¿éħĴ": 115776, + "çī¹èī²äº§ä¸ļ": 115777, + "åİĭå®ŀ": 115778, + "ä¾Ŀæ³ķ追究": 115779, + "æ·¡å®ļ": 115780, + "ç®ĢçĽ´å°±æĺ¯": 115781, + "å£ĵåĬĽ": 115782, + "æ°ijå¿ĥ": 115783, + "ä¸įåIJĪéĢĤ": 115784, + "çͱæŃ¤åı¯è§ģ": 115785, + "èµŀèªī": 115786, + "澤": 115787, + "åĩłå¹´åīį": 115788, + "åIJīä»ĸ": 115789, + "çł´æįŁ": 115790, + "è½»è½»åľ°": 115791, + "å²Ľå±¿": 115792, + "æĦıå¢ĥ": 115793, + "ä»Ģä¹Īåı«": 115794, + "åģĩè£ħ": 115795, + "éĢģè´§": 115796, + "å¹ķå¢Ļ": 115797, + "妥åįı": 115798, + "åĽ½æĹĹ": 115799, + "äºĨå¾Īä¹ħ": 115800, + "åĪĨ辨çİĩ": 115801, + "ç´Ķ": 115802, + "éĺ³åĮº": 115803, + "åĩŃçĿĢ": 115804, + "åģľè½¦ä½į": 115805, + "京éĥ½": 115806, + "éĶ£": 115807, + "æĵ¾": 115808, + "è¿ĽéŨ": 115809, + "åĪĺæµ·": 115810, + "åĽĽçº§": 115811, + "女足": 115812, + "è¡ĮæĶ¿å®¡æī¹": 115813, + "éģ¥æİ§": 115814, + "ä¸įéĮ¯": 115815, + "å¾Ĺå¾Ī好": 115816, + "ä¸ºçĽ®çļĦ": 115817, + "ä»įæľª": 115818, + "ç²¾è£ħ": 115819, + "éĢįéģ¥": 115820, + "尽头": 115821, + "çºłç¼ł": 115822, + "éłĺå°İ": 115823, + "æĭħè´Ł": 115824, + "æĪĸèĢħåħ¶ä»ĸ": 115825, + "åıªä¸įè¿ĩæĺ¯": 115826, + "åı®åĺ±": 115827, + "åģĩåĨĴ": 115828, + "æļĸæ°Ķ": 115829, + "çĽIJåŁİ": 115830, + "被è§Ĩ为": 115831, + "诺è´Ŀå°Ķ": 115832, + "ç»ĻäºĨæĪij": 115833, + "è¿ijåįĥ": 115834, + "éĩįåĽŀ": 115835, + "éĨĴäºĨ": 115836, + "çĶµè§£": 115837, + "忽çķ¥äºĨ": 115838, + "èĥĮéĥ¨": 115839, + "æĸĩæĺİåŁİå¸Ĥ": 115840, + "æºħ": 115841, + "è²ĵ": 115842, + "æĬµæĮ¡": 115843, + "åĸľæ¬¢åIJĥ": 115844, + "éĿĻéĿĻåľ°": 115845, + "å¾Īæ·±": 115846, + "åŁºç¡ĢçŁ¥è¯Ĩ": 115847, + "è¿ĩéĶĻ": 115848, + "çIJĨç§ij": 115849, + "交æµģåIJĪä½ľ": 115850, + "èĪĶ": 115851, + "èª¿æŁ¥": 115852, + "æħĪæĤ²": 115853, + "éĴ°": 115854, + "èĩ´ç͵": 115855, + "å®£ä¼łæ´»åĬ¨": 115856, + "åıĺéĩı": 115857, + "çļĦ人æĿ¥è¯´": 115858, + "æĹ¶éļĶ": 115859, + "ä¸įç®¡ä½ł": 115860, + "缸è¿ij": 115861, + "è´µéĩijå±ŀ": 115862, + "ä¹Łä¸įåı¯èĥ½": 115863, + "ç²īæľ«": 115864, + "åįĹçĵľ": 115865, + "çϽ马": 115866, + "åħīæºIJ": 115867, + "éĩijå¥ĸ": 115868, + "çĭ¬è§Ĵ": 115869, + "çĭ¬è§Ĵåħ½": 115870, + "妨ç¢į": 115871, + "ç»ĻåĬĽ": 115872, + "ä½Ĩä»į": 115873, + "å¼łå®¶åı£": 115874, + "èIJ¬åħĥ": 115875, + "渲æŁĵ": 115876, + "éķ¿å¤§äºĨ": 115877, + "è®°èĢħäºĨè§£": 115878, + "æĢĢçĿĢ": 115879, + "è¦ģåѦä¼ļ": 115880, + "游æĪı代": 115881, + "游æĪı代ç»ĥ": 115882, + "äºĮçϾ": 115883, + "æĦıè¯Ĩå½¢æĢģ": 115884, + "çݺ": 115885, + "计åĪĴçĶŁèĤ²": 115886, + "æī¾åĩĨ": 115887, + "åħ°èĬ±": 115888, + "è¿Ļ座åŁİå¸Ĥ": 115889, + "污泥": 115890, + "å®ĺæĸ¹å¾®ä¿¡": 115891, + "å½Ĵå±ŀ": 115892, + "æ°§æ°Ķ": 115893, + "éģİç¨ĭä¸Ń": 115894, + "åį°è±¡æ·±åĪ»": 115895, + "稳妥": 115896, + "çµIJæĿŁ": 115897, + "åŃķæľŁ": 115898, + "çĿĥ": 115899, + "åĿļåĽº": 115900, + "顺åĬ¿": 115901, + "æŀľèͬ": 115902, + "éĨ«å¸«": 115903, + "åİ®": 115904, + "ä¹Łæĺ¯å¦ĤæŃ¤": 115905, + "é¦Ĵ头": 115906, + "缸åĬ©": 115907, + "干线": 115908, + "ä¸Ģæľ¬ä¹¦": 115909, + "绥": 115910, + "æĮ¯å¥ĭ": 115911, + "èĤ¾èĦı": 115912, + "åĭķçī©": 115913, + "é£ŀè·ĥ": 115914, + "èıľåĵģ": 115915, + "å¤ļä½Ļ": 115916, + "å¤ļä½ĻçļĦ": 115917, + "éĢĿä¸ĸ": 115918, + "æģĭ人": 115919, + "å¼ĢåıijåĪ©ç͍": 115920, + "顺丰": 115921, + "éĩİå¿ĥ": 115922, + "æł¡å¤ĸ": 115923, + "æģIJé¾Ļ": 115924, + "éĿ¢åħ·": 115925, + "éķ¿è¾Ī": 115926, + "éļıå¤Ħ": 115927, + "éļıå¤Ħåı¯è§ģ": 115928, + "紧缺": 115929, + "éĩįä¸Ń": 115930, + "éĩįä¸Ńä¹ĭ": 115931, + "éĩįä¸Ńä¹ĭéĩį": 115932, + "奥æĸ¯": 115933, + "奥æĸ¯åį¡": 115934, + "ä¸Ģ个å¤ļ": 115935, + "ä¸Ģ个å¤ļæľĪ": 115936, + "ä¸įåı¯ç¼ºå°ij": 115937, + "æĸ°æł¼å±Ģ": 115938, + "æıIJæĮ¯": 115939, + "è¡Įè´¿": 115940, + "æ¼Ĥæµģ": 115941, + "èģĬåŁİ": 115942, + "åħ´å»º": 115943, + "è´¨æ£Ģ": 115944, + "ç§ģæľį游æĪı": 115945, + "æĽ´éĩįè¦ģ": 115946, + "è´®": 115947, + "çħľ": 115948, + "转åıĺ为": 115949, + "è¿Ļ两年": 115950, + "ä¿Ŀé²ľ": 115951, + "æī§æķĻ": 115952, + "çĥ¨": 115953, + "å¼Ģåıij建设": 115954, + "è¿IJèIJ¥ç®¡çIJĨ": 115955, + "误差": 115956, + "京åī§": 115957, + "å¸IJåı·": 115958, + "å·¥ä½ľä½ľé£İ": 115959, + "ä¸ĸä¿Ĺ": 115960, + "çϽ宫": 115961, + "å¤©åĽ½": 115962, + "å¤©åĽ½ç»§ç»Ń": 115963, + "å·´æĸ¯": 115964, + "èIJ¥åĪ©": 115965, + "åĵģæł¼": 115966, + "æĿijæ°ij们": 115967, + "æĪ¿è½¦": 115968, + "çŃīçĹĩçĬ¶": 115969, + "å¦Ĥå®ŀ": 115970, + "宸": 115971, + "å±Ĥ级": 115972, + "éĶĻè¿ĩäºĨ": 115973, + "ç»ĵå®ŀ": 115974, + "ç¬ijèĦ¸": 115975, + "羣å®ŀæĢ§": 115976, + "éĥ½å¸ĤæĬ¥": 115977, + "é¥Ńèıľ": 115978, + "åºĶ注æĦı": 115979, + "æĬ½çĥŁ": 115980, + "伪éĢł": 115981, + "åīįä¸Ģ天": 115982, + "éŃĶé¾Ļ": 115983, + "éŃĶé¾Ļ令çīĮ": 115984, + "约è°Ī": 115985, + "绣çѹæİ¨è¿Ľ": 115986, + "让ç͍æĪ·": 115987, + "åħ¨éĿ¢èIJ½å®ŀ": 115988, + "å¼Ħå¾Ĺ": 115989, + "è°Īæģĭçα": 115990, + "鸣æĪIJéķ¿": 115991, + "鸣æĪIJéķ¿è®°": 115992, + "æ´ĭæ´ĭ": 115993, + "çĸıæķ£": 115994, + "éĿ¢ç§¯çº¦": 115995, + "æµĵ缩": 115996, + "æĸ¯é¡¿": 115997, + "çĶŁæĢģåľĪ": 115998, + "æī§å¯¼": 115999, + "ç§»éĢģ": 116000, + "齿轮": 116001, + "æł¹æľ¬å°±ä¸į": 116002, + "缩åĩı": 116003, + "èµ°ä¸ĭåİ»": 116004, + "çĿ«æ¯Ľ": 116005, + "ä¹Łä¸įéĶĻ": 116006, + "åıįæĺłåĩº": 116007, + "èĭ¦æģ¼": 116008, + "缸åħ³æĶ¿çŃĸ": 116009, + "é«ĺ楼": 116010, + "ç²īèī²": 116011, + "æĬķèµĦé¢Ŀ": 116012, + "ä¸įç»ı": 116013, + "ä¸įç»ıæĦı": 116014, + "å®ģæĦ¿": 116015, + "èĪĮ头": 116016, + "æ»ĭçĶŁ": 116017, + "å®ģåİ¿": 116018, + "åīįåĪĹèħº": 116019, + "åĩ³": 116020, + "é£Łæ¬²": 116021, + "åıĸèĥľ": 116022, + "éĻ¢åŃIJ": 116023, + "ç´łè´¨æķĻèĤ²": 116024, + "滨å·ŀ": 116025, + "æĬ¢æĬĵ": 116026, + "å¼Ĥåij³": 116027, + "åĴļ": 116028, + "åĬį": 116029, + "宽éĺĶ": 116030, + "æļ´æ¶¨": 116031, + "æĥłåıĬ": 116032, + "è§Ħç¨ĭ": 116033, + "ä¾Ľåħ»": 116034, + "éĢģå¾Ģ": 116035, + "å±±åºĦ": 116036, + "举äºļ": 116037, + "å±ķé¦Ĩ": 116038, + "è§£éĶģ": 116039, + "æĹłè§Ĩ": 116040, + "éĻįèIJ½": 116041, + "è¿ŀäºij": 116042, + "è¿ŀäºij港": 116043, + "åıĤè°ĭ": 116044, + "çİĸ": 116045, + "ç¬ĥ": 116046, + "èĢĹè´¹": 116047, + "æī¿å¾·": 116048, + "社ä¼ļæķĪçĽĬ": 116049, + "åįĹæµ·ç½ij": 116050, + "åĪĽä¼¤": 116051, + "èIJ±": 116052, + "åħħæ²Ľ": 116053, + "ç½ijç«Ļ建设": 116054, + "大åºĨ": 116055, + "åĨįéĢł": 116056, + "åŃĹæł·": 116057, + "åħ¨æ°ijåģ¥èº«": 116058, + "èĮ«èĮ«": 116059, + "æµ®åĬ¨": 116060, + "åīįåı°": 116061, + "å¢ŀ设": 116062, + "éĢĽè¡Ĺ": 116063, + "åĢĴéĹŃ": 116064, + "æ³ķå¾ĭ顾éĹ®": 116065, + "çĸ®": 116066, + "çĹħçĹĩ": 116067, + "空åīį": 116068, + "请æķĻ": 116069, + "èĥľä»»": 116070, + "æĿĢèıĮ": 116071, + "æĪĺæĸĹæľº": 116072, + "ç»ĺåζ": 116073, + "å¤Ħæĸ¹": 116074, + "çªģåĽ´": 116075, + "çĮ«åĴª": 116076, + "æĬ¥åijĬæĺ¾ç¤º": 116077, + "ç¿Ł": 116078, + "çķ¶åľ°": 116079, + "æľĢéļ¾": 116080, + "纪å§Ķ书记": 116081, + "ä½İåİĭ": 116082, + "èĻļ空": 116083, + "è¿Ļéĥ¨ç͵影": 116084, + "产ä¸ļåįĩ级": 116085, + "è°·çα": 116086, + "è°·çαåĩĮ": 116087, + "æĬ¼éĩij": 116088, + "女æĸ¹": 116089, + "éĴ»çłĶ": 116090, + "æļĹæļĹ": 116091, + "è¿·ä½ł": 116092, + "æīĢè¬Ĥ": 116093, + "å¨ģå»ī": 116094, + "å¼ĢæľĹ": 116095, + "å²Ķ": 116096, + "çģ«çĤ¬": 116097, + "åIJĪçIJĨæĢ§": 116098, + "åħ¬åĬŀ": 116099, + "ä¼ļä¼ļéķ¿": 116100, + "éĺ´è°ĭ": 116101, + "å¼Ģå±Ģ": 116102, + "æĻ®éĢļè¯Ŀ": 116103, + "å᡿ĭī": 116104, + "å°ijåIJĥ": 116105, + "éĹªèĢĢ": 116106, + "æŀľæ±ģ": 116107, + "æī§è¡ĮåĬĽ": 116108, + "è°Ľ": 116109, + "æĬ¢åĬ«": 116110, + "é«ĺéĢŁåıijå±ķ": 116111, + "飬": 116112, + "åįĹæ²Ļ": 116113, + "é«ĺçŃīåŃ¦æł¡": 116114, + "æį¢ä¸ª": 116115, + "åı¯èĥ½åŃĺåľ¨": 116116, + "æĬĴ": 116117, + "è°±åĨĻ": 116118, + "被æĬĵ": 116119, + "æĿ¯åŃIJ": 116120, + "èĬĤèĥ½åĩıæİĴ": 116121, + "æ°ĶåĢĻåıĺåĮĸ": 116122, + "åĪĨåĪ¥": 116123, + "ä¸Ńæŀ¢": 116124, + "欢åij¼": 116125, + "åħī纤": 116126, + "è¿Ļ群": 116127, + "çľ¼çķĮ": 116128, + "åħ±åIJĮåıijå±ķ": 116129, + "çݰä»Ĭ": 116130, + "éĹ»è¨Ģ": 116131, + "çī¹èī²å°ıéķĩ": 116132, + "æķij人": 116133, + "éĻįæ°´": 116134, + "ä¸ĸçķĮä¸Ģæµģ": 116135, + "å°±é¤IJ": 116136, + "çŀ¥": 116137, + "å¤įä»ĩ": 116138, + "ç¾½æ¯Ľ": 116139, + "ç¾½æ¯ĽçIJĥ": 116140, + "è´©åįĸ": 116141, + "æºIJæ³ī": 116142, + "æĢ»ä½ĵè§ĦåĪĴ": 116143, + "åĬ¨æĦŁ": 116144, + "ä¸Ģ审": 116145, + "åĢŁéĴ±": 116146, + "è§ģæķĪ": 116147, + "èĬ±èįī": 116148, + "åIJĮä¸ļ": 116149, + "æŁ¥è©¢": 116150, + "åĽ½éĻħåIJĪä½ľ": 116151, + "ä¾ĽåĽ¾": 116152, + "åģ´": 116153, + "æłĵ": 116154, + "缸éĢļ": 116155, + "è°ĪåıĬ": 116156, + "è¿ĩç¨ĭå½ĵä¸Ń": 116157, + "é¦Ļèıĩ": 116158, + "åįģåĽĽæĿ¡": 116159, + "ä¸Ģå¼Ģå§ĭå°±": 116160, + "ä¸ĵåijĺ": 116161, + "æĺİ顯": 116162, + "æīĵéĢłåĩº": 116163, + "ä¸ĭéĿ¢æĪij们": 116164, + "æľºæ²¹": 116165, + "åı°è¯į": 116166, + "åŃIJå¼Ł": 116167, + "æľĢ常è§ģçļĦ": 116168, + "æĪijè®°å¾Ĺ": 116169, + "ç»°": 116170, + "æĤ¬æµ®": 116171, + "è¿ĺ羣æĺ¯": 116172, + "æĮĤåı·": 116173, + "åıĭåĸĦ": 116174, + "éĩį伤": 116175, + "çħ§äº®": 116176, + "æŃ¦èѦ": 116177, + "åĩºçݰéĹ®é¢ĺ": 116178, + "è¸Ĭè·ĥ": 116179, + "åľ°çIJĥä¸Ĭ": 116180, + "å¸Ĥ人大": 116181, + "åıĹ害人": 116182, + "å²IJ": 116183, + "åIJĮåѸ": 116184, + "éĩijèŀįå¸Ĥåľº": 116185, + "æľīçļĦçݩ家": 116186, + "å¸ĤæķĻèĤ²": 116187, + "å¸ĤæķĻèĤ²å±Ģ": 116188, + "åIJĦå¼Ĥ": 116189, + "ç·ļä¸Ĭ": 116190, + "æģº": 116191, + "æľī大éĩıçļĦ": 116192, + "åķĨæĬ¥": 116193, + "åįķåįķ": 116194, + "åħ¨é¢Ŀ": 116195, + "ä¾ĿæĹ§æĺ¯": 116196, + "好åĩłä¸ª": 116197, + "åĸµ": 116198, + "éĩįæķ´": 116199, + "çĶŁæ´»è´¨éĩı": 116200, + "æİ¢è®¿": 116201, + "åį°èĬ±": 116202, + "缼è¡Į": 116203, + "å¾®è§Ĥ": 116204, + "èĪįå¾Ĺ": 116205, + "åºŁå¼ĥçī©": 116206, + "积èĵĦ": 116207, + "å®ļå±ħ": 116208, + "æĤ¼": 116209, + "èĮ¸": 116210, + "çļĦ帮åĬ©": 116211, + "çļĦ帮åĬ©ä¸ĭ": 116212, + "亿åIJ¨": 116213, + "åŃĶéĽĢ": 116214, + "è¿ĻæĿ¡è·¯": 116215, + "饵": 116216, + "æĦĪåĬł": 116217, + "éķį": 116218, + "ä½ľæ¡Ī": 116219, + "èįĶæŀĿ": 116220, + "太å°ij": 116221, + "跻身": 116222, + "åħ¬çĽĬæ´»åĬ¨": 116223, + "çϽæĸij": 116224, + "æĬĢæľ¯æ°´å¹³": 116225, + "帧": 116226, + "æĹłçŁ¥": 116227, + "åºĶ该æĢİä¹Ī": 116228, + "éĢĢå¸Ĥ": 116229, + "æ¸Ń": 116230, + "åħ»çĮª": 116231, + "驼": 116232, + "ç¾¤å²Ľ": 116233, + "大åį«": 116234, + "ä¹ĺçĶ¨è½¦": 116235, + "èı²å°Ķ": 116236, + "è´´åIJ§": 116237, + "åģľä¸ĭæĿ¥": 116238, + "æľīæľºç»ĵåIJĪ": 116239, + "åĪ»èĭ¦": 116240, + "çļĦåľ°": 116241, + "çļĦåľ°æŃ¥": 116242, + "è¯ĬæīĢ": 116243, + "å¼ĢæĪĺ": 116244, + "èĢģçīĮ": 116245, + "çѹçłģ": 116246, + "åħ«å¤§ä»¥æĿ¥": 116247, + "楼æĪ¿": 116248, + "åŃĻæĤŁ": 116249, + "åŃĻæĤŁç©º": 116250, + "åħĴåŃIJ": 116251, + "第ä¸ĢæĿ¡": 116252, + "社交åªĴä½ĵ": 116253, + "æĥ³èµ·æĿ¥": 116254, + "大æ´ĭ": 116255, + "æĭ¼éٳ": 116256, + "è¿Ľåįļä¼ļ": 116257, + "è¿ĩåħ³": 116258, + "æ²¼": 116259, + "ç©¿æIJŃ": 116260, + "éĤ£ä¸Ģ天": 116261, + "çł´éŨ": 116262, + "æĬķæłĩ人": 116263, + "赢家": 116264, + "èĻļå¼±": 116265, + "æ¿ĥ": 116266, + "å®īæ£Ģ": 116267, + "客家": 116268, + "çĭ¬ç«ĭèij£äºĭ": 116269, + "æīĭåĬ¿": 116270, + "åīµéĢł": 116271, + "åľĨ满å®ĮæĪIJ": 116272, + "为主线": 116273, + "好å¥ĩå¿ĥ": 116274, + "é¢ĨåľŁ": 116275, + "çªĸ": 116276, + "åħ¸åŀĭæ¡Īä¾ĭ": 116277, + "çªģåıijäºĭä»¶": 116278, + "åºķæ°Ķ": 116279, + "头æĻķ": 116280, + "å®Ľå¦Ĥ": 116281, + "觸": 116282, + "æ¸ħæ·¡": 116283, + "åļ¼": 116284, + "åģľç͵": 116285, + "ç²īå°ĺ": 116286, + "éĻįä½İæĪIJæľ¬": 116287, + "æĶ¾æīĭ": 116288, + "è®°èĢħ表示": 116289, + "æĭĸå»¶": 116290, + "éªĩ": 116291, + "æ®ĭå¿į": 116292, + "çľģæķĻèĤ²": 116293, + "çľģæķĻèĤ²åİħ": 116294, + "é«ĺé¢Ŀ": 116295, + "éĦĻ": 116296, + "æ¥ŀ": 116297, + "åĨħç§ij": 116298, + "èIJ¥ä¸ļé¢Ŀ": 116299, + "åŁºçŁ³": 116300, + "æµģæ·Į": 116301, + "主æĹ¨": 116302, + "éĺIJéĩĬ": 116303, + "建åįİ": 116304, + "æĥĬåı¹": 116305, + "çī¢åĽºæłijç«ĭ": 116306, + "æĺ¯åIJ¦åŃĺåľ¨": 116307, + "建åĨĽ": 116308, + "éĽ¾éľ¾": 116309, + "åħ¬è®¤": 116310, + "åħ¬è®¤çļĦ": 116311, + "æ°¨åŁº": 116312, + "æ°¨åŁºéħ¸": 116313, + "åīįåĩłå¹´": 116314, + "åιéĤ£": 116315, + "æ±Łä¸ľ": 116316, + "å·¥æ¥Ń": 116317, + "ä¸ĢçĤ¹ä¹Łä¸į": 116318, + "修士": 116319, + "äºĨä¸Ģéģį": 116320, + "åĪģ": 116321, + "æ»ļæ»ļ": 116322, + "åĪĨæł¡": 116323, + "羣çα": 116324, + "è¡ĢèĦī": 116325, + "æĢ¥åī§": 116326, + "ä¸Ģ群人": 116327, + "羯": 116328, + "æĪIJé¾Ļ": 116329, + "ç²¾ç¥ŀçĹħ": 116330, + "缸åħ³äººåijĺ": 116331, + "éĿĵ丽": 116332, + "ä¸īåŃ£åº¦": 116333, + "åĪĴå®ļ": 116334, + "ä¸ĸçķĮ第ä¸Ģ": 116335, + "éĢļä¿Ĺ": 116336, + "åķĨä¸ļåľ°äº§": 116337, + "åĬŁèĥ½æĢ§": 116338, + "èµĦæľ¬ä¸»ä¹ī": 116339, + "详è§ģ": 116340, + "æĬĵæįķ": 116341, + "æĸĩæĺĮ": 116342, + "å®Ŀå®ī": 116343, + "è£ħéħįå¼ı": 116344, + "æºIJæºIJ": 116345, + "æºIJæºIJä¸įæĸŃ": 116346, + "çĶŁæĢķ": 116347, + "纵åIJij": 116348, + "壽": 116349, + "çľ¼è¢ĭ": 116350, + "èĤīä½ĵ": 116351, + "åı¤ä»Ĭ": 116352, + "èŀįåªĴä½ĵ": 116353, + "åģī": 116354, + "æł¼æľĥåĵ¡": 116355, + "çĥ·": 116356, + "åĬŁç͍": 116357, + "æīŃ磩": 116358, + "绿èī²éĢļéģĵ": 116359, + "åī§ç»Ħ": 116360, + "å¼±åĬ¿": 116361, + "è´¨éĩıéĹ®é¢ĺ": 116362, + "éĻIJé¢Ŀ": 116363, + "éªĨ": 116364, + "éģµä¹ī": 116365, + "å¯Ŀ室": 116366, + "æĥ³å¿µ": 116367, + "åł±åijĬ": 116368, + "ä»ħ次": 116369, + "ä»ħ次äºİ": 116370, + "èŀįåĪĽ": 116371, + "æĭĽèģĺä¼ļ": 116372, + "åºĬåŀ«": 116373, + "转åŀĭåıijå±ķ": 116374, + "ä¸ŃåĽ½çĶµä¿¡": 116375, + "åIJ¬è¯Ŀ": 116376, + "è«ĭæ±Ĥ": 116377, + "大éĥ¨åĪĨ人": 116378, + "æ´»å¾Ĺ": 116379, + "åĵŃæ³£": 116380, + "è¶Ļ": 116381, + "åıijçĹħçİĩ": 116382, + "ä¸į符": 116383, + "åĨĽå®ĺ": 116384, + "é¢Īæ¤İ": 116385, + "æĸ°åĨłçĸ«æĥħ": 116386, + "æŁ¬åŁĶ": 116387, + "æŁ¬åŁĶ寨": 116388, + "ä»»ä½ķå½¢å¼ı": 116389, + "人éĻħ": 116390, + "人éĻħåħ³ç³»": 116391, + "æĢ»æī¿åĮħ": 116392, + "å¹³åĿĩæ¯ı": 116393, + "æģŃåĸľ": 116394, + "åĦĺ": 116395, + "åħµé©¬": 116396, + "è¿Łåΰ": 116397, + "工伤": 116398, + "çīĪæĿĥå½Ĵ": 116399, + "çīĪæĿĥå½ĴåİŁ": 116400, + "æĭ¥æĬ¤": 116401, + "ç³Ĭæ¶Ĥ": 116402, + "å¹²æ¶ī": 116403, + "å°ijä¸įäºĨ": 116404, + "æĥ³æī¾": 116405, + "è´¹çİĩ": 116406, + "该éĻ¢": 116407, + "èŀįåĮĸ": 116408, + "è¿İåIJĪ": 116409, + "è§ĨåIJ¬èĬĤ缮": 116410, + "æł¼ç¶²ç«Ļ": 116411, + "çľīæ¯Ľ": 116412, + "欢è¿İ大家": 116413, + "å®¶åºŃæķĻèĤ²": 116414, + "ä¾µèļĢ": 116415, + "ç»Ļä½łä»¬": 116416, + "è¡Ģ液循çݯ": 116417, + "å¯Ħæīĺ": 116418, + "å°ĸåı«": 116419, + "以ä¸ĭåĩłä¸ª": 116420, + "è¿ĺ以为": 116421, + "åħ¶ä»ĸçݩ家": 116422, + "ç¬ijç¬ij": 116423, + "æīĵåIJ¬": 116424, + "èĩªçĦ¶ç§ijåѦ": 116425, + "åŁºç«Ļ": 116426, + "ä¹Ŀå·ŀ": 116427, + "ä¿Ŀ驾": 116428, + "ä¿Ŀ驾æĬ¤": 116429, + "ä¿Ŀ驾æĬ¤èĪª": 116430, + "æĶ¾çľ¼": 116431, + "çŁ¥åIJįä¼ģä¸ļ": 116432, + "縮": 116433, + "稽": 116434, + "æļĩ": 116435, + "使çĶ¨ç¶²è·¯": 116436, + "é¢ĦçķĻ": 116437, + "大象": 116438, + "åıijæĺİä¸ĵåĪ©": 116439, + "æĸĩ娱": 116440, + "éĢłç¦ı": 116441, + "湿润": 116442, + "éĿ¢æĿ¡": 116443, + "æ¶Īè´¹åįĩ级": 116444, + "è®Ĭå¾Ĺ": 116445, + "åĩłåIJį": 116446, + "ä»Ħ": 116447, + "认æ¸ħ": 116448, + "è¿ľæĻ¯": 116449, + "æıĴ座": 116450, + "诸侯": 116451, + "åıĺæĢģ": 116452, + "ç¦ı彩": 116453, + "è´§æŀ¶": 116454, + "失æİ§": 116455, + "ç§»åĬ¨ç«¯": 116456, + "ä¸Ĭåı¸": 116457, + "éĢłçº¸": 116458, + "å¸ĥæľĹ": 116459, + "çĴĩ": 116460, + "åı°åįĹ": 116461, + "åĮĹ京åĨ¬å¥¥": 116462, + "èĵĿçīĻ": 116463, + "éķ¿çŁŃ": 116464, + "æĬĺå°Ħ": 116465, + "ç»ijæŀ¶": 116466, + "å¯Ĵåģĩ": 116467, + "è½¬åŁºåĽł": 116468, + "æĢ¥äºİ": 116469, + "æŃ£åĵģ": 116470, + "åħħ滿": 116471, + "大纲": 116472, + "æĬĹä½ĵ": 116473, + "è¨ĵç·´": 116474, + "æĶ¶ç´§": 116475, + "æ¯Ķè³½": 116476, + "åħµåĬĽ": 116477, + "æľ¬æĽ¸": 116478, + "äºĮ代": 116479, + "æĢ¥è¯Ĭ": 116480, + "æĸĩæ¡Ī": 116481, + "ç»ıåķĨ": 116482, + "æĻ¨æĬ¥": 116483, + "æ£ĺ": 116484, + "æĢ»ä¹¦è®°åľ¨": 116485, + "åıĹéĤĢ": 116486, + "äºĶåĽĽ": 116487, + "å²ŃåįĹ": 116488, + "çαåIJĥ": 116489, + "åŁĥå°Ķ": 116490, + "å¿ĥå¢ĥ": 116491, + "è¦ĨçĽĸéĿ¢": 116492, + "å®ŀåľ¨æĺ¯å¤ª": 116493, + "æł¹åºķ": 116494, + "纷纷表示": 116495, + "åĹħ": 116496, + "éļıçĿĢæĹ¶éĹ´": 116497, + "åİĨåı²æĤłä¹ħ": 116498, + "éħī": 116499, + "æĢ»éĺŁ": 116500, + "主é¢ĺæ´»åĬ¨": 116501, + "éĹ®åį·": 116502, + "é©¿ç«Ļ": 116503, + "æı¡ä½ı": 116504, + "åı¯èĥ½å¯¼èĩ´": 116505, + "æ°ijéĸĵ": 116506, + "éĸĭåķŁ": 116507, + "ä½Ĩä¸įéĻIJ": 116508, + "ä½Ĩä¸įéĻIJäºİ": 116509, + "åįģéĩĮ": 116510, + "娥": 116511, + "æįŁèĢĹ": 116512, + "çĸı导": 116513, + "çݯ氧": 116514, + "ç¥ŀéĢļ": 116515, + "çαå°Ķ": 116516, + "çαå°Ķåħ°": 116517, + "æľ´å®ŀ": 116518, + "å¿«æĬ¥": 116519, + "æĶ¶åıĹ": 116520, + "æĪĸ許": 116521, + "èĥĮéĿ¢": 116522, + "æĸĩåĮĸä¼łåªĴ": 116523, + "ä¸īåĢĭ": 116524, + "æĶ»åĬ¿": 116525, + "å®ī举": 116526, + "å®īä¸ľå°¼": 116527, + "åĿĩå·²": 116528, + "顾èĻij": 116529, + "éĦŃ": 116530, + "è¿Ļå®¶åħ¬åı¸": 116531, + "åħ¬åijĬç§°": 116532, + "æıIJä¾Ľä¼ĺè´¨": 116533, + "稳æŃ¥æİ¨è¿Ľ": 116534, + "å¤įè¯ķ": 116535, + "å°Ĩé¢Ĩ": 116536, + "è°Īèµ·": 116537, + "å¨Ħ": 116538, + "è¿ŀ线": 116539, + "æ©ŁéĹľ": 116540, + "åºĶçĶ¨åľºæĻ¯": 116541, + "çĶ»åĥı": 116542, + "è´¢è¿IJ": 116543, + "ä¿Ŀéļª": 116544, + "çĹħçIJĨ": 116545, + "æ¯Ľä¸»å¸Ń": 116546, + "ä¸Ŀ毫ä¸į": 116547, + "çαå¥ĩ": 116548, + "çαå¥ĩèīº": 116549, + "ä¸ĵå®¶ç»Ħ": 116550, + "åij¼åͤ": 116551, + "éĭ¼": 116552, + "çģ¸": 116553, + "é¢ĨåħĪåľ°ä½į": 116554, + "æıIJæĭĶ": 116555, + "龸éģĵ": 116556, + "å±±åĿ¡": 116557, + "èĿİ": 116558, + "沸èħ¾": 116559, + "该项": 116560, + "ä»ĬçĶŁ": 116561, + "ä¸Ģç¯ĩæĸĩ竳": 116562, + "æĸ¹å¼ıè¿Ľè¡Į": 116563, + "é»ij客": 116564, + "æĶ¹åĬ¨": 116565, + "主é¡Į": 116566, + "æķ£å¸ĥ": 116567, + "ä»Ģä¹Īåľ°æĸ¹": 116568, + "åĮĸåIJĪ": 116569, + "åĮĸåIJĪçī©": 116570, + "éĿĻç͵": 116571, + "æĢ»æĶ¶åħ¥": 116572, + "å§Ķç»Ħç»ĩ": 116573, + "å§Ķç»Ħç»ĩéĥ¨": 116574, + "éĿĻæĢģ": 116575, + "èĢģåŃĹåı·": 116576, + "室åıĭ": 116577, + "éĥ½ä¸įæķ¢": 116578, + "æŀ¶åŃIJ": 116579, + "ç쵿ķı": 116580, + "审è§Ĩ": 116581, + "æĤ£åĦ¿": 116582, + "山寨": 116583, + "èĸªèµĦ": 116584, + "é©°æı´": 116585, + "éĥ¨åĪĨåĨħ容": 116586, + "好似": 116587, + "æĪIJåijĺåĽ½": 116588, + "åľ¨æĪijçľĭæĿ¥": 116589, + "åħ³æ³¨åº¦": 116590, + "éĻĪæŁIJ": 116591, + "è¿Ļç§įäºĭæĥħ": 116592, + "éĢīå®ļ": 116593, + "ç²¾åŃIJ": 116594, + "å£ģçĶ»": 116595, + "æ±Łæ·®": 116596, + "é«ĺæĺĤ": 116597, + "æł¼åĬĽ": 116598, + "輩": 116599, + "åѦåłĤ": 116600, + "æĤ¨åIJĮæĦı": 116601, + "ä¸ĢåĪĩéĥ½æĺ¯": 116602, + "潤": 116603, + "éĸĥ": 116604, + "å¸ĮæľĽèĩªå·±": 116605, + "ä¿ĺ": 116606, + "æ±Łåİ¿": 116607, + "æ³¾": 116608, + "ç§ijæķĻ": 116609, + "æīĵè¿Ľ": 116610, + "ä¸įæħİ": 116611, + "å¯ĴåĨ¬": 116612, + "æ¸Ķæ°ij": 116613, + "鼷æĸ¯": 116614, + "主宰": 116615, + "æĹħ游度åģĩ": 116616, + "ç͵åŃIJéĤ®ä»¶": 116617, + "æ±Ĥå©ļ": 116618, + "éļİæ®µ": 116619, + "åģ¥èº«æĪ¿": 116620, + "注æĺİåĩºå¤Ħ": 116621, + "äºĭæķħåıijçĶŁ": 116622, + "级以ä¸Ĭ": 116623, + "åŃĺæ´»": 116624, + "æĸ½èĤ¥": 116625, + "èľľèľĤ": 116626, + "嵩": 116627, + "æĮĸæİĺæľº": 116628, + "æĬĹæĭĴ": 116629, + "ä¼łå¯¼": 116630, + "æĺ¯ä»Ģä¹Īåij¢": 116631, + "ä¸Ĭå¹´åIJĮæľŁ": 116632, + "建åħļ": 116633, + "çĶŁæħĭ": 116634, + "ä¿Ŀä½ı": 116635, + "款车åŀĭ": 116636, + "人èĦī": 116637, + "éļIJèͽ": 116638, + "失æķĪ": 116639, + "éģ¿åŃķ": 116640, + "ç®Ģ便": 116641, + "è°¢è°¢ä½ł": 116642, + "å®Īä½ı": 116643, + "æĶ¾æĺł": 116644, + "è¨Īçķ«": 116645, + "çݰ代çµģ": 116646, + "é¤IJ廳": 116647, + "æķħå±ħ": 116648, + "大大å°ı": 116649, + "大大å°ıå°ı": 116650, + "çī¹åΫ声æĺİ": 116651, + "éģįåıĬ": 116652, + "å¿ĥçIJĨåĴ¨è¯¢": 116653, + "è³´": 116654, + "çĮ®è¡Ģ": 116655, + "å·²ç»ıè¾¾åΰ": 116656, + "æīĵæĭĽåij¼": 116657, + "åıĮè¾¹": 116658, + "ä¸Ģæĸ¹éĿ¢æĺ¯": 116659, + "å´ĩå°ļ": 116660, + "éĺ¿å¯Į": 116661, + "éĺ¿å¯Įæ±Ĺ": 116662, + "æĮģæľī人": 116663, + "è±ģ": 116664, + "é£İçŃĿ": 116665, + "åĬ¨èį¡": 116666, + "äºĨä¸Ģä¼ļ": 116667, + "äºĨä¸Ģä¼ļåĦ¿": 116668, + "ä¸ĩ象": 116669, + "çľĭç͵è§Ĩ": 116670, + "åįģä¸īæĿ¡": 116671, + "çĮĽçĥĪ": 116672, + "è¦ģä¸įçĦ¶": 116673, + "太æŀģæĭ³": 116674, + "å¼ķçĪĨ": 116675, + "ç»ıè¿ĩå¤ļå¹´": 116676, + "游æĪıéĩĮçļĦ": 116677, + "é¾Ļæ³ī": 116678, + "æłĩéħį": 116679, + "è®ĵä»ĸåĢij": 116680, + "éĢłæŀĹ": 116681, + "åĮºåŁŁæĢ§": 116682, + "亿ä¸ĩ": 116683, + "æĪĺçķ¥å¸ĥå±Ģ": 116684, + "éķĩæĶ¿åºľ": 116685, + "åĶ®ç¥¨": 116686, + "çĶŁäº§å·¥èīº": 116687, + "éķĩåħļå§Ķ": 116688, + "ä¸Ńå°ıåŀĭ": 116689, + "æľ¨è̳": 116690, + "河边": 116691, + "èĦ¾èĥĥ": 116692, + "欢è¿İæĤ¨": 116693, + "åıĺå¼Ĥ": 116694, + "缤纷": 116695, + "åŀĥåľ¾æ¡¶": 116696, + "辩è¯ģ": 116697, + "车åºĵ": 116698, + "æ¯Ķçİĩ": 116699, + "åħ´æĹº": 116700, + "详ç»ĨäºĨè§£": 116701, + "å®īå±ħ": 116702, + "çħ§æĸĻ": 116703, + "æĸ¹æīį": 116704, + "赦": 116705, + "åĨķ": 116706, + "å¥Ķèµ´": 116707, + "å®Ŀ鸡": 116708, + "åľºåĿĩ": 116709, + "缮åīįæŃ£åľ¨": 116710, + "åIJŀåϬ": 116711, + "è¿°èģĮ": 116712, + "æĩµ": 116713, + "å¥ĩçijŀ": 116714, + "ä»įå°Ĩ": 116715, + "èĪī辦": 116716, + "å·¥åķĨå±Ģ": 116717, + "å¡ijèĥ¶": 116718, + "åĬŀå®ŀäºĭ": 116719, + "æĸ¹æĸ¹éĿ¢": 116720, + "æĸ¹æĸ¹éĿ¢éĿ¢": 116721, + "æĸĩåĮĸèĬĤ": 116722, + "åħ¥èģĮ": 116723, + "鸥": 116724, + "ç©¿éĢı": 116725, + "ä»¥ä¹łè¿ijå¹³": 116726, + "åį±éļª": 116727, + "æľ¦èĥ§": 116728, + "åİĨåı²æĢ§": 116729, + "æķŀå¼Ģ": 116730, + "ä¼Ļä¼´åħ³ç³»": 116731, + "çŁ¿åĮº": 116732, + "åĽ½éĻħåľ¨çº¿": 116733, + "ä¼łå¥ĩéĩĮéĿ¢": 116734, + "è¿ijäºĽ": 116735, + "è¿ijäºĽå¹´": 116736, + "åĬ£åĬ¿": 116737, + "æĶ»åĩ»åĬĽ": 116738, + "æĻºéĢł": 116739, + "禧": 116740, + "çİĭåħĪçĶŁ": 116741, + "éĨ«çĶŁ": 116742, + "åĽĽé¡¹": 116743, + "å®ŀæĻ¯": 116744, + "åĪĿåĪĽ": 116745, + "å¿ĥ裡": 116746, + "æĻ¶ä½ĵ": 116747, + "交éĻħ": 116748, + "让æ¶Īè´¹èĢħ": 116749, + "课æĸĩ": 116750, + "æİĴæ°Ķ": 116751, + "å¹¶ä¸įæĦıåij³": 116752, + "çĽ¸å£°": 116753, + "第ä¸Ģå±Ĭ": 116754, + "åİŁèijĹ": 116755, + "鼾": 116756, + "没æľī太大": 116757, + "补水": 116758, + "çµģä¼ģä¸ļ": 116759, + "第äºĮæī¹": 116760, + "åħ¶å®ĥéĹ®é¢ĺ": 116761, + "æİĮéŨ": 116762, + "责任å¿ĥ": 116763, + "é¤IJåħ·": 116764, + "ç¾Ĭæ¯Ľ": 116765, + "没æľīå¿ħè¦ģ": 116766, + "ä¹IJåĽ¢": 116767, + "è¿ĽåŁİ": 116768, + "ä¸ĢçĤ¹åĦ¿": 116769, + "身形": 116770, + "çļ®èĤ¤çĹħ": 116771, + "æĺ±": 116772, + "å¢ŀèĩ³": 116773, + "è첿ĺİ": 116774, + "æıIJè´¨": 116775, + "ä½ĵèĤ²åľº": 116776, + "çŃ¹å»º": 116777, + "é¬Ĩ": 116778, + "车çīĮ": 116779, + "éļĶéŁ³": 116780, + "è´Łè´£åIJĮå¿Ĺ": 116781, + "丰ç¡ķ": 116782, + "ä½ĽéĻĢ": 116783, + "äºīåIJµ": 116784, + "庶": 116785, + "æ·¡æ°´": 116786, + "å°ıçĶ·åŃ©": 116787, + "ç§ģèĩª": 116788, + "åĮĸè¿Ľç¨ĭ": 116789, + "æĪĺ士æĿ¥è¯´": 116790, + "æ²¹èħ»": 116791, + "èĦ±è´«èĩ´å¯Į": 116792, + "æĹ¥å¸¸å·¥ä½ľ": 116793, + "交èŀį": 116794, + "åĨľè´¸": 116795, + "åĨľè´¸å¸Ĥåľº": 116796, + "åĵĪçĻ»": 116797, + "çĶµè´¹": 116798, + "èµĺ": 116799, + "åıĮèħ¿": 116800, + "æĵĶå¿ĥ": 116801, + "æĿ¥å½¢å®¹": 116802, + "使åij½æĦŁ": 116803, + "éĤ£ä¹Īç®Ģåįķ": 116804, + "èĬĻèĵī": 116805, + "åĢŁæ¬¾äºº": 116806, + "ç§Ģ丽": 116807, + "è®ĵä»ĸ": 116808, + "严åİīæīĵåĩ»": 116809, + "è³ŀ": 116810, + "æļ«": 116811, + "çħ¤æ°Ķ": 116812, + "çάä¸Ĭ": 116813, + "æ½ĩæ´Ĵ": 116814, + "太ä¹ħ": 116815, + "åij½åIJį为": 116816, + "è·¯çͱ": 116817, + "è·¯çͱåύ": 116818, + "驯": 116819, + "æıIJæĹ©": 116820, + "æĬĹåĩ»çĸ«æĥħ": 116821, + "åĩĽ": 116822, + "交åıĭ": 116823, + "éĶĢåĶ®æ¸łéģĵ": 116824, + "毫ä¸įçĬ¹è±«": 116825, + "èIJ¥åľ°": 116826, + "çłĶ究表æĺİ": 116827, + "鱼类": 116828, + "æį¢å±Ĭ": 116829, + "æİ¡åıĸ": 116830, + "çīĨ": 116831, + "缼å¼Ģ": 116832, + "æ²§æ¡ij": 116833, + "åºŃ审": 116834, + "ç»ıæŁ¥": 116835, + "åĬłå¼·": 116836, + "缸æ¯Ķäºİ": 116837, + "ä¸ĵçıŃ": 116838, + "ä½ĵåŀĭ": 116839, + "被害": 116840, + "被害人": 116841, + "æĶ¶æ¬¾": 116842, + "åħ·æľīèī¯å¥½": 116843, + "é«ĺå³°æľŁ": 116844, + "åģıä½İ": 116845, + "åĦŁ": 116846, + "åĨľä¸ļç§ijæĬĢ": 116847, + "ç®ĬæĥħåĨµ": 116848, + "å¦Ĥæŀľçݩ家": 116849, + "éķ¿çº¦": 116850, + "第åħŃå±Ĭ": 116851, + "åħ¬å¼ĢæĭĽèģĺ": 116852, + "åĪĩæĸŃ": 116853, + "迫使": 116854, + "çĸĹç¨ĭ": 116855, + "第äºĮç§į": 116856, + "ä¸įåħį": 116857, + "å¹²èѦ": 116858, + "çŁ³æ¦´": 116859, + "åĹ£": 116860, + "两类": 116861, + "çε士": 116862, + "åŁİ乡å±ħæ°ij": 116863, + "æŃ¤é¡¹": 116864, + "缴è¾ĸ": 116865, + "缴è¾ĸå¸Ĥ": 116866, + "åij¼åºĶ": 116867, + "éĴ¯": 116868, + "ç¦ıå¾·": 116869, + "æľºèº«": 116870, + "æĵįåľº": 116871, + "æ¿Ĵ临": 116872, + "人群ä¸Ń": 116873, + "èĤ¡æ°ij": 116874, + "åѽ": 116875, + "æ³ķåħ°": 116876, + "é¨İ": 116877, + "糯米": 116878, + "æĢ»çļĦ": 116879, + "æĢ»çļĦæĿ¥è¯´": 116880, + "åħ¸éĽħ": 116881, + "æĸ°éĻĪ": 116882, + "æĸ°éĻĪ代谢": 116883, + "缮çĿ¹": 116884, + "é¢Ħè¨Ģ": 116885, + "è·Įçł´": 116886, + "æĸ°ç¯ĩ竳": 116887, + "æ¯ĴæĢ§": 116888, + "åĸĿèĮ¶": 116889, + "æŁ¥èİ·": 116890, + "亮丽": 116891, + "çĶŁäº§åķĨ": 116892, + "æĶ¹æĪIJ": 116893, + "为äºĨæĽ´å¥½": 116894, + "深交": 116895, + "深交æīĢ": 116896, + "æİĥ": 116897, + "ä¹ĻèĤĿ": 116898, + "泸å·ŀ": 116899, + "åħĪè¿ĽæĬĢæľ¯": 116900, + "è¾ĵç»Ļ": 116901, + "æķ£æĪ·": 116902, + "æĢĿç»´æĸ¹å¼ı": 116903, + "åºĹ主": 116904, + "è°ĭæ±Ĥ": 116905, + "游æĪıæĬĢå·§": 116906, + "ä¸Ģ年级": 116907, + "çľ¼è§Ĵ": 116908, + "ä¸Ńä»ĭæľºæŀĦ": 116909, + "å·§åIJĪ": 116910, + "éĺ²çĽĹ": 116911, + "导è´Ń": 116912, + "æĪĬ": 116913, + "æĽ´éĢĤåIJĪ": 116914, + "åŁºæľ¬ä¿¡æģ¯": 116915, + "马ä¸ģ": 116916, + "åħ»æ®ĸåľº": 116917, + "åıįè¿ĩæĿ¥": 116918, + "æİ¨å´ĩ": 116919, + "å¯ĨåĪĩåħ³æ³¨": 116920, + "åŁºéĩijç»ıçIJĨ": 116921, + "æĮīéĶ®": 116922, + "åĨħéĥ¨æİ§åζ": 116923, + "æĪIJåijĺåįķä½į": 116924, + "æľ¯è¯Ń": 116925, + "åζæľį": 116926, + "åĪļéľĢ": 116927, + "æ£Ģç´¢": 116928, + "大大æıIJé«ĺ": 116929, + "åģ¥åº·ç®¡çIJĨ": 116930, + "èĩªæŃ¤": 116931, + "客æĪ·éľĢæ±Ĥ": 116932, + "丰èĥ¸": 116933, + "èµ·éĩį": 116934, + "èµ·éĩįæľº": 116935, + "æ¬łç¼º": 116936, + "æ¡ĪåŃIJ": 116937, + "æĥħ人èĬĤ": 116938, + "åħļæł¡": 116939, + "è¢ľ": 116940, + "该åī§": 116941, + "è¿·å¤±ä¼łå¥ĩ": 116942, + "ç»ļ丽": 116943, + "åķª": 116944, + "æĹłç§ģ": 116945, + "é̲ä¸ĢæŃ¥": 116946, + "第ä¸Ģ竳": 116947, + "åύåħ·": 116948, + "åĨľèµĦ": 116949, + "確實": 116950, + "åºıåĪĹ": 116951, + "娱ä¹IJå¹³åı°": 116952, + "èŀįèµĦç§Łèµģ": 116953, + "èµĦæºIJåħ±äº«": 116954, + "èģ½åΰ": 116955, + "æIJŀå¾Ĺ": 116956, + "ç»§ç»Ńä¿ĿæĮģ": 116957, + "åIJ¯èĴĻ": 116958, + "çľº": 116959, + "ä¸Ŀè·¯": 116960, + "设æĸ½å»ºè®¾": 116961, + "æİ¥åľ°": 116962, + "æİ¥åľ°æ°Ķ": 116963, + "第ä¸īåŃ£åº¦": 116964, + "åŁºè°ĥ": 116965, + "åıijéŁ³": 116966, + "社ä¼ļèµĦæľ¬": 116967, + "éĽĩ主": 116968, + "è¿ŀèĥľ": 116969, + "没åķ¥": 116970, + "廢": 116971, + "èµ¶èµ´": 116972, + "æ¼ĶåĮĸ": 116973, + "åı¤æĢª": 116974, + "çİĭçĪ·": 116975, + "é¢ĦåħĪ": 116976, + "å¼Ģåħ·": 116977, + "åĽŀé¦ĸ": 116978, + "åľ°ä¸ĭæ°´": 116979, + "å°ıç¼ĸä¸Ģèµ·": 116980, + "èµİåĽŀ": 116981, + "åľ°è²Į": 116982, + "åĪĿä¸ī": 116983, + "åı¯ç͍äºİ": 116984, + "éģĹ迹": 116985, + "è¿Ļæī¹": 116986, + "èĸªæ°´": 116987, + "å¿ħçĦ¶ä¼ļ": 116988, + "æ²½": 116989, + "éįĭ": 116990, + "第ä¸Ģéĥ¨": 116991, + "åĪĬçī©": 116992, + "å®ŀä¾ĭ": 116993, + "æ¸ħåĩĢ": 116994, + "ä¸ĬèµĽåŃ£": 116995, + "åĽ¾è¡¨": 116996, + "éĤ®è½®": 116997, + "åĵªè£¡": 116998, + "缸è§ģ": 116999, + "æī°ä¹±": 117000, + "æ¯ıæ¯ı": 117001, + "è¿Ļè¾ĪåŃIJ": 117002, + "ç¡«éħ¸": 117003, + "äºī缸": 117004, + "溯æºIJ": 117005, + "åĩºä¼Ĺ": 117006, + "çİīçŁ³": 117007, + "åħ±çĶŁ": 117008, + "æĹ¶éĹ´æ®µ": 117009, + "éĩįè¦ģæĮĩ示": 117010, + "æ¶Īè´¹éľĢæ±Ĥ": 117011, + "éķ¿éķ¿": 117012, + "éķ¿éķ¿çļĦ": 117013, + "å®īæĬļ": 117014, + "å¢ŀé«ĺ": 117015, + "æľ¬è½®": 117016, + "äº²çľ¼": 117017, + "é£İæ³¢": 117018, + "èĢģå¦Ī": 117019, + "æĶ¶è´¹æłĩåĩĨ": 117020, + "åĨħéĻĨ": 117021, + "æĮ¥åıij": 117022, + "åįĩåѦ": 117023, + "èĥ¸åīį": 117024, + "åģıè¿ľ": 117025, + "纯æ´ģ": 117026, + "æĸ½å·¥åįķä½į": 117027, + "身价": 117028, + "è´¢åĬĽ": 117029, + "纶": 117030, + "è£ħçͲ": 117031, + "æĺ¾ç¤ºåύ": 117032, + "毫åįĩ": 117033, + "æ·±çŁ¥": 117034, + "è̶ç©": 117035, + "è̶ç©Į": 117036, + "è¾ĥéĩı": 117037, + "åľ¨è¿ĩ渡": 117038, + "åľ¨è¿ĩæ¸¡æľŁ": 117039, + "èĮĹ": 117040, + "ä¸Ģ个æĺŁæľŁ": 117041, + "èĬ·": 117042, + "è´¿èµĤ": 117043, + "æ¿ķ": 117044, + "æĩĤäºĭ": 117045, + "ç§§": 117046, + "åħħå½ĵ": 117047, + "åĽ½ç«ĭ": 117048, + "èĬ±çĵ£": 117049, + "éĤĦè¦ģ": 117050, + "åħ¬åľĴ": 117051, + "触åĬ¨": 117052, + "æ³°å·ŀ": 117053, + "ä»Ģä¹Īæł·": 117054, + "æ»ĭåħ»": 117055, + "è¯ĦåΤ": 117056, + "æĮ¥æīĭ": 117057, + "èĦĪ": 117058, + "姥姥": 117059, + "è¿IJè´¹": 117060, + "æ¯ħåĬĽ": 117061, + "å¿ĥæĻº": 117062, + "ä¸įæİĴéϤ": 117063, + "第ä¸ī代": 117064, + "éĢĢè´§": 117065, + "æĺŁéĻħ": 117066, + "æ°¸åĪ©": 117067, + "æĬ¤åį«": 117068, + "çıŃ车": 117069, + "è¨Ģè¡Į": 117070, + "繪": 117071, + "主åĬ¨æĢ§": 117072, + "å·¥ç¨ĭè´¨éĩı": 117073, + "éĥĬåĮº": 117074, + "ä¸Ģæłĭ": 117075, + "ä½Ĩå®ŀéĻħä¸Ĭ": 117076, + "ä¸ī大èģĮä¸ļ": 117077, + "åij¼åı«": 117078, + "女åħĴ": 117079, + "è¯ģåΏæĬķèµĦ": 117080, + "èĢĥæħ®": 117081, + "çĤ«èĢĢ": 117082, + "治好": 117083, + "åĺ¶": 117084, + "èĥ¤": 117085, + "åħīä¼ıåıijç͵": 117086, + "åĩłæŃ¥": 117087, + "æīĢæīĢ": 117088, + "æīĢæīĢéķ¿": 117089, + "çħ§æł·": 117090, + "åĵ¥ä»¬": 117091, + "è¯Ľ": 117092, + "è¿Ļä¸ĢåĪ»": 117093, + "çŁ¿çī©è´¨": 117094, + "ä¸įå¾Ĺå·²": 117095, + "åIJĮ缣": 117096, + "ç»Ĩå¾®": 117097, + "è·¯èĻİ": 117098, + "çϾèĬ±": 117099, + "æ··æ²Į": 117100, + "ä¸Ĭæµ·è¯ģåΏ": 117101, + "éĢĢç¨İ": 117102, + "èµŀåı¹": 117103, + "æī®æ¼Ķ游æĪı": 117104, + "åIJįåĪĹ": 117105, + "åIJįåĪĹåīį": 117106, + "åIJįåĪĹåīįèĮħ": 117107, + "ç±³å°Ķ": 117108, + "ä»Ģä¹ĪåİŁåĽł": 117109, + "å®īåħ¨ä¿Ŀéļľ": 117110, + "ä¸Ģåıªæīĭ": 117111, + "ä¹³ä¸ļ": 117112, + "ä¸įçĶĺ": 117113, + "æĥħåķĨ": 117114, + "æĮ¡ä½ı": 117115, + "åİŁåĽłä¹ĭä¸Ģ": 117116, + "è¿Ļ两天": 117117, + "çĥĺçĦĻ": 117118, + "豬": 117119, + "ä½łä»¥ä¸º": 117120, + "没è§ģè¿ĩ": 117121, + "åĵªå®¶å¥½": 117122, + "åīįä»»": 117123, + "è¿Ľè´§": 117124, + "éĢĢåĽŀ": 117125, + "串èģĶ": 117126, + "èĩ³æĸ¼": 117127, + "åĨ°æ·ĩ": 117128, + "åĨ°æ·ĩæ·ĭ": 117129, + "æŁ¥çľĭ详æĥħ": 117130, + "çı¾å¯¦": 117131, + "æİ¨æµĭ": 117132, + "æİ¥æīĭ": 117133, + "éļ¶å±ŀäºİ": 117134, + "åŁİå¸Ĥ群": 117135, + "æĿİåħĪçĶŁ": 117136, + "çŁ¿æ³īæ°´": 117137, + "çī¹ä»·": 117138, + "æĽ´å¤ļ精彩": 117139, + "ç¨ĭå¼ı": 117140, + "读æĩĤ": 117141, + "å±ıèͽ": 117142, + "奥æŀĹ": 117143, + "奥æŀĹåĮ¹": 117144, + "奥æŀĹåĮ¹åħĭ": 117145, + "红èĸ¯": 117146, + "奮": 117147, + "å®Ŀçİī": 117148, + "網絡": 117149, + "è²§": 117150, + "欧å¼ı": 117151, + "çϽç³ĸ": 117152, + "èĩªçĦ¶çģ¾å®³": 117153, + "åijĬè¯ī她": 117154, + "å»ļ": 117155, + "çĤ¹åĩ»æŁ¥çľĭ": 117156, + "é£İ湿": 117157, + "èµĦ产éĩįç»Ħ": 117158, + "ä¹Łä¸įä¾ĭå¤ĸ": 117159, + "åįĬ个å°ıæĹ¶": 117160, + "åIJ¸å¼ķæĽ´å¤ļ": 117161, + "æĹ¶éĹ´èĬĤçĤ¹": 117162, + "æĶ¶çº³": 117163, + "åIJ¸æ¯Ĵ": 117164, + "èĢģ乡": 117165, + "çIJħ": 117166, + "æľĢçµĤ": 117167, + "åıįæĦŁ": 117168, + "çĶ¨å¾®ä¿¡": 117169, + "çĶ¨å¾®ä¿¡æī«": 117170, + "éĢŁçİĩ": 117171, + "大çĨĬçĮ«": 117172, + "åı¯æĥ³": 117173, + "åı¯æĥ³èĢĮ": 117174, + "åı¯æĥ³èĢĮçŁ¥": 117175, + "åĴ§": 117176, + "èµ°åħ¥": 117177, + "碳éħ¸": 117178, + "èĮĥåĨ°": 117179, + "èĮĥåĨ°åĨ°": 117180, + "被åΤ": 117181, + "积æŀģæİ¨åĬ¨": 117182, + "足足": 117183, + "ç²ĴåŃIJ": 117184, + "大å®Ĺ": 117185, + "大å®ĹåķĨåĵģ": 117186, + "ç½ij绾ç§ijæĬĢ": 117187, + "æĽ¼åŁİ": 117188, + "å·²ä¹ħ": 117189, + "å·²ä¹ħçļĦ": 117190, + "秦çļĩ": 117191, + "秦çļĩå²Ľ": 117192, + "ä»»æķĻ": 117193, + "å͝ç¾İ": 117194, + "æ·¡åĮĸ": 117195, + "æ¡ĤèĬ±": 117196, + "çŁ¥è¯ĨåĪĨåŃIJ": 117197, + "æĩĴå¾Ĺ": 117198, + "主åħ¬": 117199, + "设计çIJĨ念": 117200, + "賺": 117201, + "æīĢæıIJä¾Ľ": 117202, + "æīĢæıIJä¾Ľä¹ĭ": 117203, + "æĶ»åħĭ": 117204, + "åĤ¾": 117205, + "è¯Ńæ³ķ": 117206, + "åįĥåı¤": 117207, + "éĸĭæĶ¾": 117208, + "第ä¸ĢèĬĤ": 117209, + "éĤĦæ²Ĵ": 117210, + "éĢĥçĶŁ": 117211, + "æ³Ĺ": 117212, + "åİ¿å§Ķ书记": 117213, + "ä½ľèĢħæīĢæľī": 117214, + "çħ½": 117215, + "ç»ħ": 117216, + "æłħ": 117217, + "æľ´ç´ł": 117218, + "çijķçĸµ": 117219, + "åĮħåĮħ": 117220, + "æ°ij主åħļ": 117221, + "ä¸įè¿ľå¤Ħ": 117222, + "å¥ĩå¼Ĥ": 117223, + "åĺ»åĺ»": 117224, + "æī¼": 117225, + "ç¿»å¼Ģ": 117226, + "æĢİèĥ½": 117227, + "éģ´éĢī": 117228, + "è§£éĩĭ": 117229, + "å¹¼ç¨ļ": 117230, + "è¦ģ好好": 117231, + "è¶´åľ¨": 117232, + "ç´¢åıĸ": 117233, + "ç»ĪçĶŁ": 117234, + "åħ¨æµģç¨ĭ": 117235, + "éģ©çķ¶": 117236, + "åįıè°ĥåıijå±ķ": 117237, + "æĬ¥ä»ĩ": 117238, + "ç§ijæĬĢåĽŃ": 117239, + "ä»Ģä¹Īéĥ½ä¸į": 117240, + "æľĢåIJİä¸Ģ次": 117241, + "ç»Ļ人ä¸Ģç§į": 117242, + "æł¸å®ļ": 117243, + "被åĪĹåħ¥": 117244, + "æĦıæĥ³ä¸įåΰ": 117245, + "èĢĥæŁ¥": 117246, + "åľ¨æŃ¤ä¹ĭåīį": 117247, + "æīĵçIJĥ": 117248, + "è¶ĬæĿ¥è¶Ĭå°ij": 117249, + "å®ļå¾ĭ": 117250, + "è¡ĮæĶ¿æľºåħ³": 117251, + "ä½ıæĪ¿åħ¬ç§¯": 117252, + "å°ıå§IJå§IJ": 117253, + "ä¸īèı±": 117254, + "修补": 117255, + "èŀĥèŁ¹": 117256, + "西çͲ": 117257, + "æĢł": 117258, + "çŃīå¤ļ项": 117259, + "产ä¸ļéĽĨèģļ": 117260, + "ä»·æł¼ä¸Ĭ涨": 117261, + "åħ¬åħ±åľºæīĢ": 117262, + "è¢ĭåŃIJ": 117263, + "æĨ§æĨ¬": 117264, + "çļĦæĸ¹å¼ıæĿ¥": 117265, + "åĪ°è´¦": 117266, + "çģ½": 117267, + "å·´èı²": 117268, + "å·´èı²çī¹": 117269, + "æ¼Ķä¹ł": 117270, + "èŃ¦ç¤ºæķĻèĤ²": 117271, + "çķıæĥ§": 117272, + "å¼ķæµģ": 117273, + "æĶ¶æĶ¯": 117274, + "å±Ĥåĩº": 117275, + "å±Ĥåĩºä¸į": 117276, + "å±Ĥåĩºä¸įç©·": 117277, + "æijĩæ»ļ": 117278, + "辦çIJĨ": 117279, + "纵è§Ĥ": 117280, + "æķijæµİ": 117281, + "å®¶éĥ½çŁ¥éģĵ": 117282, + "åĮ¯": 117283, + "å°ı鸣": 117284, + "ä»»åĭĻ": 117285, + "计åħ¥": 117286, + "ç«ŀéĢī": 117287, + "å¼ĢèįĴæĹ¶æľŁ": 117288, + "åij¨æģ©": 117289, + "åij¨æģ©æĿ¥": 117290, + "交ç»ĩ": 117291, + "çķ¢æ¥Ń": 117292, + "æł¹æį®èĩªå·±": 117293, + "æĸ°äººçݩ家": 117294, + "åѵåĮĸåύ": 117295, + "éĩĩæļĸ": 117296, + "å¹³åĿĩæ°´å¹³": 117297, + "åħ¬å¼Ģ课": 117298, + "失åĪ©": 117299, + "伺æľį": 117300, + "çĬģ": 117301, + "忽æĤł": 117302, + "主è¦ģéĽĨä¸Ń": 117303, + "æ¤įæłij": 117304, + "æ¯ĹéĤ»": 117305, + "èĩºçģ£": 117306, + "åĩºåĽ½çķĻåѦ": 117307, + "æĬĹéľĩ": 117308, + "æĥ©æĪĴ": 117309, + "å¹´åºķåīį": 117310, + "åĴ¸éĺ³": 117311, + "æ°ijå±ħ": 117312, + "大çIJĨçŁ³": 117313, + "éĿ³": 117314, + "éķĸ": 117315, + "æ¸ħè¿ľ": 117316, + "è£ħè½½": 117317, + "èĩĢ": 117318, + "å½±ä¸ļ": 117319, + "å¼ŁåħĦ": 117320, + "æĤ²è§Ĥ": 117321, + "çĿĢçľ¼äºİ": 117322, + "æįįåį«": 117323, + "åī¥å¤º": 117324, + "ç¯Ĩ": 117325, + "å¾Īéķ¿æĹ¶éĹ´": 117326, + "è¥Ł": 117327, + "第ä¸ĢçϾ": 117328, + "ä¸ĢåĪĨéĴ±": 117329, + "æĸ°éĹ»è®°èĢħ": 117330, + "éķ·æľŁ": 117331, + "æ³ķæĪĺç»ĦåIJĪ": 117332, + "è°ģçŁ¥éģĵ": 117333, + "èħ°éĥ¨": 117334, + "æ±īåł¡": 117335, + "åħ¥çĿ¡": 117336, + "åįĸæİī": 117337, + "æ¶Īè²»èĢħ": 117338, + "æĥ¯ä¾ĭ": 117339, + "æĥ³äºĨ": 117340, + "æĥ³äºĨæĥ³": 117341, + "èĢģæĹ§å°ıåĮº": 117342, + "ä¼łè¨Ģ": 117343, + "åĪĨæķ°çº¿": 117344, + "æµģ泪": 117345, + "ç»Ħç»ĩé¢Ĩ导": 117346, + "äºļåĨĽ": 117347, + "å¢ŀå̼æľįåĬ¡": 117348, + "å¾¹": 117349, + "ä¼¶": 117350, + "äºĽè®¸": 117351, + "å¸ĥèݱ": 117352, + "强æĤį": 117353, + "宫廷": 117354, + "绿èĮ¶": 117355, + "åĮ¡": 117356, + "å¾ĪæŃ£å¸¸": 117357, + "æĺ¥å¤ı": 117358, + "æ¯Ļ": 117359, + "è¯Ħæ¯Ķ": 117360, + "åĩ¡äºĭ": 117361, + "æĬīæĭ©": 117362, + "åĢĴéľī": 117363, + "éĩį度": 117364, + "åįıä¼ļä¼ļéķ¿": 117365, + "å¿§èĻij": 117366, + "ä¸ĭä¸Ģç¯ĩ": 117367, + "沪深": 117368, + "æĪİ": 117369, + "æīĵä»Ĺ": 117370, + "åįĪé¥Ń": 117371, + "å¹´é¾Ħ段": 117372, + "ä¸ŃåĽ½è¶³çIJĥ": 117373, + "设计æĸ¹æ¡Ī": 117374, + "åºĶçĶ¨æŁ¥çľĭ": 117375, + "é¢ĦæĸĻ": 117376, + "åĹ¡": 117377, + "ç¥ĸçζ": 117378, + "çļĦä¸Ģåijĺ": 117379, + "æ´Ĺå¹²åĩĢ": 117380, + "åİĨåı²æĸ°": 117381, + "åİĨåı²æĸ°é«ĺ": 117382, + "çĭ¬åħ·": 117383, + "æħĭ度": 117384, + "æīĵ交": 117385, + "æīĵ交éģĵ": 117386, + "é»ĦçŁ³": 117387, + "çĽ¼æľĽ": 117388, + "çī§åľº": 117389, + "转弯": 117390, + "åįĩåįİ": 117391, + "åĨįä¹Łæ²¡æľī": 117392, + "èĭ±æīį": 117393, + "æĽ´åIJį为": 117394, + "åĢŁç͍": 117395, + "çºłéĶĻ": 117396, + "ç»Ŀ对ä¸įä¼ļ": 117397, + "çİĭçīĮ": 117398, + "çĽĨåľ°": 117399, + "失è°ĥ": 117400, + "好象": 117401, + "é³¥": 117402, + "ä¿Ŀä¿®": 117403, + "åĽĽä¸ªèĩªä¿¡": 117404, + "头çļ®": 117405, + "åİŁåīĩ": 117406, + "æĬ¥æ¡Ī": 117407, + "奴éļ¶": 117408, + "å³Ļ": 117409, + "è°ĥæĸĻ": 117410, + "ä¹Łè¨±": 117411, + "èIJ½åΰ": 117412, + "èIJ½åΰå®ŀ": 117413, + "èIJ½åΰå®ŀå¤Ħ": 117414, + "çĦļçĥ§": 117415, + "çĶŁæ´»çݯå¢ĥ": 117416, + "åºĶåıĬæĹ¶": 117417, + "è¶Ĭè¿ĩ": 117418, + "æĦŁè¬Ŀ": 117419, + "æĻ¯å¾·": 117420, + "æĻ¯å¾·éķĩ": 117421, + "çĬĢ": 117422, + "身éĤĬ": 117423, + "ç¨İåĬ¡æĢ»å±Ģ": 117424, + "åĩĢåľŁ": 117425, + "ä¾µåįł": 117426, + "åĬ¨å·¥": 117427, + "å¹´ä¹ĭ": 117428, + "å¹´ä¹ĭä¹ħ": 117429, + "第äºĮèĬĤ": 117430, + "åĬ¨çī©åĽŃ": 117431, + "第ä¸Ģ书记": 117432, + "éħļ": 117433, + "çĶŁäº§è®¾å¤ĩ": 117434, + "æŁIJç§įç¨ĭ度": 117435, + "åľŃ": 117436, + "åĩŃåĢŁçĿĢ": 117437, + "éĺħè§Ī": 117438, + "çϽæ²Ļ": 117439, + "æ²¹çĥŁ": 117440, + "çªģçł´åı£": 117441, + "åıĹå½±åĵį": 117442, + "åı¯ä»¥æĽ´å¥½": 117443, + "å³°å̼": 117444, + "æĿĤè´¨": 117445, + "宿è¿ģ": 117446, + "çĽĺæ´»": 117447, + "æ¿Ģèµ·": 117448, + "åĦ¿ç§ij": 117449, + "åĿIJèIJ½åľ¨": 117450, + "æĮªå¨ģ": 117451, + "æµ·å²Ľ": 117452, + "绣绣": 117453, + "éύ": 117454, + "ä¼ĺäºİ": 117455, + "å°Īå®¶": 117456, + "ä¸ĢéĤĬ": 117457, + "èIJĬ": 117458, + "äºĨä¸Ģåı£": 117459, + "æ²ĥå°Ķæ²ĥ": 117460, + "æŃ£å¸¸ä½¿ç͍": 117461, + "æĻ®éģįåŃĺåľ¨": 117462, + "丰满": 117463, + "çĶ»åį·": 117464, + "åºĶæĶ¶": 117465, + "åºĶæĶ¶è´¦": 117466, + "åºĶæĶ¶è´¦æ¬¾": 117467, + "å®Įæķ´çĥŃ": 117468, + "å®Įæķ´çĥŃæ¦ľ": 117469, + "注è§Ĩ": 117470, + "çĨĦ": 117471, + "躬": 117472, + "éĶĢåĶ®äººåijĺ": 117473, + "è¶ĭåIJij": 117474, + "çĦ¦æĢ¥": 117475, + "åįģå¹´åīį": 117476, + "ä¼łç»Łäº§ä¸ļ": 117477, + "質éĩı": 117478, + "åĩ¤åĩ°ç½ij": 117479, + "èµĦæºIJæķ´åIJĪ": 117480, + "æ¶Įåħ¥": 117481, + "æĸĩåĮĸä¼łæĴŃ": 117482, + "çķĮ第ä¸Ģ": 117483, + "æ°´æ³µ": 117484, + "宫殿": 117485, + "æİ¢å¯»": 117486, + "ä¿®åīª": 117487, + "æĦıè¦ĭ": 117488, + "ç´Ĭä¹±": 117489, + "æĽī": 117490, + "çĻ½è¡£": 117491, + "èĻİåį«": 117492, + "ç´§æī£": 117493, + "å¤Ħå¤Ħéķ¿": 117494, + "åĪĽå»ºå·¥ä½ľ": 117495, + "红æŀ£": 117496, + "饼干": 117497, + "äºĨåįĬ天": 117498, + "ä¼ļå½±åĵįåΰ": 117499, + "çĽ¸ä¿¡å¤§å®¶": 117500, + "èħ¾é£ŀ": 117501, + "å°±å¦ĤåIJĮ": 117502, + "ä¸ĭéĿ¢å°ıç¼ĸ": 117503, + "æ°ijèIJ¥ç»ıæµİ": 117504, + "æĻ¦": 117505, + "è£ħæī®": 117506, + "é»ijå¤ľ": 117507, + "常德": 117508, + "å·¥ä¸ļ大åѦ": 117509, + "æĺİçŁ¥": 117510, + "éĺŁåijĺ们": 117511, + "åIJ¬è¯¾": 117512, + "æ¯ıéļĶ": 117513, + "羣æĺ¯å¤ª": 117514, + "åIJĪä½ľåħ±èµ¢": 117515, + "çIJĨåıij": 117516, + "æīįå¹²": 117517, + "çľĭèµ·ä¾Ĩ": 117518, + "殿ä¸ĭ": 117519, + "å®īéĺ³": 117520, + "æīĢ产çĶŁçļĦ": 117521, + "éĽĩä½£": 117522, + "æĬ¬èµ·å¤´": 117523, + "æį®æĬ¥éģĵ": 117524, + "éļĨéĩį举è¡Į": 117525, + "交éĶĻ": 117526, + "è¶ħé¢Ŀ": 117527, + "åĮĸçĸĹ": 117528, + "é¡Ĩ": 117529, + "纵深": 117530, + "çĪ±åĽ½ä¸»ä¹ī": 117531, + "éĻ¢åī¯éĻ¢éķ¿": 117532, + "讳": 117533, + "羣æŃ£åģļåΰ": 117534, + "åѤåįķ": 117535, + "èĩªçĦ¶èĢĮ": 117536, + "èĩªçĦ¶èĢĮçĦ¶": 117537, + "修身": 117538, + "èĬ¹": 117539, + "æģ¯æģ¯": 117540, + "æģ¯æģ¯çĽ¸åħ³": 117541, + "é©¾æł¡": 117542, + "æİ©é¥°": 117543, + "æ³½è¿ŀ": 117544, + "æ³½è¿ŀæĸ¯åŁº": 117545, + "举æŃ¢": 117546, + "管çIJĨä½ĵåζ": 117547, + "åħ¶ä¸Ńä¹ĭä¸Ģ": 117548, + "æĿ¾å¼Ľ": 117549, + "æĭ¦æĪª": 117550, + "åį«åģ¥": 117551, + "åį«åģ¥å§Ķ": 117552, + "ä»İåݻ年": 117553, + "åĤ¢": 117554, + "è´Ń票": 117555, + "åĽ¾æłĩ": 117556, + "河西": 117557, + "æ°ijæĶ¿å±Ģ": 117558, + "ç§ģèIJ¥": 117559, + "å¤ĸåĽ½è¯Ń": 117560, + "干货": 117561, + "æĵ¦æĭŃ": 117562, + "åľ°ä¸Ń": 117563, + "åľ°ä¸Ńæµ·": 117564, + "æµĵæµĵ": 117565, + "æµĵæµĵçļĦ": 117566, + "å§ĭ建": 117567, + "å§ĭ建äºİ": 117568, + "ç¶ĵæŃ·": 117569, + "è·¯æ¼Ķ": 117570, + "æļ´é£İ": 117571, + "åŁºè¾ħ": 117572, + "æī¶è´«å·¥ä½ľ": 117573, + "ä¸Ģ缴å¤Ħäºİ": 117574, + "æĥħè¶£": 117575, + "äºĮåŃ£åº¦": 117576, + "åİĮæģ¶": 117577, + "顺åĪ©å®ĮæĪIJ": 117578, + "æŁ¥å°ģ": 117579, + "顶端": 117580, + "ä¸įåŃķ": 117581, + "ä¸Ģ大åłĨ": 117582, + "被æ·ĺæ±°": 117583, + "æĺ¯ç͍æĿ¥": 117584, + "æľĢåIJĪéĢĤ": 117585, + "äº®çľ¼": 117586, + "å¹¶ä¸įæĺ¯å¾Ī": 117587, + "ç§ijçłĶéĻ¢": 117588, + "ç§ijçłĶéĻ¢æīĢ": 117589, + "ç²Ł": 117590, + "é¢Īéĥ¨": 117591, + "é»ĺé»ĺåľ°": 117592, + "é«ĺä¸ŃçĶŁ": 117593, + "æĹıèĩªæ²»åİ¿": 117594, + "æķĻåŃ¦è´¨éĩı": 117595, + "æĪĺçģ«": 117596, + "åĿİåĿ·": 117597, + "æIJŃä¹ĺ": 117598, + "è¯ĹæĦı": 117599, + "åĪijèѦ": 117600, + "åĩºæ±Ĺ": 117601, + "åįģåħŃæĿ¡": 117602, + "请åıĬæĹ¶": 117603, + "åĨľä¸ļ大åѦ": 117604, + "èIJ½åı¶": 117605, + "æĢ»èĢĮè¨Ģ": 117606, + "æĢ»èĢĮè¨Ģä¹ĭ": 117607, + "æĿľåħ°": 117608, + "æĿľåħ°çī¹": 117609, + "éĻªä½ł": 117610, + "åħ¬æĬ¥": 117611, + "çķĻè¨ĢæĿ¿": 117612, + "éĺħåİĨ": 117613, + "ç«¶çĪŃ": 117614, + "ç»ĻåĪ«äºº": 117615, + "æĹ¥æĬ¥ç¤¾": 117616, + "åĿIJèIJ½": 117617, + "åĿIJèIJ½äºİ": 117618, + "éĩijåŃĹ": 117619, + "éĩijåŃĹå¡Ķ": 117620, + "åĽ¤": 117621, + "è¯Ŀåī§": 117622, + "æĮģç»Ńæİ¨è¿Ľ": 117623, + "æ¼ıæ°´": 117624, + "詳細": 117625, + "æĢĢæĬ±": 117626, + "åıĺå¹»": 117627, + "饥饿": 117628, + "éļIJ身": 117629, + "ä¸ªèµĽåŃ£": 117630, + "åĵ¡å·¥": 117631, + "æģ¢å¤įæŃ£å¸¸": 117632, + "äºĨ好å¤ļ": 117633, + "æĺŁå·´": 117634, + "æĺŁå·´åħĭ": 117635, + "åħīçݯ": 117636, + "å¸ħåĵ¥": 117637, + "çĻ½éĽª": 117638, + "ç¨įç¨į": 117639, + "计æıIJ": 117640, + "æĦĽæĥħ": 117641, + "éİĸ": 117642, + "ä¿¡éĺ³": 117643, + "è§Ģå¯Ł": 117644, + "å¦Ĥæŀľä½łæĥ³": 117645, + "缸æ¯Ķä¹ĭä¸ĭ": 117646, + "è§£å¼Ģ": 117647, + "æīĵåį°æľº": 117648, + "身躯": 117649, + "ç²¾ç¥ŀæĸĩæĺİ": 117650, + "èĤ¡æĮĩ": 117651, + "å¾®åĪĽ": 117652, + "红èĮ¶": 117653, + "èĩ´çĻĮ": 117654, + "æģ©æĸ½": 117655, + "èħ¿éĥ¨": 117656, + "大åŀĭå¤ļ人": 117657, + "å®īåĢį": 117658, + "è¾ħ导åijĺ": 117659, + "èĪªéģĵ": 117660, + "å¸ĥå°Ķ": 117661, + "åįĹå®ģå¸Ĥ": 117662, + "ä¸ĬçıŃæĹı": 117663, + "ä¾§ç»ĵæŀĦæĢ§": 117664, + "追éļı": 117665, + "å½ĵåľ°æĶ¿åºľ": 117666, + "èµ°åĩºæĿ¥": 117667, + "éĩijèŀįä¸ļ": 117668, + "ä¸Ľä¹¦": 117669, + "é¡¹çĽ®ç»ıçIJĨ": 117670, + "è¿ĩæĪ·": 117671, + "骨æŀ¶": 117672, + "è¡Ļ": 117673, + "ä»Ģ麽": 117674, + "èħĭ": 117675, + "è¦ģ害": 117676, + "åľ¨åºĬä¸Ĭ": 117677, + "代è¨Ģ人": 117678, + "並å°ĩ": 117679, + "åIJĦ个æĸ¹éĿ¢": 117680, + "è°´è´£": 117681, + "åħ±æĮ¯": 117682, + "åį³å°ĨåΰæĿ¥": 117683, + "èĤºçĻĮ": 117684, + "ä¾ĽéĶĢ": 117685, + "丼æŀĹ": 117686, + "èµĥ": 117687, + "åįģä½Ļå¹´": 117688, + "åĭĺæİ¢": 117689, + "飵åij³": 117690, + "èĭ¦ç¬ij": 117691, + "æľĢ大ç¨ĭ度": 117692, + "éĩįçĤ¹åħ³æ³¨": 117693, + "ä¹ĭ举": 117694, + "满æĢĢ": 117695, + "åıĹåΰ影åĵį": 117696, + "æĭĽæĬķæłĩ": 117697, + "è¡¥é½IJ": 117698, + "西红": 117699, + "è¥¿çº¢æŁ¿": 117700, + "鬧": 117701, + "è£ħåį¸": 117702, + "éĤ»éĩĮ": 117703, + "èĤĩäºĭ": 117704, + "æİĴæ¯Ĵ": 117705, + "åѤåĦ¿": 117706, + "鼶è·Ŀ离": 117707, + "å®ŀå¹²": 117708, + "çľĭæŁ¥çľĭ": 117709, + "æĶ¶è´¹ç«Ļ": 117710, + "ç»·": 117711, + "åħ¬çĽĬæĢ§": 117712, + "éĢĴç»Ļ": 117713, + "æĶ»æīĵ": 117714, + "æĺŁçº§éħĴåºĹ": 117715, + "æĺİåªļ": 117716, + "çį¨ç«ĭ": 117717, + "è¯Ŀè¯ŃæĿĥ": 117718, + "ä¸ĢæŃ¥ä¸ĢæŃ¥": 117719, + "书æ³ķå®¶": 117720, + "æľªç»ıæİĪæĿĥ": 117721, + "çŁ³èĨı": 117722, + "åĩŃä»Ģä¹Ī": 117723, + "çļĦæĹ¥": 117724, + "çļĦæĹ¥åŃIJéĩĮ": 117725, + "诱人": 117726, + "çϾåĪĨçϾ": 117727, + "èĪĪè¶£": 117728, + "å¼łåħĪçĶŁ": 117729, + "èĢģçĪ·åŃIJ": 117730, + "æ³¢çī¹": 117731, + "åŁºéĩij份é¢Ŀ": 117732, + "æ²Ļåıijä¸Ĭ": 117733, + "å¥ĭæĸĹ缮æłĩ": 117734, + "æ°¢èĥ½": 117735, + "æ²ĥå°ĶçİĽ": 117736, + "義åĭĻ": 117737, + "éŁ³ç®±": 117738, + "æ²ī浸": 117739, + "æ²īæµ¸åľ¨": 117740, + "èĭ±åľĭ": 117741, + "çģ¯çģ«": 117742, + "è¿Ľé¡¹": 117743, + "两端": 117744, + "ä¹Ķ丹": 117745, + "èĦ¸é¢Ĭ": 117746, + "åıijå±ķæ½ľåĬĽ": 117747, + "åĭķä½ľ": 117748, + "åĵĪä½Ľ": 117749, + "å®´ä¼ļ": 117750, + "æ§į": 117751, + "ç«ĭå¿Ĺ": 117752, + "ç¡ķ士åѦä½į": 117753, + "åĭĭ竳": 117754, + "è¿Ļåľºæ¯ĶèµĽ": 117755, + "æĮģå¹³": 117756, + "éķĢéĶĮ": 117757, + "èĭ±çī¹": 117758, + "èĭ±çī¹å°Ķ": 117759, + "æķĻèģĮå·¥": 117760, + "åĬŁåĬĽ": 117761, + "该æ¡Ī": 117762, + "ä¸Ģæ¢Ŀ": 117763, + "åĺīå¹´": 117764, + "åĺīå¹´åįİ": 117765, + "è¿«ä¸įåıĬ": 117766, + "è¿«ä¸įåıĬå¾ħ": 117767, + "è¿Ļ个æĹ¶ä»£": 117768, + "精彩æĴŃæĬ¥": 117769, + "人èĦ¸": 117770, + "人èĦ¸è¯ĨåĪ«": 117771, + "æ£Ģå¯Łå®ĺ": 117772, + "å°ıèħ¿": 117773, + "éĨĴ缮": 117774, + "åħļæĢ»": 117775, + "åħļæĢ»æĶ¯": 117776, + "æĪŁ": 117777, + "èĮ«çĦ¶": 117778, + "è±ĨæµĨ": 117779, + "主治": 117780, + "éĿĴæµ·çľģ": 117781, + "åĪijäºĭ责任": 117782, + "çł°": 117783, + "ä¹ĭæ¬ĬåĪ©": 117784, + "äºĶå®ĺ": 117785, + "è¿·æĥij": 117786, + "åħ¥åºĵ": 117787, + "家纺": 117788, + "弹簧": 117789, + "åįģäºĶæĿ¡": 117790, + "ç»Ļå®Ŀå®Ŀ": 117791, + "èĪªç©ºèĪªå¤©": 117792, + "å¾Ģå¤ĸ": 117793, + "å¼ķåĬĽ": 117794, + "çľ¼çļ®": 117795, + "æ¶īè¶³": 117796, + "æĿ¥å®¾": 117797, + "åľ¨çº¿è§Ĵèī²": 117798, + "çĥŃéĶĢ": 117799, + "æµģéĢĿ": 117800, + "泡泡": 117801, + "éĻįå¹ħ": 117802, + "è´ŁéĿ¢å½±åĵį": 117803, + "红楼": 117804, + "红楼梦": 117805, + "éļĶçĿĢ": 117806, + "侥幸": 117807, + "许ä¹ħ": 117808, + "åĴĮçĿ¦": 117809, + "èѽ": 117810, + "使ç͍èĢħæĪĸ": 117811, + "ä¹°åįķ": 117812, + "è¿´": 117813, + "é£İæīĩ": 117814, + "æķĻ師": 117815, + "æ¡ĮåŃIJä¸Ĭ": 117816, + "å¾Īæ¼Ĥ亮": 117817, + "åł±å°İ": 117818, + "第ä¸ĢåŃ£åº¦": 117819, + "ç©©å®ļ": 117820, + "æĤ²åĵĢ": 117821, + "çĿĢåĬĽæīĵéĢł": 117822, + "æĮŁ": 117823, + "路桥": 117824, + "åijIJ": 117825, + "åľ£è¯ŀèĬĤ": 117826, + "çļĩåŃIJ": 117827, + "ä»ĩæģ¨": 117828, + "éħĿéħ¿": 117829, + "ä¸įéĹ´": 117830, + "ä¸įéĹ´æĸŃ": 117831, + "æĮĩå°ĸ": 117832, + "ä¸ŃåĽ½ç½ij游": 117833, + "åŀ£": 117834, + "æĦıè§ģ建议": 117835, + "æ¯ħçĦ¶": 117836, + "亮度": 117837, + "èģĶè°Ĭ": 117838, + "å½ķåħ¥": 117839, + "åĦ²": 117840, + "å¨ĺå®¶": 117841, + "ç§ijå°Ķ": 117842, + "ä¹Łæ²¡ä»Ģä¹Ī": 117843, + "æł¹æį®ä¸įåIJĮ": 117844, + "åı¶ä¿®": 117845, + "å̼å®Ī": 117846, + "æľ«ç«¯": 117847, + "å΍": 117848, + "åĤµåĭĻ": 117849, + "èģ¯åIJĪ": 117850, + "å¥ĩå¹»": 117851, + "èĻļæŀĦ": 117852, + "é»Ħæĺı": 117853, + "å¹³åĿ¦": 117854, + "æµģæ°ĵ": 117855, + "æĸ°åŁºå»º": 117856, + "æĮ½æķij": 117857, + "åįİå°Ķ": 117858, + "åįİå°Ķè¡Ĺ": 117859, + "æľĢåıĹæ¬¢è¿İ": 117860, + "ç»Ń约": 117861, + "å¼Ĭ端": 117862, + "éŃĶæ³ķå¸Ī": 117863, + "éŃĶæ³ķå¸ĪåĴĮ": 117864, + "åħ·ä½ĵåĨħ容": 117865, + "çIJīçĴĥ": 117866, + "æī©å®¹": 117867, + "èĮ¶åĽŃ": 117868, + "主ä¹īèĢħ": 117869, + "ç«ĭéĿ¢": 117870, + "æİ¥åıĹéĩĩ访": 117871, + "åĩºåħ¥å¢ĥ": 117872, + "ç§ijåįı": 117873, + "éĴ³": 117874, + "çµIJæ§ĭ": 117875, + "ç»ĵæŀľæĺ¾ç¤º": 117876, + "åı°è´¦": 117877, + "å°±æĿ¥çľĭçľĭ": 117878, + "èĩªæķij": 117879, + "åıįæĩī": 117880, + "åİ»åĵªåĦ¿": 117881, + "è¿Ļé¦ĸ": 117882, + "è¿Ļé¦ĸæŃĮ": 117883, + "åIJ¬ä¼Ĺ": 117884, + "å¤ĸ壳": 117885, + "ä½ĵèĤ²é¦Ĩ": 117886, + "實æĸ½": 117887, + "èŀºä¸Ŀ": 117888, + "æĭīåįĩ": 117889, + "çĮĽåľ°": 117890, + "åħ¨åĽ½äººæ°ij": 117891, + "æĤīå°¼": 117892, + "æĹı群": 117893, + "åĽ¢åijĺ": 117894, + "两个å°ıæĹ¶": 117895, + "åľ¨çݩ家": 117896, + "åľ¨çݩ家ä¸Ń": 117897, + "çĶľçĶľ": 117898, + "æĬķè¡Į": 117899, + "åįĶæľĥ": 117900, + "éĻ¡": 117901, + "åĬłå·¥åİĤ": 117902, + "æ¦ĨæŀĹ": 117903, + "æŃ»è§Ĵ": 117904, + "åĨħå¹ķ": 117905, + "æīĢæľīæĥħèĬĤ": 117906, + "åĪ·åį¡": 117907, + "æ°´èĤ¿": 117908, + "èĥĥåı£": 117909, + "å«Įå¼ĥ": 117910, + "沮丧": 117911, + "ä¸ī年级": 117912, + "æ¶Ĥå±Ĥ": 117913, + "å¿ĥ仪": 117914, + "å¿ĥ仪çļĦ": 117915, + "å¤Ń": 117916, + "é¦ĸè½®": 117917, + "æĹłè®ºæĺ¯åħ¶": 117918, + "éĢıæ°Ķ": 117919, + "äºĮåįģäºĶ": 117920, + "箫": 117921, + "åĬŁåĬ³": 117922, + "çѾä¸ĭ": 117923, + "æ²īè¿·": 117924, + "æķijåij½": 117925, + "éĹªéĹª": 117926, + "åIJĥäºı": 117927, + "å±ķåĵģ": 117928, + "åį³æĹ¶åıijçĶŁ": 117929, + "ç¶ľ": 117930, + "ç¶ľåIJĪ": 117931, + "æłĩæĺİ": 117932, + "çľĭç͵影": 117933, + "åħ¬ç«ł": 117934, + "éĺ¿æ£®": 117935, + "éĺ¿æ£®çº³": 117936, + "身åĪĽéĢł": 117937, + "身åĪĽéĢłçļĦ": 117938, + "æ¸Ľå°ij": 117939, + "å̼å¾Ĺåħ³æ³¨": 117940, + "鼶åĶ®åķĨ": 117941, + "æįĨç»ij": 117942, + "è¸ıåħ¥": 117943, + "èĽŁ": 117944, + "æŁ´çº³": 117945, + "èĢģåħµ": 117946, + "绿èī²çݯä¿Ŀ": 117947, + "é¹Ń": 117948, + "éº»æľ¨": 117949, + "æıŃçīĮ": 117950, + "è¿Ļ款车": 117951, + "ç¾İå¾·": 117952, + "ç¾İå¾·åħ¬åı¸": 117953, + "æ¶§": 117954, + "è°ģçŁ¥": 117955, + "æ´ĭèij±": 117956, + "æ¯įæł¡": 117957, + "ä¸ĢéĹª": 117958, + "çͷ䏻è§Ĵ": 117959, + "æĹłçº¿ç͵": 117960, + "å±łå®°": 117961, + "æĺ¯éŁ©åĽ½": 117962, + "æĺ¯éŁ©åĽ½å¨±": 117963, + "容è²Į": 117964, + "åĿĩ使åħ¶": 117965, + "太快": 117966, + "å¹´çͱ": 117967, + "å¹´çĶ±çĽĽ": 117968, + "èĭ¦èĭ¦": 117969, + "åĬĽè¿ĺæĺ¯": 117970, + "åĬĽè¿ĺæĺ¯èĩª": 117971, + "æĨ©": 117972, + "èģ¯çµ¡": 117973, + "å;": 117974, + "åħ·æľīæĪĺ士": 117975, + "追éĹ®": 117976, + "åłĨæĶ¾": 117977, + "åıį驳": 117978, + "å®ŀäºĭæ±Ĥ": 117979, + "å®ŀäºĭæ±Ĥæĺ¯": 117980, + "åѸéĻ¢": 117981, + "åįģåĩłä¸ª": 117982, + "æķijæĬ¤": 117983, + "æķijæĬ¤è½¦": 117984, + "ç½ijç»ľä¼łæĴŃ": 117985, + "åįģåħ«å±Ĭ": 117986, + "éĥ¨åī¯": 117987, + "éĥ¨åī¯éĥ¨éķ¿": 117988, + "çĹ´è¿·": 117989, + "管çIJĨæĿ¡ä¾ĭ": 117990, + "èŀį为ä¸Ģä½ĵ": 117991, + "æĢ»äº§å̼": 117992, + "è³ĵ": 117993, + "ä¸ĥæĺŁ": 117994, + "çıŃç»Ħ": 117995, + "绣é¢Ĩ": 117996, + "请大家": 117997, + "éĩijéϵ": 117998, + "èĪħèĪħ": 117999, + "æµ·æ¹¾": 118000, + "æĸ½çŃĸ": 118001, + "享èªī": 118002, + "麥": 118003, + "端åįĪ": 118004, + "绿åŁİ": 118005, + "確ä¿Ŀ": 118006, + "å·´æĭī": 118007, + "åĨĴçĿĢ": 118008, + "æħ·æħ¨": 118009, + "个人è§ĤçĤ¹": 118010, + "ä¹Ļçĥ¯": 118011, + "ç¡ħè°·": 118012, + "éĸĭå±ķ": 118013, + "å°ļ书": 118014, + "åĿļ飧": 118015, + "庵": 118016, + "èĢģé¾Ħ": 118017, + "èĢģé¾ĦåĮĸ": 118018, + "çľ¨çľ¼": 118019, + "绿水": 118020, + "绿水éĿĴå±±": 118021, + "书é¦Ļ": 118022, + "主åĬĽåĨĽ": 118023, + "æīįæĺ¯çľŁæŃ£": 118024, + "æĬ¢åħĪ": 118025, + "æĪIJå°±æĦŁ": 118026, + "éĩįæŀĦ": 118027, + "éĴ¢åİĤ": 118028, + "æĪIJ份": 118029, + "èĬ±çº¹": 118030, + "ä¹ĭäºī": 118031, + "å¹²ç»Ĩèĥŀ": 118032, + "æĹ¢åı¯ä»¥": 118033, + "ç¹ģçIJIJ": 118034, + "æĦļèł¢": 118035, + "éĿŀ常æĺİæĺ¾": 118036, + "ä½ĵ彩": 118037, + "æĬĢæ³ķ": 118038, + "æĿĨèıĮ": 118039, + "å¹¿æ³Ľåħ³æ³¨": 118040, + "åĮĹå®ĭ": 118041, + "å§Ĭ妹": 118042, + "åįıåĬŀ": 118043, + "æ·®åįĹ": 118044, + "çĥı": 118045, + "æ´ĹèĦ¸": 118046, + "åıĹ访": 118047, + "åıĹ访èĢħ": 118048, + "éĩįè¦ģåĽłç´ł": 118049, + "å½±è§Ĩåī§": 118050, + "综èīºèĬĤ缮": 118051, + "èľķåıĺ": 118052, + "äºĮ线": 118053, + "äºĮ线åŁİå¸Ĥ": 118054, + "ä¼Ĭå§ĭ": 118055, + "çıĬçijļ": 118056, + "èĩªæŁ¥": 118057, + "åħ¥åĽŃ": 118058, + "åĩ¶æīĭ": 118059, + "åħ¬è¯ī": 118060, + "éģĩéļ¾": 118061, + "éĩĩçŁ¿çŃī": 118062, + "èĩªçIJĨ": 118063, + "åĸ·æ¶Ĥ": 118064, + "æī©åħħ": 118065, + "éĢıè§Ĩ": 118066, + "é«ĺéĢŁå¢ŀéķ¿": 118067, + "åĽ¾çĶ»": 118068, + "ç¾¹": 118069, + "èĤĩåºĨ": 118070, + "è¾ľè´Ł": 118071, + "èµĶä»ĺ": 118072, + "è·¡": 118073, + "åģ¥åº·æĪIJéķ¿": 118074, + "以ä¸ĬåѦåİĨ": 118075, + "åıĸå¾Ĺ以åıĬ": 118076, + "æ²ī积": 118077, + "åįģä¹Ŀå±Ĭ": 118078, + "缸éĹľæľįåĭĻ": 118079, + "æī§åĭ¤": 118080, + "åī¯åİ¿éķ¿": 118081, + "寰": 118082, + "åģľæ»ŀ": 118083, + "淹没": 118084, + "çŁ³çģ°": 118085, + "çį¸": 118086, + "å̦": 118087, + "ç¾İåªĴ": 118088, + "æķĻæ¡Ī": 118089, + "åĬłçĽĸ": 118090, + "åħ¬å¼ĢèµĽ": 118091, + "å¥łåŁº": 118092, + "æĺĨèĻ«": 118093, + "çŀħ": 118094, + "磷éħ¸": 118095, + "äºīåĪĽ": 118096, + "çİĭæĻĵ": 118097, + "ç¼ĵåĨ²": 118098, + "åİļåİļ": 118099, + "åİļåİļçļĦ": 118100, + "æŀ£åºĦ": 118101, + "ç²¾çĽĬ": 118102, + "ç²¾çĽĬæ±Ĥ": 118103, + "ç²¾çĽĬæ±Ĥç²¾": 118104, + "åĪĨæĶ¯æľºæŀĦ": 118105, + "å®ŀæĸ½ç»ĨåĪĻ": 118106, + "æĸ°èµĽåŃ£": 118107, + "總統": 118108, + "éĢłè¡Ģ": 118109, + "é¢ĩåħ·": 118110, + "é»ĦåŁĶ": 118111, + "è¡ĢèĦĤ": 118112, + "交éĢļå·¥åħ·": 118113, + "å³¥": 118114, + "æĹıèĩªæ²»å·ŀ": 118115, + "寺éĻ¢": 118116, + "確å®ļ": 118117, + "æ¦Ĥ念èĤ¡": 118118, + "æĦŁå®ĺ": 118119, + "æŁľåı°": 118120, + "åĶĶ": 118121, + "çŀŃ解並": 118122, + "æĢ»ä»·": 118123, + "åIJ¸åħ¥": 118124, + "æĢ¼": 118125, + "æĻļéĹ´": 118126, + "å±Ĭæ¯ķä¸ļçĶŁ": 118127, + "çĶŁå§ľ": 118128, + "éĺħ读åħ¨æĸĩ": 118129, + "å¾ĹåΰæľīæķĪ": 118130, + "æIJľæķij": 118131, + "åİĨæĿ¥": 118132, + "èŃīæĺİ": 118133, + "åĥ»": 118134, + "èĨ³é£Ł": 118135, + "åĦĦåħĥ": 118136, + "æīĵåİĭ": 118137, + "宾客": 118138, + "åķ¼": 118139, + "ä¸ĢçϾå¤ļ": 118140, + "æ·±åħ¥äººå¿ĥ": 118141, + "æ¢ħå·ŀ": 118142, + "çłĶåѦ": 118143, + "åħ³ä¹İ": 118144, + "è¼Ľ": 118145, + "亲åıĭ": 118146, + "éħįæĸĻ": 118147, + "æĪijçĪ±ä½ł": 118148, + "è´¸æĺĵæĪĺ": 118149, + "æľīèī²": 118150, + "æľīèī²éĩijå±ŀ": 118151, + "æįIJåĬ©": 118152, + "为é¦ĸ": 118153, + "为é¦ĸçļĦ": 118154, + "å¯ĮåĬĽ": 118155, + "çĶ·ç¥ŀ": 118156, + "é³³": 118157, + "æµĩæ°´": 118158, + "åIJ±": 118159, + "æĺİç¡®æıIJåĩº": 118160, + "åı¹äºĨ": 118161, + "åı¹äºĨåı£æ°Ķ": 118162, + "礼æĭľ": 118163, + "è¿Ļ个åIJįåŃĹ": 118164, + "ä¿¡å¾Ĵ": 118165, + "å¿Ĺ强": 118166, + "éĻIJæĹ¶": 118167, + "æĶ¶è²»": 118168, + "åĨľå®¶ä¹IJ": 118169, + "å°ıé¾ĻèϾ": 118170, + "èIJ½å¹ķ": 118171, + "æ§Ł": 118172, + "åѦ龸": 118173, + "æĪĸå¤ļ": 118174, + "æĪĸå¤ļæĪĸ": 118175, + "æĪĸå¤ļæĪĸå°ij": 118176, + "座è°Īä¼ļä¸Ĭ": 118177, + "æ¶¼": 118178, + "éŃĶçİĭ": 118179, + "å²±": 118180, + "é¡¶å±Ĥ": 118181, + "é¡¶å±Ĥ设计": 118182, + "èĦijåŃIJéĩĮ": 118183, + "éĻ¢åŃIJéĩĮ": 118184, + "轩è¾ķ": 118185, + "身å¿ĥåģ¥åº·": 118186, + "èħij": 118187, + "éĹľæ³¨": 118188, + "åıĤåĬłä¼ļè®®": 118189, + "ä¸ŃåįİæĸĩåĮĸ": 118190, + "追寻": 118191, + "å®īçĦ¶": 118192, + "é£Ļåįĩ": 118193, + "éŁŃèıľ": 118194, + "鸦": 118195, + "åĤ¨éĩı": 118196, + "çĶ·æĸ¹": 118197, + "å¤ĩ份": 118198, + "æijĶåĢĴ": 118199, + "润æ»ijæ²¹": 118200, + "é̼è¿ij": 118201, + "çͳè¯ī": 118202, + "鸣类": 118203, + "çŁ³æ²¹åĮĸå·¥": 118204, + "åĿļæŀľ": 118205, + "è¿Ļå®¶ä¼Ļ": 118206, + "æĭĴä¸į": 118207, + "羣çļ®": 118208, + "è·ĿéĽ¢": 118209, + "è¿ĺæĮº": 118210, + "éĽķåĥı": 118211, + "åĪĿæģĭ": 118212, + "æıIJä¾ĽæĽ´å¤ļ": 118213, + "æŁ¥çľĭåħ¨æĸĩ": 118214, + "æķ°åŃĹè´§å¸ģ": 118215, + "åĸīåĴĻ": 118216, + "åı¦ä¸Ģä½į": 118217, + "åĤ¬åĮĸ": 118218, + "åĤ¬åĮĸåīĤ": 118219, + "ä»İæĿ¥æ²¡": 118220, + "å¯ĨåĪĩ缸åħ³": 118221, + "éĥ¨ä¸»ä»»": 118222, + "产åĵģç»ıçIJĨ": 118223, + "並åIJĮæĦı": 118224, + "èIJ½åħ¥": 118225, + "å±ıå¹ķä¸Ĭ": 118226, + "åħ¬åı¸ç«łç¨ĭ": 118227, + "æį¢åı¥è¯Ŀ": 118228, + "æį¢åı¥è¯Ŀ说": 118229, + "ä½įæĸ¼": 118230, + "ä½Ķ": 118231, + "åĩ»æĿĢ": 118232, + "缸è¾ĥ": 118233, + "缸è¾ĥäºİ": 118234, + "ç²½åŃIJ": 118235, + "åįĹæŀģ": 118236, + "宫é¢Ī": 118237, + "è£ģåijĺ": 118238, + "æĺİç»Ĩ": 118239, + "ä»·å̼éĵ¾": 118240, + "åĽĽä¸ªæĸ¹éĿ¢": 118241, + "æĥħåĨµæĿ¥çľĭ": 118242, + "æĮijåīĶ": 118243, + "æ®ĺ": 118244, + "æŀģåĬĽ": 118245, + "çĸijéļ¾": 118246, + "æĬµæĬĹåĬĽ": 118247, + "æĢ¥éĢŁ": 118248, + "æĪĮ": 118249, + "ä½İä¼°": 118250, + "éĹªè¿ĩ": 118251, + "æģ¬": 118252, + "èµŀæī¬": 118253, + "ä»ĸå¦Ī": 118254, + "æĪIJ为ä¸ĢåIJį": 118255, + "æ´Ĺ礼": 118256, + "é¢Ħ计å°Ĩ": 118257, + "åħĪè¿Ľåįķä½į": 118258, + "è¼Ķ": 118259, + "éĢĥèĦ±": 118260, + "çݰåŃĺ": 118261, + "èĢģèĻİæľº": 118262, + "åįģä¸ĥæĿ¡": 118263, + "åı¦ä¸ĢåįĬ": 118264, + "温æĥħ": 118265, + "åī¥ç¦»": 118266, + "ä¸ĸè´¸": 118267, + "å®ĺåı¸": 118268, + "å¾Īå·®": 118269, + "éĹ´è·Ŀ": 118270, + "请注æĦı": 118271, + "åı²è¯Ĺ": 118272, + "åĪ©åύ": 118273, + "è¿IJç®Ĺ": 118274, + "沦为": 118275, + "該使ç͍èĢħ": 118276, + "èĮ¬": 118277, + "éĶ¦ç»£": 118278, + "åı²æĸĻ": 118279, + "ç쵿´»æĢ§": 118280, + "èģĶ社": 118281, + "æĹłåĬ©": 118282, + "æĬĹæ°§åĮĸ": 118283, + "èıľèĤ´": 118284, + "éĢłèι": 118285, + "æİīèIJ½": 118286, + "å¤įæŁ¥": 118287, + "åĭĥåĭĥ": 118288, + "åij¼å£°": 118289, + "給äºĪ": 118290, + "åIJĮäºĭ们": 118291, + "ç½°": 118292, + "è¯ķæİ¢": 118293, + "åħ³éĶ®åŃĹ": 118294, + "æįIJçĮ®": 118295, + "ç»Łè®¡æķ°æį®": 118296, + "åĪĽä½ľèĢħ": 118297, + "ä¸ĭåįĬ": 118298, + "ä¸ĭåįĬåľº": 118299, + "æī¿æĭħ责任": 118300, + "端æŃ£": 118301, + "ç©¿è¡£": 118302, + "ä¼łçIJĥ": 118303, + "åĬ©éķ¿": 118304, + "åĩ±": 118305, + "éķ¶åµĮ": 118306, + "é£ŀç¿Ķ": 118307, + "è¾ĵåįµ": 118308, + "è¾ĵåįµç®¡": 118309, + "ä¸ĩåħ¬éĩĮ": 118310, + "æİ¨å¹¿åºĶç͍": 118311, + "å¿«æ¨Ĥ": 118312, + "ç§½": 118313, + "èī°å·¨": 118314, + "åIJ¬å®Į": 118315, + "åĿļ硬": 118316, + "å¥¥åľ°": 118317, + "å¥¥åľ°åĪ©": 118318, + "é¢ĵ": 118319, + "èĻIJå¾ħ": 118320, + "ä¾Ľæ±Ĥ": 118321, + "éľīç´ł": 118322, + "伪è£ħ": 118323, + "ä¹¡åľŁ": 118324, + "åĩ¡æľ¬ç½ij": 118325, + "åĩ¡æľ¬ç½ij注": 118326, + "ä¼ĬåĪ©": 118327, + "è¡¡æ°´": 118328, + "æĽ´åĥıæĺ¯": 118329, + "åĪĨéĴŁå·¦åı³": 118330, + "è¦ı模": 118331, + "äºĶåĪĨéĴŁ": 118332, + "åºĹåĬłçĽŁ": 118333, + "åĽ°éĽ£": 118334, + "åħ³åģľ": 118335, + "æĢĿ绪": 118336, + "åĴ½åĸī": 118337, + "缸符": 118338, + "çĥ¦èºģ": 118339, + "æĻĤæľŁ": 118340, + "åijĪçı¾": 118341, + "è§£æķ£": 118342, + "诱导": 118343, + "éļĶçĥŃ": 118344, + "çĮ¶": 118345, + "åįĹå®ĭ": 118346, + "æ·±åħ¥äºĨè§£": 118347, + "çŃĶçĸij": 118348, + "æĺ¼å¤ľ": 118349, + "åįĥä¼ı": 118350, + "åĬ³åĬ¡æ´¾éģ£": 118351, + "红è±Ĩ": 118352, + "åĿıäºĭ": 118353, + "çĤ¹æ»´": 118354, + "å°±ä¸ļå²Ĺä½į": 118355, + "约åIJĪ": 118356, + "åħįéϤ": 118357, + "éĢĨåĬ¿": 118358, + "éĩįéĩijå±ŀ": 118359, + "å®ĺ宣": 118360, + "ä½İå»ī": 118361, + "æģ¨ä¸įå¾Ĺ": 118362, + "å¾Ĺ天": 118363, + "å¾Ĺ天çĭ¬": 118364, + "å¾Ĺ天çĭ¬åİļ": 118365, + "ä¸Ģå°ģä¿¡": 118366, + "æĬ½å¥ĸ": 118367, + "è¾Ĺ转": 118368, + "çķĻå®Ī": 118369, + "çķĻå®ĪåĦ¿ç«¥": 118370, + "çŃĶåį·": 118371, + "å·¨åŀĭ": 118372, + "æľĢ好ä¸įè¦ģ": 118373, + "æµĻæ±Łå¤§åѦ": 118374, + "æĨ¨": 118375, + "æı¡æīĭ": 118376, + "éĴĪç»ĩ": 118377, + "æİĴ骨": 118378, + "çĤ½": 118379, + "å°ģè£ħ": 118380, + "åįĢåŁŁ": 118381, + "空æ°ĶåĩĢåĮĸ": 118382, + "åħīå½±": 118383, + "åĢĴå¡Į": 118384, + "å§ļæĺİ": 118385, + "æ¤į被": 118386, + "åѦåīį": 118387, + "åѦåīįæķĻèĤ²": 118388, + "èĬĿåĬł": 118389, + "èĬĿåĬłåĵ¥": 118390, + "缩水": 118391, + "ä½Ł": 118392, + "åľ¨çº¿åĴ¨è¯¢": 118393, + "èµıæŀIJ": 118394, + "éĿĴèĽĻ": 118395, + "æĬ±ä½ı": 118396, + "èĮĤåIJį": 118397, + "åħ¨åĬĽæīĵéĢł": 118398, + "åįļ士åѦä½į": 118399, + "æ²§å·ŀ": 118400, + "åĻ¢": 118401, + "æĿĤçī©": 118402, + "åĪ»çĶ»": 118403, + "æįħ": 118404, + "å¾®éĩı": 118405, + "å¾®éĩıåħĥç´ł": 118406, + "ä¸ĢåĽŀäºĭ": 118407, + "鸡èĤī": 118408, + "åĪ©æ¶¦çİĩ": 118409, + "æīįç®Ĺ": 118410, + "å¾®å¦Ļ": 118411, + "棵æłij": 118412, + "贪婪": 118413, + "åĩıå̼": 118414, + "梦å¢ĥ": 118415, + "åı¯è§Ĩ": 118416, + "åı¯è§ĨåĮĸ": 118417, + "广大å¸Ĥæ°ij": 118418, + "ä¸ĵä¸ļä»İäºĭ": 118419, + "ç»ı纬": 118420, + "ç´§çĽ¯": 118421, + "çŁ¥å·±": 118422, + "è¤ļ": 118423, + "æĸĩåĮĸåºķèķ´": 118424, + "åݦéŨå¸Ĥ": 118425, + "临港": 118426, + "对åħ¶çľŁå®ŀ": 118427, + "岸边": 118428, + "è¦ĸçĤº": 118429, + "æĬĹçĻĮ": 118430, + "åĶIJå®ĩ": 118431, + "ä¸įå¾Ĺè¶ħè¿ĩ": 118432, + "å¨ģæħij": 118433, + "æ¡Ĩæŀ¶åįıè®®": 118434, + "èµ°ç§ģ": 118435, + "åĽ¢å§Ķ": 118436, + "夸大": 118437, + "æ¬Ħ": 118438, + "ç¥ŀç»ıç³»ç»Ł": 118439, + "æijĦå½±ä½ľåĵģ": 118440, + "èĬ¥": 118441, + "å®īåºĨ": 118442, + "海滨": 118443, + "æŀĦæĢĿ": 118444, + "çĮĤ": 118445, + "åı©": 118446, + "éĺIJæĺİ": 118447, + "éģģ": 118448, + "精油": 118449, + "ç©´ä½į": 118450, + "æĬ¤èº«": 118451, + "æĬ¤èº«ç¬¦": 118452, + "æĮĩå°İ": 118453, + "åŃĺåľ¨ä¸Ģå®ļ": 118454, + "å¯ĤéĿĻ": 118455, + "æµ·å¤ĸå¸Ĥåľº": 118456, + "éĿ¡": 118457, + "综åIJĪå¾ģ": 118458, + "ä¿IJ": 118459, + "è¨Īç®Ĺ": 118460, + "æĺİæľĹ": 118461, + "äºļè¿IJ": 118462, + "äºļè¿IJä¼ļ": 118463, + "åīįçŀ»æĢ§": 118464, + "åĮ®ä¹ı": 118465, + "产ä¸ļæī¶è´«": 118466, + "èĦijæµ·": 118467, + "èĦijæµ·ä¸Ń": 118468, + "åħļçļĦé¢Ĩ导": 118469, + "åĪĺéĤ¦": 118470, + "æµģæĺŁ": 118471, + "æĵĤ": 118472, + "æĶĢçĻ»": 118473, + "åĴĶ": 118474, + "ä¸Ģä¸ĭåŃIJå°±": 118475, + "è¯Ĭæ²»": 118476, + "使åĬ²": 118477, + "åīµä½ľ": 118478, + "éĵŃè®°": 118479, + "éĴ±è´¢": 118480, + "æĹ¥æĬ¥è®°èĢħ": 118481, + "çĥŁçģ«": 118482, + "èĥľè´Ł": 118483, + "åįļ主": 118484, + "ä¸ŃåĽ½èģĶéĢļ": 118485, + "ç½ijç«Ļé¦ĸ页": 118486, + "å°±å¤Ł": 118487, + "å°±å¤ŁäºĨ": 118488, + "æīijåħĭ": 118489, + "å±ħå§Ķä¼ļ": 118490, + "è°¬": 118491, + "å®īåħ¨äºĭæķħ": 118492, + "åķĨçĶ¨è½¦": 118493, + "循çݯç»ıæµİ": 118494, + "æ·¤": 118495, + "èĢĥè¯ģ": 118496, + "å®ĿèĹı": 118497, + "å®Įç»ĵ": 118498, + "çłĶåıijæĬķåħ¥": 118499, + "å²ij": 118500, + "æģŃæķ¬": 118501, + "离éĢĢä¼ij": 118502, + "水墨": 118503, + "å©¶": 118504, + "è¯Ĺåı¥": 118505, + "å®ģæ³¢å¸Ĥ": 118506, + "å¼±çĤ¹": 118507, + "åģľçīĮ": 118508, + "奶油": 118509, + "å¥ĩ纳河": 118510, + "æĨĤ": 118511, + "社ä¼ļå®ŀè·µ": 118512, + "è´Ŀ壳": 118513, + "çłĤæµĨ": 118514, + "èιåıª": 118515, + "宣æī¬": 118516, + "综åIJĪæķ´æ²»": 118517, + "åĤij": 118518, + "æ°ijæĹıæĸĩåĮĸ": 118519, + "éĩįçݰ": 118520, + "积æ·Ģ": 118521, + "åħ¬çĦ¶": 118522, + "çħī": 118523, + "缸èģļ": 118524, + "æ±¾": 118525, + "纹çIJĨ": 118526, + "çĩĥçħ¤": 118527, + "æŃ¤ç§į": 118528, + "ç¾İå¦Ĩ": 118529, + "åįĥçĵ¦": 118530, + "çIJĽ": 118531, + "驾驶è¯ģ": 118532, + "éĺ¶æ¢¯": 118533, + "ä¸Ŀä¸Ŀ": 118534, + "å¾Īå¤ļäºĭæĥħ": 118535, + "åħīéĺ´": 118536, + "èijĹä½ľæ¬Ĭ": 118537, + "åħ§éĥ¨": 118538, + "çĽ¸å¯¹æĿ¥è¯´": 118539, + "éĸĴ": 118540, + "éľĩæħij": 118541, + "說話": 118542, + "æĨij": 118543, + "ç«¥è£ħ": 118544, + "ä½ıæĪ¿åĴĮ": 118545, + "ä½ıæĪ¿åĴĮåŁİ": 118546, + "å·²ç»ıè¶ħè¿ĩ": 118547, + "ä¾¦å¯Ł": 118548, + "çŁ¿çī©": 118549, + "ä¾Ľå¤§å®¶": 118550, + "çī¹éĤĢ": 118551, + "ç¨ĭåºıåijĺ": 118552, + "çķľçī§ä¸ļ": 118553, + "æ°ª": 118554, + "çijª": 118555, + "åĢĴåľ¨": 118556, + "åĢĴåľ¨åľ°": 118557, + "æ¯Ģ": 118558, + "梯éĺŁ": 118559, + "æİ¥èijĹ": 118560, + "æĬĹèıĮ": 118561, + "è¤ĩ": 118562, + "ç¬Ļ": 118563, + "æ¯Ķä¸Ĭå¹´": 118564, + "鸡汤": 118565, + "åŃ¦ä¹łæĪIJ绩": 118566, + "æĸijæĸĵ": 118567, + "åħĪ导": 118568, + "åĪĹ举": 118569, + "è°ĥæŁ¥æĺ¾ç¤º": 118570, + "æ©«": 118571, + "ä¹Ŀåįģ": 118572, + "è°¢éŁµ": 118573, + "è·¨è¶Ĭå¼ı": 118574, + "女æĢ§æľĭåıĭ": 118575, + "èIJ¥åħ»ä»·å̼": 118576, + "å®ŀè·µç»ıéªĮ": 118577, + "èĭıå·ŀå¸Ĥ": 118578, + "çĵ¶åŃIJ": 118579, + "æĸ°çļĦä¸Ģ": 118580, + "æĸ°çļĦä¸Ģå¹´": 118581, + "æĺİæĻ°": 118582, + "å®łçα": 118583, + "åŃĹ第": 118584, + "æľĹ诵": 118585, + "纳æĸ¯": 118586, + "éĢĨè¡Į": 118587, + "è«ĭæĤ¨": 118588, + "è«ĭæĤ¨æıIJä¾Ľ": 118589, + "èĥ¸æĢĢ": 118590, + "第ä¸ĥå±Ĭ": 118591, + "强壮": 118592, + "代åŃķ": 118593, + "æ±¶å·Ŀ": 118594, + "å®¶åĸ»": 118595, + "å®¶åĸ»æĪ·": 118596, + "å®¶åĸ»æĪ·æĻĵ": 118597, + "èħ®": 118598, + "åIJ¯è¿ª": 118599, + "æĹłéļľç¢į": 118600, + "èĻķçIJĨåıĬ": 118601, + "æĿ¥åİĨ": 118602, + "å®ŀåĬ¡": 118603, + "ä¹Łéļıä¹ĭ": 118604, + "æĬĢèĥ½åٹè®Ń": 118605, + "åѤç«ĭ": 118606, + "åīģ": 118607, + "éĥ´å·ŀ": 118608, + "æĶ¶æķĽ": 118609, + "éł»éģĵ": 118610, + "èį£å¹¸": 118611, + "èİ«è¿ĩäºİ": 118612, + "æŃ¤æĻĤ": 118613, + "纪å§ĶçĽij": 118614, + "纪å§ĶçĽijå§Ķ": 118615, + "缸éĤ»": 118616, + "åı¦ä¸Ģè¾¹": 118617, + "çªĴæģ¯": 118618, + "æľīå¾Īå¤ļç§į": 118619, + "æ¯ıéĢ¢": 118620, + "éĹ®ä¸ĸ": 118621, + "累累": 118622, + "éĿĴæĺ¥æľŁ": 118623, + "è·¯åĨµ": 118624, + "åħĭèݱ": 118625, + "è¿Ħä»Ĭ为æŃ¢": 118626, + "æĥĬå¥ĩ": 118627, + "跨度": 118628, + "éħ¿éĢł": 118629, + "åĩĭ": 118630, + "è¿ijä¸īå¹´": 118631, + "åĨħ马": 118632, + "åĨħ马å°Ķ": 118633, + "æıį": 118634, + "è¿Ľå±ķæĥħåĨµ": 118635, + "èĮ§": 118636, + "æľīåºıæİ¨è¿Ľ": 118637, + "æĢ»åĨłåĨĽ": 118638, + "æĪIJ绩åįķ": 118639, + "éĽ»è©±åıĬ": 118640, + "ç´§å¯Ĩç»ĵåIJĪ": 118641, + "åºĬä½į": 118642, + "é¹Ĭ": 118643, + "æķ£åıijçĿĢ": 118644, + "åĭŁèµĦ": 118645, + "æ°¨éħ¸": 118646, + "彩ç¥ŀ": 118647, + "è®Ģåıĸ": 118648, + "éĩ῏©": 118649, + "ä¸ŃåŃĺåľ¨çļĦ": 118650, + "ç¾İéºĹ": 118651, + "ä¸įæĸŃå¢ŀåĬł": 118652, + "è½®æµģ": 118653, + "æİ¥åIJ¬": 118654, + "年产å̼": 118655, + "åįĥåħĭ": 118656, + "æĪĺåľºä¸Ĭ": 118657, + "çħ§é¡§": 118658, + "å¹²éĥ¨éĺŁä¼į": 118659, + "åį°ç«ł": 118660, + "ä¸Ģèĩ´æĢ§": 118661, + "è¿ŀå¤ľ": 118662, + "åħħè£ķ": 118663, + "é»ijåIJįåįķ": 118664, + "åĩĢæ°´": 118665, + "ä¸Ģ大æĹ©": 118666, + "åĮħ袱": 118667, + "çĬ¯è§Ħ": 118668, + "çIJĨè«ĸ": 118669, + "æŀģæĺĵ": 118670, + "骸": 118671, + "å¨ĺå¨ĺ": 118672, + "åĽ¢åľĨ": 118673, + "亿åħĥ以ä¸Ĭ": 118674, + "åĪ©ç͍æĤ¨çļĦ": 118675, + "带æĿ¥æĽ´å¤ļ": 118676, + "ä¸Ń央空è°ĥ": 118677, + "æľĪèĸª": 118678, + "çĮľæĥ³": 118679, + "åĪºå®¢": 118680, + "ä½ľæģ¯": 118681, + "åįķè°ĥ": 118682, + "äºĴåĪ©": 118683, + "å¦Ĥæľīä¾µæĿĥ": 118684, + "å°ıå·§": 118685, + "åįģåł°": 118686, + "åĵĪåĵĪåĵĪåĵĪ": 118687, + "è¾¹éĻħ": 118688, + "æłĩè¯Ń": 118689, + "åĪĩåħ¥çĤ¹": 118690, + "éĢĨè¢Ń": 118691, + "è¯ķåīĤ": 118692, + "绿è±Ĩ": 118693, + "è®ļ": 118694, + "åŁºçĿ£å¾Ĵ": 118695, + "壬": 118696, + "åħ¨æĺİæĺŁ": 118697, + "éĢīç§Ģ": 118698, + "èĪĮå°ĸ": 118699, + "ä¸įåIJĮç±»åŀĭ": 118700, + "çĥŁåĽ±": 118701, + "ç쵿°Ķ": 118702, + "åĮºç®¡å§Ķä¼ļ": 118703, + "åĨľåī¯": 118704, + "åĨľåī¯äº§åĵģ": 118705, + "èĶļæĿ¥": 118706, + "沪æĮĩ": 118707, + "åħ»æ®ĸæĪ·": 118708, + "æĸĹå¿Ĺ": 118709, + "é¦ĸé¢Ĩ": 118710, + "è¡Ģèħ¥": 118711, + "åĬłç´§": 118712, + "ä¸Ģèĩ´å¥½è¯Ħ": 118713, + "第ä¸īèĬĤ": 118714, + "æī¬å°ĺ": 118715, + "交éĢļæŀ¢çº½": 118716, + "鼶ç¢İ": 118717, + "é»ijæ´ŀ": 118718, + "çľĭä¸įæĩĤ": 118719, + "å±ŀå®ŀ": 118720, + "主åŁİåĮº": 118721, + "å¨Ľ": 118722, + "å¨Ľæ¨Ĥ": 118723, + "ç¬ijæĦı": 118724, + "èĻ¹æ¡¥": 118725, + "åIJĦ个çݯèĬĤ": 118726, + "çķ¥å¾®": 118727, + "èĢķèĢĺ": 118728, + "æľ¬åľºæ¯ĶèµĽ": 118729, + "æĪIJè´¥": 118730, + "éĢīèĤ¡": 118731, + "èªŀè¨Ģ": 118732, + "çŃĶ辩": 118733, + "èĩªä¹ł": 118734, + "棺": 118735, + "ä¸ĩ欧åħĥ": 118736, + "åģľå·¥": 118737, + "对åħ¶è¿Ľè¡Į": 118738, + "积æŀģéħįåIJĪ": 118739, + "ä¹¾åĿ¤": 118740, + "å¦ĸæĢª": 118741, + "èļĮåŁł": 118742, + "èµĦ产è¯Ħä¼°": 118743, + "è°ĥçļ®": 118744, + "éϤå¤ķ": 118745, + "åĽ´å¢Ļ": 118746, + "æľįå½¹": 118747, + "æ·±æ¸Ĭ": 118748, + "é¢Ħåζ": 118749, + "çĥ½": 118750, + "å®ī稳": 118751, + "建æŀĦ": 118752, + "çĭĻåĩ»": 118753, + "主åĭķ註åĨĬ": 118754, + "éĥ½æľīèĩªå·±": 118755, + "æİĴåIJį第ä¸Ģ": 118756, + "麻辣": 118757, + "çĢļ": 118758, + "çĥŁèĬ±çĪĨ": 118759, + "çĥŁèĬ±çĪĨ竹": 118760, + "èĩªçĦ¶ä¿ĿæĬ¤": 118761, + "ä»Ļå¢ĥ": 118762, + "为äºĨéģ¿åħį": 118763, + "åĨ·åºĵ": 118764, + "è§£æĶ¾æĢĿæĥ³": 118765, + "åĪĿäºĮ": 118766, + "ä½ĵè´´": 118767, + "é¦ĸå¯Į": 118768, + "迪æĭľ": 118769, + "æļĤç¼ĵ": 118770, + "æĶ¯æĮģåĬĽåº¦": 118771, + "侦æİ¢": 118772, + "马åĪº": 118773, + "åĮĹæ±½": 118774, + "ç¹ŀ": 118775, + "è°İè¨Ģ": 118776, + "éĢ£çºĮ": 118777, + "å·³": 118778, + "ä»»ä½ķæĹ¶åĢĻ": 118779, + "车èģĶç½ij": 118780, + "åįķ项": 118781, + "å¸Ńåį·": 118782, + "建çŃijæĿIJæĸĻ": 118783, + "ä¸Ńç§ĭèĬĤ": 118784, + "ç¡ķ士çłĶç©¶": 118785, + "ç§ģç«ĭ": 118786, + "åħļåĴĮæĶ¿åºľ": 118787, + "æľ¬æ¬¡äº¤æĺĵ": 118788, + "èººåľ¨åºĬä¸Ĭ": 118789, + "ç½ijåıĭè¯Ħ论": 118790, + "å¦Ŀ": 118791, + "害ç¾ŀ": 118792, + "åħ¬ç«ĭåĮ»éĻ¢": 118793, + "ä¸ŀ": 118794, + "çĶŁçī©è´¨": 118795, + "åºĶéĤĢ": 118796, + "æĬ½åıĸ": 118797, + "åĩłå¼ł": 118798, + "æijĺç¼ĸ": 118799, + "ç»ĺæľ¬": 118800, + "详解": 118801, + "强硬": 118802, + "æľĢåħĪè¿ĽçļĦ": 118803, + "æĭĽèĤ¡": 118804, + "æĭĽèĤ¡ä¹¦": 118805, + "åįĥæĸ¹": 118806, + "åįĥæĸ¹çϾ": 118807, + "åįĥæĸ¹çĻ¾è®¡": 118808, + "éħįéŁ³": 118809, + "驾çħ§": 118810, + "å¾ģæĪĺ": 118811, + "èªĵè¨Ģ": 118812, + "æĭľå¸Ī": 118813, + "æĭľå¸ĪåѦ": 118814, + "æĭľå¸ĪåѦèīº": 118815, + "æĬ±åĽ¢": 118816, + "ç±³ç²ī": 118817, + "éĿŀ常éĢĤåIJĪ": 118818, + "èĪªæµ·": 118819, + "履约": 118820, + "åįģåħ«æĿ¡": 118821, + "éĶ»éĢł": 118822, + "éĩįè¦ģ举æİª": 118823, + "åıijæĮ¥ä½ľç͍": 118824, + "æ·ļ": 118825, + "人社": 118826, + "人社å±Ģ": 118827, + "è¯ķçĤ¹å·¥ä½ľ": 118828, + "éĺľéĺ³": 118829, + "æ¡ĥåľĴ": 118830, + "æ°ijä¼ģ": 118831, + "æ´ģçϽ": 118832, + "贵宾": 118833, + "åħ¬ç¤¾": 118834, + "è§īæĤŁ": 118835, + "è®°å¿ĨåĬĽ": 118836, + "æľĥåĵ¡è¨»åĨĬ": 118837, + "æŃ¤æ¡Ī": 118838, + "麻çĹ¹": 118839, + "çıĢ": 118840, + "æĸ©èİ·": 118841, + "çĶ·åŃ©åŃIJ": 118842, + "å±ĢéĻIJäºİ": 118843, + "åĭĺæŁ¥": 118844, + "åIJĥ饱": 118845, + "èĬ¬åħ°": 118846, + "æ£ķèī²": 118847, + "ç¦ıç¥ī": 118848, + "çͳèĬ±": 118849, + "æµ·çĽĹ": 118850, + "èĶij": 118851, + "æĸĩåѸ": 118852, + "æ´»æĢ§çĤŃ": 118853, + "缴éĢļ车": 118854, + "è°¢éĤĢ": 118855, + "躺çĿĢ": 118856, + "åľĥ": 118857, + "æ¯ıæĹ¥ç»ıæµİ": 118858, + "åħ¬åħ±æĸĩåĮĸ": 118859, + "讲æķħäºĭ": 118860, + "å¯Łçľĭ": 118861, + "æĤłéĹ²": 118862, + "åľ°åĿª": 118863, + "æ¶Įçݰåĩº": 118864, + "é«ĺçŃīéĻ¢æł¡": 118865, + "èĮĦåŃIJ": 118866, + "éĺ²åį«": 118867, + "ä¾ĭè¡Į": 118868, + "æĺ¾éľ²": 118869, + "æĸ°å¸¸æĢģ": 118870, + "ç»Ŀä½³": 118871, + "å¯Įæ°ij": 118872, + "以人æ°ij": 118873, + "以人æ°ij为": 118874, + "éĤ¢åı°": 118875, + "å±ķæ¼Ķ": 118876, + "çϼå¸ĥ": 118877, + "è´Łè½½": 118878, + "åģı离": 118879, + "æ°¸éģł": 118880, + "éĩįè¦ģåİŁåĽł": 118881, + "åįıä¼ļä¼ļåijĺ": 118882, + "é﾿°ij": 118883, + "çĶŁäº§è½¦éĹ´": 118884, + "çģµåĬ¨": 118885, + "两年åīį": 118886, + "æĸ¹åľĨ": 118887, + "æ´»ä¸ĭåİ»": 118888, + "ä¸ĸçķĮè§Ĥ": 118889, + "éªĹåıĸ": 118890, + "ç¾İè²Į": 118891, + "èĥ½çľĭåĩº": 118892, + "çϼæı®": 118893, + "è§Ĥå½±": 118894, + "åīĥ": 118895, + "åIJĪèµĦåħ¬åı¸": 118896, + "å©§": 118897, + "å¹²æĹ±": 118898, + "åħŃ个æľĪ": 118899, + "尤为éĩįè¦ģ": 118900, + "èĤ½": 118901, + "ç§¦åĽ½": 118902, + "æīĺç¦ı": 118903, + "建çŃijå¸Ī": 118904, + "åįĩ级æĶ¹éĢł": 118905, + "å°ıé¢Ŀ": 118906, + "å°ıé¢Ŀ贷款": 118907, + "两个维æĬ¤": 118908, + "æĭįæĭį": 118909, + "åı¯çĸij": 118910, + "æį¢åıĸ": 118911, + "æŃ¦å£«": 118912, + "èµĸ以": 118913, + "èµĸ以çĶŁåŃĺ": 118914, + "æĮļ": 118915, + "殿åłĤ": 118916, + "èĩªçĦ¶çķĮ": 118917, + "ç£ģåľº": 118918, + "å¦Ĥä½ķçľĭå¾ħ": 118919, + "ä»ĬæĹ¥å¤´æĿ¡": 118920, + "è¥¿åŁŁ": 118921, + "èİ·è¯Ħ": 118922, + "é¢¨æł¼": 118923, + "ä¿ĦåĽ½": 118924, + "æīĵæĭ¼": 118925, + "å®£ä¼łçīĩ": 118926, + "å¾Īæĸ¹ä¾¿": 118927, + "ä¾Ľç»Ļä¾§": 118928, + "纪念ç¢ij": 118929, + "毫åħĭ": 118930, + "èĬ³é¦Ļ": 118931, + "å·¥åķĨéĵ¶è¡Į": 118932, + "请çĤ¹åĩ»": 118933, + "缪": 118934, + "æĹłæķ°æ¬¡": 118935, + "èį¯å¸Ī": 118936, + "èħ¸": 118937, + "游èīĩ": 118938, + "åĮ¾": 118939, + "å·¡èĪª": 118940, + "æ²»çIJĨä½ĵç³»": 118941, + "èIJ¥éĢłèī¯å¥½": 118942, + "æ··æ·Ĩ": 118943, + "éĢļçķħ": 118944, + "åĬ³ç´¯": 118945, + "ä»ĵä½į": 118946, + "å¢ŀéķ·": 118947, + "éļIJ约": 118948, + "æĿĤå¿Ĺ社": 118949, + "åħ»èĤ²": 118950, + "åı¯èĥ½åıijçĶŁ": 118951, + "èĢĥ試": 118952, + "西侧": 118953, + "åĬłåĢį": 118954, + "主æĮģåı¬å¼Ģ": 118955, + "çķ¢ç«Ł": 118956, + "éĹ®è¯¢": 118957, + "æµ·æ£ł": 118958, + "èĹ©": 118959, + "注æĺİæĿ¥æºIJ": 118960, + "æ£Ģçĸ«": 118961, + "请åģĩ": 118962, + "æĬļæij¸": 118963, + "èĵĦçĶµæ±ł": 118964, + "è·Łä¸įä¸Ĭ": 118965, + "çݰ代社ä¼ļ": 118966, + "çѹèµĦ": 118967, + "ä½ĵèĤ²å½©ç¥¨": 118968, + "延误": 118969, + "è¾Ľè¾£": 118970, + "éĿ¢å®¹": 118971, + "åį°è®°": 118972, + "çģŃ亡": 118973, + "ç´łé£Ł": 118974, + "åħ´èĩ´": 118975, + "éľĢè¦ģç͍": 118976, + "éľĢè¦ģç͍åΰ": 118977, + "å®Ŀå¦Ī": 118978, + "ç£ĭåķĨ": 118979, + "éļ¶å±ŀ": 118980, + "è´¡çĮ®åĬĽéĩı": 118981, + "åħ¬åħ±èµĦæºIJ": 118982, + "大éĺª": 118983, + "åĨĽè®Ń": 118984, + "æĤ¬å¿µ": 118985, + "社ä¼ļ稳å®ļ": 118986, + "å¹²äºĭåĪĽä¸ļ": 118987, + "æľīæĿ¡ä»¶": 118988, + "æľīæĿ¡ä»¶çļĦ": 118989, + "ä¸Ģå¹´ä¸Ģ度": 118990, + "åİ¥": 118991, + "强奸": 118992, + "豪车": 118993, + "æİĮæŁľ": 118994, + "æ°´åΩ工ç¨ĭ": 118995, + "峪": 118996, + "积æŀģä½ľç͍": 118997, + "æµ·æ·Ģ": 118998, + "æµ·æ·ĢåĮº": 118999, + "çĥŃæĴŃ": 119000, + "åĿļæĮģä¸įæĩĪ": 119001, + "åıĮèĦļ": 119002, + "绣æĪĺ": 119003, + "ä»»ä½ķ人éĥ½": 119004, + "åľ°ä¸ĭ室": 119005, + "åĨ¶çĤ¼": 119006, + "è°ħè§£": 119007, + "æ¸Ķèι": 119008, + "太éĺ³åŁİ": 119009, + "被æįķ": 119010, + "计ç®Ĺåύ": 119011, + "西åĮ»": 119012, + "èĪĴå¿ĥ": 119013, + "桦": 119014, + "éģ²": 119015, + "åĬij": 119016, + "è¨Ĺ": 119017, + "èݺ": 119018, + "åĸ¬": 119019, + "çĵ¯": 119020, + "åĺĺ": 119021, + "åłķ": 119022, + "æķĿ": 119023, + "åij¦": 119024, + "èĭŀ": 119025, + "æŃ¹": 119026, + "æĵ¬": 119027, + "æ£Ħ": 119028, + "èε": 119029, + "奪": 119030, + "çļĭ": 119031, + "æĶ¸": 119032, + "åľ©": 119033, + "ç¤Ļ": 119034, + "ç¢ĺ": 119035, + "éıĪ": 119036, + "æĦķ": 119037, + "ç¹³": 119038, + "èĺ¸": 119039, + "è²Ĥ": 119040, + "æ¼²": 119041, + "æij¹": 119042, + "æĶĿ": 119043, + "åŃ¢": 119044, + "èķŃ": 119045, + "騰": 119046, + "æ½¼": 119047, + "éħ°": 119048, + "æĴ¥": 119049, + "蹬": 119050, + "é¨Ļ": 119051, + "踹": 119052, + "éģIJ": 119053, + "çĺĢ": 119054, + "èĽ¤": 119055, + "æĤĸ": 119056, + "çĴŀ": 119057, + "ç£IJ": 119058, + "æİ°": 119059, + "è¾Ĭ": 119060, + "å¾ij": 119061, + "æİĸ": 119062, + "éģŀ": 119063, + "éĤ¸": 119064, + "éĽı": 119065, + "æĨİ": 119066, + "æľ½": 119067, + "çį»": 119068, + "ç®Ķ": 119069, + "褶": 119070, + "æļ¢": 119071, + "æĺµ": 119072, + "çıĤ": 119073, + "æĤ¸": 119074, + "åģµ": 119075, + "åĻľ": 119076, + "壯": 119077, + "æĴ®": 119078, + "æģį": 119079, + "å©ķ": 119080, + "篱": 119081, + "éĺĻ": 119082, + "çīł": 119083, + "è£ĺ": 119084, + "è³¢": 119085, + "éĩľ": 119086, + "éĵł": 119087, + "èİĺ": 119088, + "æ®Ĩ": 119089, + "çϏ": 119090, + "è´ı": 119091, + "ç²±": 119092, + "å«¡": 119093, + "åĨ¢": 119094, + "è¤Ĵ": 119095, + "æĩĬ": 119096, + "éľĵ": 119097, + "塵": 119098, + "æĭ£": 119099, + "å»Ł": 119100, + "飽": 119101, + "é¢Į": 119102, + "åļİ": 119103, + "æ·º": 119104, + "èĨł": 119105, + "åİŃ": 119106, + "åļĩ": 119107, + "åijĥ": 119108, + "çĴĭ": 119109, + "çѱ": 119110, + "æĭ·": 119111, + "èį§": 119112, + "éͰ": 119113, + "åѰ": 119114, + "èĵĵ": 119115, + "èĨ½": 119116, + "æŀī": 119117, + "åĸ½": 119118, + "çĽĶ": 119119, + "çŃIJ": 119120, + "ç¾ļ": 119121, + "èħĮ": 119122, + "辫": 119123, + "æ³ĵ": 119124, + "çͬ": 119125, + "èŁ²": 119126, + "åĸª": 119127, + "å¦ĵ": 119128, + "è¬Ģ": 119129, + "çĤĬ": 119130, + "æĽľ": 119131, + "æ±IJ": 119132, + "è´Ī": 119133, + "èįĢ": 119134, + "æĬł": 119135, + "碾": 119136, + "æ«ĥ": 119137, + "éŀł": 119138, + "èijĨ": 119139, + "祯": 119140, + "å½Ŀ": 119141, + "é¦į": 119142, + "åĮ£": 119143, + "æľŃ": 119144, + "åĿĤ": 119145, + "ä¿ij": 119146, + "èĵ®": 119147, + "çijĽ": 119148, + "æīī": 119149, + "èĩŁ": 119150, + "貫": 119151, + "çİ¥": 119152, + "æ·¼": 119153, + "åݲ": 119154, + "é³Į": 119155, + "å³Ń": 119156, + "åijĽ": 119157, + "é§": 119158, + "é§IJ": 119159, + "éģ·": 119160, + "俪": 119161, + "æĢĤ": 119162, + "è¾į": 119163, + "å±į": 119164, + "åĭģ": 119165, + "å¥ļ": 119166, + "éļħ": 119167, + "éĴ´": 119168, + "è¼Ŀ": 119169, + "宦": 119170, + "èIJĥ": 119171, + "çĺĭ": 119172, + "æĨ¶": 119173, + "æĤħ": 119174, + "è¾Ļ": 119175, + "åijľ": 119176, + "çłº": 119177, + "éĢŀ": 119178, + "æµļ": 119179, + "éĸ£": 119180, + "èĸ©": 119181, + "éĻĭ": 119182, + "çĤĻ": 119183, + "èªķ": 119184, + "丣": 119185, + "é¹½": 119186, + "ç±Į": 119187, + "è´°": 119188, + "éĭª": 119189, + "çľ©": 119190, + "æĴIJ": 119191, + "èĨº": 119192, + "éŀĺ": 119193, + "ç¾²": 119194, + "窮": 119195, + "ç´IJ": 119196, + "æ®´": 119197, + "纾": 119198, + "èºį": 119199, + "ç´ĭ": 119200, + "çĦĸ": 119201, + "çĶº": 119202, + "çī½": 119203, + "çĤ¯": 119204, + "ç¼Ķ": 119205, + "æ¯ĵ": 119206, + "嬰": 119207, + "梧": 119208, + "äºŁ": 119209, + "è¢ħ": 119210, + "çįĦ": 119211, + "è¿¥": 119212, + "æ¼¾": 119213, + "çĿij": 119214, + "績": 119215, + "é¦ĭ": 119216, + "é¤ħ": 119217, + "æ¹Ħ": 119218, + "æĺĩ": 119219, + "æŀŃ": 119220, + "èĸ°": 119221, + "æŁij": 119222, + "榻": 119223, + "åĻĹ": 119224, + "åĻ´": 119225, + "棣": 119226, + "åͧ": 119227, + "çĨ¹": 119228, + "輯": 119229, + "å¢Ł": 119230, + "é²²": 119231, + "æĪĽ": 119232, + "èī¦": 119233, + "èĬ®": 119234, + "åĺŁ": 119235, + "帥": 119236, + "å¿»": 119237, + "çĮĿ": 119238, + "寵": 119239, + "賦": 119240, + "èĽ¾": 119241, + "滾": 119242, + "çĤķ": 119243, + "éĵ¬": 119244, + "èĴ¿": 119245, + "éĴ¨": 119246, + "çĥĻ": 119247, + "ç²ķ": 119248, + "æĥ¦": 119249, + "溧": 119250, + "é¢į": 119251, + "éħ£": 119252, + "峦": 119253, + "ç±ģ": 119254, + "çĥĥ": 119255, + "åĨĹ": 119256, + "åıģ": 119257, + "缧": 119258, + "ç½µ": 119259, + "éĴĹ": 119260, + "å¬ī": 119261, + "è°ı": 119262, + "ç³§": 119263, + "è¾Ń": 119264, + "æ·¬": 119265, + "èŁĴ": 119266, + "诩": 119267, + "è¦ĥ": 119268, + "çĻĸ": 119269, + "é½Ĵ": 119270, + "çĪIJ": 119271, + "ç®į": 119272, + "ç¼İ": 119273, + "磺": 119274, + "诫": 119275, + "褲": 119276, + "æĵł": 119277, + "èIJ¦": 119278, + "çĿ¬": 119279, + "è°į": 119280, + "éĦ°": 119281, + "æł¾": 119282, + "é¡ı": 119283, + "縱": 119284, + "桨": 119285, + "éĨ¬": 119286, + "襲": 119287, + "讪": 119288, + "婺": 119289, + "èįŁ": 119290, + "åĮĿ": 119291, + "çĨł": 119292, + "èĽĬ": 119293, + "æ¸ļ": 119294, + "å´½": 119295, + "鲤": 119296, + "åķ°": 119297, + "åĮķ": 119298, + "ä¸IJ": 119299, + "讥": 119300, + "åı½": 119301, + "åı¼": 119302, + "çļ¿": 119303, + "è¿Ĥ": 119304, + "åIJĨ": 119305, + "å±¹": 119306, + "èĩ¼": 119307, + "讹": 119308, + "é©®": 119309, + "纫": 119310, + "æ±ŀ": 119311, + "æĬ¡": 119312, + "èĭĩ": 119313, + "åIJł": 119314, + "åIJŃ": 119315, + "åIJ®": 119316, + "å²ĸ": 119317, + "ä½ĥ": 119318, + "çĭĪ": 119319, + "åºĩ": 119320, + "åIJĿ": 119321, + "éŰ": 119322, + "æ±¹": 119323, + "忱": 119324, + "æĭĦ": 119325, + "æĭĹ": 119326, + "èĮī": 119327, + "èĭĽ": 119328, + "èĮģ": 119329, + "çŁ¾": 119330, + "èĻı": 119331, + "åij»": 119332, + "åĴĦ": 119333, + "å¿¿": 119334, + "èĤ®": 119335, + "çĭŀ": 119336, + "çĸŁ": 119337, + "çĸĻ": 119338, + "çĸļ": 119339, + "æ³ŀ": 119340, + "å¸ļ": 119341, + "å±ī": 119342, + "è¿¢": 119343, + "驹": 119344, + "çİ·": 119345, + "çıĬó": 119346, + "çıĬół": 119347, + "çıĬółĦ": 119348, + "çıĬółĦģ": 119349, + "æĮİ": 119350, + "æĭ´": 119351, + "åŀĽ": 119352, + "èį¤": 119353, + "æ®ĥ": 119354, + "çĽ¹": 119355, + "åĵĨ": 119356, + "è´»": 119357, + "毡": 119358, + "çĭ°": 119359, + "çĭ¡": 119360, + "æŁĴ": 119361, + "æģĥ": 119362, + "诬": 119363, + "è¢Ħ": 119364, + "诲": 119365, + "èļ¤": 119366, + "èĢĻ": 119367, + "åŁĤ": 119368, + "æįİ": 119369, + "æįĮ": 119370, + "æ¢Ĩ": 119371, + "éħĮ": 119372, + "çł¾": 119373, + "æ®ī": 119374, + "åĶł": 119375, + "æĻĮ": 119376, + "èļ£": 119377, + "èļª": 119378, + "èļĵ": 119379, + "鸯": 119380, + "åĶģ": 119381, + "åĶĨ": 119382, + "åĢĶ": 119383, + "èĪĢ": 119384, + "豺": 119385, + "èĥ°": 119386, + "鸵": 119387, + "鸳": 119388, + "é¦ģ": 119389, + "ç¾Ķ": 119390, + "æ¶£": 119391, + "æ¶ķ": 119392, + "æĤ¯": 119393, + "诽": 119394, + "è°Ĩ": 119395, + "ç¥Ł": 119396, + "绢": 119397, + "æįº": 119398, + "æį¶": 119399, + "æį»": 119400, + "æİĤ": 119401, + "èıł": 119402, + "èIJ¤": 119403, + "éħĹ": 119404, + "çľ¶": 119405, + "åķĦ": 119406, + "èļ¯": 119407, + "èĽĢ": 119408, + "åͬ": 119409, + "帷": 119410, + "éĵIJ": 119411, + "éĵĽ": 119412, + "åģİ": 119413, + "å¾Ļ": 119414, + "èĦ¯": 119415, + "è±ļ": 119416, + "çĮĸ": 119417, + "çĹĬ": 119418, + "æ¶®": 119419, + "æĥŃ": 119420, + "æĤ´": 119421, + "æĥĭ": 119422, + "è°ļ": 119423, + "æı©": 119424, + "æIJĢ": 119425, + "æIJĶ": 119426, + "æ¦Ķ": 119427, + "æ¤Ń": 119428, + "éĽ³": 119429, + "åĸ³": 119430, + "è·Ľ": 119431, + "èľĵ": 119432, + "èľĴ": 119433, + "é¹ĥ": 119434, + "éĶĦ": 119435, + "çĶ¥": 119436, + "çŃı": 119437, + "çĮ©": 119438, + "çĮ¬": 119439, + "çĮ¾": 119440, + "çĹ¢": 119441, + "çĹª": 119442, + "æĥ°": 119443, + "çªĺ": 119444, + "è°¤": 119445, + "éļĺ": 119446, + "å©¿": 119447, + "é¹ī": 119448, + "çijĻ": 119449, + "æĸŁ": 119450, + "椿": 119451, + "éħª": 119452, + "éĽ¹": 119453, + "åŦ": 119454, + "è··": 119455, + "è·º": 119456, + "è·¤": 119457, + "èľĪ": 119458, + "èľĹ": 119459, + "å¹Į": 119460, + "é¦ı": 119461, + "èªĬ": 119462, + "æ¼ĵ": 119463, + "è¤Ĥ": 119464, + "èĶĹ": 119465, + "èͼ": 119466, + "åħ¢": 119467, + "裳": 119468, + "èľ»": 119469, + "èĿĩ": 119470, + "åĺĢ": 119471, + "é͹": 119472, + "ç®ķ": 119473, + "箩": 119474, + "çĺ©": 119475, + "çĺŁ": 119476, + "æ¼±": 119477, + "寥": 119478, + "骡": 119479, + "æĴµ": 119480, + "æĴ¬": 119481, + "è±Į": 119482, + "åĺ¹": 119483, + "èĿł": 119484, + "èĿĮ": 119485, + "èĿĹ": 119486, + "èĿĻ": 119487, + "éķIJ": 119488, + "稼": 119489, + "ç¯ĵ": 119490, + "èĨĽ": 119491, + "鲫": 119492, + "çĺª": 119493, + "鲨": 119494, + "æĨĶ": 119495, + "ç¿©": 119496, + "褥": 119497, + "ç¼Ń": 119498, + "åĻ©": 119499, + "çĵ¢": 119500, + "éľİ": 119501, + "踱": 119502, + "è¹Ĥ": 119503, + "èŁĨ": 119504, + "鹦": 119505, + "篡": 119506, + "çĺ¸": 119507, + "窿": 119508, + "ç¼°": 119509, + "èĹIJ": 119510, + "è¹ĭ": 119511, + "èŁĭ": 119512, + "èŁĢ": 119513, + "赡": 119514, + "èĩĬ": 119515, + "é³Ħ": 119516, + "ç³ł": 119517, + "æĩ¦": 119518, + "åļ£": 119519, + "éķ°": 119520, + "é³į": 119521, + "ç°¸": 119522, + "çĻ£": 119523, + "é³ĸ": 119524, + "é¬ĵ": 119525, + "èłķ": 119526, + "éľ¹": 119527, + "èºı": 119528, + "黯": 119529, + "çĵ¤": 119530, + "çŁĹ": 119531, + "ä¹Ĥ": 119532, + "ä¹ľ": 119533, + "åħĢ": 119534, + "å¼ĭ": 119535, + "åŃij": 119536, + "åŃĵ": 119537, + "幺": 119538, + "äºĵ": 119539, + "廿": 119540, + "ä¸ı": 119541, + "åįħ": 119542, + "ä»ĥ": 119543, + "ä»ī": 119544, + "ä»Ĥ": 119545, + "åĪĪ": 119546, + "çĪ»": 119547, + "åįŀ": 119548, + "éĹ©": 119549, + "讣": 119550, + "夬": 119551, + "çĪ¿": 119552, + "æ¯ĭ": 119553, + "éĤĹ": 119554, + "éĤĽ": 119555, + "èī½": 119556, + "èī¿": 119557, + "åıµ": 119558, + "ä¸ķ": 119559, + "åĮľ": 119560, + "åĬ¢": 119561, + "åįŁ": 119562, + "åı±": 119563, + "åı»": 119564, + "仨": 119565, + "代": 119566, + "仡": 119567, + "仫": 119568, + "ä»ŀ": 119569, + "åį®": 119570, + "æ°IJ": 119571, + "çĬ°": 119572, + "åĪį": 119573, + "éĤĿ": 119574, + "éĤĻ": 119575, + "讦": 119576, + "è®§": 119577, + "讫": 119578, + "å°»": 119579, + "éĺ¡": 119580, + "å°ķ": 119581, + "å¼ģ": 119582, + "èĢĴ": 119583, + "çİİ": 119584, + "çİij": 119585, + "åľ¬": 119586, + "æī¦": 119587, + "åľª": 119588, + "åľ¹": 119589, + "æīª": 119590, + "åľ®": 119591, + "åľ¯": 119592, + "èĬĬ": 119593, + "èĬį": 119594, + "èĬĦ": 119595, + "èĬ¨": 119596, + "èĬij": 119597, + "èĬİ": 119598, + "èĬĹ": 119599, + "äºĺ": 119600, + "åİį": 119601, + "夼": 119602, + "æĪį": 119603, + "å°¥": 119604, + "乩": 119605, + "æĹ¯": 119606, + "æĽ³": 119607, + "å²Į": 119608, + "屺": 119609, + "åĩ¼": 119610, + "åĽ¡": 119611, + "éĴĩ": 119612, + "ç¼¶": 119613, + "æ°ĺ": 119614, + "æ°ĸ": 119615, + "çīĿ": 119616, + "ä¼İ": 119617, + "ä¼Ľ": 119618, + "ä¼¢": 119619, + "佤": 119620, + "仵": 119621, + "ä¼¥": 119622, + "ä¼§": 119623, + "ä¼ī": 119624, + "伫": 119625, + "åĽŁ": 119626, + "æ±Ĩ": 119627, + "åĪĸ": 119628, + "å¤Ļ": 119629, + "æĹ®": 119630, + "åĪİ": 119631, + "çĬ·": 119632, + "çĬ¸": 119633, + "èĪĽ": 119634, + "åĩ«": 119635, + "éĤ¬": 119636, + "饧": 119637, + "æ±Ķ": 119638, + "æ±ľ": 119639, + "æ±Ĭ": 119640, + "å¿ĸ": 119641, + "å¿ı": 119642, + "è®´": 119643, + "讵": 119644, + "è®·": 119645, + "èģ¿": 119646, + "èī®": 119647, + "åݾ": 119648, + "å¦ģ": 119649, + "纡": 119650, + "纣": 119651, + "纥": 119652, + "纨": 119653, + "çİķ": 119654, + "çİĻ": 119655, + "æĬŁ": 119656, + "æĬĶ": 119657, + "åľ»": 119658, + "åĿį": 119659, + "æĬĥ": 119660, + "ã§IJ": 119661, + "èĬ«": 119662, + "èĬ¾": 119663, + "èĭĪ": 119664, + "èĭ£": 119665, + "èĭĭ": 119666, + "èĬ¼": 119667, + "èĭĮ": 119668, + "èĭģ": 119669, + "èĬ©": 119670, + "èĬª": 119671, + "èĬ¡": 119672, + "èĬŁ": 119673, + "èĭĦ": 119674, + "èĭİ": 119675, + "èĭ¡": 119676, + "æĿĮ": 119677, + "æĿĵ": 119678, + "æĿĪ": 119679, + "å¿ij": 119680, + "åŃĽ": 119681, + "éĤ´": 119682, + "éĤ³": 119683, + "å¥ģ": 119684, + "è±ķ": 119685, + "å¿Ĵ": 119686, + "欤": 119687, + "轫": 119688, + "è¿ĵ": 119689, + "éĤ¶": 119690, + "å¿IJ": 119691, + "åį£": 119692, + "éĤº": 119693, + "æĹ°": 119694, + "åijĭ": 119695, + "åijĴ": 119696, + "åijĵ": 119697, + "åijĶ": 119698, + "åijĸ": 119699, + "æĹ¸": 119700, + "åIJ¡": 119701, + "èϬ": 119702, + "åIJ½": 119703, + "åIJ£": 119704, + "åIJ²": 119705, + "å¸ı": 119706, + "å²Ī": 119707, + "å²ĺ": 119708, + "åħķ": 119709, + "åĽµ": 119710, + "åĽ«": 119711, + "éĴĬ": 119712, + "éĴĭ": 119713, + "éĴĮ": 119714, + "è¿ķ": 119715, + "æ°Ļ": 119716, + "æ°ļ": 119717, + "çī¤": 119718, + "ä½ŀ": 119719, + "ä½ļ": 119720, + "ä½Ŀ": 119721, + "ä½Ĺ": 119722, + "å½·": 119723, + "ä½ĺ": 119724, + "ä½¥": 119725, + "豸": 119726, + "åĿĮ": 119727, + "èĤŁ": 119728, + "å¥Ĥ": 119729, + "åĬ¬": 119730, + "çĭģ": 119731, + "鸳": 119732, + "饨": 119733, + "饩": 119734, + "饫": 119735, + "饬": 119736, + "åºij": 119737, + "åºĭ": 119738, + "çĸĶ": 119739, + "çĸĸ": 119740, + "èĤĵ": 119741, + "éű": 119742, + "éĹ³": 119743, + "çĤĢ": 119744, + "æ²£": 119745, + "æ²ħ": 119746, + "æ²Ķ": 119747, + "沤": 119748, + "æ²ı": 119749, + "æ²ļ": 119750, + "汩": 119751, + "汨": 119752, + "沨": 119753, + "æ±´": 119754, + "æ²Ĩ": 119755, + "沩": 119756, + "æ³IJ": 119757, + "æĢĥ": 119758, + "æĢĦ": 119759, + "å¿¡": 119760, + "忤": 119761, + "忾": 119762, + "æĢħ": 119763, + "忪": 119764, + "æĢĨ": 119765, + "å¿Ń": 119766, + "忸": 119767, + "è¯Ĥ": 119768, + "è¯ĥ": 119769, + "è¯ħ": 119770, + "è¯ĭ": 119771, + "è¯Į": 119772, + "è¯Ĵ": 119773, + "éĻĤ": 119774, + "éĻī": 119775, + "妩": 119776, + "妪": 119777, + "妣": 119778, + "å¦Ĺ": 119779, + "妫": 119780, + "å§Ĵ": 119781, + "妤": 119782, + "åĬŃ": 119783, + "åĪŃ": 119784, + "éĤ°": 119785, + "çºŃ": 119786, + "纰": 119787, + "纴": 119788, + "çİ¡": 119789, + "çİŃ": 119790, + "çİł": 119791, + "çİ¢": 119792, + "çݦ": 119793, + "çĽĤ": 119794, + "å¿Ŀ": 119795, + "åĮ¦": 119796, + "åĿ©": 119797, + "æĬ¨": 119798, + "æĭ¤": 119799, + "åĿ«": 119800, + "æĭĪ": 119801, + "åŀĨ": 119802, + "æĬ»": 119803, + "åĬ¼": 119804, + "æĭĥ": 119805, + "æĭĬ": 119806, + "åĿ¼": 119807, + "åĿ»": 119808, + "ã§Ł": 119809, + "åĿ¨": 119810, + "åĿŃ": 119811, + "æĬ¿": 119812, + "åĿ³": 119813, + "èĭ·": 119814, + "èĭ¤": 119815, + "èĮı": 119816, + "èĭ«": 119817, + "èĭľ": 119818, + "èĭ´": 119819, + "èĭĴ": 119820, + "èĭĺ": 119821, + "èĮĮ": 119822, + "èĭ»": 119823, + "èĭĵ": 119824, + "èĮļ": 119825, + "èĮĨ": 119826, + "èĮij": 119827, + "èĮĵ": 119828, + "èĮĶ": 119829, + "èĮķ": 119830, + "èĮĢ": 119831, + "èĭķ": 119832, + "æŀ¥": 119833, + "æŀĩ": 119834, + "æĿª": 119835, + "æĿ³": 119836, + "æŀ§": 119837, + "æĿµ": 119838, + "æŀ¨": 119839, + "æŀŀ": 119840, + "æŀĭ": 119841, + "æĿ»": 119842, + "æĿ·": 119843, + "æĿ¼": 119844, + "磸": 119845, + "çłĢ": 119846, + "åγ": 119847, + "å¥Ħ": 119848, + "æ®ģ": 119849, + "éĥı": 119850, + "è½Ń": 119851, + "éĥħ": 119852, + "鸢": 119853, + "缱": 119854, + "æĺĻ": 119855, + "æĿ²": 119856, + "æĺĥ": 119857, + "åĴĤ": 119858, + "åij¸": 119859, + "æĺĢ": 119860, + "æĹ»": 119861, + "æĺī": 119862, + "çĤħ": 119863, + "çķĢ": 119864, + "èĻ®": 119865, + "åĴĢ": 119866, + "åij·": 119867, + "黾": 119868, + "åij±": 119869, + "åij¤": 119870, + "åĴĨ": 119871, + "åĴĽ": 119872, + "åij¶": 119873, + "åij£": 119874, + "åĴĿ": 119875, + "å²¢": 119876, + "岿": 119877, + "岬": 119878, + "岫": 119879, + "å¸Ļ": 119880, + "å²£": 119881, + "å³ģ": 119882, + "åĪ¿": 119883, + "å²·": 119884, + "åīĢ": 119885, + "å¸Ķ": 119886, + "å³Ħ": 119887, + "æ²ĵ": 119888, + "åĽ¹": 119889, + "ç½Ķ": 119890, + "éĴį": 119891, + "éĴİ": 119892, + "éĴı": 119893, + "éĴĴ": 119894, + "éĴķ": 119895, + "éĤ¾": 119896, + "è¿®": 119897, + "çī¦": 119898, + "竺": 119899, + "迤": 119900, + "ä½¶": 119901, + "ä¾ij": 119902, + "ä¾ī": 119903, + "èĩ¾": 119904, + "ä¾Ĺ": 119905, + "ä¾ı": 119906, + "侩": 119907, + "ä½»": 119908, + "ä½¾": 119909, + "侪": 119910, + "ä½¼": 119911, + "佯": 119912, + "侬": 119913, + "å¸Ľ": 119914, + "ä¾Ķ": 119915, + "å¾Ĥ": 119916, + "åν": 119917, + "éĥĦ": 119918, + "ç±´": 119919, + "çĵ®": 119920, + "æĪĹ": 119921, + "èĤ¼": 119922, + "äıĿ": 119923, + "èĤ±": 119924, + "èĤ«": 119925, + "è¿©": 119926, + "éĥĩ": 119927, + "çĭİ": 119928, + "çĭį": 119929, + "çĭĴ": 119930, + "åĴİ": 119931, + "饯": 119932, + "饴": 119933, + "åĨ½": 119934, + "åĨ¼": 119935, + "åºĸ": 119936, + "çĸł": 119937, + "çĸĿ": 119938, + "åħĸ": 119939, + "åĬ¾": 119940, + "ð¬ī": 119941, + "ð¬ī¼": 119942, + "çĤĺ": 119943, + "çĤĿ": 119944, + "çĤĶ": 119945, + "æ³Ķ": 119946, + "æ²Ń": 119947, + "æ³·": 119948, + "æ³±": 119949, + "æ³ħ": 119950, + "æ³ł": 119951, + "泺": 119952, + "æ³ĸ": 119953, + "泫": 119954, + "æ³®": 119955, + "æ²±": 119956, + "泯": 119957, + "æĢĻ": 119958, + "æĢµ": 119959, + "æĢ¦": 119960, + "æĢĽ": 119961, + "æĢı": 119962, + "æĢį": 119963, + "ã¤": 119964, + "ã¤ĺ": 119965, + "æĢ©": 119966, + "æĢ«": 119967, + "æĢ¿": 119968, + "å®ķ": 119969, + "穹": 119970, + "å®ĵ": 119971, + "è¯ĵ": 119972, + "è¯Ķ": 119973, + "è¯ĸ": 119974, + "è¯ĺ": 119975, + "æĪ¾": 119976, + "è¯Ļ": 119977, + "æĪ½": 119978, + "éĥĵ": 119979, + "è¡©": 119980, + "ç¥Ĩ": 119981, + "ç¥İ": 119982, + "ç¥ĩ": 119983, + "è¯ľ": 119984, + "è¯Ł": 119985, + "诣": 119986, + "诤": 119987, + "诧": 119988, + "诨": 119989, + "æĪķ": 119990, + "éĻĶ": 119991, + "妲": 119992, + "妯": 119993, + "å§Ĺ": 119994, + "å¸ij": 119995, + "åŃ¥": 119996, + "驽": 119997, + "èϱ": 119998, + "迨": 119999, + "ç»Ģ": 120000, + "ç»ģ": 120001, + "ç»Ĥ": 120002, + "é©·": 120003, + "驸": 120004, + "ç»ī": 120005, + "ç»Į": 120006, + "éªĢ": 120007, + "ç;": 120008, + "çıı": 120009, + "çıIJ": 120010, + "çıij": 120011, + "çݳ": 120012, + "顸": 120013, + "çıī": 120014, + "çıĪ": 120015, + "æĭ®": 120016, + "åŀŃ": 120017, + "æĮĿ": 120018, + "æĮŀ": 120019, + "åŀ¤": 120020, + "èµ³": 120021, + "è´²": 120022, + "åŀ±": 120023, + "åŀĮ": 120024, + "åŀ§": 120025, + "åŀĵ": 120026, + "æĮ¦": 120027, + "åŀł": 120028, + "èįļ": 120029, + "èįij": 120030, + "è´³": 120031, + "èįľ": 120032, + "èİĴ": 120033, + "èĮ¼": 120034, + "èĮ´": 120035, + "èĮ±": 120036, + "èİĽ": 120037, + "èįŀ": 120038, + "èĮ¯": 120039, + "èįı": 120040, + "èįĩ": 120041, + "èįĥ": 120042, + "èįł": 120043, + "èĮŃ": 120044, + "åŀ©": 120045, + "èį¥": 120046, + "èį¦": 120047, + "èį¨": 120048, + "èį©": 120049, + "åīĭ": 120050, + "èįª": 120051, + "èį¬": 120052, + "èį®": 120053, + "æŁ°": 120054, + "æłī": 120055, + "æŁĺ": 120056, + "æłĬ": 120057, + "æŁ©": 120058, + "æŀ°": 120059, + "æłĮ": 120060, + "æŁĻ": 120061, + "æŀµ": 120062, + "æŀ³": 120063, + "æŁŀ": 120064, + "æŁĿ": 120065, + "æłĢ": 120066, + "æŁ¢": 120067, + "æłİ": 120068, + "æŁĪ": 120069, + "æŁģ": 120070, + "æŀ·": 120071, + "æŁ½": 120072, + "åīĮ": 120073, + "éħĬ": 120074, + "éĥ¦": 120075, + "çĶŃ": 120076, + "çłĹ": 120077, + "çłĺ": 120078, + "çłĴ": 120079, + "æĸ«": 120080, + "çłŃ": 120081, + "çłľ": 120082, + "èĢ·": 120083, + "èĻº": 120084, + "æ®Ĥ": 120085, + "æ®ĩ": 120086, + "æ®Ħ": 120087, + "è½±": 120088, + "è½²": 120089, + "è½³": 120090, + "è½¶": 120091, + "轸": 120092, + "èĻ¿": 120093, + "æ¯ĸ": 120094, + "è§ĩ": 120095, + "å°ľ": 120096, + "åĵIJ": 120097, + "çľĦ": 120098, + "çľį": 120099, + "ðł³": 120100, + "ðł³IJ": 120101, + "éĥ¢": 120102, + "çľĩ": 120103, + "çľĬ": 120104, + "çľĪ": 120105, + "禺": 120106, + "åĵĤ": 120107, + "åĴ´": 120108, + "æĽ·": 120109, + "æĺ´": 120110, + "åĴ¦": 120111, + "åĵĵ": 120112, + "åĵĶ": 120113, + "çķİ": 120114, + "åij²": 120115, + "èĥĦ": 120116, + "çķĭ": 120117, + "çķĪ": 120118, + "èϼ": 120119, + "èĻ»": 120120, + "çĽħ": 120121, + "åĴ£": 120122, + "åĵķ": 120123, + "åīIJ": 120124, + "éĥ§": 120125, + "åĴ»": 120126, + "åĽ¿": 120127, + "åĴ¿": 120128, + "åĵĮ": 120129, + "åĵĻ": 120130, + "åĵļ": 120131, + "åĴ©": 120132, + "åĴ¤": 120133, + "åĵĿ": 120134, + "åĵı": 120135, + "åĵŀ": 120136, + "å³£": 120137, + "ç½ĺ": 120138, + "å³Ĵ": 120139, + "峤": 120140, + "å³ĭ": 120141, + "è´¶": 120142, + "éĴļ": 120143, + "éĴ¡": 120144, + "éĴ£": 120145, + "éĴ¤": 120146, + "éĴ«": 120147, + "æ°¡": 120148, + "çī¯": 120149, + "éĥľ": 120150, + "ç§ķ": 120151, + "ç§Ń": 120152, + "竽": 120153, + "ç¬Ī": 120154, + "俦": 120155, + "俨": 120156, + "ä¿ħ": 120157, + "åıŁ": 120158, + "åŀ¡": 120159, + "çī®": 120160, + "ä¿£": 120161, + "ä¿ļ": 120162, + "çļĪ": 120163, + "ä¿Ł": 120164, + "éĢħ": 120165, + "å¾ĩ": 120166, + "å¾ī": 120167, + "èĪ¢": 120168, + "éĥĹ": 120169, + "ä¿İ": 120170, + "éĥ¤": 120171, + "çΰ": 120172, + "éĥĽ": 120173, + "çĵ´": 120174, + "èĥ¨": 120175, + "èĥª": 120176, + "èĥĽ": 120177, + "èĥĤ": 120178, + "èĥĻ": 120179, + "èĥį": 120180, + "èĥĹ": 120181, + "èĥĿ": 120182, + "æľIJ": 120183, + "èĥ«": 120184, + "鸨": 120185, + "åĮį": 120186, + "çĭ¨": 120187, + "çĭ¯": 120188, + "é£ij": 120189, + "çĭ©": 120190, + "çĭ²": 120191, + "è¨ĩ": 120192, + "éĢĦ": 120193, + "æĺĿ": 120194, + "饷": 120195, + "饸": 120196, + "饹": 120197, + "åŃª": 120198, + "å¨Ī": 120199, + "庥": 120200, + "çĸ¬": 120201, + "çĸ£": 120202, + "çĸ¥": 120203, + "çĸŃ": 120204, + "åºł": 120205, + "ç«ij": 120206, + "é£Ĵ": 120207, + "éĹ¼": 120208, + "éĹ¾": 120209, + "éĹ¿": 120210, + "éĺĤ": 120211, + "ç¾ij": 120212, + "迸": 120213, + "ç±¼": 120214, + "éħĭ": 120215, + "çĤ»": 120216, + "çĥĢ": 120217, + "çĤ·": 120218, + "æ´±": 120219, + "æ´¹": 120220, + "æ´§": 120221, + "æ´Į": 120222, + "æµĥ": 120223, + "æ´ĩ": 120224, + "æ´Ħ": 120225, + "æ´Ļ": 120226, + "æ¶İ": 120227, + "æ´İ": 120228, + "æ´«": 120229, + "æµį": 120230, + "æ´®": 120231, + "æ´µ": 120232, + "æµĴ": 120233, + "æµĶ": 120234, + "æµķ": 120235, + "æ´³": 120236, + "æģ¸": 120237, + "æģĵ": 120238, + "æģ¹": 120239, + "æģ«": 120240, + "æģ»": 120241, + "æģĤ": 120242, + "æģª": 120243, + "æģ½": 120244, + "宥": 120245, + "æīĥ": 120246, + "衲": 120247, + "衽": 120248, + "è¡¿": 120249, + "è¢Ĥ": 120250, + "ç¥ľ": 120251, + "ç¥ĵ": 120252, + "ç¥ļ": 120253, + "诮": 120254, + "ç¥Ĺ": 120255, + "祢": 120256, + "诰": 120257, + "诳": 120258, + "鸩": 120259, + "æĺ¶": 120260, + "åĴ«": 120261, + "å¼Ń": 120262, + "çīģ": 120263, + "èĥ¥": 120264, + "éĻŁ": 120265, + "å§®": 120266, + "å¨Ĩ": 120267, + "å§Ŀ": 120268, + "å§£": 120269, + "å§ĺ": 120270, + "å§¹": 120271, + "羿": 120272, + "çĤ±": 120273, + "磾": 120274, + "ç»Ķ": 120275, + "éªģ": 120276, + "éªħ": 120277, + "ç»Ĺ": 120278, + "综": 120279, + "éªĪ": 120280, + "èĢĸ": 120281, + "æĮĪ": 120282, + "çı¥": 120283, + "çıĻ": 120284, + "顼": 120285, + "çı°": 120286, + "çı©": 120287, + "çı§": 120288, + "çı£": 120289, + "çıŀ": 120290, + "çIJ¤": 120291, + "çı²": 120292, + "æģļ": 120293, + "åŁķ": 120294, + "åŁĺ": 120295, + "åŁĻ": 120296, + "åŁļ": 120297, + "æĮ¹": 120298, + "èĢĨ": 120299, + "èĢĦ": 120300, + "åŁĴ": 120301, + "æįĭ": 120302, + "è´½": 120303, + "åŀ¸": 120304, + "æįĥ": 120305, + "çĽį": 120306, + "èį¸": 120307, + "èݳ": 120308, + "èİ´": 120309, + "èݪ": 120310, + "èİł": 120311, + "èİľ": 120312, + "èİħ": 120313, + "èį¼": 120314, + "èİ©": 120315, + "èį½": 120316, + "èݸ": 120317, + "èį»": 120318, + "èݨ": 120319, + "鸪": 120320, + "èݼ": 120321, + "æł²": 120322, + "æł³": 120323, + "æ¡¡": 120324, + "æ¡İ": 120325, + "æ¡¢": 120326, + "桤": 120327, + "æ¢ĥ": 120328, + "æłĿ": 120329, + "æ¡ķ": 120330, + "æ¡ģ": 120331, + "æ¡§": 120332, + "æ¡ħ": 120333, + "æłŁ": 120334, + "æ¡ī": 120335, + "æł©": 120336, + "éĢij": 120337, + "éĢĭ": 120338, + "å½§": 120339, + "鬲": 120340, + "è±ĩ": 120341, + "éħIJ": 120342, + "é̦": 120343, + "åİĿ": 120344, + "åѬ": 120345, + "çłĿ": 120346, + "çł¹": 120347, + "çł§": 120348, + "çł·": 120349, + "糣": 120350, + "çł¼": 120351, + "çł¥": 120352, + "çł£": 120353, + "åīŀ": 120354, + "çł»": 120355, + "è½¼": 120356, + "è½¾": 120357, + "è¾Ĥ": 120358, + "鸫": 120359, + "趸": 120360, + "é¾Ģ": 120361, + "鸬": 120362, + "èĻĶ": 120363, + "羬": 120364, + "åĶĽ": 120365, + "çľĻ": 120366, + "åĵ§": 120367, + "åĵ½": 120368, + "æĻģ": 120369, + "鸮": 120370, + "è¶µ": 120371, + "è¶¿": 120372, + "çķĽ": 120373, + "èļ¨": 120374, + "èļľ": 120375, + "èļį": 120376, + "èļĭ": 120377, + "èļ¬": 120378, + "èļĿ": 120379, + "èļ§": 120380, + "åĶ¢": 120381, + "åľĦ": 120382, + "åĶ£": 120383, + "åĶı": 120384, + "çĽİ": 120385, + "åĶij": 120386, + "å´Ĥ": 120387, + "å´ĥ": 120388, + "罡": 120389, + "ç½Ł": 120390, + "è§Ĭ": 120391, + "èµħ": 120392, + "éĴ²": 120393, + "éĴµ": 120394, + "éĴ¹": 120395, + "éĴº": 120396, + "éĴ½": 120397, + "éĴ¼": 120398, + "éĴ¿": 120399, + "éĵĢ": 120400, + "éĵĦ": 120401, + "éĵĨ": 120402, + "éĵĪ": 120403, + "éĵī": 120404, + "éĵĬ": 120405, + "éĵĭ": 120406, + "éĵĮ": 120407, + "éĵį": 120408, + "ä¥": 120409, + "䥽": 120410, + "éĵİ": 120411, + "æ°©": 120412, + "æ°¤": 120413, + "æ°¦": 120414, + "毪": 120415, + "èĪIJ": 120416, + "ç§£": 120417, + "ç§«": 120418, + "çĽī": 120419, + "ç¬Ħ": 120420, + "ç¬ķ": 120421, + "ç¬Ĭ": 120422, + "ç¬ı": 120423, + "ç¬Ĩ": 120424, + "俸": 120425, + "俵": 120426, + "åģĮ": 120427, + "俳": 120428, + "ä¿¶": 120429, + "å̬": 120430, + "åĢı": 120431, + "æģģ": 120432, + "åĢŃ": 120433, + "俾": 120434, + "åĢľ": 120435, + "éļ¼": 120436, + "éļ½": 120437, + "åĢĮ": 120438, + "åĢ¥": 120439, + "èĩ¬": 120440, + "éĥ«": 120441, + "å̍": 120442, + "è¡Ħ": 120443, + "é¢Ģ": 120444, + "å¾ķ": 120445, + "èĪ«": 120446, + "衾": 120447, + "èĥ¯": 120448, + "èĥ±": 120449, + "èĥ´": 120450, + "èĥŃ": 120451, + "èĦį": 120452, + "èĥ¼": 120453, + "èĦĴ": 120454, + "鸱": 120455, + "鸲": 120456, + "çĭ·": 120457, + "çĮģ": 120458, + "çĭ³": 120459, + "çĮĥ": 120460, + "çĭº": 120461, + "éĢĸ": 120462, + "æ¡Ģ": 120463, + "饽": 120464, + "åĩĩ": 120465, + "æĮĽ": 120466, + "亳": 120467, + "çĸ³": 120468, + "çĸ´": 120469, + "çĸ¸": 120470, + "çĸ½": 120471, + "çĹĪ": 120472, + "çĸ±": 120473, + "çĹĤ": 120474, + "çĹī": 120475, + "è¡®": 120476, + "é¢ĥ": 120477, + "æģ£": 120478, + "æĹĨ": 120479, + "æĹĦ": 120480, + "æĹĥ": 120481, + "éĺĥ": 120482, + "éĺĦ": 120483, + "è¨ļ": 120484, + "éĺĨ": 120485, + "æģĻ": 120486, + "ç²ij": 120487, + "çĥľ": 120488, + "çĥ©": 120489, + "çĥĬ": 120490, + "åī¡": 120491, + "éĥ¯": 120492, + "çĥ¬": 120493, + "æ¶ij": 120494, + "浯": 120495, + "æ¶ŀ": 120496, + "æ¶Ł": 120497, + "å¨ij": 120498, + "æ¶ł": 120499, + "æµŀ": 120500, + "æ¶ĵ": 120501, + "æµ¥": 120502, + "æ¶Ķ": 120503, + "æµľ": 120504, + "æµł": 120505, + "æµ£": 120506, + "æĤļ": 120507, + "æĤŃ": 120508, + "æĤĿ": 120509, + "æĤĴ": 120510, + "æĤĮ": 120511, + "æĤĽ": 120512, + "çªĪ": 120513, + "åīľ": 120514, + "诹": 120515, + "诼": 120516, + "è¢Ĵ": 120517, + "袢": 120518, + "诿": 120519, + "è°Ģ": 120520, + "è°Ĥ": 120521, + "è°Ħ": 120522, + "è°ĩ": 120523, + "å±IJ": 120524, + "å±Ļ": 120525, + "éϬ": 120526, + "åĭIJ": 120527, + "å¥ĺ": 120528, + "çīĤ": 120529, + "èļ©": 120530, + "éϲ": 120531, + "å¨Į": 120532, + "å¨ī": 120533, + "娲": 120534, + "娴": 120535, + "娣": 120536, + "å¨ĵ": 120537, + "å©Ģ": 120538, + "çķļ": 120539, + "éĢ¡": 120540, + "绳": 120541, + "éªĬ": 120542, + "绡": 120543, + "éªĭ": 120544, + "绦": 120545, + "绨": 120546, + "éªİ": 120547, + "éĤķ": 120548, + "鸶": 120549, + "å½Ĺ": 120550, + "èĢľ": 120551, + "çĦĺ": 120552, + "èĪĤ": 120553, + "çIJı": 120554, + "çIJĩ": 120555, + "麸": 120556, + "æı¶": 120557, + "åŁ´": 120558, + "åŁ¯": 120559, + "æį¯": 120560, + "æİ³": 120561, + "æİ´": 120562, + "åŁ¸": 120563, + "åŁµ": 120564, + "èµ§": 120565, + "åŁ¤": 120566, + "æįŃ": 120567, + "é̵": 120568, + "åŁĿ": 120569, + "åłĭ": 120570, + "åłį": 120571, + "æİ¬": 120572, + "鸷": 120573, + "æį½": 120574, + "æİĬ": 120575, + "åłī": 120576, + "æİ¸": 120577, + "æį©": 120578, + "æİ®": 120579, + "æĤ«": 120580, + "åŁŃ": 120581, + "åŁ½": 120582, + "æİĩ": 120583, + "æİ¼": 120584, + "èģĥ": 120585, + "èIJģ": 120586, + "èıĺ": 120587, + "åłĩ": 120588, + "èIJĺ": 120589, + "èIJĭ": 120590, + "èı½": 120591, + "èıĸ": 120592, + "èIJľ": 120593, + "èIJ¸": 120594, + "èIJij": 120595, + "棻": 120596, + "èıĶ": 120597, + "èıŁ": 120598, + "èIJı": 120599, + "èı¹": 120600, + "èıª": 120601, + "èıħ": 120602, + "èıĢ": 120603, + "èı°": 120604, + "èı¡": 120605, + "梿": 120606, + "æ¢ı": 120607, + "è§ĭ": 120608, + "æ¡´": 120609, + "æ¡·": 120610, + "æ£ģ": 120611, + "æ¡«": 120612, + "æ£Ĥ": 120613, + "åķ¬": 120614, + "éĥ¾": 120615, + "æķķ": 120616, + "è±ī": 120617, + "éĦĦ": 120618, + "éħŀ": 120619, + "ç¡İ": 120620, + "ç¡Ń": 120621, + "ç¡ĸ": 120622, + "ç¡Ĺ": 120623, + "ç¡IJ": 120624, + "ç¡ĩ": 120625, + "ç¡Į": 120626, + "鸸": 120627, + "çĵł": 120628, + "åĮı": 120629, + "åİ©": 120630, + "æ®Ĵ": 120631, + "æ®ĵ": 120632, + "æ®į": 120633, + "èµī": 120634, + "鼩": 120635, + "è¾Ħ": 120636, + "åłij": 120637, + "çľŃ": 120638, + "羦": 120639, + "åķ§": 120640, + "æĻ¡": 120641, + "æĻ¤": 120642, + "çľµ": 120643, + "åľĬ": 120644, + "åĸı": 120645, + "åķī": 120646, + "åĭĸ": 120647, + "æĻŀ": 120648, + "å͵": 120649, + "æĻĹ": 120650, + "åķŃ": 120651, + "çķ¦": 120652, + "趺": 120653, + "åķ®": 120654, + "è·Ħ": 120655, + "èļ¶": 120656, + "èĽĦ": 120657, + "èĽİ": 120658, + "èĽĨ": 120659, + "èļ°": 120660, + "åľī": 120661, + "èļ±": 120662, + "èĽī": 120663, + "èĽı": 120664, + "èļ´": 120665, + "åķģ": 120666, + "åķķ": 120667, + "åĶ¿": 120668, + "åķIJ": 120669, + "åͼ": 120670, + "åĶ·": 120671, + "åķĸ": 120672, + "åķµ": 120673, + "åķ¶": 120674, + "åķ·": 120675, + "åͳ": 120676, + "åͰ": 120677, + "åķľ": 120678, + "帻": 120679, + "å´ļ": 120680, + "å´¦": 120681, + "帼": 120682, + "å´®": 120683, + "å´¤": 120684, + "å´Ĩ": 120685, + "èµĩ": 120686, + "èµĪ": 120687, + "èµĬ": 120688, + "éĵij": 120689, + "éĵĴ": 120690, + "éĵĹ": 120691, + "éĵĻ": 120692, + "éĵŁ": 120693, + "éĵ¡": 120694, + "éĵ¢": 120695, + "éĵ£": 120696, + "éĵ¤": 120697, + "éĵ§": 120698, + "éĵ¨": 120699, + "éĵ©": 120700, + "éĵª": 120701, + "éĵ«": 120702, + "éĵ¯": 120703, + "éĵ°": 120704, + "éĵ±": 120705, + "éĵ³": 120706, + "éĵµ": 120707, + "éĵ·": 120708, + "çī¾": 120709, + "鸹": 120710, + "ç§¾": 120711, + "é̶": 120712, + "笺": 120713, + "çŃĩ": 120714, + "笸": 120715, + "笪": 120716, + "笮": 120717, + "笳": 120718, + "笥": 120719, + "笤": 120720, + "笳": 120721, + "笾": 120722, + "ç¬ŀ": 120723, + "åģ¾": 120724, + "åģĥ": 120725, + "åģķ": 120726, + "åģĪ": 120727, + "åĤĢ": 120728, + "åģ¬": 120729, + "åģ»": 120730, + "çļij": 120731, + "çļİ": 120732, + "鸻": 120733, + "å¾ľ": 120734, + "èΏ": 120735, + "èĪ»": 120736, + "èĪ´": 120737, + "èĪ·": 120738, + "é¾Ľ": 120739, + "ç¿İ": 120740, + "èĦ¬": 120741, + "èĦĺ": 120742, + "èĦ²": 120743, + "åĮIJ": 120744, + "çĮĹ": 120745, + "çĮ¡": 120746, + "çĮŀ": 120747, + "æĸĽ": 120748, + "çĮķ": 120749, + "é¦Ĺ": 120750, + "é¦ĥ": 120751, + "é¦Ħ": 120752, + "鸾": 120753, + "庹": 120754, + "庾": 120755, + "çĹĶ": 120756, + "çĹį": 120757, + "ç¿Ĭ": 120758, + "æĹĮ": 120759, + "æĹİ": 120760, + "袤": 120761, + "éĺĩ": 120762, + "éĺĪ": 120763, + "éĺī": 120764, + "éĺĬ": 120765, + "éĺĭ": 120766, + "éĺį": 120767, + "éĺı": 120768, + "ç¾Ł": 120769, + "ç²Ŀ": 120770, + "çĦIJ": 120771, + "çĦĵ": 120772, + "çĦĹ": 120773, + "æ·ħ": 120774, + "æ·ŀ": 120775, + "æ¸İ": 120776, + "æ¶¿": 120777, + "æ·ĸ": 120778, + "æĮ²": 120779, + "æ·ł": 120780, + "涸": 120781, + "æ¸ij": 120782, + "æ·¦": 120783, + "æ·Ŀ": 120784, + "涪": 120785, + "æ·Ļ": 120786, + "æ¶«": 120787, + "æ¸Į": 120788, + "æĤ»": 120789, + "æĤ±": 120790, + "æĥĿ": 120791, + "æĥĺ": 120792, + "æĥĨ": 120793, + "æĥļ": 120794, + "æĥĩ": 120795, + "æĥ®": 120796, + "çªķ": 120797, + "è°Į": 120798, + "æīĪ": 120799, + "çļ²": 120800, + "è°ij": 120801, + "è£Ĩ": 120802, + "袷": 120803, + "è£ī": 120804, + "è°Ĵ": 120805, + "è°Ķ": 120806, + "è°ķ": 120807, + "è°ĸ": 120808, + "è°Ĺ": 120809, + "è°Ļ": 120810, + "è°Ŀ": 120811, + "é̝": 120812, + "éĥ¿": 120813, + "éļĪ": 120814, + "ç²ľ": 120815, + "éļį": 120816, + "éļĹ": 120817, + "å©Ĭ": 120818, + "娼": 120819, + "å©¢": 120820, + "婵": 120821, + "èĥ¬": 120822, + "è¢Ī": 120823, + "ç¿Į": 120824, + "æģ¿": 120825, + "欸": 120826, + "绫": 120827, + "éªIJ": 120828, + "绯": 120829, + "ç»±": 120830, + "éªĴ": 120831, + "绲": 120832, + "éªĵ": 120833, + "ç»¶": 120834, + "绺": 120835, + "ç»»": 120836, + "绾": 120837, + "éªĸ": 120838, + "ç¼ģ": 120839, + "èĢł": 120840, + "çIJ«": 120841, + "çIJµ": 120842, + "çIJ¶": 120843, + "çIJ¥": 120844, + "çIJ¨": 120845, + "çIJ°": 120846, + "çIJ®": 120847, + "çIJ¯": 120848, + "çIJ¬": 120849, + "çIJļ": 120850, + "è¾ĩ": 120851, + "é¼ĭ": 120852, + "æı³": 120853, + "åłŀ": 120854, + "æIJ½": 120855, + "æı¸": 120856, + "æıł": 120857, + "åłĻ": 120858, + "è¶Ħ": 120859, + "æıĸ": 120860, + "é¢ī": 120861, + "å¡Ħ": 120862, + "æı¿": 120863, + "èĢĭ": 120864, + "æıĦ": 120865, + "èĽ©": 120866, + "èĽ°": 120867, + "å¡Ĩ": 120868, + "æijĴ": 120869, + "æıĨ": 120870, + "æİ¾": 120871, + "èģĴ": 120872, + "èijij": 120873, + "èijļ": 120874, + "éĿ°": 120875, + "éĿ¸": 120876, + "èij³": 120877, + "èijº": 120878, + "èij¸": 120879, + "èIJ¼": 120880, + "èij¶": 120881, + "èĴĮ": 120882, + "èijŃ": 120883, + "楮": 120884, + "棼": 120885, + "æ¤Ł": 120886, + "棹": 120887, + "椤": 120888, + "棰": 120889, + "èµį": 120890, + "æ¤ĭ": 120891, + "æ¤ģ": 120892, + "椪": 120893, + "æ¤IJ": 120894, + "é¹ģ": 120895, + "éħ¤": 120896, + "éħ¢": 120897, + "éħ¡": 120898, + "é¹Ĥ": 120899, + "æ®ļ": 120900, + "æ®Ľ": 120901, + "鼱": 120902, + "è¾ĭ": 120903, + "æ¤ł": 120904, + "è¾İ": 120905, + "çĿĦ": 120906, + "çĿĩ": 120907, + "çĿĥ": 120908, + "æĪ¢": 120909, + "åĸĭ": 120910, + "åĹĴ": 120911, + "åĸĥ": 120912, + "åĸ±": 120913, + "åĸ¹": 120914, + "æĻ·": 120915, + "åĸĪ": 120916, + "è·ĸ": 120917, + "è·Ĺ": 120918, + "è·ŀ": 120919, + "è·ļ": 120920, + "è·İ": 120921, + "è·ı": 120922, + "è·Ĩ": 120923, + "èĽ±": 120924, + "èĽ²": 120925, + "èĽŃ": 120926, + "èĽ³": 120927, + "èĽIJ": 120928, + "èĽĶ": 120929, + "èĽŀ": 120930, + "èĽ´": 120931, + "èĽĺ": 120932, + "åĸģ": 120933, + "åĸŁ": 120934, + "åķ¾": 120935, + "åĹĸ": 120936, + "åĸij": 120937, + "åĹŁ": 120938, + "åĹŀ": 120939, + "åĸĻ": 120940, + "åµĺ": 120941, + "åµĸ": 120942, + "å´´": 120943, + "éģĦ": 120944, + "è©Ī": 120945, + "åµİ": 120946, + "嵬": 120947, + "åµĽ": 120948, + "嵯": 120949, + "åµĿ": 120950, + "嵫": 120951, + "å¹Ħ": 120952, + "åµĭ": 120953, + "èµķ": 120954, + "éĵ»": 120955, + "éĵ¼": 120956, + "éĵ¿": 120957, + "éĶĥ": 120958, + "éĶĨ": 120959, + "éĶĩ": 120960, + "éĶī": 120961, + "éĶı": 120962, + "éĶij": 120963, + "éĶĴ": 120964, + "éĶĶ": 120965, + "éĶķ": 120966, + "æİ£": 120967, + "磬": 120968, + "æ°°": 120969, + "毳": 120970, + "毽": 120971, + "çĬĬ": 120972, + "çĬĦ": 120973, + "çĬĭ": 120974, + "é¹Ħ": 120975, + "çĬį": 120976, + "åµĩ": 120977, + "é»į": 120978, + "ç¨ĥ": 120979, + "ç¨Ĥ": 120980, + "çŃļ": 120981, + "çѵ": 120982, + "çŃĮ": 120983, + "åĤ£": 120984, + "åĤĪ": 120985, + "èĪĦ": 120986, + "çīį": 120987, + "åĤ¥": 120988, + "åĤ§": 120989, + "éģij": 120990, + "åĤ©": 120991, + "徨": 120992, + "åªŃ": 120993, + "çķ²": 120994, + "å¼ij": 120995, + "ç¿ķ": 120996, + "é¹Ĩ": 120997, + "èħĪ": 120998, + "èħĵ": 120999, + "èħĨ": 121000, + "èħ´": 121001, + "èħļ": 121002, + "èħ±": 121003, + "鱿": 121004, + "é²Ģ": 121005, + "é²Ĥ": 121006, + "çĮ¢": 121007, + "çĮ¹": 121008, + "çĮ¥": 121009, + "é£ĵ": 121010, + "è§ŀ": 121011, + "è§ļ": 121012, + "çĮ±": 121013, + "é¢İ": 121014, + "飧": 121015, + "é¦ĩ": 121016, + "é¦Ĭ": 121017, + "亵": 121018, + "èĦĶ": 121019, + "è£Ĵ": 121020, + "çĹ£": 121021, + "çŨ": 121022, + "çŦ": 121023, + "çĹŀ": 121024, + "çŤ": 121025, + "çŧ": 121026, + "èµĵ": 121027, + "竦": 121028, + "çĵ¿": 121029, + "åķ»": 121030, + "é¢ı": 121031, + "é¹ĩ": 121032, + "éĺij": 121033, + "éĺĴ": 121034, + "éĺķ": 121035, + "ç²ŀ": 121036, + "éģĴ": 121037, + "åѳ": 121038, + "çĦ¯": 121039, + "çĦľ": 121040, + "çĦ±": 121041, + "é¹Ī": 121042, + "渫": 121043, + "æ¹®": 121044, + "æ¹İ": 121045, + "æ¹ľ": 121046, + "æ¹į": 121047, + "湫": 121048, + "溲": 121049, + "æ¹Ł": 121050, + "æºĨ": 121051, + "æ¹²": 121052, + "æ¹Ķ": 121053, + "æ¹ī": 121054, + "渥": 121055, + "æ»ģ": 121056, + "æĦł": 121057, + "æĥº": 121058, + "æĦ¦": 121059, + "æĥ´": 121060, + "æĦĢ": 121061, + "æĦİ": 121062, + "æĦĶ": 121063, + "åĸ¾": 121064, + "å¯IJ": 121065, + "è°Ł": 121066, + "裢": 121067, + "è£İ": 121068, + "裥": 121069, + "祾": 121070, + "è°ł": 121071, + "è°¡": 121072, + "è°¥": 121073, + "è°§": 121074, + "åѱ": 121075, + "å¼¼": 121076, + "å·½": 121077, + "éªĺ": 121078, + "媪": 121079, + "å·¯": 121080, + "ç¿ļ": 121081, + "çļ´": 121082, + "éªĽ": 121083, + "ç¼Ĥ": 121084, + "ç¼ĥ": 121085, + "ç¼Ħ": 121086, + "å½ĺ": 121087, + "ç¼ĩ": 121088, + "ç¼Ī": 121089, + "ç¼Į": 121090, + "ç¼ij": 121091, + "ç¼Ĵ": 121092, + "ç¼Ĺ": 121093, + "飨": 121094, + "èĢ¢": 121095, + "çijģ": 121096, + "çijĹ": 121097, + "çijĦ": 121098, + "éģ¨": 121099, + "éªľ": 121100, + "飫": 121101, + "é«¡": 121102, + "塬": 121103, + "éĦ¢": 121104, + "è¶Ķ": 121105, + "è¶ij": 121106, + "æijħ": 121107, + "æijģ": 121108, + "èľĩ": 121109, + "æIJĭ": 121110, + "æIJª": 121111, + "æIJIJ": 121112, + "æIJĽ": 121113, + "æIJł": 121114, + "æijĪ": 121115, + "å½Ģ": 121116, + "æ¯Ĥ": 121117, + "æIJ¦": 121118, + "æIJ¡": 121119, + "èĵģ": 121120, + "æĪ¡": 121121, + "èĵį": 121122, + "éĦŀ": 121123, + "èĵIJ": 121124, + "èĵ¦": 121125, + "é¹ĭ": 121126, + "èĴ½": 121127, + "èĵĸ": 121128, + "èĵĬ": 121129, + "èĴ¯": 121130, + "èĵŁ": 121131, + "èĵij": 121132, + "èĴº": 121133, + "èĵł": 121134, + "èĴŁ": 121135, + "èĴ¡": 121136, + "èĴ¹": 121137, + "èĴ´": 121138, + "èĴĹ": 121139, + "èĵ¥": 121140, + "æ¥Ķ": 121141, + "æ¥Ĥ": 121142, + "æ¥Ŀ": 121143, + "楫": 121144, + "楸": 121145, + "椴": 121146, + "æ§Į": 121147, + "楯": 121148, + "çļĻ": 121149, + "æ¦Ī": 121150, + "æ§İ": 121151, + "æ¦ī": 121152, + "楦": 121153, + "楣": 121154, + "楹": 121155, + "椽": 121156, + "åī½": 121157, + "éħ©": 121158, + "èľĥ": 121159, + "ç¢Ľ": 121160, + "ç¢ĵ": 121161, + "硼": 121162, + "ç¢ī": 121163, + "ç¢ļ": 121164, + "ç¢ĩ": 121165, + "ç¢ľ": 121166, + "é¹Į": 121167, + "è¾ı": 121168, + "é¾ĥ": 121169, + "é¾ħ": 121170, + "訾": 121171, + "ç²²": 121172, + "çĿļ": 121173, + "åĹª": 121174, + "éŁª": 121175, + "åĹ·": 121176, + "åĹī": 121177, + "çĿ¨": 121178, + "çĿ¢": 121179, + "éĽİ": 121180, + "çĿ¥": 121181, + "åĹij": 121182, + "åĹ«": 121183, + "åŬ": 121184, + "åĹĶ": 121185, + "åĹĿ": 121186, + "æĪ¥": 121187, + "åĹĦ": 121188, + "çħ¦": 121189, + "æļĦ": 121190, + "éģ¢": 121191, + "æļĮ": 121192, + "è·¬": 121193, + "è·¶": 121194, + "è·¸": 121195, + "è·IJ": 121196, + "è·£": 121197, + "è·¹": 121198, + "èĽ¸": 121199, + "èľĬ": 121200, + "èľį": 121201, + "èľī": 121202, + "èľ£": 121203, + "çķ¹": 121204, + "èĽ¹": 121205, + "åĹ¥": 121206, + "åĹ²": 121207, + "åĹ³": 121208, + "åĹĮ": 121209, + "åĹį": 121210, + "åĹIJ": 121211, + "åŤ": 121212, + "åŵ": 121213, + "罨": 121214, + "åµĬ": 121215, + "åµ´": 121216, + "骰": 121217, + "éĶĹ": 121218, + "éĶĽ": 121219, + "éĶľ": 121220, + "éĶĿ": 121221, + "éĶŀ": 121222, + "éĶŁ": 121223, + "éĶ¢": 121224, + "é͍": 121225, + "éĶ©": 121226, + "éĶŃ": 121227, + "éͱ": 121228, + "éĽī": 121229, + "æ°²": 121230, + "çĬı": 121231, + "æŃĥ": 121232, + "ç¨ŀ": 121233, + "ç¨Ĺ": 121234, + "ç¨Ķ": 121235, + "çŃł": 121236, + "çŃ¢": 121237, + "çŃ®": 121238, + "çѲ": 121239, + "çīĴ": 121240, + "æķ«": 121241, + "å¾Ń": 121242, + "æĦĨ": 121243, + "èīĦ": 121244, + "è§İ": 121245, + "毹": 121246, + "è²Ĭ": 121247, + "è²ħ": 121248, + "è²ī": 121249, + "é¢Ķ": 121250, + "èħł": 121251, + "èħ©": 121252, + "èħ¼": 121253, + "èħŃ": 121254, + "èħ§": 121255, + "å¡į": 121256, + "媵": 121257, + "é²ħ": 121258, + "é²Ĩ": 121259, + "é²ĩ": 121260, + "é²Ī": 121261, + "é²ĭ": 121262, + "é²IJ": 121263, + "èĤĦ": 121264, + "é¹IJ": 121265, + "é£ķ": 121266, + "è§¥": 121267, + "éģĽ": 121268, + "é¦IJ": 121269, + "é¹ij": 121270, + "亶": 121271, + "çĺĥ": 121272, + "çű": 121273, + "çĹ¼": 121274, + "çĹ¿": 121275, + "çĺIJ": 121276, + "çĺģ": 121277, + "çĺĨ": 121278, + "éºĤ": 121279, + "æŃĨ": 121280, + "æĹĴ": 121281, + "éĺĸ": 121282, + "éĺĹ": 121283, + "ç¾§": 121284, + "è±¢": 121285, + "ç²³": 121286, + "çĮ·": 121287, + "çħ³": 121288, + "çħ¨": 121289, + "çħħ": 121290, + "çħĬ": 121291, + "çħ¸": 121292, + "çħº": 121293, + "æ»Ł": 121294, + "溱": 121295, + "æºĺ": 121296, + "æ¼Ń": 121297, + "滢": 121298, + "溥": 121299, + "溽": 121300, + "è£Ł": 121301, + "溻": 121302, + "溷": 121303, + "æ»Ĺ": 121304, + "滫": 121305, + "溴": 121306, + "æ»ı": 121307, + "æ»ĥ": 121308, + "滦": 121309, + "æºı": 121310, + "æ»Ĥ": 121311, + "æ»ĵ": 121312, + "æºŁ": 121313, + "滪": 121314, + "æĦ«": 121315, + "æħĬ": 121316, + "é²İ": 121317, + "éªŀ": 121318, + "çªł": 121319, + "窣": 121320, + "裱": 121321, + "裨": 121322, + "裾": 121323, + "裰": 121324, + "ç¦Ĭ": 121325, + "è°©": 121326, + "è°ª": 121327, + "媾": 121328, + "å««": 121329, + "媲": 121330, + "å«Ĵ": 121331, + "å«Ķ": 121332, + "媸": 121333, + "ç¼Ļ": 121334, + "ç¼ľ": 121335, + "ç¼Ľ": 121336, + "è¾Ķ": 121337, + "éªĿ": 121338, + "ç¼Ł": 121339, + "缡": 121340, + "ç¼¢": 121341, + "ç¼£": 121342, + "éªŁ": 121343, + "èĢ¥": 121344, + "çĴĪ": 121345, + "çijŃ": 121346, + "çįĴ": 121347, + "è§ı": 121348, + "æħĿ": 121349, + "å«ł": 121350, + "åıĨ": 121351, + "æij½": 121352, + "å¢ģ": 121353, + "æĴĤ": 121354, + "æijŀ": 121355, + "æĴĦ": 121356, + "ç¿¥": 121357, + "è¸ħ": 121358, + "æijŃ": 121359, + "å¢ī": 121360, + "å¢Ĵ": 121361, + "æ¦ĸ": 121362, + "綦": 121363, + "èĶ«": 121364, + "èĶ·": 121365, + "éĿº": 121366, + "éĿ¼": 121367, + "éŀħ": 121368, + "éĿ¿": 121369, + "çĶį": 121370, + "è͏": 121371, + "èĶŁ": 121372, + "èĶº": 121373, + "æĪ¬": 121374, + "èķĸ": 121375, + "èĶ»": 121376, + "èĵ¿": 121377, + "æĸ¡": 121378, + "é¹ķ": 121379, + "èĵ¼": 121380, + "æ¦Ľ": 121381, + "榧": 121382, + "榫": 121383, + "æ¦Ń": 121384, + "æ§Ķ": 121385, + "榱": 121386, + "æ§ģ": 121387, + "æ§ł": 121388, + "榷": 121389, + "åĥ°": 121390, + "éħ½": 121391, + "éħ¹": 121392, + "碡": 121393, + "碴": 121394, + "碣": 121395, + "碲": 121396, + "èĩ§": 121397, + "豨": 121398, + "殡": 121399, + "éľģ": 121400, + "èľļ": 121401, + "é¾ĩ": 121402, + "é¾Ī": 121403, + "äģ": 121404, + "äģĸ": 121405, + "çĿ½": 121406, + "åĺŀ": 121407, + "åĺĪ": 121408, + "åĺĮ": 121409, + "åĺģ": 121410, + "æļĿ": 121411, + "è¸Į": 121412, + "è¸ī": 121413, + "èľŀ": 121414, + "èľ¥": 121415, + "èľ®": 121416, + "èĿĪ": 121417, + "èľ´": 121418, + "èľ±": 121419, + "èľ©": 121420, + "èľ·": 121421, + "èľ¿": 121422, + "èŀĤ": 121423, + "èľ¢": 121424, + "åĺ¡": 121425, + "é¹Ĺ": 121426, + "åĺ£": 121427, + "åĺ¤": 121428, + "åĺļ": 121429, + "åĹ¾": 121430, + "åĺ§": 121431, + "ç½´": 121432, + "ç½±": 121433, + "å¹Ķ": 121434, + "å¶Ĥ": 121435, + "å¹Ľ": 121436, + "èµĻ": 121437, + "ç½Ĥ": 121438, + "骷": 121439, + "骶": 121440, + "é¹ĺ": 121441, + "éͲ": 121442, + "éĶ´": 121443, + "éͶ": 121444, + "éĶ·": 121445, + "é͏": 121446, + "é͵": 121447, + "éķĤ": 121448, + "çĬĴ": 121449, + "ç®IJ": 121450, + "箦": 121451, + "ç®§": 121452, + "箸": 121453, + "箬": 121454, + "ç®ħ": 121455, + "箪": 121456, + "箾": 121457, + "箢": 121458, + "ç®ĵ": 121459, + "åĥĸ": 121460, + "åĦĨ": 121461, + "åĥ³": 121462, + "åĥŃ": 121463, + "åĬģ": 121464, + "åĥ®": 121465, + "éŃĥ": 121466, + "éŃĨ": 121467, + "çĿ¾": 121468, + "èīĭ": 121469, + "éĦ±": 121470, + "èĨĪ": 121471, + "èĨij": 121472, + "é²ij": 121473, + "é²Ķ": 121474, + "é²ļ": 121475, + "é²Ľ": 121476, + "é²Ł": 121477, + "çįIJ": 121478, + "è§«": 121479, + "éĽĴ": 121480, + "夤": 121481, + "é¦ij": 121482, + "éĬ®": 121483, + "塾": 121484, + "çĺĮ": 121485, + "çĺĬ": 121486, + "çĺĺ": 121487, + "çĺĻ": 121488, + "æĹĸ": 121489, + "èĨĤ": 121490, + "éĺļ": 121491, + "éĦ¯": 121492, + "é²ŀ": 121493, + "粿": 121494, + "ç²¼": 121495, + "ç³ģ": 121496, + "æ§Ĭ": 121497, + "é¹ļ": 121498, + "çĨĺ": 121499, + "çĨ¥": 121500, + "æ½¢": 121501, + "æ¼ķ": 121502, + "滹": 121503, + "漯": 121504, + "æ¼¶": 121505, + "æ½ĭ": 121506, + "æ½´": 121507, + "漪": 121508, + "æ¼ī": 121509, + "漩": 121510, + "æ¾ī": 121511, + "æħµ": 121512, + "æIJ´": 121513, + "窨": 121514, + "寤": 121515, + "ç¶®": 121516, + "è°®": 121517, + "褡": 121518, + "è¤Ļ": 121519, + "è¤ĵ": 121520, + "è¤Ľ": 121521, + "è¤Ĭ": 121522, + "è°¯": 121523, + "è°°": 121524, + "è°²": 121525, + "å±£": 121526, + "é¹Ľ": 121527, + "嫱": 121528, + "å«ĸ": 121529, + "嫦": 121530, + "å«ļ": 121531, + "å«ĺ": 121532, + "é¼IJ": 121533, + "çŀĢ": 121534, + "é¹ľ": 121535, + "éªł": 121536, + "ç¼¥": 121537, + "缦": 121538, + "ç¼§": 121539, + "缨": 121540, + "骢": 121541, + "缫": 121542, + "è̦": 121543, + "ȩ̀": 121544, + "çĴľ": 121545, + "çĴİ": 121546, + "çĴģ": 121547, + "å¥Ń": 121548, + "髯": 121549, + "é««": 121550, + "æĴ·": 121551, + "æĴħ": 121552, + "èµŃ": 121553, + "æĴ¸": 121554, + "éĭĨ": 121555, + "æĴĻ": 121556, + "æĴº": 121557, + "å¢Ģ": 121558, + "èģ©": 121559, + "è§IJ": 121560, + "éŀij": 121561, + "èķĻ": 121562, + "éŀĴ": 121563, + "èķĪ": 121564, + "èķ¨": 121565, + "èķ¤": 121566, + "èķŀ": 121567, + "èķº": 121568, + "çŀ¢": 121569, + "èķĥ": 121570, + "èķ²": 121571, + "èµľ": 121572, + "æ§¿": 121573, + "樯": 121574, + "æ§Ń": 121575, + "æ¨Ĺ": 121576, + "æ¨ĺ": 121577, + "æ§²": 121578, + "éĨĮ": 121579, + "éĨħ": 121580, + "éĿ¥": 121581, + "éŃĩ": 121582, + "é¤į": 121583, + "ç£Ķ": 121584, + "ç£Ļ": 121585, + "éľĪ": 121586, + "è¾ĺ": 121587, + "é¾ī": 121588, + "é¾Ĭ": 121589, + "è§ij": 121590, + "çŀĮ": 121591, + "çŀĭ": 121592, + "çŀij": 121593, + "åĺŃ": 121594, + "åĻİ": 121595, + "å϶": 121596, + "é¢Ļ": 121597, + "æļ¹": 121598, + "åĻĺ": 121599, + "è¸Ķ": 121600, + "è¸Ŀ": 121601, + "è¸Ł": 121602, + "è¸Ĵ": 121603, + "踬": 121604, + "踮": 121605, + "踯": 121606, + "踺": 121607, + "è¸ŀ": 121608, + "èĿ½": 121609, + "èĿ¾": 121610, + "èĿ»": 121611, + "èĿ°": 121612, + "èĿ®": 121613, + "èŀĭ": 121614, + "èĿĵ": 121615, + "èĿ£": 121616, + "èĿ¼": 121617, + "åĺ¬": 121618, + "é¢ļ": 121619, + "åĻį": 121620, + "åĻĻ": 121621, + "åĻĮ": 121622, + "åĻĶ": 121623, + "é¢Ľ": 121624, + "å¹ŀ": 121625, + "幡": 121626, + "å¶Ļ": 121627, + "å¶Ŀ": 121628, + "骺": 121629, + "éķĬ": 121630, + "éķī": 121631, + "éķĮ": 121632, + "éķı": 121633, + "éķĴ": 121634, + "éķĵ": 121635, + "éķĶ": 121636, + "稷": 121637, + "ç®´": 121638, + "ç¯ij": 121639, + "ç¯ģ": 121640, + "ç¯Į": 121641, + "çīĸ": 121642, + "åĦĭ": 121643, + "èĻ¢": 121644, + "é¹ŀ": 121645, + "èĨĺ": 121646, + "é²ł": 121647, + "鲡": 121648, + "é²¢": 121649, + "é²£": 121650, + "é²¥": 121651, + "é²§": 121652, + "鲩": 121653, + "çįĹ": 121654, + "çįł": 121655, + "觯": 121656, + "é¦ĵ": 121657, + "é¦Ķ": 121658, + "麾": 121659, + "å»Ľ": 121660, + "çĺĽ": 121661, + "çĺ¼": 121662, + "çĺ¢": 121663, + "çĺł": 121664, + "é½ij": 121665, + "ç¾°": 121666, + "ð¥»": 121667, + "ð¥»Ĺ": 121668, + "ç³Į": 121669, + "ç³į": 121670, + "ç³ħ": 121671, + "çĨľ": 121672, + "çĨµ": 121673, + "æ¾į": 121674, + "æ¾Į": 121675, + "潸": 121676, + "潦": 121677, + "æ½²": 121678, + "éĭĪ": 121679, + "æ½Ł": 121680, + "潺": 121681, + "寮": 121682, + "窳": 121683, + "è°³": 121684, + "褴": 121685, + "è¤Ł": 121686, + "褫": 121687, + "è°µ": 121688, + "çĨ¨": 121689, + "屦": 121690, + "åĭ°": 121691, + "æĪ®": 121692, + "èĿ¥": 121693, + "缬": 121694, + "ç¼®": 121695, + "缯": 121696, + "骣": 121697, + "çķ¿": 121698, + "èĢ©": 121699, + "è̍": 121700, + "èĢª": 121701, + "çĴŁ": 121702, + "éĿĽ": 121703, + "çĴł": 121704, + "çĴĺ": 121705, + "èģ±": 121706, + "èŀ¯": 121707, + "é«»": 121708, + "é«Ń": 121709, + "髹": 121710, + "æĵĢ": 121711, + "çĶı": 121712, + "æĵŀ": 121713, + "縳": 121714, + "磬": 121715, + "é¢ŀ": 121716, + "èķ»": 121717, + "é¢Ł": 121718, + "èĸ¤": 121719, + "èĸ¨": 121720, + "æªł": 121721, + "èĸı": 121722, + "èĸ®": 121723, + "èĸľ": 121724, + "èĸħ": 121725, + "樾": 121726, + "æ©Ľ": 121727, + "æ©ĩ": 121728, + "樵": 121729, + "æªİ": 121730, + "橹": 121731, + "樽": 121732, + "樨": 121733, + "橼": 121734, + "墼": 121735, + "æ©IJ": 121736, + "ç¿®": 121737, + "éĨIJ": 121738, + "éĨį": 121739, + "éĨļ": 121740, + "磲": 121741, + "èµĿ": 121742, + "殪": 121743, + "éľı": 121744, + "éĮ¾": 121745, + "è¾ļ": 121746, + "éģ½": 121747, + "æ°ħ": 121748, + "çŀŁ": 121749, + "çŀł": 121750, + "çŀ°": 121751, + "åļĦ": 121752, + "åļĨ": 121753, + "åϤ": 121754, + "æļ¾": 121755, + "è¹Ģ": 121756, + "踵": 121757, + "踽": 121758, + "è¹ī": 121759, + "è¹ģ": 121760, + "èŀ¨": 121761, + "èŀĪ": 121762, + "èŀħ": 121763, + "èŀŃ": 121764, + "èŀł": 121765, + "èŀŁ": 121766, + "åϱ": 121767, + "åĻ«": 121768, + "åĻ»": 121769, + "åϼ": 121770, + "ç½¹": 121771, + "åľľ": 121772, + "ä¦": 121773, + "ä¦ĥ": 121774, + "éķĹ": 121775, + "éķĺ": 121776, + "éķļ": 121777, + "éķĽ": 121778, + "éķĿ": 121779, + "éķŀ": 121780, + "éķł": 121781, + "æ°ĩ": 121782, + "æ°Ĩ": 121783, + "ç©ij": 121784, + "ç¯Ŀ": 121785, + "篥": 121786, + "篦": 121787, + "篪": 121788, + "ç¯Ļ": 121789, + "çĽ¥": 121790, + "åĬĵ": 121791, + "翱": 121792, + "éŃī": 121793, + "éŃĪ": 121794, + "å¾¼": 121795, + "æŃĻ": 121796, + "èĨ¦": 121797, + "èĨĻ": 121798, + "é²®": 121799, + "é²±": 121800, + "é²³": 121801, + "é²´": 121802, + "é²µ": 121803, + "é²·": 121804, + "é²»": 121805, + "çį´": 121806, + "çįŃ": 121807, + "çį¬": 121808, + "éĤĤ": 121809, + "é¹§": 121810, + "廨": 121811, + "èµŁ": 121812, + "çĺ°": 121813, + "廪": 121814, + "çĺ¿": 121815, + "çĺµ": 121816, + "çĺ´": 121817, + "çĻĥ": 121818, + "çĺ³": 121819, + "éºĩ": 121820, + "éºĪ": 121821, + "嬴": 121822, + "å£ħ": 121823, + "ç³Ĺ": 121824, + "çĶij": 121825, + "çĩİ": 121826, + "çĩł": 121827, + "çĩĶ": 121828, + "çĩ§": 121829, + "æ¿ij": 121830, + "æ¿ī": 121831, + "æ½ŀ": 121832, + "æ¾§": 121833, + "æ¾¹": 121834, + "æ¾¥": 121835, + "æ¾¶": 121836, + "æ¿Ĥ": 121837, + "褰": 121838, + "窸": 121839, + "å¬ĸ": 121840, + "çĬŁ": 121841, + "éļ°": 121842, + "å¬Ĺ": 121843, + "颡": 121844, + "ç¼±": 121845, + "ç¼²": 121846, + "ç¼³": 121847, + "çĴ©": 121848, + "çĴª": 121849, + "èŀ«": 121850, + "æĵ¤": 121851, + "å£ķ": 121852, + "è§³": 121853, + "ç½Ħ": 121854, + "æĵ¢": 121855, + "èĸ¹": 121856, + "éŀ¡": 121857, + "éŀ¬": 121858, + "èĸ·": 121859, + "èĹĵ": 121860, + "èĹģ": 121861, + "æªĦ": 121862, + "檩": 121863, + "æĩĭ": 121864, + "éĨ¢": 121865, + "翳": 121866, + "ç¤ħ": 121867, + "磴": 121868, + "鹩": 121869, + "é¾ĭ": 121870, + "é¾Į": 121871, + "è±³": 121872, + "å£ij": 121873, + "é»»": 121874, + "åļı": 121875, + "åļħ": 121876, + "è¹ij": 121877, + "è¹Ĵ": 121878, + "è¹Ĭ": 121879, + "èŁ¥": 121880, + "èŀ¬": 121881, + "èŀµ": 121882, + "çĸĥ": 121883, + "èŀ³": 121884, + "èŁij": 121885, + "åļĵ": 121886, + "ç½½": 121887, + "ç½¾": 121888, + "å¶·": 121889, + "黾": 121890, + "é»Ŀ": 121891, + "é«ģ": 121892, + "é«Ģ": 121893, + "éķ¡": 121894, + "éķ¢": 121895, + "éķ£": 121896, + "éķ¦": 121897, + "éķ§": 121898, + "éķ©": 121899, + "éķª": 121900, + "éķ«": 121901, + "ç½ħ": 121902, + "ç°Į": 121903, + "篾": 121904, + "篼": 121905, + "ç°ĸ": 121906, + "ç°ĭ": 121907, + "é¼¢": 121908, + "åĦ¡": 121909, + "鹪": 121910, + "é¼¾": 121911, + "çļ¤": 121912, + "éŃį": 121913, + "é¾ł": 121914, + "ç¹ĩ": 121915, + "è²ĺ": 121916, + "éĤĪ": 121917, + "è²Ķ": 121918, + "èĩĮ": 121919, + "èĨ»": 121920, + "èĩĨ": 121921, + "èĩĥ": 121922, + "é²¼": 121923, + "é²½": 121924, + "é³Ģ": 121925, + "é³ĥ": 121926, + "é³ħ": 121927, + "é³ĩ": 121928, + "é³Ĭ": 121929, + "èŀ½": 121930, + "çĩ®": 121931, + "鹫": 121932, + "ç³ľ": 121933, + "縻": 121934, + "çĻį": 121935, + "éºĭ": 121936, + "æĩij": 121937, + "æ¿¡": 121938, + "æ¿®": 121939, + "æ¿ŀ": 121940, + "æ¿ł": 121941, + "濯": 121942, + "è¹ĩ": 121943, + "è¬ĩ": 121944, + "éĤĥ": 121945, + "è¥ģ": 121946, + "æªĹ": 121947, + "æĵĺ": 121948, + "åŃº": 121949, + "éļ³": 121950, + "嬷": 121951, + "èŁĬ": 121952, + "鹬": 121953, + "éįª": 121954, + "éıĬ": 121955, + "é¬Ī": 121956, + "é¬ĥ": 121957, + "çŀ½": 121958, + "éŀ¯": 121959, + "éŀ¨": 121960, + "éŀ«": 121961, + "éŀ§": 121962, + "éŀ£": 121963, + "èĹľ": 121964, + "èĹł": 121965, + "éĨª": 121966, + "è¹Ļ": 121967, + "ç¤ĵ": 121968, + "çĩ¹": 121969, + "餮": 121970, + "çŀ¿": 121971, + "æĽĽ": 121972, + "颢": 121973, + "èºĩ": 121974, + "è¹ļ": 121975, + "èŁĽ": 121976, + "èŁª": 121977, + "èŁł": 121978, + "èŁ®": 121979, + "é¹®": 121980, + "黳": 121981, + "黣": 121982, + "é«ħ": 121983, + "é«Ĥ": 121984, + "éķ¬": 121985, + "éķŃ": 121986, + "éķ¯": 121987, + "馥": 121988, + "ç°Ł": 121989, + "ç°ª": 121990, + "鼬": 121991, + "鼳": 121992, + "èīŁ": 121993, + "é³İ": 121994, + "é³ı": 121995, + "é³IJ": 121996, + "çĻŀ": 121997, + "çĻĶ": 121998, + "糨": 121999, + "蹩": 122000, + "éİı": 122001, + "éĤĭ": 122002, + "é¬ı": 122003, + "æĶī": 122004, + "éŀ²": 122005, + "éŀ´": 122006, + "èĹ¿": 122007, + "èĺ§": 122008, + "èĺħ": 122009, + "éĨ®": 122010, + "éĨ¯": 122011, + "éħĥ": 122012, + "éľª": 122013, + "éľŃ": 122014, + "龨": 122015, + "黼": 122016, + "åļ¯": 122017, + "è¹°": 122018, + "è¹¶": 122019, + "è¹½": 122020, + "è¹¼": 122021, + "è¹´": 122022, + "è¹¾": 122023, + "蹿": 122024, + "èłĸ": 122025, + "èłĵ": 122026, + "èŁ¾": 122027, + "èłĬ": 122028, + "黢": 122029, + "é«ĭ": 122030, + "é«Į": 122031, + "éķ²": 122032, + "ç±Ģ": 122033, + "é½ģ": 122034, + "éŃij": 122035, + "èī¨": 122036, + "é³ĵ": 122037, + "é³Ķ": 122038, + "é³ķ": 122039, + "é³Ĺ": 122040, + "é³Ļ": 122041, + "éıĸ": 122042, + "羸": 122043, + "ã¸Ĩ": 122044, + "çĢ£": 122045, + "çĢĽ": 122046, + "襦": 122047, + "è°¶": 122048, + "è¥ŀ": 122049, + "骥": 122050, + "ç¼µ": 122051, + "çĵĴ": 122052, + "æĶĺ": 122053, + "èĺ©": 122054, + "èĺĸ": 122055, + "éĨ´": 122056, + "éľ°": 122057, + "éħĨ": 122058, + "çŁį": 122059, + "èºħ": 122060, + "é¼į": 122061, + "å·ī": 122062, + "黩": 122063, + "黥": 122064, + "黪": 122065, + "éķ³": 122066, + "éķ´": 122067, + "é»§": 122068, + "çºĤ": 122069, + "çĴº": 122070, + "鼯": 122071, + "èĩľ": 122072, + "é³ľ": 122073, + "é³Ŀ": 122074, + "é³Ł": 122075, + "çį¾": 122076, + "åŃĢ": 122077, + "骧": 122078, + "çĵĺ": 122079, + "é¼Ļ": 122080, + "éĨº": 122081, + "礴": 122082, + "颦": 122083, + "æĽ©": 122084, + "é³¢": 122085, + "éºĿ": 122086, + "å¤Ķ": 122087, + "çĪĿ": 122088, + "çģı": 122089, + "禳": 122090, + "éIJ¾": 122091, + "ç¾¼": 122092, + "èł¡": 122093, + "è̱": 122094, + "é¹³": 122095, + "æ°į": 122096, + "é¥ķ": 122097, + "èºIJ": 122098, + "é«ij": 122099, + "éķµ": 122100, + "ç©°": 122101, + "é¥Ķ": 122102, + "鬻": 122103, + "鬣": 122104, + "è¶±": 122105, + "æĶ«": 122106, + "æĶ¥": 122107, + "颧": 122108, + "èºľ": 122109, + "é¼¹": 122110, + "çϝ": 122111, + "èł²": 122112, + "èł¹": 122113, + "èºŀ": 122114, + "è¡¢": 122115, + "çģŀ": 122116, + "襻": 122117, + "çºĽ": 122118, + "鬣": 122119, + "æĶ®": 122120, + "åĽĶ": 122121, + "é¦ķ": 122122, + "æĪĨ": 122123, + "ç΍": 122124, + "é½ī": 122125, + "äºį": 122126, + "å°¢": 122127, + "å½³": 122128, + "åį¬": 122129, + "殳": 122130, + "ðłĻ¶": 122131, + "æ¯Į": 122132, + "éĤĺ": 122133, + "æĪĭ": 122134, + "åľ¢": 122135, + "æ°ķ": 122136, + "ä¼ĭ": 122137, + "ä»Ŀ": 122138, + "åĨ®": 122139, + "æ°¿": 122140, + "æ±Ī": 122141, + "æ°¾": 122142, + "å¿ī": 122143, + "å®Ħ": 122144, + "ð¬£Ļ": 122145, + "è®±": 122146, + "æīŀ": 122147, + "åľ²": 122148, + "åľ«": 122149, + "èĬı": 122150, + "èĬĥ": 122151, + "æľ³": 122152, + "æľ¸": 122153, + "ð¨Ļ": 122154, + "ð¨Ļ¸": 122155, + "éĤ¨": 122156, + "åIJĴ": 122157, + "åIJĸ": 122158, + "å±¼": 122159, + "å±¾": 122160, + "辿": 122161, + "éĴĨ": 122162, + "仳": 122163, + "ä¼£": 122164, + "ä¼Ī": 122165, + "çĻ¿": 122166, + "çĶª": 122167, + "éĤł": 122168, + "çĬ´": 122169, + "åĨ±": 122170, + "éĤ¡": 122171, + "ð¬ĩķ": 122172, + "æ±ĭ": 122173, + "äľ": 122174, + "äľ£": 122175, + "è®»": 122176, + "ð¬£ŀ": 122177, + "åŃĸ": 122178, + "ð¬ĺĵ": 122179, + "纩": 122180, + "çİĴ": 122181, + "çİĵ": 122182, + "çİĺ": 122183, + "çİļ": 122184, + "åά": 122185, + "ð«ŃŁ": 122186, + "åĿľ": 122187, + "åĿī": 122188, + "æī½": 122189, + "ð«Ń¢": 122190, + "åĿĭ": 122191, + "æīº": 122192, + "ã§ij": 122193, + "æ¯IJ": 122194, + "èĬ°": 122195, + "èĬ£": 122196, + "èĭĬ": 122197, + "èĭī": 122198, + "èĬĺ": 122199, + "èĬ´": 122200, + "èĬł": 122201, + "ð«ĩ": 122202, + "ð«ĩŃ": 122203, + "èĬ¤": 122204, + "æĿķ": 122205, + "æĿĻ": 122206, + "æĿĦ": 122207, + "æĿ§": 122208, + "æĿ©": 122209, + "å°ª": 122210, + "å°¨": 122211, + "轪": 122212, + "ð«IJĦ": 122213, + "åĿĴ": 122214, + "èĬĪ": 122215, + "æĹ´": 122216, + "æĹµ": 122217, + "åijĻ": 122218, + "ãķ": 122219, + "ãķ®": 122220, + "å²į": 122221, + "ð«µ": 122222, + "𫵷": 122223, + "å²ł": 122224, + "å²ľ": 122225, + "åijĩ": 122226, + "åĨı": 122227, + "è§ĥ": 122228, + "å²Ļ": 122229, + "ä¼¾": 122230, + "ãijĩ": 122231, + "ä¼Ń": 122232, + "ä½ĸ": 122233, + "ä¼²": 122234, + "ä½ģ": 122235, + "é£ı": 122236, + "çĭĥ": 122237, + "éŶ": 122238, + "æ±§": 122239, + "汫": 122240, + "ð£²ĺ": 122241, + "ð£²Ĺ": 122242, + "æ²Ħ": 122243, + "æ²ĺ": 122244, + "ð¬ĩĻ": 122245, + "æ±Ń": 122246, + "ã³ĩ": 122247, + "æ²ĩ": 122248, + "å¿®": 122249, + "忳": 122250, + "忺": 122251, + "𬣡": 122252, + "ç¥ĥ": 122253, + "è¯ĩ": 122254, + "éĤ²": 122255, + "è¯İ": 122256, + "è¯IJ": 122257, + "å±ĥ": 122258, + "ð«¸": 122259, + "𫸩": 122260, + "å²Ĭ": 122261, + "éĺ½": 122262, + "䢺": 122263, + "éĺ¼": 122264, + "妧": 122265, + "å¦ĺ": 122266, + "ð¨ļ": 122267, + "ð¨ļķ": 122268, + "纮": 122269, + "驲": 122270, + "ð«ĺľ": 122271, + "纻": 122272, + "ð¬ĺĺ": 122273, + "ð«ĺĿ": 122274, + "纼": 122275, + "çݤ": 122276, + "çİŀ": 122277, + "çݱ": 122278, + "çİŁ": 122279, + "éĤ½": 122280, + "éĤ¿": 122281, + "åĿ¥": 122282, + "åĿ°": 122283, + "åĿ¬": 122284, + "åĿ½": 122285, + "å¼Ĩ": 122286, + "è̵": 122287, + "䢼": 122288, + "ð¦Ń": 122289, + "ð¦Ńľ": 122290, + "èĮĭ": 122291, + "èĭ§": 122292, + "èĭ¾": 122293, + "èĭł": 122294, + "æŀħ": 122295, + "ãŃİ": 122296, + "æŀĺ": 122297, + "æŀį": 122298, + "çŁ¼": 122299, + "磻": 122300, + "åĮ¼": 122301, + "ð¬¨Ĥ": 122302, + "ð¬Ģ©": 122303, + "ð¬Ģª": 122304, + "æĹ¿": 122305, + "æĺĦ": 122306, + "æĺĴ": 122307, + "æĺĪ": 122308, + "åĴī": 122309, + "åĴĩ": 122310, + "åĴį": 122311, + "å²µ": 122312, + "å²½": 122313, + "岨": 122314, + "å²ŀ": 122315, + "å³Ĥ": 122316, + "ãŁ": 122317, + "ãŁĥ": 122318, + "åĽ·": 122319, + "𬬩": 122320, + "éĴIJ": 122321, + "éĴĶ": 122322, + "éĴĸ": 122323, + "çī¥": 122324, + "ä½´": 122325, + "åŀĪ": 122326, + "ä¾ģ": 122327, + "ä¾¹": 122328, + "佸": 122329, + "佺": 122330, + "éļ¹": 122331, + "ãijĬ": 122332, + "ä¾Ĥ": 122333, + "ä½½": 122334, + "ä¾ĺ": 122335, + "éĥĪ": 122336, + "èĪł": 122337, + "éĥIJ": 122338, + "éĥĥ": 122339, + "æĶ½": 122340, + "èĤŃ": 122341, + "èĤ¸": 122342, + "èĤ·": 122343, + "çĭī": 122344, + "çĭĿ": 122345, + "饳": 122346, + "å¿ŀ": 122347, + "çĤĮ": 122348, + "çĤĨ": 122349, + "æ³Ļ": 122350, + "沺": 122351, + "æ³Ĥ": 122352, + "æ³ľ": 122353, + "æ³ĥ": 122354, + "æ³ĩ": 122355, + "æĢĬ": 122356, + "å³ĥ": 122357, + "穸": 122358, + "ç¥ĭ": 122359, + "ç¥Ĭ": 122360, + "ð«į£": 122361, + "𬣳": 122362, + "𬩽": 122363, + "鸤": 122364, + "å¼¢": 122365, + "弨": 122366, + "éĻij": 122367, + "𬮿": 122368, + "éĻİ": 122369, + "ð¬¯Ģ": 122370, + "åįº": 122371, + "乸": 122372, + "å¦Ń": 122373, + "å§Ī": 122374, + "ð«°": 122375, + "ð«°Ľ": 122376, + "迳": 122377, + "åıķ": 122378, + "𬳵": 122379, + "驵": 122380, + "𬳶": 122381, + "äĮ": 122382, + "äĮ¹": 122383, + "驺": 122384, + "ð«łĬ": 122385, + "ç»ĭ": 122386, + "ç»IJ": 122387, + "çłī": 122388, + "èĢĶ": 122389, + "ãĽĥ": 122390, + "çݶ": 122391, + "çıĩ": 122392, + "çıħ": 122393, + "ð¬įĽ": 122394, + "çıĭ": 122395, + "çݹ": 122396, + "çıĮ": 122397, + "çİ¿": 122398, + "飨": 122399, + "åŀļ": 122400, + "åŀ¯": 122401, + "åŀĻ": 122402, + "åŀ²": 122403, + "åŁı": 122404, + "åŀį": 122405, + "èĢĩ": 122406, + "é¿į": 122407, + "åŀİ": 122408, + "åŀ´": 122409, + "åŀŁ": 122410, + "åŀŀ": 122411, + "æĮĵ": 122412, + "åŀµ": 122413, + "åŀı": 122414, + "æĭ¶": 122415, + "èįĸ": 122416, + "èįģ": 122417, + "èįĻ": 122418, + "èįĽ": 122419, + "èĮĪ": 122420, + "èĮ½": 122421, + "èįĦ": 122422, + "èĮº": 122423, + "ð¬ľ¬": 122424, + "èįĵ": 122425, + "èĮ³": 122426, + "ð¦°": 122427, + "𦰡": 122428, + "èĮĽ": 122429, + "èįŃ": 122430, + "ãŃķ": 122431, + "æŁ·": 122432, + "æŁĥ": 122433, + "æŁĬ": 122434, + "æŀ¹": 122435, + "æłIJ": 122436, + "æŁĸ": 122437, + "éĥļ": 122438, + "åīħ": 122439, + "ä´ĵ": 122440, + "迺": 122441, + "åİĸ": 122442, + "çłĨ": 122443, + "çłij": 122444, + "çłĦ": 122445, + "èĢı": 122446, + "å¥ĵ": 122447, + "ä¶": 122448, + "ä¶®": 122449, + "è½µ": 122450, + "è½·": 122451, + "è½¹": 122452, + "轺": 122453, + "æĺº": 122454, + "ðª¾": 122455, + "𪾢": 122456, + "æĺ½": 122457, + "缷": 122458, + "åĴ¡": 122459, + "åĴº": 122460, + "æĺ³": 122461, + "æĺ£": 122462, + "æĺ¤": 122463, + "æĺ«": 122464, + "æĺ¡": 122465, + "åĴ¥": 122466, + "æĺª": 122467, + "èĻ·": 122468, + "èϏ": 122469, + "åĵĥ": 122470, + "å³ĺ": 122471, + "èĢij": 122472, + "å³Ľ": 122473, + "𪨰": 122474, + "å³Ĺ": 122475, + "å³§": 122476, + "帡": 122477, + "éĴĺ": 122478, + "ð«ĵ§": 122479, + "éĴľ": 122480, + "𬬮": 122481, + "𬬱": 122482, + "ð¬¬Ń": 122483, + "éĴª": 122484, + "éĴ¬": 122485, + "éĴŃ": 122486, + "磧": 122487, + "秬": 122488, + "ä¿«": 122489, + "èĪģ": 122490, + "ä¿ľ": 122491, + "ä¿Ļ": 122492, + "ä¿į": 122493, + "åŀķ": 122494, + "è¡İ": 122495, + "èĪ£": 122496, + "å¼ĩ": 122497, + "ä¾´": 122498, + "鸧": 122499, + "äı¡": 122500, + "èĥł": 122501, + "ð¦Ļ¶": 122502, + "èĥĪ": 122503, + "èĥ©": 122504, + "èĥ£": 122505, + "æľı": 122506, + "é£IJ": 122507, + "è¨Ħ": 122508, + "饻": 122509, + "庤": 122510, + "çĸ¢": 122511, + "çĤ£": 122512, + "çĤŁ": 122513, + "ã¶": 122514, + "ã¶²": 122515, + "æ´Ń": 122516, + "æ´ĺ": 122517, + "æ´ĵ": 122518, + "æ´¿": 122519, + "ã³ļ": 122520, + "æ³ļ": 122521, + "æµĪ": 122522, + "æµī": 122523, + "æ´¸": 122524, + "æ´ij": 122525, + "æ´¢": 122526, + "æ´Ī": 122527, + "æ´ļ": 122528, + "æ´º": 122529, + "æ´¨": 122530, + "æµIJ": 122531, + "ã³ĺ": 122532, + "æ´´": 122533, + "æ´£": 122534, + "æģĶ": 122535, + "宬": 122536, + "çªĢ": 122537, + "æīĤ": 122538, + "è¢Ĩ": 122539, + "ç¥ı": 122540, + "ç¥IJ": 122541, + "ç¥ķ": 122542, + "åıļ": 122543, + "éϧ": 122544, + "éĻŀ": 122545, + "å¨Ģ": 122546, + "å§ŀ": 122547, + "å§±": 122548, + "姤": 122549, + "å§¶": 122550, + "å§½": 122551, + "æŀ²": 122552, + "ç»ĸ": 122553, + "éªĥ": 122554, + "ð¬ĺ¡": 122555, + "𬳽": 122556, + "ð¬ĺ©": 122557, + "ð«Ħ§": 122558, + "å½ĸ": 122559, + "éªī": 122560, + "æģĿ": 122561, + "çıª": 122562, + "çıĽ": 122563, + "çı¹": 122564, + "çIJĬ": 122565, + "çݼ": 122566, + "çıĸ": 122567, + "ðªŁ": 122568, + "ðªŁĿ": 122569, + "çı½": 122570, + "çı¦": 122571, + "çı«": 122572, + "çıĴ": 122573, + "ð¬į¤": 122574, + "çı¢": 122575, + "çıķ": 122576, + "çıĿ": 122577, + "ð«Ń¼": 122578, + "åŁĹ": 122579, + "åŀ¾": 122580, + "åŀº": 122581, + "åŁĨ": 122582, + "åŀ¿": 122583, + "åŁĮ": 122584, + "åŁĩ": 122585, + "èݰ": 122586, + "èĮĿ": 122587, + "ð¬ľ¯": 122588, + "éĦĢ": 122589, + "èݶ": 122590, + "èİĿ": 122591, + "äĵĸ": 122592, + "èİĻ": 122593, + "æł»": 122594, + "æ¡ł": 122595, + "ð¬Ĥ": 122596, + "ð¬Ĥ©": 122597, + "æ¡Ħ": 122598, + "æ¢ł": 122599, + "æł´": 122600, + "梴": 122601, + "æłĴ": 122602, + "éħİ": 122603, + "éħı": 122604, + "ð«łĨ": 122605, + "çłµ": 122606, + "çłł": 122607, + "çł«": 122608, + "糬": 122609, + "ç¡ģ": 122610, + "æģ§": 122611, + "ç¿ĥ": 122612, + "éĥª": 122613, + "ð¨IJ": 122614, + "ð¨IJĪ": 122615, + "è¾Ģ": 122616, + "è¾ģ": 122617, + "ð¬Į": 122618, + "ð¬ĮĹ": 122619, + "åīķ": 122620, + "èµĢ": 122621, + "åĵ¢": 122622, + "æĻħ": 122623, + "æĻĬ": 122624, + "åĶĿ": 122625, + "åĵ³": 122626, + "åĵ±": 122627, + "åĨĶ": 122628, + "æĻĶ": 122629, + "æĻIJ": 122630, + "çķĸ": 122631, + "èļĦ": 122632, + "èļĨ": 122633, + "ð«ij": 122634, + "ð«ij¡": 122635, + "帱": 122636, + "å´ģ": 122637, + "峿": 122638, + "𪨶": 122639, + "å´Ħ": 122640, + "帨": 122641, + "å´Ģ": 122642, + "èµĨ": 122643, + "𬬸": 122644, + "éĴ·": 122645, + "𬬻": 122646, + "𬬹": 122647, + "𬬿": 122648, + "ð¬Ńģ": 122649, + "çľļ": 122650, + "çĶ¡": 122651, + "笫": 122652, + "åĢ»": 122653, + "åĢ´": 122654, + "èĦ©": 122655, + "åĢ®": 122656, + "åĢķ": 122657, + "åĢŀ": 122658, + "ð«¢": 122659, + "𫢸": 122660, + "åĢĵ": 122661, + "å̧": 122662, + "è¡ĥ": 122663, + "èĻĴ": 122664, + "èĪŃ": 122665, + "èΝ": 122666, + "èĪ¥": 122667, + "çĵŀ": 122668, + "鬯": 122669, + "鸰": 122670, + "èĦİ": 122671, + "æľĵ": 122672, + "èĥ²": 122673, + "èĻĵ": 122674, + "é±½": 122675, + "çĭ´": 122676, + "å³±": 122677, + "çĭ»": 122678, + "çľ¢": 122679, + "ð«Ĺ§": 122680, + "åĭį": 122681, + "çĹĦ": 122682, + "çĸ°": 122683, + "çĹĥ": 122684, + "ç«ĺ": 122685, + "ç¾ĸ": 122686, + "ç¾ĵ": 122687, + "æ¡Ĭ": 122688, + "æķī": 122689, + "çĥł": 122690, + "çĥĶ": 122691, + "çĥ¶": 122692, + "çĥ»": 122693, + "ð¬ĬĪ": 122694, + "æ¶į": 122695, + "浡": 122696, + "æµŃ": 122697, + "浬": 122698, + "æ¶Ħ": 122699, + "æ¶¢": 122700, + "æ¶IJ": 122701, + "æµ°": 122702, + "æµŁ": 122703, + "æµĽ": 122704, + "æµ¼": 122705, + "æµ²": 122706, + "æ¶ĺ": 122707, + "æĤĪ": 122708, + "æĤĥ": 122709, + "æĤ¢": 122710, + "ð¬ĴĪ": 122711, + "å®§": 122712, + "çªħ": 122713, + "çªĬ": 122714, + "çªİ": 122715, + "æīħ": 122716, + "æīĨ": 122717, + "袪": 122718, + "è¢Ĺ": 122719, + "袯": 122720, + "祧": 122721, + "éļº": 122722, + "åł²": 122723, + "çĸį": 122724, + "ð¨º": 122725, + "ð¨ºĻ": 122726, + "éĻ´": 122727, + "çĥĿ": 122728, + "çł®": 122729, + "ãĽļ": 122730, + "åĵ¿": 122731, + "ç¿Ģ": 122732, + "ç¿Ĥ": 122733, + "åīŁ": 122734, + "𬳿": 122735, + "ð«Ħ¨": 122736, + "绤": 122737, + "éªį": 122738, + "ð¬ĺ«": 122739, + "äĤ": 122740, + "äĤ®": 122741, + "çIJİ": 122742, + "çı¸": 122743, + "çıµ": 122744, + "çIJĦ": 122745, + "çIJĪ": 122746, + "çIJĢ": 122747, + "çıº": 122748, + "æİŃ": 122749, + "åłİ": 122750, + "åłIJ": 122751, + "åŁ¼": 122752, + "æİİ": 122753, + "åŁ«": 122754, + "åłĮ": 122755, + "æĻ¢": 122756, + "ð«®": 122757, + "ð«®ĥ": 122758, + "æİŀ": 122759, + "åŁª": 122760, + "壸": 122761, + "ãĻį": 122762, + "èģį": 122763, + "èıĿ": 122764, + "èIJļ": 122765, + "èı¥": 122766, + "èİ¿": 122767, + "äĵ«": 122768, + "åĭļ": 122769, + "äĵ¬": 122770, + "èIJĨ": 122771, + "èıĤ": 122772, + "èıį": 122773, + "èı¼": 122774, + "èIJ£": 122775, + "äĵ¨": 122776, + "èıī": 122777, + "äĵĽ": 122778, + "梼": 122779, + "梽": 122780, + "桲": 122781, + "梾": 122782, + "桯": 122783, + "梣": 122784, + "æ¢Į": 122785, + "桹": 122786, + "æķĶ": 122787, + "åİ£": 122788, + "ç¡Ķ": 122789, + "é¿İ": 122790, + "ç¡Ļ": 122791, + "ç¡ļ": 122792, + "ç¡Ĭ": 122793, + "ç¡į": 122794, + "åĭĶ": 122795, + "ä´ķ": 122796, + "é¾ģ": 122797, + "éĢ´": 122798, + "åĶª": 122799, + "åķ«": 122800, + "ç¿Ī": 122801, + "ã«": 122802, + "ã«°": 122803, + "æĻĻ": 122804, + "çķ¤": 122805, + "ð¬±ĸ": 122806, + "è¶¼": 122807, + "è·Ĥ": 122808, + "èĽĥ": 122809, + "èļ²": 122810, + "ð¬Ł½": 122811, + "èļº": 122812, + "åķ´": 122813, + "äİĥ": 122814, + "å´§": 122815, + "å´Ł": 122816, + "å´ŀ": 122817, + "å´Ĵ": 122818, + "å´Į": 122819, + "å´¡": 122820, + "éĵı": 122821, + "ð«ĵ¯": 122822, + "ð«Ł¹": 122823, + "éĵķ": 122824, + "ð«Ł¼": 122825, + "éĵĸ": 122826, + "éĵĺ": 122827, + "éĵļ": 122828, + "éĵŀ": 122829, + "éĵ¥": 122830, + "éĵ´": 122831, + "çī»": 122832, + "çī¿": 122833, + "ç¨Ĩ": 122834, + "笱": 122835, + "笯": 122836, + "åģ°": 122837, + "åģ¡": 122838, + "鸺": 122839, + "åģŃ": 122840, + "åģ²": 122841, + "åģģ": 122842, + "ã¿": 122843, + "ã¿ł": 122844, + "éĦħ": 122845, + "åģĵ": 122846, + "å¾Ľ": 122847, + "è¡Ĵ": 122848, + "èγ": 122849, + "èβ": 122850, + "鸼": 122851, + "æĤĨ": 122852, + "éĦĥ": 122853, + "çĵ»": 122854, + "äĿ": 122855, + "äĿĻ": 122856, + "èĦ¶": 122857, + "èĦŀ": 122858, + "èĦŁ": 122859, + "äı²": 122860, + "é±¾": 122861, + "çĮĩ": 122862, + "çĮĬ": 122863, + "çĮĦ": 122864, + "è§ĸ": 122865, + "ðłħ": 122866, + "ðłħ¤": 122867, + "庱": 122868, + "庼": 122869, + "庳": 122870, + "çĹĵ": 122871, + "ä´Ķ": 122872, + "ç««": 122873, + "åłĥ": 122874, + "éĺĮ": 122875, + "ç¾Ŀ": 122876, + "ç¾ķ": 122877, + "çĦĨ": 122878, + "çĥº": 122879, + "çĦĮ": 122880, + "æ·ı": 122881, + "ð¬ĩ¹": 122882, + "æ·Ł": 122883, + "æ·ľ": 122884, + "æ·´": 122885, + "æ·¯": 122886, + "æ¹´": 122887, + "æ¶´": 122888, + "ð¬į¡": 122889, + "ã¥": 122890, + "ã¥Ħ": 122891, + "æĥĽ": 122892, + "æĥĶ": 122893, + "æĤ°": 122894, + "æĥĻ": 122895, + "å¯ģ": 122896, + "éĢŃ": 122897, + "ð¬¤ĩ": 122898, + "ð«į¯": 122899, + "袼": 122900, + "è£Ī": 122901, + "祲": 122902, + "ð¬¤Ĭ": 122903, + "ð«į²": 122904, + "è°ŀ": 122905, + "èī´": 122906, + "弸": 122907, + "å¼¶": 122908, + "ð¬¯İ": 122909, + "éļĥ": 122910, + "å©ŀ": 122911, + "娵": 122912, + "婼": 122913, + "åªĸ": 122914, + "婳": 122915, + "å©į": 122916, + "å©Į": 122917, + "å©«": 122918, + "婤": 122919, + "å©ĺ": 122920, + "å©ł": 122921, + "ð¬ĺ¬": 122922, + "ð¬ĺŃ": 122923, + "ð¬´Ĥ": 122924, + "ð«ĺ¦": 122925, + "绹": 122926, + "ð«Łħ": 122927, + "ð¬ĺ¯": 122928, + "éªķ": 122929, + "ð«ĺ§": 122930, + "絾": 122931, + "çı·": 122932, + "çIJ²": 122933, + "çIJ¡": 122934, + "çIJŁ": 122935, + "çIJĶ": 122936, + "çIJŃ": 122937, + "åł¾": 122938, + "åł¼": 122939, + "æıķ": 122940, + "ãĻĺ": 122941, + "åł§": 122942, + "åĸĨ": 122943, + "åł¨": 122944, + "å¡ħ": 122945, + "åłł": 122946, + "çµ·": 122947, + "ðª£": 122948, + "𪣻": 122949, + "ð¡İ": 122950, + "ð¡İļ": 122951, + "èijľ": 122952, + "æĥİ": 122953, + "èIJ³": 122954, + "èijĻ": 122955, + "éĿ¬": 122956, + "èij´": 122957, + "èĴĩ": 122958, + "èĴĪ": 122959, + "éĦļ": 122960, + "èĴī": 122961, + "èĵĩ": 122962, + "èIJ©": 122963, + "èij°": 122964, + "èijİ": 122965, + "éĦij": 122966, + "èĴİ": 122967, + "èijĸ": 122968, + "èĴĦ": 122969, + "èIJ¹": 122970, + "棤": 122971, + "棽": 122972, + "棫": 122973, + "æ¤ĵ": 122974, + "æ¤ij": 122975, + "ð¬ĥ": 122976, + "ð¬ĥĬ": 122977, + "é¹Ģ": 122978, + "æ¤Ĩ": 122979, + "æ£ĵ": 122980, + "棬": 122981, + "棪": 122982, + "æ¤Ģ": 122983, + "æ¥Ĺ": 122984, + "ð¬·": 122985, + "ð¬·ķ": 122986, + "çͦ": 122987, + "éħ¦": 122988, + "è§Į": 122989, + "奡": 122990, + "çļķ": 122991, + "硪": 122992, + "欹": 122993, + "è©Ł": 122994, + "ð«IJIJ": 122995, + "è¾Į": 122996, + "æ£IJ": 122997, + "é¾Ĥ": 122998, + "ð¬¹": 122999, + "𬹼": 123000, + "黹": 123001, + "çīļ": 123002, + "çĿİ": 123003, + "æĻ«": 123004, + "æĻª": 123005, + "æĻ±": 123006, + "ð§": 123007, + "ð§¿": 123008, + "ð§¿¹": 123009, + "èĽij": 123010, + "çķ¯": 123011, + "æĸĿ": 123012, + "åĸ¤": 123013, + "å´¶": 123014, + "åµģ": 123015, + "ð«¶": 123016, + "ð«¶ĩ": 123017, + "å´¾": 123018, + "åµħ": 123019, + "å´¿": 123020, + "åµļ": 123021, + "ç¿Ļ": 123022, + "ð«ĸ®": 123023, + "åľĮ": 123024, + "åľIJ": 123025, + "èµij": 123026, + "èµĴ": 123027, + "é¿ı": 123028, + "éĵ¹": 123029, + "ð¬ŃĬ": 123030, + "éĵ½": 123031, + "ð¨±ĩ": 123032, + "ð«ĵ¶": 123033, + "éĶĬ": 123034, + "éĶį": 123035, + "éĶİ": 123036, + "ð¬Ńİ": 123037, + "éĶĵ": 123038, + "çĬĩ": 123039, + "é¢ĭ": 123040, + "ç¨Į": 123041, + "çŃĢ": 123042, + "çŃĺ": 123043, + "çŃľ": 123044, + "çŃ¥": 123045, + "çŃħ": 123046, + "åĤĥ": 123047, + "åĤī": 123048, + "ç¿Ľ": 123049, + "åĤĴ": 123050, + "åĤķ": 123051, + "èξ": 123052, + "çķ¬": 123053, + "ð«ĸ¯": 123054, + "èĦ¿": 123055, + "èħĺ": 123056, + "äIJ": 123057, + "äIJĥ": 123058, + "èħĻ": 123059, + "èħĴ": 123060, + "ð¬±Ł": 123061, + "é²ĥ": 123062, + "çĮ°": 123063, + "ð«Ľ": 123064, + "ð«ĽŃ": 123065, + "çĮ¯": 123066, + "ãº": 123067, + "ãºĦ": 123068, + "é¦ī": 123069, + "åĩĵ": 123070, + "éĦĹ": 123071, + "ð«·": 123072, + "ð«··": 123073, + "å»ĭ": 123074, + "å»Ĩ": 123075, + "éĦĮ": 123076, + "ç²¢": 123077, + "éģĨ": 123078, + "æĹIJ": 123079, + "𬮱": 123080, + "çĦŀ": 123081, + "ð¬Ĭ¤": 123082, + "欻": 123083, + "ð£¸": 123084, + "𣸣": 123085, + "æºļ": 123086, + "æºģ": 123087, + "æ¹Ŀ": 123088, + "渰": 123089, + "æ¹ĵ": 123090, + "ã´": 123091, + "ã´Ķ": 123092, + "æ¸Ł": 123093, + "æºł": 123094, + "渼": 123095, + "æºĩ": 123096, + "æ¹£": 123097, + "æ¹ij": 123098, + "æºŀ": 123099, + "æĦIJ": 123100, + "æĦĥ": 123101, + "æķ©": 123102, + "ç͝": 123103, + "棨": 123104, + "æīĬ": 123105, + "裣": 123106, + "祼": 123107, + "å©»": 123108, + "åªĨ": 123109, + "åªŀ": 123110, + "ãĽ¹": 123111, + "åªĵ": 123112, + "åªĤ": 123113, + "åªĦ": 123114, + "毵": 123115, + "çŁŀ": 123116, + "ð¬´ĥ": 123117, + "ð«ĺ¨": 123118, + "ç¼Ĭ": 123119, + "ç¼IJ": 123120, + "éªĻ": 123121, + "çijĥ": 123122, + "çijĵ": 123123, + "çijħ": 123124, + "çijĨ": 123125, + "ä´ĸ": 123126, + "çijĸ": 123127, + "çijĿ": 123128, + "çijĶ": 123129, + "çijĢ": 123130, + "ð¤§": 123131, + "ð¤§Ľ": 123132, + "çij³": 123133, + "çijĤ": 123134, + "å¶ħ": 123135, + "çijij": 123136, + "éģĺ": 123137, + "é«¢": 123138, + "å¡¥": 123139, + "åł½": 123140, + "赪": 123141, + "æijĽ": 123142, + "å¡Ŀ": 123143, + "æIJĴ": 123144, + "æIJĮ": 123145, + "èĴ±": 123146, + "èĴ¨": 123147, + "èĵı": 123148, + "èĶĢ": 123149, + "èĵ¢": 123150, + "èĵĤ": 123151, + "èĴ»": 123152, + "èĵ£": 123153, + "椹": 123154, + "楪": 123155, + "æ¦ĥ": 123156, + "æ¦ħ": 123157, + "æ¥Ĵ": 123158, + "楩": 123159, + "æ¦ĩ": 123160, + "椸": 123161, + "æ¥Ļ": 123162, + "æŃħ": 123163, + "ð¬ª": 123164, + "𬪩": 123165, + "ç¢ĥ": 123166, + "ç¢ı": 123167, + "ð¬ĴĶ": 123168, + "ç¢Ī": 123169, + "äĥħ": 123170, + "ç¡¿": 123171, + "éĦł": 123172, + "è¾Ĵ": 123173, + "ð¬¨İ": 123174, + "ð«IJĵ": 123175, + "é¾Ĩ": 123176, + "è§ľ": 123177, + "ä£": 123178, + "ä£ĺ": 123179, + "æļķ": 123180, + "é¹į": 123181, + "ð««": 123182, + "ð««ĩ": 123183, + "ã¬Ĭ": 123184, + "æļħ": 123185, + "è·±": 123186, + "èľIJ": 123187, + "èľİ": 123188, + "åµ²": 123189, + "èµĹ": 123190, + "骱": 123191, + "éĶĸ": 123192, + "ð«ĵ¹": 123193, + "éĶĺ": 123194, + "éͳ": 123195, + "éͧ": 123196, + "éĶª": 123197, + "ð¬Ńļ": 123198, + "éĶ«": 123199, + "éͬ": 123200, + "ð¬ŃĽ": 123201, + "ç¨ij": 123202, + "ç¨Ļ": 123203, + "äħ": 123204, + "äħŁ": 123205, + "ð¬ķ": 123206, + "ð¬ķĤ": 123207, + "çŃ»": 123208, + "çѼ": 123209, + "çѶ": 123210, + "çѦ": 123211, + "çѤ": 123212, + "åĤº": 123213, + "é¹İ": 123214, + "åĥĩ": 123215, + "èīħ": 123216, + "èīī": 123217, + "è°¼": 123218, + "è²Ĩ": 123219, + "èħ½": 123220, + "èħ¨": 123221, + "èħ¯": 123222, + "é²ī": 123223, + "é²Ĭ": 123224, + "é²Į": 123225, + "ä²Ł": 123226, + "ð¬¶ĭ": 123227, + "ð¬¶į": 123228, + "é²ı": 123229, + "éĽĬ": 123230, + "çĮº": 123231, + "é£Ķ": 123232, + "è§Ł": 123233, + "ð¦Ŀ¼": 123234, + "é¦Į": 123235, + "è£Ľ": 123236, + "å»Ĵ": 123237, + "çĺħ": 123238, + "éĦĺ": 123239, + "é¹Ĵ": 123240, + "éĦľ": 123241, + "éºĢ": 123242, + "éĦ£": 123243, + "éĺĺ": 123244, + "ð«Ķ¶": 123245, + "çħģ": 123246, + "çħĥ": 123247, + "çħ´": 123248, + "çħĭ": 123249, + "çħŁ": 123250, + "çħĵ": 123251, + "æ»ł": 123252, + "æºį": 123253, + "溹": 123254, + "æ»Ĩ": 123255, + "æ»ī": 123256, + "溦": 123257, + "溵": 123258, + "æ¼·": 123259, + "æ»§": 123260, + "æ»ĺ": 123261, + "æ»į": 123262, + "æĦŃ": 123263, + "æħ¥": 123264, + "æħĨ": 123265, + "塱": 123266, + "ð«ĮĢ": 123267, + "裼": 123268, + "ç¦ĭ": 123269, + "ç¦Ķ": 123270, + "ç¦ĺ": 123271, + "ç¦Ĵ": 123272, + "è°«": 123273, + "é¹Ķ": 123274, + "ð«ĸ³": 123275, + "æĦį": 123276, + "å«Ħ": 123277, + "媱": 123278, + "æĪ¤": 123279, + "åĭł": 123280, + "æĪ£": 123281, + "ð«ĺª": 123282, + "ð«ĺ¬": 123283, + "ç¼ŀ": 123284, + "è̤": 123285, + "çij§": 123286, + "ð«ŀ": 123287, + "ð«ŀ©": 123288, + "çij¨": 123289, + "çij±": 123290, + "çij·": 123291, + "çij¢": 123292, + "æĸł": 123293, + "æijı": 123294, + "å¢ķ": 123295, + "å¢Ī": 123296, + "å¢IJ": 123297, + "å¢ĺ": 123298, + "æij´": 123299, + "éĬİ": 123300, + "ð¡IJ": 123301, + "ð¡IJĵ": 123302, + "å¢ļ": 123303, + "æĴĸ": 123304, + "ðª¤": 123305, + "ðª¤Ĺ": 123306, + "éĿ½": 123307, + "éŀģ": 123308, + "èĶĮ": 123309, + "èĶĪ": 123310, + "èĵ°": 123311, + "è͹": 123312, + "èĶĬ": 123313, + "åĺı": 123314, + "榰": 123315, + "æ¦ij": 123316, + "æ§ļ": 123317, + "ð£Ĺ": 123318, + "ð£Ĺĭ": 123319, + "æ§ľ": 123320, + "æ¦į": 123321, + "çĸIJ": 123322, + "ð¬¸ĺ": 123323, + "éħº": 123324, + "éħ¾": 123325, + "éħ²": 123326, + "éħ´": 123327, + "碶": 123328, + "äĥİ": 123329, + "ð¬ĴĹ": 123330, + "碨": 123331, + "ð¥Ķ": 123332, + "ð¥Ķ²": 123333, + "碹": 123334, + "碥": 123335, + "åĬĤ": 123336, + "ð«ļĸ": 123337, + "ä´Ĺ": 123338, + "夥": 123339, + "çŀį": 123340, + "é¹ĸ": 123341, + "ã¬İ": 123342, + "è·½": 123343, + "èľ¾": 123344, + "å¹ĸ": 123345, + "å¶į": 123346, + "åľĻ": 123347, + "ð¨±ı": 123348, + "éĶº": 123349, + "éͼ": 123350, + "éͽ": 123351, + "ð¬Ń¤": 123352, + "é;": 123353, + "éĶ¿": 123354, + "éķĥ": 123355, + "éķĦ": 123356, + "éķħ": 123357, + "é¦Ŀ": 123358, + "é¹Ļ": 123359, + "箨": 123360, + "ç®ĸ": 123361, + "åĬĦ": 123362, + "åĥ¬": 123363, + "åĥ¦": 123364, + "åĥĶ": 123365, + "åĥİ": 123366, + "æ§ĥ": 123367, + "ãϦ": 123368, + "é²Ĵ": 123369, + "é²ķ": 123370, + "ð«ļķ": 123371, + "é²ĸ": 123372, + "é²Ĺ": 123373, + "é²ĺ": 123374, + "é²Ļ": 123375, + "ð¬¶IJ": 123376, + "ð¬¶ı": 123377, + "ð©½": 123378, + "𩽾": 123379, + "å¤IJ": 123380, + "çįį": 123381, + "é£Ĺ": 123382, + "ð¬¸ļ": 123383, + "åĩĺ": 123384, + "å»ij": 123385, + "å»Ļ": 123386, + "çĺĹ": 123387, + "çĺ¥": 123388, + "çĺķ": 123389, + "é²Ŀ": 123390, + "éĦ«": 123391, + "çĨĩ": 123392, + "æ¼¹": 123393, + "æ¼ĸ": 123394, + "æ½Ĩ": 123395, + "漤": 123396, + "潩": 123397, + "æ¼¼": 123398, + "æ¼´": 123399, + "ã½": 123400, + "ã½ı": 123401, + "æ¼Ī": 123402, + "æ¼ĭ": 123403, + "æ¼»": 123404, + "æħ¬": 123405, + "窬": 123406, + "çªŃ": 123407, + "ã®": 123408, + "㮾": 123409, + "ð¬¤Ŀ": 123410, + "è¤ķ": 123411, + "禼": 123412, + "ç¦ļ": 123413, + "éļ©": 123414, + "å«ķ": 123415, + "å«Ń": 123416, + "å«ľ": 123417, + "嫪": 123418, + "ð¬ĻĤ": 123419, + "ã»": 123420, + "㻬": 123421, + "麹": 123422, + "çĴĨ": 123423, + "漦": 123424, + "åıĩ": 123425, + "墣": 123426, + "墦": 123427, + "墡": 123428, + "åĬIJ": 123429, + "èĸģ": 123430, + "èķ°": 123431, + "èĶĥ": 123432, + "é¼Ĵ": 123433, + "æ§±": 123434, + "é¹Ŀ": 123435, + "ç£ı": 123436, + "ç£ī": 123437, + "殣": 123438, + "æħŃ": 123439, + "éľħ": 123440, + "æļµ": 123441, + "æļ²": 123442, + "æļ¶": 123443, + "踦": 123444, + "踣": 123445, + "äĹĸ": 123446, + "èĿĺ": 123447, + "èĿ²": 123448, + "èĿ¤": 123449, + "åĻĩ": 123450, + "åĻĤ": 123451, + "åĻĢ": 123452, + "ç½¶": 123453, + "å¶²": 123454, + "å¶ĵ": 123455, + "ãłĩ": 123456, + "å¶Ł": 123457, + "å¶Ĵ": 123458, + "éķĨ": 123459, + "éķĪ": 123460, + "éķĭ": 123461, + "éķİ": 123462, + "ð¬Ń©": 123463, + "éķķ": 123464, + "稹": 123465, + "åĦĩ": 123466, + "çļŀ": 123467, + "çļĽ": 123468, + "ä´ĺ": 123469, + "èīİ": 123470, + "èīı": 123471, + "é¹Ł": 123472, + "ð©¾ĥ": 123473, + "鲦": 123474, + "鲪": 123475, + "鲬": 123476, + "æ©¥": 123477, + "è§Ń": 123478, + "é¹ł": 123479, + "鹡": 123480, + "ç³ĩ": 123481, + "ç³Ī": 123482, + "翦": 123483, + "é¹¢": 123484, + "é¹£": 123485, + "çĨĽ": 123486, + "æ½ĸ": 123487, + "æ½µ": 123488, + "ãµ": 123489, + "ãµIJ": 123490, + "æ¾Ĥ": 123491, + "æ¾Ľ": 123492, + "çij¬": 123493, + "æ½½": 123494, + "æ½¾": 123495, + "æ½ı": 123496, + "æĨŃ": 123497, + "æĨķ": 123498, + "𬸣": 123499, + "æĪŃ": 123500, + "褯": 123501, + "禤": 123502, + "ð«į½": 123503, + "嫽": 123504, + "éģ¹": 123505, + "ð¬´Ĭ": 123506, + "çĴ¥": 123507, + "çĴ²": 123508, + "çĴĴ": 123509, + "æĨĻ": 123510, + "æĵIJ": 123511, + "éĦ¹": 123512, + "èĸ³": 123513, + "éŀĶ": 123514, + "é»ĩ": 123515, + "ð¬ŀ": 123516, + "ð¬ŀŁ": 123517, + "èķĹ": 123518, + "èĸ¢": 123519, + "èķ¹": 123520, + "æ©ŀ": 123521, + "æ©ij": 123522, + "橦": 123523, + "éĨij": 123524, + "è§±": 123525, + "磡": 123526, + "ð¥ķ": 123527, + "ð¥ķ¢": 123528, + "ç£ľ": 123529, + "è±®": 123530, + "ð«Ł¦": 123531, + "ð¬ºĪ": 123532, + "ð«łľ": 123533, + "é¹¾": 123534, + "èϤ": 123535, + "æļ¿": 123536, + "æĽĮ": 123537, + "æĽĪ": 123538, + "ã¬ļ": 123539, + "è¹ħ": 123540, + "踶": 123541, + "äĹĽ": 123542, + "èŀĹ": 123543, + "çĸģ": 123544, + "ãłĵ": 123545, + "幪": 123546, + "ðª©": 123547, + "ðª©ĺ": 123548, + "嶦": 123549, + "ð¬Ń¬": 123550, + "ð¨±ij": 123551, + "ð¬Ń¯": 123552, + "é¦ŀ": 123553, + "ç©Ħ": 123554, + "ç¯ļ": 123555, + "篯": 123556, + "ç°ī": 123557, + "é¼½": 123558, + "è¡ł": 123559, + "缦": 123560, + "èŀ£": 123561, + "縢": 123562, + "é²Ń": 123563, + "鲯": 123564, + "é²°": 123565, + "鲺": 123566, + "é²¹": 123567, + "ð«Ĺ´": 123568, + "亸": 123569, + "çĻĢ": 123570, + "çĺŃ": 123571, + "𬸦": 123572, + "ç¾±": 123573, + "ç³Ĵ": 123574, + "çĩĭ": 123575, + "çĨ»": 123576, + "çĩĬ": 123577, + "çĩļ": 123578, + "çĩı": 123579, + "æ¿©": 123580, + "æ¿ĭ": 123581, + "澪": 123582, + "æ¾½": 123583, + "æ¾´": 123584, + "æ¾Ń": 123585, + "æ¾¼": 123586, + "æĨ·": 123587, + "æĨº": 123588, + "æĩĶ": 123589, + "é»ī": 123590, + "å¬Ľ": 123591, + "鹨": 123592, + "翯": 123593, + "ð«Ħ·": 123594, + "çĴ±": 123595, + "𤩽": 123596, + "çĴ¬": 123597, + "çĴ®": 123598, + "髽": 123599, + "æĵ¿": 123600, + "èĸ¿": 123601, + "èĸ¸": 123602, + "æªij": 123603, + "æ«Ĩ": 123604, + "æªŀ": 123605, + "éĨ¨": 123606, + "ç¹Ħ": 123607, + "磹": 123608, + "磻": 123609, + "çŀ«": 123610, + "çŀµ": 123611, + "è¹IJ": 123612, + "èŁı": 123613, + "ãĺ": 123614, + "ãĺİ": 123615, + "ð¬Ń³": 123616, + "éķ¤": 123617, + "ð¬Ń¶": 123618, + "ð«Ķį": 123619, + "éķ¥": 123620, + "éķ¨": 123621, + "ð¬Ń¸": 123622, + "ð¨±Ķ": 123623, + "ð¬Ń¼": 123624, + "ð«Ķİ": 123625, + "磰": 123626, + "ç©Ļ": 123627, + "穾": 123628, + "穣": 123629, + "ç°ķ": 123630, + "ç°ĥ": 123631, + "ç°ı": 123632, + "åĦ¦": 123633, + "éŃĭ": 123634, + "æĸ¶": 123635, + "èīļ": 123636, + "𬸪": 123637, + "è°¿": 123638, + "ä²ł": 123639, + "ð¬¶Ł": 123640, + "é²¾": 123641, + "ð¬¶ł": 123642, + "鲿": 123643, + "é³ģ": 123644, + "é³Ĥ": 123645, + "é³Ī": 123646, + "é³ī": 123647, + "çį¯": 123648, + "äĹª": 123649, + "é¦ĺ": 123650, + "è¥ķ": 123651, + "è¥ļ": 123652, + "𬶨": 123653, + "èŀ±": 123654, + "çĶĵ": 123655, + "嬬": 123656, + "嬥": 123657, + "ð¦Ī": 123658, + "ð¦Ī¡": 123659, + "ð«Ħ¸": 123660, + "çĵĢ": 123661, + "éĩIJ": 123662, + "鬶": 123663, + "çĪĩ": 123664, + "éŀ³": 123665, + "éŀ®": 123666, + "ð¬Łģ": 123667, + "èĹŁ": 123668, + "èŦ": 123669, + "èŨ": 123670, + "é¹²": 123671, + "檫": 123672, + "黡": 123673, + "ç¤ŀ": 123674, + "ç¤Į": 123675, + "ð¥ĸ": 123676, + "ð¥ĸ¨": 123677, + "è¹¢": 123678, + "è¹ľ": 123679, + "èŁ«": 123680, + "äĹ´": 123681, + "åļļ": 123682, + "é«ĥ": 123683, + "éķ®": 123684, + "éķ±": 123685, + "éħĤ": 123686, + "馧": 123687, + "ç°ł": 123688, + "ç°Ŀ": 123689, + "ç°°": 123690, + "鼫": 123691, + "鼩": 123692, + "çļ¦": 123693, + "èĩij": 123694, + "ä²¢": 123695, + "é³ij": 123696, + "é³Ĵ": 123697, + "é¹±": 123698, + "鹯": 123699, + "çĻĹ": 123700, + "ð¦Ĵ": 123701, + "ð¦Ĵį": 123702, + "æĹŀ": 123703, + "ç¿·": 123704, + "åĨģ": 123705, + "äİĸ": 123706, + "çĢĶ": 123707, + "çĢį": 123708, + "çĢĮ": 123709, + "è¥ľ": 123710, + "ä´Ļ": 123711, + "ð¬ĻĬ": 123712, + "åļŃ": 123713, + "ã°": 123714, + "ã°Ģ": 123715, + "鬷": 123716, + "éĨŃ": 123717, + "蹯": 123718, + "èłĭ": 123719, + "翾": 123720, + "é³ĺ": 123721, + "åĦ³": 123722, + "åĦ´": 123723, + "é¼Ĺ": 123724, + "ð¬¶Ń": 123725, + "ð©¾Į": 123726, + "é³ļ": 123727, + "é³Ľ": 123728, + "éºij": 123729, + "éºĸ": 123730, + "èłĥ": 123731, + "å½Ł": 123732, + "嬿": 123733, + "é¬Ĵ": 123734, + "èĺĺ": 123735, + "æ¬Ĥ": 123736, + "éĨµ": 123737, + "颥": 123738, + "çĶĹ": 123739, + "ð¨Ł": 123740, + "ð¨Łł": 123741, + "å·ĩ": 123742, + "éħħ": 123743, + "é«İ": 123744, + "çĬ¨": 123745, + "𬶮": 123746, + "ð¨Ń": 123747, + "ð¨Ńī": 123748, + "ã¸Į": 123749, + "çĪĶ": 123750, + "ç̱": 123751, + "ç̹": 123752, + "ç̼": 123753, + "ç̵": 123754, + "襫": 123755, + "åŃħ": 123756, + "骦": 123757, + "ð¬Ļĭ": 123758, + "ḛ̀": 123759, + "ð¤«": 123760, + "ð¤«ī": 123761, + "çĵĸ": 123762, + "é¬ĺ": 123763, + "趯": 123764, + "ð¬ºĵ": 123765, + "ç½į": 123766, + "é¼±": 123767, + "é³ł": 123768, + "鳡": 123769, + "é³£": 123770, + "çĪŁ": 123771, + "çĪļ": 123772, + "çģĪ": 123773, + "éŁĤ": 123774, + "ç³µ": 123775, + "èĺ¼": 123776, + "礵": 123777, + "é¹´": 123778, + "èºĶ": 123779, + "çļŃ": 123780, + "é¾¢": 123781, + "鳤": 123782, + "亹": 123783, + "ç±¥": 123784, + "é¼·": 123785, + "ð«ļŃ": 123786, + "çİĥ": 123787, + "éĨ¾": 123788, + "é½ĩ": 123789, + "è§¿": 123790, + "èł¼": 123791, + "×§": 123792, + "פ": 123793, + "׼": 123794, + "×ķת": 123795, + "ס": 123796, + "×Ļ×Ŀ": 123797, + "צ": 123798, + "×Ĵ": 123799, + "×ĺ": 123800, + "×ķר": 123801, + "×Ŀ": 123802, + "×ķ׾": 123803, + "×ĸ": 123804, + "à¹Ĥ": 123805, + "ïº": 123806, + "ðŁį": 123807, + "ðŁIJ": 123808, + "×Ļר": 123809, + "ï»": 123810, + "ðŁij": 123811, + "ðĿIJ": 123812, + "ðŁı": 123813, + "ðŁĶ": 123814, + "ðŁĮ": 123815, + "ðŁİ": 123816, + "ðŁĵ": 123817, + "ף": 123818, + "ðĿij": 123819, + "×ķ×ĵ": 123820, + "ï¦": 123821, + "Ġ×ķ": 123822, + "×ķ×ij": 123823, + "à¸Ńà¸ĩ": 123824, + "ðĿĺ": 123825, + "×Ļת": 123826, + "ðĿķ": 123827, + "à¸Ĺีà¹Ī": 123828, + "ائ": 123829, + "ð٤": 123830, + "×ķף": 123831, + "رÙĬ": 123832, + "×Ļ׾": 123833, + "ระ": 123834, + "าย": 123835, + "ï¯": 123836, + "ï®": 123837, + "าม": 123838, + "âĩ": 123839, + "ðŁ¥": 123840, + "ïŃ": 123841, + "ðĿĻ": 123842, + "×ķ׳": 123843, + "á½": 123844, + "Ġ׼": 123845, + "ðŁļ": 123846, + "âļ": 123847, + "ï§": 123848, + "×ijר": 123849, + "×Ļ׳": 123850, + "á´": 123851, + "Ġ×Ĺ": 123852, + "á¼": 123853, + "ðĿĹ": 123854, + "Ġ×¢": 123855, + "×Ļ×Ķ": 123856, + "ãģ£ãģŁ": 123857, + "ãģĵãģ¨": 123858, + "á¸": 123859, + "ÙĬÙĨ": 123860, + "ãģªãģĦ": 123861, + "اع": 123862, + "ศ": 123863, + "à¹Īà¸ĩ": 123864, + "×Ļ×ĵ": 123865, + "×ŀש": 123866, + "áĪ": 123867, + "׳×Ļ": 123868, + "×Ļ×ij": 123869, + "ï¥": 123870, + "ðĿĵ": 123871, + "Ġ×Ļ": 123872, + "×ļ": 123873, + "ัà¸ĩ": 123874, + "âĵ": 123875, + "ï¤": 123876, + "ĠاÙĦØ£": 123877, + "าà¸ģ": 123878, + "à¹īà¸Ļ": 123879, + "à¹Ģร": 123880, + "×ķ×Ŀ": 123881, + "á¹": 123882, + "ึ": 123883, + "×Ļ×§": 123884, + "à¸ĭ": 123885, + "à¸Ħร": 123886, + "à¸ĺ": 123887, + "ัà¸ģ": 123888, + "ðŁķ": 123889, + "ÙĪÙĨ": 123890, + "à¸Ńย": 123891, + "âĬ": 123892, + "ðĿĴ": 123893, + "ĠاÙĦع": 123894, + "าà¸Ļ": 123895, + "×Ļף": 123896, + "ÙĦÙĬ": 123897, + "×Ļש": 123898, + "à¸Ľà¸£à¸°": 123899, + "à¹Ģà¸Ľ": 123900, + "Ġ׳": 123901, + "×ķס": 123902, + "à¸ł": 123903, + "ÙħÙĨ": 123904, + "×ķ×¢": 123905, + "×ķ×ŀ": 123906, + "âĮ": 123907, + "ð٧": 123908, + "à¹ĩà¸Ļ": 123909, + "à¸į": 123910, + "ãİ": 123911, + "áµ": 123912, + "ĠاÙĦس": 123913, + "×ķ×§": 123914, + "หล": 123915, + "ðŁĩ": 123916, + "âı": 123917, + "ð٦": 123918, + "Ġ×Ķ×ŀ": 123919, + "ÙĪØ§": 123920, + "Ġת": 123921, + "ר×IJ": 123922, + "à¸Ńà¸Ļ": 123923, + "ษ": 123924, + "à¹Īว": 123925, + "×ķצ": 123926, + "íĹ": 123927, + "ãĦ": 123928, + "ï¨": 123929, + "ï¹": 123930, + "âİ": 123931, + "ï²": 123932, + "ðĿļ": 123933, + "ðIJ": 123934, + "à¸Ħว": 123935, + "หà¸Ļ": 123936, + "Ġר": 123937, + "بÙĬ": 123938, + "รà¹Į": 123939, + "را": 123940, + "شر": 123941, + "×ķ×Ĺ": 123942, + "×ķפ": 123943, + "×ķש": 123944, + "×ķ×Ĵ": 123945, + "íĿ": 123946, + "âĽ": 123947, + "à¸ķิ": 123948, + "à¹Ģà¸ģ": 123949, + "ï³": 123950, + "ï±": 123951, + "à¸Ķà¹ī": 123952, + "ë¹": 123953, + "ï¬": 123954, + "á¿": 123955, + "ðŁĽ": 123956, + "ðĿĸ": 123957, + "à¹Īาà¸ĩ": 123958, + "ูà¹ī": 123959, + "Ġ×Ķ×IJ": 123960, + "ĠاÙĦØŃ": 123961, + "פר": 123962, + "ÙĪÙħ": 123963, + "à¹Ģล": 123964, + "íĸ": 123965, + "×Ļ×¢": 123966, + "ìĪ": 123967, + "íĵ": 123968, + "ðŁħ": 123969, + "áł": 123970, + "à¸Ħวาม": 123971, + "à¸Īะ": 123972, + "׳×Ķ": 123973, + "Ġ×§": 123974, + "à¸Ł": 123975, + "à¹īà¸ĩ": 123976, + "หม": 123977, + "تÙħ": 123978, + "׾×Ļ": 123979, + "ÙĬد": 123980, + "à¹Īà¸Ļ": 123981, + "×Ĺר": 123982, + "שר": 123983, + "à¹Ģà¸Ĺ": 123984, + "×ŀר": 123985, + "ëĸ": 123986, + "عÙĦ": 123987, + "×ŀ×¢": 123988, + "â²": 123989, + "׾×Ķ": 123990, + "Ġפ": 123991, + "à¸Ńà¸ģ": 123992, + "سÙĦ": 123993, + "×Ļ×ŀ": 123994, + "ÙĤÙĬ": 123995, + "íİ": 123996, + "تØŃ": 123997, + "×Ļס": 123998, + "×Ļ×Ĺ": 123999, + "íĽ": 124000, + "ï°": 124001, + "â½": 124002, + "áī": 124003, + "áĬ": 124004, + "á¨": 124005, + "Ùĩا": 124006, + "Ġ׾×Ķ": 124007, + "×ķ×IJ": 124008, + "Ùħا": 124009, + "à¹īà¸Ńà¸ĩ": 124010, + "رب": 124011, + "ĠاÙĦج": 124012, + "×ŀ×ĵ": 124013, + "ÙħÙĦ": 124014, + "تر": 124015, + "à¹Ģà¸Ķ": 124016, + "קר": 124017, + "íħ": 124018, + "ì¼": 124019, + "ê¿": 124020, + "ãĪ": 124021, + "áIJ": 124022, + "ðŁĹ": 124023, + "ê¦": 124024, + "áĭ": 124025, + "ðĿĶ": 124026, + "à¹Ģà¸Ľà¹ĩà¸Ļ": 124027, + "à¹ĥห": 124028, + "มา": 124029, + "วà¹Īา": 124030, + "มี": 124031, + "ีà¹ī": 124032, + "à¹Ħมà¹Ī": 124033, + "ÙĨÙĬ": 124034, + "ؤ": 124035, + "รา": 124036, + "×ķ×Ļ": 124037, + "ãĤĪãģĨ": 124038, + "ิà¸Ķ": 124039, + "×Ļפ": 124040, + "×Ĺ׾": 124041, + "ÙĤد": 124042, + "à¹Ģส": 124043, + "×Ļ×ĺ": 124044, + "à¸ģล": 124045, + "ר׼": 124046, + "×ķ׼": 124047, + "×Ļ׼": 124048, + "ëĪ": 124049, + "ëĥ": 124050, + "ðŁĸ": 124051, + "áħ": 124052, + "â¼": 124053, + "ãī": 124054, + "à¹Ħà¸Ķà¹ī": 124055, + "ת×Ļ": 124056, + "×Ļ×IJ": 124057, + "ĠاÙĦØ¥": 124058, + "à¸łà¸²": 124059, + "ริ": 124060, + "ÙĤØ©": 124061, + "ØŃد": 124062, + "ê»": 124063, + "ì±": 124064, + "ת×Ĺ": 124065, + "ìº": 124066, + "âĭ": 124067, + "áĦ": 124068, + "á¾": 124069, + "âµ": 124070, + "â¾": 124071, + "ĠÙĪØ§ÙĦ": 124072, + "׳×ķ": 124073, + "ÙĢ": 124074, + "ÙĬا": 124075, + "à¸ģà¹ĩ": 124076, + "×ŀ×Ķ": 124077, + "ãģĦãĤĭ": 124078, + "عد": 124079, + "ĠاÙĦÙĨ": 124080, + "Ġ×Ķש": 124081, + "ئ": 124082, + "ัà¹īà¸ĩ": 124083, + "รัà¸ļ": 124084, + "ÙĪÙĤ": 124085, + "ãģ§ãģį": 124086, + "à¹Ģà¸ŀ": 124087, + "׼׾": 124088, + "×ĺר": 124089, + "ัà¸Ķ": 124090, + "à¸Ńา": 124091, + "ì¢": 124092, + "à¸Ńà¸ļ": 124093, + "à¸ķร": 124094, + "à¹Ģà¸Ĭ": 124095, + "ìĶ": 124096, + "ãģĹãģ¾": 124097, + "ëģ": 124098, + "ëķ": 124099, + "ðŁĻ": 124100, + "âĴ": 124101, + "á¶": 124102, + "à¹ģล": 124103, + "ÙĨا": 124104, + "à¹ĥหà¹ī": 124105, + "à¹Ħà¸Ľ": 124106, + "×£": 124107, + "ัว": 124108, + "าà¸ĩ": 124109, + "×ĵר": 124110, + "×ij׾": 124111, + "פ×Ļ": 124112, + "Ġ×ĵ": 124113, + "ĠاÙĦÙģ": 124114, + "à¹Ģà¸Ĥ": 124115, + "ש×Ķ": 124116, + "×IJר": 124117, + "ë¬": 124118, + "ãģ«ãģª": 124119, + "ÑĢо": 124120, + "วิ": 124121, + "Ùħر": 124122, + "×IJת": 124123, + "Ùĥر": 124124, + "سب": 124125, + "ÙĨت": 124126, + "ãģĹãģĦ": 124127, + "اج": 124128, + "à¸Ńรà¹Į": 124129, + "ÙĥÙĦ": 124130, + "سÙħ": 124131, + "สิ": 124132, + "×Ļצ": 124133, + "ëĿ": 124134, + "íľ": 124135, + "ìī": 124136, + "áĨ": 124137, + "ÙĩÙħ": 124138, + "à¸Ļีà¹ī": 124139, + "ãģĤãĤĭ": 124140, + "ãģĦãģ¦": 124141, + "سÙĬ": 124142, + "׾×IJ": 124143, + "در": 124144, + "ãģļ": 124145, + "ÙĪØ¬": 124146, + "ĠاÙĦØ®": 124147, + "صر": 124148, + "íı": 124149, + "à¹īาà¸ĩ": 124150, + "ุà¸Ķ": 124151, + "×ķ×ĺ": 124152, + "×ij×¢": 124153, + "íĨ": 124154, + "à¸Ĭา": 124155, + "รม": 124156, + "ש×ŀ": 124157, + "×ŀס": 124158, + "ê´": 124159, + "ì´": 124160, + "ëľ": 124161, + "ì¿": 124162, + "ì©": 124163, + "ë»": 124164, + "â¤": 124165, + "ðŁĨ": 124166, + "áĮ": 124167, + "áķ": 124168, + "ذا": 124169, + "à¸Ĺำ": 124170, + "à¸ķà¹Ī": 124171, + "ĠاÙĦÙĤ": 124172, + "ÙĦÙĥ": 124173, + "ูà¹Ī": 124174, + "à¸Ħุ": 124175, + "ÙĬÙħ": 124176, + "׳×Ļ×Ŀ": 124177, + "ืà¹Īà¸Ń": 124178, + "ÙĪØ¹": 124179, + "ãĤĩ": 124180, + "اÙĤ": 124181, + "Ġ×ij×¢": 124182, + "à¹Ģม": 124183, + "جÙħ": 124184, + "ừ": 124185, + "ãģĵãģ¨ãģĮ": 124186, + "بد": 124187, + "×ķ×Ķ": 124188, + "ש׾": 124189, + "Ùĩر": 124190, + "à¹Ģà¸Ļ": 124191, + "ãģ¹": 124192, + "íĭ": 124193, + "ì»": 124194, + "ì½": 124195, + "ëŃ": 124196, + "ìĮ": 124197, + "íĢ": 124198, + "ëĮ": 124199, + "ëº": 124200, + "ãĬ": 124201, + "à¹ĥà¸Ļ": 124202, + "Ġ×Ĵ": 124203, + "à¹Ĩ": 124204, + "à¸Īาà¸ģ": 124205, + "วย": 124206, + "à¹ĥà¸Ĭ": 124207, + "à¸ĩาà¸Ļ": 124208, + "ĠاÙĦØ´": 124209, + "اØŃ": 124210, + "à¹īาà¸Ļ": 124211, + "ืà¹Īà¸Ńà¸ĩ": 124212, + "×IJ×Ļ": 124213, + "بÙĦ": 124214, + "ã썿ĢĿ": 124215, + "×ł×¡": 124216, + "ãģ¾ãģĽ": 124217, + "ÙĥÙĨ": 124218, + "ער": 124219, + "ĠاÙĦد": 124220, + "שת": 124221, + "íŀ": 124222, + "Ùħس": 124223, + "صÙĦ": 124224, + "×ķ׳×Ķ": 124225, + "ارة": 124226, + "ÙĦÙħ": 124227, + "สม": 124228, + "Ø£ÙĨ": 124229, + "תר": 124230, + "×IJ×ŀ": 124231, + "عب": 124232, + "خت": 124233, + "ãĤĥ": 124234, + "ì¡": 124235, + "ì£": 124236, + "ива": 124237, + "สั": 124238, + "ึà¸ģ": 124239, + "ì¸": 124240, + "ëĨ": 124241, + "алÑĮн": 124242, + "ì³": 124243, + "ìį": 124244, + "ê¼": 124245, + "ê½": 124246, + "ìı": 124247, + "ãĮ": 124248, + "ãı": 124249, + "ï©": 124250, + "êª": 124251, + "áİ": 124252, + "Ġ×ĸ": 124253, + "à¸ģัà¸Ļ": 124254, + "×Ļ×ķ": 124255, + "à¸Ħà¸Ļ": 124256, + "׳×ķת": 124257, + "à¸ľà¸¹à¹ī": 124258, + "à¹ĥà¸Ī": 124259, + "ãģĦãģŁ": 124260, + "Ù쨱": 124261, + "×ĺ×Ļ": 124262, + "צ×Ļ": 124263, + "ãĤĤãģ®": 124264, + "ĠاÙĦص": 124265, + "ãģ¾ãģĽãĤĵ": 124266, + "دة": 124267, + "×ij×Ļ": 124268, + "ĠاÙĦر": 124269, + "Ġ×ŀ×IJ": 124270, + "สำ": 124271, + "à¹Ģห": 124272, + "عر": 124273, + "ãģªãģı": 124274, + "à¸ģระ": 124275, + "×ij×ĵ": 124276, + "à¹Ģà¸Ī": 124277, + "×Ļ×ļ": 124278, + "×Ĺ×Ļ": 124279, + "ÙĬع": 124280, + "ש×ij": 124281, + "ÙĨØ©": 124282, + "ÙĪØ¶": 124283, + "ÙĦÙģ": 124284, + "ÙĢÙĢ": 124285, + "פע": 124286, + "íĪ": 124287, + "×ŀ×§": 124288, + "à¸IJ": 124289, + "ØŃØ©": 124290, + "اص": 124291, + "Ñĭва": 124292, + "à¸Ħม": 124293, + "วั": 124294, + "à¸Ľà¸¥": 124295, + "ìŁ": 124296, + "íļ": 124297, + "ë´": 124298, + "ëij": 124299, + "ëī": 124300, + "ëĩ": 124301, + "ì¨": 124302, + "ë±": 124303, + "ëİ": 124304, + "â¬": 124305, + "á¥": 124306, + "áĹ": 124307, + "áĽ": 124308, + "áį": 124309, + "Å©": 124310, + "à¸Ķี": 124311, + "ôi": 124312, + "Ġס": 124313, + "׾×ķ": 124314, + "á»Ŀi": 124315, + "à¸Ħุà¸ĵ": 124316, + "ây": 124317, + "à¸Ļา": 124318, + "×Ĺ×ĵ": 124319, + "×ĵ×Ļ": 124320, + "หา": 124321, + "جÙĦ": 124322, + "à¹Ģว": 124323, + "ãĤĩãģĨ": 124324, + "ÙħØ©": 124325, + "ĠاÙĦÙĥ": 124326, + "Ġ×Ķ×¢": 124327, + "جر": 124328, + "×ĸר": 124329, + "اط": 124330, + "×Ľ×ª": 124331, + "×ķ׳×Ļ×Ŀ": 124332, + "ØŃÙħ": 124333, + "ê¶": 124334, + "رÙĥ": 124335, + "Ġ×ľ×¢": 124336, + "×ķ×ĸ": 124337, + "สร": 124338, + "צ׾": 124339, + "Ø¢": 124340, + "است": 124341, + "à¹Īม": 124342, + "خر": 124343, + "צע": 124344, + "×Ļר×ķת": 124345, + "ادة": 124346, + "شار": 124347, + "×ŀ×Ĺ": 124348, + "íĴ": 124349, + "à¹Ģรีย": 124350, + "×Ĺ×§": 124351, + "اث": 124352, + "รà¸ĩ": 124353, + "à¹Ģà¸ķ": 124354, + "à¸Īำ": 124355, + "à¸Ŀ": 124356, + "à¹Īาย": 124357, + "à¸Ħล": 124358, + "ÙĤÙĪ": 124359, + "иÑĩеÑģк": 124360, + "à¸ĵà¹Į": 124361, + "ัย": 124362, + "Ùħع": 124363, + "ë¨": 124364, + "ë¿": 124365, + "ë®": 124366, + "ï´": 124367, + "ì¥": 124368, + "ì«": 124369, + "ëµ": 124370, + "á¡": 124371, + "âį": 124372, + "ðĵ": 124373, + "â°": 124374, + "à¸Ĥà¸Ńà¸ĩ": 124375, + "Ùĭ": 124376, + "à¸ģัà¸ļ": 124377, + "ãģ®ãģ§": 124378, + "à¹īว": 124379, + "à¸Ńยà¹Īาà¸ĩ": 124380, + "ãģŃ": 124381, + "á»ĩt": 124382, + "à¸ķà¹īà¸Ńà¸ĩ": 124383, + "×ŀ×Ļ": 124384, + "à¹ģà¸ļ": 124385, + "×Ĵר": 124386, + "ÙĪÙģ": 124387, + "ÙĤÙĦ": 124388, + "à¸łà¸²à¸ŀ": 124389, + "ר×Ļ": 124390, + "ลา": 124391, + "ÙĬس": 124392, + "Ġצ": 124393, + "ÙĬÙģ": 124394, + "Ġ×ĺ": 124395, + "à¸ľà¸¥": 124396, + "áng": 124397, + "รว": 124398, + "Ġ×ŀש": 124399, + "×IJ×ķת": 124400, + "×ĸ×Ķ": 124401, + "ูà¸ģ": 124402, + "à¸Ļัà¸ģ": 124403, + "اÙĨÙĬ": 124404, + "دا": 124405, + "ãģ³": 124406, + "׼ף": 124407, + "ãĤīãĤĮ": 124408, + "ãĤĮãģ°": 124409, + "תק": 124410, + "úc": 124411, + "ÙĪØ²": 124412, + "×Ļר×Ķ": 124413, + "Ġngh": 124414, + "ánh": 124415, + "Ġ×ķ×IJ": 124416, + "á»ħ": 124417, + "สุà¸Ķ": 124418, + "ëį°": 124419, + "اض": 124420, + "اÙĦÙĬ": 124421, + "بار": 124422, + "عÙħ": 124423, + "à¸ļา": 124424, + "تج": 124425, + "à¸ŀร": 124426, + "×ķר×Ķ": 124427, + "ảng": 124428, + "Ø®ÙĦ": 124429, + "à¸ī": 124430, + "ắc": 124431, + "ש×Ļ×Ŀ": 124432, + "íĶ": 124433, + "Ù쨳": 124434, + "×Ļ×Ĵ": 124435, + "пÑĢ": 124436, + "ĠاÙĦØ«": 124437, + "سط": 124438, + "รูà¹ī": 124439, + "ีà¹Īย": 124440, + "à¸Ńà¸Ķ": 124441, + "ãģªãĤĬ": 124442, + "×Ĵ×ĵ": 124443, + "ãģĦãģ¾ãģĹãģŁ": 124444, + "סק": 124445, + "خص": 124446, + "laÅŁ": 124447, + "енно": 124448, + "بØŃ": 124449, + "สà¸Ļ": 124450, + "ฮ": 124451, + "ר×IJש": 124452, + "ÙħÙĪ": 124453, + "دÙĬد": 124454, + "ษา": 124455, + "×ķ×ļ": 124456, + "ãĥ§ãĥ³": 124457, + "à¸ķุ": 124458, + "Ġêµ": 124459, + "ĠÑģво": 124460, + "צ×ij": 124461, + "à¸Ńม": 124462, + "à¸Ľà¸£": 124463, + "تع": 124464, + "×Ķת": 124465, + "اÙħÙĦ": 124466, + "×ŀ׳": 124467, + "ç¶ļ": 124468, + "ฤ": 124469, + "íį": 124470, + "ëĺ": 124471, + "ë¤": 124472, + "ìij": 124473, + "â´": 124474, + "ãĭ": 124475, + "ĠباÙĦ": 124476, + "á»ģu": 124477, + "ĠاÙĦÙĦ": 124478, + "à¸ķัว": 124479, + "ذÙĩ": 124480, + "ึà¸ĩ": 124481, + "à¹ĥà¸Ĭà¹ī": 124482, + "á»ĵng": 124483, + "à¸Ļั": 124484, + "มาà¸ģ": 124485, + "ãĥŁ": 124486, + "×ŀ×ķ": 124487, + "à¸Ĺย": 124488, + "á»Ļi": 124489, + "ằ": 124490, + "ảo": 124491, + "à¹Ĥà¸Ķ": 124492, + "×IJ׾": 124493, + "สาม": 124494, + "ÙĪØ¨": 124495, + "à¸Ĺุ": 124496, + "ยัà¸ĩ": 124497, + "עת": 124498, + "×ķ׳×ķת": 124499, + "à¸Ĥึ": 124500, + "à¸Ĥึà¹īà¸Ļ": 124501, + "à¸ģà¹Ī": 124502, + "ẫ": 124503, + "á»ijc": 124504, + "ãģĹãĤĩãģĨ": 124505, + "á»ĭch": 124506, + "Ġ×IJ×ķת": 124507, + "Ġש×IJ": 124508, + "׼×ķ׾": 124509, + "á»Ļc": 124510, + "عة": 124511, + "à¸Ĺี": 124512, + "à¹Ģà¸Ń": 124513, + "Ùĥت": 124514, + "ãģ»": 124515, + "ẻ": 124516, + "ìĹħ": 124517, + "à¸Ńà¸Ńà¸ģ": 124518, + "اÙĨت": 124519, + "à¹Ħร": 124520, + "Ġ×IJ×Ĺר": 124521, + "طر": 124522, + "ÙĨد": 124523, + "ืà¹īà¸Ń": 124524, + "Ø·ÙĦ": 124525, + "×IJ×Ķ": 124526, + "uyên": 124527, + "íĸī": 124528, + "×ij×Ķ": 124529, + "à¸Ħà¹Ī": 124530, + "à¸Ĭà¹Īว": 124531, + "ãģĤãĤĬãģ¾ãģĻ": 124532, + "ÙĬب": 124533, + "ק׾": 124534, + "ãĥĻ": 124535, + "Ä©": 124536, + "سر": 124537, + "าว": 124538, + "ãĤ±": 124539, + "à¸ļริ": 124540, + "ר×Ĵ": 124541, + "á»ĥu": 124542, + "ØŃت": 124543, + "×ķ×ŀ×Ļ": 124544, + "بÙĨ": 124545, + "êµIJ": 124546, + "ÄŁu": 124547, + "ãģªãĤĵ": 124548, + "×ij×§": 124549, + "Ġפר": 124550, + "ắn": 124551, + "ØŃÙĦ": 124552, + "×ij×Ĺ": 124553, + "ấu": 124554, + "×ij×ķ×ĵ": 124555, + "ãĥ¯": 124556, + "Ġ׾ק": 124557, + "ัà¸į": 124558, + "à¸ŀิ": 124559, + "×Ĺ×Ķ": 124560, + "×ĸ׼": 124561, + "ãĥ¼ãĥł": 124562, + "ÑĤелÑĮ": 124563, + "×ŀ×Ļ×ĵ": 124564, + "ÙĬØ®": 124565, + "ẳ": 124566, + "تص": 124567, + "à¸ĺิ": 124568, + "è¾¼": 124569, + "ìĵ": 124570, + "ÙĥØ©": 124571, + "ÙĤب": 124572, + "à¸Ħà¹Į": 124573, + "à¹īาย": 124574, + "à¸ĵะ": 124575, + "าะ": 124576, + "ëĴ": 124577, + "ê¾": 124578, + "ë·": 124579, + "ìĩ": 124580, + "êº": 124581, + "ìģ": 124582, + "ëĢ": 124583, + "ì¾": 124584, + "ë½": 124585, + "ëļ": 124586, + "ìŃ": 124587, + "ìİ": 124588, + "áij": 124589, + "ëĹ": 124590, + "êĴ": 124591, + "à¡": 124592, + "à¬": 124593, + "ðIJĮ": 124594, + "ãĩ": 124595, + "ðĿĦ": 124596, + "Ġ׾×IJ": 124597, + "ãģ¨ãģĦãģĨ": 124598, + "Ġnhi": 124599, + "×Ļ×ķת": 124600, + "Ġש×Ķ": 124601, + "à¹ģลà¹īว": 124602, + "Æ°á»Ľc": 124603, + "à¸Ķà¹īวย": 124604, + "à¸Ĺาà¸ĩ": 124605, + "×ł×ª": 124606, + "פת": 124607, + "à¹ģà¸ķà¹Ī": 124608, + "ưng": 124609, + "à¸Ńยูà¹Ī": 124610, + "à¹īำ": 124611, + "Ġ×IJ׾": 124612, + "ÙĥÙħ": 124613, + "ấp": 124614, + "ลà¸ĩ": 124615, + "ãģŁãĤģ": 124616, + "×Ĵ׾": 124617, + "หร": 124618, + "ĠÑĢе": 124619, + "à¹Ģà¸Ĥà¹īา": 124620, + "ÙĤر": 124621, + "Ġ×Ķס": 124622, + "ÙĪÙĬ": 124623, + "สามาร": 124624, + "สามารà¸ĸ": 124625, + "Äĥn": 124626, + "à¸Ńี": 124627, + "פ×ķ": 124628, + "×Ļ׳×ķ": 124629, + "วัà¸Ļ": 124630, + "ặc": 124631, + "íķĻ": 124632, + "×ŀת": 124633, + "êu": 124634, + "ẹ": 124635, + "ÙģÙĬ": 124636, + "×ŀצ": 124637, + "à¸Ħา": 124638, + "ãģĿãģĨ": 124639, + "ãĢħ": 124640, + "از": 124641, + "اÙĩ": 124642, + "ר×Ļ×Ŀ": 124643, + "ấn": 124644, + "หาร": 124645, + "ạt": 124646, + "ÙĨÙĩ": 124647, + "à¹Ģà¸Ħร": 124648, + "جÙĩ": 124649, + "׼×Ļ": 124650, + "ắt": 124651, + "à¸Ħà¹īา": 124652, + "رة": 124653, + "ãĥı": 124654, + "ÙĥÙĪÙĨ": 124655, + "ứng": 124656, + "Ġìļ°": 124657, + "ยà¹Į": 124658, + "à¹Īวà¸Ļ": 124659, + "à¸ģำ": 124660, + "ثر": 124661, + "Ñģи": 124662, + "ĠاÙĦØ·": 124663, + "Ġ×Ķצ": 124664, + "ĠØ·": 124665, + "ĠاÙĦÙĪ": 124666, + "ê¹Į": 124667, + "ØŃÙĬ": 124668, + "ارات": 124669, + "à¹Ģà¸ĭ": 124670, + "با": 124671, + "гÑĢ": 124672, + "รี": 124673, + "ืà¸Ńà¸Ļ": 124674, + "عت": 124675, + "ÙĤاÙĦ": 124676, + "دÙħ": 124677, + "Ø¡": 124678, + "Ġ×ŀ×§": 124679, + "×ĵ×Ļ×Ŀ": 124680, + "×¢×ľ": 124681, + "ãģĴ": 124682, + "ëĭĺ": 124683, + "×¢×Ķ": 124684, + "Ġìĸ´": 124685, + "ÑģÑĮ": 124686, + "ÙĤØ·": 124687, + "ãĥĽ": 124688, + "èĢĥãģĪ": 124689, + "à¹ģà¸Ļ": 124690, + "ÙĪØ§Øª": 124691, + "âu": 124692, + "ĠìĤ¬ëŀ": 124693, + "หว": 124694, + "ĠاÙĦØ£Ùħ": 124695, + "Ġ×Ķ×ŀש": 124696, + "بÙĪ": 124697, + "à¸Ĭà¸Ļ": 124698, + "ãĤĵãģ§ãģĻ": 124699, + "วà¸Ļ": 124700, + "à¸ģรรม": 124701, + "×ŀ×ķ×ĵ": 124702, + "ÙĥاÙĨ": 124703, + "×ķ×£": 124704, + "олог": 124705, + "تÙĨ": 124706, + "à¸ķà¹Į": 124707, + "ê²ĥ": 124708, + "ר×ĺ": 124709, + "ừng": 124710, + "×ķ×ij×Ķ": 124711, + "ÙħØŃ": 124712, + "ĠЧ": 124713, + "פ×Ĵ": 124714, + "สà¸ĸ": 124715, + "ãģĭãĤĬ": 124716, + "ınız": 124717, + "à¹Ģย": 124718, + "ãĥ¼ãĥ³": 124719, + "ãģĬãĤĬ": 124720, + "פש": 124721, + "ิà¸ķ": 124722, + "Ø·ÙĨ": 124723, + "×Ļת×Ļ": 124724, + "×IJ׳": 124725, + "çek": 124726, + "ìª": 124727, + "×ŀ×ij": 124728, + "ศา": 124729, + "ãĤ¹ãĤ¿": 124730, + "à¸ļุ": 124731, + "×ĵ×ijר": 124732, + "ãģĦãģı": 124733, + "สะ": 124734, + "à¹Ģหล": 124735, + "ิà¸ĩ": 124736, + "à¸ŀัà¸Ļ": 124737, + "ãģĦãģŁãģł": 124738, + "ãĤĤãĤī": 124739, + "à¹īม": 124740, + "ãģĵãģ¨ãģĮãģ§ãģį": 124741, + "ารà¹Į": 124742, + "ุà¸ĩ": 124743, + "íij": 124744, + "ì¯": 124745, + "ë¼": 124746, + "íĤ": 124747, + "ì·": 124748, + "ê¡": 124749, + "áı": 124750, + "áĴ": 124751, + "ðĿľ": 124752, + "á©": 124753, + "ðŁĦ": 124754, + "ðIJ¤": 124755, + "Ġש׾": 124756, + "Ġ×ŀ×Ķ": 124757, + "à¹ģละ": 124758, + "Ġ׼׾": 124759, + "ẽ": 124760, + "á»Ļng": 124761, + "ذÙĬ": 124762, + "ле": 124763, + "×¥": 124764, + "ãģªãģ©": 124765, + "ĠÙĪØ£": 124766, + "หà¸Ļà¹īา": 124767, + "ãģ¾ãģ§": 124768, + "à¸ķà¹Īà¸Ń": 124769, + "à¸Ĺัà¹īà¸ĩ": 124770, + "ãģłãģij": 124771, + "à¹ģà¸ļà¸ļ": 124772, + "à¹Ģรา": 124773, + "פ׾": 124774, + "ãģŁãģĦ": 124775, + "à¹Ģลย": 124776, + "ãģ£ãģ¦ãģĦãĤĭ": 124777, + "ếp": 124778, + "ึà¹Īà¸ĩ": 124779, + "ê´Ģ": 124780, + "ê³Ħ": 124781, + "׼×ķ": 124782, + "à¹Ģรืà¹Īà¸Ńà¸ĩ": 124783, + "×§×Ļ": 124784, + "êµŃ": 124785, + "פס": 124786, + "تÙĬ": 124787, + "ãĥĦ": 124788, + "Ġ×Ķ×Ĺ": 124789, + "ги": 124790, + "ר×IJ׾": 124791, + "×ŀ׾": 124792, + "ĠØ£ÙĬ": 124793, + "ĠعÙĦÙĬ": 124794, + "ãģĭãģ£ãģŁ": 124795, + "ש×Ļ": 124796, + "дÑĥ": 124797, + "×ŀף": 124798, + "׳×ĺ": 124799, + "׳×Ļת": 124800, + "miÅŁ": 124801, + "׼×Ŀ": 124802, + "Ġ×ijר": 124803, + "Ġ׾×ij": 124804, + "ĠÐĽ": 124805, + "çe": 124806, + "×ķ׳×Ļ": 124807, + "ãĤĪãģĨãģ«": 124808, + "פ×ķר": 124809, + "ãĥį": 124810, + "ÙĥÙĬ": 124811, + "×Ĺת": 124812, + "ÙģÙĦ": 124813, + "Ġ×Ķ×§": 124814, + "Ġ×Ķ×ij": 124815, + "Ġ×ŀס": 124816, + "à¹Īาà¸Ļ": 124817, + "пеÑĢ": 124818, + "à¹Īาว": 124819, + "Ġ×ij×IJ": 124820, + "ĠÙĪÙĩ": 124821, + "à¸Ļำ": 124822, + "Ġ×ijש": 124823, + "׳ק": 124824, + "ãģ©ãģĨ": 124825, + "ש×ķת": 124826, + "×ĵ×Ķ": 124827, + "à¹Ģà¸ļ": 124828, + "ÙĨس": 124829, + "Ġìļ°ë¦¬": 124830, + "สà¹Īวà¸Ļ": 124831, + "ลัà¸ĩ": 124832, + "جز": 124833, + "Ġ×Ĺ×Ļ": 124834, + "Ùĥثر": 124835, + "ละ": 124836, + "Ùĩد": 124837, + "ĠÙĪØ¨": 124838, + "اÙĦÙħ": 124839, + "à¹ģม": 124840, + "Æ¡i": 124841, + "Ġ×ij×Ĺ": 124842, + "ữa": 124843, + "à¹Ģà¸Ĺศ": 124844, + "à¸ķัà¹īà¸ĩ": 124845, + "огда": 124846, + "׾ק": 124847, + "دد": 124848, + "สรà¹īาà¸ĩ": 124849, + "à¸Ĭี": 124850, + "Ù쨶": 124851, + "à¹ģห": 124852, + "uyá»ĩn": 124853, + "รัà¸ģ": 124854, + "á»ĩm": 124855, + "สา": 124856, + "פק": 124857, + "ียà¸ĩ": 124858, + "à¸ķà¹Īาà¸ĩ": 124859, + "à¸Ħรัà¹īà¸ĩ": 124860, + "ØŃÙĤ": 124861, + "à¹Ģà¸Ńà¸ĩ": 124862, + "ائÙĬ": 124863, + "×ĺ×¢": 124864, + "اÙĦØ©": 124865, + "ิà¹Īม": 124866, + "ãĤ½": 124867, + "دÙī": 124868, + "Ġר×IJ": 124869, + "ãģ£ãģ¨": 124870, + "ãĥĥãĥĹ": 124871, + "ÙĬرة": 124872, + "ê±´": 124873, + "×ŀ×IJ": 124874, + "×ķ×ķ": 124875, + "بع": 124876, + "ãģ²": 124877, + "ราย": 124878, + "×ĵ×Ŀ": 124879, + "تÙģ": 124880, + "à¸ķà¸ģ": 124881, + "ạng": 124882, + "ãĤĴè¦ĭ": 124883, + "à¸Ĭั": 124884, + "Æ°á»Ł": 124885, + "Æ°á»Łng": 124886, + "جب": 124887, + "×ķ×ŀר": 124888, + "ĠìĤ¬ëŀĮ": 124889, + "óng": 124890, + "รั": 124891, + "Ġ×Ķ×ĸ": 124892, + "רצ": 124893, + "Ġ×Ĺ×ĵ": 124894, + "ذÙĦÙĥ": 124895, + "×ķר×Ļ": 124896, + "ãģ¡ãĤĥ": 124897, + "Ù쨹": 124898, + "Ġ׾צ": 124899, + "ái": 124900, + "à¹ĩà¸ļ": 124901, + "ãģİ": 124902, + "à¸ģิ": 124903, + "ạc": 124904, + "ë©°": 124905, + "ãģªãĤĭ": 124906, + "×ķ׾×Ŀ": 124907, + "à¹ģà¸Ĺ": 124908, + "×ķ×¥": 124909, + "меÑĤ": 124910, + "Ã¼ÅŁ": 124911, + "ÑĢÑı": 124912, + "à¸Ĵ": 124913, + "ÑģÑĤоÑı": 124914, + "عÙĪØ¯": 124915, + "Ùħار": 124916, + "طة": 124917, + "à¸ŀื": 124918, + "кÑĢ": 124919, + "à¹ģà¸ģ": 124920, + "à¹Ĥรà¸ĩ": 124921, + "×ij×Ļ×ĺ": 124922, + "ê²ł": 124923, + "×ķ׾×Ķ": 124924, + "ØŃر": 124925, + "ืà¹Īà¸Ńà¸Ļ": 124926, + "×ķ×ijר": 124927, + "×Ĺש": 124928, + "ãĥķãĤ¡": 124929, + "×ŀ×ĺ": 124930, + "út": 124931, + "Ġdön": 124932, + "ắng": 124933, + "ëłĩ": 124934, + "ẳng": 124935, + "วà¸ģ": 124936, + "صد": 124937, + "خط": 124938, + "à¸Ńั": 124939, + "ãĤıãĤĮ": 124940, + "سÙĦاÙħ": 124941, + "à¹Ģรà¹ĩ": 124942, + "×Ļש×Ļ": 124943, + "جاÙĦ": 124944, + "ãģijãĤĭ": 124945, + "à¸Ĭาà¸ķิ": 124946, + "ÙĪØ§ÙĤ": 124947, + "à¹Ĥà¸Ļ": 124948, + "ãģ¦ãģĹãģ¾": 124949, + "اعة": 124950, + "ãĤŃãĥ£": 124951, + "à¸įา": 124952, + "ÙĦاÙĤ": 124953, + "ิà¸ģ": 124954, + "ĠÑģов": 124955, + "ÑĢак": 124956, + "×Ļ׳×Ļ": 124957, + "Ã¼ÄŁ": 124958, + "Ã¼ÄŁÃ¼": 124959, + "×§×ij": 124960, + "à¹Īà¸Ńà¸ĩ": 124961, + "Ġgerçek": 124962, + "à¸Ĺั": 124963, + "ованиÑı": 124964, + "×ŀ׼": 124965, + "سة": 124966, + "×Ļ×£": 124967, + "leÅŁ": 124968, + "Ùħؤ": 124969, + "ĠìĿĺ": 124970, + "à¸IJาà¸Ļ": 124971, + "ĠÑģоб": 124972, + "ĠêµŃ": 124973, + "עצ": 124974, + "зв": 124975, + "สà¸ĩ": 124976, + "زÙĦ": 124977, + "ãģıãĤĮ": 124978, + "иÑĢÑĥ": 124979, + "تأ": 124980, + "полн": 124981, + "ìĺĢ": 124982, + "ÙĨØ´": 124983, + "׼×IJ": 124984, + "ÙħØ´": 124985, + "à¸Ķà¹Į": 124986, + "ÙĪÙĬÙĦ": 124987, + "à¹ģà¸Ĥ": 124988, + "ãģ£ãģ¦ãģĹãģ¾": 124989, + "ноÑģÑĤ": 124990, + "вл": 124991, + "ÙħÙĤ": 124992, + "راج": 124993, + "å¤ī": 124994, + "ëĽ": 124995, + "â¸": 124996, + "ìIJ": 124997, + "à»": 124998, + "áļ": 124999, + "â»": 125000, + "êĻ": 125001, + "â§": 125002, + "ðĴ": 125003, + "ðĿĩ": 125004, + "Ġ×IJת": 125005, + "ĠÙĦÙĦ": 125006, + "ĠØ£ÙĨ": 125007, + "Ġ×ķ×Ķ": 125008, + "ãģ«ãģ¯": 125009, + "Ġ×Ļש": 125010, + "تÙĩ": 125011, + "ÃŃnh": 125012, + "ÙĬات": 125013, + "Ġ×ij×ŀ": 125014, + "à¸Ļัà¹īà¸Ļ": 125015, + "à¸Ļà¹īำ": 125016, + "Ãło": 125017, + "à¸ķาม": 125018, + "ãģ®ãģ¯": 125019, + "dır": 125020, + "Ġnghi": 125021, + "ặt": 125022, + "×ŀ×Ļ×Ŀ": 125023, + "ãģ¦ãģĦãĤĭ": 125024, + "Ġ×ijת": 125025, + "หรืà¸Ń": 125026, + "ĠسÙĬ": 125027, + "ãģªãĤī": 125028, + "à¹Ĥà¸Ķย": 125029, + "ıyor": 125030, + "à¸Ńีà¸ģ": 125031, + "á»ĩnh": 125032, + "Ñĭм": 125033, + "à¸Ĺุà¸ģ": 125034, + "Ġ׾×Ĺ": 125035, + "Ġ×Ķר": 125036, + "Ġ×Ķ×Ļ": 125037, + "à¸ŀระ": 125038, + "à¹Ģวลา": 125039, + "Ġغ": 125040, + "ẫn": 125041, + "mÄ±ÅŁ": 125042, + "׼×Ķ": 125043, + "á»ijn": 125044, + "ãģ§ãģĹãĤĩãģĨ": 125045, + "ãĥ¢": 125046, + "à¸Ľà¸µ": 125047, + "ס×Ļ": 125048, + "ãģĵãĤį": 125049, + "Ġ׾פ": 125050, + "รà¸ĸ": 125051, + "ê¸Ī": 125052, + "à¸ģวà¹Īา": 125053, + "무": 125054, + "á»įng": 125055, + "ãĤĵãģ§": 125056, + "ãĤĪãģĨãģª": 125057, + "á»ĵi": 125058, + "ãĤ¬": 125059, + "สà¹Īà¸ĩ": 125060, + "×Ļ׳×Ķ": 125061, + "à¸ĸูà¸ģ": 125062, + "à¸Īัà¸Ķ": 125063, + "Ġ×Ķ×Ĵ": 125064, + "ãĥľ": 125065, + "×ŀ×ķת": 125066, + "ÙĪÙĥ": 125067, + "ëĭ¨": 125068, + "ĠØ«": 125069, + "ãģ®ãģĮ": 125070, + "à¹Ģหà¹ĩà¸Ļ": 125071, + "عا": 125072, + "à¸Ļิ": 125073, + "Åŀ": 125074, + "à¸Ńะ": 125075, + "ãģĪãĤĭ": 125076, + "Ø«ÙĦ": 125077, + "ØŃÙħد": 125078, + "à¹Ģà¸ģิà¸Ķ": 125079, + "פשר": 125080, + "פ×Ķ": 125081, + "มิ": 125082, + "ئÙĬس": 125083, + "à¸Ĺำà¹ĥหà¹ī": 125084, + "×¢×ĵ": 125085, + "ìĭ¤": 125086, + "à¸Ĭà¹Īวย": 125087, + "ĠاÙĦÙħÙĨ": 125088, + "زÙĬ": 125089, + "عÙĬ": 125090, + "Ġ׼×IJ": 125091, + "ạnh": 125092, + "ỹ": 125093, + "ãĤĵãģª": 125094, + "สู": 125095, + "צר": 125096, + "Æ°á»Ľng": 125097, + "×ķ×ķ×Ķ": 125098, + "à¹Ĥล": 125099, + "ĠاÙĦÙĩ": 125100, + "วา": 125101, + "หลาย": 125102, + "Ñīе": 125103, + "à¸Ĥà¹īà¸Ń": 125104, + "à¹īà¸Ńย": 125105, + "بط": 125106, + "каÑı": 125107, + "ĠØ¢": 125108, + "ĠиÑģ": 125109, + "ĠاÙĦغ": 125110, + "à¸ģา": 125111, + "à¸Ļà¹Īา": 125112, + "ÙĬÙĪ": 125113, + "×ij×ķר": 125114, + "á»ħn": 125115, + "วà¸ĩ": 125116, + "×Ļ×ĸ": 125117, + "ì²Ń": 125118, + "ним": 125119, + "룰": 125120, + "×Ĵ×ķר": 125121, + "صØŃ": 125122, + "ÙĦÙĪ": 125123, + "×Ĺ×ķת": 125124, + "สุ": 125125, + "رÙĬÙĤ": 125126, + "ס×ĺ": 125127, + "Ġ×ŀ×¢": 125128, + "ãĥĨãĤ£": 125129, + "à¸Ħิà¸Ķ": 125130, + "ãĤįãģĨ": 125131, + "à¹Ħล": 125132, + "à¸Ļà¹Į": 125133, + "á»ıi": 125134, + "ÑģÑĤÑĢо": 125135, + "สà¸Ķ": 125136, + "สาร": 125137, + "ÙĪÙĦØ©": 125138, + "ầm": 125139, + "รà¹Īว": 125140, + "รà¹Īวม": 125141, + "รุ": 125142, + "ĠاÙĦسÙĬ": 125143, + "ìĺģ": 125144, + "Ġ×ŀ×ij": 125145, + "פ×ĺ": 125146, + "à¸ķิà¸Ķ": 125147, + "×ĺ×Ļ×Ŀ": 125148, + "Ġ무": 125149, + "ÙĤدÙħ": 125150, + "ĠdÃ¼ÅŁ": 125151, + "ائÙĦ": 125152, + "мÑĭ": 125153, + "ØŃس": 125154, + "ÙĪØµ": 125155, + "×Ļ×§×Ķ": 125156, + "ãģ§ãģ¯ãģªãģĦ": 125157, + "à¹Ģหม": 125158, + "оÑĢÑĤ": 125159, + "íĨµ": 125160, + "ãģIJ": 125161, + "кÑĢа": 125162, + "ียว": 125163, + "عار": 125164, + "ئة": 125165, + "íĥĢ": 125166, + "ãģ«ãģªãĤĬ": 125167, + "جة": 125168, + "ÙĪÙĤع": 125169, + "ÑĮÑı": 125170, + "×ķצ×Ķ": 125171, + "ש×Ŀ": 125172, + "بÙĤ": 125173, + "Ġ×Ļ×Ķ": 125174, + "ÙĬØ·": 125175, + "ımız": 125176, + "деÑĢж": 125177, + "×Ļשר×IJ׾": 125178, + "غÙĬر": 125179, + "รà¸Ńà¸ĩ": 125180, + "à¹Ģรียà¸Ļ": 125181, + "Ġ×Ķ×ĺ": 125182, + "หมาย": 125183, + "ÙħÙĩ": 125184, + "اÙ쨩": 125185, + "ĠоÑĢг": 125186, + "ÙĪÙī": 125187, + "ãĥ©ãĤ¤": 125188, + "×ŀ׳×Ķ": 125189, + "ĠÄijo": 125190, + "ĠгоÑĢ": 125191, + "اÙħØ©": 125192, + "楽": 125193, + "Ø«ÙĬر": 125194, + "à¸ģิà¸Ī": 125195, + "á»ĵn": 125196, + "ÙĨب": 125197, + "ÑĢÑĥд": 125198, + "ìĹĪ": 125199, + "Ġ×Ĺ×ijר": 125200, + "ÑĢаж": 125201, + "ạch": 125202, + "تÙĪ": 125203, + "à¹Ĥม": 125204, + "×ij×Ļ×ij": 125205, + "ĠíĨµ": 125206, + "acaģı": 125207, + "جÙĦس": 125208, + "à¹Ģà¸Ľà¸¥": 125209, + "วà¸Ķ": 125210, + "à¸Ńล": 125211, + "ãģŁãĤĬ": 125212, + "à¸Ľà¸±à¸į": 125213, + "ĠìķĮ": 125214, + "عرÙģ": 125215, + "à¹Ħà¸Ł": 125216, + "أخ": 125217, + "å¤ļãģĦ": 125218, + "à¸Ķัà¸ĩ": 125219, + "Ø´Ùģ": 125220, + "ãģ£ãģ¦ãģĦãģ¾ãģĻ": 125221, + "×Ľ×ł×¡": 125222, + "ÑĨе": 125223, + "еÑģп": 125224, + "ÙħاÙħ": 125225, + "à¸ŀืà¹īà¸Ļ": 125226, + "иÑĩеÑģки": 125227, + "خد": 125228, + "ÙĥÙĪÙħ": 125229, + "Ġ×Ķר×IJש": 125230, + "تاب": 125231, + "é£Łãģ¹": 125232, + "ืà¸Ļ": 125233, + "оÑĢо": 125234, + "Ġböl": 125235, + "×ķ×Ĺ×ĵ": 125236, + "دÙĬر": 125237, + "ắm": 125238, + "دع": 125239, + "ãģķãģĽ": 125240, + "à¸ĺร": 125241, + "à¸ĺรรม": 125242, + "ãģĭãĤĤ": 125243, + "å¤ļãģı": 125244, + "rä": 125245, + "سع": 125246, + "×Ļ׾×Ķ": 125247, + "ضر": 125248, + "ĠاÙĦشر": 125249, + "×ĸ×ķר": 125250, + "×¢×ijר": 125251, + "ạm": 125252, + "алÑĮно": 125253, + "رÙĨ": 125254, + "اÙħج": 125255, + "׼×ļ": 125256, + "dıģ": 125257, + "ден": 125258, + "ضا": 125259, + "ÙĦÙĬÙħ": 125260, + "Ġê·¸ëŁ¬": 125261, + "تÙħاع": 125262, + "ارÙĬØ®": 125263, + "à¹Ĥà¸ķ": 125264, + "ĠÑģÑĢед": 125265, + "Ġ׳×ķס": 125266, + "ÙĤبÙĦ": 125267, + "оÑĤов": 125268, + "leÅŁtir": 125269, + "ĠмеÑģÑĤ": 125270, + "سÙĦÙħ": 125271, + "Ġעצ": 125272, + "ĠاÙĦسÙĦ": 125273, + "еÑĤÑĮ": 125274, + "ابة": 125275, + "нак": 125276, + "สà¸ĸาà¸Ļ": 125277, + "Ġ×ij׳": 125278, + "à¸ļัà¸Ļ": 125279, + "׼׳": 125280, + "ĠÃ¶ÄŁ": 125281, + "ãģ¨è¨Ģ": 125282, + "uyến": 125283, + "diÄŁ": 125284, + "áºŃu": 125285, + "ÑĢаÑģ": 125286, + "ãĤ·ãĥ§ãĥ³": 125287, + "nız": 125288, + "×ķ×ĵ×Ķ": 125289, + "تس": 125290, + "ÙħاÙĦ": 125291, + "à¹Ģหà¸ķุ": 125292, + "ยว": 125293, + "à¸ŀัà¸ģ": 125294, + "ãģĦãģªãģĦ": 125295, + "ĠкаÑĩ": 125296, + "ลà¹Į": 125297, + "×¨×Ľ×ª": 125298, + "ÅŁtur": 125299, + "×ŀ×ķס": 125300, + "ãģ¥": 125301, + "бол": 125302, + "عÙħاÙĦ": 125303, + "×ķרת": 125304, + "ÑĨион": 125305, + "ศึà¸ģ": 125306, + "à¸ı": 125307, + "ÑĢен": 125308, + "اسÙĬ": 125309, + "ائر": 125310, + "à¹Ĥà¸Ľà¸£": 125311, + "Ġseç": 125312, + "غÙĬ": 125313, + "ÑįÑĤ": 125314, + "енн": 125315, + "ãģªãģ®": 125316, + "×Ļש×Ķ": 125317, + "×Ļפ×ķר": 125318, + "ãģŁãĤģãģ«": 125319, + "زة": 125320, + "Ġçoc": 125321, + "ãĤ¯ãĥª": 125322, + "ÑĪен": 125323, + "ãĤıãģij": 125324, + "رÙĬد": 125325, + "ĠÑĢаÑģÑģ": 125326, + "Ùĥات": 125327, + "สà¸Ńà¸ļ": 125328, + "ceÄŁi": 125329, + "ãĤ¿ãĤ¤": 125330, + "à¸ļร": 125331, + "ĠاÙĦبر": 125332, + "׳×ķ×¢": 125333, + "rün": 125334, + "راض": 125335, + "ศาส": 125336, + "à¸ķรà¹Į": 125337, + "ãģįãģŁ": 125338, + "×ķ׾×ĵ": 125339, + "еÑĢи": 125340, + "íĹĺ": 125341, + "ắp": 125342, + "تعÙĦ": 125343, + "Ùĥد": 125344, + "иÑĤелÑĮно": 125345, + "Ø·Ùģ": 125346, + "ĠавÑĤом": 125347, + "Ġ×ŀצ": 125348, + "ÑĪиÑħ": 125349, + "اتÙģ": 125350, + "ĠÑħоÑĤ": 125351, + "ÙİØ§": 125352, + "ãģıãĤĭ": 125353, + "×Ķפ": 125354, + "à¹Ĥà¸Ĺ": 125355, + "à¹ģà¸ŀ": 125356, + "à¹Īà¸Ńย": 125357, + "ĠاÙĦÙħØ´": 125358, + "à¸ģารà¸ĵà¹Į": 125359, + "аниз": 125360, + "×Ķ׾": 125361, + "ظÙħ": 125362, + "ยุ": 125363, + "liÄŁ": 125364, + "à¹Ħà¸Ĥ": 125365, + "à¸ĸืà¸Ń": 125366, + "öz": 125367, + "ãģijãģ¦": 125368, + "à¹Ģà¸ľ": 125369, + "ุม": 125370, + "ãĥĹãĥ¬": 125371, + "Ġ×Ķ×IJ×Ĺר": 125372, + "ختÙĦÙģ": 125373, + "à¸İ": 125374, + "ÙĦاØŃ": 125375, + "Ġdüzen": 125376, + "צ×Ķ": 125377, + "ساء": 125378, + "×ķר×ļ": 125379, + "×ķ×ĵ×Ļ": 125380, + "ÑĢаÑĦ": 125381, + "ÅŁtır": 125382, + "ãģ«åħ¥": 125383, + "ãģĪãģ°": 125384, + "صÙĪÙĦ": 125385, + "ĠÐľÐ¾Ñģ": 125386, + "اÙĩر": 125387, + "ãģ£ãģ": 125388, + "ĠлÑİб": 125389, + "×Ļ×¢×Ķ": 125390, + "Ġ×Ķ×ŀ×§": 125391, + "สิà¸Ĺ": 125392, + "สิà¸Ĺà¸ĺิ": 125393, + "×Ļ׳×Ŀ": 125394, + "ÙĦاÙģ": 125395, + "à¸ŀัà¸Ļà¸ĺ": 125396, + "×ķ×IJ×Ķ": 125397, + "มั": 125398, + "à¸Ĥà¸ĵะ": 125399, + "доÑĢ": 125400, + "ãģ¨ãģª": 125401, + "à¸ģระà¸Ĺ": 125402, + "acı": 125403, + "×ķ׾×ķ×Ĵ": 125404, + "ÑĥÑĪ": 125405, + "ãĥ¥ãĥ¼": 125406, + "ãĥ¦": 125407, + "Ùħست": 125408, + "ĠaÅŁ": 125409, + "שק": 125410, + "פת×Ĺ": 125411, + "ายà¸Ļ": 125412, + "íĩ": 125413, + "ë¢": 125414, + "ï·": 125415, + "íī": 125416, + "ìµ": 125417, + "ì¬": 125418, + "ðĿĽ": 125419, + "ìĴ": 125420, + "ëĻ": 125421, + "ê§": 125422, + "áĸ": 125423, + "â¨": 125424, + "â±": 125425, + "áĺ": 125426, + "ðĸ": 125427, + "àł": 125428, + "áĶ": 125429, + "ðIJŃ": 125430, + "ững": 125431, + "Å©ng": 125432, + "Ġ×Ķת": 125433, + "ĠاÙĦا": 125434, + "Ġ×ŀת": 125435, + "à¸ĸึà¸ĩ": 125436, + "òn": 125437, + "á»ĭnh": 125438, + "нÑĭм": 125439, + "Ġcả": 125440, + "à¸Ķู": 125441, + "Ġà¹ģà¸ķà¹Ī": 125442, + "Ġ×ij×Ķ": 125443, + "ói": 125444, + "ãģ¨ãģĹãģ¦": 125445, + "úng": 125446, + "Ġذ": 125447, + "Ġ×Ķ׳": 125448, + "ĠبÙĨ": 125449, + "ÙĦاÙĦ": 125450, + "à¹Ħà¸Ĺย": 125451, + "á»ĩp": 125452, + "tı": 125453, + "มัà¸Ļ": 125454, + "ằng": 125455, + "á»ijt": 125456, + "ком": 125457, + "à¸ĭึà¹Īà¸ĩ": 125458, + "à¸Ħรัà¸ļ": 125459, + "à¸ļà¹īาà¸Ļ": 125460, + "ĠاÙĦÙĬ": 125461, + "lü": 125462, + "ÙĪØ³": 125463, + "ãģłãģ£ãģŁ": 125464, + "à¹Ģà¸ĩ": 125465, + "Ġê³µ": 125466, + "нÑĥ": 125467, + "ãĤĪãĤĬ": 125468, + "мÑĥ": 125469, + "à¹Ģà¸Ĥา": 125470, + "ãĤĢ": 125471, + "ние": 125472, + "ãģ«ãģªãĤĭ": 125473, + "áºŃy": 125474, + "ĠÙĪØ§": 125475, + "볤": 125476, + "ש×ķ": 125477, + "áp": 125478, + "×ĵ×ķ": 125479, + "ãģ§ãģĹãģŁ": 125480, + "عض": 125481, + "Ñģкой": 125482, + "æĦŁãģĺ": 125483, + "ÑİÑĤÑģÑı": 125484, + "Ġ×Ļ׼×ķ׾": 125485, + "ãĤĵãģł": 125486, + "ви": 125487, + "à¹Ģลà¹Īà¸Ļ": 125488, + "ìĿ´ëĭ¤": 125489, + "ĠÙĦÙĩ": 125490, + "à¸Ħืà¸Ń": 125491, + "تÙĥ": 125492, + "ÙħÙĥÙĨ": 125493, + "aģı": 125494, + "׳×ĵ": 125495, + "민": 125496, + "à¹Ħว": 125497, + "สำห": 125498, + "สำหรัà¸ļ": 125499, + "Ñģлед": 125500, + "tır": 125501, + "ĠÙĦÙĬ": 125502, + "ĠاÙĦعÙħÙĦ": 125503, + "×ij×ķת": 125504, + "×ij×Ļ×Ŀ": 125505, + "à¸Ħำ": 125506, + "à¹Ģà¸Ħรืà¹Īà¸Ńà¸ĩ": 125507, + "lıģı": 125508, + "ืà¸Ńà¸ĩ": 125509, + "جد": 125510, + "íŀĪ": 125511, + "ìĭ¬": 125512, + "×¢×ķת": 125513, + "สิà¸Ļ": 125514, + "Ñĩи": 125515, + "رض": 125516, + "à¹Ģà¸Ľà¸´à¸Ķ": 125517, + "à¸Ħà¹Īา": 125518, + "ìĦł": 125519, + "ÙĪØ±Ø©": 125520, + "×§×ĺ": 125521, + "ìľł": 125522, + "عÙħÙĦ": 125523, + "×IJ×Ļ×Ŀ": 125524, + "׾×Ļ×Ŀ": 125525, + "à¹ĥหà¸į": 125526, + "à¹ĥหà¸įà¹Ī": 125527, + "ừa": 125528, + "á»įi": 125529, + "ãģ¶": 125530, + "ÃŃch": 125531, + "ãĥĩãĤ£": 125532, + "×ķר×Ļ×Ŀ": 125533, + "Ñģо": 125534, + "ìķ½": 125535, + "ова": 125536, + "ÑĩаÑģÑĤ": 125537, + "à¹Ģà¸Īà¹īา": 125538, + "пÑĢо": 125539, + "Ġ×ŀ×Ĺ": 125540, + "ãĥİ": 125541, + "×ķ×Ļ×ķת": 125542, + "Ġде": 125543, + "ë§Ī": 125544, + "ì§ģ": 125545, + "×Ļפ×Ķ": 125546, + "ĠاÙĦعاÙĦÙħ": 125547, + "르": 125548, + "ר×IJ×Ķ": 125549, + "uyá»ĥn": 125550, + "×¢×Ļ": 125551, + "มืà¸Ń": 125552, + "Ø¥ÙĨ": 125553, + "รู": 125554, + "Ġز": 125555, + "×Ļ×ķ×Ŀ": 125556, + "à¸ķà¹īà¸Ļ": 125557, + "ãģ¦ãģĦãģ¾ãģĻ": 125558, + "ÙħاÙĨ": 125559, + "ĠÐ¥": 125560, + "à¸Ľà¸£à¸°à¹Ģà¸Ĺศ": 125561, + "ỳ": 125562, + "׾×ij": 125563, + "à¹Ģà¸Ķà¹ĩ": 125564, + "ãģŁãģ¡": 125565, + "à¸Ĺีม": 125566, + "à¸Ļะ": 125567, + "ìŰ": 125568, + "ĠìłĢ": 125569, + "ÙĦÙĩ": 125570, + "ợi": 125571, + "ĠاÙĦز": 125572, + "دار": 125573, + "ãĤ³ãĥ³": 125574, + "мин": 125575, + "à¹ģหà¹Īà¸ĩ": 125576, + "à¸Ķัà¸ļ": 125577, + "׼ר": 125578, + "жа": 125579, + "íĸĪ": 125580, + "×ŀ×ĸ": 125581, + "ợi": 125582, + "à¸Ķา": 125583, + "Ġعبد": 125584, + "à¹ģร": 125585, + "×IJתר": 125586, + "×¢×ł×Ļ": 125587, + "à¹Ģà¸Ħ": 125588, + "×ķצר": 125589, + "ì§Ģë§Į": 125590, + "ائÙħ": 125591, + "أس": 125592, + "uyá»ģn": 125593, + "Ġ×IJ׳": 125594, + "×Ĺ׳×ķ": 125595, + "×ĸ×Ļ": 125596, + "รà¹īาà¸Ļ": 125597, + "ĠÐłÐ¾Ñģ": 125598, + "ĠÐłÐ¾ÑģÑģ": 125599, + "ربÙĬØ©": 125600, + "tür": 125601, + "ãĤĭãģĵãģ¨": 125602, + "ظر": 125603, + "бÑĭ": 125604, + "à¸Ĺีà¹Īสุà¸Ķ": 125605, + "Ġצר": 125606, + "èĩªåĪĨ": 125607, + "лаÑģ": 125608, + "ĠÑıв": 125609, + "ĠÑıвлÑı": 125610, + "à¸ŀรà¹īà¸Ńม": 125611, + "à¸Ńาà¸Ī": 125612, + "à¸ļริà¸ģาร": 125613, + "Ġçı": 125614, + "ëįĺ": 125615, + "ĠاÙĦÙħست": 125616, + "تش": 125617, + "ש×ķ×ij": 125618, + "ãĤ´": 125619, + "Ġyapıl": 125620, + "ĠاÙĦذ": 125621, + "ุà¹Īม": 125622, + "à¸ĸà¹īา": 125623, + "ìĦ¤": 125624, + "ì°¨": 125625, + "ваÑĢ": 125626, + "à¹Ģà¸ŀิà¹Īม": 125627, + "Æ°á»Ľi": 125628, + "Ùĥس": 125629, + "à¸Ńยาà¸ģ": 125630, + "ãģ¦ãĤĤ": 125631, + "Ġгод": 125632, + "ÙĬار": 125633, + "à¸ķà¸Ńà¸Ļ": 125634, + "ĠигÑĢ": 125635, + "à¹Ħà¸Ķà¹īรัà¸ļ": 125636, + "ĠاÙĦÙħر": 125637, + "ÙĤت": 125638, + "Ġëĺ": 125639, + "ĠëĺIJ": 125640, + "ẩn": 125641, + "ãģĻãĤĭãģĵãģ¨": 125642, + "×Ĵ×Ŀ": 125643, + "Ġ×ij×ij": 125644, + "تد": 125645, + "ÙĪØ§Ø±": 125646, + "ãĤ®": 125647, + "пол": 125648, + "Ġмог": 125649, + "ترÙĥ": 125650, + "ÙĪØ«": 125651, + "Ġçık": 125652, + "اة": 125653, + "à¹Ģà¸Ķียว": 125654, + "มีà¸Ħวาม": 125655, + "Ġ×ŀ×Ĵ": 125656, + "صÙģ": 125657, + "ĠТак": 125658, + "Ġ×Ľ×ª": 125659, + "×Ļ×ĵ×Ļ": 125660, + "овоÑĢ": 125661, + "ầy": 125662, + "สิà¹Īà¸ĩ": 125663, + "بت": 125664, + "ürü": 125665, + "ÙĨج": 125666, + "หลัà¸ģ": 125667, + "×Ļ×Ķ×Ŀ": 125668, + "ÙĤص": 125669, + "зÑĭ": 125670, + "×Ľ×ª×ij": 125671, + "ưu": 125672, + "mız": 125673, + "ĠìĦ¸": 125674, + "лог": 125675, + "ÙħÙĬÙĦ": 125676, + "ÙĬج": 125677, + "íĴĪ": 125678, + "à¸ŀà¸ļ": 125679, + "หัว": 125680, + "зна": 125681, + "רק": 125682, + "à¹Ĥร": 125683, + "Ġ×ijס": 125684, + "ĠBaÅŁkan": 125685, + "ĠëͰ": 125686, + "à¸Ńัà¸Ļ": 125687, + "ีà¹Īยว": 125688, + "неÑģ": 125689, + "à¹Ģà¸Ķิà¸Ļ": 125690, + "ÙĬاÙĨ": 125691, + "×ķ׾×Ļ": 125692, + "اخت": 125693, + "צ×ķת": 125694, + "ãģĵãģĵ": 125695, + "ĠاÙĦاÙĨ": 125696, + "ĠпÑĢоÑĨ": 125697, + "ãģ¾ãģł": 125698, + "×Ľ×¡": 125699, + "ĠاÙĦØ¢": 125700, + "ÙĬز": 125701, + "ĠاÙĦدÙĪÙĦ": 125702, + "ĠíķĺëĤĺ": 125703, + "ضع": 125704, + "ê»ĺ": 125705, + "ÅĽwi": 125706, + "ยิ": 125707, + "ãģ¡ãĤĥãĤĵ": 125708, + "ĠÙħØ´": 125709, + "à¸ĺี": 125710, + "ãģ¨ãģį": 125711, + "׳×Ļ×ķת": 125712, + "Ġë¯": 125713, + "Ġ미": 125714, + "Ġsı": 125715, + "ëĭĪê¹Į": 125716, + "Ġпл": 125717, + "غÙĦ": 125718, + "à¹ģรà¸ĩ": 125719, + "بÙĬر": 125720, + "ãģĤãĤĬãģ¾ãģĽãĤĵ": 125721, + "ê·¼": 125722, + "Ġyüz": 125723, + "ĠdeÄŁer": 125724, + "åł´åIJĪ": 125725, + "ỡ": 125726, + "маÑĤ": 125727, + "ราà¸Ĭ": 125728, + "ÙĪØ±ÙĬ": 125729, + "жен": 125730, + "ãģ¾ãĤĬ": 125731, + "ãģ®ä¸Ń": 125732, + "×Ļ×ĵ×¢": 125733, + "à¸Ńุ": 125734, + "à¸ļà¸Ńล": 125735, + "à¸Ľà¸±à¸įหา": 125736, + "زÙħ": 125737, + "ÄŁa": 125738, + "à¸Ńืà¹Ī": 125739, + "à¸Ńืà¹Īà¸Ļ": 125740, + "пл": 125741, + "ĠнеобÑħодим": 125742, + "׼×ij": 125743, + "à¹Ģศ": 125744, + "קר×Ķ": 125745, + "ì²ĺ": 125746, + "볨": 125747, + "×ŀ×§×ķ×Ŀ": 125748, + "jÄħc": 125749, + "ÙĩÙĦ": 125750, + "Ġ×¢×ij×ķ×ĵ": 125751, + "à¹Ħมà¹ī": 125752, + "à¸ģลัà¸ļ": 125753, + "×ķ׼׾": 125754, + "×§×ĵ": 125755, + "اÙĦÙĬØ©": 125756, + "رÙĩ": 125757, + "ãģijãĤĮãģ°": 125758, + "ĠÙĨÙ쨳": 125759, + "ãĤ¢ãĥ«": 125760, + "ìĹĪëĭ¤": 125761, + "×§×ķר": 125762, + "неÑĢ": 125763, + "باب": 125764, + "ãĤ¶": 125765, + "سبب": 125766, + "ÙĦÙĬÙĦ": 125767, + "صÙĨ": 125768, + "صدر": 125769, + "ếm": 125770, + "à¸Ĭà¹Īวà¸ĩ": 125771, + "ØŃÙĨ": 125772, + "Ġ×ij×Ĵ": 125773, + "×ŀ×ķ×¢": 125774, + "׾×Ĺ": 125775, + "大ãģį": 125776, + "تب": 125777, + "неÑĤ": 125778, + "×Ļ×ij×Ķ": 125779, + "бл": 125780, + "ãĥĹãĥª": 125781, + "اصة": 125782, + "ãģ¤ãģij": 125783, + "×Ļ×ŀ×ķש": 125784, + "ãģĮãģĤ": 125785, + "ëĭ´": 125786, + "ãģĭãĤĤãģĹ": 125787, + "ãģĭãĤĤãģĹãĤĮ": 125788, + "ãģ¡ãĤī": 125789, + "×ij×ĺ": 125790, + "ĠbaÄŁ": 125791, + "×Ļ×Ĺס": 125792, + "×ij×ķ×¢": 125793, + "ลี": 125794, + "פע×Ļ׾": 125795, + "ими": 125796, + "gÅĤ": 125797, + "Ġиме": 125798, + "خداÙħ": 125799, + "×IJ×Ļר": 125800, + "Ġyapt": 125801, + "ãģ¨ãģĦ": 125802, + "à¸ĩà¹Īาย": 125803, + "׾×Ļ×ķ": 125804, + "ØŃدث": 125805, + "راÙĤ": 125806, + "ĠÄIJi": 125807, + "ادر": 125808, + "ãģĵãģ¨ãĤĤ": 125809, + "×ij×Ļר": 125810, + "Ġвз": 125811, + "ضاÙģ": 125812, + "ת×ķ׼": 125813, + "ÑĢом": 125814, + "رات": 125815, + "à¹Ģà¸Ĺà¹Īา": 125816, + "ãģĺãĤĥ": 125817, + "ãģĿãģĵ": 125818, + "اجتÙħاع": 125819, + "à¹īà¸Ńà¸Ļ": 125820, + "ÙĤÙħ": 125821, + "본": 125822, + "Äŀ": 125823, + "ש×Ļ×ķ": 125824, + "×ij׳×Ļ": 125825, + "ìľĦìĽIJ": 125826, + "à¹ģà¸Ī": 125827, + "×Ĺ×ķר": 125828, + "دÙĬÙĨØ©": 125829, + "تط": 125830, + "ằm": 125831, + "òa": 125832, + "ยà¸Ńà¸Ķ": 125833, + "Ġëĭ¹": 125834, + "สุà¸Ĥ": 125835, + "×ĵר×ļ": 125836, + "دÙĨ": 125837, + "سÙĬÙĨ": 125838, + "ÙĪÙĤÙģ": 125839, + "ÑĨÑĭ": 125840, + "гоÑĤов": 125841, + "еждÑĥ": 125842, + "à¸ŀวà¸ģ": 125843, + "اÙĤتص": 125844, + "اÙĤتصاد": 125845, + "czÄĻ": 125846, + "niÄĻ": 125847, + "ÑĢеб": 125848, + "ØŃÙĪ": 125849, + "à¸Ĺà¹Į": 125850, + "ãĤĪãģŃ": 125851, + "дж": 125852, + "à¸ģลà¹Īาว": 125853, + "دÙĬØ«": 125854, + "ãĤ³ãĥŁ": 125855, + "ÙĤÙĪÙħ": 125856, + "ĠتØŃ": 125857, + "à¹Ģà¸ķิ": 125858, + "اÙ쨏": 125859, + "à¸Īุ": 125860, + "رÙĬاض": 125861, + "×ŀש×ļ": 125862, + "à¹Ĥย": 125863, + "еÑĢе": 125864, + "ãģ¿ãģŁãģĦ": 125865, + "ìĿ´ëĿ¼": 125866, + "ĠاÙĦÙħÙĪ": 125867, + "ĠÑģÑĤо": 125868, + "à¹Ģรà¹ĩว": 125869, + "ĠдеÑĤ": 125870, + "ĠÑģдел": 125871, + "à¹Ģà¸Ĭืà¹Īà¸Ń": 125872, + "פ׳×Ļ": 125873, + "ÙĪØ¶ÙĪØ¹": 125874, + "×ijס": 125875, + "à¹ģà¸Ķ": 125876, + "óc": 125877, + "ริม": 125878, + "ÑĢад": 125879, + "ìĪł": 125880, + "ãĥ¼ãĤº": 125881, + "ãģ«ãģĬ": 125882, + "ино": 125883, + "פ×Ļ׾": 125884, + "à¸Ĭัà¹Īà¸Ļ": 125885, + "×Ĺ×ĵש": 125886, + "à¹Ģà¸Ļืà¹Īà¸Ńà¸ĩ": 125887, + "׳×Ļס": 125888, + "غرب": 125889, + "ãĤ¸ãĥ£": 125890, + "สัà¸ĩ": 125891, + "à¹Ģà¸Ĺีà¹Ī": 125892, + "à¹Ģà¸Ĺีà¹Īยว": 125893, + "ëŁ¼": 125894, + "à¹ģà¸Ł": 125895, + "ãĥ¼ãĤ·": 125896, + "ãĥ¼ãĤ·ãĥ§ãĥ³": 125897, + "Ġвозмож": 125898, + "جÙħÙĪØ¹": 125899, + "×ijר×Ļ×Ŀ": 125900, + "ãĥĪãĥ©": 125901, + "ĠкаÑĩеÑģÑĤв": 125902, + "Ø·ÙĬ": 125903, + "ÑĤÑı": 125904, + "צ×ķ×¢": 125905, + "ģını": 125906, + "عÙĦÙī": 125907, + "اذ": 125908, + "ÙĪØ§ÙĤع": 125909, + "ÙħÙĪØ§": 125910, + "ائÙĬÙĦ": 125911, + "кол": 125912, + "á»ģm": 125913, + "à¸ľà¸¥à¸´à¸ķ": 125914, + "×Ļ׳×ĺר": 125915, + "سÙĥ": 125916, + "ש×Ļר": 125917, + "ศึà¸ģษา": 125918, + "à¸ļั": 125919, + "ÑĩаÑģ": 125920, + "×ķפ×Ķ": 125921, + "×Ļפ×ķ׾": 125922, + "ĠاÙĦساب": 125923, + "رÙĬب": 125924, + "ĠاÙĦبÙĬ": 125925, + "ãĤ¹ãĥĨ": 125926, + "Ñĩен": 125927, + "à¹ģà¸ľ": 125928, + "Ġ׳ש": 125929, + "زÙĬد": 125930, + "ØŃاد": 125931, + "ëįĶ": 125932, + "رÙĪØ¹": 125933, + "à¸Ĺุà¸Ļ": 125934, + "สมา": 125935, + "czeÅĦ": 125936, + "×Ļ×ĵ×Ķ": 125937, + "ãģ§ãģĤ": 125938, + "Ġçocuk": 125939, + "خب": 125940, + "à¸ļาย": 125941, + "à¸Ľà¸£à¸°à¸Ĭา": 125942, + "×ŀש׾": 125943, + "ãģªãģĭ": 125944, + "à¸ģาย": 125945, + "ãĥģãĥ£": 125946, + "аÑĢи": 125947, + "ĠÑĩа": 125948, + "à¸Ķำ": 125949, + "à¸Ĺัà¹Īว": 125950, + "ÑĥÑħ": 125951, + "Ġöz": 125952, + "Ġì¢ĭ": 125953, + "جرÙĬ": 125954, + "ائÙĤ": 125955, + "à¸łà¸±à¸¢": 125956, + "طار": 125957, + "دارة": 125958, + "Ä©nh": 125959, + "Ø«ÙĨ": 125960, + "zellik": 125961, + "اÙĦت": 125962, + "Ġgeli": 125963, + "ãĥķãĤ©": 125964, + "олод": 125965, + "ربع": 125966, + "שת×ŀש": 125967, + "à¸ļรร": 125968, + "íĿ¬": 125969, + "Ġürün": 125970, + "Ġê·¸ëłĩ": 125971, + "ศาสà¸ķรà¹Į": 125972, + "ãģľ": 125973, + "×Ļ×ij׾": 125974, + "ĠпÑĢедÑģÑĤав": 125975, + "سطÙĬÙĨ": 125976, + "ãĤĴ使": 125977, + "ĠпомоÑī": 125978, + "×ķקר": 125979, + "ãĥ¯ãĥ¼": 125980, + "Ġyönet": 125981, + "×Ļקר": 125982, + "à¸Ĥา": 125983, + "еÑĢиал": 125984, + "ØŃÙģ": 125985, + "Ġ×Ļצ": 125986, + "à¸Ĺิ": 125987, + "売": 125988, + "à¸Ļà¸Ńà¸ģ": 125989, + "×ķ׼ר": 125990, + "íĻľ": 125991, + "á»§y": 125992, + "ĠاÙĦÙĤر": 125993, + "×Ļ×ij×ķת": 125994, + "ÅĽni": 125995, + "Ùħشار": 125996, + "ượt": 125997, + "ĠÙĦدÙĬ": 125998, + "ÑĤел": 125999, + "ĠØ¥ÙĦÙĬ": 126000, + "عÙĦÙĪÙħ": 126001, + "ìķĺ": 126002, + "виÑĤ": 126003, + "à¸Ħะ": 126004, + "yrı": 126005, + "ãģ¨ãģ£ãģ¦": 126006, + "à¹Ģà¸ī": 126007, + "à¸ĸาม": 126008, + "ÙĤار": 126009, + "عÙĦاÙħ": 126010, + "ặng": 126011, + "ÙħÙĴ": 126012, + "×Ļ×ŀת": 126013, + "سبة": 126014, + "ãĤ¯ãĥ©": 126015, + "×ķסף": 126016, + "ĠпÑĢин": 126017, + "ãģĦãĤį": 126018, + "ساس": 126019, + "عتبر": 126020, + "วิà¸Ĺย": 126021, + "วิà¸Ĺยา": 126022, + "سÙĥر": 126023, + "ãĤ·ãĥ§": 126024, + "ãģģ": 126025, + "ัà¸ģษ": 126026, + "×ij×ķ×Ķ": 126027, + "หย": 126028, + "ãģ¾ãĤĮ": 126029, + "ĠоÑĢганиз": 126030, + "казал": 126031, + "ĠÑģвÑıз": 126032, + "uyết": 126033, + "ĠпÑĢоиз": 126034, + "Ġ×§×ĺ": 126035, + "à¹ģà¸ģà¹ī": 126036, + "пÑĥÑģ": 126037, + "Ġê·¸ê²ĥ": 126038, + "ëĬIJ": 126039, + "лекÑģ": 126040, + "ãĥ¼ãĥĹ": 126041, + "à¸ķำ": 126042, + "ת×Ĺ×Ļ׾": 126043, + "à¸Ńà¸ĩà¸Ħà¹Į": 126044, + "ẵ": 126045, + "׳צ": 126046, + "أش": 126047, + "Ø´Ùĩ": 126048, + "ยะ": 126049, + "à¸ģà¸İ": 126050, + "ĠاÙĦإسÙĦاÙħ": 126051, + "едÑĮ": 126052, + "ãģ²ãģ¨": 126053, + "ëıĦë¡Ŀ": 126054, + "ãģ©ãģ®": 126055, + "Ñĥв": 126056, + "еÑĩение": 126057, + "ĠاÙĦتج": 126058, + "ãģ«è¡Į": 126059, + "Ġпозв": 126060, + "ãĤıãĤĬ": 126061, + "ÙĦاث": 126062, + "íķĺìĺĢ": 126063, + "ĠмаÑĢ": 126064, + "ĠkonuÅŁ": 126065, + "ãĥ¬ãĤ¹": 126066, + "ãĤĴæĮģ": 126067, + "ĠоÑģнов": 126068, + "×Ĺ×ij": 126069, + "ÙĪØ¬ÙĪØ¯": 126070, + "פ×ķף": 126071, + "воÑĢ": 126072, + "Ġник": 126073, + "ãģĭãĤĭ": 126074, + "ÅŁtırma": 126075, + "×Ļס×ĺ": 126076, + "Ø£ÙĦ": 126077, + "หà¹Į": 126078, + "иона": 126079, + "лÑĮн": 126080, + "ĠгоÑģ": 126081, + "ĠÐľÐ¾Ñģк": 126082, + "ÑĢоб": 126083, + "×ķ×IJ×Ļ": 126084, + "ãģĬãĤĬãģ¾ãģĻ": 126085, + "ãģ£ãģ±": 126086, + "кл": 126087, + "à¸Ļà¸Ķà¹Į": 126088, + "رÙĬÙģ": 126089, + "اسب": 126090, + "ĠÑĢеÑĪ": 126091, + "Ġдол": 126092, + "ãģ¹ãģį": 126093, + "×Ļ×ij×ķר": 126094, + "меÑī": 126095, + "ĠнаÑĪ": 126096, + "à¹ģà¸Ľà¸¥": 126097, + "ÑĢиÑĤ": 126098, + "кÑĥÑģ": 126099, + "иÑĢа": 126100, + "аÑĤÑĥÑĢ": 126101, + "ÙĪØ§ØµÙĦ": 126102, + "à¹Ģà¸ľà¸¢": 126103, + "à¸Ńำ": 126104, + "à¹Ģà¸ģิà¸Ļ": 126105, + "غÙħ": 126106, + "ãģĻãģİ": 126107, + "lıkl": 126108, + "ÅĦsk": 126109, + "견": 126110, + "×Ļ׼×Ķ": 126111, + "×Ĺש×ij": 126112, + "ÙĪØ±ÙĬØ©": 126113, + "ĠдейÑģÑĤв": 126114, + "×Ĺ׾×ĺ": 126115, + "Ġ׾×ŀ×¢": 126116, + "צ׾×Ļ×Ĺ": 126117, + "еÑĩа": 126118, + "ÙģØ§Ø¹": 126119, + "×Ĵ×Ļ×ĵ": 126120, + "áºŃm": 126121, + "ÄĻb": 126122, + "شع": 126123, + "ãģıãĤĬ": 126124, + "à¸ŀุ": 126125, + "едеÑĢ": 126126, + "à¸Ĥà¸Ļ": 126127, + "à¸Ħาร": 126128, + "ĠболÑĮÑĪ": 126129, + "ãģıãģªãĤĬ": 126130, + "à¸ĵา": 126131, + "×ĵ×ķ×Ĵ": 126132, + "Ġмн": 126133, + "ä¸ĬãģĮ": 126134, + "ç¶ļãģį": 126135, + "ฤษ": 126136, + "à¸Ĩ": 126137, + "Ø®ÙĬ": 126138, + "à¹Ģà¸Ĺà¸ŀ": 126139, + "สัม": 126140, + "à¹Ģสà¸Ļ": 126141, + "à¹Ģสà¸Ļà¸Ń": 126142, + "ãĥ´": 126143, + "ĠиÑģÑĤ": 126144, + "باشر": 126145, + "ĠÑĥÑĢов": 126146, + "×ŀ×ķ×ĸ": 126147, + "abı": 126148, + "waż": 126149, + "×ķצ×IJ×Ķ": 126150, + "ÑĤвеÑĢ": 126151, + "à¸ŀัà¸Ļà¸ĺà¹Į": 126152, + "׳×Ĵ×ĵ": 126153, + "ãĤĭãģĵãģ¨ãģĮãģ§ãģį": 126154, + "ĠÑĤÑĢеб": 126155, + "à¸ģรุà¸ĩ": 126156, + "ØŃتاج": 126157, + "à¹Ģà¸Ħล": 126158, + "ãĨ": 126159, + "ÄĻtr": 126160, + "Ġszczeg": 126161, + "Ġרש": 126162, + "à¸Ĺà¸ĺ": 126163, + "Ġнек": 126164, + "ĠнекоÑĤоÑĢ": 126165, + "вÑĪ": 126166, + "Ь": 126167, + "à¹Īวย": 126168, + "ลุ": 126169, + "бÑĢÑı": 126170, + "หมูà¹Ī": 126171, + "à¹ģà¸ķà¸ģ": 126172, + "ר׼×Ļ×Ŀ": 126173, + "Ġíĸī": 126174, + "ãi": 126175, + "Ùĥرة": 126176, + "âŃ": 126177, + "íIJ": 126178, + "ãį": 126179, + "áģ": 126180, + "â®": 126181, + "â¥": 126182, + "ì®": 126183, + "à¿": 126184, + "â¿": 126185, + "áĤ": 126186, + "á¤": 126187, + "âł": 126188, + "íŁ": 126189, + "ðIJį": 126190, + "ðIJ°": 126191, + "ðĿĨ": 126192, + "ðŁĪ": 126193, + "Ġ×¢×ľ": 126194, + "ĠعÙĨ": 126195, + "ĠÙħع": 126196, + "Ġ×ĸ×Ķ": 126197, + "ĠÙħا": 126198, + "ĠmÃł": 126199, + "Ġdụ": 126200, + "á»ĩc": 126201, + "аÑħ": 126202, + "sı": 126203, + "íķĺê³ł": 126204, + "Ġ×ķ×ij": 126205, + "ĠÐŁÐ¾": 126206, + "×ķתר": 126207, + "ĠÙĦÙħ": 126208, + "Ġ×ķ׾": 126209, + "ãģĹãģ¦ãģĦãĤĭ": 126210, + "Ġ×ŀ×Ļ": 126211, + "ĠبÙĬÙĨ": 126212, + "за": 126213, + "ĠÙĥاÙĨ": 126214, + "Ġ×Ķ×Ļ×Ķ": 126215, + "ëħĦ": 126216, + "×IJ×ķ": 126217, + "ди": 126218, + "ĠпеÑĢе": 126219, + "dı": 126220, + "Ġ׾ש": 126221, + "Ġש×ŀ": 126222, + "ãģĮãģĤãĤĭ": 126223, + "ãģĦãģĦ": 126224, + "ÑĢе": 126225, + "×§×ķ": 126226, + "или": 126227, + "ме": 126228, + "ÙĬت": 126229, + "ãģ§ãģĤãĤĭ": 126230, + "Ġво": 126231, + "à¹ĥหม": 126232, + "à¹ĥหมà¹Ī": 126233, + "Ġש×ij": 126234, + "Ġà¹Ĥà¸Ķย": 126235, + "ÙĬÙĩ": 126236, + "ãģ§ãģĻãģĮ": 126237, + "ãģ¨ãģ¯": 126238, + "ר×ķ": 126239, + "Ġà¸ĭึà¹Īà¸ĩ": 126240, + "ãģ§ãģįãĤĭ": 126241, + "мо": 126242, + "à¹Ģà¸ŀืà¹Īà¸Ń": 126243, + "צ×ķ": 126244, + "×ĺ×ķ": 126245, + "ìķĪ": 126246, + "Ġhá»į": 126247, + "à¹Ģà¸ĩิà¸Ļ": 126248, + "ĠاÙĦب": 126249, + "Ġมี": 126250, + "물": 126251, + "Ñģе": 126252, + "ëĵ¤ìĿ´": 126253, + "Ġë§IJ": 126254, + "ĠlỼ": 126255, + "aÅĤ": 126256, + "×Ĺ×ijר": 126257, + "Ġdá»±": 126258, + "ÙĬØ«": 126259, + "Ġthá»ĭ": 126260, + "à¸ģà¹Īà¸Ńà¸Ļ": 126261, + "Ġ×ij׼׾": 126262, + "ãģ¸": 126263, + "ã썿ĢĿãģĦãģ¾ãģĻ": 126264, + "ảnh": 126265, + "ยา": 126266, + "Ù쨧": 126267, + "สี": 126268, + "à¸ķา": 126269, + "ë²ķ": 126270, + "ãĥªãĥ¼": 126271, + "ราà¸Ħา": 126272, + "Ġ×ķ׾×IJ": 126273, + "ãģ¨ãģĵãĤį": 126274, + "à¹Ģลืà¸Ń": 126275, + "diÄŁi": 126276, + "ÙĪØ§ÙĨ": 126277, + "Ġ׾×Ķת": 126278, + "รวม": 126279, + "פ×Ļ×Ŀ": 126280, + "à¸ľà¸¡": 126281, + "жи": 126282, + "cı": 126283, + "ÑĢод": 126284, + "ĠkarÅŁÄ±": 126285, + "×Ĵ×ķ": 126286, + "ãģ«ãģ¤": 126287, + "ãģ«ãģ¤ãģĦãģ¦": 126288, + "rÃł": 126289, + "×Ļ×ķתר": 126290, + "ĠìĨĮ": 126291, + "×§×Ķ": 126292, + "ÑģÑĤво": 126293, + "ãģijãģ©": 126294, + "gé": 126295, + "à¸Ķà¹īาà¸Ļ": 126296, + "çļĦãģ«": 126297, + "ĠÙĬÙħÙĥÙĨ": 126298, + "ìĨį": 126299, + "ÙĬÙĥ": 126300, + "à¹Ħวà¹ī": 126301, + "Ñģкий": 126302, + "ìm": 126303, + "Ġ׾×IJ×Ĺר": 126304, + "à¸Ńาหาร": 126305, + "Ġà¹Ģà¸ŀ": 126306, + "ราะ": 126307, + "ลูà¸ģ": 126308, + "ÑģÑĤа": 126309, + "Ġìľł": 126310, + "ÙĤÙĪÙĦ": 126311, + "боÑĢ": 126312, + "Ñģкого": 126313, + "หลัà¸ĩ": 126314, + "à¸Ĥà¹Īาว": 126315, + "à¹Ģมืà¸Ńà¸ĩ": 126316, + "ê°ģ": 126317, + "tÃł": 126318, + "ÙĬÙĬÙĨ": 126319, + "عرض": 126320, + "ë°©": 126321, + "ĠëıĻ": 126322, + "Ġà¹Ģà¸Ľ": 126323, + "Ġà¹Ģà¸Ľà¹ĩà¸Ļ": 126324, + "çi": 126325, + "liÄŁi": 126326, + "ìĹIJê²Į": 126327, + "ãĤ¿ãĥ¼": 126328, + "Ġ×ľ×ª": 126329, + "פ×ķת": 126330, + "à¸Ĥà¸Ń": 126331, + "رس": 126332, + "ìłIJ": 126333, + "à¸ľà¹Īาà¸Ļ": 126334, + "ÑĦи": 126335, + "جÙĨ": 126336, + "ì¢ħ": 126337, + "Ġ×Ķפ": 126338, + "Ġngo": 126339, + "á»ĭa": 126340, + "Ġtá»ķ": 126341, + "Ġ그리": 126342, + "à¹Ģมืà¹Īà¸Ń": 126343, + "ذÙĥر": 126344, + "ìĸij": 126345, + "ìĹŃ": 126346, + "×ĺ׾": 126347, + "kı": 126348, + "ĠعÙħÙĦ": 126349, + "ĠعÙĨد": 126350, + "à¸ĭืà¹īà¸Ń": 126351, + "Ġê±°": 126352, + "ве": 126353, + "rü": 126354, + "à¹Ģà¸Ńา": 126355, + "สà¹Į": 126356, + "à¸Īà¸Ļ": 126357, + "סת": 126358, + "Ġgiả": 126359, + "ãĤĭãģ¨": 126360, + "à¸ģำลัà¸ĩ": 126361, + "ней": 126362, + "à¸Īริ": 126363, + "à¸Īริà¸ĩ": 126364, + "Ġëį": 126365, + "ĠëįĶ": 126366, + "à¸Ħà¹Īะ": 126367, + "ìn": 126368, + "Ġsüre": 126369, + "Ġquy": 126370, + "à¸ļาà¸ĩ": 126371, + "åıĸãĤĬ": 126372, + "ר×Ĺ": 126373, + "×ijת": 126374, + "ãģĮãģĤãĤĬãģ¾ãģĻ": 126375, + "רש": 126376, + "ìĹIJëĬĶ": 126377, + "Ġ×IJפשר": 126378, + "ayı": 126379, + "ãģĮãĤī": 126380, + "ØŃب": 126381, + "анÑģ": 126382, + "سÙĪ": 126383, + "ĠпÑĢе": 126384, + "دÙĪ": 126385, + "ãģ«ãĤĪ": 126386, + "à¹Ģà¸ģม": 126387, + "สูà¸ĩ": 126388, + "makt": 126389, + "maktad": 126390, + "maktadır": 126391, + "Ġönem": 126392, + "×Ļ×ŀ×Ļ×Ŀ": 126393, + "бо": 126394, + "ÙĪÙĬØ©": 126395, + "à¸£à¸¹à¸Ľ": 126396, + "à¹Ĥลà¸ģ": 126397, + "ÙħÙĬع": 126398, + "ÑģÑĤÑĥп": 126399, + "à¹Ĥà¸Ń": 126400, + "دÙĬÙĨ": 126401, + "ì¤ij": 126402, + "ãģĹãģı": 126403, + "à¹Ģสีย": 126404, + "вÑĭ": 126405, + "Ùħت": 126406, + "íĺĦ": 126407, + "ãĥIJãĥ¼": 126408, + "اش": 126409, + "קס": 126410, + "Ġtụ": 126411, + "ลà¸Ķ": 126412, + "Ù쨩": 126413, + "íijľ": 126414, + "رج": 126415, + "kÅĤad": 126416, + "ĠÅŁey": 126417, + "ĠØ£Ùħ": 126418, + "Ġà¹Ģม": 126419, + "ĠبÙĦ": 126420, + "ÑģкаÑı": 126421, + "ãģ¨ãģ®": 126422, + "Ġìĭ¤": 126423, + "ấm": 126424, + "หà¹īà¸Ńà¸ĩ": 126425, + "à¸Ĭม": 126426, + "dü": 126427, + "Ġçek": 126428, + "Ġê³ł": 126429, + "×Ĵ×ij": 126430, + "à¸Ĭีวิ": 126431, + "à¸Ĭีวิà¸ķ": 126432, + "Ù쨶ÙĦ": 126433, + "ฯ": 126434, + "çı": 126435, + "Ġبش": 126436, + "ĠÙĩÙĨا": 126437, + "ãģįãģ¾ãģĹãģŁ": 126438, + "tü": 126439, + "Ġìĺģ": 126440, + "ĠTürk": 126441, + "кÑĤ": 126442, + "פרס": 126443, + "ãģ¨ãģĦãģĨãģĵãģ¨": 126444, + "íĶĦ": 126445, + "à¹ģรà¸ģ": 126446, + "ר×ķף": 126447, + "Ġaras": 126448, + "×ŀצ×IJ": 126449, + "Ġtá»ī": 126450, + "سا": 126451, + "à¸ŀà¸Ń": 126452, + "ĠاÙĦÙħØŃ": 126453, + "ãĥ¤": 126454, + "ĠاÙĦاست": 126455, + "ÙģÙĨ": 126456, + "×Ļ×ŀ×Ķ": 126457, + "رت": 126458, + "ãģ¨ãĤĤ": 126459, + "ĠнаÑģ": 126460, + "пÑĢи": 126461, + "Ġ×Ĺ×ķ": 126462, + "ила": 126463, + "ÙĬØ´": 126464, + "Ġgöz": 126465, + "Ġ×ij׳×Ļ": 126466, + "ımı": 126467, + "ĠÑĤеÑħ": 126468, + "Ġhá»Ļ": 126469, + "غر": 126470, + "кон": 126471, + "اØŃت": 126472, + "Ġà¸ŀ": 126473, + "à¸Ńà¸Ńà¸Ļ": 126474, + "à¸Ńà¸Ńà¸Ļà¹Ħล": 126475, + "à¸Ńà¸Ńà¸Ļà¹Ħลà¸Ļà¹Į": 126476, + "Ñħо": 126477, + "Ñıв": 126478, + "à¹ģสà¸Ķ": 126479, + "à¹ģสà¸Ķà¸ĩ": 126480, + "à¹Ģà¸ŀียà¸ĩ": 126481, + "ÑĤов": 126482, + "اÙĬ": 126483, + "Ġ×Ķ×ĵ": 126484, + "Ġ×ķ׼": 126485, + "ãĤīãģĦ": 126486, + "×ķפף": 126487, + "Ġë¶Ī": 126488, + "ลà¸Ńà¸ĩ": 126489, + "طاÙĦ": 126490, + "Ġни": 126491, + "ĠÙħست": 126492, + "ếc": 126493, + "Ġש׼": 126494, + "ĠëķĮ문": 126495, + "วัà¸Ļà¸Ĺีà¹Ī": 126496, + "×Ļ׾×ĵ": 126497, + "ØŃا": 126498, + "еÑĨ": 126499, + "Ġcứ": 126500, + "×ĵ×ķר": 126501, + "ĠÙħØŃ": 126502, + "ר׼×ij": 126503, + "بÙĬع": 126504, + "нии": 126505, + "ĠاÙĦØ£ÙĪÙĦ": 126506, + "à¸Ħวร": 126507, + "ã썿ĢĿãģĨ": 126508, + "ĠСо": 126509, + "ائÙĬØ©": 126510, + "راء": 126511, + "оÑģоб": 126512, + "ĠبأÙĨ": 126513, + "×¢×ķ×ĵ": 126514, + "ĠÑĤе": 126515, + "ãģĵãģĨ": 126516, + "ÑģÑĤÑĢа": 126517, + "айн": 126518, + "Ġsöz": 126519, + "تÙĨا": 126520, + "à¸Ńิ": 126521, + "ặp": 126522, + "ĠìķĦëĭĪ": 126523, + "íķŃ": 126524, + "Ġר×IJש": 126525, + "Ġà¹Ħà¸Ķà¹ī": 126526, + "Ġ×Ĵ×ĵ": 126527, + "Ġספר": 126528, + "обÑīе": 126529, + "ĠÙĪØ¥": 126530, + "adaÅŁ": 126531, + "ãģ¡ãĤĩ": 126532, + "×§×ķ׾": 126533, + "ÑĢез": 126534, + "ĠdÃ¼ÅŁÃ¼n": 126535, + "Ġ×ij×IJ×ŀ": 126536, + "Ġìĸ´ëĸ": 126537, + "ער×ij": 126538, + "нее": 126539, + "ĠÑģÑĤÑĢан": 126540, + "ساÙĨ": 126541, + "ynı": 126542, + "ĠاÙĦرئÙĬس": 126543, + "ãģĹãģª": 126544, + "Ġ×ł×ª": 126545, + "ãģ«ãģªãģ£ãģŁ": 126546, + "gü": 126547, + "åıĹãģij": 126548, + "×ľ×ª": 126549, + "ìłĪ": 126550, + "ëĬĶëį°": 126551, + "Ø®ÙĬر": 126552, + "à¸ķà¹īà¸Ńà¸ĩà¸ģาร": 126553, + "ĠÙĦØ£ÙĨ": 126554, + "Ġchá»ĭ": 126555, + "ÙĪØ©": 126556, + "à¹ĥส": 126557, + "ë¶ĢíĦ°": 126558, + "íķĺë©´": 126559, + "ữu": 126560, + "à¹Ģหมืà¸Ńà¸Ļ": 126561, + "беÑĢ": 126562, + "ĠìĿ´ìļ©": 126563, + "ĠÑģеб": 126564, + "wiÄĻks": 126565, + "Ġ×ł×¢": 126566, + "ÑĤÑĥÑĢ": 126567, + "ĠnghÄ©": 126568, + "ש×ķ×ĺ": 126569, + "tiÄŁi": 126570, + "ĠdeÄŁi": 126571, + "×IJ×ij": 126572, + "Ġ×ŀ×ŀ": 126573, + "ãĥĹãĥŃ": 126574, + "waÅĤ": 126575, + "à¸Īึà¸ĩ": 126576, + "خدÙħ": 126577, + "×IJ×Ŀ": 126578, + "Ä±ÅŁÄ±": 126579, + "czÄħ": 126580, + "ר×ĵ": 126581, + "ĠÑĢÑĥб": 126582, + "خرÙī": 126583, + "ã쮿ĸ¹": 126584, + "ĠденÑĮ": 126585, + "×Ĺ×Ļ×Ŀ": 126586, + "еÑĤе": 126587, + "ëĤľ": 126588, + "×IJ×Ĵ": 126589, + "×¢×ķר": 126590, + "ë³Ħ": 126591, + "åIJĮãģĺ": 126592, + "ãĤ²": 126593, + "ר×ļ": 126594, + "×ķש×IJ": 126595, + "ìľ¡": 126596, + "اخ": 126597, + "צ×Ļ×Ķ": 126598, + "á»±a": 126599, + "ãģĪãģ¦": 126600, + "ש×Ķ×ķ": 126601, + "анÑĤ": 126602, + "ลาà¸Ķ": 126603, + "инг": 126604, + "ë¡ł": 126605, + "اعد": 126606, + "ÙĪØ³Ø·": 126607, + "Ġвоп": 126608, + "ĠвопÑĢоÑģ": 126609, + "ÙħÙĬÙĨ": 126610, + "à¸Ħà¸ĩ": 126611, + "×Ļר×Ļ×Ŀ": 126612, + "ców": 126613, + "격": 126614, + "Ġê·¸ëŁ°": 126615, + "Ġì§Ħ": 126616, + "Ġש׾×Ķ": 126617, + "à¹Ģริà¹Īม": 126618, + "à¸Ĭà¸Ńà¸ļ": 126619, + "деÑĤ": 126620, + "ÑİÑīиÑħ": 126621, + "à¸ļà¸Ńà¸ģ": 126622, + "æĢĿãģĦ": 126623, + "عÙĬد": 126624, + "ס×ŀ": 126625, + "×Ĵ×Ļ×¢": 126626, + "צ×ĵ": 126627, + "بات": 126628, + "ĠëͰëĿ¼": 126629, + "à¸Īัà¸ĩ": 126630, + "ãģłãģijãģ§": 126631, + "×¢×Ļר": 126632, + "ĠÑĩел": 126633, + "ĠÑĩелов": 126634, + "ĠÑĩеловек": 126635, + "ãĥĥãĥģ": 126636, + "à¹Ģà¸ģีà¹Īยว": 126637, + "à¸Ķิ": 126638, + "Ġפע": 126639, + "×Ļ×ŀ×Ļ": 126640, + "ë°ĺ": 126641, + "خار": 126642, + "×ij×Ļת": 126643, + "×¢×Ļ×Ŀ": 126644, + "üyor": 126645, + "ãĤģãģ¦": 126646, + "клад": 126647, + "Ġà¸Īาà¸ģ": 126648, + "à¹Ģà¸Ħย": 126649, + "สà¸Ńà¸ĩ": 126650, + "à¹ģà¸Ħà¹Ī": 126651, + "ẫu": 126652, + "หà¸Ļัà¸ĩ": 126653, + "ש׾×ķ×Ŀ": 126654, + "اÙĨÙĬØ©": 126655, + "åĩºä¼ļ": 126656, + "åĩºä¼ļãģĦ": 126657, + "à¸łà¸²à¸¢": 126658, + "à¸ļาà¸Ĺ": 126659, + "à¸Ĭาว": 126660, + "muÅŁ": 126661, + "Ġ׾ק×ij׾": 126662, + "ãĤ·ãĥ£": 126663, + "ĠÄ°ÅŁ": 126664, + "×Ĵ×ĵ×ķ׾": 126665, + "جعÙĦ": 126666, + "ë³Ģ": 126667, + "ยิà¹Īà¸ĩ": 126668, + "à¸Ļาย": 126669, + "à¸Ļีà¹Ī": 126670, + "วิà¸ĺี": 126671, + "ãĤīãģªãģĦ": 126672, + "ëłĪ": 126673, + "Ġë¬¸ìłľ": 126674, + "Ġà¸ģ": 126675, + "à¸Ĺำà¸ĩาà¸Ļ": 126676, + "à¹Ģวà¹ĩà¸ļ": 126677, + "ÑĦе": 126678, + "楽ãģĹ": 126679, + "สำà¸Ħ": 126680, + "สำà¸Ħัà¸į": 126681, + "رÙħ": 126682, + "ãģķãĤĮãģ¦": 126683, + "Ġобла": 126684, + "ר×IJ×Ļ": 126685, + "หมà¸Ķ": 126686, + "ÙĨÙĬØ©": 126687, + "лин": 126688, + "ĠeÄŁ": 126689, + "itim": 126690, + "ëł¹": 126691, + "صاÙĦ": 126692, + "ÅĽl": 126693, + "à¸ľà¸´à¸Ķ": 126694, + "ãĥŀãĥ³": 126695, + "åħ¥ãĤĮ": 126696, + "à¹Ģà¸ķà¸Ńรà¹Į": 126697, + "ارÙĬ": 126698, + "ĠЦ": 126699, + "dür": 126700, + "สวย": 126701, + "립": 126702, + "رÙĥØ©": 126703, + "Ġhã": 126704, + "×Ļת×Ķ": 126705, + "à¸Ĥà¸Ļา": 126706, + "à¸Ĥà¸Ļาà¸Ķ": 126707, + "à¸Īำà¸Ļ": 126708, + "à¸Īำà¸Ļวà¸Ļ": 126709, + "ש×ķ×§": 126710, + "Ġдом": 126711, + "ì±ħ": 126712, + "ãģĭãģij": 126713, + "פ×ķ׾": 126714, + "à¸Ĭาย": 126715, + "ÑģмоÑĤÑĢ": 126716, + "ÑģлÑĥж": 126717, + "ש×IJ׾": 126718, + "кÑĢÑĭÑĤ": 126719, + "Ġìŀĺ": 126720, + "é«ĺãģĦ": 126721, + "ĠÑĢÑĥк": 126722, + "ÙĨص": 126723, + "дав": 126724, + "ưỡ": 126725, + "ưỡng": 126726, + "راÙħ": 126727, + "×Ļ׳×Ļ×Ŀ": 126728, + "ãĥ©ãĥ¼": 126729, + "ëĦ¤": 126730, + "Ġتع": 126731, + "lke": 126732, + "好ãģį": 126733, + "æĮģãģ¡": 126734, + "Ġë§İ": 126735, + "Ġyük": 126736, + "ĠÑģоÑģÑĤав": 126737, + "енÑĤÑĢ": 126738, + "peÅĤ": 126739, + "à¹Ģà¸Ľà¸¥à¸µà¹Īย": 126740, + "à¹Ģà¸Ľà¸¥à¸µà¹Īยà¸Ļ": 126741, + "íıī": 126742, + "ãĤĦãģĻ": 126743, + "×Ĺ×ĸ": 126744, + "×ijר×Ķ": 126745, + "루": 126746, + "ìĶĢ": 126747, + "بØŃØ«": 126748, + "à¹Ģà¸ķà¹ĩ": 126749, + "ówi": 126750, + "بÙĩ": 126751, + "ãģįãģ¾ãģĻ": 126752, + "Ġ×¢×ŀ": 126753, + "×Ĵ×ķ׾": 126754, + "езд": 126755, + "ÙĬÙ쨩": 126756, + "สà¸Ļà¹ĥà¸Ī": 126757, + "Ġ×ª×ľ": 126758, + "ÑıÑī": 126759, + "ĠسÙĨ": 126760, + "ĠÙĪØ§ØŃد": 126761, + "ĠÑģм": 126762, + "ladı": 126763, + "ıld": 126764, + "×Ļרת": 126765, + "ียà¸Ļ": 126766, + "ת×Ĺת": 126767, + "Ġжиз": 126768, + "à¸ŀั": 126769, + "à¸ŀัà¸Ĵ": 126770, + "à¸ŀัà¸Ĵà¸Ļา": 126771, + "à¸Ĭิ": 126772, + "اخÙĦ": 126773, + "ãģ£ãģ¦ãģĦãģŁ": 126774, + "รัà¸IJ": 126775, + "ãĤģãĤĭ": 126776, + "à¹Ĥà¸ģ": 126777, + "ĠTá»ķ": 126778, + "Ġhakk": 126779, + "رÙģ": 126780, + "ìłĢ": 126781, + "Ñģоб": 126782, + "ãģªãģijãĤĮãģ°": 126783, + "ÙĩÙĪ": 126784, + "Ġë²ķ": 126785, + "ãĤĨ": 126786, + "ĠاÙĦسعÙĪØ¯": 126787, + "Ġ×IJתר": 126788, + "اغ": 126789, + "Ġ׾×ĵ": 126790, + "à¹ģà¸ķ": 126791, + "à¹ģà¸ķà¹Īà¸ĩ": 126792, + "íĮĮ": 126793, + "ÑĥпиÑĤÑĮ": 126794, + "à¸ŀืà¹īà¸Ļà¸Ĺีà¹Ī": 126795, + "×ijת×Ļ": 126796, + "à¹ĩà¸ģ": 126797, + "ÅĤat": 126798, + "Ġê°ľìĿ¸": 126799, + "ìłķë³´": 126800, + "ÑĤал": 126801, + "Ġgüven": 126802, + "Ġİl": 126803, + "Ġê°ģ": 126804, + "Ġبت": 126805, + "×ŀ×ķ׳×Ķ": 126806, + "ĠاÙĦØŃÙĥÙĪÙħ": 126807, + "ÙĤات": 126808, + "à¹ģà¸ģà¹Ī": 126809, + "หาà¸ģ": 126810, + "нÑĮ": 126811, + "à¸Ľà¸£à¸±à¸ļ": 126812, + "มาà¸ĵ": 126813, + "ĠнеÑģк": 126814, + "Ġض": 126815, + "สมั": 126816, + "สมัà¸Ħร": 126817, + "ãģĮãģĤãĤĬ": 126818, + "меÑģÑĤ": 126819, + "Ġ×IJצ׾": 126820, + "Ġкомпани": 126821, + "סר": 126822, + "ÙĬÙħØ©": 126823, + "ĠÑħоÑĢо": 126824, + "ĠÑħоÑĢоÑĪ": 126825, + "Ġ×Ļ×ķ×ĵ": 126826, + "üs": 126827, + "×Ĵ×Ļש": 126828, + "à¸ļà¸Ĺ": 126829, + "تÙĨظ": 126830, + "วาà¸ĩ": 126831, + "มหา": 126832, + "Ġ׼×ķ׾": 126833, + "à¸Ĥà¹īาà¸ĩ": 126834, + "ë°ľ": 126835, + "год": 126836, + "дан": 126837, + "ãģĭãĤĤãģĹãĤĮãģ¾ãģĽãĤĵ": 126838, + "ãģĵãģ¡ãĤī": 126839, + "ãĥIJãĤ¤": 126840, + "eceÄŁi": 126841, + "دÙĬدة": 126842, + "ÙĨÙī": 126843, + "Ġëĭ¤ìĿĮ": 126844, + "วี": 126845, + "غا": 126846, + "лиз": 126847, + "à¹Ģà¸Ķิ": 126848, + "à¹Ģà¸Ķิม": 126849, + "ĠÙĬست": 126850, + "Ġyılı": 126851, + "koÅĦ": 126852, + "ãģ§ãģĹãĤĩãģĨãģĭ": 126853, + "ãģĤãģª": 126854, + "ãģĤãģªãģŁ": 126855, + "ÑĨен": 126856, + "ĠÙĪØ²": 126857, + "×IJ×Ļש": 126858, + "à¹Īà¸Ń": 126859, + "رØŃ": 126860, + "ê´ij": 126861, + "ÑĢаÑģÑĤ": 126862, + "Ġ×Ķ׾": 126863, + "ãģĹãģ¦ãĤĤ": 126864, + "×ŀר׼": 126865, + "×ŀר׼×ĸ": 126866, + "éģķãģĦ": 126867, + "ãģŁãģı": 126868, + "ĠÑģÑĥд": 126869, + "веÑģÑĤи": 126870, + "ĠíķĦìļĶ": 126871, + "ãĥķãĤ§": 126872, + "ÑĤелÑĮно": 126873, + "à¹Ģà¸ŀืà¹Īà¸Ńà¸Ļ": 126874, + "ÅĤuż": 126875, + "à¹Ģà¸Ķิà¸Ļà¸Ĺาà¸ĩ": 126876, + "ש×ķר": 126877, + "Ġ×ŀ×ĵ": 126878, + "×ķ×¢×ľ": 126879, + "ÙĦاÙħ": 126880, + "à¹Ħà¸ĭ": 126881, + "лей": 126882, + "кÑĥÑĢ": 126883, + "Ả": 126884, + "à¸Ĺาà¸Ļ": 126885, + "ì§ij": 126886, + "ĠгоÑĢод": 126887, + "רס": 126888, + "׾×ķ×Ĵ": 126889, + "masını": 126890, + "ĠлÑĥÑĩ": 126891, + "ลà¹Īา": 126892, + "ìļ¸": 126893, + "ש×ĺ": 126894, + "ĠÐĺн": 126895, + "íĤ¤": 126896, + "ÙĪÙĦا": 126897, + "ìķł": 126898, + "ĠØ£ÙĬضا": 126899, + "Ùĥار": 126900, + "ĠاÙĦتع": 126901, + "สูà¹Ī": 126902, + "ãĤ¼": 126903, + "×ij×Ļ×IJ": 126904, + "ยà¸ģ": 126905, + "ĠØŃÙĤ": 126906, + "ربÙĬ": 126907, + "ãģĺãĤĥãģªãģĦ": 126908, + "รัà¸ģษา": 126909, + "ÑħодиÑĤ": 126910, + "à¸ķà¸Ńà¸ļ": 126911, + "׳×ĺ×Ļ": 126912, + "ĠاÙĦÙħج": 126913, + "تÙħع": 126914, + "оваÑĤÑĮ": 126915, + "ÙĦÙĬÙĨ": 126916, + "×Ļ×ŀ×ķת": 126917, + "Ġmù": 126918, + "nÄĻ": 126919, + "ĠدÙĬ": 126920, + "׼ש×Ļ×ķ": 126921, + "Ġhiç": 126922, + "ëijIJ": 126923, + "ÙĪØ§Ø¡": 126924, + "ÙĪØ·": 126925, + "ĠاÙĦبÙĦ": 126926, + "à¹ģมà¹ī": 126927, + "×§×ķת": 126928, + "ÙĪØ¬Ø¯": 126929, + "å§ĭãĤģ": 126930, + "ÙĬئة": 126931, + "Ġ매": 126932, + "صبØŃ": 126933, + "פ×IJ": 126934, + "гоÑĢ": 126935, + "ס×Ķ": 126936, + "بÙĬÙĤ": 126937, + "ยาà¸ģ": 126938, + "Ġнад": 126939, + "ÙĬÙij": 126940, + "ĠبÙĪ": 126941, + "ס×ķר": 126942, + "ÙħÙĥاÙĨ": 126943, + "ר×ij": 126944, + "×Ĵ×ĸ": 126945, + "צת": 126946, + "bilit": 126947, + "лаг": 126948, + "ĠNgo": 126949, + "×IJ×ķר": 126950, + "à¸ķà¸Ļ": 126951, + "íĬ¹": 126952, + "à¸Ĺีà¹Īà¸Ķี": 126953, + "à¸Ľà¸£à¸°à¸Īำ": 126954, + "ование": 126955, + "ãģĦãģ¤": 126956, + "ãĥĥãĤ¯ãĤ¹": 126957, + "åIJĪãĤı": 126958, + "åIJĪãĤıãģĽ": 126959, + "×Ļ׳×ķ×Ļ": 126960, + "ạy": 126961, + "Ø«ÙĤ": 126962, + "ĠпÑĢоб": 126963, + "ĠпÑĢоблем": 126964, + "ÅŁeh": 126965, + "ÅŁehir": 126966, + "عادة": 126967, + "اÙĨÙĪÙĨ": 126968, + "à¸ķัวà¹Ģà¸Ńà¸ĩ": 126969, + "ì¶ķ": 126970, + "ılan": 126971, + "бан": 126972, + "ãĥ³ãĥī": 126973, + "à¸Īี": 126974, + "Ġ×Ķש׳×Ļ": 126975, + "поÑĤ": 126976, + "×ķ׾×Ļ×Ŀ": 126977, + "ลัà¸ļ": 126978, + "ĠÑįÑĤи": 126979, + "×ijקש": 126980, + "ë¹ĦìĬ¤": 126981, + "à¸Ńยà¹Īาà¸ĩà¹Ħร": 126982, + "×Ļ׾×Ļ": 126983, + "à¹ĥà¸Ĭà¹Ī": 126984, + "ĠاÙĦÙĥÙĦ": 126985, + "ãĥļãĥ¼ãĤ¸": 126986, + "صة": 126987, + "ÑĤиÑĢ": 126988, + "ãĤĵãģ©": 126989, + "зÑĭк": 126990, + "wyż": 126991, + "ÙĩÙĬ": 126992, + "ĠÙħÙĦÙĬ": 126993, + "Ġвиде": 126994, + "ظاÙħ": 126995, + "داÙĪÙĦ": 126996, + "×ŀת×Ļ": 126997, + "Ġsık": 126998, + "à¹Ģà¸ķิม": 126999, + "ãĤ¢ãĤ¤": 127000, + "каÑħ": 127001, + "צ×Ļ׾": 127002, + "à¹Ģà¸Ĭà¹Īà¸Ļ": 127003, + "маг": 127004, + "магаз": 127005, + "магазин": 127006, + "à¸Ľà¸±": 127007, + "à¸Ľà¸±à¸Ī": 127008, + "Ġש×Ļר×ķת": 127009, + "ียม": 127010, + "ãĥĸãĥ«": 127011, + "ĠدÙĪÙĦ": 127012, + "קר×Ļ×Ŀ": 127013, + "ÙĩÙı": 127014, + "ово": 127015, + "Ġüret": 127016, + "دÙĪÙĨ": 127017, + "à¹ģà¸Ļว": 127018, + "à¹Ģà¸Ļืà¹īà¸Ń": 127019, + "ĠÑĦоÑĤ": 127020, + "ãĥĺ": 127021, + "ãģ¤ãģĭ": 127022, + "ÑıÑģ": 127023, + "ĠíķĺëĤĺëĭĺ": 127024, + "ائع": 127025, + "ĠплаÑĤ": 127026, + "ìĺĪ": 127027, + "ĠdostÄĻp": 127028, + "ÙĪØ¬Ùĩ": 127029, + "Ġ×Ķ×Ĺ×Ļ": 127030, + "׳×Ļ×§": 127031, + "дей": 127032, + "íĽĦ": 127033, + "ıy": 127034, + "بØŃر": 127035, + "à¹Ģสริม": 127036, + "Ġ׾×Ĵ": 127037, + "ذÙĩب": 127038, + "جÙĬÙĦ": 127039, + "رÙĥز": 127040, + "Ġëħ": 127041, + "Ġëħ¸": 127042, + "פ×Ļ׾×ķ": 127043, + "ãģ¾ãģļ": 127044, + "iriÅŁ": 127045, + "ĠÙĥÙĬÙģ": 127046, + "Ġ×ijצ": 127047, + "ĠêµIJ": 127048, + "ÑĢоÑģÑģ": 127049, + "ĠØ´ÙĬ": 127050, + "Ġiçer": 127051, + "×Ĵ×ķ×ij×Ķ": 127052, + "менно": 127053, + "×¢×ij×Ļר": 127054, + "×ķ×ŀ×Ķ": 127055, + "ãĤīãģĹãģĦ": 127056, + "ãģ¼": 127057, + "Ñīин": 127058, + "è²·ãģĦ": 127059, + "جÙħÙĪØ¹Ø©": 127060, + "Ġdönem": 127061, + "Ġ×ij×IJר": 127062, + "веÑģÑĤ": 127063, + "×ķר×ķת": 127064, + "سÙģ": 127065, + "à¹ģà¸Ĺà¸Ļ": 127066, + "ĠдокÑĥменÑĤ": 127067, + "ĠاÙĬ": 127068, + "جاÙĨ": 127069, + "צ×ķ×¢×Ļ": 127070, + "ĠоÑģоб": 127071, + "ĠاÙĦÙħس": 127072, + "ÑĢаб": 127073, + "à¸łà¸¹": 127074, + "à¸Ķาว": 127075, + "лекÑĤ": 127076, + "عÙĤ": 127077, + "×ķ×ĵ×ķת": 127078, + "Ġolu": 127079, + "ĠoluÅŁtur": 127080, + "ãģ¾ãģ¾": 127081, + "един": 127082, + "à¹Ģà¸Ńà¸ģ": 127083, + "ãĤµãĤ¤": 127084, + "ëĦĪ": 127085, + "Ø·ÙĨÙĬ": 127086, + "Ø·ÙĤØ©": 127087, + "ĠÐłÐ°Ð·": 127088, + "ÙĦÙij": 127089, + "Ñĩем": 127090, + "Ġ׾×ĺ": 127091, + "สัà¹Īà¸ĩ": 127092, + "سرائÙĬÙĦ": 127093, + "Ġפר×ĺ×Ļ": 127094, + "деÑģÑĮ": 127095, + "Ġ׳׼": 127096, + "اÙĨب": 127097, + "ÙĬاة": 127098, + "Ùħبر": 127099, + "Ġkı": 127100, + "à¸Ľà¸ı": 127101, + "à¸Ľà¸ıิ": 127102, + "à¸ļัà¸ķิ": 127103, + "×ł×ª×Ļ": 127104, + "ìĨ¡": 127105, + "راب": 127106, + "à¹ĥà¸ķ": 127107, + "à¹ĥà¸ķà¹ī": 127108, + "×Ļ×ł×ª": 127109, + "ÙĪÙĬر": 127110, + "Ġ×Ķ×ŀ×Ļ": 127111, + "ейÑĩаÑģ": 127112, + "×§×ķ×ij": 127113, + "دراس": 127114, + "ĠÙħÙĤ": 127115, + "رÙĬÙĨ": 127116, + "خاص": 127117, + "ãģĬéĩij": 127118, + "Ġجدا": 127119, + "ãģĨãģ¡": 127120, + "ëħ¸": 127121, + "ırım": 127122, + "æ§ĺ": 127123, + "ãģ«å¯": 127124, + "ãģ«å¯¾": 127125, + "ÑĨев": 127126, + "Ġvard": 127127, + "ĠÐIJн": 127128, + "eÄŁ": 127129, + "ÑģÑĤвенно": 127130, + "Ш": 127131, + "سد": 127132, + "à¸ģุ": 127133, + "à¹ģà¸ľà¸Ļ": 127134, + "รูà¹īส": 127135, + "รูà¹īสึà¸ģ": 127136, + "اتØŃاد": 127137, + "ÑijÑĤ": 127138, + "×Ĺ×ķ×§": 127139, + "ãģĻãģIJ": 127140, + "Ø·ÙĦاÙĤ": 127141, + "Ġ×§×ķ×ĵ": 127142, + "à¹ĥà¸Ĭà¹īà¸ĩ": 127143, + "à¹ĥà¸Ĭà¹īà¸ĩาà¸Ļ": 127144, + "ãĥ¼ãĤ¿": 127145, + "Ġsür": 127146, + "ÑĢок": 127147, + "ë³ij": 127148, + "สมาà¸Ĭ": 127149, + "สมาà¸Ĭิà¸ģ": 127150, + "ãĥķãĥ¬": 127151, + "è¾¼ãģ¿": 127152, + "ãĤ»ãĥ³": 127153, + "Ġê°Ģì§Ģ": 127154, + "à¸ľà¹īา": 127155, + "ÑįÑĤомÑĥ": 127156, + "иÑĤел": 127157, + "à¸łà¸±": 127158, + "à¸ij": 127159, + "ãĥĸãĥ©": 127160, + "×Ľ×ª×ķ×ij": 127161, + "׳×Ŀ": 127162, + "еннÑĭе": 127163, + "×¢×¨×Ľ×ª": 127164, + "ĠìĤ": 127165, + "ĠìĤ´": 127166, + "à¸Ĥà¹īา": 127167, + "׳×ķס": 127168, + "ãĥ¬ãĥĵ": 127169, + "ÑĢеÑģ": 127170, + "à¹Ģลà¸Ĥ": 127171, + "ثاÙĦ": 127172, + "ìĹĨ": 127173, + "ĠÑĩаÑģÑĤ": 127174, + "าศ": 127175, + "ãĥªãĤ¢": 127176, + "uç": 127177, + "×Ļ׼×ķת": 127178, + "ลà¹īาà¸Ļ": 127179, + "ië": 127180, + "ãĤ¸ãĤ§": 127181, + "à¸Īà¸Ń": 127182, + "ÙĪØŃØ¯": 127183, + "×Ļצ×ķ×ij": 127184, + "Ġ×ijש׾": 127185, + "око": 127186, + "ضة": 127187, + "ذر": 127188, + "ĠÑĥд": 127189, + "İL": 127190, + "×ķצ×Ļ×Ŀ": 127191, + "×ĸ×ŀף": 127192, + "à¸Ľà¸ģ": 127193, + "íķĻêµIJ": 127194, + "ساÙħ": 127195, + "à¹Ħà¸Ķ": 127196, + "ละà¹Ģà¸Ń": 127197, + "ละà¹Ģà¸Ńีย": 127198, + "ละà¹Ģà¸Ńียà¸Ķ": 127199, + "ảy": 127200, + "аÑĨион": 127201, + "ãĤ¹ãĤ¯": 127202, + "פ×ķס": 127203, + "รà¹Īาà¸ĩ": 127204, + "еннÑĭй": 127205, + "عÙĨ": 127206, + "عÙĦÙĨ": 127207, + "ائÙģ": 127208, + "dÄĻ": 127209, + "ؤÙĪÙĦ": 127210, + "׾×ķ×ķ": 127211, + "Ġ×ijש×ij": 127212, + "ä»ĬåĽŀ": 127213, + "ĠاÙĦجÙĨ": 127214, + "داد": 127215, + "waÄĩ": 127216, + "ãĥªãĥ³": 127217, + "ĠìŀIJìĭł": 127218, + "اÙĨÙĬا": 127219, + "ãĥ¡ãĥª": 127220, + "ÙĦÙĪÙĨ": 127221, + "à¸Ĺà¹Īà¸Ńà¸ĩ": 127222, + "à¸Ĺà¹Īà¸Ńà¸ĩà¹Ģà¸Ĺีà¹Īยว": 127223, + "اÙģÙĬ": 127224, + "ĠлиÑĪ": 127225, + "ÙħÙĬØ©": 127226, + "оÑĤвеÑĤ": 127227, + "Ñĩин": 127228, + "ÃĬ": 127229, + "ãĥ¡ãĥ³": 127230, + "å®Ł": 127231, + "éļĽãģ«": 127232, + "ĠÑĢай": 127233, + "ãĤ¦ãĥ³": 127234, + "×Ļר×ķש": 127235, + "×Ļר×ķש׾×Ļ×Ŀ": 127236, + "มะ": 127237, + "Ġara": 127238, + "казаÑĤÑĮ": 127239, + "à¸ķัà¸Ķ": 127240, + "ÑĥÑİÑĤ": 127241, + "Ġüst": 127242, + "×Ĵ×ķ×ij": 127243, + "×Ĵ×ķ×ij×ķת": 127244, + "malı": 127245, + "егод": 127246, + "егоднÑı": 127247, + "اÙģÙĤ": 127248, + "à¸Ĭà¹Īà¸Ńà¸ĩ": 127249, + "Ġözellik": 127250, + "×Ļצ×ķר": 127251, + "ĠmiÄĻd": 127252, + "ĠiliÅŁ": 127253, + "ĠнаÑħод": 127254, + "×¢×ĸר": 127255, + "×ľ×Ľ×ª": 127256, + "ÙĨتاج": 127257, + "ĠÑģем": 127258, + "à¸Īà¹Īาย": 127259, + "à¸ķรว": 127260, + "à¸ķรวà¸Ī": 127261, + "פר×ķ": 127262, + "à¸Ĥัà¸ļ": 127263, + "ãģŀ": 127264, + "Ġпло": 127265, + "колÑĮ": 127266, + "×ŀ×¢×ĺ": 127267, + "íķĺìĭľ": 127268, + "jÄħce": 127269, + "ÙĨاÙĨ": 127270, + "ลีà¸ģ": 127271, + "нÑĥÑĤ": 127272, + "ĠобÑĢаз": 127273, + "Ùĥبر": 127274, + "ĠاÙĦÙĪØ·ÙĨ": 127275, + "ãģķãģĽãģ¦": 127276, + "ÙĤاء": 127277, + "×ŀ×ĵ×Ļ׳": 127278, + "yü": 127279, + "פ×Ļת": 127280, + "׳×ķף": 127281, + "ÙħÙĨظ": 127282, + "หà¸Ļัà¸ģ": 127283, + "ìŀĪ": 127284, + "ãĤ«ãĥ¼ãĥī": 127285, + "عÙĨÙĬ": 127286, + "под": 127287, + "ضاء": 127288, + "à¸Ļà¸ķà¹Į": 127289, + "×ŀשפ": 127290, + "วà¹Į": 127291, + "ר×ķ×§": 127292, + "สืà¹Īà¸Ń": 127293, + "פק×Ļ×ĵ": 127294, + "ãģªãĤīãģªãģĦ": 127295, + "ĠìŬ룬": 127296, + "ÙĦج": 127297, + "ÑīиÑĤ": 127298, + "ãĥĥãĤ·": 127299, + "ÙĦÙĬس": 127300, + "ĠÙĦÙħا": 127301, + "ìłij": 127302, + "×ij×Ļף": 127303, + "ãĥģãĤ§": 127304, + "Ġgüç": 127305, + "Ġchứ": 127306, + "×ķצ×IJ": 127307, + "קר×ij": 127308, + "à¹Ĥà¸ŀ": 127309, + "оÑĩно": 127310, + "סק×Ļ": 127311, + "ש׾×Ŀ": 127312, + "صرÙģ": 127313, + "ĠLÃł": 127314, + "×¢×Ļת": 127315, + "á»·": 127316, + "à¹Ĥà¸Ńà¸ģ": 127317, + "à¹Ĥà¸Ńà¸ģา": 127318, + "à¹Ĥà¸Ńà¸ģาส": 127319, + "Ġ×Ķ×ĵ×ijר": 127320, + "à¸Ļัà¹Īà¸Ļ": 127321, + "زر": 127322, + "нако": 127323, + "íļį": 127324, + "ãĤĤãģ¡": 127325, + "ãĤĤãģ¡ãĤį": 127326, + "ãĤĤãģ¡ãĤįãĤĵ": 127327, + "اÙħت": 127328, + "عداد": 127329, + "инÑĭ": 127330, + "ÅĤyw": 127331, + "à¸Ħà¸ĵะ": 127332, + "à¸Ĺะ": 127333, + "ktör": 127334, + "×Ļ×Ĺ×Ķ": 127335, + "Ġме": 127336, + "ĠмеÑģÑı": 127337, + "׳×Ķ×Ĵ": 127338, + "ĠÑģÑĥÑīеÑģÑĤв": 127339, + "à¸Ļัà¸Ļ": 127340, + "ÑĦÑĦ": 127341, + "екÑĤив": 127342, + "عÙĦÙĪÙħات": 127343, + "бÑĥд": 127344, + "à¸Ļัà¸ģà¸ĩาà¸Ļ": 127345, + "หà¸Ļà¹īาà¸Ĺีà¹Ī": 127346, + "ÙĤÙĬÙĤ": 127347, + "ãĤ·ãĥ³": 127348, + "ãģ«éĸ¢": 127349, + "×IJר×Ĵ": 127350, + "ĠпÑĢоÑĤ": 127351, + "ĠпÑĢоÑĤив": 127352, + "ĠìŀĪìĸ´": 127353, + "ÙĤÙĬÙĤØ©": 127354, + "ìĹĩ": 127355, + "kür": 127356, + "ãģ«ãģªãĤĬãģ¾ãģĹãģŁ": 127357, + "ĠдеÑıÑĤ": 127358, + "ĠдеÑıÑĤелÑĮ": 127359, + "פ×ķר×ĺ": 127360, + "à¸Łà¹īา": 127361, + "à¹Ģà¸ł": 127362, + "ĠавÑĤомаÑĤ": 127363, + "×ĸ×Ļ×§": 127364, + "Ġolduk": 127365, + "عاÙħ": 127366, + "ĠÑĤоÑĢ": 127367, + "yrıca": 127368, + "êÌ": 127369, + "ãĤŃãĥ³ãĤ°": 127370, + "ãģ«ãģ¨ãģ£ãģ¦": 127371, + "à¹Ģà¸īà¸ŀ": 127372, + "à¹Ģà¸īà¸ŀาะ": 127373, + "ãģ¯ãģļ": 127374, + "×ŀ×IJ×Ļ": 127375, + "สะà¸Ķ": 127376, + "สะà¸Ķวà¸ģ": 127377, + "ìľ¼ë©°": 127378, + "à¸ģี": 127379, + "ฬ": 127380, + "Ġ×¢×ķש": 127381, + "à¸łà¸²à¸©à¸²": 127382, + "à¸Ĺัà¸Ļ": 127383, + "acakt": 127384, + "acaktır": 127385, + "اعدة": 127386, + "ĠÑĥÑģлÑĥг": 127387, + "סר×ĺ": 127388, + "×ķ×ŀ×ķת": 127389, + "×Ķ×ķר": 127390, + "×ŀ×ķ×ij": 127391, + "×ŀ×ķ×ijף": 127392, + "سÙĬاس": 127393, + "اتÙ쨧ÙĤ": 127394, + "×Ķצ׾": 127395, + "Ùħؤس": 127396, + "Ġpó": 127397, + "Ġкни": 127398, + "×Ļ׼×ķ׾": 127399, + "à¹Ģหลืà¸Ń": 127400, + "׼׾׼": 127401, + "׳×ĸ": 127402, + "ÑĪие": 127403, + "rès": 127404, + "ĠاÙĦØŃÙĤ": 127405, + "лÑıÑĢ": 127406, + "หà¸į": 127407, + "หà¸įิà¸ĩ": 127408, + "ר×Ĵ×Ļש": 127409, + "à¹Ģสà¹īà¸Ļ": 127410, + "ש×ij×ķף": 127411, + "ôtel": 127412, + "апÑĢ": 127413, + "апÑĢимеÑĢ": 127414, + "ابÙĦ": 127415, + "ĠÑĢазвиÑĤ": 127416, + "ĠполÑĮз": 127417, + "ĠСеÑĢ": 127418, + "×ķ×ij×Ļ": 127419, + "róż": 127420, + "ìĭŃ": 127421, + "ãĤ¯ãĥĪ": 127422, + "ãģĹãĤĪãģĨ": 127423, + "à¸ģรม": 127424, + "ØŃÙĥÙĪÙħ": 127425, + "à¹Ĥà¸ļ": 127426, + "à¸Ĺà¹īาย": 127427, + "ĠMá": 127428, + "ĠÑĤÑĭ": 127429, + "à¸Ħรัว": 127430, + "ÑĢÑĥб": 127431, + "ạp": 127432, + "ĠmÅĤ": 127433, + "ĠmÅĤod": 127434, + "ĠgörÃ¼ÅŁ": 127435, + "ĠgeliÅŁ": 127436, + "ươi": 127437, + "×ŀשק": 127438, + "ÙĢÙĢÙĢÙĢ": 127439, + "ราว": 127440, + "ãģĹãģ£": 127441, + "ãģĹãģ£ãģĭãĤĬ": 127442, + "ĠÐļон": 127443, + "Ġkê": 127444, + "à¹Ĥà¸Ĺร": 127445, + "èIJ½ãģ¡": 127446, + "åĩºãģ¦": 127447, + "ลัà¸ģษ": 127448, + "Ġ×Ĵ×ij×ķ×Ķ": 127449, + "ãĥĻãĥ«": 127450, + "ê±°ëĤĺ": 127451, + "ë§IJ": 127452, + "×Ļ׾×ĵ×Ļ×Ŀ": 127453, + "ĠëĦĪ": 127454, + "×ŀר×Ļ": 127455, + "รส": 127456, + "ãĥŃãĥ³": 127457, + "ило": 127458, + "ноÑģÑĤÑĮÑİ": 127459, + "×ĸר×Ĺ": 127460, + "пон": 127461, + "Ġ×Ķש׾": 127462, + "ê²łìĬµëĭĪëĭ¤": 127463, + "ĠkiÅŁ": 127464, + "ĠÐļи": 127465, + "วร": 127466, + "داع": 127467, + "ÅŁim": 127468, + "ÙĨÙij": 127469, + "ваÑĤ": 127470, + "راÙĥ": 127471, + "باÙĦ": 127472, + "иде": 127473, + "Ġ×Ķ×ŀ×Ĺ": 127474, + "ìĸµ": 127475, + "تÙģØ§Ø¹": 127476, + "أت": 127477, + "ëĬĺ": 127478, + "ש×Ļת": 127479, + "ستÙħر": 127480, + "ĠÑĦак": 127481, + "ĠاÙĦØ£ÙħرÙĬ": 127482, + "ëŀ¨": 127483, + "اسÙħ": 127484, + "ĠaÄŁ": 127485, + "Ġçev": 127486, + "ÙĥÙĪØ±": 127487, + "ãģķãģ¾": 127488, + "Ġçöz": 127489, + "Ġرس": 127490, + "Äħda": 127491, + "สà¸Ļุ": 127492, + "ãģĹãģ¦ãģıãĤĮ": 127493, + "нÑİ": 127494, + "leÅŁme": 127495, + "ãĤªãĥ³": 127496, + "ãģ¨ãģªãĤĬ": 127497, + "avaÅŁ": 127498, + "×ĺ×Ļ×ij": 127499, + "ØŃض": 127500, + "×ķצ×IJ×ķת": 127501, + "ÙĨÙħÙĪ": 127502, + "ıt": 127503, + "ĠÑħа": 127504, + "ĠÑħаÑĢак": 127505, + "ĠÑħаÑĢакÑĤеÑĢ": 127506, + "ĠdÅĤ": 127507, + "ãĥĹãĥ©": 127508, + "à¸Ĭุม": 127509, + "à¹Īà¸Ńà¸Ļ": 127510, + "×ķ×ij׾": 127511, + "Ñģол": 127512, + "×ĵ×Ĵ": 127513, + "аÑĢаÑĤ": 127514, + "nivers": 127515, + "ĠgerçekleÅŁtir": 127516, + "ĠاÙĦÙĦÙĬ": 127517, + "ระยะ": 127518, + "ĠÙħختÙĦÙģ": 127519, + "Ġgönder": 127520, + "ÙģØ§Ø±": 127521, + "doÄŁ": 127522, + "doÄŁan": 127523, + "صÙĦاØŃ": 127524, + "Ġyayın": 127525, + "ãĥĨãĥ³": 127526, + "รวà¸Ī": 127527, + "×Ļ×Ĺ×Ļ×ĵ": 127528, + "ünkü": 127529, + "ÑĨиалÑĮн": 127530, + "à¸ļู": 127531, + "มุ": 127532, + "hä": 127533, + "Ø®Ùģ": 127534, + "å¢Ĺ": 127535, + "å¢ĹãģĪ": 127536, + "еÑĩно": 127537, + "ĠاÙĦسÙĨ": 127538, + "à¸Ĥาว": 127539, + "imdi": 127540, + "Ы": 127541, + "à¸Ļà¸Ńà¸ģà¸Īาà¸ģ": 127542, + "à¸ļาล": 127543, + "תש": 127544, + "Ġdüzenle": 127545, + "мÑĭÑģл": 127546, + "ãģıãģª": 127547, + "żu": 127548, + "ĠwspóÅĤ": 127549, + "Ġназ": 127550, + "ındaki": 127551, + "ترة": 127552, + "ÅŁek": 127553, + "Ġöd": 127554, + "ĠÙĪÙĥ": 127555, + "ĠпозволÑı": 127556, + "Ġת×ķ׼": 127557, + "ÙħÙĨتج": 127558, + "ë§ī": 127559, + "ĠاÙĦØ«ÙĦاث": 127560, + "аÑĨиÑİ": 127561, + "ÙĪØ±ÙĪ": 127562, + "ÑĭваеÑĤ": 127563, + "خصص": 127564, + "ĠاÙĦÙģÙĦ": 127565, + "ĠاÙĦÙģÙĦسطÙĬÙĨ": 127566, + "إجر": 127567, + "إجراء": 127568, + "اÙĨتخ": 127569, + "اÙĨتخاب": 127570, + "ارÙĬØ©": 127571, + "×ķÖ": 127572, + "Ø¢ÙĨ": 127573, + "×ŀ×¢×ķת": 127574, + "Ġмал": 127575, + "Ġ×IJ×Ĺ": 127576, + "à¸Ĺà¹īà¸Ńà¸ĩ": 127577, + "zeÅĽ": 127578, + "Ġë§Įëĵ¤": 127579, + "رÙĬع": 127580, + "äºĭãĤĴ": 127581, + "à¸ļริหาร": 127582, + "׾×ŀ×Ļ×ĵ": 127583, + "ĠмÑĥж": 127584, + "ترÙĪ": 127585, + "ĠباÙĦØ¥": 127586, + "פ×Ļ×§": 127587, + "زÙħØ©": 127588, + "ĠÃ¶ÄŁrenc": 127589, + "ãĥ¶": 127590, + "اÙħعة": 127591, + "×§×ij×ķצ": 127592, + "×ŀ׳×ķת": 127593, + "رÙĬÙħ": 127594, + "Ġоказ": 127595, + "ãģłãģijãģ©": 127596, + "Ġhız": 127597, + "Ġש×IJת": 127598, + "ãĤ¢ãĥ¼": 127599, + "Ġmożliwo": 127600, + "ìĦ¼": 127601, + "ÙĪØ§Ø¨": 127602, + "огÑĢаÑĦ": 127603, + "ĠعبداÙĦ": 127604, + "ãĤĴè¡Į": 127605, + "بÙĬÙĦ": 127606, + "Ġİç": 127607, + "ยาย": 127608, + "ĠÑĥÑĩаÑģÑĤ": 127609, + "ÑĦеÑģÑģ": 127610, + "ÑĦеÑģÑģиона": 127611, + "Ấ": 127612, + "ÙĨÙĬÙĨ": 127613, + "عدÙĦ": 127614, + "สรร": 127615, + "دÙĬÙĦ": 127616, + "×ij×Ļ×§": 127617, + "czyÅĤ": 127618, + "ÑĢоме": 127619, + "Ġмед": 127620, + "ìĻĶ": 127621, + "ãĥ©ãĤ¤ãĥ³": 127622, + "ĠÑĤеп": 127623, + "еÑĢÑĮ": 127624, + "iÄŁi": 127625, + "вели": 127626, + "ÑĢиÑģÑĤ": 127627, + "ס×ķפ": 127628, + "×ŀ׾×Ĺ": 127629, + "ĠاÙĦØ¥ÙĨ": 127630, + "Ġ׾×Ķש": 127631, + "è¶ĬãģĹ": 127632, + "ĠÑĢÑĭ": 127633, + "×ķ×IJר": 127634, + "رÙĩاب": 127635, + "פ×ķ×IJ×Ļ": 127636, + "ĠгоÑģÑĥд": 127637, + "ĠгоÑģÑĥдаÑĢ": 127638, + "ĠгоÑģÑĥдаÑĢÑģÑĤв": 127639, + "ĠاÙĦØ£ÙħÙĬر": 127640, + "Ùħج": 127641, + "à¹Ģหมาะ": 127642, + "ÑĢев": 127643, + "à¸Ĭีà¸ŀ": 127644, + "ãĥķãĥĪ": 127645, + "иÑĩно": 127646, + "ĠاÙĦÙħؤ": 127647, + "Ġiht": 127648, + "íħľ": 127649, + "دÙĨÙĬ": 127650, + "رص": 127651, + "лаÑģÑĤ": 127652, + "à¹Ģหลà¹Īา": 127653, + "ılır": 127654, + "รà¸ĵà¹Į": 127655, + "×ŀש×Ļ×ļ": 127656, + "Ġdá»ĭ": 127657, + "Ø·Ù쨧ÙĦ": 127658, + "×ĺ×ķף": 127659, + "Ġ×ij×Ļ׳": 127660, + "ãģ¾ãģ£ãģŁ": 127661, + "ложениÑı": 127662, + "تØŃر": 127663, + "باØŃ": 127664, + "à¹Ģสืà¹īà¸Ń": 127665, + "ãģĻãģĶ": 127666, + "ltür": 127667, + "à¸ĩาม": 127668, + "Ġtü": 127669, + "ĠпÑĢим": 127670, + "ĠпÑĢимен": 127671, + "Ġhayat": 127672, + "ëĥIJ": 127673, + "ëĭĮ": 127674, + "׳×Ļ×ķ": 127675, + "веден": 127676, + "ìħ¨": 127677, + "à¸Īัย": 127678, + "à¸ģà¹Īà¸Ń": 127679, + "Ġвод": 127680, + "оÑģÑĤоÑı": 127681, + "наÑĤ": 127682, + "à¹ģหล": 127683, + "سÙħÙĬ": 127684, + "à¸Ķำà¹Ģà¸Ļ": 127685, + "à¸Ķำà¹Ģà¸Ļิà¸Ļ": 127686, + "wód": 127687, + "öyle": 127688, + "ãĥĢãĤ¤": 127689, + "ÑĪий": 127690, + "меÑīен": 127691, + "ãģĹãģ¾ãģĨ": 127692, + "ãĥīãĥ©": 127693, + "ÙĪØ¶ØŃ": 127694, + "à¸Ńà¸Ļุ": 127695, + "ĠاÙĦاجتÙħاع": 127696, + "laÅŁma": 127697, + "à¸Ħà¸Ńà¸Ļ": 127698, + "×ŀר×Ļ×Ŀ": 127699, + "ÙĨاÙħج": 127700, + "שר×ķת": 127701, + "اÙĦØ£": 127702, + "ĠksiÄħż": 127703, + "Ġан": 127704, + "ÑĢай": 127705, + "اÙĩرة": 127706, + "×ŀ×ĵ×Ķ": 127707, + "ä¸Ģç·": 127708, + "ä¸Ģç·Ĵ": 127709, + "ä¸Ģç·Ĵãģ«": 127710, + "ÑĢиÑĤоÑĢ": 127711, + "dıkl": 127712, + "à¹ģà¸ĸ": 127713, + "à¹ģà¸Ĥà¹Īà¸ĩ": 127714, + "екÑĤоÑĢ": 127715, + "×ŀסע": 127716, + "ÑĢакÑĤи": 127717, + "uÄŁu": 127718, + "×ķ×ijת": 127719, + "สูà¸ķร": 127720, + "ĠçalÄ±ÅŁm": 127721, + "ĠçalÄ±ÅŁmalar": 127722, + "Ġана": 127723, + "ãĥĽãĥ¼ãĥł": 127724, + "Ġbölüm": 127725, + "Ġبص": 127726, + "олоÑģ": 127727, + "ĠìķĬëĬĶ": 127728, + "à¹Īะ": 127729, + "ÙĪØªØ±": 127730, + "ä¹Ĺ": 127731, + "ستخداÙħ": 127732, + "פ×Ļ×Ļס": 127733, + "פ×Ļ×Ļס×ij": 127734, + "פ×Ļ×Ļס×ij×ķ×§": 127735, + "ĠкÑĢаÑģ": 127736, + "лик": 127737, + "رÙĬØŃ": 127738, + "×ŀש׾×Ķ": 127739, + "à¹Ģยีà¹Īย": 127740, + "à¹Ģยีà¹Īยม": 127741, + "виÑģ": 127742, + "омн": 127743, + "ÄŁun": 127744, + "ãĥŃãĥ¼ãĥ³": 127745, + "أتÙĬ": 127746, + "à¸ķรี": 127747, + "çͳãģĹ": 127748, + "تÙħر": 127749, + "ìĹĪìĬµëĭĪëĭ¤": 127750, + "ĠÙĪØºÙĬر": 127751, + "redni": 127752, + "ĠاÙĦصÙģ": 127753, + "ĠнаÑģÑĤоÑı": 127754, + "ĠнаÑģÑĤоÑıÑī": 127755, + "à¸ķรา": 127756, + "ĠÑĥÑģлов": 127757, + "ĠÑĥÑģловиÑı": 127758, + "ÑĨеп": 127759, + "×Ķ×Ĺ׾×ĺ": 127760, + "Ø·ÙĬع": 127761, + "ĠBakan": 127762, + "ĠاÙĦرÙĪ": 127763, + "илÑĮно": 127764, + "ĠмеÑĤ": 127765, + "à¸Ķà¸Ńà¸ģ": 127766, + "ãģĭãĤīãģªãģĦ": 127767, + "ĠпоÑģÑĤоÑı": 127768, + "ĠпоÑģÑĤоÑıн": 127769, + "ĠÑĩаÑģ": 127770, + "üc": 127771, + "wró": 127772, + "бÑĥÑĢ": 127773, + "ãĥIJãĥĥãĤ¯": 127774, + "ãĥ©ãĥ³ãĥī": 127775, + "ĠогÑĢ": 127776, + "สัà¸į": 127777, + "สัà¸įà¸įา": 127778, + "มัà¹Īà¸Ļ": 127779, + "à¸Ħà¸Ńม": 127780, + "alık": 127781, + "Ġнед": 127782, + "ümüz": 127783, + "ĠÅĽwie": 127784, + "ério": 127785, + "×Ļ×IJ×Ķ": 127786, + "دÙħات": 127787, + "ırl": 127788, + "ĠоÑĤз": 127789, + "ĠоÑĤзÑĭв": 127790, + "ä»ĺãģį": 127791, + "Ġkażde": 127792, + "миниÑģÑĤ": 127793, + "ãĤ°ãĥ«": 127794, + "ë°ĸ": 127795, + "езн": 127796, + "اÙĦÙģ": 127797, + "Ġשק׾": 127798, + "Ùħض": 127799, + "ãĥĿãĥ¼ãĥĪ": 127800, + "ÙħÙĨت": 127801, + "ÙĤÙĬاÙħ": 127802, + "Ø´ÙĨ": 127803, + "×Ļר×ķ×¢": 127804, + "ãĤŃãĥ£ãĥ³": 127805, + "доÑĢов": 127806, + "×ŀ×Ļת×Ļ": 127807, + "ÙĪÙĦÙĪØ¬": 127808, + "ÙĥاÙģ": 127809, + "ĠÑĢазлиÑĩ": 127810, + "иÑĤеÑĤ": 127811, + "нолог": 127812, + "ลà¸ĩà¸Ĺุà¸Ļ": 127813, + "ĠyaklaÅŁ": 127814, + "ãĥ¬ãĤ¤": 127815, + "ê²łëĭ¤": 127816, + "æ±ĤãĤģ": 127817, + "رÙĪÙģ": 127818, + "ĠíĬ": 127819, + "ĠíĬ¹": 127820, + "ãģ£ãģıãĤĬ": 127821, + "à¸Ħวามà¸Ħิà¸Ķ": 127822, + "×Ķ×Ļס×ĺ": 127823, + "Ø¥ÙĤ": 127824, + "ãģ¦ãģĦ": 127825, + "à¹Ĥà¸Ĭ": 127826, + "ĠBüyük": 127827, + "ĠФедеÑĢ": 127828, + "ÑĨин": 127829, + "ÑĢова": 127830, + "ĠاÙĦاÙĤتصاد": 127831, + "Ġchá": 127832, + "à¸ĺาà¸Ļ": 127833, + "ë¥ł": 127834, + "à¹Ħà¸ķ": 127835, + "ÃŃpio": 127836, + "Ùĭا": 127837, + "ĠобÑıз": 127838, + "Ùĩج": 127839, + "Ġì¤ijìļĶ": 127840, + "ãģ®ãģ§ãģ¯ãģªãģĦ": 127841, + "باراة": 127842, + "ãĤ¤ãĥ«": 127843, + "ĠноÑĢм": 127844, + "á»īnh": 127845, + "mö": 127846, + "möglich": 127847, + "ÑĨип": 127848, + "ãĤ¢ãĤ¯": 127849, + "×Ķ×Ļ": 127850, + "ÑĨиалÑĮно": 127851, + "ĠÅĽwi": 127852, + "تÙĤ": 127853, + "ĠÑģÑĤоим": 127854, + "بÙĬعÙĬ": 127855, + "Ġ׾ש×ŀ": 127856, + "глÑı": 127857, + "глÑıд": 127858, + "ãģ¦ãģıãĤĮ": 127859, + "ÄĻdzi": 127860, + "à¸Ĥั": 127861, + "à¸Ĥัà¹īà¸Ļ": 127862, + "Ø·ÙĤ": 127863, + "ĠìĹŃ": 127864, + "ãģ£ãģ¦ãģĹãģ¾ãģĨ": 127865, + "ĠdeÄŁerl": 127866, + "ĠdeÄŁerlendir": 127867, + "Ġülk": 127868, + "Ġмног": 127869, + "à¹ĭ": 127870, + "ë¿IJ": 127871, + "ĠУкÑĢа": 127872, + "ÄŁini": 127873, + "Ġбезоп": 127874, + "ĠбезопаÑģ": 127875, + "à¸Ńà¸Ńà¸ģà¹ģà¸ļà¸ļ": 127876, + "اظ": 127877, + "ØŃداث": 127878, + "леÑĢ": 127879, + "×Ļ×¥": 127880, + "×Ļ׳×ĺר׳×ĺ": 127881, + "larınız": 127882, + "ØŃÙĬØŃ": 127883, + "żeli": 127884, + "à¸Ńัà¸ĩ": 127885, + "à¸Ńัà¸ĩà¸ģ": 127886, + "à¸Ńัà¸ĩà¸ģฤษ": 127887, + "ĠоÑĤлиÑĩ": 127888, + "ัส": 127889, + "ëŀį": 127890, + "ожно": 127891, + "ãĤ¹ãĥĿ": 127892, + "ĠÑħоÑĩ": 127893, + "Ġкап": 127894, + "еÑĩен": 127895, + "ØŃÙĦØ©": 127896, + "ÙĬاÙĩ": 127897, + "нал": 127898, + "×ķצר×Ļ×Ŀ": 127899, + "Ġkald": 127900, + "åĥį": 127901, + "ĠاÙĦشخص": 127902, + "Ġзна": 127903, + "Ġwzgl": 127904, + "życz": 127905, + "ê°Ŀ": 127906, + "à¸ŀลัà¸ĩ": 127907, + "íģ¼": 127908, + "Ġöl": 127909, + "Ġbụ": 127910, + "Ø´Ùĩر": 127911, + "Ġзам": 127912, + "Ġдев": 127913, + "×Ļ×ĺת": 127914, + "تعÙĦÙĤ": 127915, + "ÙĪÙħØ©": 127916, + "ãĤĴä½ľ": 127917, + "ãģįãģ¦": 127918, + "íĥĿ": 127919, + "rasında": 127920, + "ãĤĴæİ¢": 127921, + "ĠÙħباشر": 127922, + "راجع": 127923, + "Ġвозд": 127924, + "ÙħØŃا": 127925, + "×ķשר": 127926, + "ĠиÑģÑĤоÑĢ": 127927, + "มัà¸ģ": 127928, + "tıģ": 127929, + "ثار": 127930, + "ترÙĨت": 127931, + "à¹ģà¸Ĥà¹ĩ": 127932, + "à¹ģà¸Ĥà¹ĩà¸ĩ": 127933, + "поÑĩ": 127934, + "Ġ×ij×IJ×ķת": 127935, + "ë¯Ģ": 127936, + "ëĿ¼ëıĦ": 127937, + "à¸Ĭัà¸Ķ": 127938, + "สà¸ķà¹Į": 127939, + "ãĥĭãĥĥãĤ¯": 127940, + "иденÑĤ": 127941, + "ĠгÑĢÑĥпп": 127942, + "تخ": 127943, + "áºł": 127944, + "ยืà¸Ļ": 127945, + "ยัà¸Ļ": 127946, + "óry": 127947, + "TÃľ": 127948, + "ãģĹãĤĥ": 127949, + "ĠпÑĢовед": 127950, + "лÑıеÑĤ": 127951, + "ÙħØ®": 127952, + "ยà¸Ńม": 127953, + "×Ľ×ł×¡×ª": 127954, + "ĠاÙĦÙħÙĨت": 127955, + "Ġolmad": 127956, + "ר׼×ĸ×Ļ": 127957, + "ĠвÑģÑĤÑĢ": 127958, + "ĠиÑģÑģлед": 127959, + "ÑĤвеÑĢж": 127960, + "بدÙĪ": 127961, + "еÑĢÑĤ": 127962, + "ï»·": 127963, + "±ħ": 127964, + "สัมà¸ŀัà¸Ļà¸ĺà¹Į": 127965, + "ิà¹Īà¸Ļ": 127966, + "צ×Ļ×ij": 127967, + "wiÄĻt": 127968, + "Ġì°¸": 127969, + "ĠzwiÄħz": 127970, + "سبÙĪØ¹": 127971, + "ãĥĥãĤ°": 127972, + "à¸Ľà¸¥à¸Ńà¸Ķ": 127973, + "à¸Ľà¸¥à¸Ńà¸Ķà¸łà¸±à¸¢": 127974, + "ãĤĤãĤĬ": 127975, + "ÙĤدس": 127976, + "Ġsprz": 127977, + "Ġsprzeda": 127978, + "Ġistedi": 127979, + "Ġkhu": 127980, + "Ġден": 127981, + "ĠkoÅĦ": 127982, + "Ġ×ij×Ĺ×Ļ": 127983, + "à¹Ģà¸Ĺà¹īา": 127984, + "×ķס×Ļ×£": 127985, + "ãĥĭãĥ¥ãĥ¼": 127986, + "ĠпÑĢедоÑģÑĤ": 127987, + "ĠпÑĢедоÑģÑĤав": 127988, + "à¹Ĥà¸Ł": 127989, + "év": 127990, + "ĠاÙĦصØŃ": 127991, + "صØŃاب": 127992, + "à¹Ģà¸Īà¹ĩà¸ļ": 127993, + "влек": 127994, + "วัà¸ķ": 127995, + "à¸ĸุ": 127996, + "ãģĵãģ¨ãģĮãģ§ãģįãģ¾ãģĻ": 127997, + "ÙĤÙĬÙĤÙĬ": 127998, + "×ķ×Ĺר": 127999, + "ÑĭÑĪ": 128000, + "ĠоÑĤно": 128001, + "ĠоÑĤноÑĪ": 128002, + "обилÑĮ": 128003, + "ÙģØŃ": 128004, + "ınt": 128005, + "ıntı": 128006, + "Ġ׾×ij×ĵ": 128007, + "íİĺìĿ´ì§Ģ": 128008, + "ãĥĬãĥ«": 128009, + "ĠÙħساء": 128010, + "×Ļ×ĺ×ij": 128011, + "ÑĮеÑĢ": 128012, + "ëĦ·": 128013, + "ÑĭÑĤа": 128014, + "ĠоÑĩеÑĢ": 128015, + "à¸Ķืà¹Ī": 128016, + "à¸Ķืà¹Īม": 128017, + "ĠNgh": 128018, + "تعب": 128019, + "ÙĦاÙĤات": 128020, + "×ķ׾×ķ×Ĵ×Ļ×Ķ": 128021, + "ĠìĿ´ê²ĥ": 128022, + "Ġ×Ķ×ijר": 128023, + "ìľµ": 128024, + "à¹Ģà¸Ħลืà¹Īà¸Ńà¸Ļ": 128025, + "ÙĩØ©": 128026, + "à¸Īำà¹Ģà¸Ľà¹ĩà¸Ļ": 128027, + "å¤īãģĪ": 128028, + "wiÅĽcie": 128029, + "chod": 128030, + "chodzÄħ": 128031, + "вÑĢо": 128032, + "×ŀ×Ĺ×Ļר": 128033, + "Ġyı": 128034, + "Ġyıll": 128035, + "ì¡Į": 128036, + "à¹Ħหว": 128037, + "ãģªãģıãģª": 128038, + "ĠзавиÑģ": 128039, + "ĠìĺĪìĪĺ": 128040, + "Ù쨰": 128041, + "á»§ng": 128042, + "à¸ŀุà¸Ĺà¸ĺ": 128043, + "зн": 128044, + "layan": 128045, + "ãĤ¡": 128046, + "à¸ģà¹ĩà¸ķาม": 128047, + "ĠsaÄŁlam": 128048, + "รà¸ĵ": 128049, + "ĠÑģиÑĤ": 128050, + "ĠÑģиÑĤÑĥ": 128051, + "ĠاÙĦتÙĨ": 128052, + "×Ķ×ĸ": 128053, + "ĠØ·ÙĪÙĬÙĦ": 128054, + "taÅĤ": 128055, + "Ġgörd": 128056, + "å¤īãĤı": 128057, + "ëĥ¥": 128058, + "à¸Ħà¹Īà¸Ńย": 128059, + "×IJ×ķ×ĺ": 128060, + "ëħIJ": 128061, + "ãĥ©ãĥ³ãĤ¹": 128062, + "วัà¸Ĵ": 128063, + "วัà¸Ĵà¸Ļ": 128064, + "ĠoluÅŁ": 128065, + "פע×ķ׾": 128066, + "ĠszczegóÅĤ": 128067, + "à¸Ħาสิ": 128068, + "à¸Ħาสิà¹Ĥà¸Ļ": 128069, + "powied": 128070, + "ĠÑĤеб": 128071, + "หà¸Ļà¹Īวย": 128072, + "Ġмил": 128073, + "ØŃÙĥ": 128074, + "à¸Ĺà¸Ķ": 128075, + "ĠмаÑĤеÑĢиал": 128076, + "ÅĤow": 128077, + "à¹Ģà¸ģีย": 128078, + "ĠÑģовеÑĢ": 128079, + "ãĤ©": 128080, + "à¸Ľà¸£à¸´": 128081, + "ĠиÑİ": 128082, + "наÑĩен": 128083, + "ÑĢенд": 128084, + "muÅŁtur": 128085, + "ĠпÑĢодÑĥк": 128086, + "зд": 128087, + "ÑıÑĤи": 128088, + "ÑıÑĤиÑı": 128089, + "à¹Ģมีย": 128090, + "راتÙĬج": 128091, + "Ġamacı": 128092, + "ש×ķ׾": 128093, + "ש×ķ׾×Ĺ": 128094, + "สะà¸Ńา": 128095, + "สะà¸Ńาà¸Ķ": 128096, + "פ×Ĵ×¢": 128097, + "عبة": 128098, + "dın": 128099, + "íħĶ": 128100, + "Ġ×ŀש×Ĺ×§": 128101, + "Ġfiyat": 128102, + "ĠзаÑı": 128103, + "ĠзаÑıв": 128104, + "à¹Ĥหล": 128105, + "à¹Ĥหลà¸Ķ": 128106, + "à¸ģรุà¸ĩà¹Ģà¸Ĺà¸ŀ": 128107, + "צ×Ļ×Ļף": 128108, + "ìļ±": 128109, + "Ùħب": 128110, + "Ùħباد": 128111, + "landır": 128112, + "ĠвеÑģÑĮ": 128113, + "Ġhük": 128114, + "ĠÐĴоз": 128115, + "ÑĩиÑĤÑĭва": 128116, + "วล": 128117, + "×ķצע": 128118, + "à¸Ĥà¸ĵะà¸Ĺีà¹Ī": 128119, + "ĠaÅŁaģı": 128120, + "׾×IJ×ķ×ŀ×Ļ": 128121, + "trzym": 128122, + "Ã¤ÃŁig": 128123, + "owoÅĽci": 128124, + "ãģĿãĤĤ": 128125, + "ĠrozwiÄħz": 128126, + "ĠgÅĤówn": 128127, + "монÑĤ": 128128, + "×ŀ×ķ×ŀ": 128129, + "ĠÑģÑĤан": 128130, + "ÙĦاÙĤØ©": 128131, + "prowad": 128132, + "prowadzi": 128133, + "ĠÑģоÑģÑĤоÑı": 128134, + "×Ļ×IJ×ķת": 128135, + "rı": 128136, + "gı": 128137, + "ãĥijãĥij": 128138, + "ĠналиÑĩ": 128139, + "×Ķצע": 128140, + "Ġ׳×Ķ": 128141, + "à¸Ħัà¸ļ": 128142, + "عراض": 128143, + "иж": 128144, + "ÙĩائÙĬ": 128145, + "ãĤīãģı": 128146, + "ожеÑĤ": 128147, + "ĠобоÑĢ": 128148, + "ĠобоÑĢÑĥд": 128149, + "أسÙĦ": 128150, + "à¹ĩà¸Ķ": 128151, + "ÑĢÑĥÑĤ": 128152, + "دÙĬÙħÙĤ": 128153, + "دÙĬÙħÙĤرا": 128154, + "Ġjeste": 128155, + "×ķ×ķ×Ļר": 128156, + "×ij×ĵ×Ļ×§": 128157, + "деÑĢжива": 128158, + "ãģĬãģı": 128159, + "ewnÄĻtr": 128160, + "ewnÄĻtrzn": 128161, + "à¸ŀฤ": 128162, + "Ġ×IJ×ķ×Ķ": 128163, + "ת×Ĺ×ķש": 128164, + "Ġzob": 128165, + "дÑĥм": 128166, + "ĠÑģÑĭ": 128167, + "ÙĬرا": 128168, + "ĠwiÄĻks": 128169, + "à¹ģà¸ķà¸ģà¸ķà¹Īาà¸ĩ": 128170, + "lararas": 128171, + "lararası": 128172, + "íĺĢ": 128173, + "ëī´": 128174, + "×ķ×Ĵ׾": 128175, + "ĠоÑĤмеÑĤ": 128176, + "ĠÑĢан": 128177, + "تÙĥÙĦ": 128178, + "иÑĤелÑĮн": 128179, + "à¸Ľà¸£à¸°à¸§à¸±": 128180, + "à¸Ľà¸£à¸°à¸§à¸±à¸ķิ": 128181, + "ìŀĸ": 128182, + "можно": 128183, + "pieczeÅĦ": 128184, + "pieczeÅĦst": 128185, + "못": 128186, + "ìĬ¨": 128187, + "×ŀס×ŀ": 128188, + "Ủ": 128189, + "ศิ": 128190, + "ศิล": 128191, + "à¸¨à¸´à¸¥à¸Ľ": 128192, + "ĠÅļw": 128193, + "ãĥĥãĤ·ãĥ§ãĥ³": 128194, + "unitÃł": 128195, + "Ġmieszka": 128196, + "ĠmieszkaÅĦ": 128197, + "przed": 128198, + "przedsi": 128199, + "przedsiÄĻb": 128200, + "przedsiÄĻbior": 128201, + "à¸Ľà¸£à¸°à¸ªà¸´à¸Ĺà¸ĺิ": 128202, + "à¸Ľà¸£à¸°à¸ªà¸´à¸Ĺà¸ĺà¸´à¸łà¸²à¸ŀ": 128203, + "ยà¹Ī": 128204, + "ìķĻ": 128205, + "รวà¸Ķ": 128206, + "รวà¸Ķà¹Ģรà¹ĩว": 128207, + "å½ĵãģŁãĤĬ": 128208, + "älle": 128209, + "ÑĥеÑĤÑģÑı": 128210, + "ãn": 128211, + "ëłµ": 128212, + "thè": 128213, + "ãĤĴåĪ©ç͍": 128214, + "ìµľ": 128215, + "íĵ¨": 128216, + "à¸Ĺัà¸ļ": 128217, + "าà¸Ħม": 128218, + "ãģĩ": 128219, + "ëĤĮ": 128220, + "à¹Ģà¸Ľà¸¥à¹Īา": 128221, + "â¦": 128222, + "ë¾": 128223, + "êĢ": 128224, + "êĩ": 128225, + "â¡": 128226, + "ðŁŁ": 128227, + "ãIJ": 128228, + "âº": 128229, + "áŃ": 128230, + "áĻ": 128231, + "áĵ": 128232, + "á²": 128233, + "ðĵı": 128234, + "á¬": 128235, + "â¯": 128236, + "ä¨": 128237, + "êĿ": 128238, + "ê«": 128239, + "ðij": 128240, + "ðĵĥ": 128241, + "ðĿħ": 128242, + "": 128244, + "": 128245, + "": 128247, + "ĠعÙĦÙī": 128248, + "Ġmá»Ļt": 128249, + "ĠvỼi": 128250, + "Ġngưá»Ŀi": 128251, + "ĠØ¥ÙĦÙī": 128252, + "Ġnhững": 128253, + "Ġthá»ĥ": 128254, + "Ġ×IJ×ķ": 128255, + "Ġ×¢×Ŀ": 128256, + "اÙĭ": 128257, + "Ġà¹ģละ": 128258, + "ĠÙĦا": 128259, + "Ġnhư": 128260, + "ĠاÙĦتÙĬ": 128261, + "Ġ×Ķ×ķ×IJ": 128262, + "ĠÄijến": 128263, + "ĠØ£ÙĪ": 128264, + "Ġvá»ģ": 128265, + "ĠlÃłm": 128266, + "Ġsẽ": 128267, + "ĠcÅ©ng": 128268, + "Ġợ": 128269, + "ĠÄijó": 128270, + "Ġnhiá»ģu": 128271, + "Ġtại": 128272, + "Ġtrên": 128273, + "Ġ×Ĵ×Ŀ": 128274, + "ĠnhÃł": 128275, + "Ġ׼×Ļ": 128276, + "Ġsá»±": 128277, + "ĠÄijầu": 128278, + "Ġbá»ĭ": 128279, + "ĠÙĩذا": 128280, + "Ġnhất": 128281, + "Ġphải": 128282, + "Ġhiá»ĩn": 128283, + "Ġdụng": 128284, + "ĠÄijá»Ļng": 128285, + "ĠاÙĦÙĦÙĩ": 128286, + "ĠØĮ": 128287, + "ĠÙĥÙĦ": 128288, + "Ġviá»ĩc": 128289, + "ĠnÄĥm": 128290, + "Ġthì": 128291, + "Ġhá»įc": 128292, + "ĠÙĪØª": 128293, + "té": 128294, + "ĠاÙĨ": 128295, + "Ġtôi": 128296, + "Ġ×IJ׳×Ļ": 128297, + "Ġ׾×Ļ": 128298, + "Ġ×ŀ×ķ": 128299, + "ĠngÃły": 128300, + "ĠnÆ°á»Ľc": 128301, + "Ġ×Ķ×Ļ×IJ": 128302, + "Ġ×IJ×Ļ": 128303, + "ĠhÆ¡n": 128304, + "ĠÙĩذÙĩ": 128305, + "ĠÙĪÙĬ": 128306, + "ĠاÙĦذÙĬ": 128307, + "Ġ×ķ×ŀ": 128308, + "Ġgiá": 128309, + "Ġnhân": 128310, + "ĠchÃŃnh": 128311, + "Ġmình": 128312, + "ĠÐĿа": 128313, + "Ġthế": 128314, + "Ġ×Ļ×ķתר": 128315, + "Ġ×IJ×Ŀ": 128316, + "Ġnên": 128317, + "Ġhợ": 128318, + "Ġhợp": 128319, + "Ġcòn": 128320, + "ĠÙĩÙĪ": 128321, + "ĠcÆ¡": 128322, + "Ġrất": 128323, + "ĠViá»ĩt": 128324, + "Ġبعد": 128325, + "Ġש×Ļ": 128326, + "Ġthá»Ŀi": 128327, + "Ġcách": 128328, + "ĠÄijá»ĵng": 128329, + "Ġно": 128330, + "Ġtrưá»Ŀng": 128331, + "ØŁ": 128332, + "ĠÄijá»ĭnh": 128333, + "ĠÄijiá»ģu": 128334, + "×Ļ×Ļ×Ŀ": 128335, + "Ġthá»±c": 128336, + "nın": 128337, + "Ġhình": 128338, + "Ġnói": 128339, + "Ġcùng": 128340, + "Ġ×Ķ×Ķ": 128341, + "ĠØ¥ÙĨ": 128342, + "Ġ×IJ×ij׾": 128343, + "Ġnhưng": 128344, + "Ġbiết": 128345, + "Ġже": 128346, + "Ġchúng": 128347, + "ĠÄijang": 128348, + "ĠذÙĦÙĥ": 128349, + "Ġlên": 128350, + "Ġkhách": 128351, + "ĠnÃło": 128352, + "Ġsá»Ń": 128353, + "Ġkhác": 128354, + "Ġë°ı": 128355, + "Ġlý": 128356, + "×Ļ×Ļ": 128357, + "ĠÄijây": 128358, + "Ġ׾×ŀ": 128359, + "Ġcần": 128360, + "Ġtrình": 128361, + "Ġphát": 128362, + "ãģ«ãĤĤ": 128363, + "по": 128364, + "ĠnÄĥng": 128365, + "Ġbá»Ļ": 128366, + "Ġvụ": 128367, + "ĠÄijá»Ļ": 128368, + "Ñĩе": 128369, + "ĠnháºŃn": 128370, + "ĠtrÆ°á»Ľc": 128371, + "Ġ×¢×ĵ": 128372, + "ĠhÃłnh": 128373, + "ĠØ®ÙĦاÙĦ": 128374, + "Ġlượng": 128375, + "Ġcấp": 128376, + "Ġtá»±": 128377, + "Ġvì": 128378, + "Ġtư": 128379, + "Ġchất": 128380, + "Ġ׼×ŀ×ķ": 128381, + "Ġgì": 128382, + "Ġש׳": 128383, + "Ġtế": 128384, + "ת×ķ": 128385, + "Ġnghiá»ĩp": 128386, + "Ġmặt": 128387, + "ĠÙĥÙħا": 128388, + "Ġ×ij×Ļף": 128389, + "Ġרק": 128390, + "Ġthấy": 128391, + "Ġmáy": 128392, + "ĠÙģÙī": 128393, + "Ġdân": 128394, + "Ġ×IJ×Ĺ×ĵ": 128395, + "Ġtâm": 128396, + "Ġ׼×ļ": 128397, + "Ġ׾×ķ": 128398, + "во": 128399, + "Ġtác": 128400, + "ĠtoÃłn": 128401, + "ĠÙĪÙħ": 128402, + "Ġkết": 128403, + "Ġหรืà¸Ń": 128404, + "ĠÙĪØ§ÙĦÙħ": 128405, + "ĠÄijiá»ĥm": 128406, + "Ġ×ĸ×ķ": 128407, + "Ġ×ij×ķ": 128408, + "׼×ķת": 128409, + "Ġhá»Ļi": 128410, + "Ġbằng": 128411, + "تÙĩا": 128412, + "Ġ׼×ĵ×Ļ": 128413, + "Ġ×Ķ×Ŀ": 128414, + "Ġxuất": 128415, + "ĠÙĤد": 128416, + "Ġbảo": 128417, + "Ġtá»ijt": 128418, + "Ġtình": 128419, + "ĠÙĩÙĬ": 128420, + "ĠÄijá»iji": 128421, + "Ġthiết": 128422, + "Ġhiá»ĩu": 128423, + "Ġtiếp": 128424, + "Ġtạo": 128425, + "ת×Ķ": 128426, + "Ġchá»§": 128427, + "oÅĽÄĩ": 128428, + "Ġgiú": 128429, + "Ġgiúp": 128430, + "Ġý": 128431, + "Ġquả": 128432, + "Ġloại": 128433, + "Ġcô": 128434, + "Ġô": 128435, + "Ġông": 128436, + "Ġ×Ķ×ķ": 128437, + "ĠاÙĦÙĬÙĪÙħ": 128438, + "ĠtÃŃnh": 128439, + "га": 128440, + "Ġphòng": 128441, + "ĠÄĥn": 128442, + "ĠعاÙħ": 128443, + "Ġvá»ĭ": 128444, + "larını": 128445, + "rÃŃa": 128446, + "ĠtỼi": 128447, + "ĠÄijưá»Ŀng": 128448, + "ĠgiỼi": 128449, + "Ġbản": 128450, + "Ġcầu": 128451, + "Ġnhiên": 128452, + "Ġbá»ĩnh": 128453, + "Ġthưá»Ŀng": 128454, + "Ġ×IJ×Ļף": 128455, + "ĠÄijá»ģ": 128456, + "Ġhá»ĩ": 128457, + "Ġ×Ļשר×IJ׾": 128458, + "Ġquá": 128459, + "ĠÐĹа": 128460, + "ãģ®ãģ§ãģĻãģĮ": 128461, + "ĠÐŁÑĢи": 128462, + "Ġphần": 128463, + "ĠÙĪÙĦا": 128464, + "ĠlỼn": 128465, + "Ġtrá»ĭ": 128466, + "Ġcảm": 128467, + "Ġмо": 128468, + "Ġdùng": 128469, + "ĠاÙĦÙī": 128470, + "ĠعÙĦÙĬÙĩ": 128471, + "ĠìŀĪìĬµëĭĪëĭ¤": 128472, + "ÙĬÙĤ": 128473, + "ĠÙĤبÙĦ": 128474, + "Ġhoặc": 128475, + "ĠØŃÙĬØ«": 128476, + "Ġà¸Ĺีà¹Ī": 128477, + "ĠغÙĬر": 128478, + "ĠÄijại": 128479, + "Ġsá»ijng": 128480, + "нÑĭми": 128481, + "Ġthức": 128482, + "Ġפ×Ļ": 128483, + "ĠÄijiá»ĩn": 128484, + "ãģªãģĭãģ£ãģŁ": 128485, + "Ġgiải": 128486, + "Ġvẫn": 128487, + "ĠиÑħ": 128488, + "Ġönce": 128489, + "ĠváºŃy": 128490, + "Ġmuá»ijn": 128491, + "Ġảnh": 128492, + "à¹ĥà¸Ļà¸ģาร": 128493, + "ĠQuá»ijc": 128494, + "Ġkế": 128495, + "׳×IJ": 128496, + "Ġס×Ļ": 128497, + "Ġyêu": 128498, + "ãģ®ãģĭ": 128499, + "ĠÄijẹ": 128500, + "ĠÄijẹp": 128501, + "Ġchức": 128502, + "Ġyıl": 128503, + "ĠTürkiye": 128504, + "dé": 128505, + "ĠÙĤاÙĦ": 128506, + "Ġdá»ĭch": 128507, + "ĠolduÄŁu": 128508, + "Ġchá»įn": 128509, + "ĠتÙħ": 128510, + "หà¸Ļึà¹Īà¸ĩ": 128511, + "ãģķãĤĮãģŁ": 128512, + "Ġpháp": 128513, + "ìĽĶ": 128514, + "Ġtiá»ģn": 128515, + "ãģĹãģ¾ãģĹãģŁ": 128516, + "Ġש׾×IJ": 128517, + "ÙĦØ©": 128518, + "Ġ׾פ׳×Ļ": 128519, + "Ġ×ij×Ļת": 128520, + "ĠHÃł": 128521, + "ĠØŃت": 128522, + "ĠØŃتÙī": 128523, + "Ġ×¢×ķ×ĵ": 128524, + "Ġnó": 128525, + "Ġtháng": 128526, + "à¹Ģลืà¸Ńà¸ģ": 128527, + "ר×Ķ": 128528, + "ĠtÄĥng": 128529, + "Ġcái": 128530, + "Ġtriá»ĥn": 128531, + "Ġ×IJ×ķת×ķ": 128532, + "ìłģìĿ¸": 128533, + "ĠCông": 128534, + "Ġ׾×Ķ×Ļ×ķת": 128535, + "Ġгода": 128536, + "иÑİ": 128537, + "Ġبعض": 128538, + "Ġà¸ģาร": 128539, + "èī¯ãģĦ": 128540, + "ÙĪØª": 128541, + "Ġliên": 128542, + "ĠÐĿо": 128543, + "ĠÐĿе": 128544, + "çļĦãģª": 128545, + "ĠÙħت": 128546, + "ĠÑĤакже": 128547, + "ĠкоÑĤоÑĢÑĭе": 128548, + "Ġ×Ļ×ĵ×Ļ": 128549, + "Ġtrá»įng": 128550, + "ãĤµãĤ¤ãĥĪ": 128551, + "ìłģìľ¼ë¡ľ": 128552, + "ĠtáºŃp": 128553, + "Ġש׾×Ļ": 128554, + "íķĺê²Į": 128555, + "ĠtÃłi": 128556, + "ĠЯ": 128557, + "Ġrá»ĵi": 128558, + "اÙĥ": 128559, + "Ġthương": 128560, + "Ġ×Ķ×ĸ×Ķ": 128561, + "ĠÙĪÙħÙĨ": 128562, + "à¸Ĺีà¹Īมี": 128563, + "Ġcuá»Ļc": 128564, + "Ġbüyük": 128565, + "ãģ¨ãģĭ": 128566, + "Ġ×ij×Ļ×ķתר": 128567, + "Ġlần": 128568, + "Ġgöre": 128569, + "Ġtrợ": 128570, + "Ġ×ĺ×ķ×ij": 128571, + "ÑĤÑĮÑģÑı": 128572, + "Ġthá»ijng": 128573, + "Ġ׼ש": 128574, + "Ġtiêu": 128575, + "Ġ×ŀ×IJ×ķ×ĵ": 128576, + "ØĽ": 128577, + "kÄħ": 128578, + "Ġà¹ĥà¸Ļ": 128579, + "Ġvấn": 128580, + "Ġש׾×ķ": 128581, + "ĠÄijá»ģu": 128582, + "ÙģØª": 128583, + "Ġê²ĥìĿ´": 128584, + "Ġhóa": 128585, + "ĠاÙĦعاÙħ": 128586, + "ĠÙĬÙĪÙħ": 128587, + "кой": 128588, + "Ġbiá»ĩt": 128589, + "ÑģÑĤо": 128590, + "Ġ×Ķ×Ļ×ķ": 128591, + "à¸Ĺีà¹Īà¸Īะ": 128592, + "Ġ×ĵ×Ļ": 128593, + "Ġ×IJ×ļ": 128594, + "Ġán": 128595, + "صÙĪØ±": 128596, + "ĠtrÃŃ": 128597, + "ĠÐŁÑĢо": 128598, + "Ġlá»±c": 128599, + "ãģĹãģ¦ãģĦãģ¾ãģĻ": 128600, + "ĠbÃłi": 128601, + "Ġ×ĸ×IJת": 128602, + "Ġbáo": 128603, + "à¸ļà¸Ļ": 128604, + "ĠëĮĢíķľ": 128605, + "Ġtiế": 128606, + "Ġtiếng": 128607, + "Ġbên": 128608, + "ãģķãĤĮãĤĭ": 128609, + "sión": 128610, + "Ġtìm": 128611, + "×¢×ķ": 128612, + "mé": 128613, + "ниÑı": 128614, + "ãģ»ãģ©": 128615, + "Ġà¹Ģà¸ŀราะ": 128616, + "بة": 128617, + "Ġë¶Ħ": 128618, + "Ġ×IJ×ĸ": 128619, + "à¸Ĺà¹Īาà¸Ļ": 128620, + "ת×Ŀ": 128621, + "Ġthêm": 128622, + "Ġhoạt": 128623, + "yı": 128624, + "×ĸ×ķ": 128625, + "Ġgiá»Ŀ": 128626, + "Ġbán": 128627, + "à¸Ĥาย": 128628, + "Ñĩа": 128629, + "Ġà¹Ĩ": 128630, + "ĠاÙĦÙħت": 128631, + "ĠоÑĩенÑĮ": 128632, + "Ġbất": 128633, + "Ġtrẻ": 128634, + "ÑĤÑĢ": 128635, + "ĠØ£ÙĨÙĩ": 128636, + "ĠØ«Ùħ": 128637, + "Ġ׼×ŀ×Ķ": 128638, + "Ġkhó": 128639, + "Ġrằng": 128640, + "ĠÙĪÙģÙĬ": 128641, + "ний": 128642, + "ĠhoÃłn": 128643, + "tó": 128644, + "Ġ×IJשר": 128645, + "ĠìĥĿê°ģ": 128646, + "Ñģа": 128647, + "Ġ׼×ijר": 128648, + "ĠÑįÑĤом": 128649, + "larının": 128650, + "Ġchưa": 128651, + "зи": 128652, + "Ġdẫn": 128653, + "ĠÐļак": 128654, + "جÙĪ": 128655, + "ĠбÑĭло": 128656, + "ĠÙĬت": 128657, + "nı": 128658, + "ÅĤam": 128659, + "ĠÙĪÙĩÙĪ": 128660, + "×ij×ķ": 128661, + "пи": 128662, + "רת": 128663, + "Ġquá»ijc": 128664, + "жд": 128665, + "ĠÄijÆ¡n": 128666, + "Ùĥتب": 128667, + "Ġmắt": 128668, + "ระà¸ļ": 128669, + "ระà¸ļà¸ļ": 128670, + "ĠÙĥاÙĨت": 128671, + "Ġthân": 128672, + "สิà¸Ļà¸Ħà¹īา": 128673, + "×Ĵ×Ļ": 128674, + "Ġphương": 128675, + "à¹Ħมà¹Īà¹Ħà¸Ķà¹ī": 128676, + "ĠìĦ±": 128677, + "ĠCác": 128678, + "Ġ×Ķ×ŀ×ķ": 128679, + "ĠÑĤем": 128680, + "Ġ×ĵ×ķ": 128681, + "à¸Ńะà¹Ħร": 128682, + "ĠvÄĥn": 128683, + "ãģªãģ®ãģ§": 128684, + "ĠNá»Ļi": 128685, + "Ġ×¢×ķ": 128686, + "ãĤīãĤĮãĤĭ": 128687, + "Ġsáng": 128688, + "Ġgöster": 128689, + "ãģĵãģ¨ãĤĴ": 128690, + "Ġtarafından": 128691, + "Ġма": 128692, + "ĠпоÑģле": 128693, + "Ġ׳×Ļת": 128694, + "Ġ׳×Ļ×ª×Ł": 128695, + "ĠлеÑĤ": 128696, + "Ġ׾׳×ķ": 128697, + "ÑģÑģ": 128698, + "Ġ×Ļ×ķ": 128699, + "пе": 128700, + "ĠÙĪÙĦÙĥ": 128701, + "ĠÙĪÙĦÙĥÙĨ": 128702, + "ĠngoÃłi": 128703, + "ĠÄijá»ĭa": 128704, + "rzÄħd": 128705, + "dziaÅĤ": 128706, + "ĠÙħر": 128707, + "иÑĤÑĮÑģÑı": 128708, + "Ġ×IJ×Ĺר×Ļ": 128709, + "Ġ׾׼׾": 128710, + "à¸Ĥà¹īà¸Ńม": 128711, + "à¸Ĥà¹īà¸Ńมูล": 128712, + "Ġбол": 128713, + "Ġболее": 128714, + "جÙħع": 128715, + "леÑĤ": 128716, + "Ġlá»ĭch": 128717, + "ĠÙħØ«ÙĦ": 128718, + "Ġê·¸ë¦¬ê³ł": 128719, + "Ġthứ": 128720, + "ĠdeÄŁil": 128721, + "ÙĪØŃ": 128722, + "Ġש׾×ļ": 128723, + "ĠÙħØŃÙħد": 128724, + "Ġnếu": 128725, + "ĠÄijá»ķi": 128726, + "Ġvừa": 128727, + "Ġmá»įi": 128728, + "Ġони": 128729, + "Ġlúc": 128730, + "ĠÙĬÙĥÙĪÙĨ": 128731, + "ì§Ī": 128732, + "Ġש׾׳×ķ": 128733, + "ĠÐĶо": 128734, + "Ġש׳×Ļ": 128735, + "ลิ": 128736, + "×IJפשר": 128737, + "Ġsức": 128738, + "ê¶Į": 128739, + "Ġứng": 128740, + "à¹Ħมà¹Īมี": 128741, + "Ø·ÙĦب": 128742, + "ĠÑĩем": 128743, + "Ġchuyên": 128744, + "ĠthÃŃch": 128745, + "Ġ×ķ×Ļ": 128746, + "íķ©": 128747, + "ĠÙħصر": 128748, + "до": 128749, + "ĠÄijất": 128750, + "Ġchế": 128751, + "à¸Ĭืà¹Īà¸Ń": 128752, + "Ġìĭł": 128753, + "Ġإذا": 128754, + "ĠرئÙĬس": 128755, + "Ġש×Ļש": 128756, + "Ġgiảm": 128757, + "Ñģка": 128758, + "larında": 128759, + "Ġsợ": 128760, + "ĠtÃŃch": 128761, + "ĠÙĦÙĥÙĨ": 128762, + "ĠبÙħ": 128763, + "×¢×ķ×ij": 128764, + "×¢×ķ×ij×ĵ": 128765, + "ÅĤÄħcz": 128766, + "larına": 128767, + "Ġש×Ŀ": 128768, + "ĠÙĦت": 128769, + "Ġש×Ķ×ķ×IJ": 128770, + "tów": 128771, + "Ġëĭ¤ë¥¸": 128772, + "ĠØ£Ùĥثر": 128773, + "ãģ®ãģ§ãģĻ": 128774, + "׼×Ļ×Ŀ": 128775, + "ĠolduÄŁunu": 128776, + "ãģĭãģª": 128777, + "ãĤĤãģĨ": 128778, + "ÙĬØŃ": 128779, + "Ġnhìn": 128780, + "Ġnghá»ĩ": 128781, + "ãģ«ãģªãģ£ãģ¦": 128782, + "па": 128783, + "Ġquyết": 128784, + "ÙĦÙĤ": 128785, + "tá": 128786, + "Ġluôn": 128787, + "ĠÄijặc": 128788, + "Ġ×IJר": 128789, + "Ġtuá»ķi": 128790, + "são": 128791, + "ìϏ": 128792, + "رد": 128793, + "ĠبÙĩا": 128794, + "Ġ×Ķ×Ļ×ķ×Ŀ": 128795, + "×ķ×ķ×Ļ": 128796, + "ãģ§ãģĻãģŃ": 128797, + "ĠÑĤого": 128798, + "Ġthá»§": 128799, + "ãģĹãģŁãģĦ": 128800, + "رÙĤ": 128801, + "Ġbắt": 128802, + "гÑĥ": 128803, + "Ġtá»Ń": 128804, + "ÑĪа": 128805, + "Ġà¸Ľà¸µ": 128806, + "Ġ×Ķ×IJ×Ŀ": 128807, + "íı¬": 128808, + "ża": 128809, + "Ġ×IJת×Ķ": 128810, + "Ġná»Ļi": 128811, + "ĠphÃŃ": 128812, + "ĠÅŁekilde": 128813, + "Ġlá»Ŀi": 128814, + "dıģı": 128815, + "Ġ׼×IJף": 128816, + "Ġtüm": 128817, + "Ġmạnh": 128818, + "ĠMỹ": 128819, + "ãģĿãĤĵãģª": 128820, + "Ġnhá»ı": 128821, + "ãģªãģĮãĤī": 128822, + "Ġbình": 128823, + "ıp": 128824, + "à¸ŀา": 128825, + "ĠÄijánh": 128826, + "ĠÙĪÙĦ": 128827, + "ר×ķת": 128828, + "Ġ×IJ×Ļ×ļ": 128829, + "Ġchuyá»ĥn": 128830, + "Ùĥا": 128831, + "ãĤĮãĤĭ": 128832, + "à¹ģมà¹Ī": 128833, + "ãĤĪãģı": 128834, + "ĠÙĪÙĤد": 128835, + "íĸĪëĭ¤": 128836, + "ĠnÆ¡i": 128837, + "ãģ«ãĤĪãģ£ãģ¦": 128838, + "Ġviết": 128839, + "Ġà¹Ģà¸ŀืà¹Īà¸Ń": 128840, + "ëIJĺëĬĶ": 128841, + "ادÙĬ": 128842, + "ĠÙ쨥ÙĨ": 128843, + "ì¦Ŀ": 128844, + "ĠÄijặt": 128845, + "ĠhÆ°á»Ľng": 128846, + "Ġxã": 128847, + "Ġönemli": 128848, + "ãģłãģ¨": 128849, + "Ġmẹ": 128850, + "Ġ×ij×Ļ": 128851, + "Ġ×ĵ×ijר": 128852, + "ĠváºŃt": 128853, + "ĠÄijạo": 128854, + "Ġdá»±ng": 128855, + "ĠÑĤом": 128856, + "ĠÙģÙĬÙĩا": 128857, + "ĠجÙħÙĬع": 128858, + "ĠthuáºŃt": 128859, + "stÄĻp": 128860, + "Ġtiết": 128861, + "Ø´ÙĬ": 128862, + "ĠеÑīе": 128863, + "ãģĻãĤĭãģ¨": 128864, + "ĠmÃłu": 128865, + "ĠÑįÑĤого": 128866, + "Ġvô": 128867, + "ĠÐŃÑĤо": 128868, + "ĠtháºŃt": 128869, + "Ġnữa": 128870, + "Ġbiến": 128871, + "Ġnữ": 128872, + "Ġ׾׼×Ŀ": 128873, + "×Ļ×Ļף": 128874, + "Ġست": 128875, + "ĠÐŀÑĤ": 128876, + "Ġphụ": 128877, + "ê¹Įì§Ģ": 128878, + "Ġ׾×ļ": 128879, + "Ġkỳ": 128880, + "à¹ĥà¸Ħร": 128881, + "Ġgây": 128882, + "ĠÙĦÙĦÙħ": 128883, + "Ġtục": 128884, + "تÙĬÙĨ": 128885, + "Ġtrợ": 128886, + "Ġ׾פ×Ļ": 128887, + "Ġbá»ij": 128888, + "ĠÐļа": 128889, + "ĠÄijình": 128890, + "owÄħ": 128891, + "sında": 128892, + "Ġkhiến": 128893, + "sız": 128894, + "Ġкогда": 128895, + "×¡×ľ": 128896, + "ĠбÑĭл": 128897, + "à¸Ļà¹īà¸Ńย": 128898, + "обÑĢаз": 128899, + "Ġê²ĥìĿ´ëĭ¤": 128900, + "ëĵ¤ìĿĢ": 128901, + "ãģ¸ãģ®": 128902, + "Ġà¹Ģมืà¹Īà¸Ń": 128903, + "Ġphục": 128904, + "Ġ×Ĺ׾ק": 128905, + "Ġhết": 128906, + "ĠÄija": 128907, + "à¹Ģà¸Ķà¹ĩà¸ģ": 128908, + "íĺķ": 128909, + "lÃŃ": 128910, + "ê¸ī": 128911, + "Ġعدد": 128912, + "ĠÄijá»ĵ": 128913, + "Ġgần": 128914, + "Ġ×Ļ×ķ×Ŀ": 128915, + "ĠsÄ©": 128916, + "ÑĢÑıд": 128917, + "Ġquyá»ģn": 128918, + "Ġ×IJ׾×IJ": 128919, + "ÙĩÙħا": 128920, + "׳×Ļ×Ķ": 128921, + "׾×ķת": 128922, + "Ġ×Ķר×ij×Ķ": 128923, + "Ġtiên": 128924, + "Ġalın": 128925, + "Ġdá»ħ": 128926, + "人ãģĮ": 128927, + "ноÑģ": 128928, + "лÑģÑı": 128929, + "ĠÄijưa": 128930, + "สาว": 128931, + "иÑĢован": 128932, + "Ġ×ŀספר": 128933, + "×Ĵף": 128934, + "Ġkiến": 128935, + "ĠШ": 128936, + "pé": 128937, + "бÑĥ": 128938, + "овой": 128939, + "ба": 128940, + "ĠØ¥ÙĦا": 128941, + "×IJ׾×Ļ": 128942, + "Ġxây": 128943, + "Ġbợi": 128944, + "Ġש×ķ": 128945, + "人ãģ®": 128946, + "×§×Ļ×Ŀ": 128947, + "à¹Ģà¸Ķืà¸Ńà¸Ļ": 128948, + "Ġkhá": 128949, + "Ġ×ķ׾×Ķ": 128950, + "×ĵ×ķת": 128951, + "Ġ×¢×ij×ķר": 128952, + "ĠبشÙĥÙĦ": 128953, + "ĠÙĩÙĨاÙĥ": 128954, + "ÑĤÑĢа": 128955, + "ĠíķĺëĬĶ": 128956, + "รà¸Ńà¸ļ": 128957, + "owaÅĤ": 128958, + "hé": 128959, + "Ġdiá»ħn": 128960, + "Ġ×Ķ׼׾": 128961, + "Ġأس": 128962, + "Ġchuyá»ĩn": 128963, + "ระà¸Ķัà¸ļ": 128964, + "ĠNhững": 128965, + "Ġ×IJ×Ĺת": 128966, + "ĠØŃÙĪÙĦ": 128967, + "лов": 128968, + "׳ר": 128969, + "Ġ×ķ׳": 128970, + "ĠchÆ¡i": 128971, + "Ġiçinde": 128972, + "ÑģÑĤвÑĥ": 128973, + "Ġphá»ij": 128974, + "ĠÑģÑĥ": 128975, + "ç§ģãģ¯": 128976, + "Ġchứng": 128977, + "Ġvá»±c": 128978, + "à¹ģà¸Ń": 128979, + "ĠláºŃp": 128980, + "Ġtừng": 128981, + "å°ijãģĹ": 128982, + "ĠNguy": 128983, + "ĠNguyá»ħn": 128984, + "ĠÙģÙĬÙĩ": 128985, + "Ġба": 128986, + "×Ļ×Ļת": 128987, + "Ġ×ľ×¢×©×ķת": 128988, + "Ġ×ŀ׼": 128989, + "Ġnghiá»ĩm": 128990, + "Ġмного": 128991, + "Ġее": 128992, + "ëIJĺìĸ´": 128993, + "Ġlợi": 128994, + "Ġ׾׾×IJ": 128995, + "Ġ׼ף": 128996, + "ĠchÃŃ": 128997, + "ãģ§ãģ®": 128998, + "×Ĺ×ķ": 128999, + "ש×ķ×Ŀ": 129000, + "Ġ×ŀר": 129001, + "ĠÐĶлÑı": 129002, + "Åģ": 129003, + "Ġ׼×IJשר": 129004, + "ĠMá»Ļt": 129005, + "ĠÙĪØ§ÙĦت": 129006, + "ĠìĿ´ëٰ": 129007, + "ÅŁa": 129008, + "Ġchiến": 129009, + "Ġarasında": 129010, + "Ġ×ij×IJתר": 129011, + "ãģķãĤĮãģ¦ãģĦãĤĭ": 129012, + "Ø´ÙĥÙĦ": 129013, + "Ġtượng": 129014, + "Ġتت": 129015, + "ĠCó": 129016, + "Ġbá»ı": 129017, + "Ġtá»īnh": 129018, + "ĠkhÃŃ": 129019, + "ĠпÑĢоÑģÑĤ": 129020, + "ĠпÑĢоÑģÑĤо": 129021, + "ĠÙĪÙĤاÙĦ": 129022, + "Ġgiáo": 129023, + "ĠNếu": 129024, + "×IJ×ŀר": 129025, + "×¢×ł×Ļ×Ļף": 129026, + "íݸ": 129027, + "ÙĩدÙģ": 129028, + "ĠBá»Ļ": 129029, + "ĠbÃłn": 129030, + "Ġnguyên": 129031, + "Ġgüzel": 129032, + "สาย": 129033, + "ì²ľ": 129034, + "×ŀ×ķר": 129035, + "Ġphân": 129036, + "ספק": 129037, + "×§×ij׾": 129038, + "ĠاÙĦÙħتØŃ": 129039, + "ĠاÙĦÙħتØŃدة": 129040, + "ائد": 129041, + "Ġ×IJ×ŀר": 129042, + "ĠkiÅŁi": 129043, + "ì¤Ģ": 129044, + "Ġtruyá»ģn": 129045, + "ĠÙĦÙĩا": 129046, + "ĠÐľÐ°": 129047, + "à¸ļริษ": 129048, + "à¸ļริษั": 129049, + "à¸ļริษัà¸Ĺ": 129050, + "Ġש׳×Ļ×Ŀ": 129051, + "ĠменÑı": 129052, + "ÅŁe": 129053, + "Ġdiá»ĩn": 129054, + "Ġ×IJ׳×Ĺ׳×ķ": 129055, + "kü": 129056, + "Ġcá»ķ": 129057, + "Ġmá»Ĺi": 129058, + "wä": 129059, + "ÙħÙĬ": 129060, + "Ġhiá»ĥu": 129061, + "ëĭ¬": 129062, + "Ġ×Ķ×Ĺ׾": 129063, + "Ġtên": 129064, + "Ġkiá»ĩn": 129065, + "ÙĨÙĤÙĦ": 129066, + "Ġvá»ĩ": 129067, + "×ĵת": 129068, + "ĠÐłÐ¾ÑģÑģии": 129069, + "лÑĥ": 129070, + "ĠاÙĦعربÙĬØ©": 129071, + "ĠطرÙĬÙĤ": 129072, + "Ġ×Ķ×ij×Ļת": 129073, + "ÑģеÑĢ": 129074, + "Ġмне": 129075, + "äu": 129076, + "Ġtriá»ĩu": 129077, + "ĠÄijá»§": 129078, + "Ġר×ij": 129079, + "تÙĩÙħ": 129080, + "à¸ĭี": 129081, + "Ġì§Ģê¸Ī": 129082, + "liÅĽmy": 129083, + "دعÙħ": 129084, + "ãģłãĤįãģĨ": 129085, + "Ñģкие": 129086, + "Ġhá»ıi": 129087, + "Ġ×§×ķ": 129088, + "ÑĢÑĥÑģ": 129089, + "ÙĨظر": 129090, + "ãģ®ãĤĤ": 129091, + "Ġ×Ķ׼×Ļ": 129092, + "ĠìĽIJ": 129093, + "ÙĪÙĩ": 129094, + "ĠÙĪÙİ": 129095, + "ĠBạn": 129096, + "плаÑĤ": 129097, + "Ġ×ŀ×ŀש": 129098, + "лÑİб": 129099, + "ĠнÑĥжно": 129100, + "Ġthư": 129101, + "ãģµ": 129102, + "ãģıãĤīãģĦ": 129103, + "رش": 129104, + "ר×ķ×Ĺ": 129105, + "ĠÙĬتÙħ": 129106, + "Ġצר×Ļ×ļ": 129107, + "Ġphá": 129108, + "มà¸Ńà¸ĩ": 129109, + "Ġ×ij×IJ×ķפף": 129110, + "Ġcảnh": 129111, + "Ġíķľëĭ¤": 129112, + "Ġ×Ķ×ŀת": 129113, + "à¸ķà¹Īาà¸ĩà¹Ĩ": 129114, + "มีà¸ģาร": 129115, + "ÑģкиÑħ": 129116, + "ĠÐĴÑģе": 129117, + "ĠاÙĪ": 129118, + "جÙĬ": 129119, + "ãģĵãģ¨ãģ¯": 129120, + "ĠdÃłi": 129121, + "Ġhá»ĵ": 129122, + "èĩªåĪĨãģ®": 129123, + "à¹Ħหà¸Ļ": 129124, + "ëĵ¤ìĿĦ": 129125, + "ĠVÄĥn": 129126, + "Ġдаж": 129127, + "Ġдаже": 129128, + "Ñĭми": 129129, + "лаÑģÑĮ": 129130, + "ÙĬÙĪÙĨ": 129131, + "ÙĨÙĪ": 129132, + "có": 129133, + "ãģĹãģ¦ãģĦãģŁ": 129134, + "ãģłãģĭãĤī": 129135, + "طاÙĦب": 129136, + "Ġcá»Ńa": 129137, + "пÑĢоÑģ": 129138, + "ãģªãģ©ãģ®": 129139, + "รุà¹Īà¸Ļ": 129140, + "Ġchiếc": 129141, + "лÑĭ": 129142, + "ĠÑıвлÑıеÑĤÑģÑı": 129143, + "Ġná»ķi": 129144, + "ãģ®ãģĬ": 129145, + "Ġ×IJת×Ŀ": 129146, + "ĠëķĮ문ìĹIJ": 129147, + "à¸ģลาà¸ĩ": 129148, + "ĠbaÅŁka": 129149, + "ìĦĿ": 129150, + "ĠÑĨел": 129151, + "ÙģÙĤ": 129152, + "ãģ«ãĤĪãĤĭ": 129153, + "ÙĤا": 129154, + "Ġçıkar": 129155, + "Ġcứu": 129156, + "طا": 129157, + "Ġשת": 129158, + "à¹Ĥà¸Ħ": 129159, + "Ġ×ŀ׾": 129160, + "Ġ×Ķפר": 129161, + "Ġгде": 129162, + "Ġخط": 129163, + "åīįãģ«": 129164, + "cjÄĻ": 129165, + "Ġ×Ĺש×ķ×ij": 129166, + "ר×Ĵ×¢": 129167, + "Ġkhoảng": 129168, + "ĠÄijá»Ŀi": 129169, + "ĠÐłÐµ": 129170, + "Ġона": 129171, + "Ġ×IJ׳×ķ": 129172, + "ãģ®ãģ«": 129173, + "ĠاÙĦذÙĬÙĨ": 129174, + "кÑĥп": 129175, + "ãĤµãĥ¼ãĥ": 129176, + "ãĤµãĥ¼ãĥĵ": 129177, + "ãĤµãĥ¼ãĥĵãĤ¹": 129178, + "вал": 129179, + "ге": 129180, + "Ġgiữa": 129181, + "ĠKhông": 129182, + "ĠâĹĭ": 129183, + "à¸ģลุà¹Īม": 129184, + "ĠÙħÙĨذ": 129185, + "à¸Ńà¹Īาà¸Ļ": 129186, + "ĠÑģпоÑģоб": 129187, + "ĠÄijá»Ļi": 129188, + "ĠdiÄŁer": 129189, + "Ġà¸ĸà¹īา": 129190, + "ÙħØ«ÙĦ": 129191, + "Ġ×Ķ×IJ×Ļ": 129192, + "ĠدÙĪÙĨ": 129193, + "ÙĬراÙĨ": 129194, + "Ñīи": 129195, + "بÙĨاء": 129196, + "Ġآخر": 129197, + "ظÙĩر": 129198, + "Ġ×ij׼": 129199, + "ĠاÙĦÙħع": 129200, + "ãĥĴ": 129201, + "Ġtất": 129202, + "Ġmục": 129203, + "ĠdoÄŁru": 129204, + "ãģŁãĤī": 129205, + "Ġס×ķ": 129206, + "Ġxác": 129207, + "รà¸Ń": 129208, + "ĠcÄĥn": 129209, + "Ġонл": 129210, + "Ġонлайн": 129211, + "Ġký": 129212, + "Ġchân": 129213, + "Ġà¹Ħมà¹Ī": 129214, + "اØŃØ©": 129215, + "rán": 129216, + "׳×Ļ×Ļ×Ŀ": 129217, + "Ġ×ijף": 129218, + "ĠÐĸ": 129219, + "à¸ķรà¸ĩ": 129220, + "дÑĭ": 129221, + "Ġsắc": 129222, + "ÙĦت": 129223, + "ãĥŃãĥ¼": 129224, + "ĠÙĦÙĨ": 129225, + "Ġר×ķ": 129226, + "ĠdÆ°á»Ľi": 129227, + "à¹Ģà¸ĺ": 129228, + "à¹Ģà¸ĺà¸Ń": 129229, + "eÄŁi": 129230, + "Ġ×ķש": 129231, + "ĠÙĦØ£": 129232, + "Ġgặp": 129233, + "Ġcá»ij": 129234, + "ãģ¨ãģ¦ãĤĤ": 129235, + "رÙĪØ³": 129236, + "Ġ׾×Ķ×Ļ": 129237, + "Ġ본": 129238, + "ä¸ĬãģĴ": 129239, + "Ġmức": 129240, + "Ñħа": 129241, + "Ġìŀ¬": 129242, + "à¸īัà¸Ļ": 129243, + "ÑĢÑĥж": 129244, + "Ġaçık": 129245, + "ÙĪØ§ÙĦ": 129246, + "Ġ×ĸ×ŀף": 129247, + "人ãģ¯": 129248, + "عÙĬÙĨ": 129249, + "ÑıÑħ": 129250, + "Ġ×Ĵ×ĵ×ķ׾": 129251, + "ר×ķ×ij": 129252, + "gó": 129253, + "ëĿ¼ê³ł": 129254, + "ĠarkadaÅŁ": 129255, + "ÙĨشر": 129256, + "ĠгодÑĥ": 129257, + "ĠболÑĮÑĪе": 129258, + "ãģ¡ãĤĩãģ£ãģ¨": 129259, + "Ġcâu": 129260, + "Ġsát": 129261, + "íͼ": 129262, + "Ġtiến": 129263, + "íķ´ìķ¼": 129264, + "ĠÙĪØ£ÙĨ": 129265, + "à¸Ļาà¸Ļ": 129266, + "Ġ×ij×IJ×ŀצע": 129267, + "Ġ×ij×IJ×ŀצע×ķת": 129268, + "Ġ׾ר": 129269, + "Ġquản": 129270, + "ĠÙĪØ§ÙĦØ£": 129271, + "Ġ×IJ×ķת×Ķ": 129272, + "Ġìĸ´ëĸ¤": 129273, + "Ġê²ĥìĿĢ": 129274, + "ØŃسÙĨ": 129275, + "Ġmất": 129276, + "à¸Ħูà¹Ī": 129277, + "ãĥ¬ãĥ¼": 129278, + "ĠÐĶа": 129279, + "Ġolması": 129280, + "Ġthuá»Ļc": 129281, + "׳×Ĺ": 129282, + "íĨł": 129283, + "Ġsöyle": 129284, + "ãģĿãģĨãģ§ãģĻ": 129285, + "ĠتÙĥÙĪÙĨ": 129286, + "лÑĥÑĩ": 129287, + "׾×Ļ×ļ": 129288, + "ĠØ£ØŃد": 129289, + "лиÑģÑĮ": 129290, + "ĠвÑģего": 129291, + "Ġ×Ķר×ij": 129292, + "Ġ못": 129293, + "oÄŁ": 129294, + "oÄŁlu": 129295, + "ĠìĦł": 129296, + "ĠкаÑĢ": 129297, + "à¸łà¸²à¸Ħ": 129298, + "eÅĦ": 129299, + "Ġà¸ģà¹ĩ": 129300, + "Ġaynı": 129301, + "ĠbÃł": 129302, + "ãģªãĤĵãģ¦": 129303, + "Ġ모ëĵł": 129304, + "ÙĤرار": 129305, + "ãģĹãģªãģĦ": 129306, + "ĠÐĴо": 129307, + "ĠÙĪÙĩÙĬ": 129308, + "ники": 129309, + "ãĤĮãģŁ": 129310, + "Ġchuẩn": 129311, + "רע": 129312, + "Ù쨱ÙĬÙĤ": 129313, + "ãĤĴåıĹãģij": 129314, + "ĠÄijúng": 129315, + "бе": 129316, + "׼×ķ×Ĺ": 129317, + "пÑĥ": 129318, + "Ġ×ķ×Ĵ×Ŀ": 129319, + "×ŀ׳×Ļ": 129320, + "íĸ¥": 129321, + "צ×Ļ×Ŀ": 129322, + "à¸ĭิ": 129323, + "ÙĩÙĨ": 129324, + "нем": 129325, + "Ġ×ij×ij×Ļת": 129326, + "رع": 129327, + "Ġส": 129328, + "ĠÄIJÃł": 129329, + "íķĺëĭ¤": 129330, + "Ġấy": 129331, + "×Ĺ×ķ×ĵ": 129332, + "×Ĺ×ķ×ĵש": 129333, + "ĠÑĩеÑĢез": 129334, + "Ñĥл": 129335, + "ĠBình": 129336, + "Ġê²ĥìĿĦ": 129337, + "Ġ×Ĵר": 129338, + "ä»ĺãģij": 129339, + "×Ĺ׾ק": 129340, + "ĠتÙĦÙĥ": 129341, + "à¹ĥสà¹Ī": 129342, + "szÄħ": 129343, + "ÙĤاÙħ": 129344, + "دÙĪØ±": 129345, + "ĠÙģÙĤØ·": 129346, + "Ġhữu": 129347, + "ĠмогÑĥÑĤ": 129348, + "Ġgá»įi": 129349, + "Ġקר": 129350, + "à¸Īะมี": 129351, + "تÙĤدÙħ": 129352, + "Ġعبر": 129353, + "Ġ׾×Ķ×Ŀ": 129354, + "ĠÑģамо": 129355, + "ס×ĵר": 129356, + "ĠcÃłng": 129357, + "rÃŃ": 129358, + "Ġìŀ¥": 129359, + "ëĵ¤ìĿĺ": 129360, + "ĠÙĦÙĥ": 129361, + "поÑĢÑĤ": 129362, + "Ġkhả": 129363, + "ĠÑģебÑı": 129364, + "׳ף": 129365, + "ĠدÙĪØ±": 129366, + "Ġmợ": 129367, + "Ġcây": 129368, + "Ġfark": 129369, + "Ġfarklı": 129370, + "аÑİÑĤ": 129371, + "Ġtrá»±c": 129372, + "wiÄĻksz": 129373, + "Ġthuá»ijc": 129374, + "ĠتØŃت": 129375, + "تÙĦ": 129376, + "овÑĭе": 129377, + "ëĤł": 129378, + "Ġвам": 129379, + "بÙĦغ": 129380, + "Ġê°ĻìĿĢ": 129381, + "íĮIJ": 129382, + "ÙĦب": 129383, + "Ġnasıl": 129384, + "Ġодин": 129385, + "ман": 129386, + "ĠعÙĦÙĬÙĩا": 129387, + "би": 129388, + "Ġפש×ķ×ĺ": 129389, + "×ijר×Ļ": 129390, + "Ġש׳×Ķ": 129391, + "ĠëıĦ": 129392, + "ĠÄIJại": 129393, + "Ġ×IJ×ķת×Ŀ": 129394, + "ĠاÙĦØŃر": 129395, + "Ġбо": 129396, + "à¸Īุà¸Ķ": 129397, + "Ġrõ": 129398, + "ĠdeÄŁiÅŁ": 129399, + "Ġëĭ¨": 129400, + "ĠÑģлÑĥÑĩа": 129401, + "ĠÑģлÑĥÑĩае": 129402, + "Ġ×IJ׳ש×Ļ×Ŀ": 129403, + "×ĵ×£": 129404, + "ש×ijת": 129405, + "Ġש׾׼×Ŀ": 129406, + "Ġchú": 129407, + "ników": 129408, + "Ġtanı": 129409, + "Ġcáo": 129410, + "ĠÄijá": 129411, + "Ġ×IJ×ĵ×Ŀ": 129412, + "Ġê°ķ": 129413, + "Ġnhiá»ĩm": 129414, + "Ġ×ľ×¡": 129415, + "Ġ×Ľ×ª×ij": 129416, + "Ġ×Ķספר": 129417, + "ĠÄijÄĥng": 129418, + "ĠëijIJ": 129419, + "à¸ľà¸´": 129420, + "à¸ľà¸´à¸§": 129421, + "جا": 129422, + "Ġê°IJ": 129423, + "رأ": 129424, + "ستخدÙħ": 129425, + "ãģ«ãģªãĤĬãģ¾ãģĻ": 129426, + "Ġtá»·": 129427, + "×ĺ×ķר": 129428, + "говоÑĢ": 129429, + "ĠвоÑģ": 129430, + "ĠÙħÙĨÙĩا": 129431, + "иÑĢоваÑĤÑĮ": 129432, + "ĠÄijầy": 129433, + "׳×Ĵ": 129434, + "ĠÙħÙĪ": 129435, + "ĠÙħÙĪÙĤع": 129436, + "ר׼×Ļ": 129437, + "تÙı": 129438, + "모": 129439, + "Ġת×ķ": 129440, + "ÙĬاÙĭ": 129441, + "à¹ĥà¸Ķ": 129442, + "ãĤĬãģ¾ãģĻ": 129443, + "à¸Ńยูà¹Īà¹ĥà¸Ļ": 129444, + "ĠØ£ÙĪÙĦ": 129445, + "ĠأخرÙī": 129446, + "Ġcư": 129447, + "صار": 129448, + "×ŀ×Ĺש×ij": 129449, + "бÑĢа": 129450, + "ÅĦski": 129451, + "бÑĢ": 129452, + "ĠÙĬÙı": 129453, + "à¸ģิà¸Ļ": 129454, + "Ġchá»ijng": 129455, + "ÙħÙı": 129456, + "Ġà¸Ħืà¸Ń": 129457, + "ĠتÙĨ": 129458, + "tÃŃ": 129459, + "yÄĩ": 129460, + "Ġmạng": 129461, + "ÙģÙĪ": 129462, + "Ġdünya": 129463, + "קר×IJ": 129464, + "Ġק׾": 129465, + "ĠØŃاÙĦ": 129466, + "cÃŃa": 129467, + "Ġà¹Ģรา": 129468, + "Ġר×ķצ×Ķ": 129469, + "Ġáp": 129470, + "ë°ķ": 129471, + "اÙĤØ©": 129472, + "ниÑİ": 129473, + "Ġ×IJ׾×ķ": 129474, + "Ġ×ŀס×ķ": 129475, + "ãģ§ãģ¯ãģªãģı": 129476, + "Ġtrả": 129477, + "Ġקשר": 129478, + "miÅŁtir": 129479, + "Ġlưu": 129480, + "Ġhá»Ĺ": 129481, + "ĠбÑĭли": 129482, + "Ġlấy": 129483, + "عÙĦÙħ": 129484, + "Ġözel": 129485, + "æ°ĹãģĮ": 129486, + "Ġ×ĵר×ļ": 129487, + "Ùħد": 129488, + "sını": 129489, + "׳×ķש×IJ": 129490, + "rów": 129491, + "ÑĩеÑĢ": 129492, + "êµIJìľ¡": 129493, + "ĠÐľÐ¾": 129494, + "лег": 129495, + "ĠVỼi": 129496, + "วัà¸Ļà¸Ļีà¹ī": 129497, + "ÑİÑīие": 129498, + "ãģĬãģĻ": 129499, + "ãģĬãģĻãģĻ": 129500, + "ãģĬãģĻãģĻãĤģ": 129501, + "ëıħ": 129502, + "Ġ×Ļ×Ķ×Ļ×Ķ": 129503, + "×ŀ×ĺר": 129504, + "Ñıми": 129505, + "Ġlá»±a": 129506, + "ĠÄijấu": 129507, + "à¹Ģสียà¸ĩ": 129508, + "Ġtương": 129509, + "ëĵ±": 129510, + "ĠÑģÑĤаÑĢ": 129511, + "à¹ĥà¸ļ": 129512, + "วัà¸Ķ": 129513, + "Ġİstanbul": 129514, + "Ġà¸Īะ": 129515, + "à¸ķลาà¸Ķ": 129516, + "ĠبÙĬ": 129517, + "à¹ģà¸Ļะ": 129518, + "à¹ģà¸Ļะà¸Ļำ": 129519, + "ساعد": 129520, + "Ġبأ": 129521, + "Ġkiá»ĥm": 129522, + "ØŃسب": 129523, + "à¸Ĭัà¹īà¸Ļ": 129524, + "Ġ×ķ×¢×ķ×ĵ": 129525, + "овÑĭÑħ": 129526, + "оÑģнов": 129527, + "ĠtrÆ°á»Łng": 129528, + "צ×ij×¢": 129529, + "ĠÃŃt": 129530, + "Ġkỹ": 129531, + "cré": 129532, + "Ñıм": 129533, + "êµ°": 129534, + "ãģĮãģªãģĦ": 129535, + "ÙĬÙĦØ©": 129536, + "ãĥķãĤ£": 129537, + "رÙī": 129538, + "ĠÙĬجب": 129539, + "Ġ×IJ×£": 129540, + "Ġcá»±c": 129541, + "ãĤīãĤĮãģŁ": 129542, + "Ġà¸ľà¸¹à¹ī": 129543, + "Ġà¸Ń": 129544, + "larımız": 129545, + "Ġkadın": 129546, + "Ġê·¸ëŀĺ": 129547, + "Ġê·¸ëŀĺìĦľ": 129548, + "ĠëĺIJëĬĶ": 129549, + "ĠÄijả": 129550, + "ĠÄijảm": 129551, + "Ġ×IJ×ķ×ŀר": 129552, + "Ġyếu": 129553, + "ciÄħ": 129554, + "ciÄħg": 129555, + "Ġtá»ij": 129556, + "Ġש×IJ׳×Ļ": 129557, + "ĠdziaÅĤa": 129558, + "Ñīа": 129559, + "ĠÄijÃłn": 129560, + "sına": 129561, + "ãģĵãĤĮãģ¯": 129562, + "Ġ×ij׾×Ļ": 129563, + "Ġ×ij×Ļשר×IJ׾": 129564, + "лоÑģÑĮ": 129565, + "Ġgiữ": 129566, + "ê°IJ": 129567, + "ÑĢон": 129568, + "تجار": 129569, + "глав": 129570, + "вин": 129571, + "Ġhạn": 129572, + "Ġyapılan": 129573, + "بس": 129574, + "Ġà¸ŀรà¹īà¸Ńม": 129575, + "ê´Ģ리": 129576, + "mÄ±ÅŁtır": 129577, + "bü": 129578, + "rück": 129579, + "ĠBaÅŁkanı": 129580, + "ĠÙĦÙĬس": 129581, + "ĠsÆ¡": 129582, + "à¸Īัà¸ĩหว": 129583, + "à¸Īัà¸ĩหวัà¸Ķ": 129584, + "داء": 129585, + "Ġ×Ķ׼": 129586, + "vÃŃ": 129587, + "ש×IJר": 129588, + "ĠhÆ°á»Łng": 129589, + "Ġbóng": 129590, + "ĠChÃŃnh": 129591, + "Äħc": 129592, + "à¹Ģà¸ģีà¹Īยวà¸ģัà¸ļ": 129593, + "Ġtứ": 129594, + "Ġtức": 129595, + "ĠÑĨвеÑĤ": 129596, + "Ġtá»iji": 129597, + "ĠnghÄ©a": 129598, + "ÙĦاعب": 129599, + "دÙĦ": 129600, + "Ġפע×Ŀ": 129601, + "hör": 129602, + "à¸Ĭุà¸Ķ": 129603, + "à¸ŀู": 129604, + "à¸ŀูà¸Ķ": 129605, + "паÑģ": 129606, + "ĠÅŁu": 129607, + "ĠtÆ°á»Łng": 129608, + "خارج": 129609, + "Ġâm": 129610, + "ĠинÑĤеÑĢеÑģ": 129611, + "еннÑĭÑħ": 129612, + "×IJ׳×Ļ": 129613, + "بدأ": 129614, + "ëĿ¼ëĬĶ": 129615, + "ì¹´": 129616, + "æĸ¹ãģĮ": 129617, + "лив": 129618, + "Ġà¸Ħà¸Ļ": 129619, + "ער×ļ": 129620, + "à¸Ĥà¸Ńà¸ĩà¸Ħุà¸ĵ": 129621, + "пад": 129622, + "Ġcạnh": 129623, + "ĠëĤ¨": 129624, + "ĠÄijâu": 129625, + "Ġbiá»ĥu": 129626, + "ãĤĤãģĤãĤĭ": 129627, + "׾×Ĵ": 129628, + "Ġสำหรัà¸ļ": 129629, + "Ġxuá»ijng": 129630, + "ס×ķ": 129631, + "Ġذات": 129632, + "ĠÐľÐµ": 129633, + "عاÙĦÙħ": 129634, + "×IJס": 129635, + "بÙĬØ©": 129636, + "شا": 129637, + "ием": 129638, + "ĠNgưá»Ŀi": 129639, + "íĺij": 129640, + "Ñģлов": 129641, + "Ġпа": 129642, + "Ġmẫu": 129643, + "ĠпÑĢоÑĨеÑģÑģ": 129644, + "ĠNhÃł": 129645, + "пÑĢоиз": 129646, + "пÑĢоизвод": 129647, + "à¸łà¸²à¸¢à¹ĥà¸Ļ": 129648, + "Ġà¸ļาà¸Ĺ": 129649, + "×ŀ׳×ķ": 129650, + "ĠоÑĢган": 129651, + "רצ×ķ": 129652, + "×ķ×ŀ×Ļ×Ŀ": 129653, + "Ġyazı": 129654, + "Ġdù": 129655, + "ãĥ¬ãĥ³": 129656, + "ÙĪÙĦÙĬ": 129657, + "ยู": 129658, + "Ġtrò": 129659, + "à¹Ģà¸ŀลà¸ĩ": 129660, + "Ġ×ŀ׾×IJ": 129661, + "à¸ķล": 129662, + "à¸ķลà¸Ńà¸Ķ": 129663, + "ĠÄijạt": 129664, + "Ġ×Ĺ×ĵש": 129665, + "póÅĤ": 129666, + "Ġ×ŀ×ĵ×Ļ": 129667, + "ujÄħc": 129668, + "×ŀ׳×Ķ׾": 129669, + "Ġש×ij×ķ": 129670, + "Ġ×Ķ×ŀשפ×ĺ": 129671, + "Ġ×IJ׾×Ķ": 129672, + "ĠÙĪØ°ÙĦÙĥ": 129673, + "à¹Ģà¸ŀราะ": 129674, + "ĠÄijoÃłn": 129675, + "Ġíķ¨ê»ĺ": 129676, + "Ġdục": 129677, + "شت": 129678, + "Ġula": 129679, + "ĠulaÅŁ": 129680, + "Ġquý": 129681, + "Ġ×Ķ×Ĵ×ĵ×ķ׾": 129682, + "à¸ķัà¹īà¸ĩà¹ģà¸ķà¹Ī": 129683, + "Ġשר": 129684, + "Ø´Ùĩد": 129685, + "׳ש×Ļ×Ŀ": 129686, + "à¸ŀล": 129687, + "رÙĪØ§": 129688, + "ãĤĮãģ¦": 129689, + "ĠниÑħ": 129690, + "Ġдела": 129691, + "ãģ§ãģįãģªãģĦ": 129692, + "ÅĤoż": 129693, + "×IJ×Ĺר": 129694, + "ì½Ķ": 129695, + "ãĤ¢ãĥĥãĥĹ": 129696, + "دÙ쨹": 129697, + "Ġtiá»ĩn": 129698, + "Ġkhá»ı": 129699, + "Ġkhá»ıe": 129700, + "ĠاÙĦعاÙħØ©": 129701, + "ãģ«ãģĤãĤĭ": 129702, + "ĠÄijá»Ļc": 129703, + "족": 129704, + "Ġcụ": 129705, + "йÑĤе": 129706, + "Ġзакон": 129707, + "ĠпÑĢоекÑĤ": 129708, + "ìĸ¸": 129709, + "ÙĦØŃ": 129710, + "ĠçalÄ±ÅŁma": 129711, + "ãĤĴãģĻãĤĭ": 129712, + "Ñħи": 129713, + "عاد": 129714, + "Ġ׳×ŀצ×IJ": 129715, + "Ġר×Ļ": 129716, + "à¸Ńà¸Ńà¸ģมา": 129717, + "ĠTôi": 129718, + "Ġthần": 129719, + "ĠÙĬا": 129720, + "ลาย": 129721, + "ĠавÑĤо": 129722, + "Ġsıra": 129723, + "ĠÙĥØ«ÙĬر": 129724, + "ÙħÙĬز": 129725, + "ĠاÙĦعÙĦÙħ": 129726, + "æĸ¹ãģ¯": 129727, + "×ķ×¢×ĵ": 129728, + "ĠоблаÑģÑĤи": 129729, + "×Ļ׾×Ļ×Ŀ": 129730, + "ãģĮåĩº": 129731, + "à¸ĺุ": 129732, + "à¸ĺุร": 129733, + "à¸ĺุรà¸ģิà¸Ī": 129734, + "ÙĤتÙĦ": 129735, + "ר×IJ×ķ": 129736, + "Ġngu": 129737, + "Ġnguá»ĵn": 129738, + "Ġมา": 129739, + "Ġплан": 129740, + "tório": 129741, + "Ġcuá»iji": 129742, + "Ñģком": 129743, + "ĠاÙĦÙħاض": 129744, + "ĠاÙĦÙħاضÙĬ": 129745, + "Ġ×ij×¢×ľ": 129746, + "Ġר×ij×Ļ×Ŀ": 129747, + "ĠluáºŃn": 129748, + "ÙĥÙĪ": 129749, + "à¸Ĺัà¹īà¸ĩหมà¸Ķ": 129750, + "ван": 129751, + "Ġthoại": 129752, + "à¹Ħà¸Ń": 129753, + "биÑĢ": 129754, + "ĠاÙĦض": 129755, + "تا": 129756, + "ĠÑĢод": 129757, + "ĠVÃł": 129758, + "×ŀ×Ļף": 129759, + "ĠбÑĭла": 129760, + "ками": 129761, + "ĠÐĶе": 129762, + "tık": 129763, + "קר×Ļ": 129764, + "ĠeÄŁitim": 129765, + "ĠÙĥبÙĬر": 129766, + "بÙĥ": 129767, + "ĠÙĦÙĪ": 129768, + "вой": 129769, + "Ġãģĵãģ®": 129770, + "ĠÑĤÑĢÑĥд": 129771, + "myÅĽl": 129772, + "Ġsư": 129773, + "à¸ŀีà¹Ī": 129774, + "Ġà¹ģลà¹īว": 129775, + "×¢×§": 129776, + "Ġ×Ĺ×ijרת": 129777, + "ระหว": 129778, + "ระหวà¹Īาà¸ĩ": 129779, + "×Ļ×Ļ×Ķ": 129780, + "ĠاÙĦÙĨاس": 129781, + "ünü": 129782, + "Ġ׾×ŀ×Ķ": 129783, + "Ġchương": 129784, + "ĠHá»ĵ": 129785, + "ارت": 129786, + "ãĤĪãģĨãģ§ãģĻ": 129787, + "lá": 129788, + "×§×Ļ×Ļ×Ŀ": 129789, + "æľ¬å½ĵ": 129790, + "æľ¬å½ĵãģ«": 129791, + "ãģĵãĤĵãģª": 129792, + "Ñģов": 129793, + "Ġ×ķ×Ĺ": 129794, + "à¹Ģà¸ģà¹ĩà¸ļ": 129795, + "ĠкÑĤо": 129796, + "à¹Ĥรà¸Ħ": 129797, + "ĠشرÙĥØ©": 129798, + "عزÙĬ": 129799, + "عزÙĬز": 129800, + "Ø·ÙĦÙĤ": 129801, + "пÑĥÑģÑĤ": 129802, + "ÙģØªØŃ": 129803, + "ëŀĢ": 129804, + "Ġhãy": 129805, + "ضÙħ": 129806, + "린": 129807, + "åł´åIJĪãģ¯": 129808, + "ãĤªãĥ¼": 129809, + "Ġhắn": 129810, + "Ġ×IJ×ij×Ļ×ij": 129811, + "Ġש׾×Ķ×Ŀ": 129812, + "Ġ×Ķ×Ļ×Ļת×Ķ": 129813, + "ĠاÙĦدÙĪÙĦØ©": 129814, + "ĠاÙĦÙĪÙĤ": 129815, + "ĠاÙĦÙĪÙĤت": 129816, + "ãģĤãģ¾ãĤĬ": 129817, + "ĠtaÅŁÄ±": 129818, + "İN": 129819, + "עסק": 129820, + "ãģ¦ãģĦãģŁ": 129821, + "Ġtá»ķng": 129822, + "ĠاÙĦØ¥ÙĨس": 129823, + "ĠاÙĦØ¥ÙĨساÙĨ": 129824, + "ÑĢеÑĪ": 129825, + "Ġgái": 129826, + "ĠÑĨен": 129827, + "ĠÙģÙĤد": 129828, + "Ùħات": 129829, + "ãģķãĤĵãģ®": 129830, + "Ġphù": 129831, + "×ĺ×Ķ": 129832, + "ĠÙĪØ§ÙĦتÙĬ": 129833, + "ĠبÙĥ": 129834, + "ìĿ´ëĤĺ": 129835, + "кÑģ": 129836, + "ÙħÙĬر": 129837, + "Ġvùng": 129838, + "ĠاÙĦشعب": 129839, + "ĠNhưng": 129840, + "ãĥĢãĥ¼": 129841, + "Ġ×Ĺ×Ļ×Ļ×Ŀ": 129842, + "Ġشخص": 129843, + "×§×ķ×ĵ": 129844, + "ê²Ģ": 129845, + "עש": 129846, + "×¢×ķ׾×Ŀ": 129847, + "צ×ķר": 129848, + "عÙĤد": 129849, + "ĠiÅŁlem": 129850, + "Ġ×Ķ×ij×IJ": 129851, + "Ġdưỡng": 129852, + "à¸Łà¸£à¸µ": 129853, + "ĠphÃŃa": 129854, + "ãģ®ä¸Ńãģ§": 129855, + "Ġпи": 129856, + "ĠngÃłnh": 129857, + "нима": 129858, + "ĠÙĩÙĦ": 129859, + "Ġ×ķ×IJת": 129860, + "ĠÄijáng": 129861, + "équipe": 129862, + "ĠÑįÑĤоÑĤ": 129863, + "Ġgörev": 129864, + "매": 129865, + "Ġquân": 129866, + "å¼ķãģį": 129867, + "æĻĤãģ«": 129868, + "ĠبÙħا": 129869, + "×ŀ×Ļת": 129870, + "Ġülke": 129871, + "Ġ×ŀ×§×ķ×Ŀ": 129872, + "×ijף": 129873, + "æ°ĹæĮģãģ¡": 129874, + "Ġë§İìĿĢ": 129875, + "Ġyüksek": 129876, + "ÑĨенÑĤÑĢ": 129877, + "ĠÙħجÙĦس": 129878, + "ç§ģãģ®": 129879, + "ÙĤدر": 129880, + "Ġë¶Ģë¶Ħ": 129881, + "Ġì°¨": 129882, + "خرج": 129883, + "ãģĭãģªãĤĬ": 129884, + "ë³´ëĭ¤": 129885, + "Ġ×ŀ×Ļ×ĵ×¢": 129886, + "peÅĤni": 129887, + "Ġxá»Ń": 129888, + "ìĹIJìĦľëĬĶ": 129889, + "ĠباÙĦÙħ": 129890, + "ĠÙĪÙħا": 129891, + "ĠÑįÑĤой": 129892, + "بÙĬÙĨ": 129893, + "nü": 129894, + "ØŃز": 129895, + "ØŃزب": 129896, + "ĠÑĢабоÑĤа": 129897, + "ĠNháºŃt": 129898, + "ÙĦاء": 129899, + "Ġëĵ¤": 129900, + "Ġëĵ¤ìĸ´": 129901, + "ãĤĦãģĻãģĦ": 129902, + "×Ĺ×ĸ×§": 129903, + "Ġ×Ķ×Ĺ×ijר×Ķ": 129904, + "пиÑĤ": 129905, + "ãģĭãĤīãģ®": 129906, + "Ġë§IJìĶĢ": 129907, + "Ġפ×ķ": 129908, + "ÙĦÙİ": 129909, + "à¹Ģà¸ķà¹ĩม": 129910, + "ĠÐļо": 129911, + "Ġmówi": 129912, + "ĠtÃŃn": 129913, + "ר×Ĵש": 129914, + "פרק": 129915, + "Ġtrạng": 129916, + "ĠÐŀн": 129917, + "×Ĺ×ķ×¥": 129918, + "ĠعÙĨدÙħا": 129919, + "Ġبر": 129920, + "使ãģĦ": 129921, + "Ġrá»Ļng": 129922, + "ëĮĢë¡ľ": 129923, + "íά": 129924, + "Ġktórych": 129925, + "вид": 129926, + "ลูà¸ģà¸Ħà¹īา": 129927, + "ĠmogÄħ": 129928, + "Ġש×Ĺ": 129929, + "×ij×Ĺר": 129930, + "ãĥĸãĥŃãĤ°": 129931, + "ĠThÃłnh": 129932, + "Ġ×Ķר×Ļ": 129933, + "ĠÑģÑĤаÑĤÑĮ": 129934, + "ĠHá»Ļi": 129935, + "à¸ļà¹īาà¸ĩ": 129936, + "çī¹ãģ«": 129937, + "ĠÄIJức": 129938, + "èĢħãģ®": 129939, + "×¢×ŀ×ķ×ĵ": 129940, + "×ĺר×Ķ": 129941, + "Ð¥": 129942, + "ĠÙħÙħا": 129943, + "ĠeÅŁ": 129944, + "ĠнеобÑħодимо": 129945, + "ников": 129946, + "Ġüzerinde": 129947, + "aÅĤa": 129948, + "Ġchá»ĭu": 129949, + "ĠاÙĦدÙĬÙĨ": 129950, + "أخبار": 129951, + "ĠÄijau": 129952, + "ãģĮå¤ļãģĦ": 129953, + "jÄħcych": 129954, + "دخÙĦ": 129955, + "larınd": 129956, + "larından": 129957, + "Ġsẻ": 129958, + "à¸ŀิà¹Ģศ": 129959, + "à¸ŀิà¹Ģศษ": 129960, + "×ª×Ł": 129961, + "tıģı": 129962, + "ĠluáºŃt": 129963, + "ĠÅŀe": 129964, + "ãĤ«ãĥ¼": 129965, + "ãģ®ãģĤãĤĭ": 129966, + "Ġ×Ķ×IJתר": 129967, + "ĠاÙĦØ¢ÙĨ": 129968, + "ıldı": 129969, + "Ġáo": 129970, + "ĠнаÑĩал": 129971, + "Ġviá»ĩn": 129972, + "Ġ×ij×¢×ķ׾×Ŀ": 129973, + "знаÑĩ": 129974, + "×Ļ×ĺ×Ķ": 129975, + "кам": 129976, + "ĠÐĺз": 129977, + "à¹Ģà¸Ĥียà¸Ļ": 129978, + "à¸Ļà¹īà¸Ńà¸ĩ": 129979, + "ÑĤÑĢо": 129980, + "à¹Ģà¸Ł": 129981, + "Ġжизни": 129982, + "Ġสà¹Īวà¸Ļ": 129983, + "ĠváºŃn": 129984, + "Ġê´Ģ볨": 129985, + "Ġlâu": 129986, + "ס×ĺר": 129987, + "קש": 129988, + "سÙĬر": 129989, + "Ġ×IJ×ķת×Ļ": 129990, + "Ġmôi": 129991, + "ائب": 129992, + "ĠоÑģÑĤа": 129993, + "Ġmón": 129994, + "Ġ×ij×ŀ×§×ķ×Ŀ": 129995, + "ĠداخÙĦ": 129996, + "Ġ×IJ×ķר": 129997, + "ĠваÑģ": 129998, + "ÙĥØ´Ùģ": 129999, + "ìĺ¨": 130000, + "à¸ĸà¹Īาย": 130001, + "Ġkullanıl": 130002, + "Ġtô": 130003, + "ãģ«ãĤĪãĤĬ": 130004, + "ĠëĺIJíķľ": 130005, + "Ġ×¢×ij×ķ×ĵ×Ķ": 130006, + "Ġriê": 130007, + "Ġriêng": 130008, + "Ġyakın": 130009, + "زا": 130010, + "Å»": 130011, + "×IJ×ķ׼׾": 130012, + "شارÙĥ": 130013, + "ĠбеÑģ": 130014, + "×´": 130015, + "ĠابÙĨ": 130016, + "ĠTá»ķng": 130017, + "ÙĨظ": 130018, + "ÅĽwiad": 130019, + "ãĤµãĥ¼": 130020, + "หาย": 130021, + "ĠGün": 130022, + "Ġhakkında": 130023, + "à¹Ģà¸Ĥà¹īามา": 130024, + "زÙĨ": 130025, + "ĠÐłÐ¾": 130026, + "Ġbiá»ĥn": 130027, + "ãģ©ãģĵ": 130028, + "Ù쨹ÙĦ": 130029, + "زع": 130030, + "פר×ĺ": 130031, + "Ġ×Ķף": 130032, + "Ø£ÙĩÙĦ": 130033, + "Ġthất": 130034, + "ØŃÙħÙĦ": 130035, + "ÑĩÑĥ": 130036, + "ĠìĤ¬ìĭ¤": 130037, + "ì°¸": 130038, + "ĠìľĦíķ´": 130039, + "ÙĪØ¸": 130040, + "ĠÐŁÐ¾Ð´": 130041, + "Ġkhoản": 130042, + "ÑĤен": 130043, + "ĠÙ쨧ÙĦ": 130044, + "Ñģад": 130045, + "à¸Ļà¸Ńà¸Ļ": 130046, + "ĠاÙĦسعÙĪØ¯ÙĬØ©": 130047, + "\"ØĮ": 130048, + "ĠاÙĦÙĴ": 130049, + "ãĤīãģļ": 130050, + "Ġtoán": 130051, + "Ġchắc": 130052, + "׼×Ļר": 130053, + "méd": 130054, + "média": 130055, + "زÙĪ": 130056, + "Ġyanı": 130057, + "פ׳×Ļ×Ŀ": 130058, + "ØŃظ": 130059, + "ĠбеÑģп": 130060, + "ĠбеÑģплаÑĤ": 130061, + "ĠбеÑģплаÑĤно": 130062, + "ĠØ£ÙħاÙħ": 130063, + "à¸Ńาย": 130064, + "à¸Ńายุ": 130065, + "רשת": 130066, + "Ġgá»ĵ": 130067, + "Ġgá»ĵm": 130068, + "Ġuá»ijng": 130069, + "صب": 130070, + "kır": 130071, + "ãĥijãĥ¼": 130072, + "Ġ׾×ĵעת": 130073, + "ĠкÑĥпиÑĤÑĮ": 130074, + "׾×ķ×Ĺ": 130075, + "ÙĪØ¶Ø¹": 130076, + "ÙĤÙĬÙħ": 130077, + "à¸Ľà¸²": 130078, + "жив": 130079, + "à¸Ķิà¸Ļ": 130080, + "×IJ×ķפ": 130081, + "à¹Ģลà¹ĩà¸ģ": 130082, + "ãĥĥãĥī": 130083, + "иÑĩеÑģкиÑħ": 130084, + "ĠChá»§": 130085, + "кÑĢаÑģ": 130086, + "ÙĪØµÙĦ": 130087, + "pÅĤat": 130088, + "моÑĢ": 130089, + "Ġ×Ķ×IJ×ķ": 130090, + "à¸Ńิà¸Ļ": 130091, + "ĠíķľêµŃ": 130092, + "гÑĢе": 130093, + "Ġìłľê³µ": 130094, + "ì°½": 130095, + "Ġê°ľìĿ¸ìłķë³´": 130096, + "Ġnghá»ĭ": 130097, + "à¸ĭา": 130098, + "ØŃساب": 130099, + "ĠbyÅĤa": 130100, + "ÙħÙĦÙĥ": 130101, + "иÑĩеÑģкие": 130102, + "Ġbác": 130103, + "ضØŃ": 130104, + "길": 130105, + "ש×ŀ×¢": 130106, + "Ġìĸ´ëĸ»": 130107, + "Ġìĸ´ëĸ»ê²Į": 130108, + "ìĽĮ": 130109, + "اتÙĩ": 130110, + "à¹Ĥรà¸ĩà¹ģ": 130111, + "à¹Ĥรà¸ĩà¹ģรม": 130112, + "خدÙħØ©": 130113, + "ĠÐłÐ°": 130114, + "׼×ķ׾×Ŀ": 130115, + "×ŀש×Ĺ×§": 130116, + "ĠÙĪÙĥاÙĨ": 130117, + "ס×ķ×£": 130118, + "ĠاÙĦØŃÙĥÙĪÙħØ©": 130119, + "Ġ×ij×ĺ": 130120, + "ĠtráºŃn": 130121, + "Ġ×Ķ×¢×ķ׾×Ŀ": 130122, + "ĠÃŃch": 130123, + "tÄħ": 130124, + "ש×ŀ×ķ": 130125, + "Ġ×Ķר×IJש×ķף": 130126, + "Ġíķĺê³ł": 130127, + "ãģķãĤī": 130128, + "ãģķãĤīãģ«": 130129, + "ãģ«ãģĹãģ¦": 130130, + "Ġà¸ľà¸¡": 130131, + "ãģ®ãĤĪãģĨãģª": 130132, + "ĠÙĪÙĤت": 130133, + "ãĥįãĥĥãĥĪ": 130134, + "ÙĦعب": 130135, + "ÙĪØ´": 130136, + "ìĺ¬": 130137, + "Ġหาà¸ģ": 130138, + "ĠmiaÅĤ": 130139, + "à¸Ĺà¸Ńà¸ĩ": 130140, + "иÑĤа": 130141, + "اصر": 130142, + "илÑģÑı": 130143, + "зе": 130144, + "à¸Ľà¸£à¸°à¸¡à¸²à¸ĵ": 130145, + "ãģĿãĤĮãģ¯": 130146, + "Ġbır": 130147, + "Ġbırak": 130148, + "صÙĨاع": 130149, + "Ю": 130150, + "شعر": 130151, + "Ġ׳×Ĵ×ĵ": 130152, + "Ġبسبب": 130153, + "ãĥĿãĤ¤": 130154, + "ãĥĿãĤ¤ãĥ³ãĥĪ": 130155, + "ĠاÙĦجÙĪ": 130156, + "ĠнеÑģколÑĮко": 130157, + "Ġkiếm": 130158, + "ÙģÙİ": 130159, + "Ġضد": 130160, + "×ij×Ļ×ĺ×ķ×Ĺ": 130161, + "تابع": 130162, + "ÙĨز": 130163, + "ĠBản": 130164, + "Ġaçıkl": 130165, + "Ġaçıklama": 130166, + "Ġà¸Ħุà¸ĵ": 130167, + "à¸Ĺา": 130168, + "ÅĤów": 130169, + "طب": 130170, + "ÙĨØŃÙĨ": 130171, + "Ġ×ŀ×§×ķר": 130172, + "Ġİs": 130173, + "Ġдома": 130174, + "Ġวัà¸Ļ": 130175, + "ĠdÃłnh": 130176, + "Ñıн": 130177, + "миÑĢ": 130178, + "Ġmô": 130179, + "ĠvÃłng": 130180, + "صاب": 130181, + "sının": 130182, + "à¸Ħืà¸Ļ": 130183, + "خبر": 130184, + "×ĸ׼×ķ": 130185, + "Ġ×ŀש×Ķ×ķ": 130186, + "mü": 130187, + "Ġкомпании": 130188, + "Ġ×Ķ×¢×Ļר": 130189, + "ĠÙĥÙĪ": 130190, + "ÙĤÙĦب": 130191, + "ĠlỼp": 130192, + "ики": 130193, + "׳×ij": 130194, + "à¹Ĥà¸Ħร": 130195, + "à¹Ĥà¸Ħรà¸ĩ": 130196, + "à¹Ĥà¸Ħรà¸ĩà¸ģาร": 130197, + "×ŀ×ķ×¢×ĵ": 130198, + "ÑıÑĤÑģÑı": 130199, + "หลัà¸ĩà¸Īาà¸ģ": 130200, + "ениÑİ": 130201, + "Ġשע": 130202, + "ĠbÆ°á»Ľc": 130203, + "ãĥ¡ãĥ¼ãĥ«": 130204, + "ãĤĦãĤĬ": 130205, + "Ġ×Ļ×ķ×ĵ×¢": 130206, + "Ġê´Ģíķľ": 130207, + "ĠاÙĦØ£Ùħر": 130208, + "Ġbölge": 130209, + "ĠÑģвой": 130210, + "ÙĦس": 130211, + "Ġ×ŀ×Ļ×ķ×Ĺ×ĵ": 130212, + "ĠëĤ´ìļ©": 130213, + "ĠأجÙĦ": 130214, + "ĠÄIJông": 130215, + "Ġ×ŀ×ł×ª": 130216, + "Ġìĭľê°Ħ": 130217, + "ÙĥÙİ": 130218, + "ãģ¨ãģĦãģĨãģ®ãģ¯": 130219, + "Ġnależy": 130220, + "تÙĨظÙĬÙħ": 130221, + "ĠÑģозда": 130222, + "Ġphé": 130223, + "Ġphép": 130224, + "ãģ§ãģįãģ¾ãģĻ": 130225, + "ĠعÙĦÙħ": 130226, + "大ãģįãģª": 130227, + "ãĤ²ãĥ¼ãĥł": 130228, + "íħĮ": 130229, + "Ġ׼×ķ׾׾": 130230, + "ĠинÑĤеÑĢнеÑĤ": 130231, + "ĠTừ": 130232, + "ãģ¨ãģªãĤĭ": 130233, + "زاÙĦ": 130234, + "Ġktórym": 130235, + "Ġnhé": 130236, + "ìĪľ": 130237, + "нев": 130238, + "деÑĢ": 130239, + "ãĤ¢ãĥĹãĥª": 130240, + "iá»ĩu": 130241, + "×ij×Ļ׾": 130242, + "Ġتس": 130243, + "ĠÄIJây": 130244, + "ĠاÙĦخاصة": 130245, + "Ġà¹Ģà¸Ĭ": 130246, + "Ġà¹Ģà¸Ĭà¹Īà¸Ļ": 130247, + "صاد": 130248, + "Ġdạng": 130249, + "سعر": 130250, + "Ġש×Ļ×ŀ×ķש": 130251, + "×Ĵ×Ļ×Ŀ": 130252, + "ãģĮãģĤãģ£ãģŁ": 130253, + "пÑĢов": 130254, + "пÑĢовод": 130255, + "Ġ×IJ×Ļ׳×ķ": 130256, + "Ġ׾ר×IJ": 130257, + "Ġ׾ר×IJ×ķת": 130258, + "ĠØ£Ù쨶ÙĦ": 130259, + "ĠØŃÙĦ": 130260, + "ĠأبÙĪ": 130261, + "ê°ķ": 130262, + "Ġì§ij": 130263, + "ãģ®ãĤĪãģĨãģ«": 130264, + "Ġפ׳×Ļ": 130265, + "ס×Ļ×Ŀ": 130266, + "ĠÙĪÙĩذا": 130267, + "Ġkaç": 130268, + "Ġéén": 130269, + "Ġê±´": 130270, + "ë°Ķ": 130271, + "Ñĥз": 130272, + "à¸Ĥà¸Ńà¸ĩà¹Ģรา": 130273, + "iÅĤ": 130274, + "ĠÐľÑĭ": 130275, + "Ġchết": 130276, + "ĠاÙĦثاÙĨÙĬ": 130277, + "×IJ×§": 130278, + "Ġ×ķ×¢×ľ": 130279, + "ĠاÙĦطب": 130280, + "×ij×ĺ×Ĺ": 130281, + "ĠجدÙĬدة": 130282, + "ĠعدÙħ": 130283, + "عز": 130284, + "สิà¹Īà¸ĩà¸Ĺีà¹Ī": 130285, + "ãģĻãĤĮãģ°": 130286, + "ĠÄijô": 130287, + "ì£ł": 130288, + "دÙĤ": 130289, + "номÑĥ": 130290, + "Ġká»ĥ": 130291, + "ãĤ¢ãĥ³": 130292, + "å¤ļãģıãģ®": 130293, + "à¸Ľà¸£à¸°à¸ģ": 130294, + "à¸Ľà¸£à¸°à¸ģà¸Ńà¸ļ": 130295, + "פע×Ļ׾×ķת": 130296, + "ĠÑģÑĤол": 130297, + "mayı": 130298, + "ãģ¤ãģĦ": 130299, + "Ġyılında": 130300, + "Ġà¸Īึà¸ĩ": 130301, + "koÅĦcz": 130302, + "ĠThông": 130303, + "ĠакÑĤив": 130304, + "нÑģÑĤ": 130305, + "нÑģÑĤÑĢÑĥ": 130306, + "ĠÃĸz": 130307, + "Ġת×ŀ×Ļ×ĵ": 130308, + "ĠÙĥÙĨت": 130309, + "ÑģиÑģÑĤем": 130310, + "prés": 130311, + "présent": 130312, + "Ġnâ": 130313, + "Ġnâng": 130314, + "gÅĤos": 130315, + "ĠÙĪØ²ÙĬر": 130316, + "ØŃصÙĦ": 130317, + "ĠимееÑĤ": 130318, + "ØŃرÙĥØ©": 130319, + "à¸ŀà¹Īà¸Ń": 130320, + "ãĤĴãģĬ": 130321, + "ĠاستخداÙħ": 130322, + "×IJ×Ļר×ķ×¢": 130323, + "ä»ĸãģ®": 130324, + "Ġש×Ķ×Ŀ": 130325, + "ãģĹãģŁãĤī": 130326, + "ש×ŀ×Ļ": 130327, + "Ñģла": 130328, + "mı": 130329, + "Ġbazı": 130330, + "Ġíķĺì§Ģë§Į": 130331, + "×ĵ׾": 130332, + "Ġyaptıģı": 130333, + "ãĥĬãĥ¼": 130334, + "׾×Ļ׾×Ķ": 130335, + "ãģ¨ãģĦãģ£ãģŁ": 130336, + "ändig": 130337, + "ĠÅŁa": 130338, + "ĠÙģÙĬÙħا": 130339, + "иÑĤелÑı": 130340, + "×ŀ×ķש": 130341, + "à¸Ĥà¸Ńà¸ļ": 130342, + "lük": 130343, + "Ġhá»ĵi": 130344, + "Ġëªħ": 130345, + "ĠاÙĦÙĥØ«ÙĬر": 130346, + "צ×IJ": 130347, + "Ġhazır": 130348, + "طرÙģ": 130349, + "اÙĬا": 130350, + "ĠÄijôi": 130351, + "енд": 130352, + "ÙĦغ": 130353, + "×Ĺ×ĸ×ķר": 130354, + "ĠвÑģег": 130355, + "ĠвÑģегда": 130356, + "ëIJĺê³ł": 130357, + "×ĵ×ķ×ĵ": 130358, + "ана": 130359, + "دÙĪÙĦØ©": 130360, + "Ġhoạch": 130361, + "عÙĦا": 130362, + "عÙĦاج": 130363, + "Ġ×ķ×¢×ĵ": 130364, + "×Ķ×Ŀ": 130365, + "кий": 130366, + "ÙĦÙIJ": 130367, + "Ġ×¢×ľ×Ļ×ķ": 130368, + "ÑİÑīий": 130369, + "Ġngá»§": 130370, + "صÙĨع": 130371, + "ĠاÙĦعراÙĤ": 130372, + "à¸ķà¹Īà¸Ńà¹Ħà¸Ľ": 130373, + "ãģŁãģıãģķãĤĵ": 130374, + "Ġphạm": 130375, + "ÙĦاÙĨ": 130376, + "اتÙĩا": 130377, + "Ġböyle": 130378, + "تÙĨÙģÙĬ": 130379, + "تÙĨÙģÙĬذ": 130380, + "Ġש×Ķ×Ļ×IJ": 130381, + "ÑģÑĥ": 130382, + "ยาว": 130383, + "Ġש×ķ׳×Ļ×Ŀ": 130384, + "Ġ×ŀ×ķ׾": 130385, + "ĠÑģил": 130386, + "Ġ×IJ×Ĺר×Ļ×Ŀ": 130387, + "Ġphá»§": 130388, + "ÙĤطع": 130389, + "ĠThá»§": 130390, + "à¸Ľà¸£à¸°à¹Ģà¸Ĺศà¹Ħà¸Ĺย": 130391, + "ÙĨÙĤ": 130392, + "ĠÄijoạn": 130393, + "Ġبإ": 130394, + "пÑĢедел": 130395, + "×ķת×ķ": 130396, + "Ġyarı": 130397, + "пÑĢе": 130398, + "ĠczÄĻÅĽci": 130399, + "ØŃÙĥÙħ": 130400, + "×ķ׳×Ļת": 130401, + "×¤×¢×ľ": 130402, + "ãĤĴãģĹãģ¦": 130403, + "Ġktórzy": 130404, + "׾×Ŀ": 130405, + "ĠÄIJiá»ģu": 130406, + "ĠкоÑĤоÑĢаÑı": 130407, + "ĠìĿ´ìĥģ": 130408, + "ãģĤãģ£ãģŁ": 130409, + "Ġ×ŀ×ĵ×ķ×ijר": 130410, + "פ×ķ×¢×ľ": 130411, + "dım": 130412, + "éĢļãĤĬ": 130413, + "ĠбÑĥдÑĥÑĤ": 130414, + "à¹Ģวà¹ĩà¸ļà¹Ħà¸ĭ": 130415, + "à¹Ģวà¹ĩà¸ļà¹Ħà¸ĭà¸ķà¹Į": 130416, + "اخر": 130417, + "×Ĺ×Ļ׾": 130418, + "Ġ×Ļ׾": 130419, + "Ġ×Ļ׾×ĵ×Ļ×Ŀ": 130420, + "×Ĺ×Ļפ": 130421, + "×Ĺ×Ļפ×ķש": 130422, + "Ġdòng": 130423, + "Ġש×ĸ×Ķ": 130424, + "ÑĮе": 130425, + "ãģĤãģ¨": 130426, + "ìŀIJê°Ģ": 130427, + "×IJ×ĵ": 130428, + "Ġüz": 130429, + "Ġüzere": 130430, + "ظÙĦ": 130431, + "Ġ×IJ×ķ׾×Ļ": 130432, + "Ġ×ij×Ļ×ķ×Ŀ": 130433, + "ÙĦات": 130434, + "Ġmê": 130435, + "침": 130436, + "تØŃد": 130437, + "تØŃدث": 130438, + "Ġخاصة": 130439, + "ĠبرÙĨ": 130440, + "ĠبرÙĨاÙħج": 130441, + "ĠHÃłn": 130442, + "×Ĺס": 130443, + "ĠÙĪÙĦÙħ": 130444, + "×¢×Ŀ": 130445, + "Ġmı": 130446, + "à¸Łà¸±à¸ĩ": 130447, + "שע×Ķ": 130448, + "ÙĪÙģÙĤ": 130449, + "ס×ij×Ļר": 130450, + "алÑĮнÑĭй": 130451, + "×Ĺש×ķ×ij": 130452, + "ĠnÃłng": 130453, + "ë³¼": 130454, + "ĠкоÑĤоÑĢÑĭÑħ": 130455, + "Ġ×Ĺ×ķ×§": 130456, + "tör": 130457, + "ĠлÑĥÑĩÑĪе": 130458, + "ãĥijãĥ³": 130459, + "ลà¹Īาสุà¸Ķ": 130460, + "ĠجدÙĬد": 130461, + "ÙĬدة": 130462, + "à¸Ĺรà¸ĩ": 130463, + "ãĤĪãĤĬãĤĤ": 130464, + "ÙĦÙĦ": 130465, + "ãĤĤãģ£ãģ¨": 130466, + "ש×ĺ×Ĺ": 130467, + "Ġ×ķ×IJ×Ļ": 130468, + "Ġgiá»ijng": 130469, + "إضاÙģ": 130470, + "קת": 130471, + "ë§Ŀ": 130472, + "ĠzostaÅĤ": 130473, + "ÑĢоз": 130474, + "×Ļפ×Ļ×Ŀ": 130475, + "Ġ׼׾׾": 130476, + "ת×ķ׼ף": 130477, + "dıģını": 130478, + "ÙĤسÙħ": 130479, + "ĠÑģÑĩиÑĤ": 130480, + "ĠÑģÑĩиÑĤа": 130481, + "×ĺ×ķת": 130482, + "Ġưu": 130483, + "ĠØ¢ÙĦ": 130484, + "Ġмом": 130485, + "ĠмоменÑĤ": 130486, + "ĠاÙĦتعÙĦÙĬÙħ": 130487, + "×¢×ľ×ķת": 130488, + "Ġchữa": 130489, + "Ġyön": 130490, + "ĠtrÃł": 130491, + "ĠØŃÙĬÙĨ": 130492, + "à¸ĭั": 130493, + "ĠCá": 130494, + "×¢×ĸ": 130495, + "ĠاÙĦØ£ÙħÙĨ": 130496, + "cÃŃ": 130497, + "Ġvá»ijn": 130498, + "Ġà¸Ļาย": 130499, + "обÑĢа": 130500, + "×§×IJ": 130501, + "Ġthiếu": 130502, + "ãĥŀãĥ¼": 130503, + "สวà¸Ļ": 130504, + "Ġgá»Ń": 130505, + "Ġgá»Ńi": 130506, + "Ġê¹": 130507, + "Ġê¹Ģ": 130508, + "Ġthiá»ĩn": 130509, + "ÙĤع": 130510, + "wÄĻ": 130511, + "Ġнам": 130512, + "ÑĤол": 130513, + "Ġsân": 130514, + "ס×ķ×Ĵ": 130515, + "Ġgeçir": 130516, + "ÑĤон": 130517, + "ева": 130518, + "ĠÙĪØ¶Ø¹": 130519, + "Ġعشر": 130520, + "Ñģло": 130521, + "à¸Īัà¸ļ": 130522, + "ãĤ·ãĥ¼": 130523, + "ãĤĤãģĤãĤĬãģ¾ãģĻ": 130524, + "Ġvẻ": 130525, + "ĠÄIJá»ĥ": 130526, + "رÙ쨹": 130527, + "ĠاÙĦØ£ÙĪÙĦÙī": 130528, + "ÑĤаÑĢ": 130529, + "ãģªãģıãģ¦": 130530, + "ÙħÙİ": 130531, + "quÃŃ": 130532, + "×¢×ł×Ļ×Ļ׳": 130533, + "ген": 130534, + "Ġhôm": 130535, + "à¸Īา": 130536, + "ĠnhỼ": 130537, + "ĠاÙĦعربÙĬ": 130538, + "×IJף": 130539, + "Ġlá»Ļ": 130540, + "ĠjeÅĽli": 130541, + "à¹Ģà¸Ĺà¹Īาà¸Ļัà¹īà¸Ļ": 130542, + "ĠØ£ÙĨÙĩا": 130543, + "Ġtuy": 130544, + "Ġtuyá»ĩt": 130545, + "Ġتص": 130546, + "ĠتصÙĨÙĬ": 130547, + "ĠتصÙĨÙĬÙģ": 130548, + "Ġê·¸ëŁ¬ëĤĺ": 130549, + "оÑĨен": 130550, + "à¸ģิà¸Īà¸ģรรม": 130551, + "ãĤĦãģ£ãģ¦": 130552, + "Ġkhá»ıi": 130553, + "Ġlá»ĩ": 130554, + "ĠاÙĦÙħجتÙħع": 130555, + "à¸Ńาà¸Īà¸Īะ": 130556, + "à¸Īะà¹Ģà¸Ľà¹ĩà¸Ļ": 130557, + "овÑĭй": 130558, + "ר×Ŀ": 130559, + "รà¹īà¸Ńà¸Ļ": 130560, + "ש×ŀש": 130561, + "人ãģ«": 130562, + "Ġüzerine": 130563, + "פר×Ļ": 130564, + "duÄŁu": 130565, + "Ñĩик": 130566, + "Ġmùa": 130567, + "Ġ×ŀת×ķ×ļ": 130568, + "ĠcáºŃp": 130569, + "ĠتارÙĬØ®": 130570, + "×ij×ľ×ª×Ļ": 130571, + "Ġì¢Ģ": 130572, + "ÙĦع": 130573, + "باÙĨ": 130574, + "Ġchút": 130575, + "Ġ×Ķ×ĸ×ŀף": 130576, + "née": 130577, + "ĠLiên": 130578, + "ĠÙĦÙĦØ£": 130579, + "ØŃدÙĪØ¯": 130580, + "Ġ×¢×Ľ×©×Ļ×ķ": 130581, + "воз": 130582, + "Ġyaptı": 130583, + "Ġобо": 130584, + "à¹ĥหà¹īà¸ģัà¸ļ": 130585, + "Ġ×ij×Ķ×Ŀ": 130586, + "ãģıãģ¦": 130587, + "رأس": 130588, + "ĠÑģÑĢедÑģÑĤв": 130589, + "ĠBÃłi": 130590, + "ãģĵãģ¨ãģ«": 130591, + "ĠìĤ¬íļĮ": 130592, + "Ġ모ëijIJ": 130593, + "×ij×IJ": 130594, + "Ġtrắng": 130595, + "ĠاÙĦبÙĦد": 130596, + "ĠHoÃłng": 130597, + "либо": 130598, + "ĠдÑĢÑĥгиÑħ": 130599, + "İR": 130600, + "Ñĥма": 130601, + "ĠJeÅĽli": 130602, + "ãĤĤãģĹ": 130603, + "Ġvòng": 130604, + "Ġ×IJתר×Ļ×Ŀ": 130605, + "ĠÄijá»įc": 130606, + "ĠвоÑĤ": 130607, + "ãģłãģĮ": 130608, + "ë°°": 130609, + "à¸Ķูà¹ģล": 130610, + "Ġ×ŀ׼׾": 130611, + "ìĹIJëıĦ": 130612, + "газ": 130613, + "Ġ׳×ķספ×Ļ×Ŀ": 130614, + "ãģĵãģ¨ãģ§": 130615, + "ĠتÙĪ": 130616, + "ãģ§ãģĤãĤĬ": 130617, + "à¸Ļัà¹Īà¸ĩ": 130618, + "ĠможеÑĤе": 130619, + "szÄĻ": 130620, + "ãģ®ãģł": 130621, + "ĠÙħÙĨÙĩ": 130622, + "Ġbá»ķ": 130623, + "Ġbüt": 130624, + "Ġbütün": 130625, + "ë³´ê³ł": 130626, + "Ġchá»ĵng": 130627, + "à¹ģà¸Īà¹īà¸ĩ": 130628, + "ĠVì": 130629, + "ĠØŃر": 130630, + "Ġgiản": 130631, + "ĠÙħدÙĬÙĨØ©": 130632, + "تطبÙĬÙĤ": 130633, + "à¸Īิ": 130634, + "æĹ¥ãģ®": 130635, + "бил": 130636, + "à¸ģà¸Ńà¸ĩ": 130637, + "ê³³": 130638, + "ĠØ£Ùħا": 130639, + "ìĨIJ": 130640, + "Ġtrái": 130641, + "ĠвÑģем": 130642, + "ĠسÙĨØ©": 130643, + "ĠÑģайÑĤ": 130644, + "ĠгоÑĤов": 130645, + "пÑĭ": 130646, + "ĠëIJł": 130647, + "ĠاÙĦخط": 130648, + "ĠاÙĦرئÙĬسÙĬØ©": 130649, + "Ġíķ©ëĭĪëĭ¤": 130650, + "ĠìķĦëĭĪëĿ¼": 130651, + "ĠìĿ´ëłĩ": 130652, + "ĠìĿ´ëłĩê²Į": 130653, + ")ØĮ": 130654, + "hält": 130655, + "ĠØ£Ùħر": 130656, + "ĠعÙħر": 130657, + "à¸ģà¹ĩà¸Īะ": 130658, + "Ġà¸Ĺำà¹ĥหà¹ī": 130659, + "Ġcân": 130660, + "Ġ×ij׾": 130661, + "Ġ×ij׾×ij×ĵ": 130662, + "פסק": 130663, + "ĠÙĬÙĤÙĪÙĦ": 130664, + "нÑĥÑĤÑĮ": 130665, + "à¹ģà¸Ħ": 130666, + "Ġקצת": 130667, + "Ġnằm": 130668, + "Ġhòa": 130669, + "bilitÃł": 130670, + "ĠìĹĨëĭ¤": 130671, + "Ġ׼פ×Ļ": 130672, + "ÑĢож": 130673, + "лага": 130674, + "Ġ×Ķש×Ļ": 130675, + "ĠNgoÃłi": 130676, + "ĠÙĪØ¬": 130677, + "ĠÙĪØ¬ÙĪØ¯": 130678, + "ĠìľĦíķľ": 130679, + "ĠusÅĤug": 130680, + "Ġtuần": 130681, + "dź": 130682, + "×ŀ×ķף": 130683, + "ĠاÙĦعدÙĬد": 130684, + "Ġchẳng": 130685, + "สุà¸Ĥà¸łà¸²à¸ŀ": 130686, + "Ġ×ij×ĵר×ļ": 130687, + "ĠÑģебе": 130688, + "ĠìŀĪìĿĦ": 130689, + "ĠاÙĦØŃاÙĦ": 130690, + "Ġdá": 130691, + "Ġcưá»Ŀi": 130692, + "Ġnghiên": 130693, + "ieÅĦ": 130694, + "ĠDương": 130695, + "ï¼ħ": 130696, + "شد": 130697, + "ãģĦãģ¤ãĤĤ": 130698, + "ĠвÑĭбоÑĢ": 130699, + "Ġcá»Ļng": 130700, + "ש×Ļ׳×ķ×Ļ": 130701, + "Ġchạy": 130702, + "Ġ×ij×¢×ľ×Ļ": 130703, + "اخبار": 130704, + "íķĺë©°": 130705, + "żÄħ": 130706, + "جاز": 130707, + "Ġ׳ר×IJ×Ķ": 130708, + "ศู": 130709, + "ศูà¸Ļ": 130710, + "ศูà¸Ļยà¹Į": 130711, + "×Ĵ×¢": 130712, + "Ġ×¢×ĵ×Ļ": 130713, + "Ġ×¢×ĵ×Ļ×Ļף": 130714, + "برا": 130715, + "ÑĨий": 130716, + "ĠÄIJá»ĵng": 130717, + "ÙĤاÙĨÙĪÙĨ": 130718, + "ĠÄijứng": 130719, + "ãģĹãģŁãĤĬ": 130720, + "Ġ×Ĺ×Ļ×Ļ": 130721, + "ĠëIJľ": 130722, + "ĠëIJľëĭ¤": 130723, + "ĠмеждÑĥ": 130724, + "à¸ŀวà¸ģà¹Ģà¸Ĥา": 130725, + "ĠBắc": 130726, + "ลำ": 130727, + "ë°±": 130728, + "ĠíĻķ": 130729, + "มาà¸ģม": 130730, + "มาà¸ģมาย": 130731, + "банк": 130732, + "à¸Ńาà¸ģาร": 130733, + "ĠhÃł": 130734, + "Ġ׾׳": 130735, + "à¸Ńà¸Ń": 130736, + "Ġë°Ķë¡ľ": 130737, + "лом": 130738, + "mática": 130739, + "ĠØŃد": 130740, + "ابت": 130741, + "à¸Ĺีà¹Īà¸Ļีà¹Ī": 130742, + "ĠcoÅĽ": 130743, + "ÙģÙĬدÙĬ": 130744, + "ÙģÙĬدÙĬÙĪ": 130745, + "ĠмеÑģÑĤо": 130746, + "Ġphút": 130747, + "มาà¸ģà¸ģวà¹Īา": 130748, + "×IJפ": 130749, + "بÙIJ": 130750, + "ĠPhú": 130751, + "ì±Ħ": 130752, + "ĠÙĪØ³ÙĦÙħ": 130753, + "à¸Īีà¸Ļ": 130754, + "поÑĤÑĢеб": 130755, + "Ġ×Ĺ×ĵש×ķת": 130756, + "Ø´ÙĪ": 130757, + "Ġעצ×ŀ×ķ": 130758, + "ĠعÙħÙĦÙĬØ©": 130759, + "à¸Ħุà¸ĵà¸łà¸²à¸ŀ": 130760, + "ãģ¾ãģĻãģĮ": 130761, + "دعÙĪ": 130762, + "طرÙĤ": 130763, + "à¹Ħมà¹Īà¸ķà¹īà¸Ńà¸ĩ": 130764, + "ë²Ķ": 130765, + "ìĬ¹": 130766, + "ĠkÃŃch": 130767, + "ĠìĹĨëĬĶ": 130768, + "ĠÑĤам": 130769, + "ĠÙĨØŃÙĪ": 130770, + "ĠاÙĦÙĤاÙĨÙĪÙĨ": 130771, + "×Ĺ×ķ×Ŀ": 130772, + "Ġkız": 130773, + "Ġ×ĵ×Ļף": 130774, + "ĠвÑĢемени": 130775, + "ãģ£ãģŁãĤĬ": 130776, + "ĠØ´Ùĩر": 130777, + "ĠìĦľë¹ĦìĬ¤": 130778, + "עש×Ķ": 130779, + "Ġgiác": 130780, + "ĠاÙĦسÙĦاÙħ": 130781, + "Ġ×IJש": 130782, + "ĠполÑĥÑĩа": 130783, + "à¸Īัà¸Ķà¸ģาร": 130784, + "коÑĢ": 130785, + "Ġ×Ķ×ĺ×ķ×ij": 130786, + "รายà¸ģาร": 130787, + "주ìĿĺ": 130788, + "à¹ģà¸ķà¹Īละ": 130789, + "Ġê·¸ëŁ°ëį°": 130790, + "à¸Ĺีà¹Īà¹Ģà¸Ľà¹ĩà¸Ļ": 130791, + "Ġת×ķ×ļ": 130792, + "بÙĬاÙĨ": 130793, + "ÐĻ": 130794, + "oÅĽciÄħ": 130795, + "ÑĤок": 130796, + "ĠÃĶ": 130797, + "ĠÃĶng": 130798, + "à¹Ħมà¹Īà¹ĥà¸Ĭà¹Ī": 130799, + "ãģ¿ãģ¦": 130800, + "ÐŁÐ¾": 130801, + "ĠЧÑĤо": 130802, + "íĻ©": 130803, + "×ĺ×ij×¢": 130804, + "меÑĤÑĢ": 130805, + "Ġ×ij×ŀ×Ķ": 130806, + "Ġ×ij×ŀ×Ķ׾": 130807, + "Ġ×ij×ŀ×Ķ׾×ļ": 130808, + "ÑĩÑĮ": 130809, + "קש×Ķ": 130810, + "знак": 130811, + "знаком": 130812, + "ujÄĻ": 130813, + "×Ļצר": 130814, + "ĠاÙĦÙħÙĦÙĥ": 130815, + "ıyla": 130816, + "×IJ×ŀת": 130817, + "à¸Ľà¸´à¸Ķ": 130818, + "×IJ×Ĺ×ĵ": 130819, + "راد": 130820, + "ĠmáºŃt": 130821, + "ëĭ¤ëĬĶ": 130822, + "Ġlạnh": 130823, + "ש׾×ķש": 130824, + "ØŃدÙĬØ«": 130825, + "تز": 130826, + "å¹´ãģ®": 130827, + "ĠкваÑĢ": 130828, + "ĠкваÑĢÑĤиÑĢ": 130829, + "ä½ľãĤĬ": 130830, + "رÙĪØ¨": 130831, + "ован": 130832, + "ĠТе": 130833, + "à¸Īำà¸ģ": 130834, + "à¸Īำà¸ģัà¸Ķ": 130835, + "باط": 130836, + "×Ĵת": 130837, + "ĠмаÑĪ": 130838, + "ĠмаÑĪин": 130839, + "×Ļצ×Ķ": 130840, + "ãģ»ãģ¨": 130841, + "ãģ»ãģ¨ãĤĵãģ©": 130842, + "ÃŃdo": 130843, + "ĠÑıзÑĭк": 130844, + "à¸ļิà¸Ļ": 130845, + "สà¸ĸาà¸Ļà¸Ĺีà¹Ī": 130846, + "ĠìĹ´": 130847, + "ãĤ¦ãĤ§": 130848, + "ĠcÃł": 130849, + "пан": 130850, + "åı£ãĤ³ãĥŁ": 130851, + "Ġرد": 130852, + "اÙĤت": 130853, + "ĠÙĥب": 130854, + "ĠÙĥبÙĬرة": 130855, + "ÑģÑĤал": 130856, + "ש×ŀ×Ĺ": 130857, + "posición": 130858, + "ĠÙħÙĦÙĬÙĪÙĨ": 130859, + "ĠìĿ´ìķ¼": 130860, + "ĠìĿ´ìķ¼ê¸°": 130861, + "Ġhút": 130862, + "ĠÅĽwiat": 130863, + "Ġë°©ë²ķ": 130864, + "ĠÑģвеÑĤ": 130865, + "Ġвидео": 130866, + "ĠاÙĦÙĨظاÙħ": 130867, + "Ġtrá»Ŀi": 130868, + "ĠëĮĢíķ´ìĦľ": 130869, + "ר×ŀת": 130870, + "تداÙĪÙĦ": 130871, + "×ķר×ĵ": 130872, + "ת×ŀ": 130873, + "ת×ŀ×ķ׳×ķת": 130874, + "Ġ×ŀף": 130875, + "Ġдва": 130876, + "Ġ×Ķ×§×ķ": 130877, + "æĹ¥ãģ«": 130878, + "Ġ×Ķ×Ĵ×Ļ×¢": 130879, + "à¹Ģà¸ŀิà¹Īมà¹Ģà¸ķิม": 130880, + "Ùħارس": 130881, + "Ġê²ĥìŀħëĭĪëĭ¤": 130882, + "ãģªãģĦãģ¨": 130883, + "Ġnhiá»ĩt": 130884, + "ëIJ©ëĭĪëĭ¤": 130885, + "Ġ×ij׳×ķש×IJ": 130886, + "Ġê°Ģìŀ¥": 130887, + "Ġvợ": 130888, + "ĠÄijóng": 130889, + "צ×Ļ׾×ķ×Ŀ": 130890, + "ê´Ģê³Ħ": 130891, + "ваÑı": 130892, + "×IJ×Ļ×ĸ": 130893, + "×IJ×Ļ×ĸ×Ķ": 130894, + "ĠÙĨظاÙħ": 130895, + "ÙħØŃاÙ쨏": 130896, + "Ġtải": 130897, + "기ëıĦ": 130898, + "à¸Ľà¸±à¸Īà¸Īุ": 130899, + "à¸Ľà¸±à¸Īà¸Īุà¸ļัà¸Ļ": 130900, + "׼×ĵ×ķר": 130901, + "ĠìķĦìĿ´": 130902, + "׼׳×Ļס": 130903, + "à¹Ģà¸ķร": 130904, + "à¹Ģà¸ķรียม": 130905, + "Ġngoại": 130906, + "ĠدÙĪÙĦار": 130907, + "Ġrẻ": 130908, + "ĠkhÄĥn": 130909, + "عدد": 130910, + "شعب": 130911, + "czyÄĩ": 130912, + "ĠاÙĦÙĥر": 130913, + "ĠÑĩеловека": 130914, + "ĠÙĪØ¥ÙĨ": 130915, + "×IJ×ĺ": 130916, + "ĠthÆ¡": 130917, + "ĠاÙĦرÙĬاض": 130918, + "опÑĢедел": 130919, + "опÑĢеделен": 130920, + "×Ķ×ŀש×ļ": 130921, + "ĠÐĿово": 130922, + "зÑĭва": 130923, + "ĠاÙĦدÙĪÙĦÙĬ": 130924, + "ĠÄijáp": 130925, + "ĠкÑĢед": 130926, + "ĠкÑĢедиÑĤ": 130927, + "ового": 130928, + "Ġmôn": 130929, + "à¸Ľà¸£à¸°à¹Ĥย": 130930, + "à¸Ľà¸£à¸°à¹Ĥยà¸Ĭà¸Ļ": 130931, + "à¸Ľà¸£à¸°à¹Ĥยà¸Ĭà¸Ļà¹Į": 130932, + "ÑģÑĤе": 130933, + "ĠThá»ĭ": 130934, + "دÙĬØ©": 130935, + "×ŀצ×ķ": 130936, + "ÙģØ§Øª": 130937, + "×§×ĵ×Ŀ": 130938, + "ìĿ´ëĿ¼ê³ł": 130939, + "ÙĪØ®": 130940, + "Ġ×Ĺ×ĸ": 130941, + "ĠÑĦоÑĤо": 130942, + "׾×Ļת": 130943, + "تÙİ": 130944, + "ÙĪØ¨Ø±": 130945, + "йÑĤи": 130946, + "ĠÃ¶ÄŁren": 130947, + "Ġ×Ķ×ĸ×ķ": 130948, + "Ġvá»įng": 130949, + "ÙĤÙĪØ©": 130950, + "ĠTây": 130951, + "ĠÐĿи": 130952, + "Ġש×ķ×ij": 130953, + "ãģ¨è¨ĢãĤıãĤĮ": 130954, + "ãģ©ãĤĵãģª": 130955, + "×Ĺצ×Ļ": 130956, + "ï½ľ": 130957, + "Ġ×ķ×Ķ×ķ×IJ": 130958, + "ä¸Ģãģ¤": 130959, + "ĠÑģÑĤоиÑĤ": 130960, + "niÄħ": 130961, + "×ĺר×Ļ": 130962, + "ĠдеÑĤей": 130963, + "нÑıÑĤÑĮ": 130964, + "ĠÑģделаÑĤÑĮ": 130965, + "Ġë§İìĿ´": 130966, + "ä½ķãģĭ": 130967, + "ãģĽãĤĭ": 130968, + "à¹Ħหม": 130969, + "à¸ķิà¸Ķà¸ķà¹Īà¸Ń": 130970, + "Ġ×ijת×Ĺ": 130971, + "Ġ×ijת×Ĺ×ķ×Ŀ": 130972, + "ìĻĦ": 130973, + "ì§ĢëĬĶ": 130974, + "ÑģÑĤаÑĤ": 130975, + "ÑıÑģн": 130976, + "üb": 130977, + "Ġthả": 130978, + "Ġ×ij×IJ×ŀת": 130979, + "Ġtuyến": 130980, + "×ĵ×Ļר×Ķ": 130981, + "Ġ×IJ×Ļש×Ļ": 130982, + "×ĸ׼ר": 130983, + "ãģ°ãģĭãĤĬ": 130984, + "Ġxét": 130985, + "׼×Ļ×ķ": 130986, + "׼×Ļ×ķ×ķף": 130987, + "diÄŁini": 130988, + "ĠاÙĦÙħÙĪØ¶ÙĪØ¹": 130989, + "ĠháºŃu": 130990, + "à¸Īาà¸ģà¸ģาร": 130991, + "×ijס×Ļס": 130992, + "Ġ×ŀ×Ĵ×Ļ×¢": 130993, + "×ij×Ļ×¢": 130994, + "ĠÙĪØ¬Ùĩ": 130995, + "à¹ģà¸Ķà¸ĩ": 130996, + "à¸Ļาà¸ĩ": 130997, + "ĠÅŀa": 130998, + "ì¡´": 130999, + "ë¡Ģ": 131000, + "à¸ķะ": 131001, + "Ġ×Ķ×Ĺ×Ļ×Ļ×Ŀ": 131002, + "ÙģÙĬد": 131003, + "ãģ§ãģĻãģĭãĤī": 131004, + "ê·ľ": 131005, + "źni": 131006, + "ĠлÑİдей": 131007, + "Ġyüzde": 131008, + "ıyorum": 131009, + "ĠاÙĦبØŃر": 131010, + "eño": 131011, + "паÑĢ": 131012, + "ÙĬÙĤØ©": 131013, + "обÑĢ": 131014, + "ר×ķ×ļ": 131015, + "تÙĪÙĤع": 131016, + "ĠاÙĦØ´ÙĬØ®": 131017, + "åĪĿãĤģãģ¦": 131018, + "ĠÑĤелеÑĦ": 131019, + "ĠÑĤелеÑĦон": 131020, + "Ġthôi": 131021, + "Ġ×Ļ׼×ķ׾×Ļ×Ŀ": 131022, + "ĠÅŁirk": 131023, + "ĠÅŁirket": 131024, + "Ġìļ°ë¦¬ê°Ģ": 131025, + "ĠÄijông": 131026, + "Ġת×ķ×ĵ×Ķ": 131027, + "ÑģмоÑĤÑĢеÑĤÑĮ": 131028, + "ĠÙĦÙĩÙħ": 131029, + "Ġ׾׼": 131030, + "ĠNó": 131031, + "ĠØŃاÙĦØ©": 131032, + "ãģĦãģij": 131033, + "קר×ķ": 131034, + "azı": 131035, + "ãĤ³ãĥ¼": 131036, + "ĠÙĦÙĦت": 131037, + "sınız": 131038, + "ĠHải": 131039, + "기ìĪł": 131040, + "ยัà¸ĩà¹Ħมà¹Ī": 131041, + "ëĭ¤ê³ł": 131042, + "פ×Ĺ": 131043, + "Ġ׾×Ĵ×ij×Ļ": 131044, + "ĠعÙĨÙĩ": 131045, + "Ġказ": 131046, + "Ġказино": 131047, + "بÙĪØ±": 131048, + "ÑĦеÑĢ": 131049, + "Ġê°ĻìĿ´": 131050, + "تسجÙĬÙĦ": 131051, + "ĠاÙĦÙħرÙĥز": 131052, + "ĠThái": 131053, + "даÑĤÑĮ": 131054, + "×ŀ×Ļ×Ļ׾": 131055, + "ĠpaylaÅŁ": 131056, + "ãģ¤ãģ®": 131057, + "à¹Ģรืà¸Ń": 131058, + "nça": 131059, + "׳×ķ×Ĺ": 131060, + "Ġ×IJפ×Ļ׾×ķ": 131061, + "ãģ¨èĢĥãģĪ": 131062, + "ãģ¨ãģĹãģ¦ãģ¯": 131063, + "à¹Ģà¸Īà¸Ń": 131064, + "×ŀפ": 131065, + "ĠgiriÅŁ": 131066, + "лиÑĤ": 131067, + "ÑĤелÑı": 131068, + "Ñijн": 131069, + "æ°Ĺãģ«": 131070, + "Ġgó": 131071, + "Ġgóp": 131072, + "åĪĩãĤĬ": 131073, + "Ġ×Ķ×Ĺ×ĵש": 131074, + "жал": 131075, + "Ġ×ĵעת": 131076, + "éģķãģĨ": 131077, + "à¹Ģà¸Ĥà¹īาà¹Ħà¸Ľ": 131078, + "Ġסר×ĺ": 131079, + "eña": 131080, + "æĸ°ãģĹãģĦ": 131081, + "رÙİ": 131082, + "ĠÐIJÑĢ": 131083, + "Ġphản": 131084, + "à¸Īะà¹Ħà¸Ķà¹ī": 131085, + "Ġ×ijצ×ķר×Ķ": 131086, + "شاÙĩ": 131087, + "شاÙĩد": 131088, + "ÙĪØ±Ø¯": 131089, + "à¹Ģà¸Ļืà¹Īà¸Ńà¸ĩà¸Īาà¸ģ": 131090, + "илиÑģÑĮ": 131091, + "à¹ģละà¸ģาร": 131092, + "Ġ×Ķ×ĸ׼": 131093, + "Ġ×Ķ×ĸ׼×ķ×Ļ×ķת": 131094, + "eiÃŁ": 131095, + "ãĥ¨": 131096, + "ìĥĪ": 131097, + "ĠÃĩa": 131098, + "Ư": 131099, + "ש×Ĵ": 131100, + "ÙĬÙĨØ©": 131101, + "รà¹īà¸Ńà¸ĩ": 131102, + "ãĤµãĥ³": 131103, + "ÑĢоÑģÑģий": 131104, + "ÑĢоÑģÑģийÑģк": 131105, + "aÄŁa": 131106, + "ĠнаÑĩина": 131107, + "ĠصÙĦÙī": 131108, + "à¸Ĺุà¸ģà¸Ħà¸Ļ": 131109, + "íļĮìĤ¬": 131110, + "ĠлиÑĨ": 131111, + "Ø´ÙĬر": 131112, + "ĠØ´ÙĬØ¡": 131113, + "ÙĬÙĨا": 131114, + "Ġפ×Ĺ×ķת": 131115, + "Ġiçeris": 131116, + "Ġiçerisinde": 131117, + "ĠØ£ØŃÙħد": 131118, + "Ġżeby": 131119, + "ì´Ŀ": 131120, + "Ġпоказ": 131121, + "Ġименно": 131122, + "หà¸Ļัà¸ĩส": 131123, + "หà¸Ļัà¸ĩสืà¸Ń": 131124, + "ĠÑĤÑĢе": 131125, + "สัà¸ĩà¸Ħม": 131126, + "Ø¥ÙIJ": 131127, + "ãģĮå¿ħè¦ģ": 131128, + "ÙĬÙijØ©": 131129, + "פצ": 131130, + "íĭ°": 131131, + "ĠÙħجاÙĦ": 131132, + "׳פש": 131133, + "кан": 131134, + "×Ĺ×ķפ": 131135, + "×Ĺ×ķפש": 131136, + "ì²ĺëŁ¼": 131137, + "оваÑı": 131138, + "зов": 131139, + "Ġhạ": 131140, + "ĠdziÄĻki": 131141, + "×Ļר×ķ": 131142, + "Ġ׾×ŀצ": 131143, + "Ġ׾×ŀצ×ķ×IJ": 131144, + "×Ļ×ĵ×ķ": 131145, + "Ġsợ": 131146, + "Ġ׾×Ķ×Ĵ×Ļ×¢": 131147, + "×§×ij×¢": 131148, + "Ġchiá»ģu": 131149, + "ãĥŀãĤ¤": 131150, + "ĠdÃłng": 131151, + "à¹ģà¸Łà¸Ļ": 131152, + "Ġüye": 131153, + "×Ļ׳×Ĵ": 131154, + "à¹Ģรียà¸ģ": 131155, + "ç§ģãģĮ": 131156, + "thé": 131157, + "ĠÑĦилÑĮ": 131158, + "ĠÑĦилÑĮм": 131159, + "ĠNgÃły": 131160, + "Ġжен": 131161, + "ĠженÑīин": 131162, + "جÙĬد": 131163, + "nç": 131164, + "à¸Ľà¸£à¸²": 131165, + "×Ļ×ŀ×ķ": 131166, + "Ġná»ģn": 131167, + "×IJ×ķ׾×Ŀ": 131168, + "ĠвозможноÑģÑĤÑĮ": 131169, + "Ġëĭ¤ìĭľ": 131170, + "è¦ĭãģŁ": 131171, + "à¸ĸà¸Ļ": 131172, + "à¸ĸà¸Ļà¸Ļ": 131173, + "mızı": 131174, + "ĠÙħجÙħÙĪØ¹Ø©": 131175, + "cjÄħ": 131176, + "ĠÐłÐ¤": 131177, + "à¸ģำหà¸Ļ": 131178, + "à¸ģำหà¸Ļà¸Ķ": 131179, + "ĠìĹ¬ê¸°": 131180, + "landı": 131181, + "ниÑĨ": 131182, + "ÑģÑĤве": 131183, + "Ġ×ĵ×ijר×Ļ×Ŀ": 131184, + "ĠskÅĤad": 131185, + "ãĤĬãģ¾ãģĹãģŁ": 131186, + "ĠоÑĤкÑĢÑĭÑĤ": 131187, + "нÑıÑĤ": 131188, + "ĠÑģвоей": 131189, + "à¸Īิà¸ķ": 131190, + "ĠкаÑĩеÑģÑĤве": 131191, + "ĠettiÄŁi": 131192, + "ìĤ¬íķŃ": 131193, + "ĠاÙĦÙĬÙħÙĨ": 131194, + "иÑĩеÑģкий": 131195, + "ë¸Į": 131196, + "Ġ×ij×IJרץ": 131197, + "ĠاسÙħ": 131198, + "ĠизвеÑģÑĤ": 131199, + "rão": 131200, + "ĠattivitÃł": 131201, + "à¹Ģà¸Ľà¹ĩà¸Ļà¸ģาร": 131202, + "ĠاÙĦدÙĥت": 131203, + "ĠاÙĦدÙĥتÙĪØ±": 131204, + "ĠÙĪØ§ØŃدة": 131205, + "ĠÑģÑĩеÑĤ": 131206, + "ĠпÑĢиÑĩ": 131207, + "ĠпÑĢиÑĩин": 131208, + "ĠÙĪØ²Ø§Ø±Ø©": 131209, + "Ġhuyá»ĩn": 131210, + "ĠÙĥتاب": 131211, + "à¹ģà¸Ļà¹Īà¸Ļ": 131212, + "à¹ģà¸Ļà¹Īà¸Ļà¸Ńà¸Ļ": 131213, + "Ġgünü": 131214, + "гÑĢÑĥз": 131215, + "ĠاÙĦخاص": 131216, + "Ġgörül": 131217, + "׾×ŀ×ĵ": 131218, + "ĠìłķëıĦ": 131219, + "×ķ×ij×Ļ׾": 131220, + "Ġ×ŀקצ×ķ×¢×Ļ": 131221, + "ĠоÑģобенно": 131222, + "à¸Ľà¸£à¸°à¸ģา": 131223, + "à¸Ľà¸£à¸°à¸ģาศ": 131224, + "acaģını": 131225, + "ë¶ģ": 131226, + "à¸łà¸¹à¸¡à¸´": 131227, + "ĠÑįлекÑĤ": 131228, + "ĠÑįлекÑĤÑĢо": 131229, + "Ġקש×Ķ": 131230, + "سÙĦØ·": 131231, + "à¸Ĭà¸Ļะ": 131232, + "×¢×Ļ׾": 131233, + "ĠЧе": 131234, + "à¹ģà¸Ļà¹Ī": 131235, + "lıģ": 131236, + "lıģın": 131237, + "Ġ×ŀ×¢×¨×Ľ×ª": 131238, + "好ãģįãģª": 131239, + "มาà¸ģà¸Ĥึà¹īà¸Ļ": 131240, + "×ŀ×¢×ijר": 131241, + "ĠاÙĦÙħغرب": 131242, + "ĠпеÑĢи": 131243, + "ĠпеÑĢиод": 131244, + "Ġnhạc": 131245, + "اÙĪÙĬ": 131246, + "ĠÙĪØ¹ÙĦÙī": 131247, + "أخذ": 131248, + "ĠCô": 131249, + "תר×ij×ķת": 131250, + "×Ĵ×Ķ": 131251, + "Ġktórej": 131252, + "×IJ×Ļת": 131253, + "×ij×ķ×IJ": 131254, + "делÑĮ": 131255, + "รีวิ": 131256, + "รีวิว": 131257, + "жÑĥ": 131258, + "Ġ×ij×Ĺ×ķ": 131259, + "еÑĪÑĮ": 131260, + "ĠØ£ÙĦÙģ": 131261, + "ĠاÙĦÙĪØ·ÙĨÙĬ": 131262, + "ĠاÙĦÙħÙĨØ·ÙĤØ©": 131263, + "nÄħÄĩ": 131264, + "Ġthiên": 131265, + "иÑĩеÑģкой": 131266, + "ĠاÙĦÙħÙĦ": 131267, + "ĠعÙħ": 131268, + "ספר": 131269, + "Ġnhóm": 131270, + "ÙĪØµÙģ": 131271, + "ĠChúng": 131272, + "ĠرÙĤÙħ": 131273, + "ãģ¾ãģĹãģŁãģĮ": 131274, + "alité": 131275, + "ลม": 131276, + "ĠëĤ´ê°Ģ": 131277, + "׾ק×ķ×Ĺ": 131278, + "ĠSÆ¡n": 131279, + "posição": 131280, + "miÄĻ": 131281, + "Ġtránh": 131282, + "ĠÄIJá»Ļ": 131283, + "׼×Ĺ": 131284, + "ãģĤãģ£ãģ¦": 131285, + "à¸Ńยà¹Īา": 131286, + "Ġ×ŀ×Ĺ×Ļר": 131287, + "Ġ×Ķ×Ļת×Ķ": 131288, + "à¸Ľà¹Īา": 131289, + "à¸Ńืà¹Īà¸Ļà¹Ĩ": 131290, + "Ø´ÙĤ": 131291, + "×ł×¡×Ļ": 131292, + "림": 131293, + "ãģ¦ãģĹãģ¾ãģĨ": 131294, + "Ġ×ŀצ×ij": 131295, + "ãģ«åĩº": 131296, + "ÙħÙĪØ§Ø·ÙĨ": 131297, + "ยัà¸ĩมี": 131298, + "алÑĮнÑĭе": 131299, + "sanız": 131300, + "إسرائÙĬÙĦ": 131301, + "ĠvÃłi": 131302, + "ì¤Ħ": 131303, + "ã썿ĢĿãģ£ãģ¦": 131304, + "×Ļ×ķ׳×Ļ": 131305, + "çĶŁãģį": 131306, + "Ġsâu": 131307, + "ÑĩиÑģÑĤ": 131308, + "Ġlá»ħ": 131309, + "ĠGiá": 131310, + "à¸Ńà¸¸à¸Ľ": 131311, + "à¸Ńà¸¸à¸Ľà¸ģร": 131312, + "à¸Ńà¸¸à¸Ľà¸ģรà¸ĵà¹Į": 131313, + "Ġnhẹ": 131314, + "rö": 131315, + "ס×ĺ×Ļ": 131316, + "ãģķãĤĵãģĮ": 131317, + "Ġdầu": 131318, + "عÙİ": 131319, + "ترا": 131320, + "×Ĵ×ĵ׾": 131321, + "Ġtécnica": 131322, + "׼׳×Ļ×Ŀ": 131323, + "תקש": 131324, + "תקש×ķרת": 131325, + "Ġнего": 131326, + "était": 131327, + "Ġmá»ģm": 131328, + "ÑģеÑĤ": 131329, + "ĠnháºŃt": 131330, + "Ġ×ŀ×¢×ľ": 131331, + "Ġ×Ķ×¢×ij×ķ×ĵ": 131332, + "Ġ×Ķ×¢×ij×ķ×ĵ×Ķ": 131333, + "Ġ×Ĵ×Ļ׾": 131334, + "ãģ¯ãģªãģĦ": 131335, + "ائØŃ": 131336, + "ĠздеÑģÑĮ": 131337, + "×IJ×Ļ׳×ĺר": 131338, + "ÙħÙIJ": 131339, + "Ġ×Ļ×Ĺ×ĵ": 131340, + "راÙģ": 131341, + "ì²ĺ리": 131342, + "×ĵ×¢×ķת": 131343, + "ì¹ľ": 131344, + "ĠТо": 131345, + "ĠThế": 131346, + "ì¶©": 131347, + "Ġ׳׼×ķף": 131348, + "عÙĬØ´": 131349, + "низ": 131350, + "ĠجاÙĨب": 131351, + "×ŀקצ×ķ×¢": 131352, + "à¹Ĥà¸ĭ": 131353, + "ÑģÑĥÑĤ": 131354, + "ìĸ´ìļĶ": 131355, + "ãĤĴè¦ĭãģ¦": 131356, + "ارد": 131357, + "Ġaçıl": 131358, + "ĠاÙĦØŃÙĬاة": 131359, + "à¸ģà¹ĩà¹Ħà¸Ķà¹ī": 131360, + "ãģĿãĤĮãĤĴ": 131361, + "عضÙĪ": 131362, + "ĠгÑĢаж": 131363, + "ĠгÑĢаждан": 131364, + "à¸Īะà¸ķà¹īà¸Ńà¸ĩ": 131365, + "ĠìĿ´ë٬": 131366, + "ĠìĿ´ë٬íķľ": 131367, + "Ġtrách": 131368, + "ÙĨÙİ": 131369, + "Ġkısa": 131370, + "ÃĶ": 131371, + "ÑĪка": 131372, + "ãģ®äºº": 131373, + "ĠÐŁÐ¾Ñģ": 131374, + "ĠÐŁÐ¾Ñģле": 131375, + "ÑĥлÑĮ": 131376, + "ÙĪØ§Ø¬Ùĩ": 131377, + "ÙĤرب": 131378, + "à¸Ľà¸ıิà¸ļัà¸ķิ": 131379, + "ê°Ļ": 131380, + "Ġ×ŀ׳": 131381, + "ĠÑģвои": 131382, + "براÙħج": 131383, + "ĠرÙĪ": 131384, + "пÑĢод": 131385, + "пÑĢодаж": 131386, + "ĠbyÅĤy": 131387, + "วัย": 131388, + "Ġgörün": 131389, + "ĠÃĪ": 131390, + "ÑİÑīим": 131391, + "ĠÑĤакой": 131392, + "ÙģÙĪØ±": 131393, + "ĠÙ쨹ÙĦ": 131394, + "Ġбел": 131395, + "ëIJł": 131396, + "erÃŃa": 131397, + "ĠÑģвоÑİ": 131398, + "Ġlã": 131399, + "Ġlãnh": 131400, + "à¹Ģà¸ŀืà¹Īà¸Ńà¹ĥหà¹ī": 131401, + "ÙĤÙĨ": 131402, + "تطÙĪÙĬر": 131403, + "Ġsayı": 131404, + "ĠÑģейÑĩаÑģ": 131405, + "Ġ×IJ×Ĺרת": 131406, + "×§×ķפ×Ķ": 131407, + "×§×ķרס": 131408, + "ĠسÙħ": 131409, + "Ġ×ĺ×Ļפ×ķ׾": 131410, + "ìĿ´ëĿ¼ëĬĶ": 131411, + "دراسة": 131412, + "èµ·ãģĵ": 131413, + "×Ĺ×Ļ׳": 131414, + "×Ĺ×Ļ׳×ķ×ļ": 131415, + "×ĵ×§": 131416, + "Ġë§ŀ": 131417, + "Ġкоманд": 131418, + "ĠÐijо": 131419, + "ĠигÑĢÑĭ": 131420, + "à¸ļี": 131421, + "ĠØ£Ùİ": 131422, + "вен": 131423, + "ĠاÙĦجدÙĬد": 131424, + "ĠÙĦØ¥": 131425, + "Ġ×ķ×IJ׳×Ļ": 131426, + "Ġ×Ķס×Ļ": 131427, + "иÑĩеÑģкого": 131428, + "رÙĪØŃ": 131429, + "à¸ģารศึà¸ģษา": 131430, + "ĠTrưá»Ŀng": 131431, + "игÑĢа": 131432, + "ılması": 131433, + "ĠмаÑģÑģ": 131434, + "ãģ¨ãģįãģ«": 131435, + "à¸Ĺีà¹Īà¸ľà¹Īาà¸Ļ": 131436, + "à¸Ĺีà¹Īà¸ľà¹Īาà¸Ļมา": 131437, + "ĠاÙĦسابÙĤ": 131438, + "Ġ×ŀ×¢×ĺ": 131439, + "ваÑĤÑĮ": 131440, + "mÃ¼ÅŁ": 131441, + "Ġ׾׼×ļ": 131442, + "Ġtá»ĭch": 131443, + "ÙģÙĩÙħ": 131444, + "تدرÙĬب": 131445, + "Ø´Ùĥ": 131446, + "Ġ×ij×ŀ×Ļ": 131447, + "Ġ×ij×ŀ×Ļ×ķ×Ĺ×ĵ": 131448, + "ÙĤطاع": 131449, + "ãģªãģĹ": 131450, + "×ķצ×Ļ×IJ": 131451, + "ĠÙĪØ³ÙĬ": 131452, + "зÑĥ": 131453, + "Ġyat": 131454, + "Ġyatırım": 131455, + "ë§İ": 131456, + "Ġthắng": 131457, + "ãģĬ客": 131458, + "ãģĬ客æ§ĺ": 131459, + "ĠThiên": 131460, + "ãģ«å¯¾ãģĹãģ¦": 131461, + "ÑĢиÑģ": 131462, + "ÙĨتائ": 131463, + "ÙĨتائج": 131464, + "Ġ×ŀשר": 131465, + "Ġ×ŀשר×ĵ": 131466, + "ĠتعاÙĦ": 131467, + "ĠتعاÙĦÙī": 131468, + "ש׳×Ļ": 131469, + "ÙĩاÙħ": 131470, + "×IJ׳ש×Ļ×Ŀ": 131471, + "Ġżycia": 131472, + "ĠÑĢÑĥблей": 131473, + "ÙĬض": 131474, + "Ġkatıl": 131475, + "ĠÙħÙĪØ¶ÙĪØ¹": 131476, + "Ġvardır": 131477, + "ĠÙħÙĨØ·ÙĤØ©": 131478, + "ĠTrần": 131479, + "ĠвеÑģ": 131480, + "üp": 131481, + "ÙħÙĪÙĨ": 131482, + "ÑĪли": 131483, + "Ġnóng": 131484, + "Ø®ÙĦÙģ": 131485, + "ĠСÑĤа": 131486, + "ĠдоÑĢ": 131487, + "ĠдоÑĢог": 131488, + "ĠwÅĤaÅĽnie": 131489, + "eÄŁin": 131490, + "Ġhiá»ĥm": 131491, + "ĠСам": 131492, + "ê»ĺìĦľ": 131493, + "ĠÑĦа": 131494, + "ãģ»ãģĨ": 131495, + "ãģ»ãģĨãģĮ": 131496, + "×ķפ×Ļ×¢": 131497, + "ê°Ī": 131498, + "دÙĪÙĦ": 131499, + "Ġthuê": 131500, + "Ġchá»Ĺ": 131501, + "Ġëĭ¹ìĭł": 131502, + "ãģijãĤĮ": 131503, + "ãģijãĤĮãģ©": 131504, + "ë³´íĺ¸": 131505, + "ãģķãĤĮãģ¦ãģĦãģ¾ãģĻ": 131506, + "Ġнадо": 131507, + "ĠìĤ¬ëŀĮëĵ¤": 131508, + "à¹Ģà¸Ĥà¸ķ": 131509, + "สมัย": 131510, + "zÅĤ": 131511, + "تÙĪØ±": 131512, + "Ġשת×Ļ": 131513, + "vê": 131514, + "Ġ×ijת×ķ×ļ": 131515, + "à¸Ĭัย": 131516, + "ãģĦãģ£ãģŁ": 131517, + "ìĿij": 131518, + "Ġtầ": 131519, + "Ġtầng": 131520, + "ש׼ר": 131521, + "Ġê¸Ģ": 131522, + "Ġ×Ķש׳×Ķ": 131523, + "ĠاÙĨÙĩ": 131524, + "ç«ĭãģ¡": 131525, + "rés": 131526, + "führen": 131527, + "رØŃÙħ": 131528, + "ê·¹": 131529, + "ĠâĢ«": 131530, + "Ġsuất": 131531, + "à¸Łà¸´": 131532, + "ÙĬÙĩا": 131533, + "ĠاÙĦاتØŃاد": 131534, + "Ġtuyá»ĥn": 131535, + "ãģ¾ãĤĭ": 131536, + "Ġmại": 131537, + "Ġngân": 131538, + "ãĤ°ãĥ©": 131539, + "欲ãģĹãģĦ": 131540, + "سار": 131541, + "ãĤĤãģ®ãģ§ãģĻ": 131542, + "кие": 131543, + "Ġseçim": 131544, + "åħ¥ãĤĬ": 131545, + "ãģªãģ©ãĤĴ": 131546, + "ÑĤÑĢи": 131547, + "ĠÑģпеÑĨ": 131548, + "Ġأد": 131549, + "Ġодно": 131550, + "ÑĪел": 131551, + "ãĥĩãĥ¼ãĤ¿": 131552, + "ãĤ·ãĤ¹ãĥĨ": 131553, + "ãĤ·ãĤ¹ãĥĨãĥł": 131554, + "è¡Įãģį": 131555, + "ã썿ĢĿãģ£ãģŁ": 131556, + "à¹Ģà¸ģิà¸Ķà¸Ĥึà¹īà¸Ļ": 131557, + "ĠÑĤож": 131558, + "ĠÑĤоже": 131559, + "Ġsạch": 131560, + "ĠÑģÑĢок": 131561, + "ĠклиенÑĤ": 131562, + "ĠÙħشرÙĪØ¹": 131563, + "Ġaltında": 131564, + "Ġì·¨": 131565, + "ä¸Ńãģ®": 131566, + "ãģķãģĽãĤĭ": 131567, + "ãģĻãģ¹": 131568, + "ãģĻãģ¹ãģ¦": 131569, + "ê°ľë°ľ": 131570, + "ĠÄijêm": 131571, + "ãģªãģĦãģ®ãģ§": 131572, + "ì²ł": 131573, + "×¢×ij×ĵ": 131574, + "Ġdấu": 131575, + "à¸Ħà¸Ļà¸Ĺีà¹Ī": 131576, + "ĠCách": 131577, + "تعÙĦÙĬÙħ": 131578, + "Ġhại": 131579, + "ãĤ»ãĥķãĥ¬": 131580, + "ĠÙĨÙ쨳Ùĩ": 131581, + "ĠíĨµíķ´": 131582, + "ÑĪло": 131583, + "ĠнапÑĢав": 131584, + "ĠнапÑĢавлен": 131585, + "ÑĢÑĥÑĩ": 131586, + "íĶĮ": 131587, + "Ġ×ijר×Ļ×IJ": 131588, + "ãģ®ãģ¿": 131589, + "ãģ«ãģĬãģĦãģ¦": 131590, + "×ij׳ק": 131591, + "ãĤ¨ãĥ³": 131592, + "Ø«ÙĦاث": 131593, + "Ġmỹ": 131594, + "ĠÑģайÑĤе": 131595, + "ĠемÑĥ": 131596, + "تغÙĬ": 131597, + "تغÙĬÙĬر": 131598, + "خصÙĪØµ": 131599, + "ÑĤели": 131600, + "Ġ×ķ׾׼ף": 131601, + "פע×Ŀ": 131602, + "ĠпоÑįÑĤомÑĥ": 131603, + "راÙĨ": 131604, + "иÑĤелей": 131605, + "пиÑģан": 131606, + "×¢×¥": 131607, + "ĠìĤ¬ìĹħ": 131608, + "Ùħز": 131609, + "جÙħÙĬع": 131610, + "ë©´ìĦľ": 131611, + "à¸ľà¸¥à¸´à¸ķà¸łà¸±": 131612, + "à¸ľà¸¥à¸´à¸ķà¸łà¸±à¸ĵ": 131613, + "à¸ľà¸¥à¸´à¸ķà¸łà¸±à¸ĵà¸ij": 131614, + "à¸ľà¸¥à¸´à¸ķà¸łà¸±à¸ĵà¸ijà¹Į": 131615, + "ĠпÑĢимеÑĢ": 131616, + "ãĤŃãĥ¼": 131617, + "lâ": 131618, + "ĠchÄĥm": 131619, + "缮ãģ®": 131620, + "ãģĦãģĭ": 131621, + "ãģ¨è¨ĢãģĨ": 131622, + "×ĸ×ķ×Ĵ": 131623, + "Ġ×ij×ĵ×Ļ": 131624, + "Ġ×ij×ĵ×Ļ×ķ×§": 131625, + "ãģĬåºĹ": 131626, + "à¸ķà¸Ńà¸Ļà¸Ļีà¹ī": 131627, + "Ġphá»iji": 131628, + "пÑĤ": 131629, + "สà¸Ļาม": 131630, + "Ø·ÙĪ": 131631, + "صاØŃ": 131632, + "صاØŃب": 131633, + "ĠDü": 131634, + "ĠDünya": 131635, + "Ġпока": 131636, + "пал": 131637, + "ĠÄijảo": 131638, + "ĠاÙĦÙģÙĪØ±": 131639, + "ĠاÙĦÙģÙĪØ±Ùĥس": 131640, + "Ġmáu": 131641, + "кÑĢеп": 131642, + "ĠاÙĦساعة": 131643, + "ĠгоÑĢода": 131644, + "Ù쨵ÙĦ": 131645, + "айÑĤе": 131646, + "Ġдог": 131647, + "ĠдоговоÑĢ": 131648, + "Ġإذ": 131649, + "Ġ×ij׼׾׾": 131650, + "ÙĬتÙĩ": 131651, + "×Ĵ×ijר": 131652, + "Ġbirç": 131653, + "Ġbirçok": 131654, + "문íĻĶ": 131655, + "ãģĿãģĨãģª": 131656, + "راØŃ": 131657, + "ĠÙħرة": 131658, + "ĠденÑĮги": 131659, + "fä": 131660, + "à¸Ĥà¹īาว": 131661, + "ĠÑģовÑĢем": 131662, + "ĠÑģовÑĢеменн": 131663, + "׾×Ĺ×¥": 131664, + "èī¯ãģı": 131665, + "ĠÙ쨣": 131666, + "Ġ×ķ×ĸ×Ķ": 131667, + "Ġзани": 131668, + "Ġзанима": 131669, + "Ġê°Ģì§Ģê³ł": 131670, + "ĠhÆ¡i": 131671, + "ãģªãģ®ãģĭ": 131672, + "ãĥĨãĥ¬ãĥĵ": 131673, + "Ġר×ij×ķת": 131674, + "à¸ķี": 131675, + "Ġ×ij×©×ł×ª": 131676, + "ĠTại": 131677, + "ĠthuáºŃn": 131678, + "Ñģел": 131679, + "Ñijм": 131680, + "dziÄĩ": 131681, + "ĠÑģка": 131682, + "ĠÑģкаÑĩ": 131683, + "ĠÑģкаÑĩаÑĤÑĮ": 131684, + "×ķ×ŀ×ķ": 131685, + "гла": 131686, + "ĠминÑĥÑĤ": 131687, + "åĩºãģĻ": 131688, + "Ġ×Ĺ×Ļ×Ļ×ij": 131689, + "Ġת×Ĵ×ķ×ij×Ķ": 131690, + "à¸£à¸¹à¸Ľà¹ģà¸ļà¸ļ": 131691, + "ниÑĨа": 131692, + "Ġİn": 131693, + "Ġأع": 131694, + "ĠضÙħÙĨ": 131695, + "ÙħثاÙĦ": 131696, + "ĠyaÅŁan": 131697, + "ĠìĹ°êµ¬": 131698, + "ĠLê": 131699, + "ש׾×Ĺ": 131700, + "ãģıãģªãĤĭ": 131701, + "ìĹĨìĿ´": 131702, + "ĠÑĤÑĢи": 131703, + "ĠÑĩаÑģÑĤо": 131704, + "ĠобÑĢаÑĤ": 131705, + "пло": 131706, + "دخ": 131707, + "دخÙĪÙĦ": 131708, + "سÙĩ": 131709, + "à¸Ńาà¸ģ": 131710, + "à¸Ńาà¸ģาศ": 131711, + "Ġ׼×ĸ×Ķ": 131712, + "Ġ×Ķעסק": 131713, + "ĠاÙĦØ£ÙĨ": 131714, + "å¹´ãģ«": 131715, + "עש×ķ": 131716, + "Ġשע×ķת": 131717, + "ĠmÃłn": 131718, + "×IJר×Ļ": 131719, + "sıyla": 131720, + "Ù쨱ÙĤ": 131721, + "ниÑħ": 131722, + "Ġتست": 131723, + "è¦ĭãģ¦": 131724, + "ØŃاÙĪÙĦ": 131725, + "×IJ×Ļ׼×ķת": 131726, + "ĠbaÅŁladı": 131727, + "stÄħ": 131728, + "stÄħpi": 131729, + "à¸Ĺีà¹Īà¹Ģรา": 131730, + "ÙĤرر": 131731, + "جاب": 131732, + "Ġ×ijר×ķר": 131733, + "à¹Ģà¸Ĥà¹īาà¹ĥà¸Ī": 131734, + "×ŀ×Ĺקר": 131735, + "alım": 131736, + "Ġס×Ļפ×ķר": 131737, + "ãģ§ãģĤãĤĮãģ°": 131738, + "Ġש×ŀ×ķר×ķת": 131739, + "Ġ×ķ×ŀ×Ķ": 131740, + "ãģĵãģĿ": 131741, + "idée": 131742, + "ä¸ĭãģķãģĦ": 131743, + "تÙĨاÙĪÙĦ": 131744, + "Ġลà¹īาà¸Ļ": 131745, + "Ġìļ°ë¦¬ëĬĶ": 131746, + "اÙĨا": 131747, + "ÑģÑĤой": 131748, + "боÑĤ": 131749, + "ĠyaÅŁam": 131750, + "köy": 131751, + "Ø¥ÙĦ": 131752, + "ÑĢÑĭв": 131753, + "기ìĹħ": 131754, + "Ġ×Ķ×ŀ×ĵ": 131755, + "Ġ×Ķ×ŀ×ĵ×Ļ׳×Ķ": 131756, + "دب": 131757, + "×¢×Ļ׳×Ļ": 131758, + "×ŀת×Ĺ": 131759, + "Ġפר×Ļ": 131760, + "ãĥĭãĥ¼": 131761, + "اÙħÙĬ": 131762, + "Ġnhằm": 131763, + "ãĤĮãģªãģĦ": 131764, + "تعرÙģ": 131765, + "Ġë§ĪìĿĮ": 131766, + "ìĵ°": 131767, + "Ġhấp": 131768, + "ר×Ĵ×Ļ׾": 131769, + "بÙİ": 131770, + "ĠrÄĥng": 131771, + "glÄħd": 131772, + "ĠÑģиÑģÑĤемÑĭ": 131773, + "Ġkhóa": 131774, + "ãģ§ãģĻãĤĪãģŃ": 131775, + "大ãģįãģı": 131776, + "기를": 131777, + "Ġkéo": 131778, + "ÙĪØ¡": 131779, + "جاÙħ": 131780, + "جاÙħع": 131781, + "Ġ×¢×Ļצ×ķ×ij": 131782, + "téri": 131783, + "Ġתש": 131784, + "Ġ×IJ×ij×Ļ": 131785, + "ĠChương": 131786, + "à¸ļริà¹Ģว": 131787, + "à¸ļริà¹Ģวà¸ĵ": 131788, + "ãģ¤ãģı": 131789, + "Ġ×Ĺ×ķ׾": 131790, + "עת×Ļ×ĵ": 131791, + "ש×Ļ×ŀ×Ķ": 131792, + "ëĤ¨": 131793, + "Ġש×IJ×Ļף": 131794, + "ĠÙĪØ§ÙĦØ¥": 131795, + "ÑĦа": 131796, + "Ġkhám": 131797, + "Ġ×ĺ×ķ×ij×Ķ": 131798, + "ĠвÑĭÑģ": 131799, + "ĠвÑĭÑģоко": 131800, + "ĠاÙĦØŃدÙĬØ«": 131801, + "人ãĤĤ": 131802, + "dÃ¼ÄŁÃ¼": 131803, + "×Ļ×Ĺ×ķ×ĵ": 131804, + "تعÙĦÙĬ": 131805, + "تعÙĦÙĬÙĤ": 131806, + "lö": 131807, + "تØŃدÙĬد": 131808, + "него": 131809, + "ĠÑĥдоб": 131810, + "Ġ׾×ŀ×Ļ": 131811, + "Ġר×ķצ×Ļ×Ŀ": 131812, + "Ġجاء": 131813, + "Ġ×ij×ĸ×ŀף": 131814, + "à¸Ľà¸ģà¸ķิ": 131815, + "é«ĺãģı": 131816, + "à¸Ľà¸¥à¸²": 131817, + "Ġartık": 131818, + "Ġbugün": 131819, + "ק׳×Ļ": 131820, + "Ġkhoá": 131821, + "ĠÙħرÙĥز": 131822, + "ĠìŀIJ기": 131823, + "درجة": 131824, + "×ŀשר×ĵ": 131825, + "Ġgiấy": 131826, + "Ġchóng": 131827, + "קפ": 131828, + "ÙĬبة": 131829, + "ĠczÄĻsto": 131830, + "вали": 131831, + "Ùĥب": 131832, + "ìŁģ": 131833, + "สà¸ļาย": 131834, + "à¸Ľà¸£à¸°à¸Ĭาà¸Ĭà¸Ļ": 131835, + "×Ĵ×ķ×£": 131836, + "ëŁī": 131837, + "ãģ®ãģĵãģ¨": 131838, + "ลà¸Ń": 131839, + "Ġnghá»ī": 131840, + "åŃIJãģ©": 131841, + "åŃIJãģ©ãĤĤ": 131842, + "à¹Ħà¸Ķà¹īà¸Ńย": 131843, + "à¹Ħà¸Ķà¹īà¸Ńยà¹Īาà¸ĩ": 131844, + "×ĵ×¢": 131845, + "ĠاÙĦتÙī": 131846, + "ĠÑģовеÑĤ": 131847, + "ĠqualitÃł": 131848, + "åĩºãģĹ": 131849, + "ĠÑĢÑĥков": 131850, + "ĠÑĢÑĥковод": 131851, + "รายละà¹Ģà¸Ńียà¸Ķ": 131852, + "ãģªãģĭãģªãģĭ": 131853, + "기ê´Ģ": 131854, + "Ġ×Ĺ×ķש": 131855, + "Ġ×Ĺ×ķש×ij": 131856, + "лоÑĤ": 131857, + "à¸Ļะà¸Ħรัà¸ļ": 131858, + "×§×ij×ķצ×Ķ": 131859, + "Ġthái": 131860, + "Ġש×ij×Ķ": 131861, + "ĠÑĪкол": 131862, + "ĠÙĦÙĥÙĦ": 131863, + "à¹ĥà¸Ļà¸Ĭà¹Īวà¸ĩ": 131864, + "ĠÙħÙĥاÙĨ": 131865, + "ëķĮ": 131866, + "Ġcải": 131867, + "ĠChÃŃ": 131868, + "ÑĥÑĩа": 131869, + "ìĿµ": 131870, + "Ġxảy": 131871, + "à¸Ĭà¸Ļิà¸Ķ": 131872, + "ĠcáºŃu": 131873, + "кÑĢов": 131874, + "ssé": 131875, + "ĠÙĨÙĪØ¹": 131876, + "ĠТа": 131877, + "Ø®Ùħس": 131878, + "פ×ķס×ĺ": 131879, + "Ġmắc": 131880, + "ĠÄijem": 131881, + "à¸ģารà¹ĥà¸Ĭà¹ī": 131882, + "ר×ķס": 131883, + "ĠÐĽÐµ": 131884, + "Ġthá»Ń": 131885, + "รà¹Īาà¸ĩà¸ģาย": 131886, + "üzü": 131887, + "æĹ¥æľ¬ãģ®": 131888, + "ê³¼ìłķ": 131889, + "ש×Ļ×IJ": 131890, + "ĠìŀĪê³ł": 131891, + "×ij×ķ׾": 131892, + "ìķħ": 131893, + "ĠÙĪØ§ÙĦا": 131894, + "ĠÐĽÐ¸": 131895, + "ĠвÑģÑij": 131896, + "Ġużytkow": 131897, + "×Ĺ×ķ׾": 131898, + "رÙ쨶": 131899, + "Ġsonuç": 131900, + "ãģĦãģ¾ãģĽãĤĵ": 131901, + "ìĤ¬ìĹħ": 131902, + "ëĪĦ": 131903, + "ÑĤек": 131904, + "ĠudziaÅĤ": 131905, + "лез": 131906, + "Ġ×Ķ×Ļ×Ļת×Ļ": 131907, + "ãĤīãĤĮãģ¦": 131908, + "ÙħسؤÙĪÙĦ": 131909, + "رار": 131910, + "ÑĤан": 131911, + "ĠÄijÃło": 131912, + "Ġר×ķ×ij": 131913, + "Ġ×ijש×ij×Ļ׾": 131914, + "ä»ĬåĽŀãģ¯": 131915, + "ãĤ¸ãĥ¥": 131916, + "Ġ×¢×ijר": 131917, + "ãģĽãģ¦": 131918, + "полÑĮ": 131919, + "aklı": 131920, + "ĠkÃŃnh": 131921, + "دت": 131922, + "ложение": 131923, + "ĠاÙĦÙħص": 131924, + "ĠاÙĦÙħصرÙĬ": 131925, + "à¸Īริà¸ĩà¹Ĩ": 131926, + "ĠاÙĦشرÙĥØ©": 131927, + "ĠÄijá»ı": 131928, + "ãĥĽãĥĨ": 131929, + "ãĥĽãĥĨãĥ«": 131930, + "Ñįкон": 131931, + "Ñįконом": 131932, + "ĠÙĪØ¹ÙĨ": 131933, + "Ġ×ª×ł": 131934, + "Ġ×ª×ł×IJ×Ļ": 131935, + "ĠاÙĦدÙĪÙĦÙĬØ©": 131936, + "Ġì§ĢìĹŃ": 131937, + "ãģ§ãģĻãģĭ": 131938, + "ĠваÑĢи": 131939, + "ĠваÑĢианÑĤ": 131940, + "ĠاÙĦعرب": 131941, + "ела": 131942, + "ĠtÆ°á»Ľng": 131943, + "skÄħ": 131944, + "Ġmặc": 131945, + "สัà¸ģ": 131946, + "ãĥĵãĥ¼": 131947, + "Ġ×ij×Ĵ׾": 131948, + "Ġ×ij×Ĵ׾׾": 131949, + "ãĥķãĤ¡ãĥ³": 131950, + "×ij×Ļצ": 131951, + "×ij×Ļצ×ķ×¢": 131952, + "лиÑģÑĤ": 131953, + "à¸Łà¸¸": 131954, + "à¸Łà¸¸à¸ķ": 131955, + "à¸Łà¸¸à¸ķà¸ļà¸Ńล": 131956, + "à¸Ŀà¹Īาย": 131957, + "ìŀIJìĿĺ": 131958, + "ĠسÙĪÙģ": 131959, + "Ġש×Ķת": 131960, + "Ġ걸": 131961, + "×¢×ij×ķ×ĵ": 131962, + "ãģĻãĤĭãģĵãģ¨ãģĮ": 131963, + "ĠÑĩаÑģÑĤÑĮ": 131964, + "ãĤ¢ãĥ¡ãĥª": 131965, + "ãĤ¢ãĥ¡ãĥªãĤ«": 131966, + "Ġtakım": 131967, + "ĠsỼ": 131968, + "ĠsỼm": 131969, + "שר×Ķ": 131970, + "è¨ĢãģĨ": 131971, + "лан": 131972, + "커": 131973, + "׼׳×Ķ": 131974, + "ÙĪÙģÙĬ": 131975, + "íĹĪ": 131976, + "luÄŁu": 131977, + "ĠëĮĢíķ´": 131978, + "Ġ׾×ij×Ļת": 131979, + "Ġ×Ķר×IJש×ķ׳×Ķ": 131980, + "صÙħ": 131981, + "Ġsöyled": 131982, + "Ġsöyledi": 131983, + "à¸Ľà¸²à¸ģ": 131984, + "Ġardından": 131985, + "ãģĪãģŁ": 131986, + "à¸Ĺัà¹Īวà¹Ħà¸Ľ": 131987, + "Ġ׳×ķסף": 131988, + "болÑĮ": 131989, + "ãĤĵãģ§ãģĻãģijãģ©": 131990, + "ĠлиÑĪÑĮ": 131991, + "Ġ×ij×IJ×Ļ": 131992, + "ĠбÑĭÑģÑĤÑĢо": 131993, + "สัà¸Ļ": 131994, + "Ġ×ijפ׳×Ļ": 131995, + "леÑĩ": 131996, + "ĠاÙĦخبر": 131997, + "Ġsóc": 131998, + "Ġthú": 131999, + "ĠпÑıÑĤ": 132000, + "ãģĬé¡ĺ": 132001, + "ãģĬé¡ĺãģĦ": 132002, + "ÑĤин": 132003, + "ãģ«ãģ¤ãģĦãģ¦ãģ¯": 132004, + "פף": 132005, + "ĠдвÑĥÑħ": 132006, + "à¸įีà¹Ī": 132007, + "à¸įีà¹Īà¸Ľ": 132008, + "à¸įีà¹Īà¸Ľà¸¸": 132009, + "à¸įีà¹Īà¸Ľà¸¸à¹Īà¸Ļ": 132010, + "опеÑĢ": 132011, + "ĠاÙĦبشر": 132012, + "ĠاÙĦÙħاÙĦ": 132013, + "ıyoruz": 132014, + "تØŃÙħÙĬÙĦ": 132015, + "à¸ģะ": 132016, + "éĸĵãģ«": 132017, + "×Ĺ×ķש": 132018, + "ĠNguyên": 132019, + "ãģĦãģ¦ãģĦãĤĭ": 132020, + "дÑĥÑĪ": 132021, + "שפע": 132022, + "ÑĪÑĥ": 132023, + "å®ŁéļĽãģ«": 132024, + "ĠÑĢайон": 132025, + "ĠChá»ī": 132026, + "ÙĨصر": 132027, + "Ġìļ´": 132028, + "Ġìļ´ìĺģ": 132029, + "Ġ×Ķ×ĵ×Ļף": 132030, + "ØŃدد": 132031, + "رز": 132032, + "ĠاÙĦدÙħ": 132033, + "ĠPháp": 132034, + "ÑĤÑģÑı": 132035, + "è¦ĭãģĪ": 132036, + "Ġtiá»ĥu": 132037, + "Ġsá»Ńa": 132038, + "аÑİÑĤÑģÑı": 132039, + "ĠBá": 132040, + "Ġ×ķ׼׾": 132041, + "Ðĸ": 132042, + "ÑĪим": 132043, + "ìĿ´ëĬĶ": 132044, + "лев": 132045, + "dık": 132046, + "Ġprésente": 132047, + "Ġaraç": 132048, + "صدÙĤ": 132049, + "Ġпомог": 132050, + "ĠاÙĦشرÙĤ": 132051, + "ĠÙĪØ§ÙĦذÙĬ": 132052, + "رÙĬا": 132053, + "×ij׳×ķת": 132054, + "Ġngá»ĵi": 132055, + "ר×ķפ": 132056, + "ר×ķפ×IJ": 132057, + "Ġthấp": 132058, + "ãĤĦãģ¯": 132059, + "ãĤĦãģ¯ãĤĬ": 132060, + "ĠاÙĦجدÙĬدة": 132061, + "éĿŀ常ãģ«": 132062, + "ÙĬÙĦÙĬ": 132063, + "쪽": 132064, + "تعاÙħÙĦ": 132065, + "ãģłã썿ĢĿãģĦãģ¾ãģĻ": 132066, + "ÙħÙħ": 132067, + "иÑĤели": 132068, + "ãĤµãĤ¤ãĤº": 132069, + "ادات": 132070, + "ĠاÙĦÙħاÙĦÙĬØ©": 132071, + "Ùĥاتب": 132072, + "кли": 132073, + "веÑĢÑħ": 132074, + "ниÑĩ": 132075, + "Ġ×ľ×¢×ij×ķ×ĵ": 132076, + "׾×Ļ×Ķ": 132077, + "ØŃÙİ": 132078, + "ãĤ¤ãĥĻ": 132079, + "ãĤ¤ãĥĻãĥ³ãĥĪ": 132080, + "Ġת×Ĵ×ķ×ij×ķת": 132081, + "ÑĦон": 132082, + "ĠдÑĢÑĥгие": 132083, + "×IJ×ĸ×ķר": 132084, + "Ġperò": 132085, + "ìķŀ": 132086, + "åĢŁãĤĬ": 132087, + "רצ×Ļ": 132088, + "×IJ×ĸ": 132089, + "алÑĮнÑĭÑħ": 132090, + "Ġê²ĥìľ¼ë¡ľ": 132091, + "ĠпÑĢаво": 132092, + "ĠاÙĦأرض": 132093, + "à¹Ģà¸Ĺà¸Ħ": 132094, + "à¹Ģà¸Ĺà¸Ħà¹Ĥà¸Ļ": 132095, + "à¹Ģà¸Ĺà¸Ħà¹Ĥà¸Ļà¹Ĥล": 132096, + "à¹Ģà¸Ĺà¸Ħà¹Ĥà¸Ļà¹Ĥลย": 132097, + "à¹Ģà¸Ĺà¸Ħà¹Ĥà¸Ļà¹Ĥลยี": 132098, + "צר×Ļ": 132099, + "ĠÐļÑĥ": 132100, + "ılma": 132101, + "決ãĤģ": 132102, + "اÙĪ": 132103, + "Ġ×ĵ×§×ķת": 132104, + "à¸Ħรู": 132105, + "ĠÙħستÙĪÙī": 132106, + "à¸Ľà¹īà¸Ńà¸ĩ": 132107, + "à¸Ľà¹īà¸Ńà¸ĩà¸ģัà¸Ļ": 132108, + "×ĵ×ķ×ŀ×Ķ": 132109, + "ĠÑģегоднÑı": 132110, + "سÙĪÙĤ": 132111, + "ר×Ĺ×ķ×ij": 132112, + "Ġإدارة": 132113, + "Ñħож": 132114, + "éģİãģİ": 132115, + "à¸Ħà¸Ń": 132116, + "нÑĥл": 132117, + "×ķ׼×Ķ": 132118, + "ÙĪØ§ÙģÙĤ": 132119, + "׼׾׾": 132120, + "Ġ×Ķ×ĵ×ķ": 132121, + "ĠlÄ©nh": 132122, + "Ġkhảo": 132123, + "×IJ×ŀצע": 132124, + "머": 132125, + "Ġ׼×Ļצ": 132126, + "Ġ׼×Ļצ×ĵ": 132127, + "ĠдолжнÑĭ": 132128, + "หวัà¸ĩ": 132129, + "ãĥĩãĤ¶": 132130, + "ãĥĩãĤ¶ãĤ¤ãĥ³": 132131, + "Ġngá»Ŀ": 132132, + "ä¸Ńãģ«": 132133, + "à¸ģลัà¸ļมา": 132134, + "جÙħاÙĦ": 132135, + "à¸Ķัà¸ĩà¸ģลà¹Īาว": 132136, + "سÙĥÙĨ": 132137, + "سÙĨ": 132138, + "Ġözellikle": 132139, + "зеÑĢ": 132140, + "rzÄĻ": 132141, + "×ŀ×ķר×Ķ": 132142, + "Ġlạ": 132143, + "×ŀ×Ļ׳×Ļ": 132144, + "ר×Ļת": 132145, + "ãģĿãĤĮãģĮ": 132146, + "ãģĭãĤĮ": 132147, + "ĠÙĬÙħÙĥÙĨÙĥ": 132148, + "öffentlich": 132149, + "ган": 132150, + "ĠاÙĦØŃÙĦ": 132151, + "ĠmiÄĻdzy": 132152, + "ĠÑĩаÑģÑĤи": 132153, + "ujÄħcy": 132154, + "ĠbaÄŁlı": 132155, + "ĠiliÅŁki": 132156, + "ÙģØ§Ø¡": 132157, + "ãĥªãĥ³ãĤ°": 132158, + "Ġhãng": 132159, + "ĠконÑĤÑĢ": 132160, + "ĠконÑĤÑĢол": 132161, + "коп": 132162, + "ש×Ļ×¢": 132163, + "ש×Ļ×¢×ķר": 132164, + "ĠÐĴаÑĪ": 132165, + "Ġ×Ķתק": 132166, + "ÙħÙĨع": 132167, + "ĠpolÃŃtico": 132168, + "Ġголов": 132169, + "ĠØ¥ÙĬ": 132170, + "Ø¥ÙĨتاج": 132171, + "à¸ļิ": 132172, + "ĠговоÑĢ": 132173, + "ĠговоÑĢиÑĤ": 132174, + "Ġphá»ķ": 132175, + "ĠÑģемÑĮ": 132176, + "ãģ¯ãģĤãĤĬãģ¾ãģĽãĤĵ": 132177, + "ĠÙĪØ§Ø³Øª": 132178, + "×ŀשפ×ĺ": 132179, + "зем": 132180, + "×ŀ×ĵ×ijר": 132181, + "Ġíģ°": 132182, + "ĠìĿ´ë²Ī": 132183, + "ê°ĢëĬĶ": 132184, + "Ġì§ĢìĽIJ": 132185, + "ĠcaÅĤy": 132186, + "ĠgeliÅŁtir": 132187, + "Ñģкое": 132188, + "posé": 132189, + "Ġkhô": 132190, + "à¸ķิà¸Ķà¸ķาม": 132191, + "missão": 132192, + "Ġ׾×ŀר": 132193, + "Ġ׾×ŀר×ķת": 132194, + "Ġbó": 132195, + "à¸ķรวà¸Īสà¸Ńà¸ļ": 132196, + "Ġnghá»ģ": 132197, + "Ġбиз": 132198, + "ĠбизнеÑģ": 132199, + "ÑģÑĤеÑĢ": 132200, + "ÙĪÙİ": 132201, + "楽ãģĹãģ": 132202, + "楽ãģĹãģ¿": 132203, + "ãģĵãĤĮãģĭãĤī": 132204, + "wiÄħzan": 132205, + "สà¸Ńà¸Ļ": 132206, + "ÙħÙĪØ±": 132207, + "׳×ĵ׾": 132208, + "Ġ×Ķ×IJ×ĵ×Ŀ": 132209, + "Ġмолод": 132210, + "ØŃÙħا": 132211, + "ØŃÙħاÙĬØ©": 132212, + "ÑģÑĤÑĢан": 132213, + "Ġbuá»ķi": 132214, + "ת×Ļ×Ļ×Ŀ": 132215, + "abileceÄŁi": 132216, + "Lİ": 132217, + "à¹Ģยà¸Ńะ": 132218, + "à¸Īร": 132219, + "سÙĥاÙĨ": 132220, + "à¸Ļัà¸Ķ": 132221, + "Ġmấy": 132222, + "ĠÐijа": 132223, + "sÅĤaw": 132224, + "ĠÙģÙĦا": 132225, + "ĠкоÑĤоÑĢой": 132226, + "ĠплоÑī": 132227, + "ĠплоÑīад": 132228, + "ãĤĤãģĤãĤĬ": 132229, + "szczÄĻ": 132230, + "×Ļפ×ķ": 132231, + "ש×ŀת": 132232, + "owaÅĤa": 132233, + "Ġnông": 132234, + "צ×ij×IJ": 132235, + "ĠìŀĪìĹĪ": 132236, + "ãģ¾ãģ¨": 132237, + "ãģ¾ãģ¨ãĤģ": 132238, + "ÙĤÙĪØ§Øª": 132239, + "ãģ¿ãĤĵãģª": 132240, + "Ġ׼×ŀ×¢×ĺ": 132241, + "Ġxúc": 132242, + "ï¼Ĩ": 132243, + "rÄĻ": 132244, + "rÄĻcz": 132245, + "×ĵ×ŀ×Ļ": 132246, + "ĠtáºŃn": 132247, + "à¸Ķวà¸ĩ": 132248, + "ê²½ìłľ": 132249, + "пÑĥÑĤ": 132250, + "أربع": 132251, + "Ġ×ŀשת×ŀש": 132252, + "ãĤ¿ãĤ¤ãĥĹ": 132253, + "Ġìłľê°Ģ": 132254, + "Ġ׾׼ף": 132255, + "ĠобÑĢазом": 132256, + "ÙĬÙĥا": 132257, + "wÅĤ": 132258, + "wÅĤasn": 132259, + "ĠاÙĦÙĪØ·ÙĨÙĬØ©": 132260, + "بÙĬب": 132261, + "×ŀ׾×Ļ": 132262, + "кÑĢаÑĤ": 132263, + "기ìĹIJ": 132264, + "ÙĤاد": 132265, + "ĠÙĦدÙī": 132266, + "à¸Ħวามรูà¹ī": 132267, + "×ŀ×ĵ×Ļ׳×Ļ×ķת": 132268, + "겨": 132269, + "ĠíĺĦìŀ¬": 132270, + "שת×Ļ": 132271, + "мол": 132272, + "Ġmái": 132273, + "à¸ŀิม": 132274, + "à¸ŀิมà¸ŀ": 132275, + "à¸ŀิมà¸ŀà¹Į": 132276, + "หลวà¸ĩ": 132277, + "Ġxuyên": 132278, + "×Ĺסר": 132279, + "رÙĪÙĨ": 132280, + "ãģĿãģĨãģĦãģĨ": 132281, + "ãģĿãĤĮãģŀ": 132282, + "ãģĿãĤĮãģŀãĤĮ": 132283, + "Ġ׼ש×Ķ": 132284, + "ÐŁÑĢав": 132285, + "×ŀ×ijצע": 132286, + "عرب": 132287, + "Ġbüyü": 132288, + "פ×Ļת×ķ×Ĺ": 132289, + "à¸Īà¸ļ": 132290, + "ĠØ£Ùĥبر": 132291, + "שרת": 132292, + "×ŀ׼ש×Ļר": 132293, + "ĠÙĪÙħع": 132294, + "ãģ®ãģŁãĤģãģ«": 132295, + "à¸Ļัà¸ļ": 132296, + "ì°°": 132297, + "ãĥªãĥķãĤ©": 132298, + "ãĥªãĥķãĤ©ãĥ¼ãĥł": 132299, + "Ġcưá»Ŀng": 132300, + "ĠìłĢíĿ¬": 132301, + "ÙħÙĨظÙħØ©": 132302, + "Ġhiçbir": 132303, + "ãģ§ãģ¯ãģĤãĤĬãģ¾ãģĽãĤĵ": 132304, + "รà¸Ńย": 132305, + "ëIJľëĭ¤": 132306, + "ãģĻãģIJãģ«": 132307, + "кла": 132308, + "Ġürünler": 132309, + "Ġkiá»ĥu": 132310, + "ĠëĤĺëĬĶ": 132311, + "ÑĤки": 132312, + "Ñģим": 132313, + "Ġchá»īnh": 132314, + "ãĤĤãģªãģĦ": 132315, + "ศรี": 132316, + "æĽ¿ãģĪ": 132317, + "taÅŁ": 132318, + "ĠبÙĥÙĦ": 132319, + "Ġ×ķ×Ļש": 132320, + "visão": 132321, + "ä¼Ŀ": 132322, + "ä¼ĿãģĪ": 132323, + "ÙĦد": 132324, + "׾×Ļ×ŀ": 132325, + "׾×Ļ×ŀ×ķ×ĵ": 132326, + "tória": 132327, + "دÙij": 132328, + "اÙħر": 132329, + "Ġê·¸ëłĩê²Į": 132330, + "ĠmateriaÅĤ": 132331, + "à¸Ĺรา": 132332, + "à¸Ĺราà¸ļ": 132333, + "ã쮿ĸ¹ãģĮ": 132334, + "ãģ¦ãģįãģŁ": 132335, + "ضغ": 132336, + "ضغط": 132337, + "ĠÙĬعÙĨÙĬ": 132338, + "ело": 132339, + "×IJ×Ķ×ij×Ķ": 132340, + "×¢×ŀ": 132341, + "ÅŁÄ±k": 132342, + "ìŀIJëĬĶ": 132343, + "ãĤ¿ãĥ³": 132344, + "ĠbáºŃt": 132345, + "×ŀשפ×Ĺ×Ķ": 132346, + "кÑĢи": 132347, + "бли": 132348, + "สัà¸ķ": 132349, + "สัà¸ķวà¹Į": 132350, + "ĠسÙĨÙĪØ§Øª": 132351, + "ĠPhương": 132352, + "ãģ¦ãģĹãģ¾ãģ£ãģŁ": 132353, + "ãģªãģľ": 132354, + "Ġ×ij×IJ×ķ": 132355, + "Ġcán": 132356, + "سجÙĦ": 132357, + "Ġlẽ": 132358, + "ãĤ±ãĥ¼ãĤ¹": 132359, + "Ġ×§×Ļ×ij׾": 132360, + "à¸ļà¸Ĺà¸Ħวาม": 132361, + "Ġ×ķ׼ף": 132362, + "ĠпÑĢедÑģÑĤавлен": 132363, + "Ġná»iji": 132364, + "Ġcomentário": 132365, + "ением": 132366, + "Ġtá»ı": 132367, + "lÃł": 132368, + "Ġש×Ķ×Ļ×Ķ": 132369, + "Ñģлав": 132370, + "ĠاÙĦÙĪÙĦا": 132371, + "ĠاÙĦÙĪÙĦاÙĬات": 132372, + "ÙĦجÙĨØ©": 132373, + "×§×ķר×IJ": 132374, + "бÑĭÑĤ": 132375, + "Ġì¦": 132376, + "Ġì¦ī": 132377, + "ãģ§ãģĻãģĹ": 132378, + "หรืà¸Ńà¹Ħมà¹Ī": 132379, + "заÑīиÑĤ": 132380, + "ÙģÙĦسطÙĬÙĨ": 132381, + "Ġmiá»ħn": 132382, + "à¹Ģยà¹ĩà¸Ļ": 132383, + "ĠçalÄ±ÅŁan": 132384, + "×Ļ×Ĵ×Ķ": 132385, + "ĠEÄŁ": 132386, + "ĠEÄŁitim": 132387, + "ãĥĥãĤ·ãĥ¥": 132388, + "ĠопÑĭ": 132389, + "ĠопÑĭÑĤ": 132390, + "رغ": 132391, + "رغب": 132392, + "ĠÑģвоиÑħ": 132393, + "à¸Ľà¸£à¸°à¸ķ": 132394, + "à¸Ľà¸£à¸°à¸ķู": 132395, + "Ġ×ŀ×IJ×ĵ": 132396, + "׼×ķ׳×Ļ×Ŀ": 132397, + "à¸Ļี": 132398, + "ĠвÑĭÑħод": 132399, + "ãģ®ä¸Ńãģ«": 132400, + "פ׾×IJ": 132401, + "ĠÙĪÙĦÙĬس": 132402, + "פ×ķרס": 132403, + "פ×ķרס×Ŀ": 132404, + "ÙħسÙĦÙħ": 132405, + "Ġngôi": 132406, + "×ĵ×ŀ×ķת": 132407, + "ãĤĴ使ãģ£ãģ¦": 132408, + "ĠпомоÑīÑĮÑİ": 132409, + "أسر": 132410, + "блок": 132411, + "ÙĤÙĩ": 132412, + "ãģĹãģ¾ãģĦ": 132413, + "ãģ¨ãģĹãģŁ": 132414, + "ĠпеÑģ": 132415, + "ãĥīãĥ«": 132416, + "×Ĺ×Ŀ": 132417, + "ãģĹãģªãģĮãĤī": 132418, + "ĠÐŁÑĢед": 132419, + "ãĥģãĤ§ãĥĥãĤ¯": 132420, + "å¼·ãģĦ": 132421, + "ש×Ļר×ķת": 132422, + "даеÑĤ": 132423, + "×Ļ×ij×ķ": 132424, + "Ġgenç": 132425, + "илаÑģ": 132426, + "илаÑģÑĮ": 132427, + "ĠبÙĦد": 132428, + "æĤª": 132429, + "æĤªãģĦ": 132430, + "Ġ×ŀשת": 132431, + "æ§ĺãĢħ": 132432, + "æ§ĺãĢħãģª": 132433, + "à¸ĺรรมà¸Ĭาà¸ķิ": 132434, + "ĠÙĥاÙħÙĦ": 132435, + "ĠاÙĦسÙħ": 132436, + "×ij×ĺ×Ļ×Ĺ": 132437, + "cá": 132438, + "gência": 132439, + "ãĤ¹ãĤ¿ãĥ¼": 132440, + "à¸Ĺำà¸ģาร": 132441, + "×Ļ×ľ×ª": 132442, + "Ġ×Ļ×ķצ×IJ": 132443, + "wój": 132444, + "à¸ļุà¸Ħ": 132445, + "à¸ļุà¸Ħà¸Ħล": 132446, + "عتÙħ": 132447, + "عتÙħد": 132448, + "ãģĿãĤĮãģ«": 132449, + "ĠاÙĦتارÙĬØ®": 132450, + "ÙĤراء": 132451, + "Ġyönetim": 132452, + "קשר": 132453, + "ĠÑģпоÑĢÑĤ": 132454, + "Ġר×IJש×ķף": 132455, + "Ġseñal": 132456, + "Ġchắn": 132457, + "çĦ¡ãģĦ": 132458, + "ĠдоÑģÑĤаÑĤ": 132459, + "ĠдоÑģÑĤаÑĤоÑĩно": 132460, + "Ġágua": 132461, + "à¸ģรà¸ĵ": 132462, + "à¸ģรà¸ĵี": 132463, + "Ġ×ŀש×ķ": 132464, + "Ġtrải": 132465, + "ë²Į": 132466, + "ujÄħcych": 132467, + "ÙģØ±Ø¯": 132468, + "à¹ĥà¸ģล": 132469, + "à¹ĥà¸ģลà¹ī": 132470, + "ãĤĭãģ®ãģ¯": 132471, + "ר×ķ×ķ×Ĺ": 132472, + "ÙĨÙĥ": 132473, + "ĠاÙĦÙĨÙĤ": 132474, + "ãģ®ãģ§ãģĹãĤĩãģĨ": 132475, + "ãģ®ãģ§ãģĹãĤĩãģĨãģĭ": 132476, + "ÙħعرÙģ": 132477, + "ÙħعرÙ쨩": 132478, + "ÑĥÑīе": 132479, + "Ġ×ij×¢×Ļקר": 132480, + "تصÙĦ": 132481, + "Ġ×Ķ×IJר": 132482, + "Ġ×Ķ×IJרץ": 132483, + "ĠÅŀi": 132484, + "à¸Ĥาà¸Ķ": 132485, + "íŀĺ": 132486, + "ãģªãĤĵãģ¨": 132487, + "ĠìĤ¬ëŀij": 132488, + "lÃ¼ÄŁÃ¼": 132489, + "باء": 132490, + "ĠاÙĦآخر": 132491, + "ĠfamÃŃlia": 132492, + "ĠTháng": 132493, + "ÑīениÑı": 132494, + "ãĤ¯ãĥŃ": 132495, + "ĠThứ": 132496, + "æĽ¸ãģį": 132497, + "енной": 132498, + "ìŀ¡": 132499, + "благ": 132500, + "благо": 132501, + "пов": 132502, + "à¹ģว": 132503, + "à¸ĩà¸Ħà¹Į": 132504, + "à¸Ńัà¸Ļà¸Ķัà¸ļ": 132505, + "ãģĤãģĴ": 132506, + "รà¹īาย": 132507, + "ünün": 132508, + "Ġ×Ļ׼×ķ׾×Ķ": 132509, + "зон": 132510, + "ĠÐľÐ¸": 132511, + "маÑĤеÑĢиал": 132512, + "Ġë³´ë©´": 132513, + "ØŃÙ쨏": 132514, + "êÌģ": 132515, + "ãģ«ãģĻãĤĭ": 132516, + "Ġת×IJ": 132517, + "Ġ×Ķס×ķ": 132518, + "ĠÑģÑĤоÑĢ": 132519, + "ĠÑģÑĤоÑĢон": 132520, + "ãĥĪãĥĥãĥĹ": 132521, + "ÅĤoÅĽÄĩ": 132522, + "ëħ¼": 132523, + "ëĵĿ": 132524, + "ĠÙĪØ§ÙĦع": 132525, + "ì¶Ķ": 132526, + "Ġ×Ļצ×IJ": 132527, + "ĠÑĢаздел": 132528, + "алÑĮнаÑı": 132529, + "×IJ׳ש×Ļ": 132530, + "spoÅĤ": 132531, + "spoÅĤec": 132532, + "spoÅĤeczn": 132533, + "إعÙĦ": 132534, + "إعÙĦاÙĨ": 132535, + "ÙĤÙĪÙī": 132536, + "íķĺë©´ìĦľ": 132537, + "تطÙĪØ±": 132538, + "Ġsiêu": 132539, + "Ỽt": 132540, + "дви": 132541, + "движ": 132542, + "Ġquần": 132543, + "kıl": 132544, + "ĠпÑĢизна": 132545, + "ĠHã": 132546, + "ĠHãy": 132547, + "ĠباÙĦت": 132548, + "manın": 132549, + "ãĤ«ãĥ«": 132550, + "Ġká»·": 132551, + "ק׾×Ļ": 132552, + "ëIJĺì§Ģ": 132553, + "تعÙĦÙħ": 132554, + "ìĭľìĦ¤": 132555, + "ìĭ¶": 132556, + "íĺ¼": 132557, + "ÙĥÙĬÙģ": 132558, + "売ãĤĬ": 132559, + "วิà¸Ĭา": 132560, + "бал": 132561, + "ĠØ£ØŃ": 132562, + "Ġдолжен": 132563, + "ราà¸ĩ": 132564, + "ราà¸ĩวั": 132565, + "ราà¸ĩวัล": 132566, + "Ùħاء": 132567, + "جار": 132568, + "Åļ": 132569, + "Ġ×ŀ×IJ×ĸ": 132570, + "ר×ŀ×Ķ": 132571, + "ãģĭãĤĤãģĹãĤĮãģªãģĦ": 132572, + "étude": 132573, + "czÄħc": 132574, + "Ġgór": 132575, + "×ł×¡×Ķ": 132576, + "ÙħÙĬد": 132577, + "ĠÐŁÐµÑĢе": 132578, + "أخر": 132579, + "ãģĿãģ®å¾Į": 132580, + "à¹Ģà¸Ķียวà¸ģัà¸Ļ": 132581, + "×ŀ×Ĵ×ķ": 132582, + "×ŀ×Ĵ×ķ×ķף": 132583, + "дов": 132584, + "masına": 132585, + "×¢×ł×Ķ": 132586, + "ãĤ±ãĥĥãĥĪ": 132587, + "סע": 132588, + "סע×Ļ×£": 132589, + "ĠTư": 132590, + "Ġtóc": 132591, + "íĻľëıĻ": 132592, + "ĠÐŀд": 132593, + "ĠÐŀднако": 132594, + "Ġdolayı": 132595, + "ؤÙĥد": 132596, + "ê³Ħíļį": 132597, + "׾ר": 132598, + "веÑĩ": 132599, + "Ġkhợi": 132600, + "Ġthá»§y": 132601, + "×ĵף": 132602, + "รà¸ģ": 132603, + "à¸ļัà¸ķร": 132604, + "à¹Ģà¸ģà¹Īา": 132605, + "ĠاÙĦثاÙĦ": 132606, + "ĠاÙĦثاÙĦØ«": 132607, + "Ġpodrá": 132608, + "ער×Ļ": 132609, + "ÙĨجاØŃ": 132610, + "Ġkhắc": 132611, + "측": 132612, + "İM": 132613, + "ãĤ»ãĥĥãĥĪ": 132614, + "żenia": 132615, + "Ġ׾×Ĺ×ijר": 132616, + "erÃł": 132617, + "ì´Ī": 132618, + "Ġküç": 132619, + "Ġküçük": 132620, + "اتÙĩÙħ": 132621, + "à¸ĭà¹Į": 132622, + "ÙħشارÙĥØ©": 132623, + "ĠاÙĦبط": 132624, + "Ġdây": 132625, + "еннÑĭм": 132626, + "à¸Ĺีà¹Īà¹Ħมà¹Ī": 132627, + "ÙĤÙİ": 132628, + "Ġvượt": 132629, + "Ġtrì": 132630, + "ĠwpÅĤyw": 132631, + "AÅŀ": 132632, + "зо": 132633, + "ĠاÙĦسÙĬد": 132634, + "à¸Ĺะà¹Ģล": 132635, + "ĠÑģодеÑĢжа": 132636, + "عطÙĬ": 132637, + "ĠاÙĦعÙĨ": 132638, + "èĢħãģĮ": 132639, + "à¹Ģหà¸Ļ": 132640, + "à¹Ģหà¸Ļืà¸Ń": 132641, + "ĠbÃŃ": 132642, + "Ġüzerinden": 132643, + "ĠVÅ©": 132644, + "Ġnuôi": 132645, + "ÙĨÙħ": 132646, + "алÑĮного": 132647, + "×¢×Ļף": 132648, + "ØŃضر": 132649, + "ĠоÑĤдел": 132650, + "ëªĩ": 132651, + "ìķ¡": 132652, + "ĠÙĦدÙĬÙĩ": 132653, + "ìĻľ": 132654, + "Ġsektör": 132655, + "Ġвозможно": 132656, + "ĠÐĶж": 132657, + "Ġhô": 132658, + "äºĭãģĮ": 132659, + "иÑĢование": 132660, + "алÑĮной": 132661, + "Ġ미êµŃ": 132662, + "رØŃÙĦ": 132663, + "ĠÑįкÑģ": 132664, + "пÑĢавлÑı": 132665, + "Ġnhá»Ŀ": 132666, + "ĠÄijẩ": 132667, + "ĠÄijẩy": 132668, + "ÙģÙĥر": 132669, + "ĠÙĪØ£Ø¶Ø§Ùģ": 132670, + "ãĥIJãĤ¹": 132671, + "ת×ķ׼׳×Ļת": 132672, + "ÑĤелей": 132673, + "ĠØ¥ÙĦÙĬÙĩ": 132674, + "ãģ¨è¨Ģãģ£ãģ¦": 132675, + "Ġдве": 132676, + "Ġchấp": 132677, + "ĠLö": 132678, + "à¸Ħลิ": 132679, + "à¸Ħà¸¥à¸´à¸Ľ": 132680, + "ĠسÙĪØ±": 132681, + "ĠسÙĪØ±ÙĬا": 132682, + "×ŀ×Ĺ×ķ": 132683, + "stä": 132684, + "доб": 132685, + "Ġniá»ĩm": 132686, + "ãģ®å¤§": 132687, + "פר×ķ×Ļ×§": 132688, + "פר×ķ×Ļ×§×ĺ": 132689, + "ĠChâu": 132690, + "Ġ×ŀ×Ķ×Ŀ": 132691, + "Ñģким": 132692, + "ĠполÑĥÑĩиÑĤÑĮ": 132693, + "ÙĬÙĪÙħ": 132694, + "Ø«ÙĪØ±": 132695, + "פ×ķ׾×Ļ×ĺ": 132696, + "פ×ķ׾×Ļ×ĺ×Ļ": 132697, + "ĠмеÑģÑıÑĨ": 132698, + "åħ¨ãģ¦": 132699, + "ĠاÙĦÙħجÙĦس": 132700, + "ĠاÙĦتاÙĦÙĬ": 132701, + "Ġ×Ĺר": 132702, + "åIJijãģij": 132703, + "׼×ŀ×Ķ": 132704, + "бед": 132705, + "أعض": 132706, + "أعضاء": 132707, + "ÙĪÙĦد": 132708, + "วà¹Īาà¸Īะ": 132709, + "Ġbánh": 132710, + "à¸Ļิย": 132711, + "à¸Ļิยม": 132712, + "à¸Ľà¸£à¸°à¸ģัà¸Ļ": 132713, + "ÑģÑĤавиÑĤÑĮ": 132714, + "à¸ŀà¸Ļัà¸Ļ": 132715, + "ĠÑįÑĦÑĦ": 132716, + "ĠÑįÑĦÑĦекÑĤив": 132717, + "ĠавÑĤоÑĢ": 132718, + "ĠÄIJÄĥng": 132719, + "ĠthÆ°á»Łng": 132720, + "ãĤĴæĦŁãģĺ": 132721, + "à¸ģัà¸ļà¸ģาร": 132722, + "å¾Įãģ«": 132723, + "ĠyaÄŁ": 132724, + "ستاÙĨ": 132725, + "Ġliá»ģn": 132726, + "ãģĦãģ¾": 132727, + "iêu": 132728, + "à¹Ĥà¸Ķà¸Ļ": 132729, + "ĠÙĦذÙĦÙĥ": 132730, + "à¹Ĥรà¸ĩà¹Ģรียà¸Ļ": 132731, + "צ×Ļ×Ĵ": 132732, + "ĠاÙĦÙħعÙĦÙĪÙħات": 132733, + "ç§ģãģŁãģ¡": 132734, + "à¸Ĺีà¹Īà¸Ħุà¸ĵ": 132735, + "ãģ«ãģªãģ£ãģ¦ãģĦãĤĭ": 132736, + "×ŀ×ĵ×Ļ׳×Ķ": 132737, + "×¡×Ľ×Ŀ": 132738, + "Ġвне": 132739, + "à¸ŀà¸Ļัà¸ģà¸ĩาà¸Ļ": 132740, + "ÑĢей": 132741, + "à¹Ģà¸Īà¹īาหà¸Ļà¹īาà¸Ĺีà¹Ī": 132742, + "ĠHiá»ĩn": 132743, + "Ġmédico": 132744, + "ĠتØŃÙĤÙĬÙĤ": 132745, + "ÑĮÑĤе": 132746, + "miÅŁti": 132747, + "ÙĤÙĬادة": 132748, + "ãĤıãģĭãĤĬ": 132749, + "มาà¸Īาà¸ģ": 132750, + "ëħĢ": 132751, + "ãģ«éĸ¢ãģĻãĤĭ": 132752, + "×IJר×Ĵ×ķף": 132753, + "mètre": 132754, + "Ġעצ×ŀ×Ļ": 132755, + "ĠChúa": 132756, + "รูà¹īà¸Ī": 132757, + "รูà¹īà¸Īัà¸ģ": 132758, + "ì£Ħ": 132759, + "ëĭµ": 132760, + "à¹ģà¸Ĺà¹ī": 132761, + "Ġgeçen": 132762, + "Ġlança": 132763, + "ĠاÙĦبØŃØ«": 132764, + "×ĵ×ŀ×ķ": 132765, + "ãģ¯ãģĺ": 132766, + "ãģ¯ãģĺãĤģ": 132767, + "ĠdönÃ¼ÅŁ": 132768, + "è¿ijãģı": 132769, + "à¹Ģสม": 132770, + "à¹Ģสมà¸Ń": 132771, + "ëĿ½": 132772, + "Ġüç": 132773, + "á»ŀ": 132774, + "ÑĪаÑı": 132775, + "à¸Ĺร": 132776, + "ØŃÙĤÙĬÙĤØ©": 132777, + "à¸Ĥà¸Ńà¸ĩà¸ģาร": 132778, + "Ġ무ìĹĩ": 132779, + "Ġ×Ķ׼ר": 132780, + "ĠاÙĦصÙĬÙĨ": 132781, + "ĠлÑİди": 132782, + "à¸ķาย": 132783, + "بÙĪÙĦ": 132784, + "Ġviêm": 132785, + "Ġthiá»ĩu": 132786, + "à¸ģà¸Ķ": 132787, + "Ġ׾×ĵ×ijר": 132788, + "פ׳×Ķ": 132789, + "×IJר×ij×¢": 132790, + "سÙī": 132791, + "ĠاÙĦسÙĬاس": 132792, + "ĠاÙĦسÙĬاسÙĬØ©": 132793, + "ydı": 132794, + "ÙĪØŃØ¯Ø©": 132795, + "ĠдеÑıÑĤелÑĮноÑģÑĤи": 132796, + "Ġ×ķ×Ķ×ŀ": 132797, + "пеÑĩ": 132798, + "пеÑĩаÑĤ": 132799, + "иÑĢованиÑı": 132800, + "ĠÑģог": 132801, + "ĠÑģоглаÑģ": 132802, + "Ġ׼×ĵ": 132803, + "Ġ׼×ĵ×IJ×Ļ": 132804, + "ĠиÑģполÑĮзоваÑĤÑĮ": 132805, + "ספ×ķר×ĺ": 132806, + "Ġilçe": 132807, + "expérience": 132808, + "ĠThá»Ŀi": 132809, + "İK": 132810, + "à¹Ħà¸Łà¸Łà¹īา": 132811, + "ëĵ¤ìĹIJê²Į": 132812, + "à¸Ľà¸£à¸°à¹Ģà¸ł": 132813, + "à¸Ľà¸£à¸°à¹Ģà¸łà¸Ĺ": 132814, + "Ġmümk": 132815, + "Ġmümkün": 132816, + "Ġ×IJ×ķ×ª×ł×ķ": 132817, + "ìĦ±ìĿĦ": 132818, + "ĠìĿ´ìľł": 132819, + "زÙĬارة": 132820, + "Ġoldukça": 132821, + "rób": 132822, + "ĠØ£ÙĨا": 132823, + "Ġ×Ķ×ij×Ļ": 132824, + "Ñģен": 132825, + "×¢×Ļקר": 132826, + "×Ļ×ĵ×ķ×¢": 132827, + "dzÄħ": 132828, + "ÙħعÙĦÙĪÙħات": 132829, + "شاب": 132830, + "Ġparça": 132831, + "à¸Ļะà¸Ħะ": 132832, + "باس": 132833, + "ĠÑĤоÑĢг": 132834, + "ĠÑĤоÑĢгов": 132835, + "Ġ×Ĺ×ĵר": 132836, + "׼ר×ĺ": 132837, + "׼ר×ĺ×Ļס": 132838, + "ĠAyrıca": 132839, + "ệ": 132840, + "ìľ¨": 132841, + "ĠÑĤакие": 132842, + "Ġ×ŀצ×ķ×Ļ": 132843, + "ãĥ©ãĥ³ãĤŃãĥ³ãĤ°": 132844, + "ש×Ļ×ķ×ķ×§": 132845, + "åīįãģ®": 132846, + "ĠBảo": 132847, + "ÑīÑĥ": 132848, + "æĹ©ãģı": 132849, + "ĠPhòng": 132850, + "à¸ŀระราà¸Ĭ": 132851, + "פ×Ĺ×ķת": 132852, + "Ġгл": 132853, + "Ġглаз": 132854, + "à¸Ĺà¹Īา": 132855, + "Ġdạy": 132856, + "ÑĢоÑģÑĤ": 132857, + "à¹Ĥà¸Ķยà¹Ģà¸īà¸ŀาะ": 132858, + "ĠquáºŃn": 132859, + "Ġ×Ĺ×ijר×ķת": 132860, + "même": 132861, + "mÄ±ÅŁtı": 132862, + "ĠاÙĦتداÙĪÙĦ": 132863, + "Ġnạn": 132864, + "Ġ×Ķ×ĵ×Ļ": 132865, + "ĠاÙĦطرÙĬÙĤ": 132866, + "×Ĵ×ķת": 132867, + "Ġ×Ķ×ĵר×ļ": 132868, + "ujÄħce": 132869, + "Ġchữ": 132870, + "ãĤĤãģ®ãģ®": 132871, + "ë°Ľ": 132872, + "ãģķãĤĵãģ¯": 132873, + "Ġyardım": 132874, + "ĠاÙĦعÙħ": 132875, + "Ġì§Ħíĸī": 132876, + "Ġ×Ļ×Ĺ": 132877, + "Ġ×Ļ×Ĺס×Ļ": 132878, + "ĠاÙĦÙħدÙĬÙĨØ©": 132879, + "Ġcú": 132880, + "à¸ģีฬ": 132881, + "à¸ģีฬา": 132882, + "Ġniên": 132883, + "misión": 132884, + "׳×Ļס×Ļ": 132885, + "׳×Ļס×Ļ×ķף": 132886, + "ĠвозÑĢаÑģÑĤ": 132887, + "Ġ×¢×ķש×Ķ": 132888, + "ĠÙħدÙĬر": 132889, + "ÑıÑģÑĮ": 132890, + "ØŃجÙħ": 132891, + "íĻĺê²½": 132892, + "ĠاÙĦأخرÙī": 132893, + "uÃŁer": 132894, + "ĠاÙĦعاÙĦÙħÙĬØ©": 132895, + "ĠNgá»įc": 132896, + "êµIJíļĮ": 132897, + "ä¸Ĭãģ§": 132898, + "×Ļ×Ķ×ķ×ĵ": 132899, + "×Ļ×Ķ×ķ×ĵ×Ļ×Ŀ": 132900, + "Ùħساعدة": 132901, + "ĠжизнÑĮ": 132902, + "ĠпоÑĤомÑĥ": 132903, + "ĠاÙĦÙħÙħÙĦ": 132904, + "ĠاÙĦÙħÙħÙĦÙĥØ©": 132905, + "ĠGör": 132906, + "رÙIJ": 132907, + "×ŀ×§×ķ×ŀ×ķת": 132908, + "åĩºæĿ¥ãĤĭ": 132909, + "ÑĦÑĤ": 132910, + "ĠìĿ´ìłľ": 132911, + "ĠÑĢем": 132912, + "ĠÑĢемонÑĤ": 132913, + "ת×ķ×ļ": 132914, + "æĻĤãģ¯": 132915, + "ãĤīãĤĮãģªãģĦ": 132916, + "altı": 132917, + "å®¶ãģ®": 132918, + "ĠاÙĦإعÙĦاÙħ": 132919, + "리ëĬĶ": 132920, + "ãģĭãĤīãģ¯": 132921, + "ĠHạ": 132922, + "ãģĤãģ®": 132923, + "×ĵ×Ļ×ķף": 132924, + "رÙĬس": 132925, + "ĠsocietÃł": 132926, + "ĠاÙĦÙĥبÙĬر": 132927, + "Ġ×ij×ŀס": 132928, + "Ġ×ij×ŀס×Ĵר": 132929, + "Ġ×ij×ŀס×Ĵרת": 132930, + "ĠìŀĪìľ¼ë©°": 132931, + "Ġnặng": 132932, + "ÙĩÙī": 132933, + "ĠBÃł": 132934, + "×ŀר×ķ": 132935, + "ĠjÄĻ": 132936, + "ĠjÄĻzy": 132937, + "ĠjÄĻzyk": 132938, + "Ġ׼×ŀ×ķ×ijף": 132939, + "×¢×ľ×Ķ": 132940, + "à¸Ĺีà¹Īà¹Ħà¸Ķà¹ī": 132941, + "ãģ¾ãģĹãĤĩãģĨ": 132942, + "×ŀספר": 132943, + "ТÐŀ": 132944, + "سÙĬاسة": 132945, + "ĠкаждÑĭй": 132946, + "ë²ł": 132947, + "tım": 132948, + "yá»ĩn": 132949, + "รีà¹Ī": 132950, + "ĠдеÑĤÑģк": 132951, + "วิà¸ĺีà¸ģาร": 132952, + "mówi": 132953, + "×ĺ×¢×Ŀ": 132954, + "×Ķצ׾×Ĺ×Ķ": 132955, + "ضÙĬÙģ": 132956, + "ĠÑħоÑĤÑı": 132957, + "ãĤĵãģ§ãģĦãĤĭ": 132958, + "à¸Ħาà¸Ķ": 132959, + "à¸Ħรà¸ļ": 132960, + "ĠкÑĥÑĢÑģ": 132961, + "ĠbaÅŁarı": 132962, + "×ijר×ķ": 132963, + "ÙĬعة": 132964, + "ĠÐĿÑĥ": 132965, + "à¸Ħวามà¹Ģà¸Ľà¹ĩà¸Ļ": 132966, + "Ġ׾×ŀש׾": 132967, + "Ġì¢ĭìĿĢ": 132968, + "Ùħؤسس": 132969, + "Ùħؤسسات": 132970, + "Ġprécis": 132971, + "Ġthảo": 132972, + "à¸ģà¹ĩà¸Ħืà¸Ń": 132973, + "Ġש׼׾": 132974, + "führung": 132975, + "ãģĦãģ§": 132976, + "à¹ģละมี": 132977, + "à¸ģà¹ĩมี": 132978, + "Ġשש": 132979, + "мел": 132980, + "Ġкниг": 132981, + "ĠباÙĦÙĨ": 132982, + "ĠباÙĦÙĨسبة": 132983, + "Ġaldı": 132984, + "ÑĤай": 132985, + "Ġ×Ĺ×ĵש×Ļ×Ŀ": 132986, + "å®Łãģ¯": 132987, + "عÙĪØ§": 132988, + "ĠìĿĺ미": 132989, + "изм": 132990, + "ÑĢабоÑĤаÑĤÑĮ": 132991, + "Ù쨵": 132992, + "Ġ×ij׳×ķסף": 132993, + "ãģ¨ãģĹãģ¦ãĤĤ": 132994, + "à¹Ģà¸Ľà¹ĩà¸Ļà¸Ĺีà¹Ī": 132995, + "ĠÑģледÑĥеÑĤ": 132996, + "èĢĥãģĪãģ¦": 132997, + "Ġ׼×Ļ×ķ×Ŀ": 132998, + "ÑģÑĤÑĭ": 132999, + "׼׾׼׾×Ļ": 133000, + "æµģãĤĮ": 133001, + "ãĤĴãģ¤ãģij": 133002, + "ÑĩаÑĤ": 133003, + "×Ļ׼×ķף": 133004, + "×Ļר×Ļ": 133005, + "larıyla": 133006, + "ãĤ¤ãĥ¡": 133007, + "ãĤ¤ãĥ¡ãĥ¼ãĤ¸": 133008, + "׳×ĸ×§": 133009, + "Ġciò": 133010, + "Ġsın": 133011, + "Ġsınır": 133012, + "à¸Ļà¸Ħร": 133013, + "каÑĤ": 133014, + "Ġlá»Ĺi": 133015, + "ëŀĮ": 133016, + "تÙģØ§Øµ": 133017, + "تÙģØ§ØµÙĬÙĦ": 133018, + "ëĨĵ": 133019, + "ĠÙħض": 133020, + "ilmiÅŁ": 133021, + "بارÙĥ": 133022, + "ÐĿÐĺ": 133023, + "Ġthẩm": 133024, + "Ġ×IJ×ķת×ļ": 133025, + "ĠпÑĢиним": 133026, + "ĠпÑĢинима": 133027, + "Ġyönt": 133028, + "Ġyöntem": 133029, + "Ġ×ŀ×§×ij׾": 133030, + "Ġktórego": 133031, + "ê·Ģ": 133032, + "شرÙģ": 133033, + "داÙħ": 133034, + "ãģĦãĤįãģĦãĤį": 133035, + "ĠAlém": 133036, + "Ġgörü": 133037, + "Ġgörünt": 133038, + "Ġgörüntü": 133039, + "دس": 133040, + "ÑĪки": 133041, + "гÑĢад": 133042, + "Ġlạc": 133043, + "Ġsữa": 133044, + "ãĤīãĤĮãģ¾ãģĻ": 133045, + "oÃłi": 133046, + "Ñīен": 133047, + "ãģĭãģªãģĦ": 133048, + "Ġпоп": 133049, + "ĠпопÑĥ": 133050, + "ĠпопÑĥлÑıÑĢ": 133051, + "ĠاÙĦÙħÙĪÙĤع": 133052, + "räg": 133053, + "A": 133054, + "íķĦ": 133055, + "ãĤĴè¦ĭãĤĭ": 133056, + "اÙħا": 133057, + "ĠاÙĦØŃرب": 133058, + "ĠÐŁÐ°": 133059, + "Ġ׾×IJתר": 133060, + "Ġtá»ijc": 133061, + "×ij׾×Ķ": 133062, + "رئÙĬس": 133063, + "вÑĥ": 133064, + "ÙĬدÙĬ": 133065, + "казан": 133066, + "Ġ×Ĺש×ij×ķף": 133067, + "hôtel": 133068, + "×¢×ķ׳×Ķ": 133069, + "بÙĨÙĬ": 133070, + "×ŀ×ķ׾": 133071, + "ĠднÑı": 133072, + "éĽ£ãģĹãģĦ": 133073, + "ведениÑı": 133074, + "Ġ×ķ×ŀת": 133075, + "напÑĢимеÑĢ": 133076, + "ÙĤابÙĦ": 133077, + "Ġrésultat": 133078, + "ĠÑĢазвиÑĤиÑı": 133079, + "رÙij": 133080, + "ìłĦ문": 133081, + "ĠاÙĦÙħزÙĬد": 133082, + "ĠìľĦíķ´ìĦľ": 133083, + "ëĨį": 133084, + "íĻķ": 133085, + "ĠThiết": 133086, + "íĮ¨": 133087, + "malıdır": 133088, + "ĠczÅĤ": 133089, + "ĠczÅĤowie": 133090, + "ĠczÅĤowiek": 133091, + "ĠÙĦبÙĨ": 133092, + "ĠÙĦبÙĨاÙĨ": 133093, + "üsü": 133094, + "ãģªãĤĵãģł": 133095, + "Ġżycie": 133096, + "ĠÑħоÑĢоÑĪо": 133097, + "æĸ¹ãģ«": 133098, + "ëĭ¤ë©´": 133099, + "иÑĩеÑģкаÑı": 133100, + "ער×Ļ׼": 133101, + "ער×Ļ×Ľ×ª": 133102, + "ãģ¾ãģĽãĤĵãģ§ãģĹãģŁ": 133103, + "ĠÑģобой": 133104, + "Ġgá»Ĺ": 133105, + "ĠделаÑĤÑĮ": 133106, + "daÄĩ": 133107, + "аÑĢа": 133108, + "różni": 133109, + "à¹Ģลีà¹ī": 133110, + "à¹Ģลีà¹īย": 133111, + "à¹Ģลีà¹īยà¸ĩ": 133112, + "à¸Ŀาà¸ģ": 133113, + "ĠتÙĤ": 133114, + "ĠتÙĤدÙĬ": 133115, + "ĠتÙĤدÙĬÙħ": 133116, + "หà¸Ļุà¹Īม": 133117, + "Ġmücade": 133118, + "Ġmücadele": 133119, + "ì§Ģ를": 133120, + "ãĤ¤ãĤ¹": 133121, + "Ġأساس": 133122, + "jÄħcego": 133123, + "ĠÅŁeh": 133124, + "нÑĤеÑĢ": 133125, + "ÑĨиÑİ": 133126, + "ï»»": 133127, + "ÑİÑīего": 133128, + "à¹Ĥà¸Ľà¸£à¹ģ": 133129, + "à¹Ĥà¸Ľà¸£à¹ģà¸ģรม": 133130, + "ĠmieÄĩ": 133131, + "ØŃÙĥÙĪÙħØ©": 133132, + "ãģ§ãģĹãģŁãģĮ": 133133, + "×Ļס×Ķ": 133134, + "ãĤĤãģ®ãĤĴ": 133135, + "Ġ×ŀ×IJת": 133136, + "สุà¸Ķà¸Ĺà¹īาย": 133137, + "ĠcÅ©": 133138, + "ÙĨسب": 133139, + "ĠпÑĢоÑĩ": 133140, + "Ġдней": 133141, + "ĠÑįÑĤиÑħ": 133142, + "׾×ŀת": 133143, + "нÑıÑı": 133144, + "Ñįк": 133145, + "Ġì§ĢëĤľ": 133146, + "มหาวิà¸Ĺยา": 133147, + "มหาวิà¸Ĺยาล": 133148, + "มหาวิà¸Ĺยาลัย": 133149, + "dão": 133150, + "ĠMáy": 133151, + "ĠêµŃê°Ģ": 133152, + "à¸ļุรี": 133153, + "×Ĵ×Ļ׾": 133154, + "ĠÑĤÑĭÑģÑı": 133155, + "ĠÑĤÑĭÑģÑıÑĩ": 133156, + "ÙģÙĥ": 133157, + "ĠÐĺÑģ": 133158, + "è¡ĮãĤıãĤĮ": 133159, + "פר×ĵ": 133160, + "ãģ¤ãģį": 133161, + "à¸Ħรà¸Ńà¸ļ": 133162, + "à¸Ħรà¸Ńà¸ļà¸Ħรัว": 133163, + "à¸Ĥึà¹īà¸Ļมา": 133164, + "ä»ĬæĹ¥ãģ¯": 133165, + "ĠìĤ¬ëŀĮìĿ´": 133166, + "עצ×ŀ×Ķ": 133167, + "поÑĢ": 133168, + "ĠKỳ": 133169, + "ĠÆ¡n": 133170, + "ĠthÄĥm": 133171, + "Ù쨧ÙĤ": 133172, + "ãģļãģ«": 133173, + "Ġ׾קר": 133174, + "Ġ׾קר×ķ×IJ": 133175, + "اÙģÙĬØ©": 133176, + "ÙħÙİØ§": 133177, + "гаÑĢ": 133178, + "صÙĦا": 133179, + "صÙĦاة": 133180, + "Ġ×ŀ×ĸ×Ķ": 133181, + "lıģını": 133182, + "Ġ×IJ×Ļ׳×Ķ": 133183, + "кÑĢо": 133184, + "Ġngươi": 133185, + "Ġвним": 133186, + "Ġвнимание": 133187, + "jÄħcy": 133188, + "ÙĢÙĢÙĢÙĢÙĢ": 133189, + "ÑģÑħод": 133190, + "ãģªãĤĵãģĭ": 133191, + "×ŀ×Ļ׾": 133192, + "Ġ×Ķ×IJ×Ĺ": 133193, + "ãĤıãģªãģĦ": 133194, + "عسÙĥر": 133195, + "ĠìĦ¸ê³Ħ": 133196, + "ĠÑĩего": 133197, + "ĠÑģÑĢедÑģÑĤва": 133198, + "ĠÐłÐ°Ñģ": 133199, + "ãģªãģģ": 133200, + "ÙĨÙ쨳": 133201, + "ר×Ļ×ķף": 133202, + "ÑģÑĥд": 133203, + "ĠìĿ¸ê°Ħ": 133204, + "ĠاÙĦÙħÙĤبÙĦ": 133205, + "ÙĨعÙħ": 133206, + "تÙĪÙ쨱": 133207, + "ש×ij×¢": 133208, + "ılm": 133209, + "ılmÄ±ÅŁ": 133210, + "Ġ×ľ×ª×ª": 133211, + "تصÙģ": 133212, + "×Ķפ×ķ×ļ": 133213, + "à¹ĥà¸Ļà¸Ľà¸µ": 133214, + "ìĿ´ê³ł": 133215, + "ÙģÙĪØ²": 133216, + "à¸ľà¸¥à¸ĩาà¸Ļ": 133217, + "ĠGiáo": 133218, + "à¸ļà¸Ńà¸ģวà¹Īา": 133219, + "ĠdÄ±ÅŁ": 133220, + "ĠdÄ±ÅŁÄ±nda": 133221, + "죽": 133222, + "ĠdzieÅĦ": 133223, + "кÑĨии": 133224, + "иÑĨе": 133225, + "ãģ®ä¸Ģ": 133226, + "عش": 133227, + "пÑĢеÑģÑģ": 133228, + "หà¸Ļà¹Īà¸Ńย": 133229, + "ลัà¸ģษà¸ĵะ": 133230, + "ĠpossibilitÃł": 133231, + "à¹Ħà¸Ķà¹īรัà¸ļà¸ģาร": 133232, + "หยุà¸Ķ": 133233, + "Ġphiên": 133234, + "çĶŁãģ¾ãĤĮ": 133235, + "Ø·ÙĪÙĦ": 133236, + "ÑĦин": 133237, + "für": 133238, + "ØŃÙĬاة": 133239, + "íĸĪìĬµëĭĪëĭ¤": 133240, + "׼׳×ķת": 133241, + "à¸Ľà¸£à¸°à¸ª": 133242, + "à¸Ľà¸£à¸°à¸ªà¸ļ": 133243, + "à¸Ľà¸£à¸°à¸ªà¸ļà¸ģารà¸ĵà¹Į": 133244, + "ëIJĺìĹĪ": 133245, + "Ġkażdy": 133246, + "Ġluyá»ĩn": 133247, + "ĠоÑĢганизаÑĨии": 133248, + "å°ijãģªãģı": 133249, + "ÑģÑĤÑĢоен": 133250, + "Ġtécnico": 133251, + "×§×Ķ׾": 133252, + "Ġ×ķ×IJ×Ĺ": 133253, + "ĠعÙĦÙĬÙĥ": 133254, + "Ñīение": 133255, + "Ġ×Ķ×Ļ׾×ĵ×Ļ×Ŀ": 133256, + "ÙĪØ³Ø§Ø¦ÙĦ": 133257, + "Ġ×ķ×Ķת": 133258, + "تÙħÙĬز": 133259, + "ĠÑģказал": 133260, + "Ġполи": 133261, + "Ġ×Ķ×ŀס": 133262, + "ÙĦÙijÙİ": 133263, + "Ùħؤسسة": 133264, + "Ġ×ŀ×Ļ×ĵ": 133265, + "ãģ£ãģ¡": 133266, + "ĠëĦĪ무": 133267, + "à¸ŀี": 133268, + "Ġtặng": 133269, + "Ġtấn": 133270, + "רש×Ŀ": 133271, + "Ġmédica": 133272, + "Ġ×¢×ķ×ŀ": 133273, + "Ġ×¢×ķ×ŀ×ĵ": 133274, + "ÑĦоÑĢ": 133275, + "Ùħرة": 133276, + "Ġvatanda": 133277, + "ĠvatandaÅŁ": 133278, + "Ġдело": 133279, + "à¸Ļม": 133280, + "ãģ¨åIJĮãģĺ": 133281, + "ÙģÙī": 133282, + "ÑģоÑĢ": 133283, + "Ġ×Ķסר×ĺ": 133284, + "Ġépoca": 133285, + "ìłķì±ħ": 133286, + "ĠÑģвÑıзан": 133287, + "ضرب": 133288, + "ĠÙĦÙĨا": 133289, + "Ġużywa": 133290, + "ĠاÙĦجÙĬØ´": 133291, + "ÑİÑĢ": 133292, + "×ijס×ķ×£": 133293, + "ĠмÑĥ": 133294, + "ĠмÑĥзÑĭк": 133295, + "bilité": 133296, + "Ġmaç": 133297, + "سÙİ": 133298, + "تÙĦÙĥ": 133299, + "ãģ¬": 133300, + "ÙĬÙĦا": 133301, + "ÑĪла": 133302, + "ÙĢÙĢÙĢ": 133303, + "Ġодной": 133304, + "зван": 133305, + "ĠÑģÑĢаз": 133306, + "ĠÑģÑĢазÑĥ": 133307, + "ÙĨظÙħ": 133308, + "راÙĩ": 133309, + "ĠÙĦÙĩذا": 133310, + "׼×ķר": 133311, + "Ġ×Ķש×ij×ķ×¢": 133312, + "Ġ×Ķשת": 133313, + "ĠQuảng": 133314, + "ãĥ«ãĥ¼": 133315, + "ãģĪãģªãģĦ": 133316, + "×ĺ×IJ": 133317, + "Ġmiá»ģn": 133318, + "ĠPháºŃt": 133319, + "ĠاÙĦسÙĪÙĤ": 133320, + "ÄĤ": 133321, + "ĠاÙĦجÙħع": 133322, + "ĠاÙĦجÙħعة": 133323, + "ÑİÑīей": 133324, + "aÅĤem": 133325, + "عتÙĤد": 133326, + "Ø£ÙĦÙħ": 133327, + "Ñģке": 133328, + "ĠìĿ´íķ´": 133329, + "ÙĨسخ": 133330, + "è¨ĢãģĦ": 133331, + "добав": 133332, + "سبÙĤ": 133333, + "×¢×ķרר": 133334, + "ÑĤип": 133335, + "ãģĿãģĵãģ§": 133336, + "visión": 133337, + "عÙĪØ¯Ø©": 133338, + "먹": 133339, + "×ŀ×ĸר×Ĺ": 133340, + "ĠØ¥ØŃ": 133341, + "Ġ׾×ij×Ļף": 133342, + "Ġ׾צ×IJת": 133343, + "Ġyardı": 133344, + "Ġyardımc": 133345, + "Ġyardımcı": 133346, + "İZ": 133347, + "קפ×Ķ": 133348, + "tré": 133349, + "liÄŁini": 133350, + "клÑİÑĩа": 133351, + "Ġüretim": 133352, + "Ġayrı": 133353, + "ĠkiÅŁiler": 133354, + "à¸Ħà¹īà¸Ļ": 133355, + "à¸Ħà¹īà¸Ļหา": 133356, + "ĠSá»±": 133357, + "Ġ×Ľ×¡": 133358, + "Ġ×Ľ×¡×£": 133359, + "ĠÑĤакиÑħ": 133360, + "ĠXuân": 133361, + "Ġлег": 133362, + "Ġлегко": 133363, + "Ø«ÙĤاÙ쨩": 133364, + "ÐĿÐŀ": 133365, + "ãĤ¹ãĤ¿ãĥĥ": 133366, + "ãĤ¹ãĤ¿ãĥĥãĥķ": 133367, + "åIJĪãģĦ": 133368, + "Ġ×Ķש×Ļ×ŀ×ķש": 133369, + "manız": 133370, + "ĠÐĴаÑģ": 133371, + "gün": 133372, + "ìľĦìĽIJíļĮ": 133373, + "Ġwspóln": 133374, + "ĠÑģвое": 133375, + "íĥģ": 133376, + "à¹Ģà¸Ļีย": 133377, + "ÙĪØ¨Ø©": 133378, + "вÑıз": 133379, + "ıdır": 133380, + "ëIJĺìĹĪëĭ¤": 133381, + "ĠdeÄŁiÅŁtir": 133382, + "ãĤĭãģĵãģ¨ãģĮ": 133383, + "Ġ×Ĺ×ĵש×Ķ": 133384, + "ãĤīãĤĮãģ¦ãģĦãĤĭ": 133385, + "×Ĺ×Ļ×Ļ×ij": 133386, + "ĠÐļаÑĢ": 133387, + "׳×Ļת×ķ×Ĺ": 133388, + "Ġ×§×ĺף": 133389, + "ר×ĸ": 133390, + "ÙĪØº": 133391, + "èªŃãģ¿": 133392, + "ĠتÙĤÙĪÙħ": 133393, + "ĠÙĥاÙĦ": 133394, + "à¸Ŀึà¸ģ": 133395, + "Ġë°ľìĥĿ": 133396, + "ológico": 133397, + "راع": 133398, + "à¹ģà¸ģà¹īà¹Ħà¸Ĥ": 133399, + "ĠÑĢабоÑĤÑĥ": 133400, + "ÙĨÙijÙİ": 133401, + "à¸Ńยูà¹Īà¸Ĺีà¹Ī": 133402, + "ĠاÙĦثاÙĨÙĬØ©": 133403, + "ĠNhân": 133404, + "ÑħваÑĤ": 133405, + "öne": 133406, + "Ġعدة": 133407, + "à¹ģสà¸ĩ": 133408, + "ÑĤоп": 133409, + "пÑĥÑģка": 133410, + "شراء": 133411, + "ĠÐļом": 133412, + "Ġפע×ķ׾×Ķ": 133413, + "ìĤ¬ìĿ´": 133414, + "ìĤ¬ìĿ´íĬ¸": 133415, + "è¡Įãģ£ãģ¦": 133416, + "Ġ×Ķ×Ķת": 133417, + "ĠÑģÑĤоÑĢо": 133418, + "ĠÑģÑĤоÑĢонÑĭ": 133419, + "درس": 133420, + "à¸ĭู": 133421, + "à¸ķà¹Īำ": 133422, + "ĠأبÙĬ": 133423, + "подоб": 133424, + "ãģ«ãģ¦": 133425, + "ارتÙģØ§Ø¹": 133426, + "ĠÙħؤ": 133427, + "иков": 133428, + "geführt": 133429, + "มืà¸Ńà¸ĸืà¸Ń": 133430, + "ĠÙĦÙĤد": 133431, + "ĠØ£ÙĨÙij": 133432, + "سÙĬطر": 133433, + "ãģ¾ãģļãģ¯": 133434, + "ס×ĵ": 133435, + "ÑģколÑĮко": 133436, + "ãģ¿ãģŁãģĦãģª": 133437, + "×ĵר×Ĵ": 133438, + "×¢×Ļ×ĵ": 133439, + "à¹ĥหà¹īà¸ļริà¸ģาร": 133440, + "ĠÐĶи": 133441, + "×ij×¢×Ļ×ķת": 133442, + "Ġ×Ķ×Ĺ×ķ": 133443, + "пиÑģÑĮ": 133444, + "ĠاÙĦØ®ÙĦ": 133445, + "бав": 133446, + "Ġİlk": 133447, + "ĠاÙĦØ®Ùħ": 133448, + "ĠاÙĦØ®ÙħÙĬس": 133449, + "ĠÙĬÙĤÙĪÙħ": 133450, + "æĻĤãģ®": 133451, + "ĠsÅĤow": 133452, + "ĠØ£ÙĩÙħ": 133453, + "Ø®ÙĦÙĤ": 133454, + "ĠأصبØŃ": 133455, + "Ġchứa": 133456, + "Ġthác": 133457, + "Ù쨧ÙĦ": 133458, + "Ġchá»Ŀ": 133459, + "ĠاÙĦخار": 133460, + "ĠاÙĦخارج": 133461, + "ĠاÙĦخارجÙĬØ©": 133462, + "طائر": 133463, + "ĠtÃł": 133464, + "ĠtÃłu": 133465, + "à¸ģลà¹īà¸Ńà¸ĩ": 133466, + "ĠاÙĦÙħرأ": 133467, + "ĠاÙĦÙħرأة": 133468, + "åħ¨ãģı": 133469, + "ĠÃĸn": 133470, + "çļĦãģ«ãģ¯": 133471, + "Ġpièce": 133472, + "×Ĵ×Ļ×ij": 133473, + "ĠاÙĦÙĪØ§ÙĤع": 133474, + "ä»Ĭãģ®": 133475, + "ĠاÙĦÙħÙĤ": 133476, + "cznÄħ": 133477, + "ÙģØ¹Ø§ÙĦ": 133478, + "енного": 133479, + "ĠÑĦакÑĤ": 133480, + "ìĭłì²Ń": 133481, + "ĠÐŀни": 133482, + "ĠاÙĦبÙĦاد": 133483, + "овиÑĩ": 133484, + "ëıĮ": 133485, + "ÑĦÑĥнкÑĨи": 133486, + "Ġìĸ´ëĬIJ": 133487, + "ãĥķãĤ©ãĥ¼": 133488, + "dÃŃ": 133489, + "илоÑģÑĮ": 133490, + "ÙħÙī": 133491, + "ĠاÙĦØ£ÙħرÙĬÙĥ": 133492, + "ĠاÙĦØ£ÙħرÙĬÙĥÙĬØ©": 133493, + "×ĺ×Ļפ×ķ׾": 133494, + "íĶĦë¡ľê·¸": 133495, + "íĶĦë¡ľê·¸ëŀ¨": 133496, + "Ġש×ķ׳×ķת": 133497, + "Ø´ÙħÙĦ": 133498, + "ĠпаÑĢа": 133499, + "Ġ×Ķ×Ĺ×ķ×§": 133500, + "ÙĪØ²Ø§Ø±Ø©": 133501, + "ãģ¨ãģĻãĤĭ": 133502, + "Ġquảng": 133503, + "Ġaģır": 133504, + "ĠاÙĦÙĦج": 133505, + "ĠاÙĦÙĦجÙĨØ©": 133506, + "긴": 133507, + "ĠTân": 133508, + "جÙħÙĦ": 133509, + "дол": 133510, + "à¹ģà¸ŀà¸Ĺย": 133511, + "à¹ģà¸ŀà¸Ĺยà¹Į": 133512, + "Ġר×IJש×Ļ": 133513, + "Ñīей": 133514, + "Ġçevre": 133515, + "ĠкомплекÑģ": 133516, + "Ġ×ij×ŀש×ļ": 133517, + "Ġaltın": 133518, + "ĠأعÙħاÙĦ": 133519, + "ĠÑģвоего": 133520, + "ãĤĪãģĦ": 133521, + "×Ĺ׾×Ļ×ĺ": 133522, + "×ŀ×ł×¢": 133523, + "Ġר×ij×Ķ": 133524, + "ĠØ£ÙĬضاÙĭ": 133525, + "×ĸ׾": 133526, + "ĠاÙĦسÙĬاسÙĬ": 133527, + "æĢĿãģĨ": 133528, + "קרק": 133529, + "קרקע": 133530, + "ĠاÙĦÙ쨱ÙĬÙĤ": 133531, + "биÑĤ": 133532, + "ק׳×Ķ": 133533, + "ĠØ¥ÙĨÙĩ": 133534, + "ĠÐĴам": 133535, + "ÐłÐŀ": 133536, + "ãĥĪãĥª": 133537, + "å¿ħè¦ģãģª": 133538, + "Ġchâu": 133539, + "ç¶ļãģij": 133540, + "Ġçözüm": 133541, + "gÅĤow": 133542, + "عÙĤÙĦ": 133543, + "売ãĤĭ": 133544, + "iết": 133545, + "à¸Ĭิà¹īà¸Ļ": 133546, + "ĠØŃÙĤÙĪÙĤ": 133547, + "Ø·ÙĦع": 133548, + "ĠÄijen": 133549, + "ĠÙĥاÙ쨩": 133550, + "ãģ®ãģĶ": 133551, + "Ġë¬": 133552, + "Ġ물": 133553, + "Ġë¬¼ë¡ł": 133554, + "ĠرسÙĪÙĦ": 133555, + "зам": 133556, + "замен": 133557, + "Ġkullanıcı": 133558, + "×¢×ķ׾": 133559, + "èī²ãĢħ": 133560, + "ÑĪиÑĢ": 133561, + "Ġ×Ĺש": 133562, + "Ġwygl": 133563, + "ĠwyglÄħda": 133564, + "ש×Ļ×ŀ×ķש": 133565, + "å¿ĺãĤĮ": 133566, + "×¢×Ļצ×ķ×ij": 133567, + "ĠاÙĦسÙĪØ±ÙĬ": 133568, + "å°ijãģªãģĦ": 133569, + "ĠпоиÑģк": 133570, + "สำà¸Ļัà¸ģà¸ĩาà¸Ļ": 133571, + "Ġ×ŀצ×ĵ": 133572, + "ĠmÃ¼ÅŁ": 133573, + "ĠmÃ¼ÅŁter": 133574, + "ĠmÃ¼ÅŁteri": 133575, + "ĠÙħÙĨÙĩÙħ": 133576, + "à¸ķำà¹ģ": 133577, + "à¸ķำà¹ģหà¸Ļ": 133578, + "à¸ķำà¹ģหà¸Ļà¹Īà¸ĩ": 133579, + "ÅĽmie": 133580, + "Ġ×©×ł×ª": 133581, + "Ġ×Ķפ×Ļ": 133582, + "פרש": 133583, + "×¢×ijר×Ļת": 133584, + "สà¸Ļัà¸ļ": 133585, + "สà¸Ļัà¸ļสà¸Ļุ": 133586, + "สà¸Ļัà¸ļสà¸Ļุà¸Ļ": 133587, + "è¨Ģãģ£ãģ¦": 133588, + "à¸ģารà¸Īัà¸Ķ": 133589, + "ĠMoże": 133590, + "изаÑĨии": 133591, + "ứt": 133592, + "ĠÙĪØ¨Ø¹Ø¯": 133593, + "ĠdeÄŁild": 133594, + "ĠdeÄŁildir": 133595, + "Ġת×ŀ": 133596, + "Ġ×ŀ×ŀ׳×ķ": 133597, + "話ãĤĴ": 133598, + "ĠÑĨена": 133599, + "Ġthúc": 133600, + "×Ļ×ŀ×ķף": 133601, + "ĠBáo": 133602, + "ãĤĴåıĸãĤĬ": 133603, + "å®īãģĦ": 133604, + "Ġ×¢×ķש×Ļ×Ŀ": 133605, + "èĩªåĪĨãģĮ": 133606, + "lée": 133607, + "ãĤĭãģ®ãģ§": 133608, + "иÑĢÑĥеÑĤ": 133609, + "ãģ¦ãĤĭ": 133610, + "ستر": 133611, + "ĠاÙĦØŃÙĬ": 133612, + "×Ļ׾×ķת": 133613, + "Ġ×Ĺ×ij": 133614, + "ÙĤرأ": 133615, + "تÙħÙĥÙĨ": 133616, + "سائÙĦ": 133617, + "prüf": 133618, + "ãģĭãģijãģ¦": 133619, + "ĠÑģобÑģÑĤвенно": 133620, + "ĠìľĦíķĺìŬ": 133621, + "׾×Ļ×ĺ": 133622, + "ãģĮå¤ļãģı": 133623, + "ÙĬتÙĩا": 133624, + "ç«ĭãģ¦": 133625, + "มà¸Ńà¸ļ": 133626, + "ìĭľìŀ¥": 133627, + "оÑĢа": 133628, + "ĠsavaÅŁ": 133629, + "×ĺ×Ļ×ij×Ļ": 133630, + "×ij׳×ķ": 133631, + "Ùħاذا": 133632, + "기ê°Ħ": 133633, + "ãģªãģ©ãģ§": 133634, + "Ġ×ŀת×Ĺ×Ļ׾": 133635, + "Ġnhiá»ħ": 133636, + "Ġnhiá»ħm": 133637, + "каÑĢ": 133638, + "каÑĢÑĤ": 133639, + "Ġ׾×Ķשת×ŀש": 133640, + "׳×Ļ×Ĺ": 133641, + "ادÙĬØ©": 133642, + "รายà¸ĩาà¸Ļ": 133643, + "ĠprzykÅĤad": 133644, + "Ñīий": 133645, + "ØŃضÙĪØ±": 133646, + "Ġhôn": 133647, + "ÃĿ": 133648, + "ת×ķצ×IJ×ķת": 133649, + "رابط": 133650, + "Ġbếp": 133651, + "ĠполÑĥÑĩи": 133652, + "åĩºä¼ļãģĦç³»": 133653, + "à¸Ľà¸¥à¹Īà¸Ńย": 133654, + "ĠاÙĦشباب": 133655, + "اÙĩÙĦ": 133656, + "ä»Ĭãģ¾ãģ§": 133657, + "رجع": 133658, + "ãĤ¶ãĥ¼": 133659, + "ÙĤÙģ": 133660, + "ĠGroÃŁ": 133661, + "ĠíļĮìĽIJ": 133662, + "اجر": 133663, + "Ġ×ij×ŀקר×Ķ": 133664, + "Ġsegurança": 133665, + "fühl": 133666, + "ãģ¦ãģĦãģı": 133667, + "หมà¸Ń": 133668, + "ĠкоÑĤоÑĢом": 133669, + "ĠNÄĥm": 133670, + "ĠdÅĤugo": 133671, + "ÙħÙĨØŃ": 133672, + "ש×ķ×ķ×Ļ": 133673, + "ĠØ£ÙĬاÙħ": 133674, + "à¸ªà¸łà¸²à¸ŀ": 133675, + "rzÄħ": 133676, + "شرÙĥات": 133677, + "ãĤĴèĢĥãģĪ": 133678, + "даÑĢ": 133679, + "à¸Ľà¸£à¸°à¸Ĭุม": 133680, + "Ġ×ķ×IJ×ĸ": 133681, + "iá»ĩn": 133682, + "Ġtươi": 133683, + "ש×Ļ×Ĺ": 133684, + "à¸Ńà¹Īà¸Ńà¸Ļ": 133685, + "æĽ¸ãģĦãģ¦": 133686, + "Ġngữ": 133687, + "×ij×Ļ×ĺ×Ĺ": 133688, + "×ij×Ļ×ĺ×Ĺ×ķף": 133689, + "Ġsẵ": 133690, + "Ġsẵn": 133691, + "ì§ĢëıĦ": 133692, + "ĠпÑĢеп": 133693, + "ĠпÑĢепаÑĢаÑĤ": 133694, + "ĠнаÑĥÑĩ": 133695, + "ĠÃľnivers": 133696, + "ĠÃľniversites": 133697, + "ĠÃľniversitesi": 133698, + "Ġ×Ĵ×ĵ×ķ׾×Ķ": 133699, + "Ġ×Ķ×ł×ª": 133700, + "Ġ×Ķ×ł×ª×ij×¢": 133701, + "ãģ§ãģĤãģ£ãģŁ": 133702, + "ĠmiesiÄħ": 133703, + "ĠmiesiÄħc": 133704, + "гÑĢам": 133705, + "гÑĢамм": 133706, + "ĠبشأÙĨ": 133707, + "ĠÑħÑĢ": 133708, + "×§×Ļ×ĵ": 133709, + "×§×Ļ×ĵ×ķ×Ŀ": 133710, + "Ø´Ùĥر": 133711, + "Ġá»ķ": 133712, + "Ġá»ķn": 133713, + "ãģĮãģĤãģ£ãģ¦": 133714, + "ãģķãĤĮãģ¾ãģĻ": 133715, + "Ġ×Ĺ×ķ×ĵ": 133716, + "Ġ×Ĺ×ķ×ĵש×Ļ×Ŀ": 133717, + "ÙħÙĪØ§Ø¬Ùĩ": 133718, + "ÙħÙĪØ§Ø¬ÙĩØ©": 133719, + "أشخاص": 133720, + "بغ": 133721, + "à¹Ģรียà¸Ļรูà¹ī": 133722, + "ãģĹãģ¦ãģĦãģı": 133723, + "Ġsạn": 133724, + "å¿ħãģļ": 133725, + "׳×Ļ×Ĵ": 133726, + "׳×Ļ×Ĵ×ķ×ĵ": 133727, + "باÙĦغ": 133728, + "×Ĺש×ŀ": 133729, + "×Ĺש×ŀ׾": 133730, + "Ġnapraw": 133731, + "ĠnaprawdÄĻ": 133732, + "Ø´Ùĩاد": 133733, + "×IJ×ķ×Ķ": 133734, + "×IJ×ķ×Ķ×ij": 133735, + "иÑĨÑĭ": 133736, + "Ġ×Ķר׼×ij": 133737, + "ëŀij": 133738, + "Ġתע": 133739, + "Ġ×Ķ×Ļש": 133740, + "Ġ×Ķ×Ļשר×IJ": 133741, + "Ġ×Ķ×Ļשר×IJ׾×Ļ": 133742, + "Ø£ÙħÙĨ": 133743, + "ÑİÑīаÑı": 133744, + "skór": 133745, + "LERİ": 133746, + "Ġ×Ķ×IJ×Ĺר×ķף": 133747, + "×¢×ł×§": 133748, + "ĠÙĪÙĥÙĦ": 133749, + "ãģĵãģĵãģ§": 133750, + "Ġquán": 133751, + "liÄŁin": 133752, + "à¸ģà¸İหมาย": 133753, + "Ø·Ùħ": 133754, + "أجÙĩ": 133755, + "أجÙĩزة": 133756, + "ĠErdoÄŁan": 133757, + "ãģ§ãģĬ": 133758, + "ĠвÑĢа": 133759, + "ĠвÑĢаÑĩ": 133760, + "ĠPhó": 133761, + "à¸Ĭัà¹Īว": 133762, + "à¸Ĭัà¹Īวà¹Ĥม": 133763, + "à¸Ĭัà¹Īวà¹Ĥมà¸ĩ": 133764, + "Ġphúc": 133765, + "×Ļפ×ķת": 133766, + "×¢×Ļ×ķף": 133767, + "Ġdużo": 133768, + "ãĥģãĥ¼ãĥł": 133769, + "ĠÙĬÙİ": 133770, + "ĠзадаÑĩ": 133771, + "Ġ×Ĵ×ij×ķ×Ķ×Ķ": 133772, + "Ġ׼׼׾": 133773, + "ложен": 133774, + "état": 133775, + "ĠngÄĥn": 133776, + "èµ·ãģį": 133777, + "ĠTiến": 133778, + "صعب": 133779, + "Ġexperiência": 133780, + "Ø®Ùħ": 133781, + "à¸ģารà¸Ĺำà¸ĩาà¸Ļ": 133782, + "سÙĬد": 133783, + "ĠDá»±": 133784, + "ĠкоÑĤоÑĢого": 133785, + "ladıģı": 133786, + "Ġkhá»ķ": 133787, + "Ġê³ĦìĨį": 133788, + "Ñīик": 133789, + "สà¹Īวà¸Ļà¸ķัว": 133790, + "зоÑĢ": 133791, + "ÙĨÙı": 133792, + "Ġà¸Ķัà¸ĩ": 133793, + "Ġà¸Ķัà¸ĩà¸Ļัà¹īà¸Ļ": 133794, + "Ġcấu": 133795, + "ĠÄijá»ijc": 133796, + "оÑĦ": 133797, + "ĠاÙĦأعÙħاÙĦ": 133798, + "ãģªãģıãģ¦ãĤĤ": 133799, + "×ķ׼×Ļ×Ŀ": 133800, + "à¹ģà¸Ľ": 133801, + "ĠBên": 133802, + "ãĥ¯ãĥ³": 133803, + "Ġgiám": 133804, + "ĠÅŀu": 133805, + "Ġdáng": 133806, + "عÙĦÙĬ": 133807, + "à¹Ģà¸ģษ": 133808, + "à¹Ģà¸ģษà¸ķร": 133809, + "ÙĪØ¬Ø¨": 133810, + "ннÑĭе": 133811, + "ÙĤضاء": 133812, + "à¸Ħวà¸ļ": 133813, + "à¸Ħวà¸ļà¸Ħุ": 133814, + "à¸Ħวà¸ļà¸Ħุม": 133815, + "ãģ¤ãģ¤": 133816, + "ĠViá»ĩc": 133817, + "×ŀ×ij×ĺ": 133818, + "ש×Ļת×ķ×£": 133819, + "ĠведÑĮ": 133820, + "kaza": 133821, + "kazaÅĤ": 133822, + "à¸ķำรวà¸Ī": 133823, + "ãĤ¿ãĥ«": 133824, + "ĠповÑĭ": 133825, + "ĠповÑĭÑĪен": 133826, + "ĠSợ": 133827, + "ĠìĦ¤ëªħ": 133828, + "ĠÃĩünkü": 133829, + "ìĥĿíĻľ": 133830, + "Ö¾": 133831, + "ãĤĮãģ¦ãģĦãĤĭ": 133832, + "Ġ×ijר×IJש": 133833, + "ר×ķ×Ĵ": 133834, + "ĠоÑĦи": 133835, + "ĠоÑĦиÑĨиалÑĮн": 133836, + "ĠÑĥÑģÑĤанов": 133837, + "ĠÑĥÑģÑĤановлен": 133838, + "ĠاÙĦÙħصر": 133839, + "ĠاÙĦÙħصرÙĬØ©": 133840, + "ĠÐŁÐ¾ÑįÑĤомÑĥ": 133841, + "ÙĨصÙģ": 133842, + "ĠÙĪØ§ÙĦÙĨ": 133843, + "ĠhÃłi": 133844, + "à¸Ħิ": 133845, + "ĠAprès": 133846, + "ì³IJ": 133847, + "à¹Ģà¸ĭีย": 133848, + "×ĵ×ŀ×Ķ": 133849, + "activité": 133850, + "à¸Ħิà¸Ķวà¹Īา": 133851, + "ÑĤÑĢен": 133852, + "à¹Ģฮ": 133853, + "ãĥıãĤ¤": 133854, + "ãģĮå¢ĹãģĪ": 133855, + "еннаÑı": 133856, + "Ġìĺ¤ëĬĺ": 133857, + "ãĥ¢ãĥ³": 133858, + "ĠконеÑĩно": 133859, + "ĠÙħÙĤابÙĦ": 133860, + "clé": 133861, + "Ġhü": 133862, + "Ġthẳng": 133863, + "ìłģìĿ´": 133864, + "ĠÐIJлекÑģ": 133865, + "ĠÐIJлекÑģан": 133866, + "ĠÐIJлекÑģандÑĢ": 133867, + "ãĥŀãĥ³ãĤ·ãĥ§ãĥ³": 133868, + "ãģ²ãģ¨ãģ¤": 133869, + "ãģªãģĬ": 133870, + "à¹Ģà¸Īà¹īาà¸Ĥà¸Ńà¸ĩ": 133871, + "ëĵľë¦¬": 133872, + "شاء": 133873, + "ĠsaÄŁlık": 133874, + "ĠÅŁimdi": 133875, + "×Ļ×IJ׾": 133876, + "تأثÙĬر": 133877, + "أسب": 133878, + "أسباب": 133879, + "ĠвÑĭполнен": 133880, + "лок": 133881, + "ש×Ļ×ij×Ķ": 133882, + "Ġlắm": 133883, + "ĠTrÆ°á»Ľc": 133884, + "Ġ×Ķ×¢×ľ": 133885, + "리를": 133886, + "ĠÑĢеж": 133887, + "ĠÑĢежим": 133888, + "inté": 133889, + "intégr": 133890, + "×Ĵ׳×Ļ": 133891, + "ĠاÙĦشعر": 133892, + "Ġmilhões": 133893, + "Ġpequeño": 133894, + "ãĤ³ãĥ¼ãĤ¹": 133895, + "×ķ׼×Ĺ": 133896, + "à¹Ģà¸Ĭà¹īา": 133897, + "شرÙĤ": 133898, + "Ġhương": 133899, + "รัà¸IJà¸ļาล": 133900, + "à¸ģลาย": 133901, + "à¸ģลายà¹Ģà¸Ľà¹ĩà¸Ļ": 133902, + "ĠподÑħод": 133903, + "תש×ķ×ij×Ķ": 133904, + "ãģıãģªãģ£ãģ¦": 133905, + "ĠاÙĦØ£ÙħÙħ": 133906, + "ĠHá»įc": 133907, + "ĠwspóÅĤpr": 133908, + "ĠwspóÅĤprac": 133909, + "ÑĩÑĥв": 133910, + "ÑĩÑĥвÑģÑĤв": 133911, + "ÃŃstico": 133912, + "à¹Ģà¸ģาะ": 133913, + "ìĽĢ": 133914, + "Ġназад": 133915, + "ãĤĭãĤĪãģĨãģ«": 133916, + "ĠСШ": 133917, + "ĠСШÐIJ": 133918, + "мон": 133919, + "ĠAsÃŃ": 133920, + "×ķר×Ĵ": 133921, + "полнен": 133922, + "×ŀ×¡×ľ": 133923, + "×ŀ×¡×ľ×ķ׾": 133924, + "à¹Ģลืà¸Ńà¸Ķ": 133925, + "à¹Ģริà¹Īมà¸ķà¹īà¸Ļ": 133926, + "ĠاÙĦØ¥Ùħ": 133927, + "ĠاÙĦØ¥Ùħارات": 133928, + "צ×Ķר": 133929, + "ãĥ¡ãĥªãĥĥãĥĪ": 133930, + "ĠпоÑĤом": 133931, + "виз": 133932, + "ĠÙģØªØ±Ø©": 133933, + "å¾Įãģ®": 133934, + "ÐĿÐIJ": 133935, + "×ŀסר": 133936, + "ÙĬرÙĬ": 133937, + "pré": 133938, + "ĠteÅŁek": 133939, + "ĠteÅŁekkür": 133940, + "Ġödeme": 133941, + "داÙĨ": 133942, + "ãģ¾ãģĹãģ¦": 133943, + "缮ãģ«": 133944, + "ĠÑĤеÑĩение": 133945, + "lard": 133946, + "lardır": 133947, + "à¹Ģราà¸Īะ": 133948, + "ספ×Ļ": 133949, + "ĠÙĪÙĥذÙĦÙĥ": 133950, + "Ġhát": 133951, + "Ġtá»Ļc": 133952, + "à¸Ħุย": 133953, + "Ġbức": 133954, + "ØŃÙĬÙĨ": 133955, + "èģŀãģĦãģ¦": 133956, + "Ùħؤشر": 133957, + "ĠNhư": 133958, + "Ġменее": 133959, + "ละà¸Ħร": 133960, + "Ñģин": 133961, + "ĠÑĢек": 133962, + "ĠÑĢекл": 133963, + "ĠÑĢеклам": 133964, + "ĠÙģÙĩÙĪ": 133965, + "Ġ׾×ĸ": 133966, + "×Ļ׳×ķת": 133967, + "ĠÅŁart": 133968, + "ÑģÑĤавка": 133969, + "Ġíı¬íķ¨": 133970, + "ãģ«è¡Įãģı": 133971, + "ï¼Ŀ": 133972, + "ĠпозволÑıеÑĤ": 133973, + "Ġת×ķ׼׾×ķ": 133974, + "овал": 133975, + "صÙĦØ©": 133976, + "Ġ׾ש׳×ķת": 133977, + "ĠÐĺгÑĢ": 133978, + "ÙħÙĨتجات": 133979, + "ĠsatÄ±ÅŁ": 133980, + "Ñģко": 133981, + "ĠاÙĦØ«ÙĦاثاء": 133982, + "Ġ×Ķ×ĵ×ijר×Ļ×Ŀ": 133983, + "ãģĹãģ¾ãģĹãĤĩãģĨ": 133984, + "بÙĤÙī": 133985, + "åĬĽãĤĴ": 133986, + "ĠÃĩok": 133987, + "ãĥģãĥ¥": 133988, + "à¹Ģà¸Ĭืà¹īà¸Ń": 133989, + "ยุà¸Ħ": 133990, + "ศาล": 133991, + "Ġ×§×ķ×ĵ×Ŀ": 133992, + "×ĸר×Ļ×Ŀ": 133993, + "ãģ®åł´åIJĪ": 133994, + "ĠìķĬìķĺ": 133995, + "ãģĤãĤĬãģ¾ãģĻãģĮ": 133996, + "×IJשר": 133997, + "è¡Įãģı": 133998, + "ãģ»ãģĭ": 133999, + "æ°Ĺãģ«ãģªãĤĭ": 134000, + "йдеÑĤ": 134001, + "íķĺìĺĢëĭ¤": 134002, + "ستÙħرار": 134003, + "ĠÐŁÑĢе": 134004, + "ĠÑģбоÑĢ": 134005, + "ĠìķĦ무": 134006, + "ç§ģãĤĤ": 134007, + "عص": 134008, + "ĠниÑĩ": 134009, + "ĠниÑĩего": 134010, + "ĠпÑĢием": 134011, + "×§×ķ×ŀ": 134012, + "ĠìĪĺëıĦ": 134013, + "Ġì¡´": 134014, + "Ġì¡´ìŀ¬": 134015, + "ĠأثÙĨ": 134016, + "ĠأثÙĨاء": 134017, + "ĠÙĪØ§ÙĦØŃ": 134018, + "ãģĮãģ§ãģįãĤĭ": 134019, + "Ġת×Ķ": 134020, + "Ġת×Ķ×Ļ×Ķ": 134021, + "רף": 134022, + "ĠÑģвÑıзи": 134023, + "×Ĵשת": 134024, + "ÑģпекÑĤ": 134025, + "ס×ij×Ļ×ij": 134026, + "ס×ij×Ļ×ij×Ķ": 134027, + "ĠíķĦìļĶíķľ": 134028, + "تخصص": 134029, + "Ġжив": 134030, + "ĠживоÑĤ": 134031, + "ĠMayıs": 134032, + "تعا": 134033, + "تعاÙĪÙĨ": 134034, + "ĠعÙĨÙĩا": 134035, + "ówki": 134036, + "ĠاÙĦÙģÙĦسطÙĬÙĨÙĬ": 134037, + "ãģłãģijãģ§ãģªãģı": 134038, + "ìĿ¸ì§Ģ": 134039, + "ĠاÙĦسÙĪØ¯": 134040, + "ĠاÙĦسÙĪØ¯Ø§ÙĨ": 134041, + "إجراءات": 134042, + "Ġkötü": 134043, + "Ġ×Ļתר": 134044, + "×Ĵ×Ļש×Ķ": 134045, + "Ġצ×ķר×ļ": 134046, + "รà¸ĸย": 134047, + "รà¸ĸยà¸Ļà¸ķà¹Į": 134048, + "ÑħоÑĤ": 134049, + "ÐłÐIJ": 134050, + "ÙĪØ·ÙĨ": 134051, + "Ġsayısı": 134052, + "ס×Ĺר": 134053, + "ÙħÙĪÙĦ": 134054, + "ãĤĴæĮģãģ£ãģ¦": 134055, + "عاÙĨ": 134056, + "Ġtá»Ļi": 134057, + "ĠвÑĭÑĪе": 134058, + "Ġtầm": 134059, + "ãĥĪãĥ¬": 134060, + "×Ļצ×ķ": 134061, + "มุม": 134062, + "سÙĪØ¯": 134063, + "ìłĦìŀIJ": 134064, + "ãĤµãĥŃãĥ³": 134065, + "ìĤ°ìĹħ": 134066, + "ĠоÑģнован": 134067, + "Ø®Ù쨶": 134068, + "רצ×Ķ": 134069, + "بÙĬض": 134070, + "×ķÖ¹": 134071, + "ס×Ļ×Ļ×¢": 134072, + "Ġש×IJ×Ļ": 134073, + "ĠاÙĦÙĤرآÙĨ": 134074, + "ĠТакже": 134075, + "×ŀש×ŀ×¢×ķת": 134076, + "سÙĩÙĦ": 134077, + "Ġ×Ķ׳×Ķ": 134078, + "ãĤĴãģĹãģ¦ãģĦãĤĭ": 134079, + "×Ļ×Ļס": 134080, + "×Ķ×ķ×IJ": 134081, + "ĠBÃŃ": 134082, + "Ġмало": 134083, + "ĠëͰëĿ¼ìĦľ": 134084, + "Ġר×Ĺ×ij": 134085, + "ãģĮé«ĺãģĦ": 134086, + "ÙĪØ§Ø³": 134087, + "ìĤ¼": 134088, + "×ł×¢": 134089, + "ãģ£ãģ¡ãĤĥ": 134090, + "ĠTüm": 134091, + "à¸Ńีà¸ģà¸Ķà¹īวย": 134092, + "ãģĹãģ¦ãģıãģłãģķãģĦ": 134093, + "ÙĨشاط": 134094, + "ãĥĹãĥ©ãĥ³": 134095, + "алиÑģÑĮ": 134096, + "×ĵ×ľ×ª": 134097, + "ĠwczeÅĽ": 134098, + "ĠwczeÅĽniej": 134099, + "ĠÑįÑĤим": 134100, + "Ġthá»ĭt": 134101, + "à¸ļัà¸į": 134102, + "à¸ļัà¸įà¸Ĭี": 134103, + "ãģļãģ£ãģ¨": 134104, + "ÑĢин": 134105, + "ĠswojÄħ": 134106, + "íķĺëĬĶëį°": 134107, + "Ġë§Įëĵ¤ìĸ´": 134108, + "تشÙĥ": 134109, + "تشÙĥÙĬÙĦ": 134110, + "ائÙĩ": 134111, + "Ġ׾פ×Ĺ×ķת": 134112, + "ãĥĭãĥ¥": 134113, + "ãĥĭãĥ¥ãĥ¼ãĤ¹": 134114, + "׼×IJף": 134115, + "ãģ§ãģįãģŁ": 134116, + "звон": 134117, + "ĠstaÅĤ": 134118, + "×Ĺ×ijרת×Ļ": 134119, + "ĠأعÙĦÙĨ": 134120, + "à¹ģà¸ļà¸ļà¸Ļีà¹ī": 134121, + "بدء": 134122, + "ãĤģãģŁ": 134123, + "Ġ×ŀש×ŀ×¢×ķת": 134124, + "Ġ×ŀש×ŀ×¢×ķת×Ļ": 134125, + "örü": 134126, + "Ġhạnh": 134127, + "zähl": 134128, + "ĠLý": 134129, + "Ġ×ij×Ķת": 134130, + "Ġ×ij×Ķת×IJ×Ŀ": 134131, + "баÑĢ": 134132, + "ì¦Ī": 134133, + "ä»ĬåĽŀãģ®": 134134, + "Ġyü": 134135, + "Ġyüks": 134136, + "Ġyüksel": 134137, + "ãĤ½ãĥ¼": 134138, + "ãģĤãĤĮ": 134139, + "×ª×ľ×ŀ×Ļ×ĵ": 134140, + "ãģ¤ãģª": 134141, + "×ij׳×Ļ×Ŀ": 134142, + "Ġxếp": 134143, + "ĠмÑĥжÑĩин": 134144, + "ĠاÙĦÙĥتاب": 134145, + "׼×ŀ×ķת": 134146, + "Ġçe": 134147, + "ĠçeÅŁ": 134148, + "ĠçeÅŁit": 134149, + "ĠçeÅŁitli": 134150, + "×ĵ×Ļר×ķת": 134151, + "à¸ļุà¸į": 134152, + "ĠاÙĦØ¥ÙĦÙĥ": 134153, + "ĠاÙĦØ¥ÙĦÙĥترÙĪ": 134154, + "ĠاÙĦØ¥ÙĦÙĥترÙĪÙĨÙĬ": 134155, + "ĠباÙĦإض": 134156, + "ĠباÙĦإضاÙ쨩": 134157, + "Ġyönel": 134158, + "Ġyönelik": 134159, + "mysÅĤ": 134160, + "à¸Ķà¹īวยà¸ģาร": 134161, + "à¸ģารà¸Ĺำ": 134162, + "овÑĭм": 134163, + "أزÙħØ©": 134164, + "æİ¢ãģĹ": 134165, + "íļ¨": 134166, + "Ġ×ķ×IJ×Ŀ": 134167, + "Ġnghiêm": 134168, + "ÑĪин": 134169, + "кал": 134170, + "Ġcrianças": 134171, + "èĩªåĪĨãģ§": 134172, + "Ġнай": 134173, + "ĠнайÑĤи": 134174, + "ĠSá»ij": 134175, + "ĠÃ¶ÄŁrenciler": 134176, + "ãĥ¶æľĪ": 134177, + "Ñģан": 134178, + "ĠJá": 134179, + "ĠkonuÅŁma": 134180, + "شرط": 134181, + "ëĪĪ": 134182, + "arrière": 134183, + "ضرÙĪØ±Ø©": 134184, + "ãĥĶãĥ³": 134185, + "עשר": 134186, + "аÑĢÑĮ": 134187, + "جÙħاع": 134188, + "Ġdéco": 134189, + "Ġ×Ļ×Ķ×ķ×ĵ×Ļ": 134190, + "à¸ŀลาà¸Ķ": 134191, + "ĠÙĬÙĥÙĨ": 134192, + "ĠجاÙħعة": 134193, + "طبÙĤ": 134194, + "ĠboÅŁ": 134195, + "×ķ×ķ×IJ": 134196, + "×ŀ×ĵ×¢": 134197, + "×§×ij×ķצת": 134198, + "פ×Ļר": 134199, + "jÄħcym": 134200, + "Ùħشا": 134201, + "ÙħشاÙĥÙĦ": 134202, + "צפ×ķף": 134203, + "إست": 134204, + "×ŀ׼ר": 134205, + "سÙħع": 134206, + "Ġкакой": 134207, + "ÑĤвоÑĢ": 134208, + "ØŃج": 134209, + "ÙģØ±Ø¶": 134210, + "пÑĢавлен": 134211, + "Ġникак": 134212, + "Ġmiá»ĩ": 134213, + "Ġmiá»ĩng": 134214, + "Ã¼ÃŁ": 134215, + "иÑĢовал": 134216, + "׾×ŀ×ķת": 134217, + "次ãģ®": 134218, + "ÙĦØ·": 134219, + "à¸ķัà¸Ļ": 134220, + "×Ķת×Ĺ×Ļ׾": 134221, + "ĠfotoÄŁ": 134222, + "ĠfotoÄŁraf": 134223, + "طرØŃ": 134224, + "à¸Ńà¸Ńà¸ģà¹Ħà¸Ľ": 134225, + "Ġyên": 134226, + "Ġпок": 134227, + "ĠпокÑĥп": 134228, + "ĠпокÑĥпа": 134229, + "ÑĨÑĥ": 134230, + "ĠкомпÑĮÑİ": 134231, + "ĠкомпÑĮÑİÑĤеÑĢ": 134232, + "ĠاÙĦÙĥرÙĬÙħ": 134233, + "تصÙħ": 134234, + "تصÙħÙĬÙħ": 134235, + "Ġоказа": 134236, + "Ġzarówn": 134237, + "Ġzarówno": 134238, + "ëĮĢì¶ľ": 134239, + "ãĤ»ãĥ³ãĤ¿ãĥ¼": 134240, + "ĠjakoÅĽci": 134241, + "æĤ©": 134242, + "æĤ©ãģ¿": 134243, + "Ø£ÙĨÙĪ": 134244, + "Ø£ÙĨÙĪØ§Ø¹": 134245, + "ë¹ł": 134246, + "Ġìłķë§IJ": 134247, + "Ġkẻ": 134248, + "ĠÑģайÑĤа": 134249, + "Ġ×Ķער×ij": 134250, + "Ùĩز": 134251, + "presión": 134252, + "ĠÑģÑĤен": 134253, + "ãģ£ãģ¦ãĤĭ": 134254, + "Ġhızlı": 134255, + "ÐļÐIJ": 134256, + "×ŀשפ×Ĺת": 134257, + "ĠÙĨÙĩا": 134258, + "ĠÙĨÙĩاÙĬØ©": 134259, + "ãģ¾ãģĦ": 134260, + "оÑħÑĢан": 134261, + "รà¹īà¸Ńย": 134262, + "ลึà¸ģ": 134263, + "ĠÙĪØ¨Ø§ÙĦ": 134264, + "ãĤĤãģ®ãģĮ": 134265, + "ר׼×Ļ×ij": 134266, + "ãĤ¤ãĥ¤": 134267, + "سؤ": 134268, + "سؤاÙĦ": 134269, + "ĠÙĦØ£ÙĨÙĩ": 134270, + "ĠkonuÅŁtu": 134271, + "ÐļÑĥпиÑĤÑĮ": 134272, + "Ġש×IJת×Ķ": 134273, + "ĠÙĪØ§ÙĦس": 134274, + "ĠmożliwoÅĽci": 134275, + "Ġprób": 134276, + "ëͰ": 134277, + "ãģ©ãĤĮ": 134278, + "ĠÐľÐ¸Ð½": 134279, + "ĠоÑĢганизм": 134280, + "ãģ«å¯¾ãģĻãĤĭ": 134281, + "ĠPré": 134282, + "Ġprivé": 134283, + "chè": 134284, + "ãģĦãģŁãģłãģį": 134285, + "สà¸Ļุà¸ģ": 134286, + "ajÄħce": 134287, + "ĠDzi": 134288, + "ĠDziÄĻki": 134289, + "ÅĤatw": 134290, + "rän": 134291, + "ränk": 134292, + "æĿ¥ãģŁ": 134293, + "Ġ×Ķ×Ļ×Ķ×ķ×ĵ×Ļ": 134294, + "ãĤ¬ãĥ¼": 134295, + "ĠÑĢад": 134296, + "ĠÑĢади": 134297, + "кÑĤив": 134298, + "Ø£Ùĩد": 134299, + "Ø£ÙĩداÙģ": 134300, + "ש×IJ×Ļר": 134301, + "ãģ¦ãģĦãģªãģĦ": 134302, + "Ġfrüh": 134303, + "Ġокол": 134304, + "Ġоколо": 134305, + "Ġregião": 134306, + "ĠÑĩиÑģле": 134307, + "Ġponiew": 134308, + "Ġponieważ": 134309, + "ìĦ¼íĦ°": 134310, + "Ġbầu": 134311, + "Ġê·": 134312, + "Ġê·ľ": 134313, + "Ġê·ľìłķ": 134314, + "ĠHòa": 134315, + "ĠÑĤоÑĤ": 134316, + "ãĤĤå¤ļãģĦ": 134317, + "ĠاÙĦإسÙĦاÙħÙĬØ©": 134318, + "ãģĭãģĦ": 134319, + "Ñįн": 134320, + "ĠÑĥказан": 134321, + "ĠÑĤакое": 134322, + "ï¼³": 134323, + "ëĮĢíķĻ": 134324, + "ĠgeniÅŁ": 134325, + "ĠاÙĦØ®ÙĬ": 134326, + "ĠاÙĦØ®ÙĬارات": 134327, + "ãĤĴè¡ĮãģĨ": 134328, + "ש×ŀ×Ķ": 134329, + "ĠLÃłm": 134330, + "ÙĪÙĨÙĬ": 134331, + "Ġ×IJ׾×Ļ×ķ": 134332, + "Äĺ": 134333, + "à¹Ħมà¹Īสามารà¸ĸ": 134334, + "人ãģ¨": 134335, + "برز": 134336, + "×Ļס×ķ×ĵ": 134337, + "×Ĵ׾×Ļ": 134338, + "ĠÙĬÙĨا": 134339, + "ĠÙĬÙĨاÙĬر": 134340, + "ĠкаÑĢÑĤин": 134341, + "Ġtôn": 134342, + "à¹Ģà¸ģร": 134343, + "à¸Ħà¸Ķี": 134344, + "Ġ׾×IJ×ķר×ļ": 134345, + "ãĤĤãĤīãģĨ": 134346, + "ãģĭãģĭãĤĭ": 134347, + "ании": 134348, + "ĠaraÅŁtırma": 134349, + "ÙĦاØŃظ": 134350, + "ãģĦãĤĦ": 134351, + "ĠTÃłi": 134352, + "Ġà¸Ļà¸Ńà¸ģà¸Īาà¸ģ": 134353, + "Ġà¸Ļà¸Ńà¸ģà¸Īาà¸ģà¸Ļีà¹ī": 134354, + "ĠÄIJảng": 134355, + "ãģ£ãģ¦ãģįãģŁ": 134356, + "Ġà¸ĭึà¹Īà¸ĩà¹Ģà¸Ľà¹ĩà¸Ļ": 134357, + "Ġtả": 134358, + "ĠmożliwoÅĽÄĩ": 134359, + "ĠSản": 134360, + "Ġİki": 134361, + "Ġcắt": 134362, + "سأÙĦ": 134363, + "Ġbakım": 134364, + "شب": 134365, + "à¸ķีà¹ī": 134366, + "à¸ŀยาย": 134367, + "à¸ŀยายาม": 134368, + "à¸ªà¸±à¸Ľ": 134369, + "à¸ªà¸±à¸Ľà¸Ķา": 134370, + "à¸ªà¸±à¸Ľà¸Ķาหà¹Į": 134371, + "ë°Ģ": 134372, + "еÑĢÑĭ": 134373, + "Ġcánh": 134374, + "Ġthuế": 134375, + "تبع": 134376, + "ãģ«åħ¥ãĤĮ": 134377, + "ÑİÑģÑĮ": 134378, + "íļĮìĿĺ": 134379, + "ç°¡åį": 134380, + "ç°¡åįĺ": 134381, + "ç°¡åįĺãģ«": 134382, + "Ġtrúc": 134383, + "ĠاÙĦÙĥÙĪÙĬ": 134384, + "ĠاÙĦÙĥÙĪÙĬت": 134385, + "ãĤıãģijãģ§ãģĻ": 134386, + "ĠÑģвоб": 134387, + "ĠÑģвобод": 134388, + "ĠÑĥÑĩаÑģÑĤник": 134389, + "สิà¹īà¸Ļ": 134390, + "ĠпÑĢоÑĦеÑģÑģиона": 134391, + "ĠпÑĢоÑĦеÑģÑģионалÑĮн": 134392, + "ÑģпоÑĢ": 134393, + "×Ĺ×ķ×ij×Ķ": 134394, + "ÙħعÙĨÙī": 134395, + "ĠاÙĦÙģØªØ±Ø©": 134396, + "สูà¸ĩสุà¸Ķ": 134397, + "ãĤıãģļ": 134398, + "ĠÄijè": 134399, + "ĠÄijèn": 134400, + "æ¯Ķãģ¹": 134401, + "าà¸ĺิ": 134402, + "Ġmożemy": 134403, + "à¹ģà¸ĭ": 134404, + "à¸Īะà¹Ħมà¹Ī": 134405, + "Ġsắp": 134406, + "ÐļÐŀ": 134407, + "Ġpráctica": 134408, + "ÙĪÙĥاÙĦØ©": 134409, + "è¾¼ãĤĵãģ§": 134410, + "ológica": 134411, + "ĠеÑī": 134412, + "ĠеÑīÑij": 134413, + "تعدÙĬÙĦ": 134414, + "ĠØ£Ùĥد": 134415, + "Ġצר×Ļ׼": 134416, + "Ġצר×Ļ׼×Ļ×Ŀ": 134417, + "Ø«Ùħ": 134418, + "ĠкÑĢÑĥ": 134419, + "ĠкÑĢÑĥп": 134420, + "×ij×Ļ×§×ķרת": 134421, + "Ġì¡°ê¸Ī": 134422, + "ãģ¨ãģįãģ¯": 134423, + "Ġbạc": 134424, + "ĠÑĢаÑģпол": 134425, + "ĠÑĢаÑģполож": 134426, + "ĠÑĢаÑģположен": 134427, + "زÙĬÙĨ": 134428, + "ĠÐļÑĢоме": 134429, + "ĠاÙĦÙĨظر": 134430, + "×Ķ×ķ×ĵ": 134431, + "ĠاÙĦسبت": 134432, + "ã썿ĢĿãģĦ": 134433, + "ĠpaÅĦst": 134434, + "ĠpaÅĦstw": 134435, + "ĠÙĦÙĬست": 134436, + "ĠбÑĥдÑĥ": 134437, + "à¸Ĺัà¸Ļà¸Ĺี": 134438, + "ราม": 134439, + "ØŃصÙĪÙĦ": 134440, + "ãģĹãģ¦ãģıãĤĮãĤĭ": 134441, + "ĠاÙĦإسرائÙĬÙĦ": 134442, + "ĠاÙĦإسرائÙĬÙĦÙĬ": 134443, + "ãģĵãĤĮãģ¾ãģ§": 134444, + "ìĤ¬ë¥¼": 134445, + "Ġsürü": 134446, + "à¹Ģวà¸Ńรà¹Į": 134447, + "à¹Ģà¸ĭà¸Ńรà¹Į": 134448, + "Ġutilisé": 134449, + "ĠÑģиÑģÑĤема": 134450, + "Ġdwó": 134451, + "Ġdwóch": 134452, + "Ġpróprio": 134453, + "Ġëĵ±ìĿĦ": 134454, + "arrêt": 134455, + "ĠЧа": 134456, + "×IJ×ŀ׳×ķת": 134457, + "عارض": 134458, + "à¹Ģà¸ģมสà¹Į": 134459, + "Ġ׾×Ķ×ij×Ļף": 134460, + "Ġ׾×ij×Ĺ": 134461, + "Ġ׾×ij×Ĺ×ķר": 134462, + "สาà¸Ĥา": 134463, + "ĠÐľÐ¾Ñģкве": 134464, + "بعد": 134465, + "ĠاÙĦÙĤرار": 134466, + "ĠÄIJá»ĭa": 134467, + "Ġ×Ĺ×Ĵ": 134468, + "ÙģØªØ±": 134469, + "ÙĪÙĨØ©": 134470, + "Ġ×Ķ×ĸ×IJת": 134471, + "å¸Ĥãģ®": 134472, + "ãģ»ãģĹãģĦ": 134473, + "Ġ×ij×¢×Ļר": 134474, + "ĠÑĤепеÑĢÑĮ": 134475, + "ìĬµëĭĪê¹Į": 134476, + "à¹Ħมà¹Īว": 134477, + "à¹Ħมà¹Īวà¹Īา": 134478, + "à¹Ħมà¹Īวà¹Īาà¸Īะ": 134479, + "×ŀ×IJ×Ķ": 134480, + "æĥħåł±": 134481, + "æĥħåł±ãĤĴ": 134482, + "غÙĨ": 134483, + "ĠпоÑı": 134484, + "ĠпоÑıви": 134485, + "éģİãģĶ": 134486, + "تشغ": 134487, + "تشغÙĬÙĦ": 134488, + "вел": 134489, + "Ġ×Ĺ×ŀ": 134490, + "ãģ¨ãģªãĤĬãģ¾ãģĻ": 134491, + "ĠraÄŁ": 134492, + "ĠraÄŁmen": 134493, + "ãģĭãģ©ãģĨ": 134494, + "ãģĭãģ©ãģĨãģĭ": 134495, + "енко": 134496, + "ì§Ģê³ł": 134497, + "Ġ×IJ׾×Ļ×Ķ": 134498, + "ĠØ£ÙĦ": 134499, + "à¸Īำหà¸Ļ": 134500, + "à¸Īำหà¸Ļà¹Īาย": 134501, + "nızı": 134502, + "Ġ׾ק×Ĺת": 134503, + "Ø£ÙĩÙħ": 134504, + "Ø£ÙĩÙħÙĬØ©": 134505, + "تغÙĬر": 134506, + "ש×Ĺר": 134507, + "ס×ķפר": 134508, + "×ĵ×Ļר": 134509, + "èī¯ãģĭãģ£ãģŁ": 134510, + "×ŀ׾×Ĺ×ŀ×Ķ": 134511, + "ÑģÑĤвие": 134512, + "ÑĤÑĢаÑĤ": 134513, + "ĠاÙĦأخ": 134514, + "ĠاÙĦأخÙĬرة": 134515, + "ĠاÙĦØŃصÙĪÙĦ": 134516, + "Ġcrédito": 134517, + "צ×Ļ×¢": 134518, + "ãĥ¬ãĥĻãĥ«": 134519, + "برÙĬ": 134520, + "ëIJIJ": 134521, + "ãģłãģ£ãģ¦": 134522, + "ĠrealtÃł": 134523, + "سÙ쨱": 134524, + "×ķ׳×ķ": 134525, + "×Ĵ×ķ×ĵ": 134526, + "×Ĵ×ķ×ĵ׾": 134527, + "ฮา": 134528, + "ãģĹãģ¦ãģĬãĤĬãģ¾ãģĻ": 134529, + "ĠgÃł": 134530, + "Ġ׾×ijצע": 134531, + "å¼ķè¶ĬãģĹ": 134532, + "Ġ×ŀ×Ļ׾×Ļ": 134533, + "Ġ×ŀ×Ļ׾×Ļ×ķף": 134534, + "Ùħدر": 134535, + "Ùħدرسة": 134536, + "פ×ķ×ĺ": 134537, + "à¸Ļà¹īำมัà¸Ļ": 134538, + "ëģĿ": 134539, + "عÙĥس": 134540, + "ĠÙĤض": 134541, + "ĠÑĢÑĭб": 134542, + "خطط": 134543, + "×ŀ×ķס×ĵ": 134544, + "Ġ׼׾׾×Ļ": 134545, + "ĠкоÑĤоÑĢое": 134546, + "צ×Ļ×ķף": 134547, + "ĠмеÑģÑĤа": 134548, + "ãģĭãģ¤": 134549, + "гÑĢÑĥпп": 134550, + "׾×Ļ׾": 134551, + "ת×ķ×IJר": 134552, + "ë³µì§Ģ": 134553, + "à¹ģà¸ľà¹Īà¸Ļ": 134554, + "Ġ×ijעת": 134555, + "æĻĤéĸĵãĤĴ": 134556, + "ï¼£": 134557, + "ãģ¨ãģĦãģĨãģĵãģ¨ãģ§": 134558, + "Ġ׾×Ķ×§": 134559, + "Ġ׾×ĸ×Ķ": 134560, + "ĠìłĢëĬĶ": 134561, + "ĠاÙĦإرÙĩاب": 134562, + "ĠìŀĪëĬĶëį°": 134563, + "ĠÑĤогда": 134564, + "Ġ×Ķצ×Ļ": 134565, + "×ķ׾×ĺ": 134566, + "Ġרפ×ķ×IJ×Ļ": 134567, + "ãģĵãģ¨ãģ§ãģĻ": 134568, + "ĠÄijÃŃch": 134569, + "ØŃÙĬا": 134570, + "Ġ×Ķ×ŀש×Ĺ×§": 134571, + "ãģľãģ²": 134572, + "Ġ×ŀ×IJפשר": 134573, + "ãģ¿ãģ¾ãģĹãģŁ": 134574, + "ĠاÙĦØ£ÙħÙĬرÙĥÙĬ": 134575, + "ÙħجتÙħع": 134576, + "Ġساب": 134577, + "ĠسابÙĤ": 134578, + "׼×Ļ׾": 134579, + "Ế": 134580, + "ãĥªãĤ¹ãĥĪ": 134581, + "Ġìĥ": 134582, + "ĠìĥĪ": 134583, + "ĠìĥĪë¡ľ": 134584, + "ĠìĥĪë¡ľìļ´": 134585, + "ĠDá»ĭch": 134586, + "à¹Ģหมาะสม": 134587, + "ĠاÙĦÙĨبÙĬ": 134588, + "׾׾": 134589, + "ÙĨع": 134590, + "Ðĵлав": 134591, + "ÐĵлавнаÑı": 134592, + "Ùħرض": 134593, + "Ġ×ķ×ĵ": 134594, + "تÙĤÙĬ": 134595, + "تÙĤÙĬÙĬÙħ": 134596, + "Ġbảng": 134597, + "ĠÙģÙĤاÙĦ": 134598, + "×¢×ŀ×Ļ": 134599, + "дÑĢа": 134600, + "Ġsuá»ijt": 134601, + "سرعة": 134602, + "Ġcá»Ń": 134603, + "Ġ×Ķ×Ļ×Ĺ×Ļ×ĵ": 134604, + "سعÙĬد": 134605, + "à¸Ńาà¸Ĭีà¸ŀ": 134606, + "ĠسÙĪØ§Ø¡": 134607, + "ãĤ½ãĥķãĥĪ": 134608, + "ĠлиÑĩно": 134609, + "ĠÐļоÑĢ": 134610, + "اÙĩتÙħ": 134611, + "اÙĩتÙħاÙħ": 134612, + "à¸Ńà¸Ķี": 134613, + "à¸Ńà¸Ķีà¸ķ": 134614, + "ãģIJãĤīãģĦ": 134615, + "Ġihtiya": 134616, + "Ġihtiyaç": 134617, + "ãģ¾ãģ§ãģ®": 134618, + "ìĭľìĬ¤": 134619, + "ìĭľìĬ¤íħľ": 134620, + "ÑĢÑĥÑĪ": 134621, + "ãĤĦãģ£ãģ±": 134622, + "ãĤĦãģ£ãģ±ãĤĬ": 134623, + "кеÑĢ": 134624, + "Ġży": 134625, + "Ġżyw": 134626, + "клон": 134627, + "Ġlượt": 134628, + "þ": 134629, + "даÑĩи": 134630, + "türk": 134631, + "غÙĪ": 134632, + "ĠигÑĢок": 134633, + "Ġphê": 134634, + "Ġ×©×¢×ľ": 134635, + "ĠاÙĦÙħدÙĨÙĬ": 134636, + "ĠìŬ룬ë¶Ħ": 134637, + "ער×Ļ×Ŀ": 134638, + "ÑħодÑıÑĤ": 134639, + "Ġxứ": 134640, + "ÐĹа": 134641, + "ĠÙģØ±Øµ": 134642, + "à¸Īะà¸Ĺำà¹ĥหà¹ī": 134643, + "íģ´": 134644, + "×¢×ij×ķר": 134645, + "à¹Ģหลà¹Īาà¸Ļีà¹ī": 134646, + "èĢĥãģĪãĤĭ": 134647, + "ÑĢеÑģÑĤ": 134648, + "ннÑĭй": 134649, + "Ġcầm": 134650, + "داخÙĦ": 134651, + "ĠÙħÙĦÙĬار": 134652, + "ĠÐIJл": 134653, + "ĠвÑĢемен": 134654, + "à¸Ĭà¹Īวยà¹ĥหà¹ī": 134655, + "ר×Ļ×ķת": 134656, + "ëĵ¯": 134657, + "飲ãģ¿": 134658, + "׳׾": 134659, + "שתף": 134660, + "ĠاÙĦسعÙĪØ¯ÙĬ": 134661, + "uÃŁ": 134662, + "ìĿ¸ëį°": 134663, + "ĠìĿ¼ë°ĺ": 134664, + "ÅĤÄĻ": 134665, + "Ġmá»iji": 134666, + "×ŀ×Ļ׳": 134667, + "ĠاÙĦأطÙ쨧ÙĦ": 134668, + "Ġçıkan": 134669, + "école": 134670, + "×§×Ļש": 134671, + "×§×Ļש×ķר": 134672, + "ĠоÑģÑĥÑīеÑģÑĤв": 134673, + "ĠоÑģÑĥÑīеÑģÑĤвлÑı": 134674, + "×ij×IJר": 134675, + "à¹Ħà¸Ľà¸Ķà¹īวย": 134676, + "Ġ×¢×ķ׾×Ķ": 134677, + "à¸ģà¹ĩà¹Ħมà¹Ī": 134678, + "ãĥ¢ãĥĩ": 134679, + "ãĥ¢ãĥĩãĥ«": 134680, + "تØŃÙĪÙĦ": 134681, + "Ġодного": 134682, + "ת×Ĺ×Ļ×ľ×ª": 134683, + "Ġتخ": 134684, + "Ġchcia": 134685, + "ĠchciaÅĤ": 134686, + "ãĥIJãĥ³": 134687, + "èĢħãģ¯": 134688, + "ĠÙħØŃÙĦ": 134689, + "Ñģлож": 134690, + "Ñģложн": 134691, + "ĠtÄĻ": 134692, + "Ġçıkt": 134693, + "Ġçıktı": 134694, + "ĠCÆ¡": 134695, + "à¹Ħà¸Ķà¹īà¹Ģลย": 134696, + "ırken": 134697, + "à¹Ģà¸Ĥà¹īาสูà¹Ī": 134698, + "ÙħØŃÙĥ": 134699, + "ÙħØŃÙĥÙħØ©": 134700, + "à¸Ħุà¹īม": 134701, + "à¸Ļà¹Īาà¸Īะ": 134702, + "лÑİд": 134703, + "деÑģÑı": 134704, + "деÑģÑıÑĤ": 134705, + "ĠлÑİбой": 134706, + "تØŃرÙĬر": 134707, + "צע×ĵ": 134708, + "ĠеÑij": 134709, + "ĠاÙĦØŃÙĥÙħ": 134710, + "ĠصباØŃ": 134711, + "à¹Ģà¸ļà¸Ńรà¹Į": 134712, + "Ġróżnych": 134713, + "гиб": 134714, + "ĠÑģоÑĤ": 134715, + "ĠÑģоÑĤÑĢÑĥд": 134716, + "ĠÑģоÑĤÑĢÑĥдник": 134717, + "ĠобÑĬем": 134718, + "פ×ĺר": 134719, + "ãģĻãģĶãģı": 134720, + "ãģ«éĸ¢ãģĹãģ¦": 134721, + "вол": 134722, + "Ø«ÙħاÙĨ": 134723, + "Ġdần": 134724, + "æĬľ": 134725, + "æĬľãģij": 134726, + "Ġעש": 134727, + "Ġעש×ķ×Ļ": 134728, + "ס×ķף": 134729, + "ãģªãģ®ãģ§ãģĻ": 134730, + "ãģ¯ãģ©ãģĨ": 134731, + "×ŀער×ij": 134732, + "ï¼°": 134733, + "Ùħصر": 134734, + "ÙħÙĨاسب": 134735, + "ÙħÙĨاسبة": 134736, + "ä¸Ĭãģ®": 134737, + "×IJ×Ļש×ķר": 134738, + "ĠìĦ¤ì¹ĺ": 134739, + "×ŀ×ĵ×Ļ׳×ķת": 134740, + "×ŀרת": 134741, + "ãĤĭãģ®ãģĮ": 134742, + "دÙİ": 134743, + "ĠاÙĦشرÙĥات": 134744, + "ìĭľê°Ħ": 134745, + "ĠÑĢеÑĪение": 134746, + "ãģĻãĤĭãģ®ãģ¯": 134747, + "ĠìŀIJìĭłìĿĺ": 134748, + "׾×ŀ×ķ": 134749, + "ãģ¨ãģĵãĤįãģ§": 134750, + "Ġקצר": 134751, + "Ġmãi": 134752, + "Ġkültür": 134753, + "ãĥ©ãĤ¤ãĥĸ": 134754, + "à¸ľà¸¹à¹īหà¸įิà¸ĩ": 134755, + "æĻĤéĸĵãģĮ": 134756, + "клÑİÑĩи": 134757, + "diÄŁiniz": 134758, + "มาà¸ģà¹Ĩ": 134759, + "تØŃÙħÙĦ": 134760, + "Ġhạt": 134761, + "ãĤ¦ãĤ£": 134762, + "пле": 134763, + "×ŀ׾×IJ": 134764, + "ÅĤó": 134765, + "Ġgá»ijc": 134766, + "Ġ×IJ×ķ×ĵ×ķת": 134767, + "หวาà¸Ļ": 134768, + "ĠاÙĦÙĪØ²": 134769, + "ĠاÙĦÙĪØ²Ø±Ø§Ø¡": 134770, + "ëĵ¤ê³¼": 134771, + "ĠصØŃ": 134772, + "ĠصØŃÙĬÙ쨩": 134773, + "Ġмм": 134774, + "تدخÙĦ": 134775, + "Ġpersönlich": 134776, + "ĠزÙĬ": 134777, + "ĠزÙĬادة": 134778, + "ãĤ·ãĤ¢": 134779, + "Ġngắn": 134780, + "à¸Ħลิà¸ģ": 134781, + "Ġsông": 134782, + "Ġtüket": 134783, + "ÑįÑĦÑĦ": 134784, + "ÑįÑĦÑĦекÑĤ": 134785, + "ש×Ļ×ij": 134786, + "Ġاعت": 134787, + "تض": 134788, + "تضÙħÙĨ": 134789, + "ĠاÙĦÙħشرÙĪØ¹": 134790, + "Ġprodução": 134791, + "ĠпÑĢименÑı": 134792, + "ниÑĨÑĭ": 134793, + "주ëĬĶ": 134794, + "رÙı": 134795, + "ĠmÆ¡": 134796, + "Ġhayatı": 134797, + "ëŁ½": 134798, + "Ġücret": 134799, + "Ġyanında": 134800, + "Ġprática": 134801, + "×ij×Ļ×§×ķר": 134802, + "ÃľN": 134803, + "ÑģоÑĤ": 134804, + "ãĤıãģijãģ§": 134805, + "Ġдолго": 134806, + "×ª×Ľ×ķ": 134807, + "ĠìķĦëĭĮ": 134808, + "ëį°ìĿ´": 134809, + "Ġçiz": 134810, + "ĠchoÄĩ": 134811, + "Ġ×Ķ×Ļת": 134812, + "Ġ×Ķ×Ļתר": 134813, + "Ġsoát": 134814, + "׼×ij×ĵ": 134815, + "à¹Ģลà¹Īา": 134816, + "ĠдеÑĢ": 134817, + "ĠдеÑĢев": 134818, + "ãĤĴåħ¥ãĤĮ": 134819, + "×Ĺ×ķס": 134820, + "×Ĺ×ķסר": 134821, + "جÙĬÙĨ": 134822, + "tón": 134823, + "onné": 134824, + "ĠполноÑģÑĤÑĮÑİ": 134825, + "人ãģŁãģ¡": 134826, + "Ġprêt": 134827, + "본": 134828, + "Ġdécembre": 134829, + "cılar": 134830, + "Ġתת": 134831, + "Ġê²½ìļ°ìĹIJëĬĶ": 134832, + "ÙĪØ¹Ø¯": 134833, + "è¦ĭãĤĭ": 134834, + "วิà¸Īัย": 134835, + "ë¶Ī": 134836, + "زÙĪØ§": 134837, + "زÙĪØ§Ø¬": 134838, + "dì": 134839, + "ãģ§ãģĻãĤĪ": 134840, + "Ġводо": 134841, + "ĠÙĬÙĪØ¬Ø¯": 134842, + "ÑģоÑģÑĤоÑı": 134843, + "ÐŀС": 134844, + "ĠÄIJó": 134845, + "×Ĺפש": 134846, + "Ġצ×Ļ×ij×ķר": 134847, + "ĠاÙĦÙĤØ·": 134848, + "ĠاÙĦÙĤطاع": 134849, + "ĠимеÑİÑĤ": 134850, + "ĠpháºŃn": 134851, + "×Ľ×¡×¤×Ļ": 134852, + "полниÑĤелÑĮ": 134853, + "éĻIJãĤĬ": 134854, + "ĠÑģÑĢав": 134855, + "ĠÑģÑĢавн": 134856, + "ÙħاÙĦÙĥ": 134857, + "×ĵר×ķ×Ŀ": 134858, + "çļĨãģķãĤĵ": 134859, + "ØŃÙĤÙĤ": 134860, + "à¹ģหลà¹Īà¸ĩ": 134861, + "ĠاÙĦرسÙħÙĬ": 134862, + "оÑĩки": 134863, + "×ĺ×ij×Ĺ": 134864, + "Ġcanlı": 134865, + "Ġ׾׾": 134866, + "Ġ׾׾×ŀ×ķ×ĵ": 134867, + "×ŀ×ij×ķ": 134868, + "×ª×Ľ": 134869, + "×ª×Ľ×ł×Ļת": 134870, + "ĠاÙĦÙħشار": 134871, + "ĠاÙĦÙħشارÙĥØ©": 134872, + "İÅŀ": 134873, + "ĠسÙĬاسÙĬ": 134874, + "волÑĮ": 134875, + "ĠÑģпÑĢав": 134876, + "æĿ¥ãģ¦": 134877, + "פ×ķר×ķ×Ŀ": 134878, + "สำà¹Ģรà¹ĩ": 134879, + "สำà¹Ģรà¹ĩà¸Ī": 134880, + "ĠÅŁÃ¶yle": 134881, + "ĠzostaÅĤa": 134882, + "ĠHü": 134883, + "ר×ķש": 134884, + "دÙĦÙĬÙĦ": 134885, + "ÑĢид": 134886, + "שף": 134887, + "×ŀ×§×ķר": 134888, + "ĠÑĥÑĩ": 134889, + "ĠÑĥÑĩеб": 134890, + "ĠÑįÑĤа": 134891, + "кова": 134892, + "à¸ķà¸Ļà¹Ģà¸Ńà¸ĩ": 134893, + "ÙĨÙIJ": 134894, + "à¸Ńีà¸ģà¸Ħรัà¹īà¸ĩ": 134895, + "ระà¸ļุ": 134896, + "Ġdữ": 134897, + "ĠاÙĦØŃاÙĦÙĬ": 134898, + "׼×ķ׼": 134899, + "׼×ķ׼×ij": 134900, + "Ġ×ŀ×IJשר": 134901, + "Ġtrụ": 134902, + "ÑĤелем": 134903, + "Ġвли": 134904, + "ĠвлиÑı": 134905, + "Ġש×IJת×Ŀ": 134906, + "Ġuwag": 134907, + "ĠuwagÄĻ": 134908, + "×ĺ×Ļת": 134909, + "×IJ×ĵ×Ŀ": 134910, + "à¸Ķุ": 134911, + "Ġ×Ķ×IJ׾×Ķ": 134912, + "ĠkarÄ±ÅŁ": 134913, + "ĠÄIJá»iji": 134914, + "даÑİÑĤ": 134915, + "ãģªãģ®ãģ«": 134916, + "Äħcych": 134917, + "à¹Ģà¸Ļà¹īà¸Ļ": 134918, + "ãģĹãģ¦ãģĹãģ¾ãģĨ": 134919, + "intérieur": 134920, + "ĠfÃŃsica": 134921, + "ĠÐŁÐ¾Ð»": 134922, + "ãģĹãģķ": 134923, + "à¸Ĺำà¹Ħม": 134924, + "ĠLâm": 134925, + "ĠاÙĦÙħسÙĦÙħ": 134926, + "ĠاÙĦÙħسÙĦÙħÙĬÙĨ": 134927, + "صØŃØ©": 134928, + "ìĹĦ": 134929, + "à¹Ģà¸Ķà¹ĩà¸Ķ": 134930, + "ĠÑĥÑĩеÑĤ": 134931, + "âÌģ": 134932, + "ĠبÙĦا": 134933, + "ĠاÙĦاجتÙħاعÙĬ": 134934, + "פרס×Ŀ": 134935, + "ãĥķãĥ©": 134936, + "ĠÐļогда": 134937, + "mieÅĽci": 134938, + "ĠبÙĬÙĨÙħا": 134939, + "Ġ×ŀ×IJ×ŀר×Ļ×Ŀ": 134940, + "Ġ×ij×IJ×ĸ×ķר": 134941, + "×ķש×Ļ×Ŀ": 134942, + "ĠÑģдела": 134943, + "entrée": 134944, + "à¹Ģà¸Ħà¹īา": 134945, + "Ñĥгл": 134946, + "ĠاÙĦÙģÙĨÙĬ": 134947, + "ĠÐĴоÑĤ": 134948, + "à¸Ĺีà¹Īมา": 134949, + "×ķצ×Ĵ": 134950, + "ÙĤدرة": 134951, + "Ġ목": 134952, + "Ġ목ìłģ": 134953, + "íıīê°Ģ": 134954, + "ĠاÙĦأربع": 134955, + "ĠاÙĦأربعاء": 134956, + "פס×Ļ×§": 134957, + "ĠÑıвлÑıÑİÑĤÑģÑı": 134958, + "بÙĪÙĨ": 134959, + "ì°¾": 134960, + "×ŀ×¢×¨×Ľ": 134961, + "×ŀ×¢×¨×Ľ×ķת": 134962, + "ãĤ·ãĤ§": 134963, + "ĠباÙĦØ£": 134964, + "íĸĪëįĺ": 134965, + "ĠاÙĦبرÙĨاÙħج": 134966, + "ĠاÙĦØ£ØŃد": 134967, + "ĠmÅ©": 134968, + "ĠmÅ©i": 134969, + "паÑĤ": 134970, + "بث": 134971, + "ĠÑĨенÑĭ": 134972, + "Ġ×ij×ª×ľ": 134973, + "è¨ĢãĤıãĤĮ": 134974, + "ĠاÙĦÙħجاÙĦ": 134975, + "ĠìĦ¸ìĥģ": 134976, + "Ġ×Ĵ×ķפ": 134977, + "ĠнаÑĪей": 134978, + "ĠкомпаниÑı": 134979, + "бин": 134980, + "ölü": 134981, + "×Ļ×Ļ×ĺ": 134982, + "Ġ×ŀספ×Ļ×§": 134983, + "ยัà¸ĩà¸Ħà¸ĩ": 134984, + "ĠЧи": 134985, + "ĠанÑĤи": 134986, + "ĠÑģÑĢеди": 134987, + "สà¹Īวà¸Ļà¹ĥหà¸įà¹Ī": 134988, + "оÑĩка": 134989, + "íĬ¹ë³Ħ": 134990, + "วà¹Īาà¸ĩ": 134991, + "гоÑĢод": 134992, + "باÙĥ": 134993, + "à¹Ģสีà¹Īย": 134994, + "à¹Ģสีà¹Īยà¸ĩ": 134995, + "ãĤĤãĤīãģĦ": 134996, + "×§×ķ×Ŀ": 134997, + "ãģĽãģļ": 134998, + "ĠاÙĦÙĤاÙĩرة": 134999, + "Ġ×ij׼×ļ": 135000, + "ÙħشارÙĬع": 135001, + "باØŃØ«": 135002, + "ĠпоÑĩ": 135003, + "ĠпоÑĩÑĤи": 135004, + "ĠÑĦоÑĢма": 135005, + "Sİ": 135006, + "Ġ×ŀצ×Ļ×¢": 135007, + "ลื": 135008, + "ลืม": 135009, + "ĠÑĤеÑĢ": 135010, + "ĠÑĤеÑĢÑĢиÑĤоÑĢ": 135011, + "ĠÑĤеÑĢÑĢиÑĤоÑĢии": 135012, + "ĠвмеÑģÑĤ": 135013, + "ĠвмеÑģÑĤе": 135014, + "dıkları": 135015, + "opération": 135016, + "à¹Ĥห": 135017, + "صدÙĬ": 135018, + "صدÙĬÙĤ": 135019, + "íĸīìłķ": 135020, + "تجا": 135021, + "تجاÙĪØ²": 135022, + "Ġsuç": 135023, + "Ġarty": 135024, + "Ġartyku": 135025, + "ĠartykuÅĤ": 135026, + "ãĤ·ãĥ§ãĥĥãĥĹ": 135027, + "שפ": 135028, + "שפ×Ļ×¢": 135029, + "Ġ×Ķש×Ļר×ķת": 135030, + "à¹ģà¸ĸม": 135031, + "ë¸Ķ": 135032, + "ĠukÅĤad": 135033, + "Ġ×ķ׼×Ļ": 135034, + "หลาà¸ģ": 135035, + "หลาà¸ģหลาย": 135036, + "æĸ¹ãĤĤ": 135037, + "Ġpodróż": 135038, + "ĠEÄŁer": 135039, + "ĠкомнаÑĤ": 135040, + "ĠÑģамÑĭÑħ": 135041, + "ĠвкÑĥÑģ": 135042, + "беж": 135043, + "Ġ×ij×§×ķ": 135044, + "æİĽãģij": 135045, + "ãģ¿ãĤĭãģ¨": 135046, + "ĠiliÅŁkin": 135047, + "ĠÙĬعÙħÙĦ": 135048, + "ĠподаÑĢ": 135049, + "Ġyazılı": 135050, + "ãĤĴå¾Ĺ": 135051, + "ĠwystÄĻp": 135052, + "à¸Ĺีà¹Īà¹ĥà¸Ĭà¹ī": 135053, + "ØŃادث": 135054, + "ÙĪÙĬد": 135055, + "кÑĥлÑĮÑĤ": 135056, + "кÑĥлÑĮÑĤÑĥÑĢ": 135057, + "à¸ģารà¹ģà¸Ĥà¹Īà¸ĩ": 135058, + "à¸ģารà¹ģà¸Ĥà¹Īà¸ĩà¸Ĥ": 135059, + "à¸ģารà¹ģà¸Ĥà¹Īà¸ĩà¸Ĥัà¸Ļ": 135060, + "ÙħÙĪØ¸": 135061, + "ÙħÙĪØ¸Ùģ": 135062, + "ÙĬÙħÙĬ": 135063, + "ãĤĵãģ§ãģĻãģĮ": 135064, + "diÄŁim": 135065, + "diÄŁimiz": 135066, + "ĠÐŁÐµÑĢ": 135067, + "ĠÐŁÐµÑĢв": 135068, + "Ġmão": 135069, + "ĠÑģез": 135070, + "ĠÑģезон": 135071, + "Ġ×Ķ×ŀ×¢": 135072, + "ÙħجÙħÙĪØ¹Ø©": 135073, + "ĠинÑĦоÑĢмаÑĨии": 135074, + "iếc": 135075, + "ãng": 135076, + "ĠÄijấy": 135077, + "ãģĶç´": 135078, + "ãģĶç´¹": 135079, + "ãģĶç´¹ä»ĭ": 135080, + "Ġadım": 135081, + "à¹Ħหล": 135082, + "ĠпÑĢакÑĤи": 135083, + "ĠпÑĢакÑĤиÑĩ": 135084, + "ĠпÑĢакÑĤиÑĩеÑģ": 135085, + "ĠпÑĢакÑĤиÑĩеÑģки": 135086, + "ĠاÙĦÙĨÙ쨳": 135087, + "ĠÑĢабоÑĤе": 135088, + "ÙĦÙĬÙģ": 135089, + "ĠاÙĦجÙĨÙĪØ¨": 135090, + "ĠводÑĭ": 135091, + "ì¹Ļ": 135092, + "ĠмиÑĢа": 135093, + "ĠÄijừng": 135094, + "ĠпÑĢоÑĤиво": 135095, + "ĠÑģÑĤÑĢанÑĭ": 135096, + "ลู": 135097, + "ìĤ¶": 135098, + "kreÅĽl": 135099, + "Ġbulund": 135100, + "ĠbulunduÄŁu": 135101, + "à¹ģสà¸Ļ": 135102, + "ãĤ±ãĤ¢": 135103, + "ת×Ĺ×ķ×ŀ×Ļ": 135104, + "ר׼×Ķ": 135105, + "Ġ׾ק×ķ×Ĺ": 135106, + "Ġ׾ק×ķ×Ĺ×ķת": 135107, + "Ġ×Ľ×ª×ķ×ijת": 135108, + "ĠÙĦÙĥÙħ": 135109, + "بشر": 135110, + "ĠrÃłng": 135111, + "Ġ×ŀ×Ķ×ŀ": 135112, + "Ġ×IJ×Ĺר×ķת": 135113, + "Ġбон": 135114, + "ĠбонÑĥÑģ": 135115, + "ï½Ĺ": 135116, + "à¹ģยà¸ģ": 135117, + "ãģĤãģªãģŁãģ®": 135118, + "ĠÑĥÑĩаÑģÑĤие": 135119, + "ĠEyl": 135120, + "ĠEylül": 135121, + "ĠçalÄ±ÅŁmaları": 135122, + "خطر": 135123, + "ìĿ½": 135124, + "à¸ģารà¹ĥà¸Ĭà¹īà¸ĩาà¸Ļ": 135125, + "Ġанализ": 135126, + "תק×ij׾": 135127, + "нием": 135128, + "Ġİns": 135129, + "Ġİnsan": 135130, + "ĠبÙĪØ§Ø³": 135131, + "ĠبÙĪØ§Ø³Ø·Ø©": 135132, + "Ġ×ł×Ľ×ł×¡": 135133, + "Ġ×Ķ×ŀ×Ļ×ĵ×¢": 135134, + "Ġço": 135135, + "ĠçoÄŁu": 135136, + "á»ĺ": 135137, + "ĠêµŃ민": 135138, + "ãĤĤãģĦãģĦ": 135139, + "Ġ׼׾×Ļ": 135140, + "ĠÑģÑĢедне": 135141, + "gÅĤo": 135142, + "gÅĤoÅĽ": 135143, + "Ġnegó": 135144, + "Ġnegócio": 135145, + "ĠÑĢегиÑģÑĤ": 135146, + "ĠÑĢегиÑģÑĤÑĢа": 135147, + "ĠÑĢегиÑģÑĤÑĢаÑĨии": 135148, + "Ġtrá»ĵng": 135149, + "ĠпÑĢÑı": 135150, + "ĠпÑĢÑıмо": 135151, + "ëłĪìĿ´": 135152, + "Ġkém": 135153, + "кле": 135154, + "à¸Ļำมา": 135155, + "ĠÑĦин": 135156, + "ĠÑĦинанÑģ": 135157, + "ĠÑĦинанÑģов": 135158, + "Ġkiá»ĩm": 135159, + "ยัà¸ĩà¹Ħ": 135160, + "ยัà¸ĩà¹Ħà¸ĩ": 135161, + "ยิà¸ĩ": 135162, + "à¹Ĥà¸Ľ": 135163, + "ĠполÑĥÑĩил": 135164, + "×Ļ×ĸ×Ŀ": 135165, + "à¹ģละà¸Ħวาม": 135166, + "ĠвообÑīе": 135167, + "صÙĬر": 135168, + "ãĥıãĥ³": 135169, + "ĠاÙĦÙĤاد": 135170, + "ĠاÙĦÙĤادÙħ": 135171, + "ĠبدÙĪÙĨ": 135172, + "عظÙħ": 135173, + "×ª×ł×ķ×¢": 135174, + "×ª×ł×ķ×¢×Ķ": 135175, + "Ø£ÙħÙĦ": 135176, + "ãģķãģĪ": 135177, + "ÑĤем": 135178, + "ÑĤемпеÑĢ": 135179, + "ÑĤемпеÑĢаÑĤÑĥÑĢ": 135180, + "Ġ׾×Ļצ×ķר": 135181, + "ĠrÄĻk": 135182, + "رسÙĦ": 135183, + "ìŀIJ를": 135184, + "Ġ×Ļצ×Ļרת": 135185, + "ÙĨبÙĬ": 135186, + "ÑĩнаÑı": 135187, + "تØŃÙĦÙĬÙĦ": 135188, + "Ġмик": 135189, + "ĠмикÑĢо": 135190, + "ĠSöz": 135191, + "Ġforça": 135192, + "Ñģон": 135193, + "ĠاÙĦعرا": 135194, + "ĠاÙĦعراÙĤÙĬ": 135195, + "ĠHá»ĵng": 135196, + "ãģĻãĤĭãģŁãĤģãģ«": 135197, + "à¸Ĺีà¹Īà¸Ńยูà¹Ī": 135198, + "Ġ×ķ×IJ×£": 135199, + "صÙĬد": 135200, + "ĠìķĬê³ł": 135201, + "รัà¸ĩ": 135202, + "ĠاÙĦتÙĪØ§ØµÙĦ": 135203, + "à¹Ģมà¸ķร": 135204, + "ÑĥÑģÑĤÑĢой": 135205, + "ÑĥÑģÑĤÑĢойÑģÑĤв": 135206, + "mıyor": 135207, + "ĠباسÙħ": 135208, + "Ġ×ķ׼×ķ": 135209, + "ĠGül": 135210, + "á»IJ": 135211, + "Ãītat": 135212, + "غاÙĦ": 135213, + "Ø¥ÙĨØ´": 135214, + "Ø¥ÙĨشاء": 135215, + "Tİ": 135216, + "à¸Ĥà¹īาม": 135217, + "Ġtroch": 135218, + "ĠtrochÄĻ": 135219, + "إص": 135220, + "إصابة": 135221, + "ĠثاÙĨÙĬ": 135222, + "ĠاÙĦصØŃØ©": 135223, + "Ġ×ĸ×Ķ×ķ": 135224, + "jÄħcej": 135225, + "ãĥĢãĥ³": 135226, + "ìĿ¸ìĿ´": 135227, + "ĠволоÑģ": 135228, + "ëIJĺë©´": 135229, + "ĠzakÅĤad": 135230, + "ãģĻãģĵãģ¨": 135231, + "以ä¸Ĭãģ®": 135232, + "Ġ×Ķ×ŀ×§×ķ×Ŀ": 135233, + "ÙħشاÙĩ": 135234, + "ÙħشاÙĩدة": 135235, + "Ñĩив": 135236, + "بش": 135237, + "ยà¹īาย": 135238, + "Ġsürdür": 135239, + "ĠNẵ": 135240, + "ĠNẵng": 135241, + "ĠигÑĢаÑĤÑĮ": 135242, + "Ġê·¸ëŁ¬ë©´": 135243, + "ãĥķãĥ«": 135244, + "ลà¹Īะ": 135245, + "Ġtendrá": 135246, + "ĠbÃły": 135247, + "à¹Ģà¸Ľà¹ĩà¸Ļà¸ľà¸¹à¹ī": 135248, + "Ġoko": 135249, + "ĠokoÅĤo": 135250, + "wÅĤa": 135251, + "wÅĤaÅĽci": 135252, + "wÅĤaÅĽciw": 135253, + "æĢĿãĤı": 135254, + "ĠYaÅŁ": 135255, + "ĠBá»ĩnh": 135256, + "íıŃ": 135257, + "بÙĬد": 135258, + "קרף": 135259, + "à¹Ģศร": 135260, + "à¹Ģศรษ": 135261, + "à¹Ģศรษà¸IJ": 135262, + "à¹Ģศรษà¸IJà¸ģิà¸Ī": 135263, + "ĠاÙĦØ£ÙĪØ±ÙĪ": 135264, + "ĠاÙĦØ£ÙĪØ±ÙĪØ¨ÙĬ": 135265, + "fläche": 135266, + "ä¹ĹãĤĬ": 135267, + "Ġbá»ģn": 135268, + "Ùĩب": 135269, + "æľĢãĤĤ": 135270, + "Ġsaç": 135271, + "à¸Ńำà¹Ģà¸ł": 135272, + "à¸Ńำà¹Ģà¸łà¸Ń": 135273, + "Ġأج": 135274, + "ĠاÙĦداخÙĦ": 135275, + "ĠاÙĦداخÙĦÙĬØ©": 135276, + "×ĺ×ķ×ij": 135277, + "ãĤĤãģªãģı": 135278, + "ĠлиÑĨа": 135279, + "à¹ģลà¹īวà¸ģà¹ĩ": 135280, + "×ĸ׼×Ļר": 135281, + "ĠquÃł": 135282, + "ĠÙĥذÙĦÙĥ": 135283, + "صØŃÙģ": 135284, + "ĠÃĤu": 135285, + "ÙĪØ¨Ø§": 135286, + "à¹Ģà¸Ľà¸¥à¸µà¹Īยà¸Ļà¹ģà¸Ľà¸¥": 135287, + "à¹Ģà¸Ľà¸¥à¸µà¹Īยà¸Ļà¹ģà¸Ľà¸¥à¸ĩ": 135288, + "à¸ķัวà¸Ńยà¹Īาà¸ĩ": 135289, + "Ġrápida": 135290, + "Ġtasar": 135291, + "Ġtasarım": 135292, + "ĠعÙĦÙĬÙĩÙħ": 135293, + "ס×ķ׾": 135294, + "cılı": 135295, + "cılık": 135296, + "ĠرغÙħ": 135297, + "ìĭľíĤ¤": 135298, + "Ġ×IJ׾ק": 135299, + "Ġ×IJ׾ק×ĺר": 135300, + "Ġ×IJ׾ק×ĺר×ķ׳×Ļ": 135301, + "à¹ģà¸ļà¹Īà¸ĩ": 135302, + "Ġhạng": 135303, + "ãģ£ãģ¦ãģıãĤĮ": 135304, + "ĠÙĨتÙĬ": 135305, + "ĠÙĨتÙĬجة": 135306, + "ıklı": 135307, + "غاÙĨ": 135308, + "à¸Ĥà¹īà¸Ńà¸Ħวาม": 135309, + "à¸Ľà¸¥à¸²à¸¢": 135310, + "ĠØ£Ùħس": 135311, + "à¸Ĺีà¹Īà¹Ģà¸ģีà¹Īยว": 135312, + "à¸Ĺีà¹Īà¹Ģà¸ģีà¹Īยวà¸Ĥ": 135313, + "à¸Ĺีà¹Īà¹Ģà¸ģีà¹Īยวà¸Ĥà¹īà¸Ńà¸ĩ": 135314, + "Ġdéfin": 135315, + "Ġdéfini": 135316, + "ÙģÙĨاد": 135317, + "ÙģÙĨادÙĤ": 135318, + "à¹Ħà¸Ķà¹īวà¹Īา": 135319, + "ãģªãģĦãĤĪãģĨãģ«": 135320, + "Ġprópria": 135321, + "ĠPhát": 135322, + "ãĤĦãģĻãģı": 135323, + "สวยà¸ĩาม": 135324, + "ê³łìļĶ": 135325, + "ÑıеÑĤ": 135326, + "ãģĭãĤĤãģĹãĤĮãģ¾ãģĽãĤĵãģĮ": 135327, + "ترجÙħ": 135328, + "ĠкÑĢаÑģив": 135329, + "Ġ×ŀר×IJש": 135330, + "деж": 135331, + "ĠÙĬÙĪÙĨ": 135332, + "ĠÙĬÙĪÙĨÙĬÙĪ": 135333, + "ÑģкоÑĢ": 135334, + "ĠKasım": 135335, + "ê³Ħìķ½": 135336, + "коÑģ": 135337, + "ĠнаÑĢÑĥ": 135338, + "ĠнаÑĢÑĥÑĪен": 135339, + "Ġduże": 135340, + "accès": 135341, + "Ġhá»ĵng": 135342, + "ĠvÅ©": 135343, + "ãģĦãģŁãģĹãģ¾ãģĻ": 135344, + "Ġ×ĺ×Ļ": 135345, + "Ġ×ĺ×Ļ×ķ׾": 135346, + "lıkları": 135347, + "Ġquê": 135348, + "ëħ¸ëıĻ": 135349, + "ìķĶ": 135350, + "CIÃĵN": 135351, + "Ġtắc": 135352, + "pressão": 135353, + "ĠìŀĪìľ¼": 135354, + "สิà¸Ĺà¸ĺิà¹Į": 135355, + "íĥĦ": 135356, + "Ġ×Ķ×ŀ×ŀש׾×Ķ": 135357, + "å¬īãģĹãģĦ": 135358, + "ĠÄIJặc": 135359, + "ÙĨزÙĦ": 135360, + "ĠдÑĢÑĥгой": 135361, + "дÑĥÑĤ": 135362, + "ìĪĻ": 135363, + "Ġthụ": 135364, + "à¹Ģสร": 135365, + "à¹Ģสรà¹ĩ": 135366, + "à¹Ģสรà¹ĩà¸Ī": 135367, + "Ġtoplant": 135368, + "Ġtoplantı": 135369, + "×IJ×ŀף": 135370, + "×ķ×ľ×ª": 135371, + "помн": 135372, + "ĠyoÄŁun": 135373, + "ÅĦskiego": 135374, + "ì°©": 135375, + "ĠØ«ÙĦاث": 135376, + "ĠØ«ÙĦاثة": 135377, + "Ġlắng": 135378, + "릴": 135379, + "ราà¸Ĭà¸ģาร": 135380, + "ĠÑģлова": 135381, + "á»Ĩ": 135382, + "à¸Ķีà¸ģวà¹Īา": 135383, + "ãģĶãģĸãģĦãģ¾ãģĻ": 135384, + "Ġдиз": 135385, + "Ġдизайн": 135386, + "férence": 135387, + "lıklar": 135388, + "ãģªãĤĵãģ§ãģĻ": 135389, + "ajÄħcy": 135390, + "Ġëĭ¤ìĸij": 135391, + "Ġëĭ¤ìĸijíķľ": 135392, + "×§×Ļר": 135393, + "ØŃار": 135394, + "สูà¹ī": 135395, + "Ġzro": 135396, + "Ġzrobi": 135397, + "ĠzrobiÄĩ": 135398, + "×ŀ×Ļ׼×Ķ": 135399, + "à¸Ĭà¹Īวยà¹Ģหลืà¸Ń": 135400, + "ĠÑįÑĤÑĥ": 135401, + "ë´ī": 135402, + "楽ãģĹãģĦ": 135403, + "سÙĪØ±": 135404, + "íķĺê±°ëĤĺ": 135405, + "ÙħؤتÙħر": 135406, + "ĠpoczÄħ": 135407, + "ĠpoczÄħtk": 135408, + "ĠpoczÄħtku": 135409, + "ĠعربÙĬ": 135410, + "اÙĦأر": 135411, + "اÙĦأردÙĨ": 135412, + "à¸Ķร": 135413, + "Åĵuvre": 135414, + "ĠÙĪÙĥاÙĨت": 135415, + "ĠÅĽredni": 135416, + "خضر": 135417, + "Ġchuyến": 135418, + "нÑĤ": 135419, + "ĠìķĮê³ł": 135420, + "Ġvá»Ŀi": 135421, + "Ġ×ij×Ļ×ĵ×Ļ": 135422, + "×ŀ×ĵ×ķ×ijר": 135423, + "ÙĪÙ쨱": 135424, + "ÙĬØ¡": 135425, + "×ł×Ľ×¡": 135426, + "ĠÐĽÐ°": 135427, + "лон": 135428, + "Ġxấu": 135429, + "ÙģÙĬÙĨ": 135430, + "Ġfévrier": 135431, + "ĠÐŀна": 135432, + "ĠVá»ģ": 135433, + "ĠÅŁeyler": 135434, + "ĠполÑĥÑĩен": 135435, + "зад": 135436, + "Ġnét": 135437, + "à¹Ħà¸Ľà¸¢à¸±à¸ĩ": 135438, + "×Ĺש×ij×ķ": 135439, + "à¸ļัà¸Ļà¸Ĺ": 135440, + "à¸ļัà¸Ļà¸Ĺึà¸ģ": 135441, + "ĠgerçekleÅŁ": 135442, + "иÑĩеÑģкое": 135443, + "ìĪĺê°Ģ": 135444, + "ثبت": 135445, + "ãģ¤ãģ¾ãĤĬ": 135446, + "ĠÑĥÑģловиÑıÑħ": 135447, + "ëĭ¤ê°Ģ": 135448, + "รายà¹Ħà¸Ķà¹ī": 135449, + "׼×IJ×ij": 135450, + "à¹Ĥà¸Ľà¸£à¹Ĥม": 135451, + "à¹Ĥà¸Ľà¸£à¹Ĥมà¸Ĭัà¹Īà¸Ļ": 135452, + "jähr": 135453, + "jährige": 135454, + "ק׳×Ļ×Ŀ": 135455, + "×ŀ×ķ×§": 135456, + "×ŀ×ķ×§×ĵ": 135457, + "ãģ«è¡Įãģ£ãģ¦": 135458, + "Ø¢ÙĦ": 135459, + "ведение": 135460, + "Ġ×ľ×Ľ×ª×ķ×ij": 135461, + "جÙħÙĩ": 135462, + "جÙħÙĩÙĪØ±ÙĬØ©": 135463, + "à¸īà¸ļ": 135464, + "à¸īà¸ļัà¸ļ": 135465, + "ĠCòn": 135466, + "à¸ľà¸ªà¸¡": 135467, + "ãģªãģ©ãģĮ": 135468, + "×IJ×Ķ×ij": 135469, + "ĠдейÑģÑĤвиÑı": 135470, + "yız": 135471, + "à¹Ħมà¹Īà¹Ģà¸Ħย": 135472, + "جÙĪØ²": 135473, + "×Ķ×Ĺ׾×ĺ×Ķ": 135474, + "fällt": 135475, + "ãĥĵãĤ¸": 135476, + "ãĥĵãĤ¸ãĥį": 135477, + "ãĥĵãĤ¸ãĥįãĤ¹": 135478, + "Ġ×IJ×Ļ׳×Ŀ": 135479, + "ĠнаÑħодиÑĤÑģÑı": 135480, + "ĠdziÅĽ": 135481, + "ستطÙĬع": 135482, + "׾×Ļף": 135483, + "Ø®ÙĦاÙģ": 135484, + "ÙĩÙIJ": 135485, + "Ġatrás": 135486, + "íĺģ": 135487, + "ãĤĴãģĶ": 135488, + "Ġ×Ķ×ŀ×ķצר": 135489, + "ĠBakanlıģı": 135490, + "ÑİÑīее": 135491, + "ÙħÙĨاط": 135492, + "ÙħÙĨاطÙĤ": 135493, + "Ù쨝": 135494, + "à¸Ļำà¹Ħà¸Ľ": 135495, + "Ġваж": 135496, + "Ġважно": 135497, + "Ġmạch": 135498, + "׼׳×ķ": 135499, + "بعث": 135500, + "lanması": 135501, + "Ġayr": 135502, + "Ġayrıl": 135503, + "ìĤ¬íļĮ": 135504, + "dÃŃa": 135505, + "pÅĤyw": 135506, + "اÙħÙĬØ©": 135507, + "íĺľ": 135508, + "×IJ׳×Ĵ׾": 135509, + "×IJ׳×Ĵ׾×Ļת": 135510, + "ĠìŀĪëĭ¤ëĬĶ": 135511, + "Ġساعة": 135512, + "ĠëĤĺíĥĢ": 135513, + "bö": 135514, + "à¸Ħัà¸Ļ": 135515, + "ĠdziaÅĤania": 135516, + "Ø©Ùĭ": 135517, + "ĠngÅ©": 135518, + "׳צ×Ĺ": 135519, + "ãģ¯ãģĤãĤĭ": 135520, + "ĠyaÅŁÄ±nda": 135521, + "stück": 135522, + "caracter": 135523, + "caracterÃŃsticas": 135524, + "Ġrá»Ńa": 135525, + "ĠÙħختÙĦÙ쨩": 135526, + "ãģ«ãģĬãģijãĤĭ": 135527, + "à¹ģà¸ŀà¸ĩ": 135528, + "วิà¹Īà¸ĩ": 135529, + "תפ×ķ": 135530, + "ساÙĩÙħ": 135531, + "使ãģĨ": 135532, + "ÙĥرÙĬ": 135533, + "×IJפ×Ļ": 135534, + "...............": 135535, + "ĠÑĤаким": 135536, + "×Ļ׼×ķ×Ļ": 135537, + "شبÙĩ": 135538, + "جÙĬر": 135539, + "ãģĿãģ®ãģ¾ãģ¾": 135540, + "acjÄĻ": 135541, + "ĠاÙĦترÙĥ": 135542, + "ĠاÙĦترÙĥÙĬ": 135543, + "ĠпÑĢавилÑĮно": 135544, + "ĠتعÙħÙĦ": 135545, + "à¸ģลà¹īา": 135546, + "Ġbiên": 135547, + "Ġ×ij׳×Ļ×Ļת": 135548, + "ĠклÑĥб": 135549, + "Ġ×ŀש×Ķ": 135550, + "вÑĪий": 135551, + "ãģĵãģ¨ãģĮãģ§ãģįãĤĭ": 135552, + "à¸ŀัà¸Ļà¸ĺุ": 135553, + "à¸ŀัà¸Ļà¸ĺุà¹Į": 135554, + "ר×ķ×Ŀ": 135555, + "ĠاÙĦÙ쨱ÙĨ": 135556, + "ĠاÙĦÙ쨱ÙĨسÙĬ": 135557, + "à¹Ģà¸Ľà¹ĩà¸Ļà¸Ħà¸Ļ": 135558, + "ãģĹãģ¦ãģĬãĤĬ": 135559, + "Ġthầy": 135560, + "ãĤĵãģłãģijãģ©": 135561, + "ì͍": 135562, + "ÙħدÙĨ": 135563, + "تÙĪÙĨ": 135564, + "ĠмеÑĤал": 135565, + "ĠмеÑĤалл": 135566, + "ĠinÃŃcio": 135567, + "à¸Ńà¸Ńà¸ģà¸Īาà¸ģ": 135568, + "ëĴ¤": 135569, + "Ġcuá»ijn": 135570, + "Ġbuá»Ļc": 135571, + "ÙĨسÙĬ": 135572, + "ächt": 135573, + "×ŀ×Ļ׳×Ļ×Ŀ": 135574, + "ãģķãģ¦": 135575, + "ãģĮãģ§ãģį": 135576, + "ÑĬем": 135577, + "Ġtái": 135578, + "ĠЧÑĤ": 135579, + "ĠЧÑĤобÑĭ": 135580, + "à¸Ľà¸¥à¸¹à¸ģ": 135581, + "à¸Ĭุมà¸Ĭà¸Ļ": 135582, + "нÑģкий": 135583, + "Ġvững": 135584, + "Ġ×Ķ׾×ij": 135585, + "ële": 135586, + "Ġשע×ijר": 135587, + "ваÑĤÑĮÑģÑı": 135588, + "бой": 135589, + "عÙĪÙĨ": 135590, + "à¹ģà¸Ķà¸Ļ": 135591, + "Ġספר×Ļ×Ŀ": 135592, + "Ġtuyên": 135593, + "Ġnhiêu": 135594, + "ĠQuý": 135595, + "Ġhuyết": 135596, + "ãĤıãģĭãĤīãģªãģĦ": 135597, + "Ġ×ŀ׼ף": 135598, + "Ġ×Ķק׾": 135599, + "Ġ׾×IJ×ķר": 135600, + "ĠÄIJiá»ĩn": 135601, + "شؤ": 135602, + "شؤÙĪÙĨ": 135603, + "Ġ×ŀ×Ĺפש": 135604, + "ĠпоÑģÑĤоÑıнно": 135605, + "×ŀ×Ļר": 135606, + "ìħĶ": 135607, + "ÐŀÑģ": 135608, + "ÐŀÑģнов": 135609, + "×ĸ×Ļת": 135610, + "ĠHá": 135611, + "ĠÑĩаÑģов": 135612, + "×IJ×ķ׾×Ļ": 135613, + "Ġmát": 135614, + "خرÙĪ": 135615, + "خرÙĪØ¬": 135616, + "ÙĤضا": 135617, + "ÙĤضاÙĬا": 135618, + "à¹Ģà¸Ľà¸Ńรà¹Į": 135619, + "ĠÙĬÙĪÙĦ": 135620, + "ĠÙĬÙĪÙĦÙĬÙĪ": 135621, + "à¹Ĥà¸Ĺษ": 135622, + "׳פ׾": 135623, + "ת×ķש": 135624, + "ת×ķש×ij×Ļ": 135625, + "Ġvários": 135626, + "×ŀר×IJ×Ķ": 135627, + "ëĿ¼ìĿ´": 135628, + "ÙĨغ": 135629, + "×ijצע": 135630, + "гон": 135631, + "ĠÄIJược": 135632, + "عÙı": 135633, + "пÑĥÑģк": 135634, + "ĠÙĪØ§ÙĦÙģ": 135635, + "ücü": 135636, + "×Ļ×§×Ļ×Ŀ": 135637, + "ĠسبÙĬÙĦ": 135638, + "׾×ijף": 135639, + "ĠاÙĦÙĤرÙĨ": 135640, + "ס×ķת": 135641, + "ĠQuáºŃn": 135642, + "ãģĵãĤĮãģĮ": 135643, + "ãĥĸãĥ©ãĥ³ãĥī": 135644, + "×Ĵ×ŀר": 135645, + "ĠwartoÅĽci": 135646, + "ĠÙĪØ¨ÙĬÙĨ": 135647, + "Ġdạ": 135648, + "ÐIJв": 135649, + "ÐIJвÑĤо": 135650, + "Ġolacaktır": 135651, + "à¸Ļà¸Ĺà¹Į": 135652, + "Ùħطار": 135653, + "Ġ×¢×§×ij": 135654, + "Ġתפ": 135655, + "ãģĹãģ¦ãģĦãģ¦": 135656, + "צ×ŀ×Ĺ": 135657, + "à¸Īà¸Ńà¸ĩ": 135658, + "Ġöde": 135659, + "ìį¨": 135660, + "ÙĨاس": 135661, + "調ãģ¹": 135662, + "ĠогÑĢомн": 135663, + "ë³´íĹĺ": 135664, + "×ĺ×§": 135665, + "×ĺקס×ĺ": 135666, + "ĠbaÅŁv": 135667, + "ĠbaÅŁvuru": 135668, + "Ġpomys": 135669, + "ĠpomysÅĤ": 135670, + "ãģ«ä¹Ĺ": 135671, + "Ġש׼ף": 135672, + "ĠاÙĦÙħسؤÙĪÙĦ": 135673, + "Ġзан": 135674, + "ĠзанÑıÑĤ": 135675, + "Ġdương": 135676, + "ãĥĹãĥ¬ãĤ¤": 135677, + "ลà¸ļ": 135678, + "ÑĤика": 135679, + "ĠAralık": 135680, + "Ġнедо": 135681, + "Ġmá»Ļ": 135682, + "Ġoran": 135683, + "Ġoranı": 135684, + "Ġktór": 135685, + "ĠktórÄħ": 135686, + "Ġ×Ķ×IJ×Ĺר×ķ׳×ķת": 135687, + "ائÙĨ": 135688, + "ÅĦs": 135689, + "ÅĦska": 135690, + "åĽ½ãģ®": 135691, + "×ŀ×ĺ×Ļ": 135692, + "ĠвопÑĢоÑģÑĭ": 135693, + "à¸Ńà¸ĩà¸Ħà¹Įà¸ģร": 135694, + "×ŀ×ķצ×IJ": 135695, + "Ġpóź": 135696, + "Ġpóźniej": 135697, + "ש×ŀ×IJ׾": 135698, + "Ġkaps": 135699, + "Ġkapsam": 135700, + "Ġkapsamında": 135701, + "Ġmáquina": 135702, + "ĠÅĽwiecie": 135703, + "ĠhoÃłng": 135704, + "Ġözgü": 135705, + "×Ĵ×ķר×Ŀ": 135706, + "ãģĤãģŁãĤĬ": 135707, + "à¸ķัà¸Ķสิà¸Ļ": 135708, + "à¸ķัà¸Ķสิà¸Ļà¹ĥà¸Ī": 135709, + "бÑĢи": 135710, + "ãģ«ãģªãĤĭãģ¨": 135711, + "تÙĥÙĪÙĨ": 135712, + "Ġ×ķ×Ķ×Ļ×IJ": 135713, + "Ġchiếu": 135714, + "ÑģÑĤанав": 135715, + "ÑģÑĤанавли": 135716, + "ÑģÑĤанавлива": 135717, + "×ŀ×ķ×Ĵ": 135718, + "cité": 135719, + "ĠKörper": 135720, + "Ġש×Ĵ×Ŀ": 135721, + "عظ": 135722, + "عظÙĬÙħ": 135723, + "Ġ×Ķ×IJ×Ļש×Ļ": 135724, + "Ġmatière": 135725, + "ĠÙģÙĪÙĤ": 135726, + "Ġkto": 135727, + "ĠktoÅĽ": 135728, + "à¸Ļà¹Ĥย": 135729, + "à¸Ļà¹Ĥยà¸ļาย": 135730, + "å¾ħãģ¡": 135731, + "à¹Ģมà¸Ļ": 135732, + "à¹Ģมà¸Ļู": 135733, + "AÃĩÃĥO": 135734, + "Ġtù": 135735, + "Ġtùy": 135736, + "ãĥĪãĥ³": 135737, + "ĠоÑĤказ": 135738, + "Ġ×ŀ×ķצר": 135739, + "ülü": 135740, + "ãģķãĤĵãģ«": 135741, + "Ġ×Ĺ×ķ×ij": 135742, + "קר×Ļ×IJ×Ķ": 135743, + "ĠاÙĦخدÙħات": 135744, + "ĠÙĦÙħدة": 135745, + "رؤ": 135746, + "رؤÙĬØ©": 135747, + "ãĤĴè¦ĭãģ¤ãģij": 135748, + "à¸Łà¸²": 135749, + "Ġréussi": 135750, + "à¸Ļัà¸ģà¹Ģรียà¸Ļ": 135751, + "ĠÑĩиÑģл": 135752, + "à¸ģารà¹Ģลà¹Īà¸Ļ": 135753, + "Ġhazırl": 135754, + "Ġhazırlan": 135755, + "ĠпеÑĢвÑĭй": 135756, + "лим": 135757, + "ĠоÑĤзÑĭвÑĭ": 135758, + "ĠwyjÄħ": 135759, + "ĠwyjÄħtk": 135760, + "ĠØ£ÙĤÙĦ": 135761, + "ס×ļ": 135762, + "Ġê²°ìłķ": 135763, + "Ġ׾×ŀעש×Ķ": 135764, + "Ġlắp": 135765, + "à¹ģà¸ļร": 135766, + "à¹ģà¸ļรà¸Ļà¸Ķà¹Į": 135767, + "วà¹Īาà¹Ģà¸Ľà¹ĩà¸Ļ": 135768, + "Ġبدا": 135769, + "ĠبداÙĬØ©": 135770, + "ãģ¨ãģĦãģĨãģ®ãģĮ": 135771, + "иÑĩеÑģким": 135772, + "à¸ģารà¸ŀัà¸Ĵà¸Ļา": 135773, + "ĠbÃło": 135774, + "ĠmiaÅĤa": 135775, + "ywaÄĩ": 135776, + "ĠMärz": 135777, + "ĠÙĨسبة": 135778, + "Ġéconomique": 135779, + "×ĸ×ŀ": 135780, + "×ĸ×ŀ׳×Ļ×Ŀ": 135781, + "æŃ¢ãĤģ": 135782, + "Ġtá»§": 135783, + "íķĺìĭł": 135784, + "Ġkażdego": 135785, + "straÃŁe": 135786, + "à¸Ĭีà¹ī": 135787, + "à¹Ģà¸ļา": 135788, + "ÑĢеÑģÑĥÑĢÑģ": 135789, + "евой": 135790, + "شباب": 135791, + "à¸ķà¹Īาà¸ĩà¸Ľà¸£à¸°à¹Ģà¸Ĺศ": 135792, + "Ġ×IJ×Ļש": 135793, + "Ġ×IJ×Ļש×Ļת": 135794, + "×Ļ×ķפ": 135795, + "×Ļ×ķפ×Ļ": 135796, + "ĠìļĶ구": 135797, + "ì¡°ìĤ¬": 135798, + "ãģ£ãģŁãĤī": 135799, + "׾×Ļ×§": 135800, + "миниÑģÑĤÑĢ": 135801, + "ãĤĤãģ®ãģ¯": 135802, + "Ġlương": 135803, + "Ġнаи": 135804, + "Ġнаибол": 135805, + "Ġнаиболее": 135806, + "íİĺ": 135807, + "à¹ģà¸ŀà¹ī": 135808, + "ãĤŃãĥ¥": 135809, + "ĠкоÑĤоÑĢÑĭм": 135810, + "à¹ģà¸Ĺà¸ĩ": 135811, + "à¹ģà¸Ĺà¸ĩà¸ļà¸Ńล": 135812, + "Ġ׳×Ļ×Ķ": 135813, + "Ġ׳×Ļ×Ķ×ķ׾": 135814, + "âĤª": 135815, + "ĠGiải": 135816, + "ĠиÑģполÑĮзова": 135817, + "ëł¥ìĿĦ": 135818, + "ãģĹãģĭãĤĤ": 135819, + "à¸ģà¹ĩà¸ķà¹īà¸Ńà¸ĩ": 135820, + "ĠÑĢеб": 135821, + "ĠÑĢебен": 135822, + "ĠÑĢебенка": 135823, + "تÙĪØ§ØµÙĦ": 135824, + "ãĤ°ãĥ«ãĥ¼ãĥĹ": 135825, + "ãĤĦãĤī": 135826, + "à¹Ģà¸Ľà¸´à¸Ķà¸ķัว": 135827, + "бÑĢо": 135828, + "ë°ĸìĹIJ": 135829, + "ÙĨÙİØ§": 135830, + "×Ķ×Ĵ": 135831, + "×Ķ×Ĵ׳×Ķ": 135832, + "à¸Ĺรั": 135833, + "à¸Ĺรัà¸ŀ": 135834, + "à¸Ĺรัà¸ŀยà¹Į": 135835, + "Ġkhá»iji": 135836, + "עצ×ŀ×ķ": 135837, + "болезн": 135838, + "Ġë°ĽìķĦ": 135839, + "มà¸Ļ": 135840, + "มà¸Ļุ": 135841, + "มà¸Ļุษ": 135842, + "มà¸Ļุษยà¹Į": 135843, + "âĹĨ": 135844, + "×ŀצ׾×Ļ×Ĺ": 135845, + "Ñıвление": 135846, + "ÙħØ·ÙĦ": 135847, + "ÙħØ·ÙĦÙĪØ¨": 135848, + "خاÙĦÙģ": 135849, + "تÙĪÙĤÙģ": 135850, + "ãģ§ãģįãģ¾ãģĽãĤĵ": 135851, + "оÑģÑĤей": 135852, + "меÑĩа": 135853, + "기ëĬĶ": 135854, + "תשע": 135855, + "صÙĬب": 135856, + "Ġ×ij×¢×ķ×ĵ": 135857, + "à¸Ĥà¸Ńà¸ĩà¹Ģà¸Ĥา": 135858, + "ÑĤÑıж": 135859, + "ĠÑĥпÑĢав": 135860, + "ĠÑĥпÑĢавлениÑı": 135861, + "Ġgénér": 135862, + "ĠthÃŃ": 135863, + "פ×ļ": 135864, + "ĠرÙħض": 135865, + "ĠرÙħضاÙĨ": 135866, + "Ġtruyá»ĩn": 135867, + "إعداد": 135868, + "ãĤµãĥĿãĥ¼ãĥĪ": 135869, + "Ġполно": 135870, + "خاÙħ": 135871, + "ÐŁÐµÑĤ": 135872, + "ÐŁÐµÑĤеÑĢ": 135873, + "ÐŁÐµÑĤеÑĢбÑĥÑĢ": 135874, + "ÐŁÐµÑĤеÑĢбÑĥÑĢг": 135875, + "ÙħÙĨتدÙī": 135876, + "ãģķãĤĮãģ¾ãģĹãģŁ": 135877, + "ĠëĮĢíķĺìŬ": 135878, + "à¸ľà¸¹à¹īà¸Ĺีà¹Ī": 135879, + "Ġ×ŀ×IJ×ķ": 135880, + "׾׳×ĵ": 135881, + "оÑĩнÑĭе": 135882, + "ĠнаÑĩала": 135883, + "Ġ׾×Ļ׾×ĵ×Ļ×Ŀ": 135884, + "овое": 135885, + "ãģĻãĤĭãģĵãģ¨ãģ§": 135886, + "ĠاÙĦÙĨÙģ": 135887, + "ĠاÙĦÙĨÙ쨷": 135888, + "ìŀĪëĬĶ": 135889, + "غÙĨÙĬ": 135890, + "פ×ĵ": 135891, + "ãĤ¾": 135892, + "ĠCré": 135893, + "ãģ©ãģ¡ãĤī": 135894, + "ثاÙĨ": 135895, + "ÑĢабаÑĤ": 135896, + "ÑĢабаÑĤÑĭва": 135897, + "Ġê°Ļëĭ¤": 135898, + "à¸Īั": 135899, + "à¸Īัà¸ģร": 135900, + "Ġchụ": 135901, + "Ġchụp": 135902, + "ĠмаÑģÑĤ": 135903, + "ĠмаÑģÑĤеÑĢ": 135904, + "Ġnắm": 135905, + "ĠÑģÑĤали": 135906, + "Ġ×Ķ×IJ×Ļר×ķ×¢": 135907, + "ãĤ½ãĥ³": 135908, + "åĪĨãģĭãĤĬ": 135909, + "طبع": 135910, + "بدا": 135911, + "gráfico": 135912, + "геÑĢ": 135913, + "à¸Ķำà¹Ģà¸Ļิà¸Ļà¸ģาร": 135914, + "Ġsaldır": 135915, + "Ġsaldırı": 135916, + "вÑĪиÑħ": 135917, + "ãģĭãģ£ãģŁãģ§ãģĻ": 135918, + "Ġyapıyor": 135919, + "ĠاÙĦÙģØª": 135920, + "צרפת": 135921, + "здоÑĢов": 135922, + "×ij×¢×ľ": 135923, + "Ġ×IJ×ŀ×Ļת×Ļ": 135924, + "ĠобÑĭ": 135925, + "ĠобÑĭÑĩ": 135926, + "ĠобÑĭÑĩно": 135927, + "Ġ׾×ķ×ŀר": 135928, + "تÙĥÙĨ": 135929, + "تÙĥÙĨÙĪÙĦÙĪØ¬": 135930, + "تÙĥÙĨÙĪÙĦÙĪØ¬ÙĬا": 135931, + "Ġhakkı": 135932, + "ĠÑĢав": 135933, + "ĠÑĢавно": 135934, + "رÙĬÙĥ": 135935, + "Ġ×ij×ŀ×Ļ×ĵ": 135936, + "Ġ×ij×ŀ×Ļ×ĵ×Ķ": 135937, + "à¹ģà¸ģà¹īว": 135938, + "Ġìĸĺ": 135939, + "Ġìĸĺ기": 135940, + "ãģĹãģ¦ãģĦãģ¾ãģĹãģŁ": 135941, + "Ġkısm": 135942, + "Ġkısmı": 135943, + "걸": 135944, + "åĨħãģ®": 135945, + "ì§ķ": 135946, + "à¹Ģหมืà¸Ńà¸Ļà¸ģัà¸Ļ": 135947, + "ĠÙģÙIJ": 135948, + "ĠÙģÙIJÙĬ": 135949, + "ÙĤاعدة": 135950, + "Ġmożesz": 135951, + "ÙħصاÙĦ": 135952, + "ÙħصاÙĦØŃ": 135953, + "ãģ¾ãģŁãģ¯": 135954, + "бег": 135955, + "Ġsıc": 135956, + "Ġsıcak": 135957, + "ÑĩиÑģ": 135958, + "ÑĩиÑģлен": 135959, + "Ġног": 135960, + "ãĥģãĥ£ãĥ³": 135961, + "ãĥ«ãĥī": 135962, + "Ġgió": 135963, + "Ġsını": 135964, + "Ġsınıf": 135965, + "иваÑĤÑĮ": 135966, + "Ġquên": 135967, + "Ġìłģ": 135968, + "Ġìłģìļ©": 135969, + "ĠJoão": 135970, + "ÙģØ§Ø¯": 135971, + "ĠGlück": 135972, + "à¸Ĺà¸Ńà¸Ķ": 135973, + "Ġgói": 135974, + "ï¼Ĭ": 135975, + "Ġdétail": 135976, + "ĠدÙĬسÙħ": 135977, + "ĠدÙĬسÙħبر": 135978, + "ë¡ľìĦľ": 135979, + "×ŀ×ķ×Ĺ": 135980, + "à¹Ħฮ": 135981, + "ĠоÑĤд": 135982, + "ĠоÑĤдÑĭÑħ": 135983, + "Ġkhuyến": 135984, + "à¸Ħà¸Ńย": 135985, + "ĠجÙĨÙĬ": 135986, + "ĠجÙĨÙĬÙĩ": 135987, + "ĠاÙĦدÙģØ§Ø¹": 135988, + "à¸Ļà¹īำหà¸Ļัà¸ģ": 135989, + "ĠìĤ¬ëŀĮëĵ¤ìĿ´": 135990, + "Ġthừa": 135991, + "ĠÃ¶ÄŁrenci": 135992, + "ĠпомоÑīи": 135993, + "ĠczÄĻÅĽÄĩ": 135994, + "ש×ĺר": 135995, + "ĠNhi": 135996, + "ĠNhiá»ģu": 135997, + "׳צ×Ļ": 135998, + "ĠнаÑĪем": 135999, + "ĠkarÅŁÄ±laÅŁ": 136000, + "Ġ×Ķש׳×Ļ×Ŀ": 136001, + "ĠÄIJưá»Ŀng": 136002, + "Ġtrú": 136003, + "ĠÑĢазлиÑĩнÑĭÑħ": 136004, + "ĠاÙĦØ´Ùĩر": 136005, + "Ġ×ľ×¢×ķ׾×Ŀ": 136006, + "ØŃجر": 136007, + "ĠÄijá»ķ": 136008, + "ĠìĿĺíķ´": 136009, + "à¸ļà¹Īà¸Ńย": 136010, + "Ġ×Ķ×Ļ׾×ĵ": 136011, + "ãģ¨ãģªãģ£ãģŁ": 136012, + "Ġ×Ĺ×ķ×ķת": 136013, + "Ġש×Ļר×ķת×Ļ": 136014, + "Äħcy": 136015, + "سرÙĬ": 136016, + "Kİ": 136017, + "פ׳×ķ": 136018, + "ÑģÑĤÑĢÑĥкÑĤÑĥÑĢ": 136019, + "ÑĤÑĢÑĥд": 136020, + "Ġ×Ķקר": 136021, + "Ġ×Ķקר×ķ×ij": 136022, + "ĠtháºŃm": 136023, + "èģŀãģį": 136024, + "ÙĤÙĪÙĬ": 136025, + "клÑİÑĩен": 136026, + "ÑĤеÑħ": 136027, + "ÑĤеÑħнолог": 136028, + "è¡Įãģ£ãģŁ": 136029, + "Ġ×ķ×IJ×Ļף": 136030, + "ĠÅŁeklin": 136031, + "ĠÅŁeklinde": 136032, + "rô": 136033, + "ÑĢог": 136034, + "ĠновÑĭе": 136035, + "Ġס×ij×Ļ×ij": 136036, + "ĠtecnologÃŃa": 136037, + "×¡×Ľ": 136038, + "×¡×Ľ×ķ×Ŀ": 136039, + "ĠÅŀub": 136040, + "ĠÅŀubat": 136041, + "Ġ×Ķ×ŀ׾×IJ": 136042, + "Ġwypos": 136043, + "Ġwyposaż": 136044, + "ãģ¯ä½ķ": 136045, + "ãĤ¬ãĥ³": 136046, + "ê°ĸ": 136047, + "Ġкакие": 136048, + "Ġçocuklar": 136049, + "Ġ׾צ×ĵ": 136050, + "Ġkayıt": 136051, + "ĠмеÑģÑĤе": 136052, + "ÙħدÙĬÙĨØ©": 136053, + "Ġ׼×Ĵ": 136054, + "Ġ׼×Ĵ×ķף": 136055, + "ãģĹãģ¦ãĤĭ": 136056, + "ĠÙħاÙĬÙĪ": 136057, + "ãģ£ãģ¦ãģĹãģ¾ãģ£ãģŁ": 136058, + "ĠпÑĢогÑĢаммÑĭ": 136059, + "à¹ģลà¸Ļà¸Ķà¹Į": 136060, + "ãĥ¯ãĤ¤": 136061, + "ער×ķ×¥": 136062, + "Ñģид": 136063, + "ĠBöyle": 136064, + "Ġì²ĺìĿĮ": 136065, + "Ġתפק×Ļ×ĵ": 136066, + "ĠTrên": 136067, + "íĥĪ": 136068, + "ĠÐłÐ¾ÑģÑģий": 136069, + "ĠÐłÐ¾ÑģÑģийÑģкой": 136070, + "ĠsÃłn": 136071, + "Ġrègle": 136072, + "ĠyaklaÅŁÄ±k": 136073, + "à¹Ģลิà¸ģ": 136074, + "ĠدائÙħ": 136075, + "Ġ×ķ×Ĵ": 136076, + "ابر": 136077, + "Ġbè": 136078, + "ĠاÙĦÙĤدÙħ": 136079, + "ĠÑĢеÑĪениÑı": 136080, + "hiên": 136081, + "ÑĤик": 136082, + "ÄĦ": 136083, + "à¸ļรรยาà¸ģ": 136084, + "à¸ļรรยาà¸ģาศ": 136085, + "רצ×ķף": 136086, + "åĭķãģį": 136087, + "ĠGäste": 136088, + "Ġ기본": 136089, + "ĠÙĬعرÙģ": 136090, + "ĠSá»Ń": 136091, + "gÅĤÄĻb": 136092, + "à¹Ģà¸Ńส": 136093, + "×IJ×ŀ×Ļף": 136094, + "ĠпÑĥнк": 136095, + "ĠпÑĥнкÑĤ": 136096, + "Ġ×Ļ×ķ×ĵ×¢×Ļ×Ŀ": 136097, + "ãĤ«ãĥ©ãĥ¼": 136098, + "Ġ×ijס×ĵר": 136099, + "Ġbuá»ĵn": 136100, + "йÑĤ": 136101, + "йÑĤеÑģÑĮ": 136102, + "ãĤĴæ±ĤãĤģ": 136103, + "Ġ×IJ×ª×Ľ×Ŀ": 136104, + "Ġ모르": 136105, + "ظرÙĪÙģ": 136106, + "ÑĩеÑģÑĤво": 136107, + "ìĸ´ìĦľ": 136108, + "Ġодна": 136109, + "Ġkapı": 136110, + "Ġëħ¸ëł¥": 136111, + "ĠKüche": 136112, + "ĠاÙĦتش": 136113, + "Ø·ÙĬب": 136114, + "ĠíĬ¹íŀĪ": 136115, + "ĠвÑĭпÑĥÑģ": 136116, + "ĠвÑĭпÑĥÑģк": 136117, + "×ĵת×Ļ": 136118, + "ĠuÄŁ": 136119, + "ĠuÄŁra": 136120, + "ائÙĩا": 136121, + "Ġthoát": 136122, + "ãģªãĤĤãģ®": 136123, + "ÑijÑĢ": 136124, + "기ê°Ģ": 136125, + "ĠgeliÅŁme": 136126, + "تØŃÙĤ": 136127, + "تØŃÙĤÙĤ": 136128, + "ĠопаÑģ": 136129, + "бÑĢоÑģ": 136130, + "หุ": 136131, + "หุà¹īà¸Ļ": 136132, + "ì¼Ģ": 136133, + "ãĤ¹ãĥŀ": 136134, + "ãĤ¹ãĥŀãĥĽ": 136135, + "Ø£Ù쨱": 136136, + "Ø£ÙģØ±Ø§Ø¯": 136137, + "ĠThá»±c": 136138, + "Ġthắ": 136139, + "ãĥªãĥ³ãĤ¯": 136140, + "Ġniá»ģm": 136141, + "ĠHöhe": 136142, + "عÙħار": 136143, + "ÙĥÙĪØ±ÙĪÙĨ": 136144, + "ÙĥÙĪØ±ÙĪÙĨا": 136145, + "ĠÄIJến": 136146, + "ĠÑģамом": 136147, + "ĠÑĤеле": 136148, + "ĠÄijoán": 136149, + "à¸Ħวามà¸Ħิà¸Ķà¹Ģหà¹ĩà¸Ļ": 136150, + "ĠдиÑģк": 136151, + "أطÙ쨧ÙĦ": 136152, + "มารà¹Į": 136153, + "à¸Ĺหาร": 136154, + "à¸Ĺà¸Ļ": 136155, + "ĠبعÙĬد": 136156, + "ĠاÙĦÙĩÙĨد": 136157, + "åĩºãģĹãģ¦": 136158, + "Ġkarde": 136159, + "ĠkardeÅŁ": 136160, + "×Ķ×Ļס×ĺ×ķר": 136161, + "×Ķ×Ļס×ĺ×ķר×Ļ×Ķ": 136162, + "éģ¸ãģ³": 136163, + "عاÙħÙĦ": 136164, + "à¸Ĥยาย": 136165, + "Ġtürl": 136166, + "Ġtürlü": 136167, + "ĠìĿ¼ìĿ´": 136168, + "Ġmatéria": 136169, + "Ġ׼׾×ķ×ŀר": 136170, + "ãĥģãĥ£ãĥ¼": 136171, + "جÙħاعة": 136172, + "ĠÑģвоим": 136173, + "Ø¥ÙĤاÙħØ©": 136174, + "ä¾ĭãģĪãģ°": 136175, + "ساب": 136176, + "آخر": 136177, + "ÙĤدÙĬر": 136178, + "×IJ×ŀ×Ļ": 136179, + "ìĸ»": 136180, + "Ġ׳×ķספת": 136181, + "ĠÐĴлад": 136182, + "ĠÐĴладим": 136183, + "ĠÐĴладимиÑĢ": 136184, + "Ġestará": 136185, + "ãģĵãģĨãģĦãģĨ": 136186, + "ãĤĴ使ç͍": 136187, + "มาà¸ķร": 136188, + "มาà¸ķรà¸IJาà¸Ļ": 136189, + "ãģ£ãģ½": 136190, + "Ġnú": 136191, + "Ġnúi": 136192, + "ยาà¸ĩ": 136193, + "ĠاÙĦجÙĨس": 136194, + "Ġüstün": 136195, + "ëľ»": 136196, + "ãĤ»ãĥ«": 136197, + "ãģ¦ãģĦãģįãģ¾ãģĻ": 136198, + "Ġ×Ĺ×ķ×ĸ": 136199, + "Ġ×Ĺ×ķ×ĸר": 136200, + "ĠÐĵлав": 136201, + "à¹Ĥà¸Ĭà¸Ħ": 136202, + "íıIJ": 136203, + "ÙĨتظر": 136204, + "Ġ×Ĵ×ij×Ļ": 136205, + "عÙĤب": 136206, + "intér": 136207, + "intérêt": 136208, + "×ŀפ×Ĵ": 136209, + "×ŀפ×Ĵש": 136210, + "Ġthù": 136211, + "اÙģØª": 136212, + "Ġ×ŀשפ": 136213, + "Ġ×ŀשפ×ĺ×Ļ": 136214, + "ĠÙħÙĪØ§ÙĤع": 136215, + "è¦ļ": 136216, + "è¦ļãģĪ": 136217, + "×ĵ×Ļף": 136218, + "à¹Ģรืà¹Īà¸Ńà¸ĩราว": 136219, + "ãģ¾ãģĤ": 136220, + "Ġghế": 136221, + "иÑĢÑĥÑİÑĤ": 136222, + "à¸ģว": 136223, + "à¸ģวà¹īาà¸ĩ": 136224, + "ĠповеÑĢ": 136225, + "ĠповеÑĢÑħ": 136226, + "ĠповеÑĢÑħноÑģÑĤ": 136227, + "׳×ĵר": 136228, + "ĠконÑĨе": 136229, + "Ġдолжна": 136230, + "Ġ×Ļש×Ļר": 136231, + "acaģız": 136232, + "ìĹĶ": 136233, + "ĠnÃŃvel": 136234, + "Ġör": 136235, + "Ġörnek": 136236, + "ÙĥÙģ": 136237, + "ĠФедеÑĢаÑĨии": 136238, + "Ġ구ìĦ±": 136239, + "หัวà¹ĥà¸Ī": 136240, + "ĠVáºŃy": 136241, + "мед": 136242, + "меди": 136243, + "медиÑĨин": 136244, + "медиÑĨинÑģк": 136245, + "ازÙĬ": 136246, + "×Ĵ×ij×ķ׾": 136247, + "ÑĦÑĢ": 136248, + "Ġzusätzlich": 136249, + "à¸ģà¸ģ": 136250, + "ĠاÙĦاÙĤتصادÙĬØ©": 136251, + "Ġhè": 136252, + "luÄŁun": 136253, + "جÙİ": 136254, + "à¹Ħà¸Łà¸¥à¹Į": 136255, + "ÄIJT": 136256, + "ãģĿãģ®ä»ĸ": 136257, + "à¸Ĺิà¹īà¸ĩ": 136258, + "ĠاÙĦØ£ÙĪ": 136259, + "رسÙħ": 136260, + "æ°Ĺãģ¥": 136261, + "ìĿ´ë©°": 136262, + "ÑĮев": 136263, + "صط": 136264, + "ĠاÙĦاستث": 136265, + "ĠاÙĦاستثÙħار": 136266, + "à¸Ńาà¸Ħาร": 136267, + "ĠÑĤоÑĩно": 136268, + "ĠVân": 136269, + "à¸Ńร": 136270, + "à¸Ńรà¹Īà¸Ńย": 136271, + "ĠاÙĦسÙĨØ©": 136272, + "ĠcÆ°á»Ľi": 136273, + "×Ļ×Ķף": 136274, + "íį¼": 136275, + "話ãģĹ": 136276, + "âĹĭ": 136277, + "ĠìķĬìĿĢ": 136278, + "ãĥ¡ãĥ¼ãĤ": 136279, + "ãĥ¡ãĥ¼ãĤ«": 136280, + "ãĥ¡ãĥ¼ãĤ«ãĥ¼": 136281, + "ĠÑĤепло": 136282, + "å½¼ãĤī": 136283, + "Ġİz": 136284, + "Ġİzmir": 136285, + "íĻį": 136286, + "Ġrượ": 136287, + "Ġrượu": 136288, + "æĢĿãģĦåĩº": 136289, + "ĠPhạm": 136290, + "Ġcháu": 136291, + "צ×Ļ×ķת": 136292, + "ĠìĿ¼ë³¸": 136293, + "ìĤ¬ëĬĶ": 136294, + "ĠÑģоздан": 136295, + "Ġaracı": 136296, + "Ġער": 136297, + "Ġער×Ļ׼×Ķ": 136298, + "ĠíķĺëĤĺëĭĺìĿĺ": 136299, + "dziÅĤ": 136300, + "à¸Ľà¸£à¸°à¸ĺาà¸Ļ": 136301, + "ĠserÃŃa": 136302, + "ĠìŀĪëıĦë¡Ŀ": 136303, + "درج": 136304, + "íķľëĭ¤ëĬĶ": 136305, + "à¸Ńาà¸Ĺ": 136306, + "à¸Ńาà¸Ĺิà¸ķ": 136307, + "à¸Ńาà¸Ĺิà¸ķยà¹Į": 136308, + "ÑĤелÑĮнÑĭй": 136309, + "ĠخدÙħات": 136310, + "×ŀ׳×ĺ": 136311, + "Ġlược": 136312, + "ĠSÃłi": 136313, + "ĠÙĪØ§Ø¶": 136314, + "ĠÙĪØ§Ø¶ØŃ": 136315, + "غاز": 136316, + "ĠdoÄŁal": 136317, + "Ġ×ijש×Ŀ": 136318, + "Ġдлин": 136319, + "Ġإطار": 136320, + "Ġ×ijספר": 136321, + "ãĤĴä¸İ": 136322, + "ãĤĴä¸İãģĪ": 136323, + "Ġë²ķë¥ł": 136324, + "ĠÑĥвели": 136325, + "ĠÑĥвелиÑĩи": 136326, + "สà¹Ħà¸ķ": 136327, + "สà¹Ħà¸ķลà¹Į": 136328, + "à¹Ħà¸ģล": 136329, + "×ij×Ĺף": 136330, + "ĠìĿ´íĽĦ": 136331, + "Ġmunic": 136332, + "ĠmunicÃŃpio": 136333, + "تÙħØ«ÙĦ": 136334, + "ĠÄijáo": 136335, + "Hôtel": 136336, + "Ġlá»Ńa": 136337, + "ĠÄijẳng": 136338, + "Ñĩки": 136339, + "شرÙĪ": 136340, + "شرÙĪØ·": 136341, + "ĠìĿ´ë¥¼": 136342, + "ÙĬÙĭا": 136343, + "×ŀ׾×ļ": 136344, + "×ŀ×Ķ×Ļר×ķת": 136345, + "ĠобÑıзаÑĤелÑĮ": 136346, + "ĠобÑıзаÑĤелÑĮно": 136347, + "énergie": 136348, + "Ġmudança": 136349, + "Ġmụ": 136350, + "Ġmụn": 136351, + "Ġnº": 136352, + "ĠاÙĦتعا": 136353, + "ĠاÙĦتعاÙĪÙĨ": 136354, + "ĠاÙĦاجتÙħاعÙĬØ©": 136355, + "ĠплаÑģÑĤ": 136356, + "Ġëĵ±ìĿĺ": 136357, + "ãĥIJãĤ¤ãĤ¯": 136358, + "ÙĩجÙĪÙħ": 136359, + "ĠSaúde": 136360, + "Ġì¤ijìļĶíķľ": 136361, + "Ġ×Ķצ×Ļ×ij×ķר": 136362, + "×ª×§×Ł": 136363, + "ĠاÙĦعاÙĦÙħÙĬ": 136364, + "ĠболÑĮÑĪой": 136365, + "ĠÙĥÙĦÙħ": 136366, + "ĠÙĥÙĦÙħØ©": 136367, + "ãģ®ãģ§ãģ¯ãģªãģĦãģ§ãģĹãĤĩãģĨãģĭ": 136368, + "ĠÙħباراة": 136369, + "Ġש×IJ׳": 136370, + "Ġש×IJ׳×Ĺ׳×ķ": 136371, + "ãĤ¹ãĤ¿ãĤ¤ãĥ«": 136372, + "ĠSaÄŁ": 136373, + "ĠSaÄŁlık": 136374, + "Ġhư": 136375, + "׳×Ĺ×Ķ": 136376, + "Ġ×ijקר×ij": 136377, + "طعÙħ": 136378, + "หิà¸Ļ": 136379, + "à¸Ĺุà¸ģวัà¸Ļ": 136380, + "à¸Ħรัà¹īà¸ĩà¸Ĺีà¹Ī": 136381, + "ĠlÃłnh": 136382, + "Ġdonné": 136383, + "ãģĽãģĦ": 136384, + "جزÙĬرة": 136385, + "доÑĢож": 136386, + "ì¼ľ": 136387, + "تÙĨظÙĬÙģ": 136388, + "ãĥģãĥ§": 136389, + "Ġaldıģı": 136390, + "جاج": 136391, + "ĠÑĤомÑĥ": 136392, + "à¸Ľà¸´": 136393, + "Ġ×ijרשת": 136394, + "ãģıãģªãĤĬãģ¾ãģĻ": 136395, + "ĠпÑĢинÑĨип": 136396, + "Ġ×Ĺ׾×ķ": 136397, + "ëı¼": 136398, + "×ķ×Ĵש": 136399, + "سس": 136400, + "à¸Ľà¸¹": 136401, + "Ġhầu": 136402, + "æĦŁãģĺãĤĭ": 136403, + "ï¼´": 136404, + "دÙĪØ§": 136405, + "ĠÑģмог": 136406, + "scrição": 136407, + "ĠtháºŃn": 136408, + "Ġר×ķ×IJ×Ķ": 136409, + "обÑĢажен": 136410, + "ĠاÙĦتجارÙĬØ©": 136411, + "طبÙĬع": 136412, + "jÄħcÄħ": 136413, + "íĸīìľĦ": 136414, + "ĠновÑĭй": 136415, + "Ġ×ŀ×Ĺ×ĵש": 136416, + "æĮ¯ãĤĬ": 136417, + "gué": 136418, + "Ġ×IJ×Ļר×ķ×¢": 136419, + "Ġ×IJ×Ļר×ķ×¢×Ļ×Ŀ": 136420, + "ĠاÙĦذÙĩب": 136421, + "×ĵ×IJ": 136422, + "تاÙĨ": 136423, + "ãģłãģĹ": 136424, + "à¸Ńัà¸ķรา": 136425, + "à¹Ĥà¸Ī": 136426, + "بÙĦاد": 136427, + "×Ķ×Ļ×Ļ׳×ķ": 136428, + "ĠÑģпе": 136429, + "ĠÑģпеÑĨиалÑĮно": 136430, + "ĠÅĽwiata": 136431, + "ãĤĵãģ§ãģĻãĤĪ": 136432, + "شرÙĥØ©": 136433, + "ĠpÅĤyt": 136434, + "Ġsitué": 136435, + "Ġ׼×IJ׾×Ķ": 136436, + "ס×ijר": 136437, + "Ġkażd": 136438, + "Ġkażdym": 136439, + "ãĤĴæĮģãģ¤": 136440, + "׾×Ķ׾": 136441, + "׾×Ķ׾ף": 136442, + "ĠwÅĤas": 136443, + "ĠwÅĤasne": 136444, + "ĠsaÄŁlan": 136445, + "×ŀ×¢×ľ×Ķ": 136446, + "ĠاÙĦاÙĪÙĦ": 136447, + "ìĹIJìĦľëıĦ": 136448, + "×IJ×Ļר×ķפ×Ķ": 136449, + "تÙĤÙĨÙĬØ©": 136450, + "Ùħائ": 136451, + "Ùħائة": 136452, + "ĠcompañÃŃa": 136453, + "Ġsürek": 136454, + "Ġsürekli": 136455, + "ĠиÑģкÑĥÑģ": 136456, + "ĠиÑģкÑĥÑģÑģÑĤв": 136457, + "ĠBürger": 136458, + "ת×Ĺר": 136459, + "ת×Ĺר×ķת": 136460, + "à¸ŀรà¹īà¸Ńมà¸ģัà¸ļ": 136461, + "Ø´Ùħ": 136462, + "à¸ĸืà¸Ńวà¹Īา": 136463, + "è¾¼ãĤĢ": 136464, + "ä¼ijãģ¿": 136465, + "ĠاÙĦأب": 136466, + "ĠÑģÑĤоимоÑģÑĤÑĮ": 136467, + "ĠпÑĢава": 136468, + "mayın": 136469, + "หวย": 136470, + "ĠاÙĦطبÙĬعÙĬ": 136471, + "à¸Ĺีà¹Īà¸ŀัà¸ģ": 136472, + "ĠEstá": 136473, + "ÑĭваÑİÑĤ": 136474, + "بسÙĬ": 136475, + "بسÙĬØ·": 136476, + "Ġ×ij×¢×ijר": 136477, + "åı¯èĥ½ãģ§ãģĻ": 136478, + "Ġ×ĵ×ķ׾": 136479, + "Ġ×ĵ×ķ׾ר": 136480, + "ÙĩÙİØ§": 136481, + "воÑĢоÑĤ": 136482, + "ãģ¦ãģĦãģ¾ãģĹãģŁ": 136483, + "à¹Ĥà¸Ĺรศ": 136484, + "à¹Ĥà¸Ĺรศั": 136485, + "à¹Ĥà¸Ĺรศัà¸ŀ": 136486, + "à¹Ĥà¸Ĺรศัà¸ŀà¸Ĺà¹Į": 136487, + "Ġק׳": 136488, + "ĠاÙĦØ«ÙĨ": 136489, + "ĠاÙĦØ«ÙĨائÙĬØ©": 136490, + "Ġcoût": 136491, + "à¸ķิà¸Ķà¸ķัà¹īà¸ĩ": 136492, + "Ġörg": 136493, + "Ġörgüt": 136494, + "ĠاÙĦØ®ÙĦÙĬ": 136495, + "ĠاÙĦØ®ÙĦÙĬج": 136496, + "Ġbá»įn": 136497, + "×ķ׾×ķ×Ĵ×Ļ": 136498, + "ëŀľ": 136499, + "ĠÐijолÑĮ": 136500, + "ĠÐijолÑĮÑĪ": 136501, + "×Ĵ×ijר×Ļ×Ŀ": 136502, + "ÙĤÙĬد": 136503, + "×ij×Ļ×ĺ×ķ×Ļ": 136504, + "æīĵãģ¡": 136505, + "ĠolmuÅŁ": 136506, + "fäh": 136507, + "fähig": 136508, + "ลาà¸Ļ": 136509, + "ĠÙĤطر": 136510, + "שפ×Ķ": 136511, + "èªŃãĤĵãģ§": 136512, + "à¸Ĥวา": 136513, + "Ġchiếm": 136514, + "ãĤ¤ãĥ³ãĤ¿": 136515, + "ãĤ¤ãĥ³ãĤ¿ãĥ¼ãĥ": 136516, + "ãĤ¤ãĥ³ãĤ¿ãĥ¼ãĥį": 136517, + "ãĤ¤ãĥ³ãĤ¿ãĥ¼ãĥįãĥĥãĥĪ": 136518, + "Ġ׾ש×ŀ×ķר": 136519, + "ĠترÙĥ": 136520, + "ĠترÙĥÙĬا": 136521, + "ר×ķ×ĺ": 136522, + "ã썿ĢĿãģĦãģ¾ãģĹãģŁ": 136523, + "ĠاÙĦتÙĤ": 136524, + "Ġdư": 136525, + "ãģ¦ãģıãĤĮãĤĭ": 136526, + "ãģĹãģŁãģĵãģ¨": 136527, + "Ġróżne": 136528, + "ĠاÙĦØ·ÙģÙĦ": 136529, + "ĠPosté": 136530, + "Ġ×ŀש×ķ×Ŀ": 136531, + "ÑįÑĢ": 136532, + "ĠÑĢабоÑĤаеÑĤ": 136533, + "ãĤ·ãĥª": 136534, + "ãĤ·ãĥªãĥ¼ãĤº": 136535, + "Ġ×ij×Ķ×Ĺ׾×ĺ": 136536, + "×§×Ķ×Ļ׾×Ķ": 136537, + "ãĤ«ãĥ¡": 136538, + "ãĤ«ãĥ¡ãĥ©": 136539, + "O": 136540, + "ĠìĤ¬ìĿ´": 136541, + "Ġkì": 136542, + "ĠthÆ°á»Ľc": 136543, + "ضبط": 136544, + "ÙĤبÙĪÙĦ": 136545, + "åĪ¥ãģ®": 136546, + "Ġparticulière": 136547, + "ĠÑģвоем": 136548, + "Ġעסק": 136549, + "Ġעסק×Ļ×Ŀ": 136550, + "×ij×Ĺ×Ļר×ķת": 136551, + "×ij×Ļ׳×ķ": 136552, + "à¸ĭà¸Ń": 136553, + "Ġ×¢×ķ×ijר": 136554, + "ãģłãģ£ãģŁãģ®ãģ§": 136555, + "ıldıģı": 136556, + "Ùħدار": 136557, + "Ùħدارس": 136558, + "주ìĭľ": 136559, + "à¸Ńาศ": 136560, + "à¸Ńาศัย": 136561, + "Ġtấm": 136562, + "à¸ŀิà¸Ī": 136563, + "à¸ŀิà¸Īาร": 136564, + "à¸ŀิà¸Īารà¸ĵา": 136565, + "ÑĤелÑĮнÑĭе": 136566, + "ÑģкÑĥÑİ": 136567, + "ÐľÐĺ": 136568, + "à¹Ģà¸ģา": 136569, + "à¹Ģà¸ģาหล": 136570, + "à¹Ģà¸ģาหลี": 136571, + "×ĵ×Ĺ": 136572, + "à¹Ģà¸Ĭิà¸ĩ": 136573, + "ĠدÙĤÙĬÙĤØ©": 136574, + "íķĻìĥĿ": 136575, + "Ġש×IJ׾×Ķ": 136576, + "Ġcontrôle": 136577, + "Ġsituação": 136578, + "à¸Ĥà¸Ńà¸ĩà¸ľà¸¹à¹ī": 136579, + "ÙĨØ·ÙĤ": 136580, + "ê³¼íķĻ": 136581, + "หลายà¸Ħà¸Ļ": 136582, + "Ġnắng": 136583, + "ÙĤÙı": 136584, + "ì¡°ê±´": 136585, + "Ñķ": 136586, + "ãĥĥãģ¨": 136587, + "×ŀ×Ļ׾×Ķ": 136588, + "Grün": 136589, + "×Ļ×Ļ×¢": 136590, + "×Ļ×Ļ×¢×ķ×¥": 136591, + "×ŀ׳׼": 136592, + "ëŃIJ": 136593, + "×ŀ×¢×ŀ×ĵ": 136594, + "สำà¸Ļัà¸ģ": 136595, + "جدد": 136596, + "à¸Ħัà¸Ķ": 136597, + "Ġ×Ķ×ŀשפ": 136598, + "Ġ×Ķ×ŀשפ×Ĺ×Ķ": 136599, + "×ŀשק׾": 136600, + "ÙĦÙı": 136601, + "Ġtytu": 136602, + "ĠtytuÅĤ": 136603, + "ÑĪей": 136604, + "ĠìĿ¼ë¶Ģ": 136605, + "ÑĪение": 136606, + "Ġphóng": 136607, + "ĠìĹŃìĤ¬": 136608, + "ãĤ«ãĥ³": 136609, + "Ġtúi": 136610, + "ĠÙĨÙĪÙģ": 136611, + "ĠÙĨÙĪÙģÙħبر": 136612, + "grün": 136613, + "ĠاÙĦØ´ÙħاÙĦ": 136614, + "ÅĽwiadc": 136615, + "ÅĽwiadczenie": 136616, + "ער×Ķ": 136617, + "Ġ×¢×ķ×ij": 136618, + "Ġ×¢×ķ×ij×ĵ×Ļ×Ŀ": 136619, + "×ĵ×ķ×Ĵ×ŀ×IJ": 136620, + "ä»Ĭãģ¯": 136621, + "Ġvão": 136622, + "ĠТем": 136623, + "ÑģилÑĮ": 136624, + "Ġchợ": 136625, + "Ùħرا": 136626, + "ÙħراÙĤب": 136627, + "à¹Ħมà¹Īรูà¹ī": 136628, + "Ġرائع": 136629, + "×IJ׳×Ĺ׳×ķ": 136630, + "สà¹Īà¸ĩà¹Ģสริม": 136631, + "צ×Ĺ": 136632, + "ĠìŀĪìĸ´ìĦľ": 136633, + "Ġkurulu": 136634, + "ĠkuruluÅŁ": 136635, + "ĠÃĸzellik": 136636, + "ĠÃĸzellikle": 136637, + "Ġת×Ļ×§": 136638, + "Ġghé": 136639, + "ĠsprzÄĻ": 136640, + "ĠsprzÄĻt": 136641, + "ער×ķת": 136642, + "راØŃØ©": 136643, + "ãģ£ãģį": 136644, + "ãģ£ãģįãĤĬ": 136645, + "ĠìķĦëŀĺ": 136646, + "stituição": 136647, + "Ġдолжно": 136648, + "×Ķרש": 136649, + "×Ķרש×ŀ×Ķ": 136650, + "×Ķ׾×ļ": 136651, + "ãģ¡ãģª": 136652, + "ãģ¡ãģªãģ¿": 136653, + "ãģ¡ãģªãģ¿ãģ«": 136654, + "פ×Ĺ×ĵ": 136655, + "ĠاÙĦجÙħÙĬع": 136656, + "×ij×¢×ľ×Ļ": 136657, + "Ġtrùng": 136658, + "Ġפת×Ĺ": 136659, + "×ŀ׾×Ĺ×ŀת": 136660, + "ãĥĨãĥ¼ãĥ": 136661, + "ãĥĨãĥ¼ãĥŀ": 136662, + "Ùħتاب": 136663, + "Ùħتابعة": 136664, + "Ġ모ìĬµ": 136665, + "ÙĬص": 136666, + "åIJĪãģĨ": 136667, + "ĠYap": 136668, + "ĠYapı": 136669, + "ĠÑģказаÑĤÑĮ": 136670, + "몰": 136671, + "à¸Ĺีà¹Īสำà¸Ħัà¸į": 136672, + "ĠìĹĨìĬµëĭĪëĭ¤": 136673, + "Ġnhắc": 136674, + "Ġülkeler": 136675, + "Ġмногие": 136676, + "íķĺìħ¨": 136677, + "มาà¸ģà¸Ĺีà¹Īสุà¸Ķ": 136678, + "à¸ģà¹īา": 136679, + "à¸ģà¹īาว": 136680, + "Ġİyi": 136681, + "леж": 136682, + "лежа": 136683, + "ãĤ¸ãĥ§": 136684, + "à¸Ĺัà¸ŀ": 136685, + "اÙĪØ±": 136686, + "Ġ×Ĺ×ijר×Ļ": 136687, + "Ġ׾ש×Ŀ": 136688, + "첫": 136689, + "ĠTá»Ń": 136690, + "×ŀ×ķ׳×Ļ": 136691, + "ÙĤÙĪØ¯": 136692, + "à¸ģระà¹Ģà¸Ľ": 136693, + "à¸ģระà¹Ģà¸Ľà¹ĭ": 136694, + "à¸ģระà¹Ģà¸Ľà¹ĭา": 136695, + "ĠпÑĢоблемÑĭ": 136696, + "Ġaçıs": 136697, + "Ġaçısından": 136698, + "Ġ×Ķ×ŀ׼": 136699, + "ĠÙħعظÙħ": 136700, + "ÙĤÙĬاس": 136701, + "ĠпÑĢодолж": 136702, + "ĠпÑĢодолжа": 136703, + "ĠverdiÄŁi": 136704, + "ĠпÑĢедмеÑĤ": 136705, + "ãģĦãģ¾ãģĻãģĮ": 136706, + "ĠëĶ°ë¥¸": 136707, + "ĠاÙĦÙĤÙĬاÙħ": 136708, + "ĠØ¥ÙĦÙĬÙĩا": 136709, + "ТÐIJ": 136710, + "поз": 136711, + "ãĤ·ãĥ¥": 136712, + "ä¸ĬãģĮãĤĬ": 136713, + "à¹Ģà¸Ķิมà¸ŀัà¸Ļ": 136714, + "à¸ģุล": 136715, + "ØŃرÙĬØ©": 136716, + "×§×ij×ķצ×ķת": 136717, + "믿": 136718, + "ĠاÙĦÙħÙĨا": 136719, + "ĠاÙĦÙħÙĨاطÙĤ": 136720, + "ĠвÑĭпол": 136721, + "ĠвÑĭполнÑı": 136722, + "ãĥĭãĤ¢": 136723, + "Ġê²°êµŃ": 136724, + "×Ĺ×ķ×ŀ": 136725, + "×Ĺ×ķ×ŀר×Ļ×Ŀ": 136726, + "ĠУкÑĢаинÑĭ": 136727, + "หà¸Ńม": 136728, + "ר×Ļס": 136729, + "ĠÑħоÑĤел": 136730, + "ĠобÑĢазованиÑı": 136731, + "Ġkhẳng": 136732, + "Ġmưa": 136733, + "Ġgörme": 136734, + "Ġgüçlü": 136735, + "سعÙī": 136736, + "มัà¹Īà¸Ļà¹ĥà¸Ī": 136737, + "íķĺê²łìĬµëĭĪëĭ¤": 136738, + "ĠполÑĥ": 136739, + "Ġfünf": 136740, + "ã썿ĢĿãģ£ãģ¦ãģĦãģ¾ãģĻ": 136741, + "Ġê·¸ê²ĥìĿĢ": 136742, + "ĠdÃ¼ÅŁÃ¼nce": 136743, + "ìŀł": 136744, + "ĠHÆ°á»Ľng": 136745, + "ĠTiá»ĥu": 136746, + "Ġçift": 136747, + "ãģijãģ°": 136748, + "à¸Īà¸Ļà¸ĸึà¸ĩ": 136749, + "à¸Ĺำà¹Ħà¸Ķà¹ī": 136750, + "ĠìŀIJì²´": 136751, + "Ġdõ": 136752, + "Ġdõi": 136753, + "à¸Īัà¸Ļ": 136754, + "à¸Īัà¸Ļà¸Ĺ": 136755, + "à¸Īัà¸Ļà¸Ĺรà¹Į": 136756, + "eceÄŁini": 136757, + "׳×ķער": 136758, + "غار": 136759, + "ĠاÙĦØ£ÙħرÙĬÙĥÙĬ": 136760, + "داعش": 136761, + "ĠбезопаÑģноÑģÑĤи": 136762, + "ĠбÑİ": 136763, + "ĠбÑİдж": 136764, + "ĠбÑİджеÑĤ": 136765, + "ãĥĬãĤ¤": 136766, + "à¸ŀà¸ļวà¹Īา": 136767, + "daÄŁ": 136768, + "×IJ×ķפף": 136769, + "íĹĮ": 136770, + "ãĥĢãĤ¤ãĤ¨": 136771, + "ãĥĢãĤ¤ãĤ¨ãĥĥãĥĪ": 136772, + "ĠëĮĢíĨµ": 136773, + "ĠëĮĢíĨµëł¹": 136774, + "Dİ": 136775, + "Ø£ØŃداث": 136776, + "ĠAÄŁ": 136777, + "ĠAÄŁust": 136778, + "ĠAÄŁustos": 136779, + "ØŃÙĦÙĪÙĦ": 136780, + "ĠwÅĽ": 136781, + "ĠwÅĽród": 136782, + "ĠÑģооÑĤвеÑĤ": 136783, + "ĠÑģооÑĤвеÑĤÑģÑĤв": 136784, + "ĠÑģооÑĤвеÑĤÑģÑĤвии": 136785, + "ĠLuáºŃt": 136786, + "Ġ׼׾פ×Ļ": 136787, + "ĠвеÑī": 136788, + "ĠвеÑīеÑģÑĤв": 136789, + "×§×Ļ×¥": 136790, + "ĠبÙĩذا": 136791, + "عاش": 136792, + "à¹Ģà¸Ľà¹ĩà¸Ļà¹Ģรืà¹Īà¸Ńà¸ĩ": 136793, + "ТÐķ": 136794, + "Ġ×ij×IJ×Ļ׳×ĺר׳×ĺ": 136795, + "سعد": 136796, + "Ġ×Ķ×ĺ×Ļפ×ķ׾": 136797, + "פ×Ļס": 136798, + "à¸ĩà¹Īายà¹Ĩ": 136799, + "ĠGerät": 136800, + "׾×Ļ×ĵ×Ķ": 136801, + "ĠÑĢиÑģк": 136802, + "׾ק×Ĺ": 136803, + "ннаÑı": 136804, + "ר×Ļ×ĵ": 136805, + "пÑĢакÑĤи": 136806, + "пÑĢакÑĤик": 136807, + "à¸Ĥัà¹īà¸Ļà¸ķà¸Ńà¸Ļ": 136808, + "à¸Ļà¹Īารัà¸ģ": 136809, + "larınızı": 136810, + "à¸Ńà¸Ļุà¸įา": 136811, + "à¸Ńà¸Ļุà¸įาà¸ķ": 136812, + "ĠzdjÄĻcia": 136813, + "Ġbây": 136814, + "ÑģÑĢ": 136815, + "ÑģÑĢоÑĩ": 136816, + "ãĥĭãĥ³ãĤ°": 136817, + "Ġöner": 136818, + "Ġöneri": 136819, + "ĠновÑĭÑħ": 136820, + "دعÙĪØ©": 136821, + "Ġgắn": 136822, + "ĠاÙĦÙĦبÙĨ": 136823, + "ĠاÙĦÙĦبÙĨاÙĨÙĬ": 136824, + "ãĥĨãĤ£ãĥ¼": 136825, + "ĠصØŃÙĬØŃ": 136826, + "емÑĭÑħ": 136827, + "çĸ²ãĤĮ": 136828, + "ĠпÑĢоиÑģ": 136829, + "ĠпÑĢоиÑģÑħодиÑĤ": 136830, + "สà¸ķิ": 136831, + "ĠTết": 136832, + "Ġ×Ķ׾׾×ķ": 136833, + "à¹Ģรืà¹Īà¸Ńà¸ĩà¸Ļีà¹ī": 136834, + "×ŀ×ij׳×Ķ": 136835, + "Ġconteúdo": 136836, + "Ġاخت": 136837, + "ĠاختÙĬار": 136838, + "ÙħسÙĦ": 136839, + "ÙħسÙĦسÙĦ": 136840, + "ëıĪ": 136841, + "Ġ׾×Ļ×ĵ": 136842, + "à¸ŀิà¸ĺี": 136843, + "ĠÑģовÑģ": 136844, + "ĠÑģовÑģем": 136845, + "ãģĮãģĤãĤĬãģ¾ãģĹãģŁ": 136846, + "Ġsóng": 136847, + "إصÙĦاØŃ": 136848, + "ë§ģ": 136849, + "ÙģÙĬر": 136850, + "ĠJeżeli": 136851, + "ìłľëıĦ": 136852, + "dÅĤug": 136853, + "ìĥģìĿĦ": 136854, + "ĠcáºŃn": 136855, + "Ġhá»įp": 136856, + "أست": 136857, + "أستاذ": 136858, + "Ġ×ŀ×Ļש×Ķ": 136859, + "Ġ×ŀ×Ļש×Ķ×ķ": 136860, + "ĠdÃły": 136861, + "ĠchÃłng": 136862, + "ãģ¡ãĤĥãĤĵãģ¨": 136863, + "ĠÄijám": 136864, + "Ġswój": 136865, + "Ġpoderá": 136866, + "ĠоÑĤлиÑĩа": 136867, + "Ġpériode": 136868, + "ündig": 136869, + "×ĺ×¢×Ł": 136870, + "ÑģÑĤÑĢоиÑĤелÑĮ": 136871, + "רת×Ļ": 136872, + "Ġ×Ļ×Ķ×Ļ×ķ": 136873, + "×ľ×¡": 136874, + "ĠاÙĦÙħÙĨزÙĦ": 136875, + "à¸Ļิà¹īว": 136876, + "иÑĦика": 136877, + "иÑĦикаÑĨи": 136878, + "ðŁĺī": 136879, + "Ġadına": 136880, + "ãĢĤãĢĤãĢĤ": 136881, + "×IJ×Ļף": 136882, + "ס×Ļר": 136883, + "ĠÙĬعد": 136884, + "çŃĶãģĪ": 136885, + "اÙĦجز": 136886, + "اÙĦجزائر": 136887, + "енÑĮк": 136888, + "รห": 136889, + "รหัส": 136890, + "ĠTürkçe": 136891, + "꾸": 136892, + "Ġ×Ļ×ķ׼׾": 136893, + "Ġש×ķ׳×Ķ": 136894, + "Ġ×ij×ŀצ×ij": 136895, + "ĠдейÑģÑĤвиÑĤелÑĮно": 136896, + "ĠبأÙĨÙĩ": 136897, + "×ŀ×§×ĵ": 136898, + "Ġ×Ķשק": 136899, + "Ø®ÙĬارات": 136900, + "Ġfı": 136901, + "Ġfırs": 136902, + "Ġfırsat": 136903, + "ëijĺ": 136904, + "ĠìĦľìļ¸": 136905, + "Ġ×Ķ×Ĵ×ķ×£": 136906, + "رعا": 136907, + "رعاÙĬØ©": 136908, + "ĠKết": 136909, + "кÑģи": 136910, + "ĠÑĥÑģлÑĥги": 136911, + "ноÑģÑĤей": 136912, + "ìļ´ëıĻ": 136913, + "ĠобÑĬÑı": 136914, + "ĠобÑĬÑıвл": 136915, + "неж": 136916, + "×Ķפ×ļ": 136917, + "Ġ×ij×¢×Ļ׳×Ļ": 136918, + "ëĨĴ": 136919, + "ĠпÑĢоÑĨед": 136920, + "ĠпÑĢоÑĨедÑĥÑĢ": 136921, + "Ġihtiy": 136922, + "Ġihtiyacı": 136923, + "Ġë°Ķëŀį": 136924, + "Ġë°ĶëŀįëĭĪëĭ¤": 136925, + "à¸ģลัว": 136926, + "ĠÑģложно": 136927, + "×§×Ļ×Ļ×ŀת": 136928, + "ĠÄIJình": 136929, + "ĠÙħÙĦÙģ": 136930, + "Ġà¹Ĥà¸Ķยมี": 136931, + "Ġkatkı": 136932, + "تØŃÙĪÙĬÙĦ": 136933, + "à¹Ħà¸ŀ": 136934, + "ĠHá»į": 136935, + "ñe": 136936, + "ĠдоÑħод": 136937, + "Ġthoải": 136938, + "íķĺìŬìķ¼": 136939, + "ãĤ¹ãĥĿãĥ¼ãĥ": 136940, + "ãĤ¹ãĥĿãĥ¼ãĥĦ": 136941, + "ĠGòn": 136942, + "Ġkè": 136943, + "Ġkèm": 136944, + "é̲ãĤģ": 136945, + "ãĤ¹ãĥ¼ãĥ": 136946, + "ãĤ¹ãĥ¼ãĥij": 136947, + "ãĤ¹ãĥ¼ãĥijãĥ¼": 136948, + "ĠgiÃłu": 136949, + "Ġإعادة": 136950, + "Ġ׾×ķ×§": 136951, + "Ġ׾×ķ×§×Ĺ": 136952, + "ĠÑħоÑĩеÑĤ": 136953, + "×ĺ׾×ķ×ķ": 136954, + "×ĺ׾×ķ×ķ×Ļ×ĸ": 136955, + "×ĺ׾×ķ×ķ×Ļ×ĸ×Ļ×Ķ": 136956, + "Ġthuyết": 136957, + "ãģĿãĤĮãģ§": 136958, + "Ġvardı": 136959, + "à¹Ħรà¹ī": 136960, + "عبد": 136961, + "ĠRepública": 136962, + "ãĥ¼ãĤ¿ãĥ¼": 136963, + "Ġ×ŀ×IJ×ķת": 136964, + "à¹Ħà¸Ľà¹ģลà¹īว": 136965, + "Ġyapılacak": 136966, + "ãĤ¹ãĤ¿ãĥ¼ãĥĪ": 136967, + "ãģ»ãģ¼": 136968, + "ĠkoÅŁ": 136969, + "ĠмаÑĤеÑĢи": 136970, + "Ġsiècle": 136971, + "ĠاÙĦÙħختÙĦÙģ": 136972, + "ĠاÙĦÙħختÙĦÙ쨩": 136973, + "Ġ׾קר×IJ": 136974, + "Ġ׾קר×IJת": 136975, + "Ġ×Ķפ×ķ×¢×ľ": 136976, + "Ġtòa": 136977, + "ĠrÆ¡i": 136978, + "åij¨ãĤĬ": 136979, + "à¸Ŀà¸Ļ": 136980, + "jÅĽÄĩ": 136981, + "ĠìķĬìĿĦ": 136982, + "اÙĨتÙĤاÙĦ": 136983, + "ëĸł": 136984, + "иваеÑĤ": 136985, + "ãĥĪãĥ«": 136986, + "ĠاÙĦÙģÙĦسطÙĬÙĨÙĬØ©": 136987, + "à¸ģลà¹Īาววà¹Īา": 136988, + "اÙĥت": 136989, + "ĠÃĸl": 136990, + "ĠÑĢеÑĪи": 136991, + "ĠÑĢеÑĪил": 136992, + "Ġ׳×ķספ×ķת": 136993, + "Ġìłķì¹ĺ": 136994, + "влеÑĩен": 136995, + "ÙħرØŃÙĦØ©": 136996, + "Ġcomeça": 136997, + "Ġyık": 136998, + "ìĤ´": 136999, + "à¸ĺà¸Ļา": 137000, + "à¸ĺà¸Ļาà¸Ħาร": 137001, + "à¸Ńà¸Ļา": 137002, + "à¸Ńà¸Ļาà¸Ħ": 137003, + "à¸Ńà¸Ļาà¸Ħà¸ķ": 137004, + "Ġpequeña": 137005, + "ä»ķäºĭãĤĴ": 137006, + "ĠبذÙĦÙĥ": 137007, + "Ġнового": 137008, + "ãģĹãģ¦ãģĦãģªãģĦ": 137009, + "ĠاÙĦÙħÙĬاÙĩ": 137010, + "à¸ģà¹ĩà¹Ģà¸Ľà¹ĩà¸Ļ": 137011, + "ĠжÑĥÑĢ": 137012, + "ĠжÑĥÑĢнал": 137013, + "веÑģ": 137014, + "ختار": 137015, + "Ġ매ìļ°": 137016, + "ĠMã": 137017, + "ĠавÑĤомаÑĤÑĭ": 137018, + "ضعÙģ": 137019, + "ĠاÙĦÙģÙĥر": 137020, + "ãģ§ãģĻãģ®ãģ§": 137021, + "ãĥ¡ãĥ³ãĥIJãĥ¼": 137022, + "ĠкÑĢÑĥг": 137023, + "ĠاÙĦسÙĦطة": 137024, + "à¸Ħรัà¹īà¸ĩà¹ģรà¸ģ": 137025, + "à¸ģระà¸Ĺรว": 137026, + "à¸ģระà¸Ĺรวà¸ĩ": 137027, + "ÑĨов": 137028, + "éķ·ãģĦ": 137029, + "大ãģįãģĦ": 137030, + "ĠgeçmiÅŁ": 137031, + "ìĦ±ìĿ´": 137032, + "Ġצר×Ļ׼×Ķ": 137033, + "ĠмоÑī": 137034, + "ĠмоÑīн": 137035, + "Ġ×§×Ļש": 137036, + "Ġ×§×Ļש×ķר×Ļ×Ŀ": 137037, + "ĠNasıl": 137038, + "гÑĢан": 137039, + "Ġ×ŀ×ķצר×Ļ×Ŀ": 137040, + "Ġ×ŀס×ķ×Ĵ": 137041, + "Ġyür": 137042, + "Ġyürüt": 137043, + "Ġ׾×Ĺצ×ķ": 137044, + "×ķÖ¼": 137045, + "ĠìŀĪìĹĪëĭ¤": 137046, + "Ġterör": 137047, + "ĠThương": 137048, + "ĠÙĪÙĬÙħ": 137049, + "ĠÙĪÙĬÙħÙĥÙĨ": 137050, + "جÙĪÙĨ": 137051, + "ĠÙĪØºÙĬرÙĩا": 137052, + "×ŀפ×ķ": 137053, + "×Ĵ×ķר×ŀ×Ļ×Ŀ": 137054, + "׼×ij×Ļש": 137055, + "ĠاÙĦÙĦغ": 137056, + "ĠاÙĦÙĦغة": 137057, + "شرÙĥ": 137058, + "ĠاÙĦراب": 137059, + "ĠاÙĦرابع": 137060, + "ĠпÑĢек": 137061, + "ĠпÑĢекÑĢаÑģ": 137062, + "ĠпÑĢекÑĢаÑģн": 137063, + "ĠenergÃŃa": 137064, + "×§×ĵ×ŀ×Ļ": 137065, + "ãģıãģªãģ£ãģŁ": 137066, + "ĠÄijứ": 137067, + "ĠÄijứa": 137068, + "Servi": 137069, + "Serviço": 137070, + "Ġkaldır": 137071, + "åĥįãģį": 137072, + "Ġодеж": 137073, + "Ġодежд": 137074, + "물ìĿĦ": 137075, + "ãģĿãģĨãģ§": 137076, + "ãģĮãģĤãĤĮãģ°": 137077, + "ìĻķ": 137078, + "צ×ĵ×§": 137079, + "Ġartır": 137080, + "Ġileti": 137081, + "ĠiletiÅŁim": 137082, + "ãĤĪãģĨãģ§": 137083, + "ãĥĪãĥ¼": 137084, + "ãĤ¢ãĥĭ": 137085, + "ãĤ¢ãĥĭãĥ¡": 137086, + "×ĺ×Ļ×Ļ׾": 137087, + "ãĥķãĥªãĥ¼": 137088, + "ãĥĿãĥ³": 137089, + "ÐŁÑĢо": 137090, + "ĠعاÙĦÙĬØ©": 137091, + "ĠÃ¶ÄŁret": 137092, + "ĠÃ¶ÄŁretmen": 137093, + "ĠкаÑĩеÑģÑĤва": 137094, + "Ġ×Ķ×ĺ×ij×¢": 137095, + "ĠзнаÑİ": 137096, + "ãģ¦ãģıãĤĭ": 137097, + "Ġmừng": 137098, + "ÙħÙĪØª": 137099, + "ש×ķ×ŀר": 137100, + "×Ĺ׾×ij": 137101, + "ĠwzglÄĻ": 137102, + "ĠwzglÄĻdu": 137103, + "ë²Ī째": 137104, + "Ġtá»ĵ": 137105, + "Ġtá»ĵn": 137106, + "ãĥ¯ãĥ¼ãĤ¯": 137107, + "Ġpożycz": 137108, + "Ġpożyczk": 137109, + "×Ļ×ķצר×Ļ×Ŀ": 137110, + "ÙĥرÙħ": 137111, + "ĠгаÑĢ": 137112, + "ĠгаÑĢан": 137113, + "ĠгаÑĢанÑĤи": 137114, + "ลà¹īาà¸ĩ": 137115, + "ĠìĺģíĻĶ": 137116, + "×ĺ×Ļס": 137117, + "Ġthẻ": 137118, + "ĠìŀĪëĭ¤ê³ł": 137119, + "اÙĦتز": 137120, + "اÙĦتزاÙħ": 137121, + "ĠнаÑĪи": 137122, + "isée": 137123, + "ãģĵãĤĮãĤĴ": 137124, + "Ġmẽ": 137125, + "ضÙĦ": 137126, + "بÙĪØª": 137127, + "Ġ׼׼×Ķ": 137128, + "hợ": 137129, + "ĠاÙĦسÙĪØ±ÙĬØ©": 137130, + "Ġ×ľ×¢×ķ×ŀ": 137131, + "Ġ×ľ×¢×ķ×ŀת": 137132, + "ĠbaÅŁar": 137133, + "ĠbaÅŁarılı": 137134, + "еÑģÑĤÑĮ": 137135, + "à¸Ħรี": 137136, + "à¸Ħรีม": 137137, + "ĠìłĦì²´": 137138, + "ĠسÙĬÙĥÙĪÙĨ": 137139, + "Ġ×ŀ×ĵ×ķ×¢": 137140, + "ĠëķĮ문ìĿ´ëĭ¤": 137141, + "Ġcứng": 137142, + "gerät": 137143, + "ĠмиÑĢ": 137144, + "ĠмиÑĢе": 137145, + "ĠÙĥÙĬÙģÙĬØ©": 137146, + "Ġפר×ĺ×Ļ×Ŀ": 137147, + "ĠgoÅĽci": 137148, + "иÑĤеÑģÑĮ": 137149, + "ÑĥÑĪки": 137150, + "ؤÙħÙĨ": 137151, + "Ġ×IJ׼ף": 137152, + "ĠاÙĦرجÙĦ": 137153, + "Ġlá»įc": 137154, + "à¹Ģรียà¸ģวà¹Īา": 137155, + "ãģĵãģ®ãĤĪãģĨãģª": 137156, + "ë§Įíģ¼": 137157, + "ĠпеÑĩ": 137158, + "ÙĪÙĦات": 137159, + "ĠÃľye": 137160, + "liÄŁinde": 137161, + "à¸Ħะà¹ģà¸Ļ": 137162, + "à¸Ħะà¹ģà¸Ļà¸Ļ": 137163, + "ãĤĭãģĵãģ¨ãģ¯": 137164, + "วิà¹Ģà¸Ħร": 137165, + "วิà¹Ģà¸Ħราะ": 137166, + "วิà¹Ģà¸Ħราะหà¹Į": 137167, + "ĠвозможноÑģÑĤи": 137168, + "ĠاÙĦÙĨساء": 137169, + "ãĥīãĥ©ãĥŀ": 137170, + "Ġgüc": 137171, + "Ġgücü": 137172, + "Ġtưá»Ŀng": 137173, + "Ġacompaña": 137174, + "ãĤ¤ãĥ©": 137175, + "קצ×ij": 137176, + "ĠYö": 137177, + "ĠYönet": 137178, + "ĠYönetim": 137179, + "à¸ªà¸±à¸¡à¸ľ": 137180, + "à¸ªà¸±à¸¡à¸ľà¸±à¸ª": 137181, + "à¸Ļาม": 137182, + "ĠÄijợi": 137183, + "à¹ģหà¹Īà¸ĩà¸Ĭาà¸ķิ": 137184, + "ãģĿãĤĮãģ§ãĤĤ": 137185, + "ätig": 137186, + "ת×ķ×Ŀ": 137187, + "ĠbaÅŁlat": 137188, + "ĠвÑģей": 137189, + "ת×Ļ×§": 137190, + "ת×Ļ×§×ķף": 137191, + "ĠNgô": 137192, + "ĠGeschä": 137193, + "ĠGeschäfts": 137194, + "Ø£Ùħ": 137195, + "Ø£Ùħراض": 137196, + "à¹Ģà¸Ĺà¸Ħà¸Ļ": 137197, + "à¹Ģà¸Ĺà¸Ħà¸Ļิ": 137198, + "à¹Ģà¸Ĺà¸Ħà¸Ļิà¸Ħ": 137199, + "ĠменÑĮ": 137200, + "ĠменÑĮÑĪе": 137201, + "Ġölç": 137202, + "Ġölçü": 137203, + "ĠÙĬجعÙĦ": 137204, + "ĠÄijỡ": 137205, + "ש×Ļ׾": 137206, + "ש×Ļ׾×ķ×ij": 137207, + "ĠGrÃ¶ÃŁe": 137208, + "ĠÙĩاتÙģ": 137209, + "รà¹īาà¸Ļà¸Ńาหาร": 137210, + "×Ķ׾×Ļ׼": 137211, + "×Ķ׾×Ļ׼×Ļ": 137212, + "иÑĢÑĥÑİÑī": 137213, + "èĭ¥ãģĦ": 137214, + "ĠÃĸzel": 137215, + "ãģĦãģŁãĤī": 137216, + "à¸Ħำà¸ĸาม": 137217, + "ĠzostaÅĤy": 137218, + "Ġ×Ķס×Ļפ×ķר": 137219, + "×Ķ×ķ׾": 137220, + "×Ķ×ķ׾×ļ": 137221, + "à¹Ģà¸Ĭà¹Īà¸Ļà¸ģัà¸Ļ": 137222, + "à¹Ĥà¸Ĩ": 137223, + "à¹Ĥà¸Ĩษ": 137224, + "à¹Ĥà¸Ĩษà¸ĵา": 137225, + "×IJרצ×ķת": 137226, + "×Ĵרפ×Ļ": 137227, + "Ġaoût": 137228, + "ĠÙĬرÙĬد": 137229, + "تÙĪØ¬": 137230, + "تÙĪØ¬ÙĬÙĩ": 137231, + "ĠÑįÑĤап": 137232, + "ãĤ¹ãĤ¿ãĥ³": 137233, + "Ġkró": 137234, + "Ġkrótk": 137235, + "ãĤĴ使ãģĨ": 137236, + "ì·¨": 137237, + "éĸ¢ãĤı": 137238, + "à¸Ķà¹īวยà¸Ħวาม": 137239, + "à¸Ļำà¹Ģสà¸Ļà¸Ń": 137240, + "Ġayrıca": 137241, + "à¸Īà¹īาà¸ĩ": 137242, + "ĠÑĦоÑĤогÑĢаÑĦ": 137243, + "ĠвеÑĩ": 137244, + "ĠвеÑĩеÑĢ": 137245, + "åĩºãģĹãģŁ": 137246, + "ĠХо": 137247, + "Ġ×ŀר×Ĵ×Ļש": 137248, + "à¹ĥหà¹īà¹Ģà¸Ľà¹ĩà¸Ļ": 137249, + "ãĤĴ缮": 137250, + "ãĤĴ缮æĮĩ": 137251, + "׾×ŀ×Ļ×Ŀ": 137252, + "nÄħÅĤ": 137253, + "ĠÑģÑĤанд": 137254, + "ĠÑģÑĤандаÑĢÑĤ": 137255, + "ĠSüd": 137256, + "ĠTâm": 137257, + "اختبار": 137258, + "à¹Ģà¸ģà¸Ńรà¹Į": 137259, + "ÙħسرØŃ": 137260, + "Ġbiá»ĩn": 137261, + "بÙı": 137262, + "ĠصاÙĦ": 137263, + "ĠصاÙĦØŃ": 137264, + "ĠPhụ": 137265, + "íľ´": 137266, + "ãĥ¬ãĥĵãĥ¥ãĥ¼": 137267, + "Ġbụng": 137268, + "Ġrégime": 137269, + "ĠأشÙĩر": 137270, + "ĠÑĢабоÑĤник": 137271, + "à¸Ŀัà¸Ļ": 137272, + "اعتÙħ": 137273, + "اعتÙħاد": 137274, + "ĠзамеÑĤ": 137275, + "ãģ¾ãģ£ãģ¦": 137276, + "Ġchặt": 137277, + "æĿ¥ãĤĭ": 137278, + "ĠاÙĦÙĤÙĪØ§Øª": 137279, + "ãģ«åħ¥ãģ£ãģ¦": 137280, + "تØŃاÙĦÙģ": 137281, + "ÙħزÙĬد": 137282, + "ĠÙĬصÙĦ": 137283, + "ìĹ¼": 137284, + "à¹Ģà¸Ĭà¹ĩ": 137285, + "à¹Ģà¸Ĭà¹ĩà¸Ħ": 137286, + "Ġká»ĭ": 137287, + "Ġká»ĭp": 137288, + "ĠìķĦì§ģ": 137289, + "×IJ׳×Ĵ": 137290, + "ĠоблаÑģÑĤÑĮ": 137291, + "ĠpomocÄħ": 137292, + "Ġ×ķש׾": 137293, + "ëĵłì§Ģ": 137294, + "ĠGiám": 137295, + "ĠStück": 137296, + "Ġcháy": 137297, + "ĠëĤĺìĺ¤": 137298, + "ש×Ļ×ĺת": 137299, + "×ŀ×ĵר": 137300, + "×ŀ×ĵר×Ļ×ļ": 137301, + "Ġsüreç": 137302, + "ква": 137303, + "×ij׾×Ļ×Ŀ": 137304, + "×Ķת×Ļ": 137305, + "×Ķת×Ļ×Ļ×Ĺס": 137306, + "ÙĤباÙĦ": 137307, + "Ġס×ķ×Ĵ": 137308, + "Ġס×ķ×Ĵ×Ļ": 137309, + "ÑģÑĤолÑĮ": 137310, + "ä½ķãĤĤ": 137311, + "×ĸ׼×ķר": 137312, + "è²·ãģĨ": 137313, + "å®īãģı": 137314, + "à¸Ħรัà¹īà¸ĩà¸Ļีà¹ī": 137315, + "köp": 137316, + "ĠÑģеÑĢвиÑģ": 137317, + "оÑĩнÑĭÑħ": 137318, + "ê±°ëŀĺ": 137319, + "تأÙĥ": 137320, + "تأÙĥÙĬد": 137321, + "×ĵ׾ק": 137322, + "ĠпоÑĩем": 137323, + "ĠпоÑĩемÑĥ": 137324, + "пиÑģаÑĤÑĮ": 137325, + "×ijשר": 137326, + "ĠHÃłng": 137327, + "ĠTìm": 137328, + "Ġtrừ": 137329, + "ãĤ»ãĥĥãĤ¯ãĤ¹": 137330, + "×ķ׳×Ĵ": 137331, + "mızda": 137332, + "пÑģи": 137333, + "ĠìŀĪ기": 137334, + "Ġrút": 137335, + "زاÙĨ": 137336, + "تÙĨÙĪØ¹": 137337, + "ÙħÙĤا": 137338, + "ÙħÙĤاÙĪÙħØ©": 137339, + "Ġ׾צ×ķר×ļ": 137340, + "Ġ×ij×Ļר×ķש׾×Ļ×Ŀ": 137341, + "ãĥ´ãĤ£": 137342, + "ebile": 137343, + "ebileceÄŁi": 137344, + "ãĥ¦ãĥ¼ãĤ": 137345, + "ãĥ¦ãĥ¼ãĤ¶": 137346, + "ãĥ¦ãĥ¼ãĤ¶ãĥ¼": 137347, + "ãĤĴä½ľãĤĭ": 137348, + "ÑģмеÑĢ": 137349, + "ÑģмеÑĢÑĤ": 137350, + "Ġì§ģ": 137351, + "Ġì§ģìłij": 137352, + "ĠÐŁÐ°ÑĢ": 137353, + "ØŃاض": 137354, + "ØŃاضر": 137355, + "ÙħÙĥاÙģ": 137356, + "ÙħÙĥاÙģØŃØ©": 137357, + "ลิà¸Ļ": 137358, + "ãģ¦ãģįãģ¦": 137359, + "ÑĢоÑģл": 137360, + "ĠÄ°ÅŁte": 137361, + "ÙĤصÙĬر": 137362, + "Ġ×ij×Ĵ×Ļ׾": 137363, + "Ġ×ŀת×IJ×Ļ×Ŀ": 137364, + "Ġ×Ķ×Ĺ×ĵ": 137365, + "Ġ×Ķ×Ĺ×ĵש×Ķ": 137366, + "ר×ķ×¢": 137367, + "Ġproduktów": 137368, + "ĠÙħصدر": 137369, + "неÑĨ": 137370, + "ĠاÙĦعÙħÙĦات": 137371, + "Ġçıkma": 137372, + "ĠدبÙĬ": 137373, + "×§×Ļף": 137374, + "ת×IJר": 137375, + "ת×IJר×Ļ×ļ": 137376, + "׳×Ļ×Ļ×ĵ": 137377, + "صراع": 137378, + "lève": 137379, + "צ×Ļר": 137380, + "à¸Ķัà¸Ļ": 137381, + "à¹ĥหà¹īà¹Ħà¸Ķà¹ī": 137382, + "ãĤ¿ãĤ¤ãĥł": 137383, + "Ġgiảng": 137384, + "Ð¡ÐŁ": 137385, + "ĠاÙĦÙħØŃÙĦ": 137386, + "ĠاÙĦÙħØŃÙĦÙĬØ©": 137387, + "ĠTất": 137388, + "׾×ķ×ĺ": 137389, + "há»ķ": 137390, + "Ġaméric": 137391, + "Ġaméricain": 137392, + "Ġ×ijש׾×ij": 137393, + "Ġ׾×IJ×ķ×ŀ×Ļ": 137394, + "Ġpeça": 137395, + "ĠÑĢазнÑĭÑħ": 137396, + "ãģĦãĤĭãģ¨": 137397, + "ãĥĩãĥ³": 137398, + "סקר": 137399, + "Ġ×Ķ×ŀ×Ĺ×Ļר": 137400, + "ãģ¨ãģĦãģĨãĤĤãģ®": 137401, + "رتبط": 137402, + "ĠиÑģÑĤоÑĩ": 137403, + "ĠиÑģÑĤоÑĩник": 137404, + "สมัà¸Ħรสมาà¸Ĭิà¸ģ": 137405, + "Ġà¸Ĺัà¹īà¸ĩ": 137406, + "Ġà¸Ĺัà¹īà¸ĩà¸Ļีà¹ī": 137407, + "ĠTáºŃp": 137408, + "ãģ£ãģ¦ãģĦãģĨ": 137409, + "ĠاÙĦÙĪØµÙĪÙĦ": 137410, + "Ġdécada": 137411, + "ĠоÑĦоÑĢм": 137412, + "ĠоÑĦоÑĢмлен": 137413, + "สำหรัà¸ļà¸ģาร": 137414, + "Ġogóln": 137415, + "ãģĨãģ¡ãģ«": 137416, + "Ġvárias": 137417, + "ãģĻãģİãĤĭ": 137418, + "ÙĪÙĩا": 137419, + "à¹Ĥà¸Ľà¸£à¸Ķ": 137420, + "ĠÐłÐ¾ÑģÑģиÑı": 137421, + "人ãĢħ": 137422, + "ãģĹãģ¦ãģįãģŁ": 137423, + "Ġsırasında": 137424, + "Ġngôn": 137425, + "سÙĨØ©": 137426, + "تÙħتع": 137427, + "×ŀ׼×ij×Ļ": 137428, + "Ġnhấn": 137429, + "×¢×ŀ×Ļ×ĵ": 137430, + "Ứ": 137431, + "жиÑĤÑĮ": 137432, + "ãĤīãģĽ": 137433, + "gráf": 137434, + "gráfica": 137435, + "ĠÙĤÙĪÙĦ": 137436, + "ĠÙĤÙĪÙĦÙĩ": 137437, + "ëĭ¨ì²´": 137438, + "หà¹īา": 137439, + "หà¹īาม": 137440, + "使ãģ£ãģ¦": 137441, + "ת×Ļ×ij": 137442, + "ת×Ļ×ijת": 137443, + "iá»ĥu": 137444, + "à¹ģà¸Ĭม": 137445, + "à¹ģà¸Ĭà¸¡à¸Ľ": 137446, + "à¹ģà¸Ĭà¸¡à¸Ľà¹Į": 137447, + "Ậ": 137448, + "ĠëĤĺëĿ¼": 137449, + "ĠÙħباشرة": 137450, + "ĠtrÄĥm": 137451, + "سÙĥÙĪ": 137452, + "ĠاÙĦذÙī": 137453, + "Ġbiç": 137454, + "Ġbiçim": 137455, + "تراجع": 137456, + "ĠобеÑģп": 137457, + "ĠобеÑģпеÑĩ": 137458, + "ĠобеÑģпеÑĩива": 137459, + "ĠвоздÑĥÑħ": 137460, + "ÑĭваÑĤÑĮ": 137461, + "ÙĦØŃÙĤ": 137462, + "ĠMüdü": 137463, + "ĠMüdürl": 137464, + "ĠMüdürlÃ¼ÄŁÃ¼": 137465, + "Ġyaptır": 137466, + "Ġפרס": 137467, + "Ġפרס×ķ×Ŀ": 137468, + "Ø·ÙĪØ±": 137469, + "ÑģÑĤвоваÑĤÑĮ": 137470, + "ìŀ¥ìĿĦ": 137471, + "à¸Ĺีà¹Īà¸Ķีà¸Ĺีà¹Īสุà¸Ķ": 137472, + "à¸Ńัล": 137473, + "ÑĢÑİ": 137474, + "ÙħستÙĤبÙĦ": 137475, + "ÑģлÑĥÑĪ": 137476, + "ÑģлÑĥÑĪа": 137477, + "èªįãĤģ": 137478, + "Ġ׾×Ļ×ŀ": 137479, + "Ġ׾×Ļ×ŀ×ķ×ĵ×Ļ": 137480, + "תש×ķ×ij": 137481, + "תש×ķ×ij×ķת": 137482, + "ĠgerçekleÅŁtiril": 137483, + "ĠاÙĦاتÙ쨧ÙĤ": 137484, + "ĠÑĥÑĢовне": 137485, + "ĠÑĤÑĢав": 137486, + "Ġ×Ķ×ŀ×ķף": 137487, + "ØŃÙģØ§Ø¸": 137488, + "ĠÙħÙIJ": 137489, + "ĠÙħÙIJÙĨ": 137490, + "ĠÙħÙIJÙĨÙĴ": 137491, + "Ġdemás": 137492, + "×ŀ×ķ×ĸ×Ļ×§×Ķ": 137493, + "ש×Ļ×Ĺ×Ķ": 137494, + "Ġbú": 137495, + "алÑĮнÑĭм": 137496, + "ãĤıãģŁ": 137497, + "ãĤıãģŁãģĹ": 137498, + "ĠاÙĦÙħÙĪØ§Ø¯": 137499, + "×ª×Ľ×ł": 137500, + "×ª×Ľ×ł×ķף": 137501, + "ãĥŃãĥĥãĤ¯": 137502, + "hiếu": 137503, + "ĠÑĥме": 137504, + "ÙħØŃاÙĪÙĦØ©": 137505, + "×IJ×ķשר": 137506, + "ĠконкÑĥÑĢ": 137507, + "ĠконкÑĥÑĢÑģ": 137508, + "Ġ×ŀ×ij×Ĺ": 137509, + "Ġ×ŀ×ij×Ĺ×Ļ×ł×ª": 137510, + "Ġanlam": 137511, + "Ġanlamı": 137512, + "Ġliá»ĩt": 137513, + "ĠвÑħод": 137514, + "ĠHình": 137515, + "ĠÙĨÙĬ": 137516, + "ĠÙĨÙĬÙĪØ²": 137517, + "ãĤ¸ãĥ£ãĥ¼": 137518, + "×ij×Ļ×¥": 137519, + "ÑĤелÑĮнÑĭÑħ": 137520, + "à¸Ĺุà¸ģà¸Ńยà¹Īาà¸ĩ": 137521, + "ĠkiÅŁinin": 137522, + "Ø£Ùĥثر": 137523, + "ĠиÑģÑĤоÑĢии": 137524, + "Ġë³ĢíĻĶ": 137525, + "×¤×ľ×¡×ĺ": 137526, + "×¤×ľ×¡×ĺ×Ļ׳×Ļ": 137527, + "ĠÑģеÑĤ": 137528, + "ĠÑģеÑĤи": 137529, + "dıģımız": 137530, + "íķĺëıĦë¡Ŀ": 137531, + "×Ķר": 137532, + "×Ķר×ij×Ķ": 137533, + "ãģĻãĤĭãģĵãģ¨ãģ¯": 137534, + "Ġphiếu": 137535, + "تØŃسÙĬÙĨ": 137536, + "ĠÅĽrod": 137537, + "ĠÅĽrodow": 137538, + "ĠÅĽrodowisk": 137539, + "ĠÑĢаÑģÑħод": 137540, + "برÙĬد": 137541, + "ĠرÙĬ": 137542, + "ĠرÙĬاÙĦ": 137543, + "Ġ×ķ׼×ļ": 137544, + "ì§ĢìļĶ": 137545, + "׼×ŀ×ķ": 137546, + "Ġ×¢×ľ×Ļ×Ķ×Ŀ": 137547, + "fÃŃcio": 137548, + "Ġkararı": 137549, + "tıģını": 137550, + "ĠСов": 137551, + "ĠСовеÑĤ": 137552, + "ãģĬéĩijãĤĴ": 137553, + "междÑĥ": 137554, + "междÑĥна": 137555, + "междÑĥнаÑĢод": 137556, + "междÑĥнаÑĢодн": 137557, + "Ġmá»Ŀi": 137558, + "ĠاÙĦØ¥ÙĬر": 137559, + "ĠاÙĦØ¥ÙĬراÙĨÙĬ": 137560, + "ĠاÙĦرÙĪØ³ÙĬ": 137561, + "صÙĨد": 137562, + "صÙĨدÙĪÙĤ": 137563, + "ĠاÙĦØ¥ÙĨترÙĨت": 137564, + "Ġtắm": 137565, + "ĠÑĤакого": 137566, + "Ġ×ij׾×ķ×Ĵ": 137567, + "Ġücrets": 137568, + "Ġücretsiz": 137569, + "×Ĺ×ĸ×Ļר": 137570, + "ìĸ´ìķ¼": 137571, + "ĠPhần": 137572, + "ï¼ľ": 137573, + "Ġ×ĺ×ij×¢": 137574, + "Ġ×ĺ×ij×¢×Ļ": 137575, + "×IJ×ŀ×IJ": 137576, + "اÙĤÙĦ": 137577, + "Ġcondições": 137578, + "ÙĤاتÙĦ": 137579, + "ĠÑĢезÑĥлÑĮÑĤаÑĤе": 137580, + "ĠÑģвоими": 137581, + "צ×ij×Ļ×¢": 137582, + "géni": 137583, + "Ġzes": 137584, + "Ġzespo": 137585, + "ĠzespoÅĤ": 137586, + "ÑĪив": 137587, + "Ġפר×ĺ×Ļ×ķת": 137588, + "ÙħستشÙģ": 137589, + "ÙħستشÙģÙī": 137590, + "شرع": 137591, + "ĠkoÅĽci": 137592, + "Ġ×Ķ×IJ×Ļ׳×ĺר׳×ĺ": 137593, + "ĠЧеÑĢ": 137594, + "поÑĩÑĤ": 137595, + "Ġactivités": 137596, + "çŁ¥ãģ£ãģ¦": 137597, + "Ġ×ij×ĸ×Ķ": 137598, + "Ġyüzden": 137599, + "ãģªãĤĬãģ¾ãģĽãĤĵ": 137600, + "Ġíĺ¹": 137601, + "Ġíĺ¹ìĿĢ": 137602, + "Ġ×ŀש׳×Ķ": 137603, + "ĠÐĴеÑĢ": 137604, + "Ġ×ij×IJ×ķת×ķ": 137605, + "éĿ¢çϽ": 137606, + "éĿ¢çϽãģĦ": 137607, + "شرØŃ": 137608, + "gründe": 137609, + "Ù쨴": 137610, + "Ù쨴ÙĦ": 137611, + "Ġséjour": 137612, + "ë´IJ": 137613, + "Ġrôle": 137614, + "شعار": 137615, + "емÑĭе": 137616, + "ĠاÙĦجسÙħ": 137617, + "алÑĮное": 137618, + "Ġìĥģíĥľ": 137619, + "D": 137620, + "ë¯Ģë¡ľ": 137621, + "ĠÙĨÙĤØ·": 137622, + "ĠÙĨÙĤطة": 137623, + "ãģĿãģĨãģł": 137624, + "ãģĻãĤĭãģ®ãģĮ": 137625, + "หู": 137626, + "Ġnhá»ĭ": 137627, + "Ġeconómica": 137628, + "ס×ĺ×ķ×ĵ": 137629, + "ס×ĺ×ķ×ĵ׳×ĺ": 137630, + "มีà¹Ĥà¸Ńà¸ģาส": 137631, + "Ġgestão": 137632, + "รูà¹īวà¹Īา": 137633, + "Ġloạt": 137634, + "ĠاÙĦÙħÙı": 137635, + "ĠاÙĦØŃÙħÙĦ": 137636, + "ĠاÙĦعÙħÙĦÙĬØ©": 137637, + "Ġê²ĥëıĦ": 137638, + "ĠÐľÐ¾Ñģква": 137639, + "×§×ĺ×ķר": 137640, + "ĠподÑĢоб": 137641, + "ĠподÑĢобн": 137642, + "Ġlưng": 137643, + "تÙ쨳": 137644, + "تÙ쨳ÙĬر": 137645, + "ĠاÙĦبع": 137646, + "ĠاÙĦبعض": 137647, + "ئت": 137648, + "ÐķÐĿ": 137649, + "ìĹ°êµ¬": 137650, + "à¹ĥหà¹īà¸Ħุà¸ĵ": 137651, + "ãģĤãĤĬãģ¾ãģĹãģŁ": 137652, + "Ġbirka": 137653, + "Ġbirkaç": 137654, + "Ġİsl": 137655, + "Ġİslam": 137656, + "çĹĽãģ¿": 137657, + "Ġhảo": 137658, + "ĠмаÑı": 137659, + "ĠiÅŁÃ§i": 137660, + "ש×": 137661, + "ש×ģ": 137662, + "à¸ģารà¹Ģมืà¸Ńà¸ĩ": 137663, + "×ķ×Ķר": 137664, + "Ġchó": 137665, + "ëĨĢ": 137666, + "Ġyanlı": 137667, + "ĠyanlÄ±ÅŁ": 137668, + "幸ãģĽ": 137669, + "×IJר×Ĵ×ķ׳×Ļ": 137670, + "à¸Ńาà¸Īาร": 137671, + "à¸Ńาà¸Īารยà¹Į": 137672, + "ĠинÑĦоÑĢмаÑĨиÑİ": 137673, + "ÐĵÐŀ": 137674, + "׳×Ĺש": 137675, + "ĠìķĮìķĦ": 137676, + "ĠÑħаÑĢакÑĤеÑĢиÑģÑĤ": 137677, + "ĠÑħаÑĢакÑĤеÑĢиÑģÑĤик": 137678, + "à¸Ħุà¸ĵสามารà¸ĸ": 137679, + "è¦ĭãģĪãĤĭ": 137680, + "à¸Ĭัà¸Ķà¹Ģà¸Ī": 137681, + "à¸Ĭัà¸Ķà¹Ģà¸Īà¸Ļ": 137682, + "ĠdziaÅĤal": 137683, + "ĠdziaÅĤalnoÅĽci": 137684, + "à¹Ĥà¸ŀสà¸ķà¹Į": 137685, + "ĠÐļол": 137686, + "ĠÙģÙĩÙĬ": 137687, + "Ġ×ŀפ׳×Ļ": 137688, + "Ġ×Ķקשר": 137689, + "ÙħرÙĥ": 137690, + "ÙħرÙĥز": 137691, + "Ġhoá": 137692, + "Ġапп": 137693, + "ĠаппаÑĢаÑĤ": 137694, + "Ġpami": 137695, + "ĠpamiÄĻ": 137696, + "ĠpamiÄĻta": 137697, + "Ġçünkü": 137698, + "×ĵ×ķף": 137699, + "ãģ¯ãģĵãģ¡ãĤī": 137700, + "ĠMÃł": 137701, + "ĠÙĬÙĤدÙħ": 137702, + "ĠпÑĢез": 137703, + "ĠпÑĢезиденÑĤ": 137704, + "à¸Ńุà¸ķ": 137705, + "à¸Ńุà¸ķสา": 137706, + "à¸Ńุà¸ķสาห": 137707, + "à¸Ńุà¸ķสาหà¸ģรรม": 137708, + "ì§ĢìĽIJ": 137709, + "Ġ×IJפשר×ķת": 137710, + "schüt": 137711, + "schütz": 137712, + "ĠTiên": 137713, + "Ġsayılı": 137714, + "ĠгÑĢÑĥппÑĭ": 137715, + "оÑĩнÑĭй": 137716, + "Ġ×ľ×¢×ŀ×ķ×ĵ": 137717, + "ĠwrzeÅĽ": 137718, + "ĠwrzeÅĽnia": 137719, + "ĠÄIJầu": 137720, + "à¹Ģà¸Ĥà¹īารà¹Īวม": 137721, + "nızda": 137722, + "Ø®ÙĬص": 137723, + "Ġgünc": 137724, + "Ġgüncel": 137725, + "ĠÙĦÙĩذÙĩ": 137726, + "ĠÙĬعتبر": 137727, + "légi": 137728, + "ãĤıãģĭãĤĭ": 137729, + "Ġrừng": 137730, + "ظÙĩ": 137731, + "ظÙĩÙĪØ±": 137732, + "Ġ×ŀ×ij×Ļף": 137733, + "Ġ기íĥĢ": 137734, + "åĪĩãĤĮ": 137735, + "lanmÄ±ÅŁ": 137736, + "à¸Ĺีà¹Īมีà¸Ħวาม": 137737, + "Ġhá»ģ": 137738, + "تÙĪØ¬Ùĩ": 137739, + "ĠاÙĦإدارة": 137740, + "Ġútil": 137741, + "ספ×ķ": 137742, + "à¸Ħวามรัà¸ģ": 137743, + "à¹Ĥฮ": 137744, + "ĠполиÑĤ": 137745, + "ĠполиÑĤик": 137746, + "Ġsatın": 137747, + "ĠÅŀimdi": 137748, + "×ŀ×ķר×Ļ×Ŀ": 137749, + "ìķĺëĭ¤": 137750, + "×Ĺ×ķ×ķ": 137751, + "×Ĺ×ķ×ķ×Ļ×Ķ": 137752, + "à¸Ħà¸Ńมà¸ŀิ": 137753, + "à¸Ħà¸Ńมà¸ŀิว": 137754, + "à¸Ħà¸Ńมà¸ŀิวà¹Ģà¸ķà¸Ńรà¹Į": 137755, + "Ġاذا": 137756, + "تخاذ": 137757, + "ãĤ¨ãĥ«": 137758, + "Ġpossibilité": 137759, + "ยืà¸Ļยัà¸Ļ": 137760, + "Ġünivers": 137761, + "Ġüniversite": 137762, + "ĠاÙĦدÙĪØ±ÙĬ": 137763, + "ĠìķĬëĬĶëĭ¤": 137764, + "ĠìĦľë¡ľ": 137765, + "ØŃاÙĦ": 137766, + "Ġë¨": 137767, + "Ġ먼": 137768, + "Ġ먼ìłĢ": 137769, + "à¸Ĺีà¹Īà¸ĸูà¸ģ": 137770, + "ì§ľ": 137771, + "Ġskóry": 137772, + "лÑĮÑĨ": 137773, + "à¹ĥà¸Ĭà¹īà¹Ģวลา": 137774, + "×ijקשת": 137775, + "ĠذÙĪ": 137776, + "æĹ¥ãĢħ": 137777, + "ĠкоÑĤоÑĢÑĥÑİ": 137778, + "ĠÑĥÑĢовенÑĮ": 137779, + "깨": 137780, + "à¹Ħà¸Ĺ": 137781, + "ãĤµãĥĹãĥª": 137782, + "ãĤ¸ãĥ§ãĥ³": 137783, + "ãģĻãģ¹ãģį": 137784, + "ĠGór": 137785, + "ãĥĪãĤ¤": 137786, + "ãĥĪãĤ¤ãĥ¬": 137787, + "ĠyaÅŁama": 137788, + "Ġdá»ĭp": 137789, + "Ġbữa": 137790, + "à¸ĭุ": 137791, + "Ġölüm": 137792, + "ãģ£ãģ¦ãģıãĤĭ": 137793, + "à¸ģารà¸Ħà¹īา": 137794, + "שער": 137795, + "ĠÑĤипа": 137796, + "ĠгеÑĢ": 137797, + "ĠгеÑĢо": 137798, + "רקע": 137799, + "Ġuważ": 137800, + "Ġuważa": 137801, + "ש×ŀף": 137802, + "Ġhastalık": 137803, + "ãĤıãĤĮãĤĭ": 137804, + "baÅŁÄ±": 137805, + "ÑĩÑĤо": 137806, + "Ġ×ij×ŀר׼×ĸ": 137807, + "Ġìļ°ë¦¬ìĿĺ": 137808, + "ĠÙĥاÙĨÙĪØ§": 137809, + "Ġأبر": 137810, + "ĠأبرÙĬÙĦ": 137811, + "층": 137812, + "à¹Ħà¸Ĥà¹Ī": 137813, + "ĠÙĪÙĦÙĪ": 137814, + "à¸Ĺัว": 137815, + "à¸Ĺัวรà¹Į": 137816, + "ĠÙĪØ£Ùĥد": 137817, + "à¸Ĭวà¸Ļ": 137818, + "׾×ķ×§": 137819, + "æį¨": 137820, + "æį¨ãģ¦": 137821, + "Ġİçin": 137822, + "péri": 137823, + "Ġyal": 137824, + "Ġyalnız": 137825, + "ÑĮÑıн": 137826, + "Ġgắng": 137827, + "à¸ģà¹ĩยัà¸ĩ": 137828, + "ĠУкÑĢаин": 137829, + "ĠÑģами": 137830, + "ĠпÑĢоведен": 137831, + "à¸ķà¸ģà¹ģà¸ķà¹Īà¸ĩ": 137832, + "ĠQuân": 137833, + "éparation": 137834, + "ĠbaÅŁÄ±nda": 137835, + "Ġznale": 137836, + "Ġznaleź": 137837, + "ĠznaleźÄĩ": 137838, + "ãĤ±ãĥ¼": 137839, + "ãĥİãĥ¼": 137840, + "à¸ĸูà¸ģà¸ķà¹īà¸Ńà¸ĩ": 137841, + "몸": 137842, + "ĠëıĮ": 137843, + "ĠëıĮìķĦ": 137844, + "ĠSchüler": 137845, + "ĠподгоÑĤов": 137846, + "ĠподгоÑĤовк": 137847, + "عرÙĪ": 137848, + "عرÙĪØ¶": 137849, + "laÅŁtır": 137850, + "ĠÑģоÑģÑĤавлÑıеÑĤ": 137851, + "ĠпÑĢоизвод": 137852, + "ĠпÑĢоизводÑģÑĤва": 137853, + "ĠоÑģнове": 137854, + "ĠØ´ÙħاÙĦ": 137855, + "à¸ģรี": 137856, + "ĠgörÃ¼ÅŁme": 137857, + "оÑĩек": 137858, + "Ġ×Ĺ×ijר×Ļ×Ŀ": 137859, + "Ùħخاط": 137860, + "Ùħخاطر": 137861, + "ï¼Ń": 137862, + "רפ×IJ": 137863, + "ĠMẹ": 137864, + "ยà¸Ńมรัà¸ļ": 137865, + "Ġvết": 137866, + "خذ": 137867, + "ĠاÙĦتط": 137868, + "ĠاÙĦتطبÙĬÙĤ": 137869, + "à¸Ļึà¸ģ": 137870, + "Ġ×Ķ×Ľ×ł×¡×ª": 137871, + "ĠогÑĢани": 137872, + "ĠогÑĢаниÑĩен": 137873, + "ĠÃĩalÄ±ÅŁ": 137874, + "ĠاÙĦÙħÙĨتدÙī": 137875, + "à¸Īำà¸Ļวà¸Ļมาà¸ģ": 137876, + "ĠÑĤоÑĢÑĢ": 137877, + "ĠÑĤоÑĢÑĢенÑĤ": 137878, + "ĠìĤ´ìķĦ": 137879, + "à¸ŀลัà¸ĩà¸ĩาà¸Ļ": 137880, + "à¸Ĭัà¸Ļ": 137881, + "ĠÐIJндÑĢ": 137882, + "Ġréalisé": 137883, + "×ŀש×IJ": 137884, + "à¹ģà¸Ĭ": 137885, + "à¹ģà¸Ĭรà¹Į": 137886, + "Ġбог": 137887, + "มาà¹ģลà¹īว": 137888, + "ĠاÙĦÙĨار": 137889, + "Ġolmadıģı": 137890, + "×ĵ×¢×Ķ": 137891, + "ĠÑĥвеÑĢ": 137892, + "ĠÑĥвеÑĢен": 137893, + "ãĤĭãĤĤãģ®": 137894, + "أد": 137895, + "أدÙĪØ§Øª": 137896, + "Ġ×Ķ×ĸ×ķ×Ĵ": 137897, + "إعÙĦاÙħ": 137898, + "há»ı": 137899, + "ĠNähe": 137900, + "ĠÑĤеÑģÑĤ": 137901, + "Ġ×ŀ×ķ׼ר": 137902, + "Ġë¬¸ìłľê°Ģ": 137903, + "ת×ķצ×IJ×Ķ": 137904, + "mó": 137905, + "móvel": 137906, + "ĠاÙĦتجارة": 137907, + "ĠмногиÑħ": 137908, + "обÑīа": 137909, + "Ġעסק×Ļ": 137910, + "ĠEducação": 137911, + "קש×Ļ×Ŀ": 137912, + "établ": 137913, + "établissement": 137914, + "Ġделе": 137915, + "иÑĢÑĥеÑĤÑģÑı": 137916, + "آثار": 137917, + "Ġ×Ķ×ŀר׼×ĸ×Ļ": 137918, + "ãĥIJãĥ«": 137919, + "ĠвÑģÑĤÑĢеÑĩ": 137920, + "ãģĴãĤĭ": 137921, + "ĠciÄħ": 137922, + "ĠciÄħgu": 137923, + "ÙĬست": 137924, + "à¸łà¸²à¸§": 137925, + "à¸łà¸²à¸§à¸°": 137926, + "Ø£Ùħر": 137927, + "Ġожи": 137928, + "Ġожида": 137929, + "Ġá»§y": 137930, + "ãĥŀãĥ«": 137931, + "راس": 137932, + "оÑĩной": 137933, + "ת×Ĵ×ķ×ij×ķת": 137934, + "تعرÙĬÙģ": 137935, + "ĠÑģоÑĨиалÑĮно": 137936, + "ãĤĴéĸĭ": 137937, + "ĠиÑģÑģледова": 137938, + "Ġdú": 137939, + "Ġdúvida": 137940, + "ĠskÅĤ": 137941, + "ĠskÅĤada": 137942, + "Ġhäufig": 137943, + "ĠвÑĭбÑĢ": 137944, + "ĠвÑĭбÑĢаÑĤÑĮ": 137945, + "ãģ®ãģ§ãģ¯ãģªãģĦãģĭ": 137946, + "ĠÑģилÑĮно": 137947, + "ÑĤвеÑĢжден": 137948, + "רפ": 137949, + "רפ×ķ×IJ×Ķ": 137950, + "æĢĿãģĦãģ¾ãģĻ": 137951, + "ØŃرص": 137952, + "ש×ķתף": 137953, + "Ùħسجد": 137954, + "à¹Ĥà¸Ĭวà¹Į": 137955, + "емÑģÑı": 137956, + "вÑĪие": 137957, + "Ġмл": 137958, + "Ġмлн": 137959, + "Ġ׾×Ķ×ij×Ļ×IJ": 137960, + "ĠÙĬتعÙĦÙĤ": 137961, + "à¸ķูà¹ī": 137962, + "ĠпÑĢаз": 137963, + "ĠпÑĢазд": 137964, + "ĠпÑĢаздник": 137965, + "Ġнем": 137966, + "Ġнемного": 137967, + "ĠsÃłng": 137968, + "تÙĨسÙĬ": 137969, + "تÙĨسÙĬÙĤ": 137970, + "Ġtá»Ŀ": 137971, + "Ġмеди": 137972, + "ã쫿Ī": 137973, + "ã쫿λ": 137974, + "à¸Ħวà¹īา": 137975, + "ãģĭãģijãĤĭ": 137976, + "×ij׾×ķת": 137977, + "ĠÑįкÑģп": 137978, + "ĠÑįкÑģпеÑĢÑĤ": 137979, + "ĠдевÑĥÑĪ": 137980, + "ĠдевÑĥÑĪк": 137981, + "ĠØŃص": 137982, + "ÙĨشأ": 137983, + "ãģĮãģĤãĤĭãģ®ãģ§": 137984, + "ĠتراÙħ": 137985, + "ĠتراÙħب": 137986, + "أسÙĪØ§ÙĤ": 137987, + "Ġ׾פ׳×ķת": 137988, + "Ġاﻷ": 137989, + "ãģ«ãģı": 137990, + "ãģ«ãģıãģĦ": 137991, + "ĠأعÙĦÙī": 137992, + "Ġ׾×Ķ×ŀש×Ļ×ļ": 137993, + "räu": 137994, + "ש×ŀ×Ļ×Ŀ": 137995, + "åĪĨãģij": 137996, + "ãģĻãģ§": 137997, + "ãģĻãģ§ãģ«": 137998, + "×Ķ׾׼×Ķ": 137999, + "×Ĺ׾×Ļ×£": 138000, + "Ġì±ħ": 138001, + "Ġì±ħìŀĦ": 138002, + "à¹Ģà¸Īริ": 138003, + "à¹Ģà¸Īริà¸į": 138004, + "éģĬãģ³": 138005, + "جسد": 138006, + "สาà¸ĺ": 138007, + "สาà¸ĺาร": 138008, + "สาà¸ĺารà¸ĵ": 138009, + "Ġbasın": 138010, + "ÑĢаг": 138011, + "гад": 138012, + "ĠhoÅŁ": 138013, + "íķµ": 138014, + "×ij×Ĺ×Ļר×Ķ": 138015, + "×ŀס×ļ": 138016, + "ĠìłľíĴĪ": 138017, + "تÙħÙĪÙĬÙĦ": 138018, + "ĠLưu": 138019, + "ë¡ľë¶ĢíĦ°": 138020, + "Ġпоб": 138021, + "Ġпобед": 138022, + "ÙħÙĨذ": 138023, + "常ãģ«": 138024, + "ÙĤس": 138025, + "ĠاÙĦÙħصدر": 138026, + "ĠÙĪØ§ÙĦاست": 138027, + "Ġkhắp": 138028, + "ĠاÙĦجاÙĨب": 138029, + "Ġnguyá»ĩn": 138030, + "éĸĵéģķãģĦ": 138031, + "ĠÑģÑĤÑĢа": 138032, + "ĠÑģÑĤÑĢаÑħ": 138033, + "ĠÑģÑĤÑĢаÑħов": 138034, + "รีà¸ļ": 138035, + "Ġxương": 138036, + "Ġì°¾": 138037, + "Ġì°¾ìķĦ": 138038, + "Ġngại": 138039, + "гал": 138040, + "à¸ĭีà¹Ī": 138041, + "Ġ×ijפ×Ļ×Ļס×ij×ķ×§": 138042, + "ЦенÑĤÑĢ": 138043, + "Ġavaliação": 138044, + "Ġeconómico": 138045, + "×ĸף": 138046, + "ĠÐľÐ°Ðº": 138047, + "Ġinterés": 138048, + "à¸ģลิà¹Īà¸Ļ": 138049, + "ÑģÑĤÑĮÑİ": 138050, + "ĠÄijương": 138051, + "å¼·ãģı": 138052, + "ĠKhách": 138053, + "à¹Ģà¸Ļืà¹īà¸Ńหา": 138054, + "ĠYazı": 138055, + "è²·ãģ£ãģ¦": 138056, + "ÐłÐķ": 138057, + "à¹Ģà¸ŀิà¹Īมà¸Ĥึà¹īà¸Ļ": 138058, + "สมà¸ļู": 138059, + "สมà¸ļูรà¸ĵà¹Į": 138060, + "ĠмиÑĢов": 138061, + "×Ĵ׳×Ļ×Ŀ": 138062, + "ĠÄijức": 138063, + "à¸Ńารà¹Į": 138064, + "صاص": 138065, + "ãģĬãĤĪ": 138066, + "ãģĬãĤĪãģ³": 138067, + "êÌī": 138068, + "ĠاÙĦÙħؤتÙħر": 138069, + "ĠاÙĦÙħرØŃÙĦØ©": 138070, + "สà¸Ńà¸ļà¸ĸาม": 138071, + "Ġà¸Īาà¸ģà¸Ļัà¹īà¸Ļ": 138072, + "Ġتعد": 138073, + "ãģĿãģ®ãģŁãĤģ": 138074, + "Ġkháng": 138075, + "à¸Ļิà¸Ķ": 138076, + "ãĥĬãĥ³": 138077, + "ëĦ¤ìļĶ": 138078, + "ĠاÙĦاØŃت": 138079, + "ĠاÙĦاØŃتÙĦاÙĦ": 138080, + "ìļķ": 138081, + "Ġмодели": 138082, + "ĠпÑĢоÑĨенÑĤ": 138083, + "à¸ŀวà¸ģà¹Ģรา": 138084, + "Ġ×Ķצ×ĵ": 138085, + "Ġ×Ķצ×ĵ×ĵ×Ļ×Ŀ": 138086, + "stände": 138087, + "׳×Ĵר": 138088, + "Ġdotyc": 138089, + "ĠdotyczÄħ": 138090, + "ĠdotyczÄħce": 138091, + "ĠÅĽwiÄĻt": 138092, + "×ŀר×Ķ": 138093, + "ãģĻãģĶãģĦ": 138094, + "ãĥĩãĤ£ãĥ³ãĤ°": 138095, + "à¸ģารสรà¹īาà¸ĩ": 138096, + "ëĤ¬": 138097, + "Ġì°¸ìŬ": 138098, + "ÑģÑħ": 138099, + "ÑģÑħем": 138100, + "ÙħÙĪØ³": 138101, + "Ġnấu": 138102, + "Ġ׾×ŀ×¢×ľ×Ķ": 138103, + "à¹Ģà¸Ľà¹īา": 138104, + "à¹Ģà¸Ľà¹īาหมาย": 138105, + "Ġmùi": 138106, + "ائز": 138107, + "íĽĪ": 138108, + "×Ĺ×ij×ķר×Ķ": 138109, + "à¸ľà¸¹à¹īà¹ĥà¸Ĭà¹ī": 138110, + "Ġpaź": 138111, + "Ġpaździ": 138112, + "Ġpaździern": 138113, + "Ġpaździernika": 138114, + "ลà¸ĩà¹Ħà¸Ľ": 138115, + "ÙĤاع": 138116, + "ĠcháºŃm": 138117, + "Ġözellikleri": 138118, + "ĠÄIJo": 138119, + "ĠÄIJoÃłn": 138120, + "жение": 138121, + "Ġhẳ": 138122, + "Ġhẳn": 138123, + "ĠaÅŁk": 138124, + "ï½į": 138125, + "ãĥijãĤ¹": 138126, + "×Ķ×ķר×IJ×ķת": 138127, + "ĠÅ»": 138128, + "ĠÅ»y": 138129, + "×ŀ×ĸ׾": 138130, + "ĠÑĥкÑĢа": 138131, + "ĠÑĥкÑĢаин": 138132, + "à¹Ģà¸Ĭิ": 138133, + "à¹Ģà¸Ĭิà¸į": 138134, + "ÐłÐĺ": 138135, + "ĠzwiÄħzku": 138136, + "×Ķ×Ĺ׾×ĺת": 138137, + "ãĤĵãģ§ãģĻãĤĪãģŃ": 138138, + "ãģ¦ãģĬãĤĬ": 138139, + "ложиÑĤÑĮ": 138140, + "×ŀ×ķ׳×Ļ×Ŀ": 138141, + "ฮิ": 138142, + "ì°¬": 138143, + "ĠاÙĦÙħشترÙĥ": 138144, + "ĠdÃ¼ÅŁÃ¼k": 138145, + "агенÑĤ": 138146, + "ĠاÙĦأسبÙĪØ¹": 138147, + "ĠÙĤرÙĬب": 138148, + "инд": 138149, + "индив": 138150, + "индивид": 138151, + "индивидÑĥ": 138152, + "индивидÑĥалÑĮн": 138153, + "förder": 138154, + "Ġseçen": 138155, + "Ġseçenek": 138156, + "Ġétant": 138157, + "ĠлÑİбим": 138158, + "казÑĭваеÑĤ": 138159, + "วิà¸Ļ": 138160, + "Ġ×Ķ×ij×IJ×Ļ×Ŀ": 138161, + "Ġдов": 138162, + "ĠдоволÑĮ": 138163, + "ĠдоволÑĮно": 138164, + "×¢×ĵ×Ļ×£": 138165, + "Ġokre": 138166, + "ĠokreÅĽ": 138167, + "ĠokreÅĽlon": 138168, + "ĠترÙĬد": 138169, + "à¹Ģมืà¹Īà¸Ńวัà¸Ļà¸Ĺีà¹Ī": 138170, + "ãĤĪãģĭãģ£ãģŁ": 138171, + "Cumh": 138172, + "Cumhur": 138173, + "Cumhurba": 138174, + "CumhurbaÅŁ": 138175, + "CumhurbaÅŁkan": 138176, + "CumhurbaÅŁkanı": 138177, + "Ġnợ": 138178, + "à¸ľà¸¹à¹īà¹Ģลà¹Īà¸Ļ": 138179, + "Ġcomplète": 138180, + "à¹Ģà¸ŀศ": 138181, + "دÙIJ": 138182, + "Ġdüz": 138183, + "Ġdüzey": 138184, + "ãģ§ãģĤãĤĭãģĵãģ¨": 138185, + "extérieur": 138186, + "׳": 138187, + "Ġinformação": 138188, + "ãĤ¯ãĥªãĥĭãĥĥãĤ¯": 138189, + "ĠPubli": 138190, + "ĠPublié": 138191, + "ר×ķ×ĵ": 138192, + "à¸Ħà¸§à¸²à¸¡à¸Ľà¸¥à¸Ńà¸Ķà¸łà¸±à¸¢": 138193, + "ĠØ£ÙĬض": 138194, + "ĠØ£ÙĬضÙĭا": 138195, + "تسبب": 138196, + "ãģ¤ãĤĤãĤĬ": 138197, + "изма": 138198, + "à¸Ĥึà¹īà¸Ļà¹Ħà¸Ľ": 138199, + "ÙĥÙIJ": 138200, + "ÙĦÙĪÙħ": 138201, + "Ġשצר": 138202, + "Ġשצר×Ļ×ļ": 138203, + "ãģ¯ãĤĤãģ¡ãĤįãĤĵ": 138204, + "Ġкан": 138205, + "Ġканал": 138206, + "ãģ«ãģªãģ£ãģ¦ãģĦãģ¾ãģĻ": 138207, + "ĠاÙĦØ£Ùĥثر": 138208, + "تاØŃ": 138209, + "ÙĨتÙĩ": 138210, + "ÙĨتÙĩاء": 138211, + "اÙĪÙĬØ©": 138212, + "ĠBugün": 138213, + "нÑģкого": 138214, + "à¸Ķà¹Īวà¸Ļ": 138215, + "évolution": 138216, + "ãģ£ãģ¦ãģĦãģ¾ãģĹãģŁ": 138217, + "ãĤħ": 138218, + "ĠVương": 138219, + "à¸łà¸²à¸ŀย": 138220, + "à¸łà¸²à¸ŀยà¸Ļ": 138221, + "à¸łà¸²à¸ŀยà¸Ļà¸ķรà¹Į": 138222, + "Ġ×Ķצ׾×Ļ×Ĺ": 138223, + "ĠاÙĦإسÙĦاÙħÙĬ": 138224, + "ÙĦÙĬب": 138225, + "Ġedição": 138226, + "ÑģÑĤÑĢел": 138227, + "Ġkhúc": 138228, + "ÙĨÙħÙĪØ°": 138229, + "ÙĨÙħÙĪØ°Ø¬": 138230, + "׾צ×Ķ": 138231, + "ÑģÑĤавил": 138232, + "à¸ĸา": 138233, + "สรà¹īาà¸ĩà¸Ħวาม": 138234, + "ãģĦãģ£ãģ±": 138235, + "ãģĦãģ£ãģ±ãģĦ": 138236, + "ÑģÑĤавлен": 138237, + "ĠاÙĦÙĤدس": 138238, + "Ġngược": 138239, + "بخ": 138240, + "สหร": 138241, + "สหรั": 138242, + "สหรัà¸IJ": 138243, + "Ġأغ": 138244, + "Ġأغسط": 138245, + "Ġأغسطس": 138246, + "ãģĨãģ¾": 138247, + "ãģĨãģ¾ãģı": 138248, + "ĠêµŃìłľ": 138249, + "ØŃضار": 138250, + "Ġdừng": 138251, + "æĬ¼ãģĹ": 138252, + "تÙĪØ§": 138253, + "تÙĪØ§Ø¬Ø¯": 138254, + "ש×ŀ×Ĺ×Ķ": 138255, + "ãģıãĤĵ": 138256, + "Ġ×ijעצ": 138257, + "Ġ×ijעצ×Ŀ": 138258, + "×ŀ׳×Ļ×ķת": 138259, + "×ķ×Ļ×ĵ": 138260, + "×ķ×Ļ×ĵ×IJ×ķ": 138261, + "à¸Ĭิà¸ĩ": 138262, + "ĠpracÄĻ": 138263, + "ĠзаÑĤ": 138264, + "ĠзаÑĤем": 138265, + "ĠìŀIJìľł": 138266, + "Ġì¤Ģ": 138267, + "Ġì¤Ģë¹Ħ": 138268, + "ĠbáºŃ": 138269, + "ĠbáºŃc": 138270, + "Ġ×Ķ×ŀצ×ij": 138271, + "ĠÙĤÙĬÙħØ©": 138272, + "à¹Ģà¸Ńà¹Ģà¸Ĭ": 138273, + "à¹Ģà¸Ńà¹Ģà¸Ĭีย": 138274, + "Ġperchè": 138275, + "ĠاÙĦعسÙĥر": 138276, + "ĠاÙĦعسÙĥرÙĬØ©": 138277, + "جÙĬب": 138278, + "ëŀµ": 138279, + "ÙħÙĩر": 138280, + "ÙħÙĩرجاÙĨ": 138281, + "ÙħراÙĥ": 138282, + "ÙħراÙĥز": 138283, + "Ġоднако": 138284, + "à¸Ķีà¹Ĩ": 138285, + "Ġצפ×ķ": 138286, + "Ġkullanılan": 138287, + "Ġкино": 138288, + "ãĥĨãĤ£ãĥ³ãĤ°": 138289, + "ĠGiỼi": 138290, + "تÙĪØ²": 138291, + "تÙĪØ²ÙĬع": 138292, + "ยิà¸Ļ": 138293, + "ยิà¸Ļà¸Ķี": 138294, + "ĠcÅĵur": 138295, + "ĠiÅŁaret": 138296, + "Ġ×ij×¢×ĸר": 138297, + "Ġ×ij×¢×ĸרת": 138298, + "ĠпаÑĨи": 138299, + "ĠпаÑĨиенÑĤ": 138300, + "ãģ¿ãģŁãģĦãģ§ãģĻ": 138301, + "вез": 138302, + "лина": 138303, + "оде": 138304, + "Ġ×IJ×ķ×ª×Ł": 138305, + "dıģınız": 138306, + "ĠÐIJв": 138307, + "ĠÐIJвÑĤоÑĢ": 138308, + "ï¼®": 138309, + "ĠCần": 138310, + "ĠاÙĦاخ": 138311, + "ĠاÙĦاخبار": 138312, + "Ġê±°ìĿĺ": 138313, + "Ġatenção": 138314, + "ĠgeldiÄŁi": 138315, + "ãĤªãĤ¹": 138316, + "ãĤªãĤ¹ãĤ¹": 138317, + "ãĤªãĤ¹ãĤ¹ãĥ¡": 138318, + "евÑĭе": 138319, + "кÑĢÑĭл": 138320, + "à¹Ģà¸Ĭียà¸ĩ": 138321, + "à¹Ģà¸Ĭียà¸ĩà¹ĥหมà¹Ī": 138322, + "Ġmarço": 138323, + "ĠاÙĦÙħادة": 138324, + "Ġгол": 138325, + "Ġsprzedaży": 138326, + "Ġíķ´ê²°": 138327, + "ĠÐķго": 138328, + "ê¹Ģ": 138329, + "Ġ׾ק×ij×ľ×ª": 138330, + "ĠاÙĦÙģÙĨاÙĨ": 138331, + "Ġcomunicación": 138332, + "à¹Ģสà¹īà¸Ļà¸Ĺาà¸ĩ": 138333, + "íĺ¹": 138334, + "à¸Ĭำ": 138335, + "à¸Ĭำระ": 138336, + "Ġ׼×IJ×ŀ": 138337, + "Ġ׼×IJ×ŀ×ķר": 138338, + "à¸Ĭà¹Īาà¸ĩ": 138339, + "زÙĩر": 138340, + "Ġklientów": 138341, + "иваÑİÑĤ": 138342, + "анг": 138343, + "׳×ļ": 138344, + "Ġgá»įn": 138345, + "ÃľR": 138346, + "ìĺģìĥģ": 138347, + "Ġغزة": 138348, + "ìĿĮìĿĦ": 138349, + "Ġbezpo": 138350, + "ĠbezpoÅĽ": 138351, + "ĠbezpoÅĽredni": 138352, + "ĠاÙĦÙħÙĪØ§": 138353, + "ĠاÙĦÙħÙĪØ§Ø·ÙĨ": 138354, + "ĠاÙĦÙħÙĪØ§Ø·ÙĨÙĬÙĨ": 138355, + "ãĤĮãģ¾ãģĻ": 138356, + "ĠмаÑĤÑĩ": 138357, + "×IJ×ķף": 138358, + "ĠرسÙħÙĬ": 138359, + "ĠÑįкон": 138360, + "ĠÑįконом": 138361, + "ĠÑįкономиÑĩеÑģк": 138362, + "ãĥľãĥ¼": 138363, + "ĠдиÑĢ": 138364, + "ĠдиÑĢекÑĤоÑĢ": 138365, + "ĠÑģкоÑĢо": 138366, + "à¸ļำ": 138367, + "à¸ļำร": 138368, + "à¸ļำรุà¸ĩ": 138369, + "ĠÑĦÑĥÑĤ": 138370, + "ĠÑĦÑĥÑĤбол": 138371, + "Ġ×IJ×Ļ׾": 138372, + "Ġì¤ijêµŃ": 138373, + "ìľ¤": 138374, + "eÄŁe": 138375, + "à¹Ħà¸ģà¹Ī": 138376, + "traî": 138377, + "traîn": 138378, + "ĠÑĤÑĢÑĥб": 138379, + "à¹Ģà¸ļื": 138380, + "à¹Ģà¸ļืà¹īà¸Ńà¸ĩ": 138381, + "à¹ģมà¸Ļ": 138382, + "ĠتØŃدÙĬØ«": 138383, + "Ġ×Ľ×¢×ª": 138384, + "ØŃاسب": 138385, + "lıģa": 138386, + "×§×Ļ×Ļ×ŀ×Ļ×Ŀ": 138387, + "оÑģÑĤÑĮÑİ": 138388, + "à¸Ŀั": 138389, + "à¸Ŀัà¹Īà¸ĩ": 138390, + "شغÙĦ": 138391, + "ìĽ¹": 138392, + "Ġкаждого": 138393, + "Ġbölümü": 138394, + "หà¸Ļี": 138395, + "ĠistediÄŁi": 138396, + "Ġtrưng": 138397, + "ãĥĮ": 138398, + "ฮà¸Ń": 138399, + "Ø£ÙĨØ´": 138400, + "Ø£ÙĨشطة": 138401, + "ĠاÙĦÙħسÙĬ": 138402, + "ĠاÙĦÙħسÙĬØŃ": 138403, + "ลัà¸ģษà¸ĵà¹Į": 138404, + "Ġná»Ńa": 138405, + "à¸Ĺีà¹Īà¸ķà¹īà¸Ńà¸ĩà¸ģาร": 138406, + "ÑĪек": 138407, + "лÑij": 138408, + "Ġש×Ļ×Ķ": 138409, + "Ġש×Ļ×Ķ×Ļ×Ķ": 138410, + "Ġkhuôn": 138411, + "ĠÑĤÑĢебованиÑı": 138412, + "Ġ×ľ×¢×ĸ×ķר": 138413, + "ĠاÙĦعÙħر": 138414, + "ราà¸Ħาà¸ĸูà¸ģ": 138415, + "ÙĩÙıÙħÙĴ": 138416, + "üst": 138417, + "üstü": 138418, + "Ġденег": 138419, + "Ġnạ": 138420, + "à¸Ĥà¸Ļม": 138421, + "Ġблаг": 138422, + "Ġблагод": 138423, + "ĠблагодаÑĢ": 138424, + "ĠблагодаÑĢÑı": 138425, + "إسÙĦاÙħ": 138426, + "à¸Ļิว": 138427, + "çŁ¥ãĤīãģªãģĦ": 138428, + "Ø«ÙĤØ©": 138429, + "ĠголоÑģ": 138430, + "×IJ×ķר×Ĺ": 138431, + "Ġtrứng": 138432, + "Ġодном": 138433, + "ĠkoÅĦcu": 138434, + "Ġ×ķרק": 138435, + "WiÄĻ": 138436, + "WiÄĻcej": 138437, + "Ġ×IJ×Ļ׼×ķת": 138438, + "Ġ×IJ×Ļ׼×ķת×Ļ": 138439, + "ÑģоÑģ": 138440, + "Ġjeżeli": 138441, + "以ä¸ĭãģ®": 138442, + "å°ıãģķ": 138443, + "å°ıãģķãģª": 138444, + "ологии": 138445, + "ĠобÑģлÑĥж": 138446, + "ĠобÑģлÑĥжива": 138447, + "Ùĥتابة": 138448, + "Ġê´Ģìĭ¬": 138449, + "עש×Ļר": 138450, + "Ġarasındaki": 138451, + "ĠÑĢайона": 138452, + "ÙĪØ§Ø¬Ø¨": 138453, + "Ġ×ij×Ĺ×Ļ×Ļ": 138454, + "íķ´ì£¼": 138455, + "Ġgóc": 138456, + "айл": 138457, + "ĠTình": 138458, + "æļ®ãĤī": 138459, + "æļ®ãĤīãģĹ": 138460, + "æĻĤãģ«ãģ¯": 138461, + "ĠгоÑĢоде": 138462, + "Ġ׼×IJ×Ļ׾": 138463, + "Ġ׼×IJ×Ļ׾×ķ": 138464, + "ĠCá»Ļng": 138465, + "ãģ©ãģĨãģĹãģ¦ãĤĤ": 138466, + "×Ĺ×ķ×£": 138467, + "تØŃرÙĥ": 138468, + "ĠÑģловам": 138469, + "à¸Īะà¸Ĭà¹Īวย": 138470, + "ĠاÙĦÙħستÙĤبÙĦ": 138471, + "ÙĤض": 138472, + "ÙĤضÙĬ": 138473, + "×ijס×ķפ": 138474, + "×ijס×ķפ×ķ": 138475, + "iÄĻÄĩ": 138476, + "ĠYıl": 138477, + "Ø´ÙĬØ®": 138478, + "à¸Ħุà¸ĵà¸Īะ": 138479, + "ש×ŀ×ķת": 138480, + "Ġتعرض": 138481, + "Ġanálise": 138482, + "ĠÑģобиÑĢа": 138483, + "à¹Ģà¸ŀà¸Ĭ": 138484, + "à¹Ģà¸ŀà¸Ĭร": 138485, + "Ġвели": 138486, + "Ġвелик": 138487, + "สัà¹īà¸Ļ": 138488, + "Ġpopulação": 138489, + "รà¹Īวมà¸ģัà¸Ļ": 138490, + "×Ĺ×ŀ": 138491, + "×Ĺ×ŀ×Ļש×Ļ": 138492, + "ס×Ļס": 138493, + "åĨħãģ§": 138494, + "ĠsobÄħ": 138495, + "ĠYay": 138496, + "ĠYayın": 138497, + "ãĥ¡ãĥĭãĥ¥ãĥ¼": 138498, + "ĠпÑĢедоÑģÑĤавлÑı": 138499, + "ãģłã썿ĢĿãģĨ": 138500, + "Ġê³łê°Ŀ": 138501, + "Ġодним": 138502, + "à¹ĥà¸Ļà¹Ģรืà¹Īà¸Ńà¸ĩ": 138503, + "Ġsá»ķ": 138504, + "ĠÐĹдеÑģÑĮ": 138505, + "ĠизменениÑı": 138506, + "ĠìĿ¼ìĿĦ": 138507, + "ãģªãģ®ãģł": 138508, + "кладÑĭва": 138509, + "ÑĢма": 138510, + "Ġ×ķ×ij׼׾": 138511, + "تأÙħÙĬÙĨ": 138512, + "ĠпÑĢиÑıÑĤ": 138513, + "ĠпÑĢиÑıÑĤн": 138514, + "ÙħÙħار": 138515, + "ÙħÙħارسة": 138516, + "ãģ¨ãģªãģ£ãģ¦": 138517, + "ĠجÙħÙĬÙĦ": 138518, + "Ġì§Ī": 138519, + "Ġì§Ī문": 138520, + "Ġquestão": 138521, + "ié": 138522, + "iéndo": 138523, + "หà¹īà¸Ńà¸ĩà¸ŀัà¸ģ": 138524, + "ãĥijãĥ¼ãĥĪ": 138525, + "ÑĤвеÑĢжда": 138526, + "нÑģкой": 138527, + "зал": 138528, + "มุà¹Īà¸ĩ": 138529, + "á»Ĭ": 138530, + "Ġ×Ķ×IJ×Ĺר×ķ׳×Ķ": 138531, + "ĠThư": 138532, + "주민": 138533, + "ĠاÙĦعب": 138534, + "évén": 138535, + "événement": 138536, + "ÙĤÙĪØ§Ø¹Ø¯": 138537, + "دÙı": 138538, + "ĠìķĬìĬµëĭĪëĭ¤": 138539, + "Ġ보기": 138540, + "Ġyapılması": 138541, + "à¹Ģราà¸ģ": 138542, + "à¹Ģราà¸ģà¹ĩ": 138543, + "ØŃذر": 138544, + "ÙĤصر": 138545, + "ãģ¦ãģĹãģ¾ãģĦãģ¾ãģĹãģŁ": 138546, + "Ġà¹Ģà¸Ľà¹ĩà¸Ļà¸ķà¹īà¸Ļ": 138547, + "ãģ¨ãģ«": 138548, + "ãģ¨ãģ«ãģĭ": 138549, + "ãģ¨ãģ«ãģĭãģı": 138550, + "нÑĨе": 138551, + "звÑĥк": 138552, + "ãģĹãĤĪãģĨãģ¨": 138553, + "ĠاÙĦصØŃÙĬØ©": 138554, + "Ġש×Ķ×Ļ×ķ": 138555, + "ĠDiÄŁer": 138556, + "ÙĤÙĦÙĤ": 138557, + "ãĤ¸ãĥ£ãĥ³": 138558, + "Ġrá»Ŀi": 138559, + "ĠлеÑĩ": 138560, + "ĠлеÑĩениÑı": 138561, + "تباد": 138562, + "تبادÙĦ": 138563, + "צפ×Ķ": 138564, + "à¸Ħวามà¹Ģหà¹ĩà¸Ļ": 138565, + "Ġشب": 138566, + "ĠشبÙĥØ©": 138567, + "ר×Ļ×§": 138568, + "Ùħعد": 138569, + "Ùħعدات": 138570, + "dıģında": 138571, + "Ġ×ijש׳×Ļ×Ŀ": 138572, + "Ġ×Ķ×Ļשר×IJ׾": 138573, + "Ġ×Ķ×Ļשר×IJ׾×Ļת": 138574, + "Ġsınav": 138575, + "׳צ×Ļ×Ĵ": 138576, + "วัà¸ķà¸ĸุ": 138577, + "ĠاÙĦبرÙĦÙħ": 138578, + "ĠاÙĦبرÙĦÙħاÙĨ": 138579, + "tivitÃł": 138580, + "ãĤĵãģłãĤįãģĨ": 138581, + "×§×Ļ×Ļ×ŀ": 138582, + "ÙĦÙĬÙĥ": 138583, + "ĠÄijò": 138584, + "ĠÄijòi": 138585, + "ĠÐĺнÑĤеÑĢ": 138586, + "ĠÐĺнÑĤеÑĢнеÑĤ": 138587, + "ãģ«ãģ¨ãģ£ãģ¦ãģ¯": 138588, + "ãģ£ãģĵ": 138589, + "×§×ķס": 138590, + "ستØŃÙĤ": 138591, + "æķĻãģĪãģ¦": 138592, + "ãĥĢãĥ¡": 138593, + "ĠÙħÙĨزÙĦ": 138594, + "à¹Ģà¸ĭà¹ĩà¸Ļ": 138595, + "使ãģĪãĤĭ": 138596, + "è¦ĭç©į": 138597, + "è¦ĭç©įãĤĤãĤĬ": 138598, + "Ø£Ùģ": 138599, + "Ø£ÙģÙĥار": 138600, + "ĠигÑĢов": 138601, + "ĠигÑĢовÑĭе": 138602, + "ĠmÄĻż": 138603, + "ĠmÄĻżczy": 138604, + "ĠmÄĻżczyzn": 138605, + "ĠاÙĦØŃÙĤÙĬÙĤÙĬ": 138606, + "عبر": 138607, + "׼×ķ׾׳×ķ": 138608, + "íĿ¥": 138609, + "×ŀ×IJ×ķ×Ĺר": 138610, + "ختص": 138611, + "ãĥŀãĥŀ": 138612, + "Ġ×IJ×Ĺ×ķ×ĸ": 138613, + "íĮĢ": 138614, + "Ġrá»iji": 138615, + "ĠвÑĤоÑĢ": 138616, + "ĠвÑĤоÑĢой": 138617, + "Ġlẫn": 138618, + "пÑĢом": 138619, + "пÑĢомÑĭÑĪ": 138620, + "пÑĢомÑĭÑĪлен": 138621, + "пÑĢомÑĭÑĪленн": 138622, + "ĠоÑĤноÑĪениÑı": 138623, + "Ġsứ": 138624, + "ĠмобилÑĮ": 138625, + "ĠмобилÑĮн": 138626, + "ĠÑįÑĤомÑĥ": 138627, + "Ġtạp": 138628, + "ĠìĤ¬ê±´": 138629, + "ĠìķĮ볤": 138630, + "ÙĥÙı": 138631, + "ÙĥÙıÙħÙĴ": 138632, + "Ġ×§×ķר×Ķ": 138633, + "ĠÑĦиÑĢ": 138634, + "ĠÑĦиÑĢм": 138635, + "Ġsıkıntı": 138636, + "׳׼": 138637, + "׳׼×ķף": 138638, + "ÙĪÙĦÙĪØ¬ÙĬ": 138639, + "ØŃاÙĨ": 138640, + "Ġloạn": 138641, + "Ġ×IJ×ľ×£": 138642, + "Ġmắn": 138643, + "abhäng": 138644, + "abhängig": 138645, + "ĠÑĥÑĢовнÑı": 138646, + "Ġ׾×ij×ĵ×ķ×§": 138647, + "ÙĬÙħÙĨ": 138648, + "layın": 138649, + "Ġhải": 138650, + "Ġзавод": 138651, + "ĠìķĦ주": 138652, + "สà¸ĸา": 138653, + "สà¸ĸาà¸ļัà¸Ļ": 138654, + "Ġgüvenlik": 138655, + "à¹Ģà¸Ķà¹Īà¸Ļ": 138656, + "×ij×ĵ×§": 138657, + "ĠëĪ": 138658, + "ĠëĪĦ": 138659, + "ĠëĪĦ구": 138660, + "éĩįè¦ģãģª": 138661, + "รà¸Ńà¸ĩรัà¸ļ": 138662, + "schlie": 138663, + "schlieÃŁen": 138664, + "Ġìĸ¼": 138665, + "Ġìĸ¼ë§Ī": 138666, + "Ġìĸ¼ë§ĪëĤĺ": 138667, + "ÑĤики": 138668, + "íķľëĭ¤ê³ł": 138669, + "ãģłãģ£ãģŁãĤī": 138670, + "Ġ×Ķ×Ļ×ĺ×ij": 138671, + "ãģªãģijãĤĮãģ°ãģªãĤīãģªãģĦ": 138672, + "âÌ": 138673, + "ậ": 138674, + "Ġphạt": 138675, + "akÄ±ÅŁ": 138676, + "ãģ¦ãģĹãģ¾ãģĦãģ¾ãģĻ": 138677, + "à¹Ģà¸ĭà¹ĩ": 138678, + "ĠСегоднÑı": 138679, + "Ġinsanların": 138680, + "Ġdéveloppe": 138681, + "תפר": 138682, + "תפר×Ļ×ĺ": 138683, + "اÙĨتشار": 138684, + "ê°ij": 138685, + "François": 138686, + "Ø£ÙĦع": 138687, + "Ø£ÙĦعاب": 138688, + "ãĤĴè¶ħ": 138689, + "ãĤĴè¶ħãģĪ": 138690, + "Ġê°ĻìĬµëĭĪëĭ¤": 138691, + "ãĤ³ãĥ¬": 138692, + "ĠмеÑģÑıÑĨев": 138693, + "íĮħ": 138694, + "ĠاÙĦجاÙħعة": 138695, + "ìĿ¸íĦ°": 138696, + "ìĿ¸íĦ°ëĦ·": 138697, + "×ĵר×ķש": 138698, + "ĠÙĪØ£Ø´Ø§Ø±": 138699, + "ĠпÑĢавила": 138700, + "ãģĿãģĵãģ«": 138701, + "×Ĺ×ŀ×ĵ": 138702, + "à¹Ģหà¸ķุà¸ģารà¸ĵà¹Į": 138703, + "Ġê²½íĹĺ": 138704, + "ãģ¶ãĤĬ": 138705, + "׾ש": 138706, + "׾ש×ķף": 138707, + "à¹Ģà¸ĸ": 138708, + "ĠDoÄŁu": 138709, + "ĠиÑģполÑĮзование": 138710, + "ĠçocuÄŁu": 138711, + "магазине": 138712, + "ĠÄijiá»ĥn": 138713, + "Ġaslı": 138714, + "Ġaslında": 138715, + "Ġdoença": 138716, + "Ġساع": 138717, + "Ġساعات": 138718, + "ĠиÑģполÑĮзованиÑı": 138719, + "ר×ķצ×Ļ×Ŀ": 138720, + "ĠзнаÑĩиÑĤ": 138721, + "ĠÑĢам": 138722, + "ĠÑĢамкаÑħ": 138723, + "거리": 138724, + "ĠпÑĭÑĤа": 138725, + "ãĥģãĥ³": 138726, + "ĠпоÑģк": 138727, + "ĠпоÑģколÑĮ": 138728, + "ĠпоÑģколÑĮкÑĥ": 138729, + "إبر": 138730, + "إبراÙĩ": 138731, + "إبراÙĩÙĬÙħ": 138732, + "ĠÑĤÑĢеÑħ": 138733, + "ĠGenç": 138734, + "سÙĪÙģ": 138735, + "ĠveÃŃculo": 138736, + "ĠNgân": 138737, + "ĠоÑĩеÑĢедÑĮ": 138738, + "à¸Ħรึà¹Īà¸ĩ": 138739, + "×IJ×ij×Ļ": 138740, + "à¸ķà¹īม": 138741, + "ãĤĴè¡ĮãģĦ": 138742, + "ĠاÙĦسابÙĤØ©": 138743, + "наÑĨи": 138744, + "наÑĨиона": 138745, + "наÑĨионалÑĮн": 138746, + "Ġgestión": 138747, + "تÙĤد": 138748, + "ĠاÙĦبÙĬاÙĨ": 138749, + "ĠاÙĦبÙĬاÙĨات": 138750, + "ĠاÙĦاÙĨتخاب": 138751, + "ĠاÙĦاÙĨتخابات": 138752, + "à¹Ģà¸Ĭà¹Īา": 138753, + "×ĵ×IJ×Ĵ": 138754, + "Ġ׾×Ĵ×ŀר×Ļ": 138755, + "ĠتØŃتاج": 138756, + "Ġthôn": 138757, + "à¸ķà¹īà¸Ńà¸Ļ": 138758, + "à¸ķà¹īà¸Ńà¸Ļรัà¸ļ": 138759, + "女ãģ®": 138760, + "女ãģ®åŃIJ": 138761, + "Ġthợ": 138762, + "Ø·ØŃÙĨ": 138763, + "ารà¹Įà¸Ķ": 138764, + "ת×ŀ×Ļ×ĵ": 138765, + "ĠÑģамÑĭм": 138766, + "Ġìĭľíĸī": 138767, + "إصد": 138768, + "إصدار": 138769, + "ĠNghá»ĩ": 138770, + "ìķķ": 138771, + "سئ": 138772, + "سئÙĦ": 138773, + "à¸Ńาร": 138774, + "à¸Ńารม": 138775, + "à¸Ńารมà¸ĵà¹Į": 138776, + "à¹ģฮ": 138777, + "׳×ĺ׾": 138778, + "Ġì¢ĭìķĦ": 138779, + "×ķ׾׾": 138780, + "Ġ×ij×Ľ×ª×ij": 138781, + "ãĤ«ãĥ©": 138782, + "צע×Ļר×Ļ×Ŀ": 138783, + "تعبÙĬر": 138784, + "Ġ×ŀקר×Ķ": 138785, + "ĠÑĦакÑĤоÑĢ": 138786, + "ĠتÙħاÙħ": 138787, + "ĠتÙħاÙħا": 138788, + "ëįķ": 138789, + "Ġvưá»Ŀ": 138790, + "Ġvưá»Ŀn": 138791, + "ĠdÄ±ÅŁÄ±": 138792, + "ãģĦãģ¡": 138793, + "Ġ׾ק׳×ķת": 138794, + "ĠاÙĦعÙĦاÙĤات": 138795, + "пÑĥб": 138796, + "пÑĥбли": 138797, + "Ø¥ÙĬÙħ": 138798, + "Ø¥ÙĬÙħاÙĨ": 138799, + "à¸Ńำà¸Ļา": 138800, + "à¸Ńำà¸Ļาà¸Ī": 138801, + "åIJ«ãģ¾ãĤĮ": 138802, + "ãĤĭãģŁãĤģãģ«": 138803, + "ס×Ĵ": 138804, + "ס×Ĵ׳×ķף": 138805, + "تØŃدÙĬ": 138806, + "Ġauprès": 138807, + "ĠاÙĦجÙĩا": 138808, + "ĠاÙĦجÙĩاز": 138809, + "Ġ×ŀת×Ĺת": 138810, + "еннÑĥÑİ": 138811, + "Ġзим": 138812, + "à¸ģาà¹ģà¸Ł": 138813, + "Ġ×ijת×ķר": 138814, + "Ġnghè": 138815, + "Ġnghèo": 138816, + "ĠÐĽÑİ": 138817, + "ĠÐĽÑİб": 138818, + "תקצ×Ļ×ij": 138819, + "×ŀעש×Ķ": 138820, + "ĠاÙĦبÙĬت": 138821, + "צ×Ļפ": 138822, + "ĠобÑıзан": 138823, + "ĠMá»Ĺi": 138824, + "ĠТÑĥÑĢ": 138825, + "ĠÙĪØ¨Ø§ÙĦت": 138826, + "ĠÙĪØ¨Ø§ÙĦتاÙĦÙĬ": 138827, + "Ġdécision": 138828, + "Ġبد": 138829, + "Ġبدأت": 138830, + "Ġcục": 138831, + "Ġbask": 138832, + "Ġbaskı": 138833, + "Ġhatırl": 138834, + "Ġhatırla": 138835, + "å°ıãģķãģĦ": 138836, + "Ġgerçekten": 138837, + "à¸ľà¸±à¸ģ": 138838, + "åı¯èĥ½ãģª": 138839, + "×ŀ×IJס": 138840, + "ĠcrÃŃtica": 138841, + "ĠìĿĺìĽIJ": 138842, + "عÙĤÙĪØ¯": 138843, + "×ĺ׼׳": 138844, + "×ĺ׼׳×ķ׾×ķ×Ĵ×Ļ×Ķ": 138845, + "è¨ĢãģĪãģ°": 138846, + "ĠÙĤÙĨا": 138847, + "ĠÙĤÙĨاة": 138848, + "ĠìĿ´ê²ĥìĿĢ": 138849, + "تصر": 138850, + "à¸Łà¸±à¸Ļ": 138851, + "ĠÑĢеÑĨеп": 138852, + "ĠÑĢеÑĨепÑĤ": 138853, + "ĠبÙĨÙ쨳": 138854, + "ÑĢоÑĪ": 138855, + "ĠмаÑĢÑĤа": 138856, + "Ġsonras": 138857, + "Ġsonrası": 138858, + "×ķ×ijש": 138859, + "ãĥªãĤ¹ãĤ¯": 138860, + "ĠFrançais": 138861, + "á»ļ": 138862, + "ê°Ķ": 138863, + "Ġ×Ķ×ijר×Ļת": 138864, + "פ×Ļצ": 138865, + "פ×Ļצ×ķ×Ļ": 138866, + "ĠÙĦÙħاذا": 138867, + "ĠÐļиев": 138868, + "ĠÑģмÑĭÑģл": 138869, + "ê¸Īìľµ": 138870, + "ãĤ·ãĥ£ãĥ«": 138871, + "ãĥ©ãĤ¤ãĥĪ": 138872, + "ìĽĥ": 138873, + "×ŀ×Ĺר": 138874, + "ãĨį": 138875, + "Ġkullanım": 138876, + "Ġ×IJצ׾׳×ķ": 138877, + "ĠtÃłn": 138878, + "ãĥıãĥ¼": 138879, + "ãģ¨ãģ¨ãĤĤ": 138880, + "ãģ¨ãģ¨ãĤĤãģ«": 138881, + "ÑĢег": 138882, + "ÑĢеги": 138883, + "ÑĢегион": 138884, + "ãģªãģıãģªãĤĭ": 138885, + "Ġchảy": 138886, + "ĠجÙĩØ©": 138887, + "ÅĦskiej": 138888, + "à¸Ńีà¹Ģม": 138889, + "à¸Ńีà¹Ģมล": 138890, + "ãģįãģ£ãģ¨": 138891, + "ĠìĺĪìĤ°": 138892, + "Ġkitabı": 138893, + "Ġeducação": 138894, + "ĠbuluÅŁ": 138895, + "ологиÑı": 138896, + "ĠконкÑĢ": 138897, + "ĠконкÑĢеÑĤ": 138898, + "×Ĵ×Ļר": 138899, + "ĠпÑĢедлаг": 138900, + "ĠпÑĢедлагаеÑĤ": 138901, + "ĠYên": 138902, + "Ġíķľë²Ī": 138903, + "Ġ×ŀר׼×ĸ×Ļ": 138904, + "à¹Ģà¸Ľà¸´à¸Ķà¹Ģà¸ľà¸¢": 138905, + "ÑĤвеÑĢд": 138906, + "ĠHá»ĩ": 138907, + "ĠÐĵÑĢ": 138908, + "à¸Ŀà¹īา": 138909, + "×Ķשק": 138910, + "×Ķשקע×Ķ": 138911, + "ĠнаÑĥк": 138912, + "ìłIJìĿĦ": 138913, + "ĠнелÑĮ": 138914, + "ĠнелÑĮз": 138915, + "ĠнелÑĮзÑı": 138916, + "гин": 138917, + "ĠBöl": 138918, + "ĠBölge": 138919, + "Ġвла": 138920, + "ĠвлаÑģÑĤи": 138921, + "à¹Ģà¸Ļà¹ĩ": 138922, + "à¹Ģà¸Ļà¹ĩà¸ķ": 138923, + "골": 138924, + "Ġöld": 138925, + "Ġöldür": 138926, + "×Ľ×ł×¢": 138927, + "ĠاÙĦÙĩÙĬئة": 138928, + "تارÙĬØ®": 138929, + "ĠÐijÑĢ": 138930, + "ĠÑģмож": 138931, + "ĠÑģможеÑĤе": 138932, + "ĠLúc": 138933, + "à¹Ħà¸Ľà¸ĸึà¸ĩ": 138934, + "ĠBakanı": 138935, + "Ġerklärt": 138936, + "ĠÐIJна": 138937, + "Ġscène": 138938, + "åķıãģĦ": 138939, + "åķıãģĦåIJĪãĤıãģĽ": 138940, + "ÙħÙĩÙĨد": 138941, + "ÙħÙĩÙĨدس": 138942, + "Ġназвание": 138943, + "иваниÑı": 138944, + "ãĤĴå¤īãģĪ": 138945, + "ä»ĺãģįåIJĪ": 138946, + "ãĥijãĤ½": 138947, + "ãĥijãĤ½ãĤ³ãĥ³": 138948, + "æĺİãĤī": 138949, + "æĺİãĤīãģĭ": 138950, + "à¹Ģà¸Ńà¸ģสาร": 138951, + "à¹Ģà¸ģิà¸Ļà¹Ħà¸Ľ": 138952, + "леп": 138953, + "ãģĹãģŁãĤĤãģ®": 138954, + "ĠCâm": 138955, + "ĠCâmara": 138956, + "×§×ķ׾׳×ķ×¢": 138957, + "Ġ×ij×Ĵ×Ļף": 138958, + "Ġoczy": 138959, + "ĠoczywiÅĽcie": 138960, + "attivitÃł": 138961, + "ãĥĵãĥ¥ãĥ¼": 138962, + "Ġeducación": 138963, + "İYE": 138964, + "ê¹ĮìļĶ": 138965, + "ãĤ¨ãĥªãĤ¢": 138966, + "неÑģÑĤи": 138967, + "Ġmóg": 138968, + "ĠmógÅĤ": 138969, + "Ġ×§×ĺ׳×Ļ×Ŀ": 138970, + "ĠPrä": 138971, + "Ġ×ľ×¢×ij×ķר": 138972, + "بÙĨÙī": 138973, + "зол": 138974, + "золоÑĤ": 138975, + "ĠwnÄĻtr": 138976, + "ĠwnÄĻtrz": 138977, + "Ġconstrução": 138978, + "รัà¸ļรà¸Ńà¸ĩ": 138979, + "سجÙĨ": 138980, + "Ġ×§×ķ׳": 138981, + "ס×Ļפ×ķר": 138982, + "ĠÙħدÙī": 138983, + "رضÙī": 138984, + "плав": 138985, + "ï¼¥": 138986, + "Ġila": 138987, + "Ġilaç": 138988, + "ãĤĭãģ¹ãģį": 138989, + "ĠÙħÙĪÙĤÙģ": 138990, + "à¸ģรุ": 138991, + "à¸ģรุà¸ĵา": 138992, + "chodzÄħc": 138993, + "ĠÑĤÑĭÑģ": 138994, + "ÐķвÑĢо": 138995, + "ĠÙĬØŃدث": 138996, + "ãĥ¡ãĤ¤ãĥ³": 138997, + "ĠاÙĦصØŃÙĬ": 138998, + "ĠÐĶан": 138999, + "دعاء": 139000, + "ãĤ´ãĥ¼ãĥ«": 139001, + "×©×ł×ª×Ļ": 139002, + "×©×ł×ª×Ļ×Ļ×Ŀ": 139003, + "à¸Ķà¹īวยà¸ģัà¸Ļ": 139004, + "Ġolacaģı": 139005, + "Ġ×ij×ŀ×Ĺ×Ļר": 139006, + "×Ķ×§": 139007, + "×Ķ×§×ŀת": 139008, + "ãĥ¢ãĥİ": 139009, + "ĠçalÄ±ÅŁtı": 139010, + "Ġjóvenes": 139011, + "ãģĦãģıãĤī": 139012, + "ĠÙħعدÙĦ": 139013, + "ĠCÅ©ng": 139014, + "ĠSegún": 139015, + "Ġdönemde": 139016, + "Ġ׾×Ļ×ĵ×Ļ": 139017, + "ãģįãģ¡": 139018, + "ãģįãģ¡ãĤĵ": 139019, + "ãģįãģ¡ãĤĵãģ¨": 139020, + "Ù쨱ÙĨس": 139021, + "Ù쨱ÙĨسا": 139022, + "åIJijãģį": 139023, + "Ġcampaña": 139024, + "ĠÑģамоÑģÑĤоÑı": 139025, + "ĠÑģамоÑģÑĤоÑıÑĤелÑĮно": 139026, + "á»Ģ": 139027, + "ÙĤÙĪØ§": 139028, + "سÙĦاØŃ": 139029, + "à¸ģระà¹ģ": 139030, + "à¸ģระà¹ģส": 139031, + "ĠполÑĮзÑĥ": 139032, + "nqu": 139033, + "nquête": 139034, + "รà¹Īวมà¸ģัà¸ļ": 139035, + "ëĬIJëĥIJ": 139036, + "à¸Ĺีมà¸Ĭาà¸ķิ": 139037, + "Ġyıllık": 139038, + "ìĬ¬": 139039, + "ĠأصØŃاب": 139040, + "illé": 139041, + "Ġdóla": 139042, + "Ġdólares": 139043, + "Ġкож": 139044, + "Ġкожи": 139045, + "ลà¹īà¸Ń": 139046, + "à¹Ģรียà¸ļร": 139047, + "à¹Ģรียà¸ļรà¹īà¸Ńย": 139048, + "à¹Ģà¸ŀิ": 139049, + "à¹Ģà¸ŀิà¹Īà¸ĩ": 139050, + "ÑĢиÑĤоÑĢи": 139051, + "Ġíijľ": 139052, + "ĠíijľíĺĦ": 139053, + "ĠпеÑĢев": 139054, + "ĠпеÑĢевод": 139055, + "פ×Ĵ×Ļ×¢×Ķ": 139056, + "ĠdeÄŁerlendirme": 139057, + "ÙģØ§Ø¦": 139058, + "ĠвÑĭгод": 139059, + "ınızı": 139060, + "×ķ׼×Ļ×Ĺ": 139061, + "ĠдоÑģÑĤиг": 139062, + "ĠngÃłn": 139063, + "æĢĿãģ£ãģŁ": 139064, + "ĠÐķÑģÑĤÑĮ": 139065, + "ĠاÙĦرغÙħ": 139066, + "ĠzwiÄħzane": 139067, + "ربط": 139068, + "à¸Ļึà¸ĩ": 139069, + "Ġ׾×Ĺ×ķ×§": 139070, + "Ġszczególn": 139071, + "Ġszczególnie": 139072, + "ĠباستخداÙħ": 139073, + "ĠfÃŃsico": 139074, + "עס": 139075, + "עס×ķ×§": 139076, + "سÙĦÙĪÙĥ": 139077, + "ĠاØŃد": 139078, + "ÑĩÑijÑĤ": 139079, + "×ĸ׼×Ķ": 139080, + "Ġlá»ĩnh": 139081, + "ĠÙĪØŃØª": 139082, + "ĠÙĪØŃØªÙī": 139083, + "à¸Ħวามสามารà¸ĸ": 139084, + "à¸Ńยูà¹Īà¹ģลà¹īว": 139085, + "à¸ģารà¹Ģà¸Ķิà¸Ļà¸Ĺาà¸ĩ": 139086, + "تخذ": 139087, + "צ×Ļ×ķ×ĵ": 139088, + "ĠاÙĦأس": 139089, + "ĠاÙĦأسÙĩÙħ": 139090, + "Ġtá»ĩ": 139091, + "ãģ£ãģ¦ãģĦãģ¦": 139092, + "สรุ": 139093, + "à¸ªà¸£à¸¸à¸Ľ": 139094, + "ĠкомÑĦ": 139095, + "ĠкомÑĦоÑĢÑĤ": 139096, + "ìĺ¤ëĬĶ": 139097, + "ĠÑĢазв": 139098, + "ĠÑĢазвива": 139099, + "ланд": 139100, + "hänge": 139101, + "ĠبÙĨسبة": 139102, + "à¹Ģà¸Ĥียว": 139103, + "עצ×Ŀ": 139104, + "Ġ×ľ×ľ×Ľ×ª": 139105, + "ÑģоÑĨиалÑĮн": 139106, + "Ġëĭ¤ìĿĮê³¼": 139107, + "Ġרש×ķ×ŀ": 139108, + "×ŀר×Ĺ×ij": 139109, + "سÙĤØ·": 139110, + "Ġalanı": 139111, + "ĠÄijá»ĩ": 139112, + "é£Łãģ¹ãĤĭ": 139113, + "à¸Ķึà¸ĩ": 139114, + "Ġgegenüber": 139115, + "ĠبÙĩذÙĩ": 139116, + "à¸ĸืà¸Ńà¹Ģà¸Ľà¹ĩà¸Ļ": 139117, + "ëķħ": 139118, + "à¸Ħà¸Ļà¹Ħà¸Ĺย": 139119, + "ãĤ¢ãĤ¦": 139120, + "ãĤ¢ãĤ¦ãĥĪ": 139121, + "ศัà¸ģ": 139122, + "ศัà¸ģà¸Ķิ": 139123, + "ศัà¸ģà¸Ķิà¹Į": 139124, + "ÙĤÙĪØ§ÙĨ": 139125, + "ÙĤÙĪØ§ÙĨÙĬÙĨ": 139126, + "Ġhá»Ļp": 139127, + "ãģªãģıãģªãģ£ãģ¦": 139128, + "Ġ×IJ×ŀ׳": 139129, + "Ġ×IJ×ŀ׳×Ŀ": 139130, + "à¹Ģà¸ķืà¸Ńà¸Ļ": 139131, + "ĠзавиÑģим": 139132, + "ĠзавиÑģимоÑģÑĤи": 139133, + "ת×Ļ×IJ": 139134, + "ת×Ļ×IJ×ķר": 139135, + "å§ĭãĤģãģŁ": 139136, + "Ġngá»į": 139137, + "Ġngá»įt": 139138, + "íĴį": 139139, + "ê³¼ìŀ¥": 139140, + "Ġbại": 139141, + "ãģ§ãģįãģ¦": 139142, + "Ġcomeçar": 139143, + "à¸Ľà¸£à¸²à¸ģ": 139144, + "à¸Ľà¸£à¸²à¸ģà¸ı": 139145, + "ĠгодÑĭ": 139146, + "меÑģ": 139147, + "ĠاÙĦÙħستÙĪÙī": 139148, + "ĠÑģамÑĭе": 139149, + "ллеÑĢ": 139150, + "ãģ£ãģ¦ãģĹãģ¾ãģĦãģ¾ãģĻ": 139151, + "ãģ¨ãģ®ãģĵãģ¨": 139152, + "bió": 139153, + "à¸ģลà¹Īà¸Ńà¸ĩ": 139154, + "ĠاÙĦزÙĪØ¬": 139155, + "ãģ«è¡Įãģ£ãģŁ": 139156, + "à¸Ħà¹Īà¸Ńà¸Ļ": 139157, + "à¸Ħà¹Īà¸Ńà¸Ļà¸Ĥà¹īาà¸ĩ": 139158, + "ĠbaÄŁl": 139159, + "ĠbaÄŁlant": 139160, + "ĠbaÄŁlantı": 139161, + "確ãģĭ": 139162, + "確ãģĭãģ«": 139163, + "ãĥľãĥ¼ãĥ«": 139164, + "çµĤãĤıãĤĬ": 139165, + "ש×ŀר": 139166, + "à¸Ĺีà¹Īสามารà¸ĸ": 139167, + "ÙĦزÙħ": 139168, + "даеÑĤÑģÑı": 139169, + "รัà¸ļà¸Ľà¸£à¸°": 139170, + "รัà¸ļà¸Ľà¸£à¸°à¸Ĺาà¸Ļ": 139171, + "å¤īãĤıãĤĬ": 139172, + "ï¼¢": 139173, + "ĠìĺĪìĪĺëĭĺ": 139174, + "ãĤĪãģĨãģ¨": 139175, + "มัà¸ģà¸Īะ": 139176, + "ĠHương": 139177, + "ÙĨÙ쨰": 139178, + "×ŀ×ĵ×ĵ": 139179, + "ĠìĿ¸ìłķ": 139180, + "ÑħодиÑĤÑĮ": 139181, + "ĠзавиÑģиÑĤ": 139182, + "×ķ×ĵ×Ļ×¢": 139183, + "ãģĵãģ¨ãģĮãģĤãĤĬãģ¾ãģĻ": 139184, + "عراÙĤ": 139185, + "سطØŃ": 139186, + "à¸ģำà¹Ħร": 139187, + "ëĵ¤ëıĦ": 139188, + "×Ļצ×Ļר×Ķ": 139189, + "ãģĨãģĵãģ¨": 139190, + "ÙĦاØŃÙĤ": 139191, + "ãģĦãĤĮãģ°": 139192, + "ĠиÑģполÑĮзÑĥÑİÑĤ": 139193, + "ĠBợi": 139194, + "Ġשק׾×Ļ×Ŀ": 139195, + "ÑĨикл": 139196, + "ÐIJÐŀ": 139197, + "Ġ×ijש׳×Ķ": 139198, + "ÙĨشط": 139199, + "Ġש×Ļ׳×ķ×Ļ": 139200, + "Ġש×Ļ׳×ķ×Ļ×Ļ×Ŀ": 139201, + "Ġpoblación": 139202, + "ĠHưng": 139203, + "ระว": 139204, + "ระวัà¸ĩ": 139205, + "رÙĬاضة": 139206, + "رصد": 139207, + "تÙĤÙĦÙĬ": 139208, + "تÙĤÙĦÙĬد": 139209, + "Ġülkem": 139210, + "Ġülkemiz": 139211, + "à¸Ĭะ": 139212, + "ãĤ¯ãĥªãĥ¼ãĥł": 139213, + "èģŀãģĦãģŁ": 139214, + "Ġważ": 139215, + "Ġważne": 139216, + "ê±°ëĵł": 139217, + "ê±°ëĵłìļĶ": 139218, + "×ŀ×IJ×ij×§": 139219, + "×Ĺ×ĵש×ķת": 139220, + "ĠWroc": 139221, + "ĠWrocÅĤaw": 139222, + "ĠKültür": 139223, + "sist": 139224, + "sistência": 139225, + "×¢×ĸר×Ķ": 139226, + "Ġgương": 139227, + "รà¹īาà¸Ļà¸Ħà¹īา": 139228, + "ĠÙĪØ£ÙĪØ¶ØŃ": 139229, + "ándose": 139230, + "ãĤ·ãĥ¼ãĥ³": 139231, + "×IJ׳ר×Ĵ": 139232, + "×IJ׳ר×Ĵ×Ļ×Ķ": 139233, + "ãģªãģĦãģ§ãģĻ": 139234, + "Ġkhá»§ng": 139235, + "Ġ문ìĦľ": 139236, + "Ġ×ij×ĵ×ijר": 139237, + "×ĵ×Ļ×ķ": 139238, + "×ĵ×Ļ×ķ×ķ×Ĺ": 139239, + "Ġrégl": 139240, + "ÙħÙĪØ§Ø¯": 139241, + "обоÑĢ": 139242, + "обоÑĢоÑĤ": 139243, + "Ġ×Ķ×ij׾": 139244, + "Ġ×Ķ×ij׾×ķ×Ĵ": 139245, + "ØŃاÙħ": 139246, + "ĠاÙĦعاص": 139247, + "ĠاÙĦعاصÙħØ©": 139248, + "пеÑĢаÑĤоÑĢ": 139249, + "تخÙĦ": 139250, + "تخÙĦص": 139251, + "ãģŁãģłãģĹ": 139252, + "تسÙħ": 139253, + "à¹Ĥรà¸ĩà¸ŀ": 139254, + "à¹Ĥรà¸ĩà¸ŀยา": 139255, + "à¹Ĥรà¸ĩà¸ŀยาà¸ļาล": 139256, + "ĠYük": 139257, + "ĠYüksek": 139258, + "Ġש׳×Ļת": 139259, + "Ġש׳×Ļ×ª×Ł": 139260, + "liÄŁe": 139261, + "Ġפת": 139262, + "Ġפת×ķ×Ĺ": 139263, + "ĠbeÄŁ": 139264, + "ĠbeÄŁen": 139265, + "Ġ×ŀ×ķר": 139266, + "Ġ×ŀ×ķר׼×ij": 139267, + "ĠرساÙĦØ©": 139268, + "íĨµìĭł": 139269, + "Ġavalia": 139270, + "Ġavaliações": 139271, + "Ġmanh": 139272, + "Ġmanhã": 139273, + "Ġìķŀ": 139274, + "Ġìķŀìľ¼ë¡ľ": 139275, + "ÙĤتر": 139276, + "ÙĤترØŃ": 139277, + "à¹Ģà¸ģืà¸Ń": 139278, + "à¹Ģà¸ģืà¸Ńà¸ļ": 139279, + "Ġproposé": 139280, + "Ø£Ùħا": 139281, + "Ø£ÙħاÙĥÙĨ": 139282, + "ĠÐŀÐŀ": 139283, + "ĠÐŀÐŀÐŀ": 139284, + "ÙħÙĤار": 139285, + "ÙħÙĤارÙĨØ©": 139286, + "ëĦIJ": 139287, + "ãģĦãģŁãģłãģı": 139288, + "ÙĤÙĬÙĦ": 139289, + "ĠнаÑĪиÑħ": 139290, + "ãĤ«ãĥĥãĥĹ": 139291, + "×Ĺ×ľ×ª": 139292, + "Ġëĭ¤ë§Į": 139293, + "à¸Ĺัà¹Īวà¹Ĥลà¸ģ": 139294, + "ãĥįãĤ¿": 139295, + "ØŃساس": 139296, + "ãģ«ãģªãĤĮ": 139297, + "جائ": 139298, + "جائزة": 139299, + "échange": 139300, + "économ": 139301, + "économie": 139302, + "ТÐĺ": 139303, + "×¡×ª×Ľ×ľ": 139304, + "à¸Ĺัà¹īà¸ĩสà¸Ńà¸ĩ": 139305, + "ĠاÙĦخاÙħ": 139306, + "ĠاÙĦخاÙħس": 139307, + "×§×ĺ×¢": 139308, + "auważ": 139309, + "à¸ľà¸¹à¹īà¸Ĭาย": 139310, + "à¹ģà¸Ľà¸¥à¸ģ": 139311, + "åIJĮæĻĤãģ«": 139312, + "знаниÑı": 139313, + "ãģĦãģŁãģłãģįãģ¾ãģĹãģŁ": 139314, + "Ġ×ŀ×ij׾×Ļ": 139315, + "à¸Ĥà¸Ńà¹ĥหà¹ī": 139316, + "ĠاÙĦتربÙĬØ©": 139317, + "Ġdécouvert": 139318, + "Ġżyciu": 139319, + "après": 139320, + "Ġyab": 139321, + "Ġyabanc": 139322, + "Ġyabancı": 139323, + "ĠbaÅŁlayan": 139324, + "ìĹĪëįĺ": 139325, + "Ġhesabı": 139326, + "Ġë§Įìķ½": 139327, + "ë§Īëĭ¤": 139328, + "ĠThánh": 139329, + "ãĥ´ãĤ¡": 139330, + "à¸Ľà¸£à¸±à¸ļà¸Ľà¸£": 139331, + "à¸Ľà¸£à¸±à¸ļà¸Ľà¸£à¸¸à¸ĩ": 139332, + "ĠMặc": 139333, + "à¹Ģหà¸ķà¸¸à¸ľà¸¥": 139334, + "ĠÐijез": 139335, + "ĠcapacitÃł": 139336, + "ÅĤeÅĽ": 139337, + "ĠпÑĢеим": 139338, + "ĠпÑĢеимÑĥÑīеÑģÑĤв": 139339, + "ĠÅļwiÄĻt": 139340, + "Ġpublié": 139341, + "×ŀעצ×ij": 139342, + "ÙħشارÙĥات": 139343, + "à¸łà¸²à¸©": 139344, + "à¸łà¸²à¸©à¸µ": 139345, + "Ġdeuxième": 139346, + "ĠÙħØŃاÙ쨏": 139347, + "ĠÙħØŃاÙģØ¸Ø©": 139348, + "ĠSchön": 139349, + "、": 139350, + "Ġ×Ķ×ij×¢": 139351, + "Ġ×Ķ×ij×¢×Ļ×Ķ": 139352, + "ĠÙĪØ§ÙĦÙĦÙĩ": 139353, + "è¨Ģãģ£ãģŁ": 139354, + "à¸ķà¹īาà¸Ļ": 139355, + "วรรà¸ĵ": 139356, + "à¸Ĺิศ": 139357, + "ĠbaÅŁÄ±na": 139358, + "ĠmogÄĻ": 139359, + "ש×Ļפ×ķר": 139360, + "ĠÙĪØ¹Ø¯": 139361, + "ĠÙĪØ¹Ø¯Ùħ": 139362, + "Ġhistórico": 139363, + "Ġkısı": 139364, + "ĠìĿ´ê²Į": 139365, + "ĠPolÃŃtica": 139366, + "ĠÑģиÑĤÑĥаÑĨии": 139367, + "ĠkoÅĦca": 139368, + "×ij×ĵ×Ļ×§×Ķ": 139369, + "ĠاÙĦسÙĬارات": 139370, + "ãģªãĤīãģ°": 139371, + "ãĤµãĥ©": 139372, + "ãĤĭãģĵãģ¨ãģĮãģ§ãģįãĤĭ": 139373, + "Ġdecisão": 139374, + "×ķ×ķ×ĵ": 139375, + "läss": 139376, + "lässig": 139377, + "Ġ׾×Ļשר×IJ׾": 139378, + "ĠÙĬأتÙĬ": 139379, + "ר×ķ×ĸ": 139380, + "Ã¶ÄŁ": 139381, + "Ã¶ÄŁret": 139382, + "Ã¶ÄŁretim": 139383, + "Ġдек": 139384, + "Ġдекаб": 139385, + "ĠдекабÑĢÑı": 139386, + "Ġש×Ĺ×ķר": 139387, + "ãģ¦ãģıãĤĮãģŁ": 139388, + "عبارة": 139389, + "Ġélectrique": 139390, + "ĠاÙĦتÙĨÙħÙĬØ©": 139391, + "جرÙī": 139392, + "ĠìĪĺíĸī": 139393, + "à¸Ĺู": 139394, + "ĠÑĢеалÑĮно": 139395, + "ÑģпоÑģоб": 139396, + "à¸Ħลà¹īาย": 139397, + "ĠسعÙĪØ¯": 139398, + "önü": 139399, + "ĠÙģÙħÙĨ": 139400, + "تÙĥÙĪ": 139401, + "تÙĥÙĪÙĬÙĨ": 139402, + "ĠкаÑĩеÑģÑĤво": 139403, + "ĠконÑĤак": 139404, + "ĠконÑĤакÑĤ": 139405, + "ĠsözleÅŁme": 139406, + "à¸Ńà¹īาà¸ĩ": 139407, + "ĠتÙĪÙģ": 139408, + "ĠتÙĪÙģÙĬر": 139409, + "×Ķ×ĸ×ĵ": 139410, + "×Ķ×ĸ×ĵ×ŀ׳×ķת": 139411, + "ĠØ·ÙĪÙĬÙĦØ©": 139412, + "Ġtérmino": 139413, + "Ġ×IJ×Ļפ×Ķ": 139414, + "ãĥĵãĥ«": 139415, + "สà¹Ĥม": 139416, + "สà¹Ĥมสร": 139417, + "ĠاÙĦاث": 139418, + "ĠاÙĦاثÙĨÙĬÙĨ": 139419, + "евиÑĩ": 139420, + "Ġopinión": 139421, + "à¸Ľà¸§à¸Ķ": 139422, + "åı¤ãģĦ": 139423, + "รà¹Īา": 139424, + "ĠBiaÅĤ": 139425, + "ĠÑģÑĤал": 139426, + "ĠÑģÑĤало": 139427, + "ólogo": 139428, + "ĠìķĦëĭĪëĭ¤": 139429, + "Ġ×IJ×Ļת": 139430, + "Ġ×IJ×Ļת×ķ": 139431, + "à¹Ģหà¹ĩà¸Ļวà¹Īา": 139432, + "à¸ļารà¹Į": 139433, + "çĦ¼": 139434, + "çĦ¼ãģį": 139435, + "ĠìĿ´ìļ©ìŀIJ": 139436, + "ĠнекоÑĤоÑĢÑĭе": 139437, + "ksz": 139438, + "ksztaÅĤ": 139439, + "ksztaÅĤc": 139440, + "ãĤŃãĥ£ãĥĥãĤ·": 139441, + "ãĤŃãĥ£ãĥĥãĤ·ãĥ³ãĤ°": 139442, + "ĠroÅĽ": 139443, + "ĠroÅĽlin": 139444, + "ÑĢажа": 139445, + "×ij׳×Ļ×Ļ×Ķ": 139446, + "à¸Ľà¸£à¸ªà¸´": 139447, + "à¸Ľà¸£à¸ªà¸´à¸ķ": 139448, + "Ġgördü": 139449, + "×ŀ׳×Ķ×Ļ×Ĵ": 139450, + "å¤īãĤıãģ£ãģ¦": 139451, + "Ġ×IJ×Ķ": 139452, + "Ġ×IJ×Ķ×ijת×Ļ": 139453, + "à¹Ģรà¹Īà¸ĩ": 139454, + "Ġönünde": 139455, + "Ġê·¸ëĥ¥": 139456, + "полиÑĤ": 139457, + "полиÑĤиÑĩеÑģк": 139458, + "ãĥ¡ãĥĩãĤ£": 139459, + "ãĥ¡ãĥĩãĤ£ãĤ¢": 139460, + "ĠDetay": 139461, + "ĠDetaylı": 139462, + "ĠاÙĦصÙģØŃØ©": 139463, + "à¸ģารà¹Ģà¸ĩิà¸Ļ": 139464, + "Ġìµľê·¼": 139465, + "׼ש׾": 139466, + "I": 139467, + "вÑĪего": 139468, + "íķĺìĭ¤": 139469, + "ĠÐŃÑĤ": 139470, + "ĠÐŃÑĤоÑĤ": 139471, + "สื": 139472, + "สืà¸ļ": 139473, + "Ġngừng": 139474, + "ĠдокÑĥменÑĤов": 139475, + "даваÑĤÑĮ": 139476, + "ĠاÙĦشخصÙĬØ©": 139477, + "Ġצע×Ļר": 139478, + "درÙĥ": 139479, + "سØŃب": 139480, + "à¹Ħมà¹Īà¸Ħà¹Īà¸Ńย": 139481, + "Ġ×Ķ×ŀ×§×ķ×ŀ×Ļ": 139482, + "สัà¹Īà¸ĩà¸ĭืà¹īà¸Ń": 139483, + "Ġê·¸ê²ĥìĿĦ": 139484, + "ãģĤãĤĭãģĦ": 139485, + "ãģĤãĤĭãģĦãģ¯": 139486, + "×IJ×ķ×ĺ×ķ×ij": 139487, + "×IJ×ķ×ĺ×ķ×ij×ķס": 139488, + "кÑĨион": 139489, + "ĠÐľÐ¾Ð¶Ð½Ð¾": 139490, + "ãģıãģł": 139491, + "ãģıãģłãģķ": 139492, + "ĠинÑĦоÑĢмаÑĨиÑı": 139493, + "ï»Ł": 139494, + "ĠìŀijìĹħ": 139495, + "Ġ×Ļ×ķסף": 139496, + "إدارة": 139497, + "ĠاÙĦØŃاج": 139498, + "×ł×¡×Ļ×¢×Ķ": 139499, + "изаÑĨиÑı": 139500, + "×IJ׾×ij": 139501, + "×IJ׾×ij×ķ×Ŀ": 139502, + "пед": 139503, + "Ġ×§×ĺ׳×Ķ": 139504, + "ĠÙĨÙ쨳Ùĩا": 139505, + "ĠMinistério": 139506, + "Ġпен": 139507, + "ĠпенÑģи": 139508, + "ãĥIJãĥ©ãĥ³ãĤ¹": 139509, + "Ġ×Ķת×ķר×Ķ": 139510, + "Ġtạm": 139511, + "ĠìĹŃìĭľ": 139512, + "。": 139513, + "Ġthá»±": 139514, + "Ġısı": 139515, + "컨": 139516, + "ãģĹãģ£ãģĭãĤĬãģ¨": 139517, + "Ġxưa": 139518, + "Ġcặp": 139519, + "×Ĺ×Ļ×ij×ķר": 139520, + "วัà¸Ĵà¸Ļà¸ĺรรม": 139521, + "stär": 139522, + "stärke": 139523, + "ĠÑģамÑĭй": 139524, + "pisa": 139525, + "pisaÄĩ": 139526, + "ĠoluÅŁan": 139527, + "ĠاÙĦØ¥ÙħاÙħ": 139528, + "ĠcÄĥng": 139529, + "Ġgünl": 139530, + "Ġgünlük": 139531, + "Ġ׳ש×IJר": 139532, + "Ġkhiá»ĥn": 139533, + "ç¶ļãģijãĤĭ": 139534, + "stitución": 139535, + "Ġcapacité": 139536, + "Ġjaki": 139537, + "ĠjakiÅĽ": 139538, + "вÑĪиÑģ": 139539, + "вÑĪиÑģÑĮ": 139540, + "פע×ķ׾×ķת": 139541, + "ĠØŃÙĬات": 139542, + "ĠØŃÙĬاتÙĩ": 139543, + "Ġникогда": 139544, + "ÐĽÐ¬": 139545, + "Ġ×Ķ×¢×ķ×ij": 139546, + "Ġ×Ķ×¢×ķ×ij×ĵ×Ķ": 139547, + "ĠchÃło": 139548, + "หลายà¹Ĩ": 139549, + "ĠÑıн": 139550, + "ĠÑıнваÑĢ": 139551, + "ĠÑıнваÑĢÑı": 139552, + "à¸Īำà¹Ģà¸Ľà¹ĩà¸Ļà¸ķà¹īà¸Ńà¸ĩ": 139553, + "Ġhöher": 139554, + "ãģķãĤĮãģ¦ãģĦãģŁ": 139555, + "สà¸ĩสั": 139556, + "สà¸ĩสัย": 139557, + "ĠاÙĦاس": 139558, + "ĠاÙĦاسÙĦاÙħ": 139559, + "ĠاÙĦØ´Ùħس": 139560, + "สà¸ĸาà¸Ļี": 139561, + "ãĤ¯ãĥ©ãĤ¹": 139562, + "à¸ŀรร": 139563, + "à¸ŀรรà¸Ħ": 139564, + "põ": 139565, + "põe": 139566, + "Ġporém": 139567, + "à¸Ľà¸£à¸°à¸ªà¸ĩ": 139568, + "à¸Ľà¸£à¸°à¸ªà¸ĩà¸Ħà¹Į": 139569, + "powiedzie": 139570, + "powiedzieÄĩ": 139571, + "ĠмогÑĥ": 139572, + "Ġжел": 139573, + "Ġжелез": 139574, + "ĠاÙĦØ«ÙĤ": 139575, + "ĠاÙĦØ«ÙĤاÙģÙĬ": 139576, + "ĠпÑĢавило": 139577, + "Ġgdyż": 139578, + "פש×ķ×ĺ": 139579, + "ÑĢабоÑĤка": 139580, + "ĠÙĥرة": 139581, + "شدد": 139582, + "ÙħارÙĥ": 139583, + "ÙħÙĥØ©": 139584, + "ĠподпиÑģ": 139585, + "×ĺ×ķ×ķ×Ĺ": 139586, + "ĠÅĽc": 139587, + "ĠÅĽcian": 139588, + "ĠرجاÙĦ": 139589, + "Ġ×ª×ľ×ķ×Ļ": 139590, + "иÑĪ": 139591, + "иÑĪÑĮ": 139592, + "Ġmédec": 139593, + "Ġmédecin": 139594, + "ëįĶëĿ¼ëıĦ": 139595, + "ĠÑĤебÑı": 139596, + "Ġ׾×Ķ×ķס×Ļ×£": 139597, + "ãģĬ話": 139598, + "Ġà¹ģà¸ķà¹Īà¸ģà¹ĩ": 139599, + "داÙģ": 139600, + "داÙ쨹": 139601, + "ĠCùng": 139602, + "ãĥ»ãĥ»ãĥ»ãĥ»": 139603, + "ê¶ģ": 139604, + "ĠdeberÃŃa": 139605, + "หà¸Ļà¹Īวยà¸ĩาà¸Ļ": 139606, + "ĠvaÌĢ": 139607, + "Ġעצ×ŀ": 139608, + "Ġעצ×ŀ×Ŀ": 139609, + "à¹Ģà¸Ĭืà¹Īà¸Ńวà¹Īา": 139610, + "שקע": 139611, + "Ġ×Ķ׼×ķ׾": 139612, + "Ġ×Ķ׼×ķ׾׾": 139613, + "нибÑĥд": 139614, + "нибÑĥдÑĮ": 139615, + "ĠëĦĪíĿ¬": 139616, + "ĠобÑĢаÑī": 139617, + "ĠобÑĢаÑīа": 139618, + "Ġ×¢×ij×ķ×ĵת": 139619, + "ĠاÙĦÙħÙĨتخب": 139620, + "ıyord": 139621, + "ıyordu": 139622, + "ÙĪØ°": 139623, + "×Ĺש×Ļ×ij×ķת": 139624, + "Ġ×Ķ×¢×Ļ×§": 139625, + "Ġ×Ķ×¢×Ļקר×Ļ": 139626, + "ì¢Į": 139627, + "ยุà¹Ĥร": 139628, + "ยุà¹Ĥà¸£à¸Ľ": 139629, + "ĠапÑĢ": 139630, + "ĠапÑĢелÑı": 139631, + "szed": 139632, + "szedÅĤ": 139633, + "дон": 139634, + "à¹Ģà¸ķิà¸ļ": 139635, + "à¹Ģà¸ķิà¸ļà¹Ĥà¸ķ": 139636, + "коло": 139637, + "Ġkażdej": 139638, + "帰": 139639, + "帰ãĤĬ": 139640, + "Ġмилли": 139641, + "Ġмиллион": 139642, + "ç¾İåij³ãģĹãģĦ": 139643, + "تÙĤار": 139644, + "تÙĤارÙĬر": 139645, + "ĠìĿ´ë£¨": 139646, + "ĠìĿ´ë£¨ìĸ´": 139647, + "Ġsprzedaż": 139648, + "×Ķ×ķצ×IJ×ķת": 139649, + "ãĤ¢ãĤ¯ãĤ»": 139650, + "ãĤ¢ãĤ¯ãĤ»ãĤ¹": 139651, + "ר×ķ×¥": 139652, + "ĠгоÑģÑĥдаÑĢÑģÑĤвенн": 139653, + "Ø£ØŃÙĥ": 139654, + "Ø£ØŃÙĥاÙħ": 139655, + "ĠoluÅŁu": 139656, + "ĠAç": 139657, + "ĠAçık": 139658, + "ãĤ¸ãĥ¼": 139659, + "ç´łæĻ´": 139660, + "ç´łæĻ´ãĤīãģĹãģĦ": 139661, + "Ġ×ijש×ij×ķ×¢": 139662, + "بذ": 139663, + "بذÙĦ": 139664, + "สาà¹Ģหà¸ķุ": 139665, + "Ġpozosta": 139666, + "ĠpozostaÅĤ": 139667, + "ØŃرÙħ": 139668, + "Ġimportância": 139669, + "leÅŁtirme": 139670, + "ĠдÑĢев": 139671, + "Ġmóvil": 139672, + "ĠAynı": 139673, + "Ġналог": 139674, + "Ġналогов": 139675, + "Ġ×Ĺ×Ļפ×Ķ": 139676, + "ĠÑĦоÑĢмÑĥ": 139677, + "à¸Ĺà¸Ķสà¸Ńà¸ļ": 139678, + "ĠksiÄħżki": 139679, + "ĠmaÅĤe": 139680, + "ÙħسأÙĦ": 139681, + "ÙħسأÙĦØ©": 139682, + "^^": 139683, + "çãeste": 139684, + "éviter": 139685, + "ĠконÑģÑĤÑĢÑĥк": 139686, + "ĠконÑģÑĤÑĢÑĥкÑĨи": 139687, + "ï¾ŀ": 139688, + "Ġת×ķ׼׳": 139689, + "ãĤ¹ãĥĪãĥ¬ãĤ¹": 139690, + "ĠاÙĦاÙĤتصادÙĬ": 139691, + "×ŀ×ĵ×Ļ": 139692, + "ĠwÅĤad": 139693, + "ĠwÅĤadz": 139694, + "Ø®ÙĪÙģ": 139695, + "ĠмаÑĤеÑĢиалов": 139696, + "ãģ¨ãģ£ãģ¦ãĤĤ": 139697, + "Ġznajdu": 139698, + "ĠznajdujÄħ": 139699, + "ÙģØ¦Ø©": 139700, + "ãģ©ãģ®ãĤĪãģĨãģª": 139701, + "æĬijãģĪ": 139702, + "׳×Ĺ׾": 139703, + "Ġdüny": 139704, + "Ġdünyan": 139705, + "Ġdünyanın": 139706, + "гÑĢани": 139707, + "гÑĢаниÑĩ": 139708, + "Ġ×Ķש׾×Ļש×Ļ": 139709, + "Ġ×Ķ×IJש": 139710, + "åıĬãģ³": 139711, + "ìĭŃìĭľ": 139712, + "ìĭŃìĭľìĺ¤": 139713, + "Ġдолл": 139714, + "ĠдоллаÑĢ": 139715, + "ĠповÑĤоÑĢ": 139716, + "Ġ×Ĺ×Ļ׳×Ŀ": 139717, + "תפת×Ĺ": 139718, + "Ñĥвели": 139719, + "ÑĥвелиÑĩен": 139720, + "ãĤ«ãĥª": 139721, + "rawid": 139722, + "rawidÅĤow": 139723, + "×ķ×ķ׾": 139724, + "ãĥŁãĥ¥": 139725, + "ì½ĺ": 139726, + "ĠByÅĤ": 139727, + "ÐľÐIJ": 139728, + "عÙIJ": 139729, + "ĠÑģовеÑĢÑĪ": 139730, + "ĠÑģовеÑĢÑĪенно": 139731, + "Ġмой": 139732, + "Ġ×ķ׾×IJ×Ĺר": 139733, + "æħ£": 139734, + "æħ£ãĤĮ": 139735, + "ØŃاÙ쨏": 139736, + "Ġ무ë£Į": 139737, + "à¸Ħà¸ĵะà¸ģรรม": 139738, + "à¸Ħà¸ĵะà¸ģรรมà¸ģาร": 139739, + "Ġìĸ´ëĶĶ": 139740, + "Ġdiferen": 139741, + "Ġdiferença": 139742, + "ĠاÙĦأساس": 139743, + "ĠاÙĦأساسÙĬØ©": 139744, + "Ġ׾×IJ×Ĺר×ķ׳×Ķ": 139745, + "ê·ł": 139746, + "Ġ×Ķש׳×Ļ×Ļ×Ķ": 139747, + "ìľĦìĽIJìŀ¥": 139748, + "ลุà¸ģ": 139749, + "çiler": 139750, + "Ġ×Ķ×IJ׾×ķ": 139751, + "èģŀãģı": 139752, + "Ġ×ķ×IJפ×Ļ׾×ķ": 139753, + "ĠÑĢеализ": 139754, + "ĠÑĢеализаÑĨи": 139755, + "ระยะà¹Ģวลา": 139756, + "ĠجداÙĭ": 139757, + "تباع": 139758, + "ĠvehÃŃculo": 139759, + "Ġдолг": 139760, + "à¸Ľà¸£à¸´à¸¡à¸²à¸ĵ": 139761, + "ì¦IJ": 139762, + "Ġ׾×ŀ×§×ķ×Ŀ": 139763, + "ĠìĤ¬ì§Ħ": 139764, + "à¸Ĭà¹īา": 139765, + "Ġ×ŀ×¢×ķ׾×Ķ": 139766, + "Ġgörm": 139767, + "Ġgörmek": 139768, + "ĠÙĪÙĩذÙĩ": 139769, + "пеÑĢв": 139770, + "пеÑĢвÑĭÑħ": 139771, + "ê·¸ëŀĺ": 139772, + "ĠاÙĦبرÙĬØ·": 139773, + "ĠاÙĦبرÙĬطاÙĨÙĬ": 139774, + "ĠиÑİнÑı": 139775, + "ĠÐĵоÑĢ": 139776, + "Ġ׾ש׾×Ŀ": 139777, + "ÐIJÐĿ": 139778, + "ĠназнаÑĩен": 139779, + "ооÑĢ": 139780, + "ооÑĢÑĥж": 139781, + "Ġözelli": 139782, + "ĠözelliÄŁi": 139783, + "Ġниже": 139784, + "ç¶ļãģijãģ¦": 139785, + "ĠаÑĢенд": 139786, + "Ġkatılı": 139787, + "Ġkatılım": 139788, + "ĠإطÙĦاÙĤ": 139789, + "ĠÙĪØ¥Ø°Ø§": 139790, + "ĠокÑĤÑı": 139791, + "ĠокÑĤÑıбÑĢÑı": 139792, + "à¹Ĥà¸ķà¹": 139793, + "à¹Ĥà¸ķà¹Ĭ": 139794, + "à¹Ĥà¸ķà¹Ĭะ": 139795, + "Ġoldukları": 139796, + "ÙħÙĪÙĤع": 139797, + "ëĤ©": 139798, + "ã썿ĢĿãģ£ãģ¦ãģĦãĤĭ": 139799, + "Ġש×Ļ׼×ķ׾": 139800, + "วาà¸Ķ": 139801, + "سÙĬÙĦ": 139802, + "à¸Ĥวั": 139803, + "à¸Ĥวัà¸į": 139804, + "تØŃÙĥÙħ": 139805, + "ìĤŃ": 139806, + "Ġconnaît": 139807, + "×ł×¤×ª×Ĺ": 139808, + "Ġchặ": 139809, + "Ġchặn": 139810, + "ĠÙħØŃÙħ": 139811, + "ĠÙħØŃÙħÙĪØ¯": 139812, + "ãģ´": 139813, + "ĠпÑĢодÑĥкÑĨии": 139814, + "здÑĢав": 139815, + "ãģĶè¦": 139816, + "ãģĶ覧": 139817, + "×IJ×ij×IJ": 139818, + "Ġvéritable": 139819, + "ĠØ·ÙģÙĦ": 139820, + "ãĥĪãĥ©ãĥĸãĥ«": 139821, + "곡": 139822, + "Ġת×ŀ×ķ׳×Ķ": 139823, + "Ġkiên": 139824, + "ĠÙĤادر": 139825, + "Ø¥ÙĤÙĦÙĬÙħ": 139826, + "ĠпÑĢедпÑĢи": 139827, + "ĠпÑĢедпÑĢиÑıÑĤиÑı": 139828, + "ĠbÄĥng": 139829, + "Ġayında": 139830, + "Ġgấp": 139831, + "еÑħал": 139832, + "ĠgiÃłnh": 139833, + "Ġдав": 139834, + "Ġдавно": 139835, + "ìĺĢëĭ¤": 139836, + "à¸Ļัà¸ģà¹Ģà¸ķ": 139837, + "à¸Ļัà¸ģà¹Ģà¸ķะ": 139838, + "Ùħستشار": 139839, + "ستراتÙĬج": 139840, + "ستراتÙĬجÙĬ": 139841, + "رÙħز": 139842, + "ĠtÄ©nh": 139843, + "ë¡Ń": 139844, + "ĠÑĩеÑĤ": 139845, + "ĠÑĩеÑĤÑĭ": 139846, + "ĠÑĩеÑĤÑĭÑĢе": 139847, + "ĠEntão": 139848, + "Ġصغ": 139849, + "ĠصغÙĬرة": 139850, + "×ij×Ļ×ĺ×ķ׾": 139851, + "خطÙĪØ·": 139852, + "ĠÑĢазвиÑĤие": 139853, + "Ġamacıyla": 139854, + "à¸Ĺีวี": 139855, + "ĠоÑģÑĤ": 139856, + "ĠоÑģÑĤалÑĮн": 139857, + "ש×ķ׾×Ĺף": 139858, + "Ġ׼׳×Ļס": 139859, + "Ġ׼׳×Ļס×Ķ": 139860, + "ĠdáºŃy": 139861, + "ĠyaÅŁayan": 139862, + "Ġ×ŀ×Ķ×ķ×ķ×Ķ": 139863, + "ĠÑĥÑģи": 139864, + "ĠÑĥÑģили": 139865, + "×ŀפ×Ļ": 139866, + "ĠпÑĢоведениÑı": 139867, + "Ġرب": 139868, + "ĠربÙħا": 139869, + "ĠاÙĦØ£ÙĪØ³Ø·": 139870, + "Ġìľłì§Ģ": 139871, + "Ġpracownik": 139872, + "Ġpracowników": 139873, + "×ŀס×ķרת": 139874, + "ÙĤارب": 139875, + "à¸Ħวามรูà¹īสึà¸ģ": 139876, + "à¹ģหละ": 139877, + "ĠاÙĦÙĨÙĤد": 139878, + "Ġ×IJ׾פ×Ļ": 139879, + "Ùħسئ": 139880, + "ÙħسئÙĪÙĦ": 139881, + "евÑĭÑħ": 139882, + "клÑİÑĩениÑı": 139883, + "×ij×Ļ׳": 139884, + "×ij×Ļ׳×Ļ×Ķ×Ŀ": 139885, + "ש×ķ×IJ×Ķ": 139886, + "ĠÅŁark": 139887, + "ĠÅŁarkı": 139888, + "Ġsürec": 139889, + "Ġsürecin": 139890, + "à¹Ģà¸Ħรà¸Ķ": 139891, + "à¹Ģà¸Ħรà¸Ķิà¸ķ": 139892, + "ãĥIJãĥ¬": 139893, + "ĠشأÙĨ": 139894, + "à¹Ģà¸Ńาà¹Ħวà¹ī": 139895, + "niÄĻcie": 139896, + "רצ×Ĺ": 139897, + "ĠaÅŁama": 139898, + "׳פ×Ĵ×¢": 139899, + "Ġthá»Ŀ": 139900, + "Ġkhuẩn": 139901, + "diÄŁinde": 139902, + "ÑıÑīиÑħ": 139903, + "ãĥĺãĥ«": 139904, + "Ġüberh": 139905, + "Ġüberhaupt": 139906, + "ĠÑĤÑĢебова": 139907, + "ĠdÅĤugi": 139908, + "×ĺ×Ļף": 139909, + "à¸Ĥà¸Ļาà¸Ķà¹ĥหà¸įà¹Ī": 139910, + "ĠاÙĦØ£Ùĩ": 139911, + "ĠاÙĦØ£ÙĩÙĦÙĬ": 139912, + "ĠMüd": 139913, + "ĠMüdürü": 139914, + "Ġ×Ļ×Ķ×ķ×ĵ×Ķ": 139915, + "ÑĭваеÑĤÑģÑı": 139916, + "ساط": 139917, + "×Ķ×ª×ł×Ķ×Ĵ": 139918, + "×Ķ×ª×ł×Ķ×Ĵ×ķת": 139919, + "à¸ģà¸²à¸£à¸ľà¸¥à¸´à¸ķ": 139920, + "íĴĢ": 139921, + "สà¸ĸาà¸Ļà¸ģารà¸ĵà¹Į": 139922, + "ĠоÑĦ": 139923, + "ĠоÑĦиÑģ": 139924, + "ĠÙĦعبة": 139925, + "ĠstronÄĻ": 139926, + "Ġר×IJ×ķ×Ļ": 139927, + "×Ĺ×ij׾": 139928, + "ĠÑĢÑĭн": 139929, + "ĠÑĢÑĭнке": 139930, + "Ġ׾×ŀ×¢×Ł": 139931, + "اسÙĦ": 139932, + "หัà¸Ļ": 139933, + "Ġ×IJ×Ĺ×Ļ": 139934, + "ĠпÑĢодол": 139935, + "ê°Ģìŀħ": 139936, + "Ġ×ijר×Ĺ": 139937, + "Ġ×ijר×Ĺ×ij×Ļ": 139938, + "джеÑĢ": 139939, + "Ġ׾×Ĺ׾": 139940, + "Ġ׾×Ĺ׾×ķ×ĺ": 139941, + "Ġ׾×Ĺ׾×ķ×ĺ×Ļף": 139942, + "ศาสà¸Ļา": 139943, + "ãĤ¢ãĤ¤ãĥĨ": 139944, + "ãĤ¢ãĤ¤ãĥĨãĥł": 139945, + "Ġפר×ķפ": 139946, + "جزاء": 139947, + "ลà¸Ńย": 139948, + "ĠciaÅĤa": 139949, + "Ġgiết": 139950, + "ĠзнаÑĩиÑĤелÑĮно": 139951, + "Ġolmadıģ": 139952, + "Ġolmadıģını": 139953, + "нд": 139954, + "ндекÑģ": 139955, + "تأÙĥد": 139956, + "Ġìĸ¸": 139957, + "Ġìĸ¸ìłľ": 139958, + "aydın": 139959, + "ãĥīãĥ¬ãĤ¹": 139960, + "Ġsắt": 139961, + "Ġíĺ¸íħĶ": 139962, + "Ġë¶ģ": 139963, + "Ġë¶ģíķľ": 139964, + "ãĥijãĤ¤": 139965, + "Ġ×ŀש×Ĺ×§×Ļ": 139966, + "à¸Ħà¸Ļà¸Ńืà¹Īà¸Ļ": 139967, + "ĠизгоÑĤов": 139968, + "ĠизгоÑĤовлен": 139969, + "à¹Ģà¸ģียร": 139970, + "à¹Ģà¸ģียรà¸ķิ": 139971, + "תקשר": 139972, + "ĠÑĢаÑģÑĩеÑĤ": 139973, + "สà¹Ģà¸ķ": 139974, + "Ġlänger": 139975, + "ĠiÅŁlet": 139976, + "ĠiÅŁletme": 139977, + "ĠعÙĦÙĬÙĨ": 139978, + "ĠعÙĦÙĬÙĨا": 139979, + "élection": 139980, + "ĠاÙĦغربÙĬØ©": 139981, + "íĭĢ": 139982, + "ãĤĤãĤīãģĪ": 139983, + "Ġкниги": 139984, + "أسÙħ": 139985, + "أسÙħاء": 139986, + "Ġthá»ı": 139987, + "Ġthá»ıa": 139988, + "หà¸Ļู": 139989, + "Ġ×ł×¢×©×Ķ": 139990, + "à¸łà¸²à¸¢à¹ĥà¸ķà¹ī": 139991, + "à¸ŀืà¸Ĭ": 139992, + "رÙĬØ·": 139993, + "ÙģÙĪØ¶": 139994, + "ãģĤãĤĬãģĮãģ¨ãģĨãģĶãģĸãģĦãģ¾ãģĹãģŁ": 139995, + "ש×ĵ×Ķ": 139996, + "Ġngá»±c": 139997, + "ĠÑģеÑĢÑĮ": 139998, + "ĠÑģеÑĢÑĮезн": 139999, + "Tôi": 140000, + "Ġfiyatları": 140001, + "ĠвÑģÑİ": 140002, + "ĠCódigo": 140003, + "Ġ×Ķש×IJ": 140004, + "Ġ×Ķש×IJ׾×Ķ": 140005, + "ĠPública": 140006, + "إخ": 140007, + "إخÙĪØ§ÙĨ": 140008, + "ĠзаÑıвил": 140009, + "ãĥ¦ãĥ¼": 140010, + "ר×IJ×Ļת": 140011, + "volución": 140012, + "Ġszko": 140013, + "ĠszkoÅĤy": 140014, + "جرÙĬدة": 140015, + "Ġpensé": 140016, + "ìī¬": 140017, + "ĠBüyükÅŁehir": 140018, + "ĠØ£ÙħرÙĬ": 140019, + "ĠØ£ÙħرÙĬÙĥÙĬ": 140020, + "à¸Ļัà¸ģศึà¸ģษา": 140021, + "Ġtodav": 140022, + "ĠtodavÃŃa": 140023, + "ĠСан": 140024, + "ĠСанкÑĤ": 140025, + "íķĺìŀIJ": 140026, + "ØŃÙĪØ§ÙĦ": 140027, + "׼×ķשר": 140028, + "à¹Ģลยà¸Ħรัà¸ļ": 140029, + "Ġalgu": 140030, + "Ġalguém": 140031, + "Ù쨲": 140032, + "Ġçekil": 140033, + "Ġ×ĵר׼×Ļ×Ŀ": 140034, + "ãĥIJãĥ©": 140035, + "à¸ģà¹ĩสามารà¸ĸ": 140036, + "สà¹Īวà¸Ļลà¸Ķ": 140037, + "íı°": 140038, + "ĠPúb": 140039, + "ĠPúblico": 140040, + "à¹ģà¸Ļวà¸Ĺาà¸ĩ": 140041, + "×IJת×Ĵר": 140042, + "شاش": 140043, + "شاشة": 140044, + "ciÅĽni": 140045, + "ĠÃľrün": 140046, + "ÙĦÙĪØŃ": 140047, + "ĠاÙĦبÙĨ": 140048, + "ĠاÙĦبÙĨÙĥ": 140049, + "ì¡°ì¹ĺ": 140050, + "Ġorganización": 140051, + "ãģĤãĤĬãģĮãģ¨ãģĨãģĶãģĸãģĦãģ¾ãģĻ": 140052, + "sätze": 140053, + "ĠÑģемей": 140054, + "ÙĤصد": 140055, + "ÑģÑĤвеннÑĭе": 140056, + "Ġprécéd": 140057, + "Ġprécédent": 140058, + "à¸ģรุà¸ĩà¹Ģà¸Ĺà¸ŀฯ": 140059, + "ãģ¨è¨ĢãģĦ": 140060, + "×ij׳×Ļ×Ļף": 140061, + "ĠØŃÙĪ": 140062, + "ĠØŃÙĪØ§ÙĦÙĬ": 140063, + "סקס": 140064, + "ĠsaÄŁlamak": 140065, + "Ġ׾צ×Ļ×Ļף": 140066, + "×§×ĵש": 140067, + "Ġ×Ķ×ŀ×¢×¨×Ľ×ª": 140068, + "Ġ׾×Ķ×¢×ij×Ļר": 140069, + "Ġgünd": 140070, + "Ġgündem": 140071, + "ĠнаÑĪего": 140072, + "à¹ĥà¸Ļà¸ŀืà¹īà¸Ļà¸Ĺีà¹Ī": 140073, + "à¹Ģà¸Ħรืà¸Ń": 140074, + "à¹Ģà¸Ħรืà¸Ńà¸Ĥ": 140075, + "à¹Ģà¸Ħรืà¸Ńà¸Ĥà¹Īาย": 140076, + "ظاÙĩرة": 140077, + "ÙħÙĨظÙħ": 140078, + "ÙħÙĨظÙħات": 140079, + "Ùħتاز": 140080, + "追ãģĦ": 140081, + "dıkt": 140082, + "dıktan": 140083, + "ĠëįĶìļ±": 140084, + "ĠÐĿапÑĢимеÑĢ": 140085, + "twór": 140086, + "×ŀ×ķעצ×Ķ": 140087, + "ÙĥÙĪÙĥ": 140088, + "Щ": 140089, + "×ŀ×ĺפ׾": 140090, + "ólica": 140091, + "訪ãĤĮ": 140092, + "ĠëĮĢë¶Ģ": 140093, + "ĠëĮĢë¶Ģë¶Ħ": 140094, + "ãĤ¯ãĥªãĥĥãĤ¯": 140095, + "ãĤĴéģ¸": 140096, + "ãĤĴéģ¸ãģ¶": 140097, + "Ġpowsta": 140098, + "ĠpowstaÅĤ": 140099, + "Ġrazón": 140100, + "×ij×ķ×Ĺר": 140101, + "ĠÑģообÑīил": 140102, + "Ġ×§×ij×ķ×¢": 140103, + "rêt": 140104, + "à¸Ķีà¸Ĥึà¹īà¸Ļ": 140105, + "×ŀסע×ĵ": 140106, + "×ŀסע×ĵ×ķת": 140107, + "ĠÃĸsterreich": 140108, + "Ġ׳×Ĺש×ij": 140109, + "Ùħبادرة": 140110, + "ì´ī": 140111, + "×Ĵ׳×ĺ×Ļ": 140112, + "ä¿¡ãģĺ": 140113, + "duÄŁ": 140114, + "duÄŁunu": 140115, + "Ġphú": 140116, + "ĠاÙĦأخÙĬر": 140117, + "Ġتعتبر": 140118, + "landırıl": 140119, + "ãģ¨ãģ¯ãģĦ": 140120, + "ãģ¨ãģ¯ãģĦãģĪ": 140121, + "ĠاÙĦØ·ÙĦ": 140122, + "ĠاÙĦØ·ÙĦاب": 140123, + "ĠNº": 140124, + "éģ¿ãģij": 140125, + "اÙĦÙħع": 140126, + "اÙĦÙħعرÙĪÙģ": 140127, + "à¸ªà¸łà¸²": 140128, + "éĽ¢ãĤĮ": 140129, + "ĠпомоÑīÑĮ": 140130, + "ĠзнаеÑĤ": 140131, + "ãĥĹãĥ¬ãĤ¼": 140132, + "ãĥĹãĥ¬ãĤ¼ãĥ³ãĥĪ": 140133, + "Ġsupérieur": 140134, + "Ġש׾×Ļש×Ļ": 140135, + "ĠاÙĦÙĨÙĪØ¹": 140136, + "ãĤĵãģ§ãģĻãģŃ": 140137, + "à¸Ńà¸ļรม": 140138, + "Ġgiá»įng": 140139, + "ĠwzglÄĻd": 140140, + "ĠاÙĦÙģÙĤر": 140141, + "èrent": 140142, + "Ġ×ŀ×IJ×Ĺ": 140143, + "Ġ×ŀ×IJ×Ĺ×ķר×Ļ": 140144, + "×Ĵ×Ĵ": 140145, + "×Ļ×Ļ×ij": 140146, + "ÙħÙĦاب": 140147, + "ÙħÙĦابس": 140148, + "Ġhükü": 140149, + "Ġhükümet": 140150, + "Ġ×ŀ×Ĵ×Ļ×ij": 140151, + "ĠÐŀÑĩ": 140152, + "ĠÐŀÑĩенÑĮ": 140153, + "æĹ©ãģĦ": 140154, + "Ġconstrucción": 140155, + "Ġthượng": 140156, + "ï¼ĭ": 140157, + "Ġcoração": 140158, + "à¹Ģหลà¹ĩà¸ģ": 140159, + "ĠBaÅŁb": 140160, + "ĠBaÅŁbakan": 140161, + "éĢ£ãĤĮ": 140162, + "ãģĻãĤĭãģĵãģ¨ãģĮãģ§ãģįãģ¾ãģĻ": 140163, + "ĠÙĤاÙħت": 140164, + "ĠاÙĥثر": 140165, + "ÙģØ§Ø¹ÙĦ": 140166, + "ĠÑĦоÑĢ": 140167, + "ĠÑĦоÑĢÑĥм": 140168, + "غذÙĬ": 140169, + "ĠiÅŁle": 140170, + "ĠiÅŁleml": 140171, + "ĠiÅŁlemleri": 140172, + "ĠìĤ¬ëŀĮìĿĢ": 140173, + "ĠìŀijìĦ±": 140174, + "Ġë§Ī볨": 140175, + "ÙħجÙĦس": 140176, + "หมู": 140177, + "дв": 140178, + "двиг": 140179, + "двига": 140180, + "à¹Ģสียà¸Ĭีวิà¸ķ": 140181, + "×Ķתפת×Ĺ": 140182, + "×Ķתפת×Ĺ×ķת": 140183, + "ĠмеÑĤÑĢо": 140184, + "ĠÑģенÑĤ": 140185, + "ĠÑģенÑĤÑı": 140186, + "ĠÑģенÑĤÑıбÑĢÑı": 140187, + "ê³§": 140188, + "Ġ×ľ×¤×¢": 140189, + "Ġ×ľ×¤×¢×ŀ×Ļ×Ŀ": 140190, + "à¹Ģà¸ļีย": 140191, + "詳ãģĹãģı": 140192, + "çķ°ãģªãĤĭ": 140193, + "Ġİlçe": 140194, + "ĠAtat": 140195, + "ĠAtatür": 140196, + "ĠAtatürk": 140197, + "รุà¹Īà¸ĩ": 140198, + "Ġkaldı": 140199, + "Ġ주ìŀ¥": 140200, + "Ġprésence": 140201, + "Ġнаб": 140202, + "ĠнаблÑİ": 140203, + "ĠнаблÑİда": 140204, + "ĠÑģамого": 140205, + "×Ĵ×ķש": 140206, + "×ŀ×ĺ×ķפ": 140207, + "×ŀ×ĺ×ķפ׾": 140208, + "ĠвÑĭбиÑĢа": 140209, + "ĠìŀIJ리": 140210, + "åĪĨãģĭãĤīãģªãģĦ": 140211, + "ĠзÑĥб": 140212, + "Ġש׼×ijר": 140213, + "Ġدائ": 140214, + "ĠدائÙħا": 140215, + "ĠпаÑĢÑĤи": 140216, + "ï¼²": 140217, + "ĠاÙĬضا": 140218, + "ĠÑħоз": 140219, + "ĠÑħозÑı": 140220, + "ĠÑħозÑıй": 140221, + "ĠÑħозÑıйÑģÑĤв": 140222, + "ĠاÙĦأج": 140223, + "ĠاÙĦأجÙĨب": 140224, + "ĠاÙĦأجÙĨبÙĬØ©": 140225, + "ĠÐĹна": 140226, + "ĠApós": 140227, + "ĠÑįнеÑĢ": 140228, + "ĠÑįнеÑĢги": 140229, + "Ġyans": 140230, + "Ġyansı": 140231, + "ĠJusti": 140232, + "ĠJustiça": 140233, + "Ġprévu": 140234, + "มวล": 140235, + "ìŀ¥ëĭĺ": 140236, + "à¸ģระà¸ļ": 140237, + "à¸ģระà¸ļวà¸Ļ": 140238, + "à¸ģระà¸ļวà¸Ļà¸ģาร": 140239, + "×ŀ×ŀ": 140240, + "×ŀ×ŀ×ķצע": 140241, + "Ġhẹ": 140242, + "Ġhẹn": 140243, + "здание": 140244, + "ĠakÅŁ": 140245, + "ĠakÅŁam": 140246, + "×ĺ×ķפ": 140247, + "Ġgerekt": 140248, + "Ġgerekti": 140249, + "ĠgerektiÄŁini": 140250, + "Ġnarz": 140251, + "ĠnarzÄĻdzi": 140252, + "épo": 140253, + "époque": 140254, + "ĠThần": 140255, + "Ġwysoko": 140256, + "ĠwysokoÅĽci": 140257, + "à¸ľà¸¹à¹īà¸Ľ": 140258, + "à¸ľà¸¹à¹īà¸Ľà¹Īวย": 140259, + "ĠÙĬبدÙĪ": 140260, + "ÑĤелÑĮного": 140261, + "ĠвзглÑıд": 140262, + "ĠjednÄħ": 140263, + "ĠìĿĺ견": 140264, + "Ġà¸Ĥà¸ĵะà¸Ĺีà¹Ī": 140265, + "פ×Ļ×ĵ": 140266, + "ìĥģëĭ´": 140267, + "Ġmỡ": 140268, + "×Ķ×ŀ׾": 140269, + "×Ķ×ŀ׾צ×ķת": 140270, + "ĠÑģоÑģÑĤо": 140271, + "ĠÑģоÑģÑĤоиÑĤ": 140272, + "Ġави": 140273, + "Ġавиа": 140274, + "ĠLänder": 140275, + "تصÙĪÙĬر": 140276, + "×ŀ×ĵ×Ļ×Ķ": 140277, + "ìłĪì°¨": 140278, + "ãģ¨ãĤĬ": 140279, + "ãģ¨ãĤĬãģĤ": 140280, + "ãģ¨ãĤĬãģĤãģĪ": 140281, + "ãģ¨ãĤĬãģĤãģĪãģļ": 140282, + "ĠÑĢÑıд": 140283, + "ĠÑĢÑıдом": 140284, + "ĠNhất": 140285, + "ĠاÙĦÙĥاÙħÙĦ": 140286, + "×Ĺ׾׾": 140287, + "ĠGiấy": 140288, + "צ×ĺר": 140289, + "צ×ĺרף": 140290, + "Ġ׾×ij×ĺ׾": 140291, + "ĠимеÑĤÑĮ": 140292, + "ס×ŀ×ķ×ļ": 140293, + "Ġparticipação": 140294, + "íķľëĭ¤ë©´": 140295, + "ÙħÙĨتدÙĬ": 140296, + "ÙħÙĨتدÙĬات": 140297, + "ĠeÄŁlen": 140298, + "gänge": 140299, + "ربØŃ": 140300, + "ãĤ®ãĥ£": 140301, + "ĠاÙĦرÙĤÙħ": 140302, + "à¸ĭà¹īำ": 140303, + "ĠHóa": 140304, + "×ŀר×Ĺ×§": 140305, + "ØŃÙħاÙħ": 140306, + "بÙĪÙĥ": 140307, + "ĠArtÃŃculo": 140308, + "ãĥĦãĤ¢ãĥ¼": 140309, + "×Ķפ׼×Ķ": 140310, + "×Ĺ׾×ķף": 140311, + "ĠпеÑĢеÑħод": 140312, + "lenmiÅŁ": 140313, + "زراعة": 140314, + "Ġseñor": 140315, + "ãģ£ãģ¦ãģįãģ¦": 140316, + "إش": 140317, + "إشارة": 140318, + "ĠpodÃŃa": 140319, + "ĠÃľlke": 140320, + "нÑģкаÑı": 140321, + "Ġadapté": 140322, + "Ġdüzenlen": 140323, + "Ġdüzenlenen": 140324, + "ĠÑģÑĤала": 140325, + "ĠÙĬØŃتاج": 140326, + "Ġnier": 140327, + "Ġnieruch": 140328, + "Ġnieruchomo": 140329, + "ĠnieruchomoÅĽci": 140330, + "ãģĵãģ¨ãģĮãģĤãĤĭ": 140331, + "ยà¸Ńà¸Ķà¹Ģยีà¹Īยม": 140332, + "ĠÙħج": 140333, + "ĠÙħجاÙĨÙĬ": 140334, + "Ġзаб": 140335, + "Ġзабол": 140336, + "Ġзаболев": 140337, + "ĠзаболеваниÑı": 140338, + "ĠÅĽro": 140339, + "ĠÅĽrodk": 140340, + "ĠÅĽrodków": 140341, + "Ġ×Ķ׾×IJ×ķ×ŀ×Ļ": 140342, + "ĠdokÅĤad": 140343, + "ĠdokÅĤadnie": 140344, + "ãģŁãģıãģªãģĦ": 140345, + "ãģ¯ãģļãģ§ãģĻ": 140346, + "ã썿ĢĿãģ£ãģ¦ãģĦãģŁ": 140347, + "écran": 140348, + "ìĹħì²´": 140349, + "trzymaÅĤ": 140350, + "ÑģÑĤвеннÑĭй": 140351, + "ĠNotÃŃc": 140352, + "ĠNotÃŃcias": 140353, + "ÙħرÙĬ": 140354, + "ÙħرÙĬض": 140355, + "æ°Ĺè»": 140356, + "æ°Ĺ軽": 140357, + "æ°Ĺ軽ãģ«": 140358, + "ëĵ£": 140359, + "Ġ×ĵ×ķ×IJר": 140360, + "Ġ׾×ŀ׳": 140361, + "Ġ׾×ŀ׳×ķ×¢": 140362, + "ĠçalÄ±ÅŁÄ±yor": 140363, + "ĠÅŁidd": 140364, + "ĠÅŁiddet": 140365, + "ĠMặt": 140366, + "ĠateÅŁ": 140367, + "ĠполÑĥÑĩениÑı": 140368, + "à¹Ģà¸Ħรืà¹Īà¸Ńà¸ĩมืà¸Ń": 140369, + "ĠgrÃ¶ÃŁer": 140370, + "دائ": 140371, + "دائرة": 140372, + "Ġbulun": 140373, + "Ġbulunmaktadır": 140374, + "à¹Ģหร": 140375, + "à¹Ģหรีย": 140376, + "à¹Ģหรียà¸į": 140377, + "à¸Ļัà¸ģà¸Ĺà¹Īà¸Ńà¸ĩà¹Ģà¸Ĺีà¹Īยว": 140378, + "Ġalanında": 140379, + "ĠÑĥзна": 140380, + "ĠлеÑĩение": 140381, + "売ãĤĮ": 140382, + "Ġçevir": 140383, + "ĠdesteÄŁi": 140384, + "ĠheiÃŁt": 140385, + "âĸ²": 140386, + "ØŃØ·": 140387, + "à¸Ħำà¸ķà¸Ńà¸ļ": 140388, + "ãĤªãĥ³ãĥ©ãĤ¤ãĥ³": 140389, + "Ġ×ij×Ĺ×Ļ×Ļ×Ŀ": 140390, + "ãĥ¦ãĥĭ": 140391, + "Ġdüzenleme": 140392, + "ĠmodalitÃł": 140393, + "سرط": 140394, + "سرطاÙĨ": 140395, + "×ŀ׼×ķף": 140396, + "ĠданнÑĭй": 140397, + "ترت": 140398, + "ترتÙĬب": 140399, + "à¸ļาà¸ĩà¸Ħà¸Ļ": 140400, + "ĠÄIJá»ĭnh": 140401, + "มูล": 140402, + "มูลà¸Ħà¹Īา": 140403, + "ÙĨÙĤص": 140404, + "à¸ģารรัà¸ģษา": 140405, + "ĠÑĦон": 140406, + "ĠÑĦонд": 140407, + "ãĤĪãģĨãģ«ãģªãģ£ãģŁ": 140408, + "ÙħعاÙĦ": 140409, + "ÙħعاÙĦجة": 140410, + "ĠOsman": 140411, + "ĠOsmanlı": 140412, + "иÑĩеÑģком": 140413, + "à¸Ńยาà¸ģà¸Īะ": 140414, + "ãģķãģ¾ãģĸ": 140415, + "ãģķãģ¾ãģĸãģ¾": 140416, + "ãģķãģ¾ãģĸãģ¾ãģª": 140417, + "Ġת×ķ׼׾": 140418, + "עצ×ij": 140419, + "ĠاÙĦعسÙĥ": 140420, + "ĠاÙĦعسÙĥرÙĬ": 140421, + "Ġvéhic": 140422, + "Ġvéhicule": 140423, + "Ġ×Ļצ×Ĺ×§": 140424, + "ĠاÙĦÙĪØŃ": 140425, + "ĠاÙĦÙĪØŃÙĬد": 140426, + "ĠاÙĦعدÙĪ": 140427, + "ĠQuản": 140428, + "Ġê³µëıĻ": 140429, + "بدÙĦ": 140430, + "ĠÄijảng": 140431, + "Ġmá»ĩnh": 140432, + "Ġniezb": 140433, + "ĠniezbÄĻ": 140434, + "ĠniezbÄĻdn": 140435, + "Ġyayınlan": 140436, + "обÑīи": 140437, + "Ġgötür": 140438, + "צפ": 140439, + "צפ×ķ×Ļ": 140440, + "ĠÙĦÙĬبÙĬ": 140441, + "ĠÙĦÙĬبÙĬا": 140442, + "ØŃÙĪØ§": 140443, + "Ġдоб": 140444, + "ĠдобÑĢо": 140445, + "иÑĢÑĥем": 140446, + "ĠاÙĦØŃÙĥÙĪÙħÙĬØ©": 140447, + "mÃ¤ÃŁig": 140448, + "Ġedición": 140449, + "влекаÑĤелÑĮ": 140450, + "влекаÑĤелÑĮн": 140451, + "Ġ×ª×©×ľ×ķ×Ŀ": 140452, + "Ġ×Ķש×ķ׳×Ļ×Ŀ": 140453, + "มิà¸ĸุ": 140454, + "มิà¸ĸุà¸Ļ": 140455, + "มิà¸ĸุà¸Ļายà¸Ļ": 140456, + "é£Łãģ¹ãģ¦": 140457, + "ĠìĪĺì§ij": 140458, + "ס×ij×Ļ": 140459, + "ĠиÑİлÑı": 140460, + "Ġà¹Ħà¸Ķà¹īà¹ģà¸ģà¹Ī": 140461, + "׾×Ĺ×Ŀ": 140462, + "trä": 140463, + "trägt": 140464, + "ãģĿãĤĤãģĿãĤĤ": 140465, + "ÐĿÐķ": 140466, + "ĠвнÑĥÑĤ": 140467, + "ĠвнÑĥÑĤÑĢи": 140468, + "ãģ¨ä¸Ģç·Ĵãģ«": 140469, + "ãĤ«ãĥķãĤ§": 140470, + "Ġ×ij×Ĺ×ĵר": 140471, + "×Ĺ×ŀש": 140472, + "ãĤ¨ãĥį": 140473, + "ãĤ¨ãĥįãĥ«": 140474, + "ãĤ¨ãĥįãĥ«ãĤ®": 140475, + "ãĤ¨ãĥįãĥ«ãĤ®ãĥ¼": 140476, + "à¸Ĥà¸Ńà¸ĩà¸ķัวà¹Ģà¸Ńà¸ĩ": 140477, + "بÙĤاء": 140478, + "פס×Ļ׼": 140479, + "פס×Ļ׼×ķ׾×ķ×Ĵ": 140480, + "ãĥ¡ãĥĥ": 140481, + "ãĥ¡ãĥĥãĤ»": 140482, + "ãĥ¡ãĥĥãĤ»ãĥ¼ãĤ¸": 140483, + "ÙĦÙĤب": 140484, + "AÄŀ": 140485, + "שק×Ļ×¢": 140486, + "ÙĤساÙħ": 140487, + "×ĵ×ķ×Ĵ×ŀ×Ķ": 140488, + "æ·±ãģĦ": 140489, + "íĸĪëĬĶëį°": 140490, + "ĠrozwiÄħzanie": 140491, + "à¸Ļัà¹Īà¸Ļà¹Ģà¸Ńà¸ĩ": 140492, + "×Ļצ×ij": 140493, + "Ġtrông": 140494, + "à¹ĥà¸Ĭà¹īà¸ļริà¸ģาร": 140495, + "ĠاÙĦÙħÙĪØ³Ùħ": 140496, + "ĠдеÑĤи": 140497, + "ãģĹãģĭãģªãģĦ": 140498, + "ס×Ļף": 140499, + "Ġréférence": 140500, + "à¹ģหà¹īà¸ĩ": 140501, + "ãĤĤãĤīãģ£ãģŁ": 140502, + "Ġ׾ר׼": 140503, + "Ġ׾ר׼×ķש": 140504, + "شعÙĪØ±": 140505, + "ĠÐijог": 140506, + "Ġlazım": 140507, + "Ġ×Ļש׳×Ŀ": 140508, + "ĠпаÑĢÑĤ": 140509, + "ĠпаÑĢÑĤнеÑĢ": 140510, + "ĠÑĥника": 140511, + "ĠÑĥникалÑĮн": 140512, + "Ġmatériel": 140513, + "×ŀרק": 140514, + "Ġphưá»Ŀng": 140515, + "Ġзай": 140516, + "Ġзайм": 140517, + "ÙģÙĤد": 140518, + "UniversitÃł": 140519, + "×¢×¨×Ľ×Ļ×Ŀ": 140520, + "Ġbaño": 140521, + "ĠноÑı": 140522, + "ĠноÑıбÑĢÑı": 140523, + "à¸Ľà¹īาย": 140524, + "Ġtats": 140525, + "Ġtatsäch": 140526, + "Ġtatsächlich": 140527, + "ĠÑĤÑĢеÑĤÑĮ": 140528, + "Ñįм": 140529, + "ãĥĻãĥ¼ãĤ¹": 140530, + "Ġnhá»±a": 140531, + "ìĬ¤íģ¬": 140532, + "ĠعبداÙĦÙĦÙĩ": 140533, + "Ġת×ķר×Ķ": 140534, + "أشÙĬ": 140535, + "أشÙĬاء": 140536, + "ĠÙĦÙĦغا": 140537, + "ĠÙĦÙĦغاÙĬØ©": 140538, + "ÙħÙĪØ§ÙĤ": 140539, + "ÙħÙĪØ§ÙĤÙģ": 140540, + "ĠgÅĤówna": 140541, + "ĠartÄ±ÅŁ": 140542, + "Ġ×ŀ×§×ķ×ŀ×Ļ": 140543, + "ãĤ¯ãĥ©ãĥĸ": 140544, + "ĠسÙĪÙī": 140545, + "ĠìŬìĦ±": 140546, + "اسر": 140547, + "اسرائÙĬÙĦ": 140548, + "Ġ×ł×Ľ×ª×ij": 140549, + "ยà¹īà¸Ńà¸Ļ": 140550, + "Ġdeberá": 140551, + "Ġphẫu": 140552, + "ÑİÑīем": 140553, + "ĠÙĦدÙĬÙĨا": 140554, + "×ŀ×ĺ×Ķ": 140555, + "Ġ׳×ķ׾×ĵ": 140556, + "ĠвÑģÑĤÑĢеÑĩа": 140557, + "ãĤīãĤĮãģ¦ãģĦãģ¾ãģĻ": 140558, + "ĠcaÅĤej": 140559, + "ยึ": 140560, + "ยึà¸Ķ": 140561, + "поÑĤен": 140562, + "поÑĤенÑĨи": 140563, + "ĠлиÑĤ": 140564, + "ĠлиÑĤеÑĢ": 140565, + "ĠлиÑĤеÑĢаÑĤÑĥÑĢ": 140566, + "Ġкаждом": 140567, + "ĠíĮIJ": 140568, + "ĠíĮIJëĭ¨": 140569, + "à¸Īู": 140570, + "Ġpresença": 140571, + "ãģªãĤĵãģ§": 140572, + "ÙħÙĬاÙĩ": 140573, + "инÑĦоÑĢм": 140574, + "инÑĦоÑĢмаÑĨион": 140575, + "инÑĦоÑĢмаÑĨионн": 140576, + "ĠìŀIJìŰ": 140577, + "ר׼ש": 140578, + "Ġödül": 140579, + "ç¶ļãģı": 140580, + "ĠпÑģ": 140581, + "ĠпÑģиÑħ": 140582, + "ĠпÑģиÑħолог": 140583, + "تذÙĥر": 140584, + "Ġìŀħìŀ¥": 140585, + "ลà¸Ķà¹Į": 140586, + "ìĦłê±°": 140587, + "ãģ£ãģ¦ãģĬãĤĬãģ¾ãģĻ": 140588, + "Ġ×Ļ×¢": 140589, + "Ġ×Ļ×¢×§×ij": 140590, + "ĠاÙĦطعاÙħ": 140591, + "ãĥĨãĤ¹ãĥĪ": 140592, + "ĠTuấn": 140593, + "Ġparticipación": 140594, + "×ŀ×ķ×ŀ×Ĺ×Ķ": 140595, + "×Ĵרס×Ķ": 140596, + "ĠاÙĦتÙĨÙģÙĬ": 140597, + "ĠاÙĦتÙĨÙģÙĬذÙĬ": 140598, + "ĠбезопаÑģн": 140599, + "gef": 140600, + "gefähr": 140601, + "Ø´ÙĪØ±": 140602, + "ĠmyÅĽli": 140603, + "ÙĪØ§Ø´ÙĨ": 140604, + "ÙĪØ§Ø´ÙĨØ·ÙĨ": 140605, + "׳×ķסע": 140606, + "ÙĥÙĩ": 140607, + "ÙĥÙĩرب": 140608, + "ÙĥÙĩرباء": 140609, + "ĠmusiaÅĤ": 140610, + "ìĭ¸": 140611, + "ãĥĸãĥ©ãĥĥãĤ¯": 140612, + "Ġcréé": 140613, + "ÙĨÙĩار": 140614, + "owoÅĽÄĩ": 140615, + "ÙħØŃاÙĥÙħ": 140616, + "ĠwÅĤaÅĽ": 140617, + "ĠwÅĤaÅĽc": 140618, + "ĠwÅĤaÅĽciciel": 140619, + "ĠÙĬؤ": 140620, + "ĠÙĬؤدÙĬ": 140621, + "×ŀ×¢×ķ׳": 140622, + "×IJ×ij׾": 140623, + "خطأ": 140624, + "ĠÑħолод": 140625, + "×ĸ×ķ׾": 140626, + "ãģĵãĤĮãĤī": 140627, + "ãģĵãĤĮãĤīãģ®": 140628, + "Ġbásica": 140629, + "ฤà¸Ķ": 140630, + "ฤà¸Ķูà¸ģ": 140631, + "ฤà¸Ķูà¸ģา": 140632, + "ฤà¸Ķูà¸ģาล": 140633, + "èIJ½ãģ¡çĿĢ": 140634, + "ãģªãģĦãģĵãģ¨": 140635, + "صÙĪÙħ": 140636, + "ÙĨجØŃ": 140637, + "׳ק×ķ×ĵ": 140638, + "׳ק×ķ×ĵת": 140639, + "клаÑģÑģ": 140640, + "íķĺìĭľëĬĶ": 140641, + "ëĦĺ": 140642, + "Ġש×IJ×Ļ׳×ķ": 140643, + "ĠСейÑĩаÑģ": 140644, + "mayacaģı": 140645, + "Ġyapılır": 140646, + "ĠcategorÃŃa": 140647, + "عباد": 140648, + "ĠТеп": 140649, + "ĠТепеÑĢÑĮ": 140650, + "×Ķ×Ļס×ĺ×ķר×Ļ": 140651, + "hế": 140652, + "ãĤ³ãĥ¼ãĥī": 140653, + "Ġcabeça": 140654, + "جÙħا": 140655, + "جÙħاÙĩ": 140656, + "جÙħاÙĩÙĬر": 140657, + "ä½İãģĦ": 140658, + "ĠÑĤоваÑĢов": 140659, + "à¸Ĭาวà¸ļà¹īาà¸Ļ": 140660, + "ĠÑģÑĤанов": 140661, + "ĠÑģÑĤановиÑĤÑģÑı": 140662, + "ĠавÑĤомобилÑĮ": 140663, + "ĠÑģлÑĥÑĩай": 140664, + "à¸Ńัà¸ŀ": 140665, + "ĠGiriÅŁ": 140666, + "ĠìĿ¼ëĭ¨": 140667, + "ĠпÑĢоÑģ": 140668, + "ĠпÑĢоÑģмоÑĤÑĢ": 140669, + "ãģªãģıãģªãģ£ãģŁ": 140670, + "à¸¡à¸µà¸Ľà¸±à¸įหา": 140671, + "ïºİ": 140672, + "écoute": 140673, + "ĠÙħÙĪØ¬ÙĪØ¯": 140674, + "ĠسرÙĬع": 140675, + "ĠÙĪÙĩÙĨا": 140676, + "ĠÙĪÙĩÙĨاÙĥ": 140677, + "à¸Ħุà¸ĵสม": 140678, + "à¸Ħุà¸ĵสมà¸ļัà¸ķิ": 140679, + "Ġìļ°ìĦł": 140680, + "à¸ŀระà¸ŀุà¸Ĺà¸ĺ": 140681, + "好ãģ¿": 140682, + "ظÙĦÙħ": 140683, + "ĠмакÑģ": 140684, + "ĠмакÑģималÑĮ": 140685, + "ĠмакÑģималÑĮно": 140686, + "ãĥªãĤ¢ãĥ«": 140687, + "à¹ģมà¹īวà¹Īา": 140688, + "ĠاÙĦØŃÙĪØ§Ø±": 140689, + "ãĥĹãĥ©ãĤ¹": 140690, + "ĠعÙĦاÙĤØ©": 140691, + "ĠíĸīëıĻ": 140692, + "Ġgönderil": 140693, + "Ġlãi": 140694, + "ĠsaÄŁlıkl": 140695, + "ĠsaÄŁlıklı": 140696, + "ĠÑĪаг": 140697, + "Ġ×ij×IJר×Ķ": 140698, + "prowadziÄĩ": 140699, + "ãģĦãģıãģ¤ãģĭ": 140700, + "ĠبتارÙĬØ®": 140701, + "Ġ×ij×IJ×ķת×Ķ": 140702, + "Ġmóc": 140703, + "ĠÐľÐ½Ðµ": 140704, + "ãĥĹãĥ¬ãĥ¼": 140705, + "×IJ×ĸר×Ĺ": 140706, + "åł´åIJĪãģ«ãģ¯": 140707, + "使ãģĪ": 140708, + "à¹Ģรืà¸Ńà¸Ļ": 140709, + "ĠÐŁÐµÑĤ": 140710, + "ĠÐŁÐµÑĤÑĢ": 140711, + "ãģ«åħ¥ãĤĭ": 140712, + "Ùħادة": 140713, + "à¹Ģà¸ĩืà¹Īà¸Ńà¸Ļ": 140714, + "à¹Ģà¸ĩืà¹Īà¸Ńà¸Ļà¹Ħà¸Ĥ": 140715, + "ĠÑģоÑģÑĤоÑıние": 140716, + "ônica": 140717, + "ĠÑĦев": 140718, + "ĠÑĦевÑĢа": 140719, + "ĠÑĦевÑĢалÑı": 140720, + "Ġ×ķ×ĸ": 140721, + "Ġ×ķ×ĸ×IJת": 140722, + "à¸Ħริ": 140723, + "à¸Ħริส": 140724, + "ĠÐķÑīе": 140725, + "ãģ£ãģ¦ãģĹãģ¾ãģĦãģ¾ãģĹãģŁ": 140726, + "ĠпÑĢавиÑĤелÑĮ": 140727, + "ĠпÑĢавиÑĤелÑĮÑģÑĤв": 140728, + "Ġtäglich": 140729, + "Ġëĭ¹ìĭľ": 140730, + "×ŀ×ķ×¢×ŀ×ĵ": 140731, + "ĠдвоÑĢ": 140732, + "æīķ": 140733, + "æīķãģĦ": 140734, + "ĠÑģÑĤанеÑĤ": 140735, + "ĠвоздейÑģÑĤв": 140736, + "ĠвоздейÑģÑĤви": 140737, + "Ġfête": 140738, + "à¹Ģสา": 140739, + "תק×ķ×ķ×Ķ": 140740, + "Ġuyar": 140741, + "Ġuyarı": 140742, + "à¸ģลัà¸ļà¹Ħà¸Ľ": 140743, + "Ġgiưá»Ŀng": 140744, + "Ġва": 140745, + "ĠваÑĪи": 140746, + "ĠÄijáºŃu": 140747, + "ĠSpaÃŁ": 140748, + "ĠìķĦë§Ī": 140749, + "à¹Ħà¸Ķà¹īà¸ĩà¹Īาย": 140750, + "Ġ×Ķ×ŀ×ijקש": 140751, + "æĸ°ãģŁ": 140752, + "æĸ°ãģŁãģª": 140753, + "ılıyor": 140754, + "план": 140755, + "Ġ×Ķ×ijר×Ļ×IJ×ķת": 140756, + "ĠaÄŁrı": 140757, + "Ġsaygı": 140758, + "建ãģ¦": 140759, + "Ġnajwyż": 140760, + "Ġnajwyższ": 140761, + "سÙĬاسات": 140762, + "ãģĬå¾Ĺ": 140763, + "ĠاÙĦعÙĦÙĬ": 140764, + "ĠاÙĦعÙĦÙĬا": 140765, + "Ġcorazón": 140766, + "ì¹ĺë£Į": 140767, + "หัวà¸Ĥà¹īà¸Ń": 140768, + "ĠبØŃÙĬ": 140769, + "ĠبØŃÙĬØ«": 140770, + "звезд": 140771, + "بÙĪØ§Ø¨Ø©": 140772, + "ÐĽÐĺ": 140773, + "ÙĦازÙħ": 140774, + "Ġrozp": 140775, + "Ġrozpoc": 140776, + "ĠrozpoczÄĻ": 140777, + "触ãĤĮ": 140778, + "ĠاÙĦجÙħÙĩ": 140779, + "ĠاÙĦجÙħÙĩÙĪØ±": 140780, + "ĠspÄĻd": 140781, + "ĠspÄĻdz": 140782, + "วิà¸Ĺยาศาสà¸ķรà¹Į": 140783, + "иваеÑĤÑģÑı": 140784, + "Ġданной": 140785, + "Ġreprésente": 140786, + "ĠÄijá»ĭch": 140787, + "Ġ×¢×ŀ×ķ×§": 140788, + "à¸Ńัà¸Ļà¸ķร": 140789, + "à¸Ńัà¸Ļà¸ķราย": 140790, + "Ġestratég": 140791, + "Ġestratégia": 140792, + "padÅĤ": 140793, + "Ġвполн": 140794, + "Ġвполне": 140795, + "ĠпÑĢедоÑģÑĤавлен": 140796, + "×Ĺ׾×ķ×§": 140797, + "×Ĺ׾×ķקת": 140798, + "ãĤ¢ãĥĬ": 140799, + "ĠاÙĦغذ": 140800, + "ĠاÙĦغذائÙĬ": 140801, + "ĠÑĥзн": 140802, + "ĠÑĥзнаÑĤÑĮ": 140803, + "à¸ĭà¹īาย": 140804, + "å½ĵãģ¦": 140805, + "ØŃÙĬاء": 140806, + "Ġbásico": 140807, + "×§×ķ×ij×¢": 140808, + "ĠاÙĦÙħباراة": 140809, + "ĠاÙĦÙĩاتÙģ": 140810, + "Ġ׼׳×Ĵ×ĵ": 140811, + "à¸Ľà¸£à¸°à¸«à¸¢": 140812, + "à¸Ľà¸£à¸°à¸«à¸¢à¸±à¸Ķ": 140813, + "Ðļак": 140814, + "à¸Ĺีà¹Īà¸Ļà¹Īา": 140815, + "à¸Ĺีà¹Īà¸Ļà¹Īาสà¸Ļà¹ĥà¸Ī": 140816, + "ãģ¾ãģģ": 140817, + "ï½¢": 140818, + "Ñģкоп": 140819, + "Ġsonrasında": 140820, + "ĠurzÄħd": 140821, + "ĠurzÄħdzenia": 140822, + "׼×ķ×ķ׳": 140823, + "׼×ķ×ķ×ł×ª": 140824, + "Ġ׾×Ķת×ŀ×ķ×ĵ": 140825, + "Ġ׾×Ķת×ŀ×ķ×ĵ×ĵ": 140826, + "ĠÑģли": 140827, + "ĠÑģлиÑĪ": 140828, + "ĠÑģлиÑĪком": 140829, + "ĠÑģÑĤÑĥд": 140830, + "ĠÑģÑĤÑĥденÑĤ": 140831, + "Ġ×Ķ×ķ×ĵ": 140832, + "Ġ×Ķ×ķ×ĵ×¢×Ķ": 140833, + "ë¹Ħìļ©": 140834, + "à¸Ńยาà¸ģà¹ĥหà¹ī": 140835, + "Ġbá»ģ": 140836, + "ยุà¸Ĺà¸ĺ": 140837, + "ÐĺÐĿ": 140838, + "سائر": 140839, + "أصÙĪÙĦ": 140840, + "ĠاÙĦغرÙģ": 140841, + "ãģĵãģ¨ãĤĤãģĤãĤĬãģ¾ãģĻ": 140842, + "è¾¼ãģ¾ãĤĮ": 140843, + "ĠاÙĦسابع": 140844, + "Ġcá»§": 140845, + "ãģĦãģŁãģłãģĦãģŁ": 140846, + "ì§ĵ": 140847, + "ìĤ¬ë¬´": 140848, + "powiedź": 140849, + "تÙģÙĥ": 140850, + "تÙģÙĥÙĬر": 140851, + "иÑĢовки": 140852, + "ĠíĨµíķ´ìĦľ": 140853, + "ãĤ¨ãĤ¹ãĥĨ": 140854, + "ĠдеÑıÑĤелÑĮноÑģÑĤÑĮ": 140855, + "ĠданнÑĭм": 140856, + "Ġ×¢×ķר": 140857, + "Ġ×¢×ķר׼×Ļ": 140858, + "×ķ×ĵעת": 140859, + "Ġhayatını": 140860, + "ĠbÄħd": 140861, + "ĠbÄħdź": 140862, + "obsÅĤug": 140863, + "à¹Ģà¸ŀียà¸ĩà¹ģà¸Ħà¹Ī": 140864, + "à¸ĭà¹Īา": 140865, + "è²łãģij": 140866, + "ĠÑģÑĤÑĢем": 140867, + "ĠÄijá»īnh": 140868, + "ĠÐłÑĥÑģ": 140869, + "ĠNữ": 140870, + "Ġ׾×Ķש×Ļ×Ĵ": 140871, + "Ġjednoc": 140872, + "Ġjednocze": 140873, + "ĠjednoczeÅĽnie": 140874, + "Ġ×Ķ×Ĵ×ij×ķ×Ķ": 140875, + "أخÙĦاÙĤ": 140876, + "ĠнаÑģел": 140877, + "ĠнаÑģелениÑı": 140878, + "ĠÙĬÙĨب": 140879, + "ĠÙĬÙĨبغÙĬ": 140880, + "ãģĮãģĭ": 140881, + "ãģĮãģĭãģĭ": 140882, + "×Ĵעת": 140883, + "ÐŀÐł": 140884, + "ĠналиÑĩии": 140885, + "Ġë§Īì§Ģ": 140886, + "Ġë§Īì§Ģë§ī": 140887, + "ĠíĸīìĤ¬": 140888, + "ĠtreÅĽci": 140889, + "Ġê°Ģì¹ĺ": 140890, + "ì¦ĺ": 140891, + "Ġаналог": 140892, + "×Ķצעת": 140893, + "влад": 140894, + "владе": 140895, + "ĠÑģделал": 140896, + "Ġ׳×Ĵ×Ļש": 140897, + "Ġ׳×Ĵ×Ļש×ķת": 140898, + "полнение": 140899, + "à¸Ĩà¹Īา": 140900, + "ĠDön": 140901, + "׼׾׼׾×Ķ": 140902, + "×ŀ×ĸ×Ĵ": 140903, + "ÙħÙģ": 140904, + "ÙħÙģÙĩ": 140905, + "ÙħÙģÙĩÙĪÙħ": 140906, + "×Ķ×ĵ": 140907, + "×Ķ×ĵפס": 140908, + "×Ķ×ĵפס×Ķ": 140909, + "ãģĻãģİãģ¦": 140910, + "ĠгÑĢ": 140911, + "ĠгÑĢн": 140912, + "×ŀ×ĺ×ķס": 140913, + "Ġ기ìĸµ": 140914, + "ï¾Ł": 140915, + "ĠpÅĤyn": 140916, + "ĠGründe": 140917, + "ĠBücher": 140918, + "ĠwedÅĤug": 140919, + "ãģ¾ãģłãģ¾ãģł": 140920, + "Ġ׳×Ķ×ĵר": 140921, + "ĠÙĬستطÙĬع": 140922, + "ĠHiá»ĩp": 140923, + "ãĤŃãĥ£ãĥ³ãĥļ": 140924, + "ãĤŃãĥ£ãĥ³ãĥļãĥ¼ãĥ³": 140925, + "Ġthá»ķ": 140926, + "Ġeuropéenne": 140927, + "à¸ļัà¸ĩ": 140928, + "à¸ļัà¸ĩà¸Ħัà¸ļ": 140929, + "ĠszczegóÅĤowo": 140930, + "׳שק": 140931, + "ãĥķãĥ©ãĥ³ãĤ¹": 140932, + "×ŀ×ķ×ŀ×Ĺ×Ļ": 140933, + "Ġcomún": 140934, + "Ġçarp": 140935, + "ØŃتÙĬا": 140936, + "ØŃتÙĬاج": 140937, + "ØŃتÙĬاجات": 140938, + "ëĭ´ëĭ¹": 140939, + "ä½ķ度": 140940, + "ä½ķ度ãĤĤ": 140941, + "×ĵ×ij×§": 140942, + "ãģįãĤĮ": 140943, + "ãģįãĤĮãģĦ": 140944, + "Ġкам": 140945, + "ĠкамеÑĢ": 140946, + "ĠespecÃŃfico": 140947, + "Ġteléfono": 140948, + "à¸ķัà¹īà¸ĩà¸Ńยูà¹Ī": 140949, + "IÅŀ": 140950, + "ãģ©ãĤĵãģ©": 140951, + "ãģ©ãĤĵãģ©ãĤĵ": 140952, + "עצ×ŀ×IJ×Ļ": 140953, + "à¸Ķัà¸ĩà¸Ļีà¹ī": 140954, + "ĠÑĦоÑĢмиÑĢов": 140955, + "ĠÑĦоÑĢмиÑĢова": 140956, + "×ķ×ŀ×ij": 140957, + "Ġkullanımı": 140958, + "ÐľÐŀ": 140959, + "עש×Ļ": 140960, + "עש×Ļ×Ļ×Ķ": 140961, + "Ġönlem": 140962, + "à¹Ģà¸Ńà¹ĩ": 140963, + "à¹Ģà¸Ńà¹ĩม": 140964, + "×ŀשק×Ļ×¢": 140965, + "ר×Ļ×Ĺ": 140966, + "à¸Ĥัà¸Ķ": 140967, + "ĠíĻľ": 140968, + "ĠíĻľìļ©": 140969, + "à¸ĭะ": 140970, + "ãĤĪãģĨãģ«ãģªãĤĬãģ¾ãģĹãģŁ": 140971, + "ĠÑĢаÑģпÑĢ": 140972, + "ĠÑĢаÑģпÑĢоÑģÑĤ": 140973, + "ĠÑĢаÑģпÑĢоÑģÑĤÑĢан": 140974, + "ĠÑĢаÑģпÑĢоÑģÑĤÑĢанен": 140975, + "׼×Ļ×ķף": 140976, + "ÙĤبض": 140977, + "تصرÙĬØŃ": 140978, + "تصرÙĬØŃات": 140979, + "ĠоÑĢи": 140980, + "ĠоÑĢиг": 140981, + "ĠоÑĢигина": 140982, + "ĠоÑĢигинал": 140983, + "ĠاÙĦعاÙĦÙĬ": 140984, + "à¹ģหà¹Īà¸ĩà¸Ļีà¹ī": 140985, + "ãĥķãĤ¡ãĥ¼": 140986, + "ãģ¦ãģĦãģį": 140987, + "ãģ¦ãģĦãģįãģŁãģĦ": 140988, + "פתר": 140989, + "פתר×ķ׳×ķת": 140990, + "Ġ×ij×Ļ×Ĺ": 140991, + "Ġ×ij×Ļ×Ĺ×ĵ": 140992, + "Ġodby": 140993, + "ĠodbyÅĤ": 140994, + "ĠоÑĩеÑĢед": 140995, + "Ġtrương": 140996, + "ãĤŃãĥ³": 140997, + "×ŀ×ķפ": 140998, + "×ŀ×ķפע": 140999, + "ëĵľë¦½": 141000, + "ëĵľë¦½ëĭĪëĭ¤": 141001, + "à¸ŀืà¹īà¸Ļà¸IJาà¸Ļ": 141002, + "ìŀIJ격": 141003, + "ĠViá»ĩn": 141004, + "ĠDespués": 141005, + "Ġ×IJ׾×Ļ׳×ķ": 141006, + "Ġdurée": 141007, + "íĩ´": 141008, + "Ġmüzik": 141009, + "iếu": 141010, + "ĠÑĢазмеÑīен": 141011, + "ĠкÑĥд": 141012, + "ĠкÑĥда": 141013, + "غض": 141014, + "غضب": 141015, + "ĠTambém": 141016, + "à¸Īัà¸Ķสà¹Īà¸ĩ": 141017, + "à¸ģารà¹ģสà¸Ķà¸ĩ": 141018, + "onomÃŃa": 141019, + "Ġанг": 141020, + "Ġангли": 141021, + "Ġанглий": 141022, + "ĠанглийÑģк": 141023, + "Ġznal": 141024, + "Ġznalaz": 141025, + "ĠznalazÅĤ": 141026, + "תר×Ĵ": 141027, + "תר×Ĵ×ķ×Ŀ": 141028, + "ĠÑģнов": 141029, + "ĠÑģнова": 141030, + "ĠÑĩаÑģа": 141031, + "Ġcommunauté": 141032, + "ĠespecÃŃfica": 141033, + "ĠLá»ĭch": 141034, + "Ġlié": 141035, + "ÙģØ¬Ø±": 141036, + "à¹Ģà¸ģà¹Īà¸ĩ": 141037, + "عاÙĦ": 141038, + "عاÙĦج": 141039, + "Ø£ÙĨظ": 141040, + "Ø£ÙĨظÙħØ©": 141041, + "ESİ": 141042, + "ĠاÙĦØŃدÙĬد": 141043, + "à¸ŀระà¸Ńà¸ĩà¸Ħà¹Į": 141044, + "Ġפרשת": 141045, + "Ġдвиж": 141046, + "ĠдвижениÑı": 141047, + "ĠاÙĦجارÙĬ": 141048, + "à¸ĺาà¸Ļี": 141049, + "неÑģен": 141050, + "ĠاÙĦÙĨÙĩائÙĬ": 141051, + "ĠбеÑĢ": 141052, + "ĠбеÑĢем": 141053, + "ĠбеÑĢеменн": 141054, + "Ġdépartement": 141055, + "à¹Ģà¸Ĺีย": 141056, + "à¹Ģà¸Ĺียà¸ļ": 141057, + "ĠÐľÐ°ÑĢи": 141058, + "ĠнекоÑĤоÑĢÑĭÑħ": 141059, + "обеÑģп": 141060, + "обеÑģпеÑĩен": 141061, + "×Ĺ×ķ×ĸ": 141062, + "×Ĺ×ķ×ĸ×Ķ": 141063, + "ÙĨتج": 141064, + "à¸Īะà¹Ħà¸Ķà¹īรัà¸ļ": 141065, + "á»°": 141066, + "Ġéléments": 141067, + "عط": 141068, + "عطاء": 141069, + "Ġtắt": 141070, + "iá»ĩm": 141071, + "ÑİÑīиÑħÑģÑı": 141072, + "ãģĹãģ°": 141073, + "ãģĹãģ°ãĤīãģı": 141074, + "ĠпоможеÑĤ": 141075, + "à¸Ĥà¸ĵะà¸Ļีà¹ī": 141076, + "Ġעשר×ķת": 141077, + "éģķãģ£ãģ¦": 141078, + "ĠпÑĢог": 141079, + "ĠпÑĢогн": 141080, + "ĠпÑĢогноз": 141081, + "ĠtÅĤ": 141082, + "ĠtÅĤum": 141083, + "ĠtÅĤumacz": 141084, + "Tür": 141085, + "Türkiye": 141086, + "ãģįãģ£": 141087, + "ãģįãģ£ãģĭãģij": 141088, + "Ġ×Ķ׳×ķ׼": 141089, + "Ġ×Ķ׳×ķ׼×Ĺ×Ļ": 141090, + "ĠìĥĿìĤ°": 141091, + "ĠÑĦоÑĢмÑĭ": 141092, + "ç¾İãģĹãģĦ": 141093, + "à¸Ľà¸£à¸¶à¸ģ": 141094, + "à¸Ľà¸£à¸¶à¸ģษา": 141095, + "Ġlumière": 141096, + "ãĤªãĥ¼ãĥĹ": 141097, + "ãĤªãĥ¼ãĥĹãĥ³": 141098, + "à¸Ľà¸·à¸Ļ": 141099, + "วัสà¸Ķ": 141100, + "วัสà¸Ķุ": 141101, + "еÑĢÑĤв": 141102, + "ÙĥÙĦÙģ": 141103, + "ï½£": 141104, + "à¸ĺรรมà¸Ķา": 141105, + "׳×ĺר": 141106, + "ĠпÑĢедÑģÑĤавлÑıеÑĤ": 141107, + "Ġanálisis": 141108, + "Ġbãi": 141109, + "باÙĤÙĬ": 141110, + "à¸Ľà¸£à¸°à¹Ģà¸Ķ": 141111, + "à¸Ľà¸£à¸°à¹Ģà¸Ķà¹ĩà¸Ļ": 141112, + "ĠÑģлÑĥÑĩаÑı": 141113, + "ĠÑģлÑĥÑĩаÑıÑħ": 141114, + "ÐĽÐIJ": 141115, + "สัà¸ĩà¹Ģà¸ģ": 141116, + "สัà¸ĩà¹Ģà¸ģà¸ķ": 141117, + "Ġprzec": 141118, + "Ġprzecież": 141119, + "ÙħصÙĦ": 141120, + "ÙħصÙĦØŃØ©": 141121, + "ש×ķ×§×ķ׾×ĵ": 141122, + "ĠобоÑĢÑĥдованиÑı": 141123, + "ĠtrwaÅĤ": 141124, + "رÙĪÙħ": 141125, + "ìķĪëĤ´": 141126, + "ĠNghá»ĭ": 141127, + "خش": 141128, + "à¸ļาà¸Ħาร": 141129, + "à¸ļาà¸Ħารà¹Īา": 141130, + "ĠопÑĨион": 141131, + "ĠÑģозданиÑı": 141132, + "ãĤ³ãĤ¹ãĥĪ": 141133, + "Ġ×Ķ×¢×ľ×Ļ": 141134, + "Ġ×Ķ×¢×ľ×Ļ×ķף": 141135, + "läuft": 141136, + "ãĥĻãĤ¹ãĥĪ": 141137, + "Ġrê": 141138, + "Ġrêve": 141139, + "×IJ×ij×Ļ×ij": 141140, + "×Ļ×Ļ×ļ": 141141, + "ë¶Ļ": 141142, + "ãĤ¤ãĥ³ãĥī": 141143, + "ÅĤoży": 141144, + "ÅĤożyÄĩ": 141145, + "عائÙĦ": 141146, + "عائÙĦØ©": 141147, + "Ø£ÙĪØ±": 141148, + "Ø£ÙĪØ±Ø§ÙĤ": 141149, + "à¸Ĺà¹īà¸Ńà¸ĩà¸ĸ": 141150, + "à¸Ĺà¹īà¸Ńà¸ĩà¸ĸิà¹Īà¸Ļ": 141151, + "Ġähn": 141152, + "Ġähnlich": 141153, + "ãĥŁãĥĭ": 141154, + "à¸ľà¸¹": 141155, + "à¸ľà¸¹à¹īà¸Ļ": 141156, + "à¸ľà¸¹à¹īà¸Ļำ": 141157, + "ĠмаÑĤеÑĢиалÑĭ": 141158, + "ĠкапиÑĤ": 141159, + "ĠкапиÑĤал": 141160, + "F": 141161, + "Ġseçil": 141162, + "Ġhứng": 141163, + "Ġintéressant": 141164, + "ãģ£ãģ¦ãģĦãģı": 141165, + "ĠeÄŁer": 141166, + "ëIJĺìĹĪìĬµëĭĪëĭ¤": 141167, + "ĠanlaÅŁma": 141168, + "ãģĶåĪ©ç͍": 141169, + "Ġ×ij×ĸ׼": 141170, + "Ġ×ij×ĸ׼×ķת": 141171, + "ëĿ¼ë©´": 141172, + "ĠÙĬÙĪØ³": 141173, + "ĠÙĬÙĪØ³Ùģ": 141174, + "أسÙĦØŃØ©": 141175, + "ĠGefühl": 141176, + "ĠноÑĢмалÑĮн": 141177, + "ãĥĻãĥ³": 141178, + "ãģķãĤĮãĤĭãģĵãģ¨": 141179, + "ĠÐijеÑģ": 141180, + "ãģ¨ãģĦãģĪãģ°": 141181, + "ĠÙħÙĩÙħ": 141182, + "ĠÙħÙĩÙħØ©": 141183, + "ãģ§ãģĹãĤĩãģĨãģŃ": 141184, + "ĠêµŃëĤ´": 141185, + "à¹Ģมà¹ĩà¸Ķ": 141186, + "×ŀ×ijקר": 141187, + "ĠاÙĦدÙĨÙĬ": 141188, + "ĠاÙĦدÙĨÙĬا": 141189, + "à¸Ĭู": 141190, + "кÑĢÑĥÑĤ": 141191, + "Ġthoáng": 141192, + "Ġ׳×ĵר": 141193, + "Ġ׳×ĵרש": 141194, + "ĠÑĢаÑģÑģказал": 141195, + "ĠAuÃŁerdem": 141196, + "פ×IJר": 141197, + "פ×IJרק": 141198, + "Ġ×ŀש×Ĺ×§×Ļ×Ŀ": 141199, + "צר׼×Ļ×Ŀ": 141200, + "×ŀ×ĵ×ķ": 141201, + "×ŀ×ĵ×ķ×Ļ×§": 141202, + "èĭ¦ãģĹ": 141203, + "ĠÑģиг": 141204, + "ĠÑģигнал": 141205, + "ĠMá»įi": 141206, + "Ġtrữ": 141207, + "ĠnastÄĻp": 141208, + "ĠnastÄĻpnie": 141209, + "Ġì¶Ķì§Ħ": 141210, + "ĠاÙĦÙģÙĨد": 141211, + "ĠاÙĦÙģÙĨدÙĤ": 141212, + "koÅĦczyÅĤ": 141213, + "สีà¹Ī": 141214, + "×§×Ļ×ij": 141215, + "×§×Ļ×ij×ķ×¥": 141216, + "ĠнÑĥжнÑĭ": 141217, + "大åĪĩ": 141218, + "大åĪĩãģª": 141219, + "æıĽãģĪ": 141220, + "ת×ķס": 141221, + "ת×ķספת": 141222, + "ãģ£ãģ¦ãģĦãģªãģĦ": 141223, + "ĠмÑı": 141224, + "ĠмÑıг": 141225, + "ĠмÑıгк": 141226, + "Ġjakie": 141227, + "ĠjakieÅĽ": 141228, + "à¸ķำà¸ļ": 141229, + "à¸ķำà¸ļล": 141230, + "ĠìŀĪì§Ģ": 141231, + "×ij×ĺ×IJ": 141232, + "ĠоÑĤлиÑĩно": 141233, + "ÙĤÙIJ": 141234, + "ĠавÑĤомоб": 141235, + "ĠавÑĤомоби": 141236, + "ĠавÑĤомобилÑı": 141237, + "دÙĬÙħÙĤراطÙĬ": 141238, + "ĠاÙĦÙĪØ§": 141239, + "ĠاÙĦÙĪØ§ØŃد": 141240, + "ĠسÙĪØ±ÙĬØ©": 141241, + "أغÙĦ": 141242, + "أغÙĦب": 141243, + "ĠÑįкÑĢан": 141244, + "ãĥĹãĥ©ãĤ¤": 141245, + "ĠjesteÅĽ": 141246, + "ãĥIJãĥª": 141247, + "Ġ×Ķ×IJ×ķ×ķ×Ļר": 141248, + "ائÙĥ": 141249, + "à¸Ńยà¹Īาà¸ĩยิà¹Īà¸ĩ": 141250, + "ÑĢекÑĤ": 141251, + "Ġumo": 141252, + "Ġumoż": 141253, + "Ġumożli": 141254, + "Ġumożliw": 141255, + "Ġumożliwia": 141256, + "Ġnächste": 141257, + "ĠìŀĪì§Ģë§Į": 141258, + "ĠпÑĢедн": 141259, + "ĠпÑĢедназ": 141260, + "ĠпÑĢедназнаÑĩен": 141261, + "Ġmaçı": 141262, + "Ġpomi": 141263, + "ĠpomiÄĻd": 141264, + "ĠpomiÄĻdzy": 141265, + "ĠاÙĦÙĦÙĤاء": 141266, + "à¹Ģà¸Ķà¸Ńะ": 141267, + "ĠновоÑģÑĤи": 141268, + "×ŀ×Ĺ׾×Ķ": 141269, + "رÙĬاضÙĬ": 141270, + "à¸Ķà¸Ļ": 141271, + "à¸Ķà¸Ļà¸ķรี": 141272, + "بصر": 141273, + "ìĬ¤íĥĢ": 141274, + "scripción": 141275, + "Ġnapisa": 141276, + "ĠnapisaÅĤ": 141277, + "Ġ׳ש×ŀ×¢": 141278, + "ĠاÙĦÙħØŃÙĦÙĬ": 141279, + "Ġhiá»ĥn": 141280, + "×IJ×Ĺ": 141281, + "×IJ×Ĺר×IJ×Ļ": 141282, + "ĠгÑĢаниÑĨ": 141283, + "æīĭç¶ļãģį": 141284, + "Ùĥسب": 141285, + "Ġà¹ģà¸ķà¹Īà¸ĸà¹īา": 141286, + "à¸Ķาวà¸Ļà¹Į": 141287, + "à¸Ķาวà¸Ļà¹Įà¹Ĥหลà¸Ķ": 141288, + "ãĤĭãģĵãģ¨ãģĮãģ§ãģįãģ¾ãģĻ": 141289, + "åŁºæľ¬çļĦãģ«": 141290, + "ÙĪÙĦاد": 141291, + "räume": 141292, + "دÙģØ§Ø¹": 141293, + "×Ļצע": 141294, + "ĠOczy": 141295, + "ĠOczywiÅĽcie": 141296, + "ĠÅģ": 141297, + "ĠÅģa": 141298, + "اÙĦÙĬاب": 141299, + "اÙĦÙĬاباÙĨ": 141300, + "áºłI": 141301, + "ĠBirliÄŁi": 141302, + "×Ķ×ķצ": 141303, + "×Ķ×ķצ×IJת": 141304, + "ĠÄijua": 141305, + "Ġê·¸ëŁ¬ëĭĪê¹Į": 141306, + "Ġréalité": 141307, + "عÙĦاÙĤات": 141308, + "Jeste": 141309, + "JesteÅĽ": 141310, + "Ġмнож": 141311, + "ĠмножеÑģÑĤво": 141312, + "K": 141313, + "ãĥĹãĥŃãĤ¸ãĤ§": 141314, + "ãĥĹãĥŃãĤ¸ãĤ§ãĤ¯ãĥĪ": 141315, + "ĠÑĦл": 141316, + "ظÙĨ": 141317, + "×Ĵ׾×Ĵ׾": 141318, + "ĠmÅĤodzie": 141319, + "ĠmÅĤodzież": 141320, + "à¸Ļà¹īำà¸ķา": 141321, + "à¸Ļà¹īำà¸ķาล": 141322, + "ÐĽÐķ": 141323, + "×ij×ķ×ĺ": 141324, + "Ġ׾×Ķ×Ĵ×Ļ×ĵ": 141325, + "ãģĵãģ¨ãĤĤãģĤãĤĭ": 141326, + "زاد": 141327, + "×ŀ×Ļ×ĵ×¢": 141328, + "ĠgÅĤównie": 141329, + "ãĥıãĤ¦": 141330, + "ãĥıãĤ¦ãĤ¹": 141331, + "бел": 141332, + "Ġétape": 141333, + "ðŁĺĢ": 141334, + "ĠмоделÑĮ": 141335, + "aģını": 141336, + "ש×Ĺ×§": 141337, + "ש×Ĺקף": 141338, + "Ġniño": 141339, + "à¸Ĭà¹īาà¸ĩ": 141340, + "à¹Ģลีย": 141341, + "ĠÑĦоÑĢме": 141342, + "ĠاÙĦشرÙĬÙģ": 141343, + "ĠÑĥдаÑĢ": 141344, + "arriv": 141345, + "arrivée": 141346, + "ĠmiesiÄĻ": 141347, + "ĠmiesiÄĻcy": 141348, + "ØŃرÙĥ": 141349, + "ØŃرÙĥات": 141350, + "ĠDiá»ħn": 141351, + "ÐĿЫ": 141352, + "ãģ¾ãģ£ãģŁãģı": 141353, + "Ġ×Ļר×ķ×§": 141354, + "еÑģÑĤеÑģÑĤв": 141355, + "еÑģÑĤеÑģÑĤвенн": 141356, + "Ġê·¸ëŁ¼": 141357, + "ĠاÙĦÙħتÙĪ": 141358, + "ĠاÙĦÙħتÙĪØ³Ø·": 141359, + "Ġbénéfic": 141360, + "Ġbénéficie": 141361, + "Ġwybra": 141362, + "ĠwybraÄĩ": 141363, + "ĠاÙĦزÙħÙĨ": 141364, + "ĠпÑĢинÑı": 141365, + "ĠпÑĢинÑıл": 141366, + "Ù쨱ØŃ": 141367, + "Ġksz": 141368, + "ĠksztaÅĤ": 141369, + "ĠksztaÅĤt": 141370, + "ק׾×ĺ": 141371, + "×ij×ĵ×Ļקת": 141372, + "Ġgiấ": 141373, + "Ġgiấc": 141374, + "ĠproprietÃł": 141375, + "деÑĢжан": 141376, + "ĠKöln": 141377, + "ĠGüzel": 141378, + "×Ļפ×ķ×Ļ": 141379, + "ĠCuá»Ļc": 141380, + "ÑįÑĤаж": 141381, + "ترÙĥÙĬ": 141382, + "ترÙĥÙĬز": 141383, + "ложений": 141384, + "ĠпÑĥ": 141385, + "ĠпÑĥÑĤи": 141386, + "اختÙĦاÙģ": 141387, + "åĩºãģ¦ãģıãĤĭ": 141388, + "à¸ļุà¸ģ": 141389, + "âĿ¤": 141390, + "ÑĦан": 141391, + "פש×ĺ": 141392, + "à¸ļัà¸Ļà¹Ģà¸Ĺ": 141393, + "à¸ļัà¸Ļà¹Ģà¸Ĺิà¸ĩ": 141394, + "ĠاÙĦساد": 141395, + "ĠاÙĦسادس": 141396, + "ĠاÙĦÙĤÙĪÙħ": 141397, + "ĠاÙĦÙĤÙĪÙħÙĬ": 141398, + "Ġyönetici": 141399, + "ÙĩÙĪØ§Øª": 141400, + "ÙĩÙĪØ§ØªÙģ": 141401, + "Ġresponsável": 141402, + "ĠподдеÑĢжива": 141403, + "ĠاÙĦسÙĦØ·": 141404, + "ĠاÙĦسÙĦطات": 141405, + "ãģĹãģ¦ãģĬãģı": 141406, + "ãĥļãĥĥãĥĪ": 141407, + "à¸Ľà¸¸à¹Īม": 141408, + "ĠoglÄħda": 141409, + "ÙĨاÙĤ": 141410, + "ÙĨاÙĤØ´": 141411, + "à¸Ħà¸Ńà¸Ļà¹Ĥà¸Ķ": 141412, + "ĠMüsl": 141413, + "ĠMüslü": 141414, + "ĠMüslüman": 141415, + "ĠMoż": 141416, + "ĠMożna": 141417, + "Ġnumérique": 141418, + "Ġvá»ı": 141419, + "ĠسÙĬتÙħ": 141420, + "ĠyerleÅŁ": 141421, + "монÑĤаж": 141422, + "Ġgoût": 141423, + "ãģ¦ãģĬãĤĬãģ¾ãģĻ": 141424, + "ĠKhánh": 141425, + "Ġедин": 141426, + "ĠединÑģÑĤв": 141427, + "اÙĨØ®Ùģ": 141428, + "اÙĨØ®ÙģØ§Ø¶": 141429, + "ìĭľíĹĺ": 141430, + "Ġlặng": 141431, + "ĠÑĢолÑĮ": 141432, + "à¸ķัวà¹ģà¸Ĺà¸Ļ": 141433, + "à¸Ħà¹Īาà¹ĥà¸Ĭà¹ī": 141434, + "à¸Ħà¹Īาà¹ĥà¸Ĭà¹īà¸Īà¹Īาย": 141435, + "Ġverfüg": 141436, + "Ġverfügbar": 141437, + "ìĻĶëĭ¤": 141438, + "ãģĦãģļ": 141439, + "ãģĦãģļãĤĮ": 141440, + "ĠиÑģÑģледованиÑı": 141441, + "меÑīа": 141442, + "×Ķ×Ĺ": 141443, + "×Ķ×Ĺ×ĸר": 141444, + "à¹ģà¸Łà¸Ĭัà¹Īà¸Ļ": 141445, + "تصرÙģ": 141446, + "إرÙĩاب": 141447, + "ĠexercÃŃcio": 141448, + "Ġélev": 141449, + "Ġélevé": 141450, + "สัà¸įà¸įาà¸ĵ": 141451, + "ÃĸZ": 141452, + "ãĥĹãĥŃãĤ°": 141453, + "ãĥĹãĥŃãĤ°ãĥ©": 141454, + "ãĥĹãĥŃãĤ°ãĥ©ãĥł": 141455, + "ĠwewnÄĻtrzn": 141456, + "Ġhenüz": 141457, + "é£Ľãģ³": 141458, + "à¹Ģà¸Ķà¸Ńรà¹Į": 141459, + "ÑģÑĥж": 141460, + "ÑģÑĥжден": 141461, + "شعÙĪØ¨": 141462, + "ãģ²ãģ¨ãĤĬ": 141463, + "ĠwyÅĤÄħ": 141464, + "ĠwyÅĤÄħcznie": 141465, + "ĠплоÑħо": 141466, + "ÐĶÐķ": 141467, + "Ầ": 141468, + "ÙģØ¹Ø§ÙĦÙĬ": 141469, + "ÙģØ¹Ø§ÙĦÙĬات": 141470, + "ĠاÙĦعشر": 141471, + "ÑģÑĤÑĥпил": 141472, + "Ġyarg": 141473, + "Ġyargı": 141474, + "нÑİÑİ": 141475, + "×ķ×IJ×ij": 141476, + "Ġuç": 141477, + "Ġuçak": 141478, + "ë²½": 141479, + "تÙĪÙĤÙĬ": 141480, + "تÙĪÙĤÙĬع": 141481, + "Ġì¤ijìĭ¬": 141482, + "׳×Ļ×ķ×ķ×ĺ": 141483, + "Ø£ÙĥÙĦ": 141484, + "ç½®ãģĦãģ¦": 141485, + "éłĤãģį": 141486, + "Ġ×Ķת×ij": 141487, + "Ġ×Ķת×ij×Ļ×¢×Ķ": 141488, + "Ġdürfen": 141489, + "ÙħÙĤاÙĦ": 141490, + "ÙħÙĤاÙĦات": 141491, + "ĠزÙħÙĨ": 141492, + "à¸ŀฤศ": 141493, + "à¸ŀฤศà¸Ī": 141494, + "à¸ŀฤศà¸Īิà¸ģ": 141495, + "à¸ŀฤศà¸Īิà¸ģายà¸Ļ": 141496, + "ĠнеÑģколÑĮ": 141497, + "ĠнеÑģколÑĮки": 141498, + "ĠнеÑģколÑĮкиÑħ": 141499, + "Ġcriança": 141500, + "มิà¸ķร": 141501, + "×ŀ׼×Ļר×ķת": 141502, + "à¸ģารà¸ļริหาร": 141503, + "Ġtélécharg": 141504, + "Ġ×IJ×ķ×Ķ×ijת": 141505, + "ĠBüro": 141506, + "ä½ľãģ£ãģŁ": 141507, + "ĠKiÅŁi": 141508, + "ç¾İåij³ãģĹ": 141509, + "à¹Ģลยà¸Ħà¹Īะ": 141510, + "à¸ŀà¸ļà¸ģัà¸ļ": 141511, + "à¸Īà¹īา": 141512, + "Ġçer": 141513, + "Ġçerç": 141514, + "Ġçerçeve": 141515, + "ãĤĴä½ľãģ£ãģ¦": 141516, + "ĠпеÑĢвÑĥÑİ": 141517, + "×ŀצר×Ļ×Ŀ": 141518, + "×IJ׾×ķ×Ķ": 141519, + "×IJ׾×ķ×Ķ×Ļ×Ŀ": 141520, + "Ġagré": 141521, + "Ġagréable": 141522, + "Ġayır": 141523, + "İLİ": 141524, + "ãĤ¥": 141525, + "ĠíĺĦ": 141526, + "ĠíĺĦìĭ¤": 141527, + "ثاÙĦØ«": 141528, + "ת×ĸ": 141529, + "ת×ĸ×ķ׳×Ķ": 141530, + "ãģ¨ãģĦãģ£ãģ¦": 141531, + "ãģ¨ãģĦãģ£ãģ¦ãĤĤ": 141532, + "ĠابÙĪ": 141533, + "ĠÑģобак": 141534, + "é£Łãģ¹ãģŁ": 141535, + "Ġданном": 141536, + "à¹Ģลิ": 141537, + "à¹Ģลิศ": 141538, + "Ġíļ": 141539, + "Ġíļ¨": 141540, + "Ġíļ¨ê³¼": 141541, + "ãĤĤãĤīãģĪãĤĭ": 141542, + "׳צ׾": 141543, + "ÑĦик": 141544, + "ÑĦикÑģ": 141545, + "ĠjesteÅĽmy": 141546, + "ת×Ĺ×ķש×Ķ": 141547, + "à¹Ħมà¹Īà¸Ħวร": 141548, + "ĠØŃسÙĬÙĨ": 141549, + "à¸ģารลà¸ĩà¸Ĺุà¸Ļ": 141550, + "ë´¤": 141551, + "ĠÐĺменно": 141552, + "à¸ļà¸Ńรà¹Į": 141553, + "à¸ļà¸Ńรà¹Įà¸Ķ": 141554, + "ĠCảnh": 141555, + "ìĦľë¹ĦìĬ¤": 141556, + "Ġполов": 141557, + "Ġполовин": 141558, + "ĠзамеÑĩа": 141559, + "ãģĦãĤįãĤĵãģª": 141560, + "Ġ×ij×Ļ×§": 141561, + "Ġ×ij×Ļקש": 141562, + "лÑĥÑĪ": 141563, + "ãĤĴè¿İ": 141564, + "ãĤĴè¿İãģĪ": 141565, + "جرÙĬÙħØ©": 141566, + "Ġtây": 141567, + "ĠاÙĦÙĨÙĪ": 141568, + "ĠاÙĦÙĨÙĪÙĪÙĬ": 141569, + "ÃĤN": 141570, + "ì¿ł": 141571, + "หà¸Ļาว": 141572, + "Ġ×ij×Ĺש×ij×ķף": 141573, + "زار": 141574, + "à¸Ķาร": 141575, + "à¸Ķารา": 141576, + "ĠÅĽl": 141577, + "ĠÅĽlub": 141578, + "มีà¸Ħวามสุà¸Ĥ": 141579, + "Ġnhu": 141580, + "ĠnhuáºŃn": 141581, + "ÙħØŃطة": 141582, + "à¹Ģสืà¹īà¸Ńà¸ľà¹īา": 141583, + "ĠТолÑĮко": 141584, + "ĠÙĥس": 141585, + "ĠÙĥسارة": 141586, + "ÙħشرÙĪØ¹": 141587, + "niÄĻcia": 141588, + "×¢×Ľ×©×Ļ×ķ": 141589, + "تÙĦÙģ": 141590, + "تÙĦÙ쨲ÙĬ": 141591, + "تÙĦÙ쨲ÙĬÙĪÙĨ": 141592, + "ĠlÆ°á»Ľi": 141593, + "ĠÐľÐ¾ÑģквÑĭ": 141594, + "Ġréserve": 141595, + "ĠanlaÅŁ": 141596, + "ĠanlaÅŁÄ±l": 141597, + "ĠedeceÄŁi": 141598, + "รà¸Ńà¸ĩà¹Ģà¸Ĺà¹īา": 141599, + "Ġبط": 141600, + "ĠبطرÙĬ": 141601, + "ĠبطرÙĬÙĤØ©": 141602, + "ãģ¦ãģĹãģ¾ãģ£ãģ¦": 141603, + "ãĤĤãĤīãģ£ãģ¦": 141604, + "برج": 141605, + "æ±ļ": 141606, + "æ±ļãĤĮ": 141607, + "Ġchoc": 141608, + "Ġchocia": 141609, + "Ġchociaż": 141610, + "Ġzobac": 141611, + "ĠzobaczyÄĩ": 141612, + "пÑĢÑı": 141613, + "пÑĢÑıжен": 141614, + "ĠÑĨиÑĦ": 141615, + "ĠÑĨиÑĦÑĢ": 141616, + "Ġмам": 141617, + "ĠвзÑıÑĤÑĮ": 141618, + "Ġchạm": 141619, + "جسÙħ": 141620, + "ØŃÙħاس": 141621, + "à¹Ģลà¹Īม": 141622, + "à¸ŀิษ": 141623, + "×Ķפ׼×ķ": 141624, + "à¸Ĭà¹Īà¸Ńà¸ĩà¸Ĺาà¸ĩ": 141625, + "Ġвек": 141626, + "Ġвека": 141627, + "Æ¡Ìģ": 141628, + "Æ¡Ìģi": 141629, + "ĠTiá»ģn": 141630, + "Ġtrầm": 141631, + "мÑĭÑĪ": 141632, + "мÑĭÑĪл": 141633, + "ĠÑĤÑĥ": 141634, + "ĠÑĤÑĥÑĢиÑģÑĤ": 141635, + "Ġchc": 141636, + "ĠchcÄħ": 141637, + "Ġавг": 141638, + "ĠавгÑĥÑģÑĤ": 141639, + "ĠавгÑĥÑģÑĤа": 141640, + "ס×IJ×ķת": 141641, + "Ġר×Ĵ׾": 141642, + "à¸ľà¸¥à¸ģระà¸Ĺ": 141643, + "à¸ľà¸¥à¸ģระà¸Ĺà¸ļ": 141644, + "å¤īãĤıãĤĭ": 141645, + "Ġ×Ķ×IJ×Ĺר×ķ׳×Ļ×Ŀ": 141646, + "سÙģÙĬر": 141647, + "ĠÑĩаÑīе": 141648, + "ãģĦãĤī": 141649, + "ãģĦãĤīãģ£": 141650, + "ãģĦãĤīãģ£ãģĹãĤĥ": 141651, + "×ķ×ŀ׳×Ļ×Ŀ": 141652, + "Ġarttır": 141653, + "ĠChá»ĭ": 141654, + "Ġì¡°ì§ģ": 141655, + "ĠÑĥÑģпеÑħ": 141656, + "Ġ×¢×ķס": 141657, + "Ġ×¢×ķסק": 141658, + "ĠìĥĿëªħ": 141659, + "ÑĨиÑĤ": 141660, + "Ġregión": 141661, + "ÐŀÐĿ": 141662, + "ĠdoÄŁum": 141663, + "ĠyaÅŁad": 141664, + "ĠyaÅŁadıģı": 141665, + "à¸Ĺà¸Ķลà¸Ńà¸ĩ": 141666, + "Ġgözü": 141667, + "ש×Ļר×Ķ": 141668, + "дÑĥмал": 141669, + "Ġdaģı": 141670, + "Ġdaģıt": 141671, + "à¸Ĺีมà¸ĩาà¸Ļ": 141672, + "Ġtiá»ģm": 141673, + "ĠاÙĦÙĥبر": 141674, + "ĠاÙĦÙĥبرÙī": 141675, + "ì¹Ń": 141676, + "ĠGünc": 141677, + "ĠGüncelle": 141678, + "ĠGüncelleme": 141679, + "ê¹Ĭ": 141680, + "ĠобоÑĢÑĥдование": 141681, + "ĠÑĢеÑĪа": 141682, + "Ụ": 141683, + "ĠпиÑĤ": 141684, + "ĠпиÑĤаниÑı": 141685, + "à¹Ģรียà¸ļ": 141686, + "×Ľ×ª×Ļ×ij×Ķ": 141687, + "Ġпон": 141688, + "ĠпонÑĢав": 141689, + "ĠпонÑĢави": 141690, + "Ġ×Ķ×ķ׾×ĵ": 141691, + "Ġ×Ķ×ķ׾×ĵת": 141692, + "Ġê²ģ": 141693, + "Ġê²ģëĭĪëĭ¤": 141694, + "ĠпеÑĢвой": 141695, + "ãĥ©ãĤ¤ãĥķ": 141696, + "ĠÅŁiir": 141697, + "krÄĻ": 141698, + "krÄĻc": 141699, + "Ġthiá»ĥu": 141700, + "à¹Ģลยà¸Ĺี": 141701, + "à¹Ģลยà¸Ĺีà¹Ģà¸Ķียว": 141702, + "×ĺ×¢×ł×ķת": 141703, + "ائÙĩÙħ": 141704, + "Ġ×IJס×ķר": 141705, + "ĠплаÑĤеж": 141706, + "تردد": 141707, + "Ġmożliwe": 141708, + "ĠkhỼ": 141709, + "ĠkhỼp": 141710, + "تÙģØ§Ø¹ÙĦ": 141711, + "ĠÑĪколÑĮ": 141712, + "ĠÑĪколÑĮн": 141713, + "ĠÙĤصة": 141714, + "Ġmétier": 141715, + "nÄĻÅĤa": 141716, + "หลà¹Īà¸Ń": 141717, + "Ġá»§ng": 141718, + "Ġprzegl": 141719, + "ĠprzeglÄħd": 141720, + "ĠاÙĦÙħتعÙĦ": 141721, + "ĠاÙĦÙħتعÙĦÙĤØ©": 141722, + "ĠÑģÑĭн": 141723, + "Ġволн": 141724, + "ãĥĩãĥ¼ãĥĪ": 141725, + "ĠÐŃÑĤи": 141726, + "ĠкÑĢоме": 141727, + "à¸Ħารà¹Į": 141728, + "׳ק×ķ×ĵ×Ķ": 141729, + "Ġ׾ש×ŀ×ķ×¢": 141730, + "Ġ×ĸ×ķ׼ר": 141731, + "ï¼§": 141732, + "ÙĬÙİØ§": 141733, + "Ġgiá»ıi": 141734, + "åĥįãģı": 141735, + "ĠÑģни": 141736, + "ĠÑģнижен": 141737, + "à¹ģà¸Ķà¸Ķ": 141738, + "รุà¸Ļ": 141739, + "รุà¸Ļà¹ģรà¸ĩ": 141740, + "Ġhiá»ĩp": 141741, + "ografÃŃa": 141742, + "à¹Ģà¸Īà¸Ńรà¹Į": 141743, + "Ġдвиг": 141744, + "ĠдвигаÑĤ": 141745, + "ĠдвигаÑĤел": 141746, + "Ġüy": 141747, + "Ġüyeler": 141748, + "Ġüyeleri": 141749, + "ĠбÑĥк": 141750, + "ĠбÑĥкв": 141751, + "ãĤĤå¤ļãģı": 141752, + "Ġthiá»ĩt": 141753, + "ĠPaÃŃs": 141754, + "ĠطبÙĬعÙĬ": 141755, + "à¹ģà¸Īà¸ģ": 141756, + "ĠاÙĦصØŃÙĬØŃ": 141757, + "Ġappré": 141758, + "Ġappréci": 141759, + "Ġdecisión": 141760, + "Ġë°ĺëĵľ": 141761, + "Ġë°ĺëĵľìĭľ": 141762, + "ĠÑĤебе": 141763, + "ãĤ·ãĥ¼ãĤº": 141764, + "ãĤ·ãĥ¼ãĤºãĥ³": 141765, + "ĠдалÑĮн": 141766, + "ĠìĬ¤": 141767, + "ĠìĬ¤ìĬ¤": 141768, + "ĠìĬ¤ìĬ¤ë¡ľ": 141769, + "ĠThá»ĥ": 141770, + "ĠkarÅŁ": 141771, + "ĠkarÅŁÄ±s": 141772, + "ĠkarÅŁÄ±sında": 141773, + "ĠKön": 141774, + "ĠKönig": 141775, + "ивание": 141776, + "×ij×ķצע": 141777, + "глаÑģ": 141778, + "Ġtwó": 141779, + "Ġtwórc": 141780, + "à¸Ľà¸ģà¸Ħร": 141781, + "à¸Ľà¸ģà¸Ħรà¸Ńà¸ĩ": 141782, + "ĠGÅĤ": 141783, + "ĠGÅĤówn": 141784, + "ĠUnterstüt": 141785, + "ĠUnterstützung": 141786, + "ĠдÑĥÑħ": 141787, + "ĠдÑĥÑħов": 141788, + "Ø£ÙħاÙĨ": 141789, + "×Ĺשש": 141790, + "تظ": 141791, + "تظاÙĩر": 141792, + "ĠлÑİбом": 141793, + "à¸ķาร": 141794, + "à¸ķาราà¸ĩ": 141795, + "Ġkról": 141796, + "Ø£ØŃدث": 141797, + "ì¡Įëĭ¤": 141798, + "ÐļÑĥÑĢÑģ": 141799, + "ãĥĥãĥĦ": 141800, + "×ŀ×§×ķ×ij׾": 141801, + "ĠÑģимвол": 141802, + "Ġdésorm": 141803, + "Ġdésormais": 141804, + "wüns": 141805, + "wünsche": 141806, + "Ñĥни": 141807, + "ÑĥниÑĨип": 141808, + "ÑĥниÑĨипалÑĮн": 141809, + "หลัà¸ģสูà¸ķร": 141810, + "ÙĨتشر": 141811, + "Ġал": 141812, + "Ġалк": 141813, + "Ġалког": 141814, + "Ġалкогол": 141815, + "ĠÑĥÑĩиÑĤÑĭва": 141816, + "à¸ģำà¸ģัà¸ļ": 141817, + "Ġ×ľ×¤×¢×ķ׾": 141818, + "ĠìĹ°ê²°": 141819, + "sÄħd": 141820, + "ĠاÙĦØ£ÙĬ": 141821, + "ĠاÙĦØ£ÙĬاÙħ": 141822, + "غÙĬاب": 141823, + "ĠнаÑĢ": 141824, + "ĠнаÑĢко": 141825, + "×ŀ×ķ×ĵ×¢": 141826, + "ĠÑģеÑĢии": 141827, + "пиÑģÑĭва": 141828, + "สิว": 141829, + "ç¶ļãģĦãģ¦": 141830, + "çͳãģĹè¾¼ãģ¿": 141831, + "Ġ׾×Ĵר": 141832, + "Ġ׾×Ĵר×ķ×Ŀ": 141833, + "Ġдем": 141834, + "Ġдемо": 141835, + "Ġë³´ëĤ´": 141836, + "تÙĩدÙĬد": 141837, + "ĠÙħØ´ÙĬرا": 141838, + "Ġduy": 141839, + "Ġduyá»ĩt": 141840, + "ĠwiÄĻksze": 141841, + "ÙħعاÙĬ": 141842, + "ÙħعاÙĬÙĬر": 141843, + "ĠGda": 141844, + "ĠGdaÅĦsk": 141845, + "Ġrah": 141846, + "Ġrahats": 141847, + "Ġrahatsız": 141848, + "ר×ķצ×Ķ": 141849, + "lös": 141850, + "lösung": 141851, + "ĠТаким": 141852, + "ÑĪед": 141853, + "ÑĪедÑĪ": 141854, + "عزÙĦ": 141855, + "Ġרש×Ļ×ŀת": 141856, + "Ġ׾×Ķ×Ļ׼": 141857, + "Ġ׾×Ķ×Ļ×Ľ×ł×¡": 141858, + "ĠпÑĥÑĤ": 141859, + "ĠпÑĥÑĤеÑĪ": 141860, + "ĠпÑĥÑĤеÑĪеÑģÑĤв": 141861, + "ĠnotÃŃcia": 141862, + "ĠalÄ±ÅŁ": 141863, + "ĠalÄ±ÅŁver": 141864, + "ĠalÄ±ÅŁveriÅŁ": 141865, + "ĠwÅĤos": 141866, + "ĠwÅĤosów": 141867, + "Ġبغ": 141868, + "Ġبغداد": 141869, + "Ġveröffent": 141870, + "Ġveröffentlicht": 141871, + "ĠKhá": 141872, + "Ġtán": 141873, + "ëIJĺ기": 141874, + "Ġ방문": 141875, + "ÙģÙĬÙĦ": 141876, + "à¹Ģà¸ģิà¸Ķà¸Īาà¸ģ": 141877, + "åı¯æĦĽ": 141878, + "åı¯æĦĽãģĦ": 141879, + "à¸ĸุà¸ĩ": 141880, + "ĠzewnÄĻtrzn": 141881, + "à¸łà¸²à¸©à¸²à¸Ńัà¸ĩà¸ģฤษ": 141882, + "Ġmáxima": 141883, + "Ġulus": 141884, + "Ġuluslararası": 141885, + "Ġ׳×Ķ׳": 141886, + "à¸Ĥà¹Īาวสาร": 141887, + "ĠìĿĺìĤ¬": 141888, + "à¹Ģหลืà¸Ńà¸ĩ": 141889, + "ĠدÙĤ": 141890, + "ĠدÙĤائÙĤ": 141891, + "สืà¹Īà¸Ńสาร": 141892, + "먼": 141893, + "ĠÑģоÑģÑĤоÑıнии": 141894, + "สมาà¸Ħม": 141895, + "á»Ĥ": 141896, + "ĠÐľÐ¾Ñģков": 141897, + "ĠÐľÐ¾ÑģковÑģк": 141898, + "×ŀס×ķ×Ĵ׾": 141899, + "ãģĭãģĭãĤĬ": 141900, + "ĠTruyá»ģn": 141901, + "à¹ģà¸Ĥà¹ĩà¸ĩà¹ģรà¸ĩ": 141902, + "×ŀ×Ĺ×ĸ×Ļ×§": 141903, + "à¹Ĥà¸ģà¹ī": 141904, + "ÙĬسر": 141905, + "ìĶ©": 141906, + "×IJ×ķ×§": 141907, + "×IJ×ķ×§×ĺ": 141908, + "×IJ×ķ×§×ĺ×ķ×ijר": 141909, + "Ġproximité": 141910, + "ÙħÙĨÙĩج": 141911, + "ĠاÙĦجز": 141912, + "ĠاÙĦجزائ": 141913, + "ĠاÙĦجزائرÙĬ": 141914, + "ĠÄIJiá»ĥm": 141915, + "Ġденеж": 141916, + "Ġденежн": 141917, + "ÙģØŃص": 141918, + "Ù쨦": 141919, + "ĠÐijÑĥд": 141920, + "×Ĵ×Ļ×ĵ×ķ׾": 141921, + "ĠÐĴедÑĮ": 141922, + "عÙĦاÙħØ©": 141923, + "Ġ×IJ×Ĺר×ķ׳×ķת": 141924, + "ãģĦãģŁãģłãģĦãģ¦": 141925, + "سÙĦØŃ": 141926, + "ØŃÙĦÙħ": 141927, + "زÙĪØ§Ø±": 141928, + "Ùĥسر": 141929, + "×ĺקס": 141930, + "Ġбан": 141931, + "Ġбанков": 141932, + "ĠпÑĢож": 141933, + "ĠпÑĢожива": 141934, + "liwo": 141935, + "liwoÅĽci": 141936, + "ĠTiếp": 141937, + "ĠاÙĦÙħÙĨاسب": 141938, + "ĠاÙĦØ®ÙĬار": 141939, + "ãģĬãģĭ": 141940, + "ãģĬãģĭãģĴ": 141941, + "à¸Ķà¸Ńà¸ģà¹Ħมà¹ī": 141942, + "ämp": 141943, + "ämpfe": 141944, + "à¸ķัà¹īà¸ĩà¹ĥà¸Ī": 141945, + "ĠзаÑīиÑĤ": 141946, + "ĠзаÑīиÑĤÑĭ": 141947, + "ĠThưá»Ŀng": 141948, + "ĠصÙģ": 141949, + "ĠصÙģØŃØ©": 141950, + "×Ĺ×ķרף": 141951, + "ãĥIJãĥĥãĤ°": 141952, + "Ġ×ĵ×Ļ×Ĵ": 141953, + "Ġ×ĵ×Ļ×Ĵ×Ļ×ĺ": 141954, + "Ġ×ĵ×Ļ×Ĵ×Ļ×ĺ׾×Ļ": 141955, + "Ġ×Ķ×Ĺ×ķ׾×Ļ×Ŀ": 141956, + "веÑī": 141957, + "веÑīа": 141958, + "ĠкÑĥлÑĮÑĤ": 141959, + "ĠкÑĥлÑĮÑĤÑĥ": 141960, + "ĠкÑĥлÑĮÑĤÑĥÑĢÑĭ": 141961, + "ĠاÙĦاÙĨترÙĨت": 141962, + "Ġhöch": 141963, + "Ġhöchst": 141964, + "Ġíĺķ": 141965, + "Ġíĺķíĥľ": 141966, + "Ġвой": 141967, + "ĠвойнÑĭ": 141968, + "ÐĽÐŀ": 141969, + "ìĭłìļ©": 141970, + "Ġ×ŀ×ij×ķס": 141971, + "Ġ×ŀ×ij×ķסס": 141972, + "×ŀ׳×Ļ×¢": 141973, + "Ġfiyatı": 141974, + "ĠÑģлÑĥж": 141975, + "ĠÑģлÑĥжбÑĭ": 141976, + "à¸Ĺัศ": 141977, + "à¸Ĺัศà¸Ļ": 141978, + "ãģĵãģ¨ãģĮå¤ļãģĦ": 141979, + "Ġ×Ķ×ŀשת": 141980, + "Ġ×Ķ×ŀשת×ŀש": 141981, + "å¯ĦãģĽ": 141982, + "×ŀש׾×ķ×Ĺ": 141983, + "æĻĤçĤ¹": 141984, + "æĻĤçĤ¹ãģ§": 141985, + "à¸ŀรี": 141986, + "à¸ŀรีà¹Ģมีย": 141987, + "à¸ŀรีà¹Ģมียรà¹Į": 141988, + "à¸ŀรีà¹Ģมียรà¹Įลีà¸ģ": 141989, + "Ġdifficolt": 141990, + "ĠdifficoltÃł": 141991, + "ãĥ¬ãĤ¹ãĥĪ": 141992, + "ãĥ¬ãĤ¹ãĥĪãĥ©ãĥ³": 141993, + "สมà¹Ģà¸Ķà¹ĩ": 141994, + "สมà¹Ģà¸Ķà¹ĩà¸Ī": 141995, + "Ġжид": 141996, + "Ġжидк": 141997, + "ĠzupeÅĤ": 141998, + "ĠzupeÅĤnie": 141999, + "ĠÙħجر": 142000, + "ĠÙħجرد": 142001, + "ãģĮå§ĭ": 142002, + "ãģĮå§ĭãģ¾": 142003, + "ãĤŃãĥ£ãĥ©": 142004, + "Ġ×IJ×ķ×ķ×Ļר": 142005, + "ãģĬäºĴ": 142006, + "ãģĬäºĴãģĦ": 142007, + "ĠpotrÃł": 142008, + "ĠPaÅĦst": 142009, + "ĠPaÅĦstwo": 142010, + "ĠبÙĬاÙĨ": 142011, + "ĠبÙĬاÙĨات": 142012, + "Ġиногда": 142013, + "ĠÑĢа": 142014, + "ĠÑĢаÑģÑĤв": 142015, + "ĠÑĢаÑģÑĤвоÑĢ": 142016, + "Ġ×ĸ×ŀ׳": 142017, + "ยิà¹īม": 142018, + "ÄĨ": 142019, + "ãģ¾ãģķ": 142020, + "ãģ¾ãģķãģ«": 142021, + "ãĥķãĤ¡ãĤ¤ãĥ«": 142022, + "ĠgördÃ¼ÄŁÃ¼": 142023, + "สà¸ĩà¸Ħร": 142024, + "สà¸ĩà¸Ħราม": 142025, + "ĠArkadaÅŁ": 142026, + "ĠrozwiÄħzania": 142027, + "×ŀ×ķ×ĺ": 142028, + "piÄĻ": 142029, + "piÄĻt": 142030, + "صغر": 142031, + "สย": 142032, + "สยาม": 142033, + "ãĤĨãģ£ãģıãĤĬ": 142034, + "Ġtrần": 142035, + "ĠeconomÃŃa": 142036, + "Ġgehören": 142037, + "ãĤ·ãĥ§ãĥ¼": 142038, + "ĠsÅĤucha": 142039, + "à¸ŀà¸Ńà¹ĥà¸Ī": 142040, + "ĠоÑĤмеÑĤил": 142041, + "ÙĨتÙĤÙĦ": 142042, + "Ġpropósito": 142043, + "ĠваÑĪего": 142044, + "Ġnhắn": 142045, + "à¹ģà¸ĸว": 142046, + "ĠкомиÑģ": 142047, + "ĠкомиÑģÑģи": 142048, + "ważnie": 142049, + "ĠyavaÅŁ": 142050, + "×ŀ×Ļ×§": 142051, + "×ŀ×Ļ×§×ķ×Ŀ": 142052, + "ש×IJ×ľ×ª": 142053, + "Ġyıllarda": 142054, + "ĠЮ": 142055, + "ĠЮÑĢ": 142056, + "×ł×¡×Ļ×ij×ķת": 142057, + "תצ": 142058, + "תצ×ķ×Ĵ": 142059, + "ĠоднÑĥ": 142060, + "Ġà¸Ńยà¹Īาà¸ĩà¹Ħร": 142061, + "Ġà¸Ńยà¹Īาà¸ĩà¹Ħรà¸ģà¹ĩà¸ķาม": 142062, + "ëģ¼": 142063, + "à¹Ħลà¹Ī": 142064, + "تسÙĦÙĬÙħ": 142065, + "بÙĦاغ": 142066, + "Ġìī": 142067, + "Ġìī½": 142068, + "Ġìī½ê²Į": 142069, + "ãĥļãĥ³": 142070, + "звÑĥÑĩ": 142071, + "ĠWäh": 142072, + "ĠWährend": 142073, + "Ġ×Ļ×Ļת": 142074, + "Ġ×Ļ×Ļ×ª×Ľ×Ł": 142075, + "Ġkhuyên": 142076, + "Ġvẽ": 142077, + "ĠамеÑĢ": 142078, + "ĠамеÑĢик": 142079, + "ĠамеÑĢикан": 142080, + "ĠамеÑĢиканÑģк": 142081, + "عجب": 142082, + "ãĥĽãĥ¼ãĥłãĥļãĥ¼ãĤ¸": 142083, + "ĠникÑĤо": 142084, + "ĠÙĤÙİ": 142085, + "ĠÙĤÙİØ§ÙĦ": 142086, + "ĠÙĤÙİØ§ÙĦÙİ": 142087, + "ÐIJÐĹ": 142088, + "ÙħجÙħÙĪØ¹": 142089, + "ÙħجÙħÙĪØ¹Ø§Øª": 142090, + "ĠnecessitÃł": 142091, + "Ġpobli": 142092, + "Ġpobliżu": 142093, + "Ġphấn": 142094, + "ĠСообÑī": 142095, + "ÙħÙĤاط": 142096, + "ÙħÙĤاطع": 142097, + "Ġ×Ķצ×ķר×ļ": 142098, + "laÅŁtırma": 142099, + "วิà¸Ķ": 142100, + "วิà¸Ķี": 142101, + "วิà¸Ķีà¹Ĥà¸Ń": 142102, + "Ġ그리ìĬ¤": 142103, + "Ġ그리ìĬ¤ëıĦ": 142104, + "ãĤ¿ãĤ¤ãĥŁ": 142105, + "ãĤ¿ãĤ¤ãĥŁãĥ³ãĤ°": 142106, + "×§×ĺ×Ĵ×ķר": 142107, + "×§×ĺ×Ĵ×ķר×Ļ×Ķ": 142108, + "Ġ×Ĺ×ķפ": 142109, + "Ġ×Ĺ×ķפש×Ļ": 142110, + "أجر": 142111, + "Ġимени": 142112, + "ĠÑĢанее": 142113, + "à¹Ģà¸ŀืà¹Īà¸Ńà¸Ļà¹Ĩ": 142114, + "ĠJesús": 142115, + "Ñģоедин": 142116, + "Ñģоединен": 142117, + "Ġר×Ĺ×ķ×§": 142118, + "à¹Ĥà¸ļรา": 142119, + "à¹Ĥà¸ļราà¸ĵ": 142120, + "ĠHÆ¡n": 142121, + "ĠtháºŃp": 142122, + "تعÙĬÙĬÙĨ": 142123, + "ĠtartÄ±ÅŁ": 142124, + "ĠtartÄ±ÅŁma": 142125, + "ĠGespr": 142126, + "ĠGespräch": 142127, + "תר×ķפ": 142128, + "תר×ķפ×ķת": 142129, + "Ġcatégorie": 142130, + "ĠоказÑĭва": 142131, + "ĠналиÑĩие": 142132, + "Ġprésenté": 142133, + "Ġkull": 142134, + "Ġkulland": 142135, + "Ġkullandı": 142136, + "Ġünl": 142137, + "Ġünlü": 142138, + "ĠÙģÙĥرة": 142139, + "изаÑĤоÑĢ": 142140, + "×IJ×ķ׳": 142141, + "×IJ×ķ׳×Ļ×ij": 142142, + "×IJ×ķ׳×Ļ×ijרס": 142143, + "×IJ×ķ׳×Ļ×ijרס×Ļ×ĺת": 142144, + "ĠÑĢаÑģÑģмаÑĤ": 142145, + "ĠÑĢаÑģÑģмаÑĤÑĢ": 142146, + "ĠÑĢаÑģÑģмаÑĤÑĢива": 142147, + "تÙĥÙĦÙħ": 142148, + "ÙĥترÙĪ": 142149, + "ÙĥترÙĪÙĨÙĬ": 142150, + "ĠÑģоÑĩеÑĤ": 142151, + "ĠÑģоÑĩеÑĤа": 142152, + "ãĤĴè¦ĭãģĽ": 142153, + "Ġngừa": 142154, + "ĠÐłÐµÑģп": 142155, + "ĠÐłÐµÑģпÑĥб": 142156, + "ĠÐłÐµÑģпÑĥблик": 142157, + "ãĤ¦ãĤ©": 142158, + "ãĤ¦ãĤ©ãĥ¼": 142159, + "ĠÐľÐµÐ¶Ð´Ñĥ": 142160, + "ĠìŀĪê²Į": 142161, + "Ġmâ": 142162, + "ĠìļĶì²Ń": 142163, + "ضار": 142164, + "ลุà¹īà¸Ļ": 142165, + "ëĮĢíķĻêµIJ": 142166, + "×ĸ×Ļ׼": 142167, + "×ĸ×Ļ׼ר×ķף": 142168, + "ãĤ¹ãĥļ": 142169, + "ãĤ¹ãĥļãĥ¼ãĤ¹": 142170, + "ĠкÑĢаÑģоÑĤ": 142171, + "H": 142172, + "ê¼Ń": 142173, + "ãĤĴéĽĨ": 142174, + "ãĤĴéĽĨãĤģ": 142175, + "ë°Ŀ": 142176, + "Ġ×Ķ׳×IJ": 142177, + "Ġ×Ķ׳×IJש×Ŀ": 142178, + "Ġê°Ģìļ´": 142179, + "Ġê°Ģìļ´ëį°": 142180, + "تÙĥÙĦÙ쨩": 142181, + "ĠØŃÙĤÙĬÙĤÙĬ": 142182, + "Ġhalk": 142183, + "Ġhalkın": 142184, + "ÑİÑīÑĥÑİ": 142185, + "ĠÑģпин": 142186, + "סר×ĺף": 142187, + "ĠпеÑĢвого": 142188, + "Ġполож": 142189, + "ĠположиÑĤелÑĮн": 142190, + "Ġдл": 142191, + "ĠдлиÑĤелÑĮн": 142192, + "ĠVÄ©nh": 142193, + "ê´´": 142194, + "ĠÑģÑĭÑĢ": 142195, + "ĠíĨµíķĺìŬ": 142196, + "ë³ijìĽIJ": 142197, + "à¹Ĥรà¸ĩà¸ĩาà¸Ļ": 142198, + "รัà¸ļà¸ľà¸´à¸Ķ": 142199, + "รัà¸ļà¸ľà¸´à¸Ķà¸Ĭà¸Ńà¸ļ": 142200, + "تجÙĨب": 142201, + "sÅĤ": 142202, + "sÅĤuch": 142203, + "ãĤ¢ãĥ«ãĥIJ": 142204, + "ãĤ¢ãĥ«ãĥIJãĥł": 142205, + "ëī´ìĬ¤": 142206, + "Ġpatië": 142207, + "Ġpatiënt": 142208, + "Ġìĺ¤í": 142209, + "Ġìĺ¤íŀ": 142210, + "Ġìĺ¤íŀĪ": 142211, + "Ġìĺ¤íŀĪ볤": 142212, + "ĠDerne": 142213, + "ĠDerneÄŁi": 142214, + "wróci": 142215, + "wróciÄĩ": 142216, + "ĠобÑī": 142217, + "ĠобÑīеÑģÑĤв": 142218, + "ĠобÑīеÑģÑĤвенно": 142219, + "ĠêµIJìĪĺ": 142220, + "tıģımız": 142221, + "Ġ×Ķ×ŀש×Ļ×ij": 142222, + "körper": 142223, + "Ġпозвол": 142224, + "ĠпозволиÑĤ": 142225, + "ĠChiến": 142226, + "أخÙĪ": 142227, + "ĠAydın": 142228, + "à¸Ķà¹īาà¸Ļล": 142229, + "à¸Ķà¹īาà¸Ļลà¹Īาà¸ĩ": 142230, + "Ġdru": 142231, + "Ġdruż": 142232, + "Ġdrużyn": 142233, + "Ġë°ľíijľ": 142234, + "ĠThảo": 142235, + "جÙĩاد": 142236, + "à¸ģระà¸Ĺูà¹ī": 142237, + "ĠкÑĢов": 142238, + "ĠкÑĢови": 142239, + "Ġiçerik": 142240, + "Ġnadzie": 142241, + "ĠnadziejÄĻ": 142242, + "ĠСмоÑĤÑĢ": 142243, + "Ġphức": 142244, + "جتÙħاع": 142245, + "جتÙħاعÙĬØ©": 142246, + "компон": 142247, + "компоненÑĤ": 142248, + "Ġбил": 142249, + "ĠбилеÑĤ": 142250, + "ãĥIJãĥ³ãĥī": 142251, + "ĠPolÃŃcia": 142252, + "اÙĦتÙĩ": 142253, + "اÙĦتÙĩاب": 142254, + "ØŃرÙģ": 142255, + "تخط": 142256, + "تخطÙĬØ·": 142257, + "ãĤ³ãĥ¼ãĥ": 142258, + "ãĤ³ãĥ¼ãĥĴ": 142259, + "ãĤ³ãĥ¼ãĥĴãĥ¼": 142260, + "・・・": 142261, + "à¸ĭà¸Ńย": 142262, + "Ġcrédit": 142263, + "è²·ãģ£ãģŁ": 142264, + "ĠпоÑĢÑıд": 142265, + "ĠпоÑĢÑıдке": 142266, + "Ġphó": 142267, + "Ġwida": 142268, + "ĠwidaÄĩ": 142269, + "جرائÙħ": 142270, + "à¸ľà¸µ": 142271, + "ĠbÄĻdÄĻ": 142272, + "Ġ×ŀפת×Ĺ": 142273, + "ãĥijãĥ¼ãĥ": 142274, + "ãĥijãĥ¼ãĥĨ": 142275, + "ãĥijãĥ¼ãĥĨãĤ£": 142276, + "ãĥijãĥ¼ãĥĨãĤ£ãĥ¼": 142277, + "ĠKaż": 142278, + "ĠKażdy": 142279, + "ĠнеобÑħодимоÑģÑĤи": 142280, + "à¸Łà¸Ńรà¹Į": 142281, + "à¸Łà¸Ńรà¹Įม": 142282, + "ĠмалÑĭÑĪ": 142283, + "ĠплоÑĤ": 142284, + "ĠÑĥÑģÑĤÑĢой": 142285, + "ĠÑĥÑģÑĤÑĢойÑģÑĤва": 142286, + "à¸ĸà¸Ńà¸Ļ": 142287, + "ĠoluÅŁturul": 142288, + "ĠÅĽwiad": 142289, + "ĠÅĽwiadom": 142290, + "ÙħعÙĩد": 142291, + "ĠпÑĢоизведен": 142292, + "Æł": 142293, + "ר×Ļש": 142294, + "Ùħستث": 142295, + "ÙħستثÙħر": 142296, + "׳×Ļ×Ļר": 142297, + "pañ": 142298, + "Ġ;-)": 142299, + "Ġë°ľê²¬": 142300, + "Ġgörüyor": 142301, + "ÙħؤÙĦÙģ": 142302, + "ĠÄIJá»ģ": 142303, + "ĠاÙĦÙĨÙĪØ§Ø¨": 142304, + "×Ĺ×§×Ļר×Ķ": 142305, + "Ġmá»ıi": 142306, + "è¿°ãģ¹": 142307, + "ÐĿик": 142308, + "ìŀĸìķĦ": 142309, + "ìŀĸìķĦìļĶ": 142310, + "prowadziÅĤ": 142311, + "lóg": 142312, + "lógica": 142313, + "פס×ĺ": 142314, + "פס×ĺ×Ļ×ij׾": 142315, + "Ġ×ŀ×ĵ×Ķ": 142316, + "Ġ×ŀ×ĵ×Ķ×Ļ×Ŀ": 142317, + "ãģĵãģĵãģ¾ãģ§": 142318, + "×Ķת×Ĺ": 142319, + "×Ķת×Ĺ׾×Ķ": 142320, + "Ġפ×ķס": 142321, + "Ġפ×ķס×ĺ×Ļ×Ŀ": 142322, + "Ġнев": 142323, + "Ġневоз": 142324, + "Ġневозможно": 142325, + "ĠdostÄĻpny": 142326, + "ĠغاÙĦ": 142327, + "ĠغاÙĦب": 142328, + "ĠbezpieczeÅĦst": 142329, + "ĠbezpieczeÅĦstwa": 142330, + "åĪĨãģĭãĤĭ": 142331, + "ĠFührung": 142332, + "à¸ģีà¹ī": 142333, + "gemÃ¤ÃŁ": 142334, + "à¸Ĭà¹Īวà¸ĩà¹Ģวลา": 142335, + "Ġìļ°ë¦¬ëĤĺ": 142336, + "Ġìļ°ë¦¬ëĤĺëĿ¼": 142337, + "ãģ¥ãģıãĤĬ": 142338, + "ĠاÙĦÙħسÙĦ": 142339, + "ĠاÙĦÙħسÙĦØŃØ©": 142340, + "Ġliberté": 142341, + "клÑİÑĩение": 142342, + "Ġzamów": 142343, + "Ġzamówienia": 142344, + "รà¸ĸà¹Ħà¸Ł": 142345, + "Ø£ÙģÙĦ": 142346, + "Ø£ÙģÙĦاÙħ": 142347, + "Ùħراج": 142348, + "Ùħراجعة": 142349, + "Ġë¹ĦêµIJ": 142350, + "ĠاÙĦتاب": 142351, + "ĠاÙĦتابعة": 142352, + "Ġë§ĮëĤĺ": 142353, + "ĠбÑĥм": 142354, + "ĠбÑĥмаг": 142355, + "Ġgénero": 142356, + "Ġìŀĺ못": 142357, + "×ŀפ×ķר×ĺ": 142358, + "è²·ãģĦçī©": 142359, + "ĠÙĦدÙĬÙĥ": 142360, + "Ġ×ľ×¢×Ļת": 142361, + "Ġ×ľ×¢×Ļת×Ļ×Ŀ": 142362, + "ĠsÅĤab": 142363, + "ĠпÑĢедÑģÑĤавлÑı": 142364, + "ãĤ¿ãĤ¤ãĥĪ": 142365, + "ãĤ¿ãĤ¤ãĥĪãĥ«": 142366, + "Ùħص": 142367, + "ÙħصطÙģ": 142368, + "ÙħصطÙģÙī": 142369, + "Ġdifficulté": 142370, + "ãĥĨãĤ£ãĥĸ": 142371, + "ĠpewnoÅĽci": 142372, + "ĠpewnoÅĽciÄħ": 142373, + "Ġ무ìĬ¨": 142374, + "إرس": 142375, + "إرساÙĦ": 142376, + "ĠдалÑĮ": 142377, + "ĠдалÑĮÑĪе": 142378, + "Ġ×ľ×ł×¡": 142379, + "Ġ×ľ×ł×¡×ķת": 142380, + "หมูà¹Īà¸ļà¹īาà¸Ļ": 142381, + "×ŀס×ŀ׼×Ļ": 142382, + "أسÙĦÙĪØ¨": 142383, + "ĠzwÅĤ": 142384, + "ĠzwÅĤas": 142385, + "ĠzwÅĤaszc": 142386, + "ĠzwÅĤaszcza": 142387, + "ĠпÑĢеж": 142388, + "ĠпÑĢежде": 142389, + "ĠоÑĢганизаÑĨиÑı": 142390, + "Ġdönemin": 142391, + "Ġdöneminde": 142392, + "ĠỦ": 142393, + "ĠỦy": 142394, + "ä¸ĭãģĴ": 142395, + "ĠпоÑģледние": 142396, + "Ġgüne": 142397, + "ĠgüneÅŁ": 142398, + "Ġ×IJ×ĸר": 142399, + "Ġ×IJ×ĸר×Ĺ×Ļ": 142400, + "ãģ§ãģĤãĤįãģĨ": 142401, + "ĠÙĨÙĤ": 142402, + "ĠÙĨÙĤاط": 142403, + "æŃ£ãģĹãģĦ": 142404, + "ĠÑĢег": 142405, + "ĠÑĢегиона": 142406, + "ĠFörder": 142407, + "ê²½ìĺģ": 142408, + "dıklar": 142409, + "dıklarını": 142410, + "trzymaÄĩ": 142411, + "أشÙĥ": 142412, + "أشÙĥاÙĦ": 142413, + "×Ķת×IJ": 142414, + "×Ķת×IJ×ŀ×Ķ": 142415, + "à¸Ĺำà¹ĥหà¹īà¹Ģà¸ģิà¸Ķ": 142416, + "ĠGebä": 142417, + "ĠGebäude": 142418, + "ĠСеÑĢг": 142419, + "ĠСеÑĢгей": 142420, + "ĠздоÑĢов": 142421, + "ĠздоÑĢовÑĮÑı": 142422, + "Ġrãi": 142423, + "ĠпÑĢедÑĥÑģ": 142424, + "ĠпÑĢедÑĥÑģмоÑĤÑĢ": 142425, + "ĠпÑĢедÑĥÑģмоÑĤÑĢен": 142426, + "Ġ×Ķצ×Ļ×ij": 142427, + "Ġ×Ķצ×Ļ×ij×ķר×Ļ": 142428, + "Ġdésir": 142429, + "ĠноÑĩ": 142430, + "ĠноÑĩÑĮ": 142431, + "möglichkeiten": 142432, + "Ġ×IJ×Ĺר×ķ׳×Ļ×Ŀ": 142433, + "Ġsoirée": 142434, + "ĠNháºŃn": 142435, + "Ùª": 142436, + "à¸Ľà¸£à¸°à¸§à¸±à¸ķิศาสà¸ķรà¹Į": 142437, + "êµIJíĨµ": 142438, + "ĠأخÙĬ": 142439, + "Ġdécid": 142440, + "Ġdécidé": 142441, + "Ġwyja": 142442, + "ĠwyjaÅĽni": 142443, + "Ġสิ": 142444, + "Ġสิà¸ĩ": 142445, + "Ġสิà¸ĩหา": 142446, + "Ġสิà¸ĩหาà¸Ħม": 142447, + "à¹ģà¸Ńรà¹Į": 142448, + "หà¸Ļà¹īาà¸Īà¸Ń": 142449, + "סתר": 142450, + "Ġê¶": 142451, + "Ġê¶Į": 142452, + "Ġê¶Į리": 142453, + "plätze": 142454, + "بطÙĦ": 142455, + "ê±´ìĦ¤": 142456, + "Ġ×IJ×Ļ×ŀ×Ļ": 142457, + "Ġ×IJ×Ļ×ŀ×Ļ×Ļ׾": 142458, + "ãģ½": 142459, + "تراث": 142460, + "×IJ׾×Ļ×ŀ×ķת": 142461, + "ĠdisponÃŃveis": 142462, + "Ġzale": 142463, + "Ġzależy": 142464, + "à¸Ľà¸£à¸°à¸Ĭาสัมà¸ŀัà¸Ļà¸ĺà¹Į": 142465, + "ĠÅļwiat": 142466, + "Ġporówn": 142467, + "Ġporówna": 142468, + "Ġ׾×ĺ×ķ×ijת": 142469, + "×Ķ×ĸ×ŀ׳×Ķ": 142470, + "Ġ×Ľ×ª×ķצ×IJ×Ķ": 142471, + "Ġ×ijק׾": 142472, + "Ġ×ijק׾×ķת": 142473, + "ĠоÑĤкÑĢ": 142474, + "ĠоÑĤкÑĢÑĭва": 142475, + "ãĥijãĥ¯ãĥ¼": 142476, + "ë¿IJë§Į": 142477, + "ĠвÑģÑı": 142478, + "ĠвÑģÑıк": 142479, + "ãģ¨ãģªãģ£ãģ¦ãģĦãĤĭ": 142480, + "ĠgiáºŃn": 142481, + "ĠокÑĢÑĥ": 142482, + "ĠокÑĢÑĥжа": 142483, + "ĠокÑĢÑĥжаÑİÑī": 142484, + "ĠUniversität": 142485, + "ĠÑĢож": 142486, + "ĠÑĢожд": 142487, + "ĠÑĢождениÑı": 142488, + "Ø®ÙĬÙĦ": 142489, + "Ġкомпаний": 142490, + "ĠÑĢазлиÑĩнÑĭе": 142491, + "ĠЦена": 142492, + "׳×Ļ×ķ×ĸ": 142493, + "׳×Ļ×ķ×ĸ׾": 142494, + "׳×Ļ×ķ×ĸ׾×ĺר": 142495, + "Ġê³µê°Ħ": 142496, + "Ġê°ľëħIJ": 142497, + "landırma": 142498, + "ĠÑĥдален": 142499, + "à¸ŀัà¸ģà¸ľ": 142500, + "à¸ŀัà¸ģà¸ľà¹Īà¸Ńà¸Ļ": 142501, + "Ġprotección": 142502, + "ĠbÅĤ": 142503, + "ĠbÅĤÄĻd": 142504, + "ÃĪ": 142505, + "Ġíĸīë³µ": 142506, + "ĠÅŁÃ¼": 142507, + "ĠÅŁÃ¼phe": 142508, + "ĠíĶ": 142509, + "Ġíͼ": 142510, + "Ġíͼíķ´": 142511, + "Ġëĭ¤ë¥´": 142512, + "à¹Ħมà¹Īà¹Ģà¸ģิà¸Ļ": 142513, + "ãģ¿ãģª": 142514, + "ãģ¿ãģªãģķãĤĵ": 142515, + "ĠпоÑĤÑĢеб": 142516, + "ĠпоÑĤÑĢебиÑĤел": 142517, + "ĠاÙĦÙĥÙĦاÙħ": 142518, + "ìķĦë²Ħ": 142519, + "ìķĦë²Ħì§Ģ": 142520, + "ãĤĴ使ãģ£ãģŁ": 142521, + "Ġbụi": 142522, + "ĠпоÑĤеÑĢ": 142523, + "ĠпоÑĤеÑĢÑı": 142524, + "ĠØ¢ÙĦاÙģ": 142525, + "ĠнаÑģÑĤоÑıÑīее": 142526, + "ãģıãģªãĤĬãģ¾ãģĹãģŁ": 142527, + "clusão": 142528, + "ãĤ³ãĥĶãĥ¼": 142529, + "צפ×Ļ": 142530, + "צפ×Ļ×Ļ×Ķ": 142531, + "Ø®ÙĦا": 142532, + "Ø®ÙĦاص": 142533, + "ลà¹īำ": 142534, + "ãĥ¯ãĤ¤ãĥ³": 142535, + "Ġมีà¸Ļา": 142536, + "Ġมีà¸Ļาà¸Ħม": 142537, + "شخص": 142538, + "شخصÙĬات": 142539, + "Ġ×ĸ×§": 142540, + "Ġ×ĸ×§×ķ×§": 142541, + "×Ļ×Ļצ": 142542, + "×Ļ×Ļצ×Ĵ": 142543, + "èĢĥãģĪæĸ¹": 142544, + "Ġürünü": 142545, + "ĠиÑģпол": 142546, + "ĠиÑģполни": 142547, + "Ġcompañero": 142548, + "קצ×Ķ": 142549, + "×ŀ×¢×ł×Ļ×§": 142550, + "ÙħØŃÙħد": 142551, + "Ġcámara": 142552, + "Ġпед": 142553, + "Ġпедаг": 142554, + "Ġпедагог": 142555, + "маÑĢ": 142556, + "маÑĢк": 142557, + "×Ķ×ª×ł×Ĵ×ĵ": 142558, + "ĠìĨĮê°ľ": 142559, + "ĠcomunitÃł": 142560, + "곤": 142561, + "ĠNgÃłi": 142562, + "สà¸ĩà¸ļ": 142563, + "ĠmieszkaÅĦców": 142564, + "ĠÙĨÙĩائÙĬ": 142565, + "ivité": 142566, + "Ġиде": 142567, + "ĠидеалÑĮн": 142568, + "ĠأسبÙĪØ¹": 142569, + "Ġ×Ļ×¢×ľ": 142570, + "Ġ׾ר×IJש": 142571, + "Ġ׾ר×IJש×ķ׳×Ķ": 142572, + "ĠзапиÑģи": 142573, + "ĠкоÑĢпÑĥÑģ": 142574, + "วà¸ĩศ": 142575, + "วà¸ĩศà¹Į": 142576, + "ĠÐĶм": 142577, + "ĠÐĶмиÑĤ": 142578, + "ĠÐĶмиÑĤÑĢ": 142579, + "Ġkönnt": 142580, + "Ġbölges": 142581, + "Ġbölgesinde": 142582, + "׼×Ļ׼": 142583, + "׼×Ļ׼ר": 142584, + "ĠاÙĦإثÙĨ": 142585, + "ĠاÙĦإثÙĨÙĬÙĨ": 142586, + "Ġngá»Ļ": 142587, + "ì¹ł": 142588, + "دراج": 142589, + "Ġuda": 142590, + "ĠudaÅĤo": 142591, + "ìºIJ": 142592, + "برÙĨاÙħج": 142593, + "ĠÑģÑĥдеб": 142594, + "ĠÑģÑĥдебн": 142595, + "Ġzunächst": 142596, + "ĠEducación": 142597, + "ãģ¨ãģªãģ£ãģ¦ãģĦãģ¾ãģĻ": 142598, + "Ġ×Ķ×IJ×ŀ×Ļת×Ļ": 142599, + "Ġİnt": 142600, + "Ġİnternet": 142601, + "ĠcaÅĤego": 142602, + "ãĥĹãĥªãĥ³": 142603, + "إبد": 142604, + "إبداع": 142605, + "ĠпоÑĢÑĤал": 142606, + "à¹Ĥà¸ķà¹ī": 142607, + "Ġ×Ķקש×ķר": 142608, + "плод": 142609, + "ĠÙħد": 142610, + "ĠÙħدرÙĬد": 142611, + "×ŀסע×ĵ×Ķ": 142612, + "ĠØ´ÙĬئ": 142613, + "ĠØ´ÙĬئا": 142614, + "à¸ģà¹Īà¸Ńสรà¹īาà¸ĩ": 142615, + "Ġì°¸ê³ł": 142616, + "à¹Ģà¸Ĺร": 142617, + "à¹Ģà¸Ĺรà¸Ķ": 142618, + "Ġ×ij×ŀקר×Ļ×Ŀ": 142619, + "Ġbât": 142620, + "Ġbâtiment": 142621, + "åij¼ãģ³": 142622, + "ç´łæķµ": 142623, + "ç´łæķµãģª": 142624, + "przedsiÄĻbiorst": 142625, + "przedsiÄĻbiorstw": 142626, + "Ġ×ł×ª×ķ׳×Ļ×Ŀ": 142627, + "×Ĺ׾×ķ×Ŀ": 142628, + "รวย": 142629, + "ÙħÙĪØ¶ÙĪØ¹": 142630, + "ĠÑģобÑĢан": 142631, + "ведÑĥÑī": 142632, + "ĠÑĤеаÑĤ": 142633, + "ĠÑĤеаÑĤÑĢ": 142634, + "meye": 142635, + "meyeceÄŁi": 142636, + "ĠpieniÄħ": 142637, + "ĠpieniÄħd": 142638, + "ĠpieniÄħdze": 142639, + "ÑĢезиденÑĤ": 142640, + "ØŃصر": 142641, + "ìĺ¥": 142642, + "à¹Ģยืà¸Ńà¸Ļ": 142643, + "ĠÑĥни": 142644, + "ĠÑĥнивеÑĢ": 142645, + "ĠÑĥнивеÑĢÑģ": 142646, + "ĠÑĥнивеÑĢÑģиÑĤеÑĤ": 142647, + "ĠاÙĦرØŃ": 142648, + "ĠاÙĦرØŃÙħÙĨ": 142649, + "ĠÑĤеÑħнолог": 142650, + "ĠÑĤеÑħнологии": 142651, + "ìĹIJëĦĪ": 142652, + "ìĹIJëĦĪì§Ģ": 142653, + "ĠíķŃ": 142654, + "ĠíķŃìĥģ": 142655, + "à¸ĺา": 142656, + "à¸ĺาà¸ķุ": 142657, + "ĠEspañol": 142658, + "×ĵ×Ĵש": 142659, + "Ġêµī": 142660, + "Ġêµīìŀ¥": 142661, + "Ġêµīìŀ¥íŀĪ": 142662, + "ĠÅĤat": 142663, + "ĠÅĤatwo": 142664, + "Ġká»ĭch": 142665, + "إز": 142666, + "إزاÙĦØ©": 142667, + "ĠдейÑģÑĤвие": 142668, + "ĠsaÄŁlayan": 142669, + "สุà¸Ķยà¸Ńà¸Ķ": 142670, + "ĠzostaÄĩ": 142671, + "ĠdisponÃŃvel": 142672, + "ïºį": 142673, + "verständ": 142674, + "verständlich": 142675, + "twor": 142676, + "tworzyÄĩ": 142677, + "عجز": 142678, + "à¹Ģà¸Ĥà¹īม": 142679, + "ยà¹Īà¸Ńม": 142680, + "Ġstratég": 142681, + "Ġstratégie": 142682, + "à¸ľà¸¥à¹Ħมà¹ī": 142683, + "Ġê°ģì¢ħ": 142684, + "ĠÙħÙĪØ§": 142685, + "ĠÙħÙĪØ§Ø¶": 142686, + "ĠÙħÙĪØ§Ø¶ÙĬع": 142687, + "اØŃتج": 142688, + "اØŃتجاج": 142689, + "ĠẤ": 142690, + "ĠẤn": 142691, + "×ŀ×ŀש׾×Ķ": 142692, + "ĠÅŁekil": 142693, + "×ŀ×Ĺ׾": 142694, + "×ŀ×Ĺ׾×ķת": 142695, + "Ġà¸ĺ": 142696, + "Ġà¸ĺัà¸Ļ": 142697, + "Ġà¸ĺัà¸Ļวา": 142698, + "Ġà¸ĺัà¸Ļวาà¸Ħม": 142699, + "Ġìĭ¤ìłľ": 142700, + "Ġìĭ¤ìłľë¡ľ": 142701, + "ì¤ijìķĻ": 142702, + "ëįĶëĿ¼": 142703, + "ĠÑĪиÑĢ": 142704, + "ĠÑĪиÑĢоко": 142705, + "Ġsolución": 142706, + "วาà¸ĩà¹ģà¸ľà¸Ļ": 142707, + "×IJ×ķ×ĺ×ķ×ŀ": 142708, + "×IJ×ķ×ĺ×ķ×ŀ×ĺ×Ļ": 142709, + "ĠÑĢеÑģÑĤ": 142710, + "ĠÑĢеÑģÑĤоÑĢ": 142711, + "ĠÑĢеÑģÑĤоÑĢан": 142712, + "ëį¸": 142713, + "ÑĤÑĢад": 142714, + "ÑĤÑĢади": 142715, + "ÑĤÑĢадиÑĨион": 142716, + "ÑĤÑĢадиÑĨионн": 142717, + "มะà¹Ģรà¹ĩ": 142718, + "มะà¹Ģรà¹ĩà¸ĩ": 142719, + "à¹Ĥส": 142720, + "Ġolmasını": 142721, + "×ŀ×ķסר": 142722, + "ĠоÑĤноÑĪении": 142723, + "Ġê°ĢëĬ¥ìĦ±": 142724, + "Ġyuk": 142725, + "Ġyukarı": 142726, + "ìĨĶ": 142727, + "ĠÑģÑĦ": 142728, + "ĠÑģÑĦеÑĢе": 142729, + "Ġ×§×ķפ": 142730, + "ãĤ±ãĥ¼ãĤ": 142731, + "ãĤ±ãĥ¼ãĤŃ": 142732, + "âĢķâĢķ": 142733, + "ĠاÙĦØ£ÙĦÙħ": 142734, + "ĠاÙĦØ£ÙĦÙħاÙĨÙĬ": 142735, + "ẢN": 142736, + "ת×ķ׼׳×Ļ×ķת": 142737, + "ĠÑģÑĥÑīеÑģÑĤвÑĥеÑĤ": 142738, + "æĪijãĢħ": 142739, + "ĠاÙĦصادر": 142740, + "ĠTrá»įng": 142741, + "Ġад": 142742, + "ĠадминиÑģÑĤ": 142743, + "ĠадминиÑģÑĤÑĢа": 142744, + "ĠадминиÑģÑĤÑĢаÑĨи": 142745, + "ĠдÑĢÑĥгими": 142746, + "ÑģпеÑĪ": 142747, + "عÙĦاÙħات": 142748, + "Ġаб": 142749, + "ĠабÑģол": 142750, + "ĠабÑģолÑİÑĤ": 142751, + "ĠабÑģолÑİÑĤно": 142752, + "ฤà¸Ķู": 142753, + "étr": 142754, + "étranger": 142755, + "нÑıÑĤи": 142756, + "нÑıÑĤие": 142757, + "×¢×ķ׳": 142758, + "×¢×ķ׳ש": 142759, + "ĠÙĤائ": 142760, + "ĠÙĤائÙĦا": 142761, + "ĠмаÑģ": 142762, + "ĠмаÑģло": 142763, + "ãĥīãĤ¤": 142764, + "ãĥīãĤ¤ãĥĦ": 142765, + "å¿ħè¦ģãģĮãģĤãĤĬãģ¾ãģĻ": 142766, + "×ŀ×ķ×ĸ×Ļ×IJ": 142767, + "×ŀ×ķ×ĸ×Ļ×IJ×ķף": 142768, + "ĠNgoại": 142769, + "Ġkênh": 142770, + "à¸ģารà¸Ńà¸Ńà¸ģà¹ģà¸ļà¸ļ": 142771, + "×ŀפק": 142772, + "×ŀפק×ĵ": 142773, + "ÙħÙĨاز": 142774, + "ÙħÙĨازÙĦ": 142775, + "ë·°": 142776, + "íŤ": 142777, + "ÙħÙĩارات": 142778, + "Ġpropriété": 142779, + "פ×Ĵ×Ļש×Ķ": 142780, + "ÑĩÑĢ": 142781, + "ÑĩÑĢеж": 142782, + "ÑĩÑĢежден": 142783, + "×Ķ×ķצ×IJ×Ķ": 142784, + "ØŃÙĥÙĬÙħ": 142785, + "ĠíĻĪ": 142786, + "ĠíĻĪíİĺìĿ´ì§Ģ": 142787, + "åݳ": 142788, + "åݳãģĹãģĦ": 142789, + "×¢×ŀ×ĵ×Ķ": 142790, + "ĠAuÃŁen": 142791, + "سÙĪØ¡": 142792, + "ë¹Ī": 142793, + "ĠÙĪØ®": 142794, + "ĠÙĪØ®Ø§ØµØ©": 142795, + "инÑĤеÑĢ": 142796, + "инÑĤеÑĢеÑģ": 142797, + "èĩ´ãģĹãģ¾ãģĻ": 142798, + "Ġhüküm": 142799, + "à¹Ħà¸Ĥมัà¸Ļ": 142800, + "Ġdavran": 142801, + "ĠdavranÄ±ÅŁ": 142802, + "à¹Ģà¸ķียà¸ĩ": 142803, + "вÑĢем": 142804, + "вÑĢеменно": 142805, + "à¹Ģà¸Ĺศà¸ģา": 142806, + "à¹Ģà¸Ĺศà¸ģาล": 142807, + "å¼ķãģ£": 142808, + "å¼ķãģ£è¶ĬãģĹ": 142809, + "×IJר×ķ×Ĺ": 142810, + "×IJר×ķ×Ĺת": 142811, + "à¹Ģวิ": 142812, + "à¹Ģวิรà¹Į": 142813, + "à¸Ńยà¹Īาà¸ĩรวà¸Ķà¹Ģรà¹ĩว": 142814, + "ĠìŬíĸī": 142815, + "ĠÑĢанÑĮ": 142816, + "ĠÑĢанÑĮÑĪе": 142817, + "Ġzobow": 142818, + "ĠzobowiÄħ": 142819, + "ĠzobowiÄħz": 142820, + "Ġ×ķ׼×ŀ×ķ×ijף": 142821, + "ĠاÙĦÙħÙĩ": 142822, + "ĠاÙĦÙħÙĩÙĨÙĬ": 142823, + "ãĤ¢ãĤ¸": 142824, + "ãĤ¢ãĤ¸ãĤ¢": 142825, + "ë°©ìĨ¡": 142826, + "à¸Ńà¸Ńà¸ģà¸ģำลัà¸ĩ": 142827, + "à¸Ńà¸Ńà¸ģà¸ģำลัà¸ĩà¸ģาย": 142828, + "améli": 142829, + "améliorer": 142830, + "å½ĵãģŁãĤĬåīį": 142831, + "Ġregelm": 142832, + "ĠregelmÃ¤ÃŁig": 142833, + "ãģĬåĭ": 142834, + "ãģĬåĭ§": 142835, + "ãģĬåĭ§ãĤģ": 142836, + "Ġmưá»Ŀi": 142837, + "برÙħج": 142838, + "ĠNatürlich": 142839, + "ĠDÅ©ng": 142840, + "ĠاÙĦرجاÙĦ": 142841, + "Ġthép": 142842, + "ĠolmuÅŁtur": 142843, + "×ŀ×ķס×Ļ×§×Ķ": 142844, + "fälle": 142845, + "주íĥĿ": 142846, + "ĠاÙĦÙģØ±Øµ": 142847, + "ĠnajwiÄĻks": 142848, + "ĠnajwiÄĻkszy": 142849, + "ĠçaÄŁ": 142850, + "ĠçaÄŁrı": 142851, + "ì¸ł": 142852, + "ĠvÃŃct": 142853, + "ĠvÃŃctima": 142854, + "ĠÑģовеÑĢÑĪен": 142855, + "×Ķ×Ļ×Ļת×Ļ": 142856, + "à¹Ģà¸Ķี": 142857, + "à¹Ģà¸Ķีà¹ĭ": 142858, + "à¹Ģà¸Ķีà¹ĭยว": 142859, + "üyü": 142860, + "Ġдоп": 142861, + "Ġдополн": 142862, + "ĠдополниÑĤелÑĮно": 142863, + "à¹ģà¸ķà¸ģà¸ķà¹Īาà¸ĩà¸ģัà¸Ļ": 142864, + "Ġál": 142865, + "Ġálbum": 142866, + "à¸Ľà¸£à¸°à¸Īà¸³à¸Ľà¸µ": 142867, + "ĠÑĦедеÑĢ": 142868, + "ĠÑĦедеÑĢалÑĮн": 142869, + "ĠobsÅĤ": 142870, + "ĠobsÅĤugi": 142871, + "à¹Ģรืà¹Ī": 142872, + "à¹Ģรืà¹Īà¸Ńย": 142873, + "à¹Ģรืà¹Īà¸Ńยà¹Ĩ": 142874, + "ëģĮ": 142875, + "Ġnghìn": 142876, + "ĠBaÅŁkanlıģı": 142877, + "تأسÙĬ": 142878, + "تأسÙĬس": 142879, + "Ġ×ij×ij×ķקר": 142880, + "Ġ×¢×ij×ķ×ĵ×ķת": 142881, + "ĠبصÙĪØ±Ø©": 142882, + "ãĤıãģijãģ§ãģ¯ãģªãģĦ": 142883, + "führer": 142884, + "ãĤ¹ãĤŃ": 142885, + "ãĤ¹ãĤŃãĥ«": 142886, + "ĠاÙĦÙĤض": 142887, + "ĠاÙĦÙĤضÙĬØ©": 142888, + "ĠдолжноÑģÑĤ": 142889, + "ÙģØ§Ø±ÙĤ": 142890, + "Ġcomeçou": 142891, + "Ġorganisé": 142892, + "Ġxuân": 142893, + "ĠÑģообÑīаеÑĤ": 142894, + "ĠпÑĢид": 142895, + "ĠпÑĢидеÑĤÑģÑı": 142896, + "TÃľRK": 142897, + "ãĥ¬ãĥ¼ãĤ·ãĥ§ãĥ³": 142898, + "Không": 142899, + "استÙģ": 142900, + "استÙģØ§Ø¯Ø©": 142901, + "ä¸ĬãģĮãģ£ãģ¦": 142902, + "Ġumie": 142903, + "ĠumiejÄĻ": 142904, + "ĠumiejÄĻtn": 142905, + "ĠumiejÄĻtnoÅĽci": 142906, + "ëĤ¸": 142907, + "à¹Ģà¸Ļà¸Ńรà¹Į": 142908, + "×ĵ×ķ×ķ×Ĺ": 142909, + "ÃŃsimo": 142910, + "IÃĬ": 142911, + "IÃĬN": 142912, + "Ġalcanç": 142913, + "Ġà¸ķุ": 142914, + "Ġà¸ķุลา": 142915, + "Ġà¸ķุลาà¸Ħม": 142916, + "ש׾×ĺ×ķף": 142917, + "Ġélè": 142918, + "Ġélèves": 142919, + "ĠÄiju": 142920, + "ĠÄijuá»ķi": 142921, + "ĠØ£Ùģ": 142922, + "ĠØ£Ù쨱ÙĬ": 142923, + "ĠØ£Ù쨱ÙĬÙĤÙĬ": 142924, + "ĠØ£Ù쨱ÙĬÙĤÙĬا": 142925, + "ãĤĴæİ¢ãģĻ": 142926, + "ĠпÑĢедложениÑı": 142927, + "جاد": 142928, + "ĠÑħоÑĤÑĮ": 142929, + "Ñģал": 142930, + "Ñģалон": 142931, + "à¸Ľà¸£à¸°à¹Ģม": 142932, + "à¸Ľà¸£à¸°à¹Ģมิà¸Ļ": 142933, + "ãĤŃãĥĥãĥģ": 142934, + "ãĤŃãĥĥãĥģãĥ³": 142935, + "×ij×ĵ×Ļ×§×ķת": 142936, + "Ġchù": 142937, + "Ġchùa": 142938, + "ÐĴиде": 142939, + "ÐĴидео": 142940, + "иÑĢовка": 142941, + "ĠÑħоÑĤиÑĤе": 142942, + "Ġspécifique": 142943, + "รสà¸Ĭาà¸ķิ": 142944, + "è¾¼ãĤĵãģł": 142945, + "伸ãģ³": 142946, + "×Ķצ׾×Ĺת": 142947, + "ãģ©ãģ®ãĤĪãģĨãģ«": 142948, + "سعادة": 142949, + "Ġлид": 142950, + "ĠлидеÑĢ": 142951, + "มà¸ĩ": 142952, + "มà¸ĩà¸Ħล": 142953, + "ØŃاÙħÙĦ": 142954, + "หลุà¸Ķ": 142955, + "à¸Ńยà¹Īาà¸ĩà¸ķà¹Īà¸Ń": 142956, + "à¸Ńยà¹Īาà¸ĩà¸ķà¹Īà¸Ńà¹Ģà¸Ļืà¹Īà¸Ńà¸ĩ": 142957, + "ãģķãģĽãģ¦éłĤ": 142958, + "تسÙĪÙĬ": 142959, + "تسÙĪÙĬÙĤ": 142960, + "ĠaÅŁaģıd": 142961, + "ĠaÅŁaģıdaki": 142962, + "ĠÑĨелÑĮ": 142963, + "ĠÑĨелÑĮÑİ": 142964, + "ĠAraÅŁtırma": 142965, + "à¸Ĥัà¸ļรà¸ĸ": 142966, + "ÙĩذÙĩ": 142967, + "ลà¸ĩà¸Ĺะ": 142968, + "ลà¸ĩà¸Ĺะà¹Ģà¸ļ": 142969, + "ลà¸ĩà¸Ĺะà¹Ģà¸ļียà¸Ļ": 142970, + "تÙĥاÙħÙĦ": 142971, + "Ġcio": 142972, + "Ġcioè": 142973, + "ãģ¦ãģĬãģı": 142974, + "ĠاÙĦصØŃÙģÙĬ": 142975, + "ĠíĬ¹ìłķ": 142976, + "полниÑĤÑĮ": 142977, + "ãĤĵãģĺãĤĥãģªãģĦ": 142978, + "ãĤĵãģĺãĤĥãģªãģĦãģĭ": 142979, + "ĠاÙĦجÙĩ": 142980, + "ĠاÙĦجÙĩات": 142981, + "ĠÑĥÑģпеÑĪно": 142982, + "Ġвок": 142983, + "ĠвокÑĢÑĥг": 142984, + "ĠÑģиÑĤÑĥаÑĨиÑı": 142985, + "Ġ×Ķ×IJ×ŀר": 142986, + "Ġ×Ķ×IJ×ŀר×Ļ×§": 142987, + "Ġ×Ķ×IJ×ŀר×Ļ×§×IJ×Ļ": 142988, + "×ŀ×Ĵ×ĸ": 142989, + "×ŀ×Ĵ×ĸ×Ļף": 142990, + "ĠакÑĤÑĥ": 142991, + "ĠакÑĤÑĥалÑĮн": 142992, + "éta": 142993, + "étais": 142994, + "ĠmogÅĤa": 142995, + "ĠÑĤоÑĩки": 142996, + "Ġ×ŀ×Ķ×ŀ×¢": 142997, + "Ġ×ŀ×Ķ×ŀ×¢×¨×Ľ×ª": 142998, + "à¸¡à¸µà¸Ľà¸£à¸°à¸ªà¸´à¸Ĺà¸ĺà¸´à¸łà¸²à¸ŀ": 142999, + "×Ļר×Ļ×ĵ×Ķ": 143000, + "×Ĵר×ŀ׳": 143001, + "×Ĵר×ŀ׳×Ļ×Ķ": 143002, + "Ġглав": 143003, + "Ġглавное": 143004, + "Ġ미ëŀĺ": 143005, + "Ġ׳׼×ķ׳×Ķ": 143006, + "ĠÙĪØ·ÙĨÙĬ": 143007, + "opport": 143008, + "opportunitÃł": 143009, + "Ġhá»§y": 143010, + "ĠÙĦتØŃ": 143011, + "ĠÙĦتØŃÙĤÙĬÙĤ": 143012, + "Ġórg": 143013, + "Ġórgão": 143014, + "ãĤ¹ãĥĶ": 143015, + "ãĤ¹ãĥĶãĥ¼ãĥī": 143016, + "Ġönü": 143017, + "Ġönüne": 143018, + "ÙħعاÙħÙĦ": 143019, + "ש×ŀ×Ļר×Ķ": 143020, + "ĠвеÑģÑĮма": 143021, + "ĠwiÄĻkszo": 143022, + "ĠwiÄĻkszoÅĽÄĩ": 143023, + "ĠاستراتÙĬج": 143024, + "ĠاستراتÙĬجÙĬØ©": 143025, + "ĠÙ쨥": 143026, + "ĠÙģØ¥Ø°Ø§": 143027, + "à¹Ģà¸Ĭืà¹Īà¸Ńม": 143028, + "à¹Ģà¸Ĭืà¹Īà¸Ńมà¸ķà¹Īà¸Ń": 143029, + "Ġ׾פר": 143030, + "Ġ׾פר×ĺ×Ļ×Ŀ": 143031, + "ÙħضÙĬ": 143032, + "ĠGerçek": 143033, + "Ġçocukların": 143034, + "ÙĪØ«Ø§Ø¦ÙĤ": 143035, + "ĠÙħساءÙĭ": 143036, + "Ġunterstützt": 143037, + "Ġprést": 143038, + "Ġpréstamo": 143039, + "ĠÐłÐ°Ð·Ð¼ÐµÑĢ": 143040, + "ĠÅŁeker": 143041, + "Ġséculo": 143042, + "×ij×Ķ×Ļר": 143043, + "Ø´ÙĩÙĪØ±": 143044, + "Ġà¸Ńีà¸ģ": 143045, + "Ġà¸Ńีà¸ģà¸Ĺัà¹īà¸ĩ": 143046, + "Ġllegó": 143047, + "à¸¨à¸´à¸¥à¸Ľà¸°": 143048, + "æĪijãģĮ": 143049, + "æĪijãģĮå®¶": 143050, + "عÙĤÙĪ": 143051, + "عÙĤÙĪØ¨Ø§Øª": 143052, + "ĠFälle": 143053, + "ĠsÅĤuż": 143054, + "ĠsÅĤużb": 143055, + "ĠاÙĦØŃÙĤÙĪÙĤ": 143056, + "ĠплиÑĤ": 143057, + "ĠиноÑģÑĤ": 143058, + "ĠиноÑģÑĤÑĢан": 143059, + "ĠиноÑģÑĤÑĢанн": 143060, + "à¹ĥà¸Ļà¸Ĥà¸ĵะà¸Ĺีà¹Ī": 143061, + "ãĤ«ãĥĨ": 143062, + "ãĤ«ãĥĨãĤ´": 143063, + "ãĤ«ãĥĨãĤ´ãĥª": 143064, + "à¸Ńิส": 143065, + "à¸Ńิสระ": 143066, + "à¹Ģà¸ľà¸¢à¹ģ": 143067, + "à¹Ģà¸ľà¸¢à¹ģà¸ŀร": 143068, + "à¹Ģà¸ľà¸¢à¹ģà¸ŀรà¹Ī": 143069, + "ãģĬãģĦ": 143070, + "ãģĬãģĦãģĹãģĦ": 143071, + "استÙĤÙĦ": 143072, + "استÙĤÙĦاÙĦ": 143073, + "تØŃض": 143074, + "تØŃضÙĬر": 143075, + "åĬ©ãģij": 143076, + "ÙħراÙģÙĤ": 143077, + "Ġ×ĵ×ķר": 143078, + "Ġ×ĵ×ķרש": 143079, + "×ŀת×Ļ×Ļ×Ĺס": 143080, + "ס×Ļ׼": 143081, + "ס×Ļ׼×ķ×Ŀ": 143082, + "íĮĮíĬ¸": 143083, + "ĠwyÅĽ": 143084, + "ĠwyÅĽw": 143085, + "ĠwyÅĽwiet": 143086, + "ĠwyÅĽwietl": 143087, + "ĠاÙĦاÙĨساÙĨ": 143088, + "ĠStraÃŁen": 143089, + "L": 143090, + "ãģ«åŁº": 143091, + "ãģ«åŁºãģ¥": 143092, + "ĠcapÃŃtulo": 143093, + "ลุย": 143094, + "Ġ×Ķ×ŀקצ×ķ×¢×Ļ": 143095, + "ãģĤãĤĭç¨ĭ度": 143096, + "Ợ": 143097, + "ĠاÙĦÙĦا": 143098, + "ĠاÙĦÙĦازÙħØ©": 143099, + "æķĻãģĪ": 143100, + "Ġרש×IJ×Ļ": 143101, + "зав": 143102, + "завиÑģ": 143103, + "завиÑģим": 143104, + "à¸Ľà¸±à¸Īà¸Īัย": 143105, + "à¹Ģà¸ĭล": 143106, + "à¹Ģà¸ĭลลà¹Į": 143107, + "Ġdifférence": 143108, + "ĠAltın": 143109, + "ĠкÑĢай": 143110, + "ĠкÑĢайне": 143111, + "Ġзло": 143112, + "Ġgünümüz": 143113, + "ĠнаÑĤÑĥÑĢ": 143114, + "ĠнаÑĤÑĥÑĢалÑĮн": 143115, + "×Ĵ×ķ׾ש×Ļ×Ŀ": 143116, + "ĠкаÑĤегоÑĢ": 143117, + "ĠкаÑĤегоÑĢии": 143118, + "Ġзнак": 143119, + "à¸ģà¹Īà¸Ńà¸Ļหà¸Ļà¹īา": 143120, + "à¸ģà¹Īà¸Ńà¸Ļหà¸Ļà¹īาà¸Ļีà¹ī": 143121, + "ĠÙħÙĨت": 143122, + "ĠÙħÙĨتخب": 143123, + "ãĥĽãĥ¼ãĥ«": 143124, + "ĠевÑĢо": 143125, + "สว": 143126, + "สวม": 143127, + "ĠìľĦìĽIJ": 143128, + "ĠìľĦìĽIJëĭĺ": 143129, + "ĠاÙĦØŃÙĪØ«": 143130, + "ĠاÙĦØŃÙĪØ«ÙĬ": 143131, + "ĠÑģодеÑĢжиÑĤ": 143132, + "ãĥķãĤ¡ãĥĥãĤ·ãĥ§ãĥ³": 143133, + "Ġà¸ģัà¸Ļ": 143134, + "Ġà¸ģัà¸Ļย": 143135, + "Ġà¸ģัà¸Ļยายà¸Ļ": 143136, + "ãĤªãĥª": 143137, + "ãĤªãĥªãĤ¸": 143138, + "ãĤªãĥªãĤ¸ãĥĬãĥ«": 143139, + "ĠбÑĢенд": 143140, + "ãĤĴæĮģãģ£ãģ¦ãģĦãĤĭ": 143141, + "Ġinversión": 143142, + "Ġê°ĸ": 143143, + "Ġê°ĸê³ł": 143144, + "ĠnovitÃł": 143145, + "ê´Ģê´ij": 143146, + "Ġà¸ŀฤษ": 143147, + "Ġà¸ŀà¸¤à¸©à¸łà¸²": 143148, + "Ġà¸ŀà¸¤à¸©à¸łà¸²à¸Ħม": 143149, + "×ķר×Ĺ×Ļ×Ŀ": 143150, + "׼׾×ķ׾": 143151, + "Ġngạc": 143152, + "×Ļ×Ļש": 143153, + "×Ļ×Ļש×ķ×ij": 143154, + "fäll": 143155, + "fällig": 143156, + "ĠÑĤÑĢебÑĥеÑĤÑģÑı": 143157, + "Ġcará": 143158, + "Ġcarácter": 143159, + "ĠprincÃŃpio": 143160, + "ĠÅĤaz": 143161, + "ĠÅĤazien": 143162, + "ĠÅĤazienk": 143163, + "Ġgiãn": 143164, + "ÑģÑĤÑĢаива": 143165, + "Ùħساب": 143166, + "ÙħسابÙĤØ©": 143167, + "à¹Ģà¸Ħรืà¹Īà¸Ńà¸ĩà¸Ķืà¹Īม": 143168, + "ترÙĥÙĬب": 143169, + "volução": 143170, + "ĠÐŁÐ¾Ñĩ": 143171, + "ĠÐŁÐ¾Ñĩем": 143172, + "ĠÐŁÐ¾ÑĩемÑĥ": 143173, + "казалоÑģÑĮ": 143174, + "ĠпÑĢименениÑı": 143175, + "à¹Ģà¸Ĺียม": 143176, + "íĮĶ": 143177, + "à¸Ĥà¹īà¸Ńà¹Ģสà¸Ļà¸Ń": 143178, + "à¸Ľà¸±à¸įà¸įา": 143179, + "ĠобÑĥÑĩ": 143180, + "ĠобÑĥÑĩениÑı": 143181, + "ĠÑģеÑĢи": 143182, + "ĠÑģеÑĢиал": 143183, + "Ġinglés": 143184, + "ĠÙĦÙĥرة": 143185, + "Ġ×ĺ׾": 143186, + "Ġ×ĺ׾פ×ķף": 143187, + "Ġìłij": 143188, + "Ġìłijê·¼": 143189, + "×IJ×ķ×Ĵ": 143190, + "×IJ×ķ×Ĵ×ķס": 143191, + "×IJ×ķ×Ĵ×ķס×ĺ": 143192, + "ĠболÑĮÑĪое": 143193, + "ĠÐļонеÑĩно": 143194, + "×¢×Ļת×ķ׳": 143195, + "×¢×Ļת×ķ׳×IJ×Ļ": 143196, + "Ġкнопк": 143197, + "Ġзн": 143198, + "ĠзнаÑĤÑĮ": 143199, + "ĠÄijá»±": 143200, + "ĠÄijá»±ng": 143201, + "влаж": 143202, + "влажн": 143203, + "×ŀ×Ļ×ĺ×ij": 143204, + "ãĤ¬ãĤ¤": 143205, + "ãĤ¬ãĤ¤ãĥī": 143206, + "..........": 143207, + "Ġà¸ģุม": 143208, + "Ġà¸ģà¸¸à¸¡à¸łà¸²à¸ŀ": 143209, + "Ġà¸ģà¸¸à¸¡à¸łà¸²à¸ŀัà¸Ļ": 143210, + "Ġà¸ģà¸¸à¸¡à¸łà¸²à¸ŀัà¸Ļà¸ĺ": 143211, + "Ġà¸ģà¸¸à¸¡à¸łà¸²à¸ŀัà¸Ļà¸ĺà¹Į": 143212, + "bez": 143213, + "bezpieczeÅĦst": 143214, + "bezpieczeÅĦstw": 143215, + "ãĥijãĥijæ´»": 143216, + "عاط": 143217, + "عاطÙģ": 143218, + "ĠÄijáºŃm": 143219, + "ĠзÑĢ": 143220, + "ĠзÑĢениÑı": 143221, + "Ġborç": 143222, + "Ġнедел": 143223, + "ĠнеделÑİ": 143224, + "Ġhá»ı": 143225, + "Ġhá»ıng": 143226, + "ìŀ¥ìķł": 143227, + "ìŀ¥ìķłìĿ¸": 143228, + "ĠاÙĦعÙĦاÙĤØ©": 143229, + "Ġíģ¬": 143230, + "Ġíģ¬ê²Į": 143231, + "à¹Ħรà¹Ī": 143232, + "à¸ļาà¸Ķ": 143233, + "à¸ļาà¸Ķà¹Ģà¸Īà¹ĩà¸ļ": 143234, + "à¸Ŀรั": 143235, + "à¸Ŀรัà¹Īà¸ĩ": 143236, + "à¸Ŀรัà¹Īà¸ĩà¹Ģศ": 143237, + "à¸Ŀรัà¹Īà¸ĩà¹Ģศส": 143238, + "רע×Ļ": 143239, + "רע×Ļ×ķ׳×ķת": 143240, + "ĠëĮ": 143241, + "ĠëĮĵ": 143242, + "ĠëĮĵê¸Ģ": 143243, + "Ġnajb": 143244, + "Ġnajbli": 143245, + "Ġnajbliż": 143246, + "Ġnajbliższ": 143247, + "ĠиÑģполÑĮзÑĥеÑĤÑģÑı": 143248, + "ĠcientÃŃf": 143249, + "ĠcientÃŃfico": 143250, + "×¢×ŀ×§": 143251, + "Ġgợi": 143252, + "Ø´ØŃÙĨ": 143253, + "ĠÅĽm": 143254, + "ĠÅĽmier": 143255, + "ĠÅĽmierci": 143256, + "à¸Ħาสิà¹Ĥà¸Ļà¸Ńà¸Ńà¸Ļà¹Ħลà¸Ļà¹Į": 143257, + "×Ĺש×ijת×Ļ": 143258, + "Ġningu": 143259, + "Ġninguém": 143260, + "è¾¼ãĤģ": 143261, + "ãģ·": 143262, + "ĠÑĥг": 143263, + "ĠÑĥгол": 143264, + "ï½°": 143265, + "פת×Ļ×Ĺ": 143266, + "פת×Ļ×Ĺת": 143267, + "Ġ×Ķר×IJש×ķ׳×Ļ×Ŀ": 143268, + "pósito": 143269, + "ãĤŃãĥ¬ãĤ¤": 143270, + "ãģ©ãģĵãĤį": 143271, + "à¹Ģà¸Ĺà¹Īาà¹Ħ": 143272, + "à¹Ģà¸Ĺà¹Īาà¹Ħหร": 143273, + "à¹Ģà¸Ĺà¹Īาà¹Ħหรà¹Ī": 143274, + "ĠинÑĤеÑĢÑĮеÑĢ": 143275, + "ĠØŃاج": 143276, + "ĠØŃاجة": 143277, + "สีà¸Ĥาว": 143278, + "ìĸ¼": 143279, + "Ġná»Ļ": 143280, + "Ġná»Ļp": 143281, + "ĠÃŃnd": 143282, + "ĠÃŃndice": 143283, + "สำรวà¸Ī": 143284, + "Ġкаждой": 143285, + "Ġhotéis": 143286, + "ĠnastÄĻ": 143287, + "ĠnastÄĻpn": 143288, + "Ġ×Ķ×§×ķ×ĵ": 143289, + "Ġ×Ķ×§×ķ×ĵ×Ŀ": 143290, + "פ×ķפ": 143291, + "פ×ķפ×ķ׾": 143292, + "פ×ķפ×ķ׾ר×Ļ": 143293, + "вÑĪей": 143294, + "ãĤ·ãĥ³ãĥĹ": 143295, + "ãĤ·ãĥ³ãĥĹãĥ«": 143296, + "ĠzdjÄĻÄĩ": 143297, + "ĠгÑĢÑĥппа": 143298, + "ĠпомеÑī": 143299, + "ĠпомеÑīениÑı": 143300, + "ãģ©ãģĨãģĦãģĨ": 143301, + "ĠиÑģпÑĭÑĤа": 143302, + "ĠogÅĤ": 143303, + "ĠogÅĤos": 143304, + "ĠogÅĤoszen": 143305, + "ĠogÅĤoszeni": 143306, + "สรà¹īาà¸ĩสรร": 143307, + "สรà¹īาà¸ĩสรรà¸Ħà¹Į": 143308, + "à¸ŀรรà¸ĵ": 143309, + "ĠçıkÄ±ÅŁ": 143310, + "ĠÑĩаÑģÑĤноÑģÑĤи": 143311, + "Ġ×ķ×Ļ×ķתר": 143312, + "ç¶ļãģįãĤĴ": 143313, + "ç¶ļãģįãĤĴèªŃ": 143314, + "ç¶ļãģįãĤĴèªŃãĤĢ": 143315, + "à¸ģรั": 143316, + "à¸ģรัม": 143317, + "гÑĢаÑĦ": 143318, + "Ġвлад": 143319, + "ĠвладелÑĮ": 143320, + "ĠвладелÑĮÑĨ": 143321, + "ĠistediÄŁ": 143322, + "ĠistediÄŁiniz": 143323, + "×ij×ľ×¢": 143324, + "×ij×ľ×¢×ĵ×Ļ": 143325, + "ÙħÙĪØ§Ùģ": 143326, + "ÙħÙĪØ§ÙģÙĤØ©": 143327, + "Ġ×Ļ×ķר": 143328, + "Ġ×Ļ×ķרק": 143329, + "ãĤ«ãĥ¼ãĥīãĥŃãĥ¼ãĥ³": 143330, + "ĠاÙĦÙħØ´ÙĥÙĦ": 143331, + "ĠاÙĦÙħØ´ÙĥÙĦØ©": 143332, + "ĠêµŃíļĮ": 143333, + "ספ×ĺ": 143334, + "ספ×ĺ×ŀ": 143335, + "ספ×ĺ×ŀ×ijר": 143336, + "Ġìĸ´ëłµ": 143337, + "ÙĥاÙħ": 143338, + "ÙĥاÙħÙĬرا": 143339, + "schlü": 143340, + "schlüsse": 143341, + "ĠØ«ÙĨ": 143342, + "ĠØ«ÙĨائÙĬ": 143343, + "ìī½": 143344, + "ĠÐŀÑģоб": 143345, + "ĠÐŀÑģобенно": 143346, + "ĠинвеÑģÑĤи": 143347, + "ĠинвеÑģÑĤиÑĨи": 143348, + "اØŃتÙħ": 143349, + "اØŃتÙħاÙĦ": 143350, + "EÄŀ": 143351, + "EÄŀİ": 143352, + "íķĺê²łëĭ¤": 143353, + "Ġ×IJ×ijר×Ķ": 143354, + "Ġ×IJ×ijר×Ķ×Ŀ": 143355, + "Ġ×ij×Ĺ×Ļ׳×Ŀ": 143356, + "Ø£ÙĪØ¶": 143357, + "Ø£ÙĪØ¶Ø§Ø¹": 143358, + "Ġdél": 143359, + "Ġdélai": 143360, + "Ġ×IJ×ķ×Ķ×ij×Ļ×Ŀ": 143361, + "ĠÑģоÑħ": 143362, + "ĠÑģоÑħÑĢ": 143363, + "ĠÑģоÑħÑĢани": 143364, + "ĠдоÑģÑĤиж": 143365, + "ĠдоÑģÑĤижени": 143366, + "สิà¹Īà¸ĩà¹ģ": 143367, + "สิà¹Īà¸ĩà¹ģวà¸Ķ": 143368, + "สิà¹Īà¸ĩà¹ģวà¸Ķล": 143369, + "สิà¹Īà¸ĩà¹ģวà¸Ķลà¹īà¸Ńม": 143370, + "ĠاÙĦÙħباشر": 143371, + "ĠÑĦиг": 143372, + "ĠÑĦигÑĥÑĢ": 143373, + "можем": 143374, + "׾×ŀ×Ļ×ĵ×Ķ": 143375, + "Ġciné": 143376, + "Ġcinéma": 143377, + "Ġbada": 143378, + "ĠbadaÅĦ": 143379, + "جبÙĩØ©": 143380, + "Ġдеп": 143381, + "ĠдепÑĥÑĤ": 143382, + "ĠдепÑĥÑĤаÑĤ": 143383, + "Ġdistância": 143384, + "ĠاÙĦÙħعار": 143385, + "ĠاÙĦÙħعارضة": 143386, + "thèse": 143387, + "ünc": 143388, + "üncü": 143389, + "Ġданного": 143390, + "ĠBelgi": 143391, + "ĠBelgië": 143392, + "Ġ×ij×ij×§": 143393, + "Ġ×ij×ijקש×Ķ": 143394, + "ยà¹Īาà¸Ļ": 143395, + "Ġsolução": 143396, + "Ġ×Ķצ×ĺר": 143397, + "Ġ×Ķצ×ĺרפ×ķ": 143398, + "ĠØ£ÙĨØŃ": 143399, + "ĠØ£ÙĨØŃاء": 143400, + "ĠدÙħØ´": 143401, + "ĠدÙħØ´ÙĤ": 143402, + "มัà¹ī": 143403, + "มัà¹īย": 143404, + "Ùħغرب": 143405, + "استعÙħاÙĦ": 143406, + "ĠSÅĤow": 143407, + "ĠëıĻìĭľ": 143408, + "ĠëıĻìĭľìĹIJ": 143409, + "ĠÑģоÑģ": 143410, + "ĠÑģоÑģед": 143411, + "ì²ŃìĨĮ": 143412, + "ì²ŃìĨĮëħĦ": 143413, + "ĠгÑĢаÑĦ": 143414, + "ĠгÑĢаÑĦик": 143415, + "ĠìŀijìĿĢ": 143416, + "Ġyeti": 143417, + "ĠyetiÅŁtir": 143418, + "ĠìĿ´ê²ĥìĿ´": 143419, + "หà¹Īาà¸ĩ": 143420, + "Ø¥ÙħÙĥاÙĨ": 143421, + "Ø¥ÙħÙĥاÙĨÙĬØ©": 143422, + "استعراض": 143423, + "Ùħخدر": 143424, + "ĠÑĩÑĥÑĤÑĮ": 143425, + "ÙħدÙĬر": 143426, + "ÙħدÙĬرÙĬØ©": 143427, + "Ġà¹Ģมษ": 143428, + "Ġà¹Ģมษายà¸Ļ": 143429, + "ĠмеÑħ": 143430, + "ĠмеÑħаниз": 143431, + "ĠмеÑħанизм": 143432, + "ĠÑģÑĥм": 143433, + "ĠÑģÑĥммÑĥ": 143434, + "Ġvö": 143435, + "Ġvöll": 143436, + "Ġvöllig": 143437, + "ĠдÑĢÑĥз": 143438, + "ĠдÑĢÑĥзÑĮÑı": 143439, + "ãĤĴåĪ©ç͍ãģĹãģ¦": 143440, + "à¸ļรรà¸Īุ": 143441, + "pożycz": 143442, + "×ŀש׼": 143443, + "×ŀ×©×Ľ×ł×ª": 143444, + "×ŀ×©×Ľ×ł×ª×IJ": 143445, + "Ġeuropéen": 143446, + "Ġproprié": 143447, + "Ġpropriétaire": 143448, + "Ġkhấu": 143449, + "ãģĦãģŁãģłãģijãĤĭ": 143450, + "Ġtecrü": 143451, + "Ġtecrübe": 143452, + "×Ķ×ij": 143453, + "×Ķ×ij׳×Ķ": 143454, + "ĠcuÌ": 143455, + "ĠcuÌī": 143456, + "ĠcuÌīa": 143457, + "×IJ×ķ×ķ": 143458, + "×IJ×ķ×ķ×Ļר×Ķ": 143459, + "Ġ׼×ķ׾×ķ": 143460, + "Ulus": 143461, + "Uluslararası": 143462, + "Ġ׳×ķת": 143463, + "Ġ׳×ķ×ª×Ł": 143464, + "ãģ«åIJij": 143465, + "ãģ«åIJijãģijãģ¦": 143466, + "ë¹Ľ": 143467, + "à¸Ĺัà¸ģษ": 143468, + "à¸Ĺัà¸ģษะ": 143469, + "سÙĤÙĪ": 143470, + "سÙĤÙĪØ·": 143471, + "Ġвн": 143472, + "ĠвнеÑĪ": 143473, + "ĠвнеÑĪне": 143474, + "Ġurz": 143475, + "ĠurzÄĻd": 143476, + "Ġámb": 143477, + "Ġámbito": 143478, + "à¸Ńà¸ĺิ": 143479, + "à¸Ńà¸ĺิà¸ļาย": 143480, + "ĠÅĤad": 143481, + "ĠÅĤadn": 143482, + "ê±´ì¶ķ": 143483, + "wództ": 143484, + "wództw": 143485, + "Ġquestões": 143486, + "Ġשק": 143487, + "Ġשק×Ļ×ij׾": 143488, + "ĠmiejscowoÅĽci": 143489, + "Ġвал": 143490, + "ĠвалÑİÑĤ": 143491, + "häuser": 143492, + "หà¸Ļà¸Ńà¸ĩ": 143493, + "ãģ¨åħ±": 143494, + "ãģ¨åħ±ãģ«": 143495, + "ãĥıãĥ¼ãĥī": 143496, + "Ġê°ľìµľ": 143497, + "ĠоÑģновном": 143498, + "ĠмÑıÑģ": 143499, + "اعت": 143500, + "اعتÙĤاÙĦ": 143501, + "สà¸ĸิ": 143502, + "สà¸ĸิà¸ķิ": 143503, + "Ngu": 143504, + "Nguá»ĵn": 143505, + "ĠÙħجÙĦ": 143506, + "ĠÙħجÙĦØ©": 143507, + "à¹ģà¸Ĥà¸Ļ": 143508, + "ĠاÙĦÙĦÙĬبÙĬ": 143509, + "פע×Ļ׾×ķ×Ļ×ķת": 143510, + "Ġ×Ķרפ×ķ×IJ×Ļ": 143511, + "פר×ķפ": 143512, + "פר×ķפ×Ļ׾": 143513, + "ק׾×IJ": 143514, + "ק׾×IJס×Ļ": 143515, + "ÙĥتشÙģ": 143516, + "ãģ«ãģªãģ£ãģ¦ãģĹãģ¾ãģĨ": 143517, + "à¹Ģà¸Ħลà¹ĩà¸Ķ": 143518, + "à¹Ģà¸Ħลà¹ĩà¸Ķลัà¸ļ": 143519, + "Ġì»´": 143520, + "Ġì»´íĵ¨": 143521, + "Ġì»´íĵ¨íĦ°": 143522, + "Ġ×Ĺ×Ļ×ķ×ij×Ļ": 143523, + "Ġnäm": 143524, + "Ġnämlich": 143525, + "åij¼ãģ°": 143526, + "åij¼ãģ°ãĤĮ": 143527, + "ĠÑĢол": 143528, + "ĠÑĢоли": 143529, + "Ġspécialisé": 143530, + "à¸Ļวัà¸ķ": 143531, + "à¸Ļวัà¸ķà¸ģรรม": 143532, + "ÙĨصÙĪØµ": 143533, + "пеÑĢед": 143534, + "пеÑĢедаÑĩ": 143535, + "thèque": 143536, + "Ġר×IJ×Ļת×Ļ": 143537, + "ãĥĢãĤ¦ãĥ³": 143538, + "ãĤıãģĭ": 143539, + "ãĤıãģĭãģ£ãģ¦": 143540, + "беÑĢеж": 143541, + "ĠÑģек": 143542, + "ĠÑģекÑĢ": 143543, + "ĠÑģекÑĢеÑĤ": 143544, + "ĠпоÑģÑĤоÑıнн": 143545, + "à¸Ĥà¸Ļสà¹Īà¸ĩ": 143546, + "Ġmük": 143547, + "Ġmükem": 143548, + "Ġmükemmel": 143549, + "еÑĤеÑģÑĮ": 143550, + "ĠاÙĦسÙĨÙĪØ§Øª": 143551, + "ĠìłĦíĺĢ": 143552, + "Ġ×Ķ×ŀ×§×ķר×Ļ": 143553, + "Ġmüd": 143554, + "Ġmüdah": 143555, + "Ġmüdahale": 143556, + "Ġwyb": 143557, + "Ġwybór": 143558, + "Ġtendência": 143559, + "إدار": 143560, + "إدارÙĬØ©": 143561, + "Ġunterstützen": 143562, + "ת×ijר": 143563, + "ת×ijרר": 143564, + "Ġdiá": 143565, + "Ġdiálogo": 143566, + "ĠÃĸnce": 143567, + "ĠÃĸnceki": 143568, + "ãĤ¹ãĥĿãĥĥãĥĪ": 143569, + "ëĦ£": 143570, + "ĠGeli": 143571, + "ĠGeliÅŁ": 143572, + "ãĤĴéĢļ": 143573, + "ãĤĴéĢļãģĹãģ¦": 143574, + "ĠFuÃŁball": 143575, + "Ġsalari": 143576, + "Ġsalarié": 143577, + "ĠпÑĢодÑĥкÑĤов": 143578, + "صÙģÙĤØ©": 143579, + "รวà¸ļ": 143580, + "รวà¸ļรวม": 143581, + "à¹ĥà¸Ļà¸IJาà¸Ļ": 143582, + "à¹ĥà¸Ļà¸IJาà¸Ļะ": 143583, + "Ġkayna": 143584, + "Ġkaynaģı": 143585, + "ĠìŀijíĴĪ": 143586, + "ĠвÑĭÑĢаж": 143587, + "ĠвÑĭÑĢажен": 143588, + "ĠÑģÑĤеп": 143589, + "ĠÑģÑĤепени": 143590, + "ĠاÙĦÙħÙĪØ¬ÙĪØ¯": 143591, + "ĠاÙĦÙħÙĪØ¬ÙĪØ¯Ø©": 143592, + "ลà¹īม": 143593, + "ĠnajczÄĻ": 143594, + "ĠnajczÄĻÅĽcie": 143595, + "ĠnajczÄĻÅĽciej": 143596, + "Ġzwy": 143597, + "Ġzwyk": 143598, + "ĠzwykÅĤ": 143599, + "Ġê·¸ëłĩì§Ģ": 143600, + "à¸ģระà¸Ī": 143601, + "à¸ģระà¸Īาย": 143602, + "Ġëĭµ": 143603, + "Ġëĭµë³Ģ": 143604, + "ĠÑĢеак": 143605, + "ĠÑĢеакÑĨи": 143606, + "ĠÅĽwież": 143607, + "ĠÑģÑĤоимоÑģÑĤи": 143608, + "ÙħÙĨاÙĤ": 143609, + "ÙħÙĨاÙĤØ´": 143610, + "ÙħÙĨاÙĤشة": 143611, + "ĠÑħоÑĩÑĥ": 143612, + "ãĥľãĥ¼ãĥī": 143613, + "Ġróżnic": 143614, + "ĠкÑĢÑĭ": 143615, + "ĠкÑĢÑĭÑĪ": 143616, + "âľĵ": 143617, + "ãĤ³ãĥ³ãĥĨãĥ³": 143618, + "ãĤ³ãĥ³ãĥĨãĥ³ãĥĦ": 143619, + "ĠпÑĢедпоÑĩ": 143620, + "×ŀר×ij×Ļת": 143621, + "ĠØ´Ùĥ": 143622, + "ĠØ´Ùĥرا": 143623, + "Ġдал": 143624, + "Ġдалек": 143625, + "Ġдалеко": 143626, + "برÙĬØ·": 143627, + "برÙĬطاÙĨÙĬا": 143628, + "عÙĨا": 143629, + "عÙĨاÙĬØ©": 143630, + "ĠÑĢаÑģÑģказ": 143631, + "ĠÑĢаÑģÑģказÑĭва": 143632, + "Ø£ÙĦÙĪ": 143633, + "Ø£ÙĦÙĪØ§ÙĨ": 143634, + "æĮģãģ£ãģ¦": 143635, + "æĮģãģ£ãģ¦ãģĦ": 143636, + "Ùħبادئ": 143637, + "×Ķ×¢×ijר": 143638, + "×Ķ×¢×ijרת": 143639, + "Ġyayı": 143640, + "Ġyayıml": 143641, + "Ġyayımla": 143642, + "mát": 143643, + "máticos": 143644, + "à¸ģัà¸ĩ": 143645, + "à¸ģัà¸ĩวล": 143646, + "Ġ×ľ×¤×ª": 143647, + "Ġ×ľ×¤×ª×ķ×Ĺ": 143648, + "à¸ŀฤà¸ķิ": 143649, + "à¸ŀฤà¸ķิà¸ģรรม": 143650, + "íĤ¬": 143651, + "ĠокÑĢÑĥг": 143652, + "Ġ×ŀצ×ķ×ķ×Ķ": 143653, + "ÐĽÐµÐ½Ð¸": 143654, + "ÐĽÐµÐ½Ð¸Ð½": 143655, + "ĠTriá»ģu": 143656, + "ãĤ³ãĥŁãĥ¥": 143657, + "ãĤ³ãĥŁãĥ¥ãĥĭ": 143658, + "ãĤ³ãĥŁãĥ¥ãĥĭãĤ±": 143659, + "ãĤ³ãĥŁãĥ¥ãĥĭãĤ±ãĥ¼ãĤ·ãĥ§ãĥ³": 143660, + "ÙĥÙĨÙĬ": 143661, + "ÙĥÙĨÙĬسة": 143662, + "ãĤĴä¸Ńå¿ĥ": 143663, + "ãĤĴä¸Ńå¿ĥãģ«": 143664, + "ĠmiÄĻdz": 143665, + "ĠmiÄĻdzyn": 143666, + "ĠmiÄĻdzynar": 143667, + "ĠmiÄĻdzynarod": 143668, + "ĠmiÄĻdzynarodow": 143669, + "ÙĦÙĨ": 143670, + "ÙĦÙĨدا": 143671, + "برش": 143672, + "برشÙĦÙĪÙĨ": 143673, + "برشÙĦÙĪÙĨØ©": 143674, + "à¸ģระà¸ķุ": 143675, + "à¸ģระà¸ķุà¹īà¸Ļ": 143676, + "Ġgı": 143677, + "Ġgıda": 143678, + "à¸Ľà¸£à¸°à¸Ĺัà¸ļ": 143679, + "à¸Ľà¸£à¸°à¸Ĺัà¸ļà¹ĥà¸Ī": 143680, + "Ġë¶Ī구": 143681, + "Ġë¶Ī구íķĺê³ł": 143682, + "ĠÙĨØ·": 143683, + "ĠÙĨطاÙĤ": 143684, + "ĠÐľÐ¾Ð¶ÐµÑĤ": 143685, + "Präs": 143686, + "Präsident": 143687, + "ĠÑģкоÑĢ": 143688, + "ĠÑģкоÑĢоÑģÑĤÑĮ": 143689, + "Ġ×Ķ×ij×ķקר": 143690, + "еÑħаÑĤÑĮ": 143691, + "Ġgạo": 143692, + "Ġש×IJ×Ļ׳×Ŀ": 143693, + "Ġ×ij׳×ķ×Ĵ": 143694, + "Ġ×ij׳×ķ×Ĵ×¢": 143695, + "ĠопиÑģание": 143696, + "Ġuczni": 143697, + "Ġuczniów": 143698, + "à¹Ģà¸Ńà¹ĩà¸Ļ": 143699, + "Ġتش": 143700, + "ĠتشرÙĬÙĨ": 143701, + "Ġnhãn": 143702, + "빨": 143703, + "Ġcaractère": 143704, + "×¢×ľ×Ļ": 143705, + "×¢×ľ×Ļ×Ļ×Ķ": 143706, + "楽ãģĹãĤģãĤĭ": 143707, + "ĠÑģаÑħ": 143708, + "ĠÑģаÑħаÑĢ": 143709, + "дÑĥмаÑĤÑĮ": 143710, + "ĠÐĴозможно": 143711, + "صÙĬاÙĨ": 143712, + "صÙĬاÙĨØ©": 143713, + "ömür": 143714, + "สล": 143715, + "สลà¹ĩ": 143716, + "สลà¹ĩà¸Ń": 143717, + "สลà¹ĩà¸Ńà¸ķ": 143718, + "롯": 143719, + "Ġthói": 143720, + "grÃ¶ÃŁe": 143721, + "ĠksiÄĻ": 143722, + "ĠksiÄĻg": 143723, + "ĠÑĢом": 143724, + "ĠÑĢоман": 143725, + "ÙĤاسÙħ": 143726, + "×ŀ×ij×ķ×Ĵ": 143727, + "×ŀ×ij×ķ×Ĵר×Ļ×Ŀ": 143728, + "besch": 143729, + "beschäft": 143730, + "beschäftig": 143731, + "×Ķצע×Ķ": 143732, + "ĠÃģrea": 143733, + "ĠзаÑıвк": 143734, + "Ĺ": 143735, + "ĠлÑİбого": 143736, + "Ġม": 143737, + "Ġมà¸ģร": 143738, + "Ġมà¸ģราà¸Ħม": 143739, + "ÑĦиз": 143740, + "ÑĦизиÑĩеÑģк": 143741, + "инÑĦ": 143742, + "инÑĦек": 143743, + "инÑĦекÑĨи": 143744, + "اÙĦØ·": 143745, + "اÙĦطائÙģ": 143746, + "Ġколл": 143747, + "ĠколлекÑĤив": 143748, + "езжа": 143749, + "ĠسبØŃ": 143750, + "ĠسبØŃاÙĨ": 143751, + "ĠسبØŃاÙĨÙĩ": 143752, + "schlä": 143753, + "schläge": 143754, + "Ġди": 143755, + "Ġдиаг": 143756, + "ĠдиагноÑģÑĤ": 143757, + "ĠоÑĤмеÑĤиÑĤÑĮ": 143758, + "ТЬ": 143759, + "ĠاÙĦدر": 143760, + "ĠاÙĦدراسÙĬ": 143761, + "עצ×ŀ": 143762, + "עצ×ŀ×IJ×ķת": 143763, + "Ġdémarch": 143764, + "Ġdémarche": 143765, + "Ġ×ĺ×ķ×¢": 143766, + "Ġ×ĺ×ķ×¢×Ł": 143767, + "Ġfuncionários": 143768, + "ỵ": 143769, + "׾׼×IJ": 143770, + "׾׼×IJ×ķר×Ķ": 143771, + "à¸ĭà¹Ī": 143772, + "à¸ĭà¹Īà¸Ńม": 143773, + "ĠÑĩÑĥв": 143774, + "ĠÑĩÑĥвÑģÑĤво": 143775, + "âĸ¼": 143776, + "пÑĥÑī": 143777, + "пÑĥÑīен": 143778, + "ĠмеÑĢ": 143779, + "ĠмеÑĢоп": 143780, + "ĠмеÑĢопÑĢи": 143781, + "ĠмеÑĢопÑĢиÑıÑĤиÑı": 143782, + "Ġuçu": 143783, + "ĠuçuÅŁ": 143784, + "ãĤĴåĪ©ç͍ãģĻãĤĭ": 143785, + "aÄŁ": 143786, + "aÄŁlı": 143787, + "ìĺĪìĪł": 143788, + "à¹ģยà¹Ī": 143789, + "ĠاÙĦÙĥÙħ": 143790, + "ĠاÙĦÙĥÙħبÙĬ": 143791, + "ĠاÙĦÙĥÙħبÙĬÙĪØªØ±": 143792, + "تÙĪÙĬ": 143793, + "تÙĪÙĬتر": 143794, + "à¹Ģà¸Ĭีà¹Īยว": 143795, + "à¹Ģà¸Ĭีà¹Īยวà¸Ĭา": 143796, + "à¹Ģà¸Ĭีà¹Īยวà¸Ĭาà¸į": 143797, + "á»Ķ": 143798, + "Ġhiếm": 143799, + "ذاÙĥرة": 143800, + "Ġ×Ķ×ŀ×Ļ×ķ×Ĺ×ĵ": 143801, + "ĠìĪľ": 143802, + "ĠìĪľê°Ħ": 143803, + "ĠKı": 143804, + "ĠKısa": 143805, + "ĠgeleceÄŁi": 143806, + "пÑĢоÑĦеÑģÑģиона": 143807, + "пÑĢоÑĦеÑģÑģионал": 143808, + "Ġogó": 143809, + "Ġogóle": 143810, + "ĠgÅĤów": 143811, + "ĠgÅĤówne": 143812, + "ĠÑģÑĤилÑĮ": 143813, + "×IJפ׾": 143814, + "×IJפ׾×Ļ×§": 143815, + "×IJפ׾×Ļקצ×Ļ×Ķ": 143816, + "สมารà¹Į": 143817, + "สมารà¹Įà¸Ĺ": 143818, + "สมารà¹Įà¸Ĺà¹Ĥà¸Ł": 143819, + "สมารà¹Įà¸Ĺà¹Ĥà¸Łà¸Ļ": 143820, + "Ġthánh": 143821, + "ÐŁÐ¾Ð´": 143822, + "ÐŁÐ¾Ð´ÑĢоб": 143823, + "ÐŁÐ¾Ð´ÑĢобнее": 143824, + "ĠاÙĦتÙĪÙĨ": 143825, + "ĠاÙĦتÙĪÙĨسÙĬ": 143826, + "Ġbahçe": 143827, + "à¹ģà¸ģà¹īà¸Ľà¸±à¸įหา": 143828, + "éducation": 143829, + "europ": 143830, + "europä": 143831, + "europäische": 143832, + "ĠKsi": 143833, + "ĠKsiÄĻ": 143834, + "ĠëĦĺ": 143835, + "ĠëĦĺìĸ´": 143836, + "Ġvüc": 143837, + "Ġvücud": 143838, + "Ġyayg": 143839, + "Ġyaygın": 143840, + "Ġniekt": 143841, + "Ġniektóry": 143842, + "Ġniektórych": 143843, + "ãģŃãģĩ": 143844, + "Ġкаж": 143845, + "ĠкажеÑĤÑģÑı": 143846, + "каж": 143847, + "кажеÑĤ": 143848, + "ĠاÙĦدÙĬÙħÙĤرا": 143849, + "ĠاÙĦدÙĬÙħÙĤراط": 143850, + "ĠاÙĦدÙĬÙħÙĤراطÙĬØ©": 143851, + "æŃ©": 143852, + "æŃ©ãģĦãģ¦": 143853, + "Ġvaz": 143854, + "Ġvazge": 143855, + "Ġvazgeç": 143856, + "ĠминималÑĮ": 143857, + "ĠминималÑĮн": 143858, + "ãĥijãĤ¿": 143859, + "ãĥijãĤ¿ãĥ¼ãĥ³": 143860, + "ĠëĬ": 143861, + "ĠëĬIJ": 143862, + "ĠëĬIJëĤĮ": 143863, + "ãģ¡ãĤĩãģĨ": 143864, + "ãģ¡ãĤĩãģĨãģ©": 143865, + "Ġà¸ģร": 143866, + "Ġà¸ģรà¸ģà¸İ": 143867, + "Ġà¸ģรà¸ģà¸İาà¸Ħม": 143868, + "تجدÙĬد": 143869, + "ĠشاÙħÙĦ": 143870, + "หลัà¸ģà¸IJาà¸Ļ": 143871, + "ĠмаÑĢÑĪ": 143872, + "ĠмаÑĢÑĪÑĢÑĥÑĤ": 143873, + "ĠvÃŃt": 143874, + "ĠvÃŃtima": 143875, + "Ġquizá": 143876, + "aygı": 143877, + "×ĵ×ijר×Ļ×ķ": 143878, + "Ġизд": 143879, + "Ġиздели": 143880, + "ĠизделиÑı": 143881, + "пла": 143882, + "плаÑĩ": 143883, + "плаÑĩива": 143884, + "ä»»ãģĽ": 143885, + "Ġéquipé": 143886, + "ä¹ħãģĹãģ": 143887, + "ä¹ħãģĹãģ¶": 143888, + "ä¹ħãģĹãģ¶ãĤĬ": 143889, + "ĠкаÑĤ": 143890, + "ĠкаÑĤал": 143891, + "ĠкаÑĤалог": 143892, + "สà¹īม": 143893, + "ĠÑĢей": 143894, + "ĠÑĢейÑĤ": 143895, + "ĠÑĢейÑĤинг": 143896, + "Ġthuyá»ģn": 143897, + "ĠاÙĦÙħÙĤدس": 143898, + "espère": 143899, + "ãģ«åħ¥ãģ£ãģŁ": 143900, + "หมายà¹Ģลà¸Ĥ": 143901, + "ת×Ĺ×ķשת": 143902, + "à¸Ļà¹Īะ": 143903, + "ĠpeÅĤ": 143904, + "ĠpeÅĤne": 143905, + "Ġpérd": 143906, + "Ġpérdida": 143907, + "หมวà¸Ķ": 143908, + "หมวà¸Ķหมูà¹Ī": 143909, + "иÑĩеÑģкÑĥÑİ": 143910, + "çµĤãĤı": 143911, + "çµĤãĤıãģ£ãģŁ": 143912, + "Ġ×Ĵ×ķ×Ĵ׾": 143913, + "à¸Ĺำà¸Ħวาม": 143914, + "à¸Ĺำà¸Ħวามสะà¸Ńาà¸Ķ": 143915, + "Hotéis": 143916, + "ĠзаÑĢ": 143917, + "ĠзаÑĢегиÑģÑĤ": 143918, + "ĠзаÑĢегиÑģÑĤÑĢи": 143919, + "ĠзаÑĢегиÑģÑĤÑĢиÑĢова": 143920, + "ĠÑģобÑĭÑĤи": 143921, + "ĠÑģобÑĭÑĤиÑı": 143922, + "Ġ×ĸ׼×IJ": 143923, + "ÙħÙĨظÙĪÙħØ©": 143924, + "Ġ×Ķ×ŀצ": 143925, + "Ġ×Ķ×ŀצ×Ļ×IJ×ķת": 143926, + "ÙħÙĥÙĪÙĨ": 143927, + "ÙħÙĥÙĪÙĨات": 143928, + "ä¸ĬãģĮãĤĭ": 143929, + "ĠmÄĻ": 143930, + "ĠmÄĻsk": 143931, + "หรืà¸Ńà¹Ģà¸Ľà¸¥à¹Īา": 143932, + "ëĤ®": 143933, + "Ġnoktas": 143934, + "Ġnoktası": 143935, + "ĠболÑĮÑĪим": 143936, + "ĠлÑĥÑĩÑĪиÑħ": 143937, + "Ø´ÙĩÙĬد": 143938, + "à¸Ńำà¸Ļ": 143939, + "à¸Ńำà¸Ļวย": 143940, + "à¸Ńำà¸Ļวยà¸Ħวาม": 143941, + "à¸Ńำà¸Ļวยà¸Ħวามสะà¸Ķวà¸ģ": 143942, + "Ġев": 143943, + "ĠевÑĢ": 143944, + "ĠевÑĢоп": 143945, + "ĠевÑĢопей": 143946, + "à¸īาย": 143947, + "ìĦŃ": 143948, + "ÙħÙ쨧": 143949, + "ÙħÙ쨧ÙĪØ¶": 143950, + "ÙħÙ쨧ÙĪØ¶Ø§Øª": 143951, + "ë¹Į": 143952, + "赤ãģ¡ãĤĥãĤĵ": 143953, + "ĠÑĥдалоÑģÑĮ": 143954, + "ĠХоÑĤ": 143955, + "ĠХоÑĤÑı": 143956, + "przedsiÄĻbiorc": 143957, + "ĠHôm": 143958, + "íķĺìĺĢìĬµëĭĪëĭ¤": 143959, + "Ġнаг": 143960, + "ĠнагÑĢÑĥз": 143961, + "ĠнагÑĢÑĥзк": 143962, + "Ġ×ij×Ļ׳׾×IJ×ķ×ŀ×Ļ": 143963, + "Ġê°ĢëĬ¥íķľ": 143964, + "ĠHữu": 143965, + "à¸Ńุà¸Ķ": 143966, + "à¸Ńุà¸Ķม": 143967, + "ת×ķפ": 143968, + "ת×ķפע×Ķ": 143969, + "ĠmiÅĤo": 143970, + "ĠmiÅĤoÅĽci": 143971, + "ksiÄħż": 143972, + "ksiÄħżka": 143973, + "ĠاÙĦÙĦعبة": 143974, + "à¸īาà¸ģ": 143975, + "สะสม": 143976, + "×ŀתר": 143977, + "×ŀתר×Ĺש": 143978, + "Ġlégère": 143979, + "Ġ׾צפ": 143980, + "Ġ׾צפ×Ļ×Ķ": 143981, + "ĠиÑģÑĤоÑĢиÑı": 143982, + "ĠãĥĪãĥ©": 143983, + "ĠãĥĪãĥ©ãĥĥãĤ¯": 143984, + "ĠãĥĪãĥ©ãĥĥãĤ¯ãĥIJãĥĥãĤ¯": 143985, + "Ġка": 143986, + "ĠкаÑĦе": 143987, + "×ŀס×ŀ×ļ": 143988, + "Ġcüm": 143989, + "Ġcümle": 143990, + "à¹Ģà¸Ħลืà¹Īà¸Ńà¸Ļà¹Ħหว": 143991, + "ãģĬãģĿ": 143992, + "ãģĬãģĿãĤīãģı": 143993, + "ìŀIJëıĻ": 143994, + "ìŀIJëıĻì°¨": 143995, + "à¸Ńัà¸ķ": 143996, + "à¸Ńัà¸ķà¹Ĥà¸Ļ": 143997, + "à¸Ńัà¸ķà¹Ĥà¸Ļมั": 143998, + "à¸Ńัà¸ķà¹Ĥà¸Ļมัà¸ķิ": 143999, + "ĠÅŁik": 144000, + "ĠÅŁikay": 144001, + "ĠÅŁikayet": 144002, + "extrême": 144003, + "krä": 144004, + "kräfte": 144005, + "ëĤĻ": 144006, + "íķij": 144007, + "ì²Ļ": 144008, + "íĺĪ": 144009, + "ì°į": 144010, + "âĻ¡": 144011, + "ìŀĶ": 144012, + "뢰": 144013, + "íĿĶ": 144014, + "íĿIJ": 144015, + "âĩĴ": 144016, + "ë§Ľ": 144017, + "ìĬĪ": 144018, + "á»Ĵ": 144019, + "ìĺµ": 144020, + "âĹİ": 144021, + "íĤ¨": 144022, + "ê¿Ī": 144023, + "ì΍": 144024, + "ìĽ¨": 144025, + "ë§¥": 144026, + "ï½Ģ": 144027, + "J": 144028, + "Ẩ": 144029, + "ãħİ": 144030, + "ÑĹ": 144031, + "ìĦ¬": 144032, + "ì¹¼": 144033, + "ï¼¶": 144034, + "ìĽł": 144035, + "룴": 144036, + "Åĥ": 144037, + "ëĤ¼": 144038, + "ëĭIJ": 144039, + "â̹": 144040, + "ë¦Ń": 144041, + "ì§IJ": 144042, + "â̤": 144043, + "Ãħ": 144044, + "뾨": 144045, + "íĦ¸": 144046, + "íľĺ": 144047, + "ê²ģ": 144048, + "ë´ħ": 144049, + "Ãĺ": 144050, + "ëŃĶ": 144051, + "ëĺij": 144052, + "âĹĩ": 144053, + "ìĹĺ": 144054, + "ï»´": 144055, + "ë§¹": 144056, + "ï¾Ŀ": 144057, + "ìĬ·": 144058, + "íĥķ": 144059, + "ï¼ł": 144060, + "ì»´": 144061, + "ëłĮ": 144062, + "ì½ľ": 144063, + "ﻹ": 144064, + "ãħł": 144065, + "졸": 144066, + "ëħ¹": 144067, + "âĤº": 144068, + "âĸ¶": 144069, + "íĥIJ": 144070, + "êµ´": 144071, + "íij¸": 144072, + "ÑĶ": 144073, + "íͽ": 144074, + "Ðħ": 144075, + "ë°¤": 144076, + "Ôģ": 144077, + "첨": 144078, + "ì¶ĺ": 144079, + "ë²Ĺ": 144080, + "멸": 144081, + "ï¼»": 144082, + "ï¼½": 144083, + "ï¼·": 144084, + "ì°Į": 144085, + "ÃĴ": 144086, + "íı´": 144087, + "ìĵ¸": 144088, + "ì´Į": 144089, + "ëģĶ": 144090, + "ëĶ©": 144091, + "ëĩĮ": 144092, + "ë©Ģ": 144093, + "벨": 144094, + "ï¼µ": 144095, + "ë§¡": 144096, + "ëĭ«": 144097, + "฿": 144098, + "ãģ±": 144099, + "ìĩ¼": 144100, + "ìºł": 144101, + "뮤": 144102, + "ê±±": 144103, + "컬": 144104, + "âĦĥ": 144105, + "ëͱ": 144106, + "ëĥĪ": 144107, + "ìĭ±": 144108, + "íĻĪ": 144109, + "ëŀIJ": 144110, + "ìħĢ": 144111, + "ìłł": 144112, + "ÐĨ": 144113, + "ëłī": 144114, + "ï½ħ": 144115, + "ï½ı": 144116, + "íĻĢ": 144117, + "뼰": 144118, + "á»®": 144119, + "íĤ¹": 144120, + "ê½ĥ": 144121, + "ﻤ": 144122, + "ïºĶ": 144123, + "꺼": 144124, + "ìķī": 144125, + "âϦ": 144126, + "ï½ģ": 144127, + "ìĵ´": 144128, + "ãĢī": 144129, + "ì°®": 144130, + "ì¤ĺ": 144131, + "Ừ": 144132, + "ëģĦ": 144133, + "ëIJ¨": 144134, + "ìķĮ": 144135, + "íĿĺ": 144136, + "íħIJ": 144137, + "ãĢĪ": 144138, + "겪": 144139, + "ëĭ¥": 144140, + "ê²¼": 144141, + "á»Į": 144142, + "맨": 144143, + "ëģĬ": 144144, + "벤": 144145, + "ëijĶ": 144146, + "íĿ¡": 144147, + "Ử": 144148, + "ë¬ĺ": 144149, + "ãģī": 144150, + "ëŀ«": 144151, + "íĶĪ": 144152, + "íħį": 144153, + "ìŀĥ": 144154, + "ï½ī": 144155, + "ìģľ": 144156, + "âĸ½": 144157, + "묻": 144158, + "âĸ³": 144159, + "X": 144160, + "ìģĺ": 144161, + "ì¶°": 144162, + "ìĬ´": 144163, + "ìķ±": 144164, + "ìĩĦ": 144165, + "Ắ": 144166, + "ï´¿": 144167, + "ï´¾": 144168, + "âĤ½": 144169, + "ëĦĵ": 144170, + "룩": 144171, + "쳤": 144172, + "ê´ľ": 144173, + "ÃĻ": 144174, + "Ỿ": 144175, + "ï¿£": 144176, + "ëĵŃ": 144177, + "ë©ĺ": 144178, + "ê»´": 144179, + "ëł´": 144180, + "Ðĥ": 144181, + "묵": 144182, + "ì§Ŀ": 144183, + "ãģº": 144184, + "ðŁĺĤ": 144185, + "ëŀ¬": 144186, + "ìłĬ": 144187, + "ê´Ħ": 144188, + "ìŀĬ": 144189, + "íŀĮ": 144190, + "ìĦ¯": 144191, + "âĪĢ": 144192, + "âĸ¡": 144193, + "ëĢĮ": 144194, + "ëŀĻ": 144195, + "ï½ĥ": 144196, + "Ặ": 144197, + "ï¾Ħ": 144198, + "ïºĺ": 144199, + "ë¹¼": 144200, + "ÃĮ": 144201, + "âĸ·": 144202, + "ê¸į": 144203, + "ë©ĭ": 144204, + "ãģĥ": 144205, + "ìĺĨ": 144206, + "ìĺ®": 144207, + "몬": 144208, + "롤": 144209, + "볬": 144210, + "ëĬ¦": 144211, + "âĸª": 144212, + "ì¼ĵ": 144213, + "ìľĪ": 144214, + "ì§§": 144215, + "ï½½": 144216, + "ëĥī": 144217, + "ï¾Į": 144218, + "ëĺIJ": 144219, + "ï¼ĥ": 144220, + "á»Ħ": 144221, + "ì´¬": 144222, + "춤": 144223, + "ï¼¹": 144224, + "ï»Ń": 144225, + "âĤ«": 144226, + "ï½ĩ": 144227, + "ìĺ·": 144228, + "ëĸ¨": 144229, + "âī«": 144230, + "릿": 144231, + "⾨": 144232, + "Ù±": 144233, + "쯤": 144234, + "ê¹Ķ": 144235, + "ðŁĺĬ": 144236, + "ìĪ«": 144237, + "ê³±": 144238, + "êµ³": 144239, + "ï½ĭ": 144240, + "à¸Į": 144241, + "Äł": 144242, + "ë͏": 144243, + "ë°ij": 144244, + "ìħĭ": 144245, + "íİ´": 144246, + "âľħ": 144247, + "íĥij": 144248, + "ëĪĩ": 144249, + "íı¼": 144250, + "ðŁĺį": 144251, + "ìĺĽ": 144252, + "ﻣ": 144253, + "Ñĺ": 144254, + "ì©Į": 144255, + "ë¦ħ": 144256, + "ìĿį": 144257, + "ク": 144258, + "ëįľ": 144259, + "ãģħ": 144260, + "íݼ": 144261, + "ëĭĿ": 144262, + "ë¿Į": 144263, + "ì¼°": 144264, + "ìĭ«": 144265, + "ë°¥": 144266, + "íĽĮ": 144267, + "ì¨Į": 144268, + "ë¹Ļ": 144269, + "ï½İ": 144270, + "ë´Ħ": 144271, + "ìĦ¹": 144272, + "ï½²": 144273, + "ìĮĵ": 144274, + "Òij": 144275, + "ë°į": 144276, + "ëłĢ": 144277, + "íĨ¤": 144278, + "ッ": 144279, + "ë¤Ħ": 144280, + "꽤": 144281, + "ï½Ĵ": 144282, + "ìķ¨": 144283, + "ï½¼": 144284, + "ê¹IJ": 144285, + "íģIJ": 144286, + "âĦĸ": 144287, + "맺": 144288, + "ﺮ": 144289, + "ëħģ": 144290, + "겸": 144291, + "ï»ł": 144292, + "íĬľ": 144293, + "Ź": 144294, + "ë¥Ń": 144295, + "ëĪī": 144296, + "ï½Ķ": 144297, + "íĮ¬": 144298, + "ìŀĩ": 144299, + "ï¬ģ": 144300, + "ﻨ": 144301, + "ëij¥": 144302, + "ëŀĦ": 144303, + "Ù¬": 144304, + "íĭ´": 144305, + "ìŀī": 144306, + "Ú¾": 144307, + "ìĽħ": 144308, + "ï»®": 144309, + "ëĭī": 144310, + "âīª": 144311, + "âĹĦ": 144312, + "ëĪĮ": 144313, + "íĽ¼": 144314, + "ì¤į": 144315, + "Ÿ": 144316, + "줬": 144317, + "ì¾Į": 144318, + "ï½ĵ": 144319, + "ï¾Ĭ": 144320, + "ðŁı»": 144321, + "ï¾ī": 144322, + "Ðģ": 144323, + "íĺIJ": 144324, + "ï¾Ļ": 144325, + "꼬": 144326, + "íŀIJ": 144327, + "âĢ¥": 144328, + "ëŁŃ": 144329, + "ë§ŀ": 144330, + "ìĥ¤": 144331, + "ïºĴ": 144332, + "íĭ±": 144333, + "ë½ij": 144334, + "Ãķ": 144335, + "âĪļ": 144336, + "ëĤĦ": 144337, + "ê¹Ŀ": 144338, + "ëĨĪ": 144339, + "Ẻ": 144340, + "ìħĪ": 144341, + "ìĮį": 144342, + "âĢ¡": 144343, + "ï¼±": 144344, + "ìģ¨": 144345, + "âĺº": 144346, + "ëĴ·": 144347, + "ìĺ³": 144348, + "ðŁijį": 144349, + "몽": 144350, + "ëĤŃ": 144351, + "ïºŃ": 144352, + "ë©Ī": 144353, + "á»Ī": 144354, + "íķĢ": 144355, + "ëĭĻ": 144356, + "ë¦ĩ": 144357, + "ìķ¤": 144358, + "ìį¼": 144359, + "ãĥµ": 144360, + "Ñ£": 144361, + "ìľĹ": 144362, + "âŃIJ": 144363, + "ï¾ĺ": 144364, + "íŬ": 144365, + "ê¾¼": 144366, + "ìķĹ": 144367, + "ï»Į": 144368, + "ê±·": 144369, + "ëħķ": 144370, + "롱": 144371, + "ìķĬ": 144372, + "ï¾Ģ": 144373, + "ìĩł": 144374, + "íĮ©": 144375, + "ﺪ": 144376, + "ë§Ļ": 144377, + "_": 144378, + "ê¿Ķ": 144379, + "íİľ": 144380, + "룸": 144381, + "íĶĶ": 144382, + "ﻳ": 144383, + "ëıķ": 144384, + "ìĭ¼": 144385, + "á»İ": 144386, + "ë§ĺ": 144387, + "ì¢ĭ": 144388, + "íĨ¡": 144389, + "ï½±": 144390, + "íĿij": 144391, + "Ỹ": 144392, + "ì¦Į": 144393, + "칸": 144394, + "ëŃĺ": 144395, + "ï¾Ĺ": 144396, + "ï»ĭ": 144397, + "íĬĢ": 144398, + "ë¥Ļ": 144399, + "콩": 144400, + "ëģĹ": 144401, + "ëį´": 144402, + "ìħľ": 144403, + "¸": 144404, + "ë»IJ": 144405, + "ìĥµ": 144406, + "ê²IJ": 144407, + "ëĵ¬": 144408, + "룰": 144409, + "ãħĭ": 144410, + "ìĹī": 144411, + "á»ĸ": 144412, + "ëĦĮ": 144413, + "ï½¶": 144414, + "ë´ĩ": 144415, + "ëĤ³": 144416, + "ãĤľ": 144417, + "ëĸ»": 144418, + "íİĢ": 144419, + "ëį©": 144420, + "íķ¸": 144421, + "÷": 144422, + "ê¼¼": 144423, + "ëĶľ": 144424, + "ë°´": 144425, + "ë©į": 144426, + "âĹ¯": 144427, + "ìĹij": 144428, + "ìϼ": 144429, + "ïºij": 144430, + "ë¶ķ": 144431, + "롬": 144432, + "ï½Į": 144433, + "íĨ¨": 144434, + "ﺴ": 144435, + "ëłĺ": 144436, + "ê°¤": 144437, + "ìβ": 144438, + "Ñĵ": 144439, + "ìħī": 144440, + "ï»ĵ": 144441, + "ëĪĶ": 144442, + "ëį§": 144443, + "â̼": 144444, + "ﻲ": 144445, + "ê°±": 144446, + "ê¿Ģ": 144447, + "ëĭ·": 144448, + "Ẹ": 144449, + "Ẫ": 144450, + "ÆĴ": 144451, + "ëį¤": 144452, + "ìĪŃ": 144453, + "ï½Ĥ": 144454, + "ï½Ī": 144455, + "Åł": 144456, + "룬": 144457, + "ѵ": 144458, + "ëĸ¡": 144459, + "ëĥĦ": 144460, + "ìĦ°": 144461, + "ëĵĪ": 144462, + "ï¾ĥ": 144463, + "ëĩ¨": 144464, + "ï½IJ": 144465, + "êµ½": 144466, + "ìĹ½": 144467, + "ëĤĢ": 144468, + "묶": 144469, + "ï½·": 144470, + "ìıŁ": 144471, + "íĺĶ": 144472, + "ê¼Ī": 144473, + "ëģĪ": 144474, + "ì¥IJ": 144475, + "ïºĹ": 144476, + "ÄĮ": 144477, + "ëĪł": 144478, + "ëĸ¼": 144479, + "íĢ´": 144480, + "âī¥": 144481, + "ëĭŃ": 144482, + "ì±Ļ": 144483, + "ê»ı": 144484, + "멤": 144485, + "ìĥĺ": 144486, + "ëį®": 144487, + "룡": 144488, + "ìĤ½": 144489, + "ãĪľ": 144490, + "Ĩ": 144491, + "â̧": 144492, + "コ": 144493, + "Ä£": 144494, + "ì¦ī": 144495, + "ï¼¼": 144496, + "Û©": 144497, + "âĪĻ": 144498, + "ë°ı": 144499, + "ë¹ħ": 144500, + "ðŁĺĽ": 144501, + "íĪ´": 144502, + "ðŁĴķ": 144503, + "ãĢĴ": 144504, + "ìŀĺ": 144505, + "ﺤ": 144506, + "ï½ĸ": 144507, + "멾": 144508, + "ë²¼": 144509, + "ëĿĦ": 144510, + "ëļľ": 144511, + "ï»ĺ": 144512, + "ìĥĮ": 144513, + "ï½Ħ": 144514, + "ì©Ķ": 144515, + "ï½Ļ": 144516, + "ﺩ": 144517, + "Ûŀ": 144518, + "âĺİ": 144519, + "ìł¤": 144520, + "ëIJ©": 144521, + "ÅĿ": 144522, + "âŀ¡": 144523, + "ï»§": 144524, + "Ðı": 144525, + "ì«ĵ": 144526, + "ê³½": 144527, + "Éij": 144528, + "ãĥ²": 144529, + "ëĤ«": 144530, + "ë¦ī": 144531, + "ì¢ģ": 144532, + "ë°Ń": 144533, + "ðŁĺģ": 144534, + "ë¹µ": 144535, + "첩": 144536, + "컵": 144537, + "ðŁĺĺ": 144538, + "ë±ħ": 144539, + "âīĪ": 144540, + "ë¹ļ": 144541, + "ï»ľ": 144542, + "ðŁĻı": 144543, + "íģ°": 144544, + "ìĦŀ": 144545, + "ï¾ļ": 144546, + "ìĺ¹": 144547, + "ë¼Ī": 144548, + "ëĤ¯": 144549, + "ëŀ©": 144550, + "íļ¡": 144551, + "ï½ķ": 144552, + "íĥĵ": 144553, + "ëĿł": 144554, + "ê³ģ": 144555, + "ëĵĢ": 144556, + "ìĹł": 144557, + "Z": 144558, + "ë§ij": 144559, + "ëĭ¿": 144560, + "쿨": 144561, + "ãİ¡": 144562, + "ÐĬ": 144563, + "íĦ±": 144564, + "Ũ": 144565, + "ﺳ": 144566, + "ï¾ı": 144567, + "âĭħ": 144568, + "ê¼´": 144569, + "âī¤": 144570, + "íĮģ": 144571, + "Ω": 144572, + "궤": 144573, + "ìĪį": 144574, + "âľ¿": 144575, + "콤": 144576, + "ëĪħ": 144577, + "íĨ±": 144578, + "ãħľ": 144579, + "áIJħ": 144580, + "ÅĴ": 144581, + "ðŁijī": 144582, + "ﻦ": 144583, + "Ъ": 144584, + "ë¥ľ": 144585, + "íķ«": 144586, + "ï¾ĭ": 144587, + "âĻ«": 144588, + "ê¹ľ": 144589, + "ë°¸": 144590, + "ëĶĺ": 144591, + "íĿī": 144592, + "ï¾ģ": 144593, + "ï¾Ľ": 144594, + "볼": 144595, + "ê²¹": 144596, + "쿼": 144597, + "ﻬ": 144598, + "âŀ¤": 144599, + "ðŁĻģ": 144600, + "ïºł": 144601, + "ëĨ¨": 144602, + "믹": 144603, + "ê¸ĭ": 144604, + "ë»Ķ": 144605, + "ê¹ĥ": 144606, + "ëijij": 144607, + "íĭ¸": 144608, + "íİĻ": 144609, + "âŀĸ": 144610, + "ãĥ½": 144611, + "ì§ļ": 144612, + "ャ": 144613, + "ﻥ": 144614, + "íĮ½": 144615, + "âĢĴ": 144616, + "ìĮĢ": 144617, + "ìŃī": 144618, + "ëļ±": 144619, + "ãĤŀ": 144620, + "íĭĪ": 144621, + "ãĤIJ": 144622, + "ëīĺ": 144623, + "Σ": 144624, + "ê³°": 144625, + "ë¹Ĺ": 144626, + "ï¾İ": 144627, + "ðŁĺŃ": 144628, + "íĿł": 144629, + "ìĹ¿": 144630, + "ê°ļ": 144631, + "ì¤Į": 144632, + "ë§µ": 144633, + "ï½³": 144634, + "ãģ¢": 144635, + "ï»Ĺ": 144636, + "âī¦": 144637, + "Ú¤": 144638, + "ëłģ": 144639, + "ê¼½": 144640, + "ﻫ": 144641, + "âī§": 144642, + "ì´Ľ": 144643, + "ìłĿ": 144644, + "Ằ": 144645, + "âĻ£": 144646, + "ìºĺ": 144647, + "âĪĩ": 144648, + "ê²ī": 144649, + "ë°Ł": 144650, + "ï»Ķ": 144651, + "íĸĩ": 144652, + "âĸĴ": 144653, + "ðŁijı": 144654, + "Ãŀ": 144655, + "ðŁĺĨ": 144656, + "ﺼ": 144657, + "âĿĹ": 144658, + "ìºĶ": 144659, + "칩": 144660, + "ëĸ¤": 144661, + "ëĥħ": 144662, + "âĶľ": 144663, + "ï½»": 144664, + "ÎĶ": 144665, + "áĥ¦": 144666, + "ìŀİ": 144667, + "âĺĢ": 144668, + "âμ": 144669, + "ðŁĶ¥": 144670, + "ë°Į": 144671, + "ìłĸ": 144672, + "íĹĽ": 144673, + "Îķ": 144674, + "ïºĥ": 144675, + "ë¶ī": 144676, + "âĪŀ": 144677, + "íĥŃ": 144678, + "Ãĭ": 144679, + "âģĦ": 144680, + "ãħĩ": 144681, + "ëĦ¥": 144682, + "ëĭ®": 144683, + "ëł·": 144684, + "íĮĿ": 144685, + "캡": 144686, + "ë·Ķ": 144687, + "ì©į": 144688, + "íĤ´": 144689, + "ëļ«": 144690, + "âĵĴ": 144691, + "íķį": 144692, + "âĻĤ": 144693, + "ï¾Ĩ": 144694, + "âĨ©": 144695, + "ìį©": 144696, + "ïºķ": 144697, + "íĿĻ": 144698, + "Ñľ": 144699, + "íĤ·": 144700, + "íĿ°": 144701, + "íĥ±": 144702, + "ëķIJ": 144703, + "ï¾Ĵ": 144704, + "×ĥ": 144705, + "ëĮĦ": 144706, + "ìĺ´": 144707, + "ìķµ": 144708, + "ê¹¥": 144709, + "ëŀŃ": 144710, + "쪼": 144711, + "ãİĿ": 144712, + "ðŁĺħ": 144713, + "ëıĭ": 144714, + "몫": 144715, + "ﺸ": 144716, + "뮬": 144717, + "ë²ħ": 144718, + "ëijł": 144719, + "ìħ°": 144720, + "ì»·": 144721, + "ëĶª": 144722, + "ëħĶ": 144723, + "ãħ¡": 144724, + "ìĶ»": 144725, + "íķı": 144726, + "ëį±": 144727, + "ﺨ": 144728, + "ï¾į": 144729, + "ï½µ": 144730, + "ì¢Ģ": 144731, + "íİĮ": 144732, + "ï»°": 144733, + "ﺣ": 144734, + "Æ£": 144735, + "ðŁ¤£": 144736, + "ï·º": 144737, + "ëĤļ": 144738, + "âĭĨ": 144739, + "ë³į": 144740, + "ðŁĺĦ": 144741, + "ìĸĢ": 144742, + "ìĻł": 144743, + "ëĨĶ": 144744, + "íŨ": 144745, + "ï»Ľ": 144746, + "ï»Ŀ": 144747, + "á»¶": 144748, + "ìĸĺ": 144749, + "ìİĦ": 144750, + "ÚĨ": 144751, + "ï»ŀ": 144752, + "ëĢIJ": 144753, + "ê²Ķ": 144754, + "ﻵ": 144755, + "âŦ": 144756, + "íļŁ": 144757, + "ê¹ģ": 144758, + "ê°ĵ": 144759, + "ëĶ´": 144760, + "ìıĺ": 144761, + "ëļĿ": 144762, + "ỳ": 144763, + "ëŀ´": 144764, + "ëĦī": 144765, + "âĺŀ": 144766, + "ï½ĺ": 144767, + "Ž": 144768, + "ë¦İ": 144769, + "âĸ¬": 144770, + "ëŃī": 144771, + "âĩĽ": 144772, + "ìį¬": 144773, + "ïºŁ": 144774, + "Ëľ": 144775, + "ë¶ĵ": 144776, + "ìĽ°": 144777, + "Åľ": 144778, + "ëŃĩ": 144779, + "Ỳ": 144780, + "Ëļ": 144781, + "ëķĢ": 144782, + "âĺij": 144783, + "ðŁı¼": 144784, + "ìĸ½": 144785, + "âĮĴ": 144786, + "Ðİ": 144787, + "ɾ": 144788, + "íĮ¡": 144789, + "ï¾ħ": 144790, + "ìŀŃ": 144791, + "ィ": 144792, + "칫": 144793, + "ìľĮ": 144794, + "ÒĽ": 144795, + "굿": 144796, + "ëĭ¦": 144797, + "âĶĶ": 144798, + "ï¾ij": 144799, + "ì§ĸ": 144800, + "ìºĦ": 144801, + "ãĢĥ": 144802, + "ʼ": 144803, + "ê²Ł": 144804, + "ï½§": 144805, + "Ä¢": 144806, + "íİł": 144807, + "ë§·": 144808, + "ê°ĩ": 144809, + "ìĭ¹": 144810, + "ðŁĴ¦": 144811, + "ï¾ľ": 144812, + "ëĬĻ": 144813, + "벡": 144814, + "Å¿": 144815, + "ðŁĺĭ": 144816, + "ðŁĴª": 144817, + "ì¿Ħ": 144818, + "ë©ķ": 144819, + "ìѤ": 144820, + "ëĬĦ": 144821, + "ðŁĮ¸": 144822, + "ãĤĿ": 144823, + "Çİ": 144824, + "ï½ļ": 144825, + "ÄĹ": 144826, + "ëģĵ": 144827, + "ê¶IJ": 144828, + "áµī": 144829, + "ãĥĤ": 144830, + "ê»į": 144831, + "ðŁĺ¦": 144832, + "ãĢĿ": 144833, + "ð٤Ĺ": 144834, + "ÑŁ": 144835, + "ìĹİ": 144836, + "âľĮ": 144837, + "ìīIJ": 144838, + "ÃĨ": 144839, + "íĹIJ": 144840, + "ðŁİī": 144841, + "Îij": 144842, + "ï½Ń": 144843, + "ðŁĴĻ": 144844, + "ìĽ¬": 144845, + "íĢĺ": 144846, + "ﻢ": 144847, + "ðŁĺİ": 144848, + "íij¼": 144849, + "íĿ©": 144850, + "ï»Ħ": 144851, + "íħĢ": 144852, + "ëłIJ": 144853, + "쥬": 144854, + "Ðĭ": 144855, + "ìĥ·": 144856, + "뾬": 144857, + "ðŁĺĥ": 144858, + "ëĦ¬": 144859, + "륨": 144860, + "ìĽį": 144861, + "ï½Ĩ": 144862, + "ï½´": 144863, + "ãĥħ": 144864, + "Ãı": 144865, + "ﻪ": 144866, + "âĻł": 144867, + "ëĬ¬": 144868, + "ë±Ģ": 144869, + "ë°ĭ": 144870, + "ìĥĢ": 144871, + "ï½¾": 144872, + "ëĤ±": 144873, + "컸": 144874, + "ðŁĴĸ": 144875, + "ðŁijĮ": 144876, + "Ñŀ": 144877, + "ì§±": 144878, + "ËĨ": 144879, + "ðŁĵļ": 144880, + "âŃķ": 144881, + "ï¬Ĥ": 144882, + "ﻡ": 144883, + "ëij¬": 144884, + "íμ": 144885, + "âĸ¸": 144886, + "ê°¯": 144887, + "ê¹ħ": 144888, + "ï½®": 144889, + "ëĺ¥": 144890, + "Ä¡": 144891, + "íĮŁ": 144892, + "ÐĮ": 144893, + "ìĨŁ": 144894, + "ïºĵ": 144895, + "ﻼ": 144896, + "ÃĽ": 144897, + "ãĥ¾": 144898, + "ëĮĵ": 144899, + "íĴĭ": 144900, + "ìķĵ": 144901, + "ï½¹": 144902, + "ëĤ¡": 144903, + "ðŁijĩ": 144904, + "Ẽ": 144905, + "ãĢŁ": 144906, + "ðŁĮŁ": 144907, + "íĥł": 144908, + "ãĢĨ": 144909, + "âĢŁ": 144910, + "ë¸IJ": 144911, + "ðŁĮ¹": 144912, + "ìł¼": 144913, + "ðŁĵĮ": 144914, + "ìͬ": 144915, + "âĹĢ": 144916, + "ðŁĴĵ": 144917, + "ê¹İ": 144918, + "ìĤIJ": 144919, + "ìĶĮ": 144920, + "ÑĽ": 144921, + "âĶĪ": 144922, + "ë²³": 144923, + "ãİŀ": 144924, + "Õ¡": 144925, + "íĤµ": 144926, + "ð٤Ķ": 144927, + "ëĢĶ": 144928, + "ìĬIJ": 144929, + "íĻī": 144930, + "⾦": 144931, + "ëľ¯": 144932, + "ìł¯": 144933, + "ëͧ": 144934, + "Φ": 144935, + "ËĪ": 144936, + "ìī¼": 144937, + "âĹĬ": 144938, + "ëľ©": 144939, + "ëľ°": 144940, + "ï¾IJ": 144941, + "ë¿Ķ": 144942, + "ìĹ®": 144943, + "ì·Į": 144944, + "ﺧ": 144945, + "ÎĴ": 144946, + "ëµĻ": 144947, + "ï»Ĭ": 144948, + "ì°Ķ": 144949, + "íİĦ": 144950, + "ðŁĴĹ": 144951, + "Ẵ": 144952, + "ì°¢": 144953, + "íľ¼": 144954, + "ê½Ĥ": 144955, + "ì±Ķ": 144956, + "ìī´": 144957, + "âĸ¾": 144958, + "íΰ": 144959, + "ëĭĽ": 144960, + "âĿ£": 144961, + "ェ": 144962, + "ðŁĴľ": 144963, + "Ëĺ": 144964, + "ãħ¤": 144965, + "âĨĹ": 144966, + "íĸĦ": 144967, + "âϬ": 144968, + "ìķ°": 144969, + "ïºľ": 144970, + "âī¡": 144971, + "ãĢĵ": 144972, + "ìij¥": 144973, + "íĮį": 144974, + "íīģ": 144975, + "ë»Ĺ": 144976, + "íľł": 144977, + "íľ©": 144978, + "âľĪ": 144979, + "íĢĦ": 144980, + "ìĸĩ": 144981, + "ì¢ĩ": 144982, + "íŀĻ": 144983, + "몹": 144984, + "ãĤĽ": 144985, + "ðŁĺ±": 144986, + "ëįŁ": 144987, + "à¹ħ": 144988, + "êµ¶": 144989, + "Ù«": 144990, + "ìĶģ": 144991, + "âľª": 144992, + "ï¾Ī": 144993, + "ðŁĻĮ": 144994, + "âļ¡": 144995, + "Îļ": 144996, + "ì¼Ī": 144997, + "ï¾Ķ": 144998, + "ï¾Ĥ": 144999, + "êµī": 145000, + "ﺻ": 145001, + "ðŁĴĭ": 145002, + "á¹£": 145003, + "ÓĻ": 145004, + "ìĨľ": 145005, + "ìĹ£": 145006, + "âľ©": 145007, + "ìľĻ": 145008, + "ﺰ": 145009, + "Ẳ": 145010, + "ìŀ£": 145011, + "âĿĮ": 145012, + "âĺģ": 145013, + "ìķİ": 145014, + "Ľ": 145015, + "Ûģ": 145016, + "ãĦ±": 145017, + "ëŁ¿": 145018, + "íĮ¸": 145019, + "ê½ī": 145020, + "ìıł": 145021, + "ðŁįĢ": 145022, + "âĨĶ": 145023, + "ëŃ¡": 145024, + "ï»ģ": 145025, + "ï¼Ħ": 145026, + "ðŁĴ¥": 145027, + "âĺĽ": 145028, + "íĹ·": 145029, + "ëij¡": 145030, + "Îł": 145031, + "Τ": 145032, + "âĦĵ": 145033, + "ﺷ": 145034, + "ÎĻ": 145035, + "ëıĶ": 145036, + "짤": 145037, + "âĶĥ": 145038, + "ãĦ·": 145039, + "ÇĴ": 145040, + "ðŁ¥°": 145041, + "ëĶķ": 145042, + "ìļ¥": 145043, + "ì¸Ħ": 145044, + "íĽĶ": 145045, + "ïºĩ": 145046, + "ﺬ": 145047, + "ðŁĺ¢": 145048, + "빡": 145049, + "ì͹": 145050, + "ų": 145051, + "ËĿ": 145052, + "íİij": 145053, + "ï¾ĵ": 145054, + "ðŁĴļ": 145055, + "ëĬij": 145056, + "꺾": 145057, + "íĨ°": 145058, + "ÿ": 145059, + "ÐĦ": 145060, + "ëĮIJ": 145061, + "ë½Ģ": 145062, + "ì·Ħ": 145063, + "ðŁĵį": 145064, + "ðŁĻĪ": 145065, + "âĹĪ": 145066, + "ê¿ĩ": 145067, + "ì¼Ħ": 145068, + "íİ«": 145069, + "ðŁĩ·": 145070, + "âĶĭ": 145071, + "âļł": 145072, + "ë±ī": 145073, + "ìį°": 145074, + "ìĻĪ": 145075, + "ɪ": 145076, + "ïºĭ": 145077, + "ðŁĺľ": 145078, + "ÎŁ": 145079, + "ðŁĻĤ": 145080, + "âļ½": 145081, + "ÅĪ": 145082, + "ë¹Ķ": 145083, + "íĮľ": 145084, + "à¹ı": 145085, + "ìĸ¹": 145086, + "íĪŃ": 145087, + "ðŁ¥ĩ": 145088, + "ãĦ´": 145089, + "ëĶ¥": 145090, + "ìŃĪ": 145091, + "âĪĨ": 145092, + "ëĸ³": 145093, + "ë±ĥ": 145094, + "ìŀ¦": 145095, + "ï»IJ": 145096, + "Îľ": 145097, + "âľ§": 145098, + "Ïį": 145099, + "ìłĵ": 145100, + "âĹķ": 145101, + "ëĴĢ": 145102, + "ï»Ģ": 145103, + "ðŁĶ´": 145104, + "ê½ģ": 145105, + "ëĮĪ": 145106, + "ëİĮ": 145107, + "ãĤİ": 145108, + "â¦ģ": 145109, + "ì½§": 145110, + "ﯾ": 145111, + "âĿ¯": 145112, + "à¸ħ": 145113, + "ðŁĻĦ": 145114, + "âĿĢ": 145115, + "ðŁĶ¹": 145116, + "âĩIJ": 145117, + "êµµ": 145118, + "âĩĶ": 145119, + "ë¶IJ": 145120, + "ðŁĴĽ": 145121, + "ξ": 145122, + "íĥ¬": 145123, + "âĿĦ": 145124, + "Ò£": 145125, + "ã̰": 145126, + "âĪij": 145127, + "âĺ¼": 145128, + "âīł": 145129, + "Ò¯": 145130, + "ﺯ": 145131, + "꿨": 145132, + "âľĸ": 145133, + "Êĸ": 145134, + "íĢĢ": 145135, + "ê¾Ģ": 145136, + "íĹĿ": 145137, + "âĶ£": 145138, + "ãİľ": 145139, + "ëĶĽ": 145140, + "뾸": 145141, + "ﺫ": 145142, + "ê¿°": 145143, + "ðŁĩ¹": 145144, + "ÇIJ": 145145, + "ÛĴ": 145146, + "룻": 145147, + "ïºĸ": 145148, + "Ñļ": 145149, + "ëĬł": 145150, + "Ûķ": 145151, + "깡": 145152, + "ë¿ľ": 145153, + "ì²¼": 145154, + "ï¨ij": 145155, + "륵": 145156, + "ìį¸": 145157, + "íħħ": 145158, + "íij¹": 145159, + "ÖĢ": 145160, + "ï³Į": 145161, + "ãħ£": 145162, + "ìij¤": 145163, + "ì½ķ": 145164, + "ëķł": 145165, + "ðŁĮ¿": 145166, + "íĥĶ": 145167, + "ìĽģ": 145168, + "ζ": 145169, + "âŀľ": 145170, + "ìĬĺ": 145171, + "íĽĹ": 145172, + "ë©§": 145173, + "ìīĺ": 145174, + "Õ¶": 145175, + "á¹ĩ": 145176, + "ðŁİģ": 145177, + "ソ": 145178, + "ï¼Ĥ": 145179, + "á¼IJ": 145180, + "âľķ": 145181, + "âŀ¢": 145182, + "ëĦ¨": 145183, + "컫": 145184, + "ì¯Ķ": 145185, + "ì°ľ": 145186, + "ðŁĴ°": 145187, + "íħĿ": 145188, + "ãİı": 145189, + "ë³¶": 145190, + "Òĵ": 145191, + "âĨ³": 145192, + "ìĥ´": 145193, + "íģĺ": 145194, + "âĸĢ": 145195, + "ë²Ļ": 145196, + "à¸ĥ": 145197, + "á½¶": 145198, + "Äķ": 145199, + "â¬ĩ": 145200, + "ë¤ĺ": 145201, + "ðŁİµ": 145202, + "âľļ": 145203, + "ïºı": 145204, + "Ρ": 145205, + "âĹī": 145206, + "ðŁĴ«": 145207, + "ÐĪ": 145208, + "ìĸĦ": 145209, + "ì§Ļ": 145210, + "ï»ĥ": 145211, + "ðĿijĴ": 145212, + "ëŃĦ": 145213, + "âĿ¥": 145214, + "âĿĸ": 145215, + "âĺĿ": 145216, + "ʹ": 145217, + "ḥ": 145218, + "âĢ¿": 145219, + "ãħħ": 145220, + "ê¸ģ": 145221, + "ëķ¡": 145222, + "ëį¥": 145223, + "âĪ©": 145224, + "ê»Ħ": 145225, + "ë®Į": 145226, + "Ò±": 145227, + "âĪĹ": 145228, + "ëłĻ": 145229, + "ïºĮ": 145230, + "ËIJ": 145231, + "ðŁĺ³": 145232, + "ðŁij©": 145233, + "ðŁİ¶": 145234, + "쿵": 145235, + "ðŁ¤©": 145236, + "ê·¤": 145237, + "ëĮĶ": 145238, + "ïºIJ": 145239, + "Ïİ": 145240, + "ì¶¥": 145241, + "ï½Ĭ": 145242, + "á¹Ń": 145243, + "뤼": 145244, + "âĸ«": 145245, + "ì§ł": 145246, + "á¼Ģ": 145247, + "ê»ij": 145248, + "ëĮģ": 145249, + "í̏": 145250, + "âĻĽ": 145251, + "ðŁĴŀ": 145252, + "âĸ°": 145253, + "ðĿijĸ": 145254, + "ëĿ¤": 145255, + "द": 145256, + "ì´ĺ": 145257, + "ðŁĺĩ": 145258, + "ëͤ": 145259, + "ÎĹ": 145260, + "ðŁĻĩ": 145261, + "ËĽ": 145262, + "ì©¡": 145263, + "âΧ": 145264, + "Õ¥": 145265, + "ÑĻ": 145266, + "ëIJ¬": 145267, + "ëĸĦ": 145268, + "ðŁĮ·": 145269, + "ìĹĮ": 145270, + "ðŁĺ¥": 145271, + "ëĪ´": 145272, + "ï»ļ": 145273, + "ÉĽ": 145274, + "ïºĦ": 145275, + "ï»ı": 145276, + "ÅĮ": 145277, + "ë²ļ": 145278, + "ìĭ£": 145279, + "ïºĢ": 145280, + "Îĵ": 145281, + "ðŁĺĮ": 145282, + "ËĻ": 145283, + "ëŀı": 145284, + "ðŁĶ¸": 145285, + "ðŁĵ·": 145286, + "ëģ½": 145287, + "íģ½": 145288, + "ðŁĴ¡": 145289, + "ðŁĮ±": 145290, + "ëºı": 145291, + "ìģł": 145292, + "ìĥIJ": 145293, + "ëıĹ": 145294, + "츰": 145295, + "ëĪķ": 145296, + "ÎĿ": 145297, + "âģī": 145298, + "ðŁĮ¼": 145299, + "íĮł": 145300, + "âĭ¯": 145301, + "áĥĺ": 145302, + "⾤": 145303, + "ê±Ķ": 145304, + "íĮİ": 145305, + "ðŁĴ¯": 145306, + "ìıĻ": 145307, + "íĹī": 145308, + "ÙŃ": 145309, + "ì½°": 145310, + "ﺿ": 145311, + "ï»±": 145312, + "ì±Į": 145313, + "âĺķ": 145314, + "ðŁİĢ": 145315, + "ÄĿ": 145316, + "ë°§": 145317, + "ìĤ¿": 145318, + "áijķ": 145319, + "ðŁįĥ": 145320, + "âĩ¨": 145321, + "ÎĽ": 145322, + "ë§´": 145323, + "ë³ķ": 145324, + "áijIJ": 145325, + "âĸĵ": 145326, + "ðĿijľ": 145327, + "âĻ»": 145328, + "íĤ¥": 145329, + "Õ¸": 145330, + "ãα": 145331, + "ëºĢ": 145332, + "첸": 145333, + "ïºĽ": 145334, + "ðŁıĨ": 145335, + "ðŁĩª": 145336, + "âĿĵ": 145337, + "ÄĢ": 145338, + "ì½¥": 145339, + "ðŁĩ§": 145340, + "á½·": 145341, + "âľĤ": 145342, + "ìŀ¼": 145343, + "ï§¡": 145344, + "ðŁĵ¸": 145345, + "âϝ": 145346, + "ÉĶ": 145347, + "ὸ": 145348, + "âĮª": 145349, + "ï»ĸ": 145350, + "不": 145351, + "âļ«": 145352, + "âĶĹ": 145353, + "ðŁĮĪ": 145354, + "ﻩ": 145355, + "ðŁĵ²": 145356, + "ÏĪ": 145357, + "ðŁĺ¡": 145358, + "ðĿijİ": 145359, + "ìľ½": 145360, + "짬": 145361, + "ì§Ĭ": 145362, + "á½³": 145363, + "ìĮ¤": 145364, + "ëĤį": 145365, + "âīĴ": 145366, + "ðŁij¨": 145367, + "âĺĺ": 145368, + "Ó©": 145369, + "âĤĵ": 145370, + "âĪĤ": 145371, + "ï¹ģ": 145372, + "ðŁĴIJ": 145373, + "íħĥ": 145374, + "ðŁı½": 145375, + "ê·Ħ": 145376, + "ðŁĺı": 145377, + "ðŁĮº": 145378, + "ðŁĺĶ": 145379, + "ォ": 145380, + "âľİ": 145381, + "ëµĪ": 145382, + "ðŁĩ¸": 145383, + "âĢ£": 145384, + "âŀĶ": 145385, + "ëĺĺ": 145386, + "ìĥ¬": 145387, + "Êĥ": 145388, + "â¬ħ": 145389, + "ì©IJ": 145390, + "ðŁĻĨ": 145391, + "ðŁİĦ": 145392, + "ľ": 145393, + "⣶": 145394, + "áĥIJ": 145395, + "âĺ»": 145396, + "ì±ķ": 145397, + "ìģ©": 145398, + "ë½ķ": 145399, + "캣": 145400, + "ðŁijĪ": 145401, + "ðŁĻĭ": 145402, + "ï¾ĸ": 145403, + "Òļ": 145404, + "Õ«": 145405, + "ìĮĪ": 145406, + "ë²§": 145407, + "ðŁĩ®": 145408, + "ï½Ŀ": 145409, + "ðŁįģ": 145410, + "ìĹ¥": 145411, + "ij": 145412, + "ë½IJ": 145413, + "íį½": 145414, + "íĽij": 145415, + "âĤ¹": 145416, + "ãħģ": 145417, + "ìͽ": 145418, + "ðŁĶģ": 145419, + "य": 145420, + "ê¾¹": 145421, + "ëīľ": 145422, + "âĹ¡": 145423, + "íķĮ": 145424, + "Îĺ": 145425, + "룹": 145426, + "ìĻĵ": 145427, + "ðŁĩ¦": 145428, + "ðŁijĢ": 145429, + "âĶĮ": 145430, + "ῦ": 145431, + "ëĦĽ": 145432, + "ìĦ£": 145433, + "ìŃĻ": 145434, + "ï±ł": 145435, + "Îŀ": 145436, + "Ê»": 145437, + "á¿¶": 145438, + "âĿĿ": 145439, + "ê±Ģ": 145440, + "ëĸ´": 145441, + "ãĦ¹": 145442, + "ðŁĴİ": 145443, + "Ϲ": 145444, + "âĽħ": 145445, + "ï»ķ": 145446, + "ãĥ±": 145447, + "ï½Ľ": 145448, + "ëĮķ": 145449, + "ë¹½": 145450, + "ì¥Ķ": 145451, + "쿤": 145452, + "ðŁĸ¤": 145453, + "ÑĴ": 145454, + "ê¹į": 145455, + "ëİĢ": 145456, + "ìĭ¯": 145457, + "뻤": 145458, + "ðŁĵŀ": 145459, + "ðŁĵ£": 145460, + "ðŁĺĿ": 145461, + "ìį¹": 145462, + "ìĹ¡": 145463, + "ì°IJ": 145464, + "á½IJ": 145465, + "ï»Ī": 145466, + "âľį": 145467, + "Äı": 145468, + "ðŁĮŀ": 145469, + "âĦ¦": 145470, + "ê½Ŀ": 145471, + "ë»ĺ": 145472, + "ìα": 145473, + "âĶĺ": 145474, + "ðŁĮ»": 145475, + "âĤ´": 145476, + "âŀ¨": 145477, + "íIJģ": 145478, + "ê¶Ī": 145479, + "âĺ¢": 145480, + "ðŁĺĪ": 145481, + "ゥ": 145482, + "âĦĹ": 145483, + "ê°Ń": 145484, + "ê°¸": 145485, + "ë»ij": 145486, + "쥴": 145487, + "컥": 145488, + "ï¤Ĭ": 145489, + "ï»Ĵ": 145490, + "ðŁĺķ": 145491, + "âĺĶ": 145492, + "ìĺIJ": 145493, + "ðŁļĹ": 145494, + "ëĹĦ": 145495, + "ë§ı": 145496, + "Õ½": 145497, + "âĸ»": 145498, + "⣵": 145499, + "ìī°": 145500, + "ï»ij": 145501, + "âĻ©": 145502, + "Î¥": 145503, + "ðŁĺ£": 145504, + "âĬĤ": 145505, + "ãħĤ": 145506, + "ìħ¸": 145507, + "íıĦ": 145508, + "âľ½": 145509, + "ì¦Ļ": 145510, + "âĸ£": 145511, + "ê±į": 145512, + "ê¿ĭ": 145513, + "ì«Ħ": 145514, + "ìºĩ": 145515, + "ðŁĩµ": 145516, + "ðŁijij": 145517, + "âľĺ": 145518, + "ðĿijĽ": 145519, + "ìį½": 145520, + "ìºī": 145521, + "וּ": 145522, + "ðŁĶº": 145523, + "âĦ®": 145524, + "íĥ¤": 145525, + "ðŁĩº": 145526, + "ðŁĴµ": 145527, + "íħ¨": 145528, + "ï½ij": 145529, + "Ψ": 145530, + "ìĥ¹": 145531, + "ìĸķ": 145532, + "ì¹µ": 145533, + "ðŁĵ±": 145534, + "व": 145535, + "ðŁijĬ": 145536, + "ðŁĴĦ": 145537, + "ðŁĴĿ": 145538, + "ãĮĶ": 145539, + "ìĻģ": 145540, + "Ðĩ": 145541, + "à®IJ": 145542, + "âĸ¹": 145543, + "á´Ľ": 145544, + "âĹĺ": 145545, + "뺨": 145546, + "íĥī": 145547, + "ìĸĮ": 145548, + "ðŁIJ¶": 145549, + "ãĤij": 145550, + "Ëĩ": 145551, + "Åı": 145552, + "á½¹": 145553, + "ìħ§": 145554, + "ï¹°": 145555, + "ðĿij¡": 145556, + "ðŁĶĿ": 145557, + "ðŁĺ»": 145558, + "ðŁĴĥ": 145559, + "ðŁ¤¦": 145560, + "ðŁįĴ": 145561, + "í̵": 145562, + "âľĨ": 145563, + "ë¹´": 145564, + "理": 145565, + "ï»Ļ": 145566, + "á´Ĺ": 145567, + "ðŁĮ´": 145568, + ";": 145569, + "ëĮij": 145570, + "ì¨ĭ": 145571, + "쵸": 145572, + "ðŁİĪ": 145573, + "ðŁıł": 145574, + "á½±": 145575, + "ÛĨ": 145576, + "á¿ĸ": 145577, + "âĢĽ": 145578, + "ì°¼": 145579, + "íķ¥": 145580, + "íĹ´": 145581, + "ðŁĩ¬": 145582, + "ì°Ŀ": 145583, + "âĪł": 145584, + "ï¼ĩ": 145585, + "âĬĻ": 145586, + "âĿij": 145587, + "ëĦĭ": 145588, + "ëŀĹ": 145589, + "ë°ī": 145590, + "ìĹĬ": 145591, + "ì¢Ĩ": 145592, + "íĮ¥": 145593, + "ï°²": 145594, + "ðŁĵĸ": 145595, + "ðŁĺ®": 145596, + "âļª": 145597, + "ðŁĺļ": 145598, + "âĿŀ": 145599, + "ðĿijŁ": 145600, + "ðŁİĤ": 145601, + "Åķ": 145602, + "áIJĪ": 145603, + "꺽": 145604, + "ì±ł": 145605, + "ïºĿ": 145606, + "ê¿ī": 145607, + "áĥł": 145608, + "ðŁıĥ": 145609, + "ðŁĴ¸": 145610, + "âĿģ": 145611, + "âĹ¾": 145612, + "Úª": 145613, + "á¹ĥ": 145614, + "íĬ¬": 145615, + "ðŁĩ±": 145616, + "íİŃ": 145617, + "ðŁĺŀ": 145618, + "ë¾°": 145619, + "á¹Ľ": 145620, + "뼸": 145621, + "âĿĤ": 145622, + "êĴ³": 145623, + "âĶIJ": 145624, + "íĵ°": 145625, + "âŀł": 145626, + "ê´ĺ": 145627, + "ëħĺ": 145628, + "뻥": 145629, + "ì¾ħ": 145630, + "ðŁĺIJ": 145631, + "âĪª": 145632, + "ðŁijģ": 145633, + "âĪ´": 145634, + "âĹģ": 145635, + "ëºIJ": 145636, + "ìŀ¤": 145637, + "ì±Ĺ": 145638, + "ðŁı¾": 145639, + "Χ": 145640, + "á½»": 145641, + "âŀ¥": 145642, + "ìŁĪ": 145643, + "ï»ī": 145644, + "âĸĮ": 145645, + "ãĥ®": 145646, + "ðŁ¤¤": 145647, + "âĩĵ": 145648, + "ì¼ł": 145649, + "á´ı": 145650, + "맬": 145651, + "뻣": 145652, + "ðŁĴ¬": 145653, + "ðŁįĵ": 145654, + "ĸ": 145655, + "Ù¹": 145656, + "Ê¿": 145657, + "á½°": 145658, + "ëķľ": 145659, + "ì°¡": 145660, + "ì°»": 145661, + "íİį": 145662, + "ðŁİ¯": 145663, + "ðŁįĤ": 145664, + "ðŁij§": 145665, + "âĻ¢": 145666, + "áĨŀ": 145667, + "âϧ": 145668, + "âļľ": 145669, + "âľī": 145670, + "ëĵ¦": 145671, + "ëŃ£": 145672, + "ìĪı": 145673, + "ìĵ±": 145674, + "ÅŃ": 145675, + "ÊĬ": 145676, + "âĴ¸": 145677, + "âĩ©": 145678, + "ðŁĴĶ": 145679, + "Õµ": 145680, + "Ðī": 145681, + "Ò»": 145682, + "ë§£": 145683, + "ìĽľ": 145684, + "ì¿¡": 145685, + "íĽħ": 145686, + "íĽ¤": 145687, + "ﺢ": 145688, + "âľĭ": 145689, + "âĪĪ": 145690, + "ðŁĮį": 145691, + "Êľ": 145692, + "ëĬª": 145693, + "ëĴ¹": 145694, + "ﺲ": 145695, + "âĸĦ": 145696, + "ãħĪ": 145697, + "ëļ¤": 145698, + "íİ©": 145699, + "â΍": 145700, + "ðŁ¤ª": 145701, + "áĥļ": 145702, + "ê³¶": 145703, + "íĬķ": 145704, + "ðŁĺ¬": 145705, + "âĪ«": 145706, + "ðŁijĭ": 145707, + "ÒIJ": 145708, + "íĬ¿": 145709, + "ðŁĶµ": 145710, + "ðŁĴ¨": 145711, + "ðŁĮĻ": 145712, + "ëĩ©": 145713, + "âľ³": 145714, + "ë¨ģ": 145715, + "ëºĦ": 145716, + "ìĻij": 145717, + "ìºħ": 145718, + "íıĪ": 145719, + "ðĿijĻ": 145720, + "ðŁĴĺ": 145721, + "ãİ¥": 145722, + "âĿı": 145723, + "âľ°": 145724, + "ﯿ": 145725, + "ëµIJ": 145726, + "ì¼IJ": 145727, + "ﺱ": 145728, + "Õ´": 145729, + "ï¬Ģ": 145730, + "âľ´": 145731, + "ð٤Ń": 145732, + "ðŁijĨ": 145733, + "âĽĶ": 145734, + "ê·ĵ": 145735, + "ìĮĮ": 145736, + "ðŁ¤·": 145737, + "ÛĶ": 145738, + "ðŁ§¡": 145739, + "ðŁĺĵ": 145740, + "Îĸ": 145741, + "âı°": 145742, + "ê²ľ": 145743, + "ëĭ³": 145744, + "ëİħ": 145745, + "ë°Ī": 145746, + "ï®IJ": 145747, + "ðŁı¡": 145748, + "âĨª": 145749, + "âĵĶ": 145750, + "âľĬ": 145751, + "ϲ": 145752, + "ÜIJ": 145753, + "ðŁĩ³": 145754, + "ÖĤ": 145755, + "âľı": 145756, + "ìĸĹ": 145757, + "ì«Ļ": 145758, + "ðŁĺ²": 145759, + "ÄŃ": 145760, + "âĻŃ": 145761, + "âĶı": 145762, + "âĹĮ": 145763, + "ðŁĺ¯": 145764, + "áµĴ": 145765, + "íĬł": 145766, + "Ä·": 145767, + "Êģ": 145768, + "à¤Ł": 145769, + "á¹ģ": 145770, + "á¼°": 145771, + "á¿Ĩ": 145772, + "â«": 145773, + "⫸": 145774, + "ëį«": 145775, + "ì³ĩ": 145776, + "켤": 145777, + "íĽ¨": 145778, + "ðŁĴŁ": 145779, + "ÊĢ": 145780, + "ʳ": 145781, + "ëĵIJ": 145782, + "âķ°": 145783, + "âĿĩ": 145784, + "ÇĢ": 145785, + "ÇĶ": 145786, + "É´": 145787, + "âĺļ": 145788, + "âĺľ": 145789, + "ê¶Ĥ": 145790, + "ì«Ĵ": 145791, + "ì±Ī": 145792, + "ðŁĩ¨": 145793, + "ðŁİ¥": 145794, + "ðŁĵĿ": 145795, + "ħ": 145796, + "ðĿijIJ": 145797, + "ÛĪ": 145798, + "ब": 145799, + "ì¬IJ": 145800, + "íĹ¥": 145801, + "âύ": 145802, + "ðŁį´": 145803, + "ï¹ı": 145804, + "Ëĭ": 145805, + "ðŁ¥º": 145806, + "âĸ¨": 145807, + "íĻĭ": 145808, + "âĪħ": 145809, + "ëģĻ": 145810, + "ëŀł": 145811, + "ìĨ¥": 145812, + "âĢĸ": 145813, + "ð٤ĺ": 145814, + "ðŁIJ»": 145815, + "áµķ": 145816, + "ÇĿ": 145817, + "âĺı": 145818, + "ïºļ": 145819, + "ï»Ĥ": 145820, + "ðŁļ©": 145821, + "ìĪŁ": 145822, + "ËĬ": 145823, + "⤵": 145824, + "ðŁĴ§": 145825, + "ãħį": 145826, + "ë©©": 145827, + "Ƭ": 145828, + "Îĩ": 145829, + "âĩ§": 145830, + "âĵļ": 145831, + "ìĤ¯": 145832, + "ìΝ": 145833, + "ëĨĭ": 145834, + "âľ¯": 145835, + "ðŁļĢ": 145836, + "Úĺ": 145837, + "Ú¨": 145838, + "âľŃ": 145839, + "ê²ħ": 145840, + "íĮ°": 145841, + "íľĻ": 145842, + "ðŁĮĬ": 145843, + "ðŁİĵ": 145844, + "ðŁĺĻ": 145845, + "Ëĥ": 145846, + "ðŁĴģ": 145847, + "ðŁijİ": 145848, + "âĺ¹": 145849, + "ðŁĺ«": 145850, + "ðŁĴ»": 145851, + "ëĤµ": 145852, + "ìĿĬ": 145853, + "íĮ»": 145854, + "Ò³": 145855, + "á½²": 145856, + "âŀŀ": 145857, + "ëĤij": 145858, + "ëĿĪ": 145859, + "죤": 145860, + "ﻯ": 145861, + "ðŁĩ©": 145862, + "ðŁ¥³": 145863, + "âĴ¼": 145864, + "ð٦ĭ": 145865, + "âĺĤ": 145866, + "ðŁĺ°": 145867, + "ðŁĻĥ": 145868, + "ðŁĺĴ": 145869, + "Ûİ": 145870, + "Ïķ": 145871, + "Ḥ": 145872, + "룽": 145873, + "ìĬ¥": 145874, + "ðĿijī": 145875, + "ÉIJ": 145876, + "ðŁįİ": 145877, + "âķ¯": 145878, + "âķ¹": 145879, + "າ": 145880, + "ï¾ł": 145881, + "ë¹ķ": 145882, + "ïºĨ": 145883, + "ʺ": 145884, + "Ó§": 145885, + "âĨł": 145886, + "ëĥĩ": 145887, + "ìİĪ": 145888, + "ìŁ¤": 145889, + "ï±¢": 145890, + "âķ¬": 145891, + "âĺł": 145892, + "ðŁİĬ": 145893, + "ãįį": 145894, + "ãİİ": 145895, + "âĺ°": 145896, + "âľĥ": 145897, + "ãħī": 145898, + "ë¯Ī": 145899, + "빤": 145900, + "ìıŃ": 145901, + "ðĿij¢": 145902, + "ðŁIJ¾": 145903, + "Åĭ": 145904, + "ðŁij¶": 145905, + "âĶĽ": 145906, + "ï¿¢": 145907, + "áĥ¡": 145908, + "ļ": 145909, + "ÅĨ": 145910, + "ÑIJ": 145911, + "ìĥĽ": 145912, + "ìĺĮ": 145913, + "챤": 145914, + "íħģ": 145915, + "íļĥ": 145916, + "ï³Ĭ": 145917, + "ðĿijĶ": 145918, + "ðŁĩ«": 145919, + "âĭ°": 145920, + "ðŁĺ¨": 145921, + "âĤ©": 145922, + "Õ¬": 145923, + "á¸į": 145924, + "á»´": 145925, + "âĨĺ": 145926, + "âĺ¯": 145927, + "ãħı": 145928, + "ìł¬": 145929, + "âĻĶ": 145930, + "ðŁĶĶ": 145931, + "ðŁĺł": 145932, + "ðŁĻĬ": 145933, + "à®ľ": 145934, + "á¹ħ": 145935, + "âĹIJ": 145936, + "âĿĪ": 145937, + "âŀ½": 145938, + "ìĥħ": 145939, + "ðĿijł": 145940, + "Æ¢": 145941, + "âĭĻ": 145942, + "ê°Ľ": 145943, + "ëĿµ": 145944, + "ë£Ł": 145945, + "ìıľ": 145946, + "ïºģ": 145947, + "ðŁĴŃ": 145948, + "âĬĥ": 145949, + "ðŁIJ°": 145950, + "ãħĮ": 145951, + "Üĵ": 145952, + "âŀķ": 145953, + "á½ģ": 145954, + "ìķ³": 145955, + "ðĿijĿ": 145956, + "ðŁİ¬": 145957, + "É¡": 145958, + "à¤Ĺ": 145959, + "áIJī": 145960, + "ì©ľ": 145961, + "ì¶§": 145962, + "ï³ī": 145963, + "ï»ħ": 145964, + "ðĿIJŀ": 145965, + "श": 145966, + "ðŁĵ¢": 145967, + "ðŁįĭ": 145968, + "ðŁĴħ": 145969, + "ï¾ķ": 145970, + "â¬Ĩ": 145971, + "âε": 145972, + "ð٤ij": 145973, + "áĥ£": 145974, + "ÆĦ": 145975, + "ѹ": 145976, + "á¼Ķ": 145977, + "ê°ł": 145978, + "ê´Į": 145979, + "ê·IJ": 145980, + "뼴": 145981, + "ì±ĺ": 145982, + "ï®Ń": 145983, + "ﺹ": 145984, + "ﺾ": 145985, + "âľĹ": 145986, + "âĿ¦": 145987, + "ðŁij¦": 145988, + "áĥĹ": 145989, + "Ù²": 145990, + "á½´": 145991, + "âĪı": 145992, + "âľ®": 145993, + "ê¹°": 145994, + "ë²µ": 145995, + "ìĦĢ": 145996, + "ì©Ŀ": 145997, + "ïºŀ": 145998, + "ﺽ": 145999, + "ðŁĩŃ": 146000, + "ËĤ": 146001, + "ðŁįij": 146002, + "ðŁįĮ": 146003, + "ðŁĶ»": 146004, + "깬": 146005, + "ìĬŃ": 146006, + "ìľ·": 146007, + "ðŁĽij": 146008, + "ǧ": 146009, + "ë¼Ľ": 146010, + "ﺡ": 146011, + "ﺺ": 146012, + "ðĿijļ": 146013, + "ðŁĵ¦": 146014, + "ðŁĶİ": 146015, + "ðŁĹĵ": 146016, + "áĥĶ": 146017, + "âľĴ": 146018, + "âľ¡": 146019, + "ðŁĮµ": 146020, + "âĶķ": 146021, + "ëĢĿ": 146022, + "ðŁįĬ": 146023, + "âĺĥ": 146024, + "ìĺħ": 146025, + "ব": 146026, + "ð٦ģ": 146027, + "âݯ": 146028, + "ðŁIJķ": 146029, + "Ñ¿": 146030, + "।": 146031, + "à¼ĭ": 146032, + "ê·Ī": 146033, + "ì«Į": 146034, + "ðŁĩ°": 146035, + "âĿī": 146036, + "ì«Ģ": 146037, + "íĿĦ": 146038, + "ðĿIJ¢": 146039, + "ðŁļ¨": 146040, + "âϤ": 146041, + "ðŁĺ©": 146042, + "ðŁįį": 146043, + "ðŁĺij": 146044, + "ðŁļļ": 146045, + "ÖĦ": 146046, + "ë«": 146047, + "뫼": 146048, + "à¤ı": 146049, + "á¿·": 146050, + "âĮ©": 146051, + "âĺIJ": 146052, + "âŀ£": 146053, + "긱": 146054, + "꼿": 146055, + "ëĦĿ": 146056, + "ìı´": 146057, + "ìļ¤": 146058, + "쿱": 146059, + "íİIJ": 146060, + "ðŁĴ¢": 146061, + "ì´IJ": 146062, + "âĩij": 146063, + "âĶĵ": 146064, + "âģ¾": 146065, + "ÜĿ": 146066, + "ðŁį°": 146067, + "â´°": 146068, + "Æı": 146069, + "ÏŁ": 146070, + "Úº": 146071, + "Ûĥ": 146072, + "áĦĴ": 146073, + "âĪŁ": 146074, + "âĿį": 146075, + "ãĦ²": 146076, + "ìľħ": 146077, + "ì¤ı": 146078, + "ðŁĩ²": 146079, + "êºĦ": 146080, + "ðŁİ¤": 146081, + "âľ£": 146082, + "â¸Ŀ": 146083, + "︵": 146084, + "ວ": 146085, + "áĢĻ": 146086, + "âķł": 146087, + "Õ¯": 146088, + "âı©": 146089, + "ðĿij£": 146090, + "ðŁĴ£": 146091, + "Åĺ": 146092, + "à¥IJ": 146093, + "âģĥ": 146094, + "âĮĺ": 146095, + "ê»Į": 146096, + "ìĮĶ": 146097, + "ðĿijĺ": 146098, + "ð٤ĵ": 146099, + "Õ¿": 146100, + "à¤Ń": 146101, + "âĮļ": 146102, + "âľĿ": 146103, + "ðŁIJ¼": 146104, + "ËĮ": 146105, + "âķļ": 146106, + "ï¦Ĺ": 146107, + "âĿķ": 146108, + "âķ£": 146109, + "ðŁIJ±": 146110, + "த": 146111, + "Ѿ": 146112, + "à¤ļ": 146113, + "à¤ľ": 146114, + "ìĪĦ": 146115, + "ìļľ": 146116, + "ðŁİ®": 146117, + "ÉĴ": 146118, + "Ú·": 146119, + "àºį": 146120, + "âĨµ": 146121, + "âĪĺ": 146122, + "âĿĬ": 146123, + "ë¿į": 146124, + "ìIJĪ": 146125, + "ìļĺ": 146126, + "쯧": 146127, + "íĥ¯": 146128, + "ìĸı": 146129, + "︰": 146130, + "ðŁĩ¯": 146131, + "ð٧ļ": 146132, + "ðŁĺµ": 146133, + "ðŁĺ·": 146134, + "ðŁĮ³": 146135, + "ລ": 146136, + "Äī": 146137, + "Ä¥": 146138, + "âľ¶": 146139, + "῾": 146140, + "âĬ±": 146141, + "âĺ¾": 146142, + "ê°ī": 146143, + "ê¼°": 146144, + "ëºij": 146145, + "ðŁĶĬ": 146146, + "ðŁĸIJ": 146147, + "Ť": 146148, + "Ò«": 146149, + "à®®": 146150, + "âĮĪ": 146151, + "âĹĹ": 146152, + "ëĦµ": 146153, + "ëħľ": 146154, + "ëľ¹": 146155, + "ðĿij¥": 146156, + "ðŁĴ¿": 146157, + "ðŁĽĴ": 146158, + "ÊĴ": 146159, + "áŀĵ": 146160, + "ðŁIJĿ": 146161, + "ð٦Ħ": 146162, + "ðŁį·": 146163, + "âĺŁ": 146164, + "︶": 146165, + "ðŁ¤Ł": 146166, + "Ô±": 146167, + "âĨ²": 146168, + "âĪİ": 146169, + "âľ«": 146170, + "ëĩ½": 146171, + "ëıIJ": 146172, + "ëķĦ": 146173, + "靈": 146174, + "ï§Ŀ": 146175, + "ïºĻ": 146176, + "ðŁij»": 146177, + "ðŁĵº": 146178, + "êµ¼": 146179, + "ìĮ©": 146180, + "ðŁĮ²": 146181, + "ȱ": 146182, + "íĶķ": 146183, + "ðŁĺ¤": 146184, + "ãĮ¢": 146185, + "ÊĶ": 146186, + "ड": 146187, + "á¼Ī": 146188, + "ëİĥ": 146189, + "멱": 146190, + "ë®Ī": 146191, + "ðĿIJ«": 146192, + "âĬķ": 146193, + "ëĥł": 146194, + "뻬": 146195, + "íĭĶ": 146196, + "Õ¤": 146197, + "á¼±": 146198, + "âľ¥": 146199, + "âĺĦ": 146200, + "âĪ¥": 146201, + "âļķ": 146202, + "ðŁijĦ": 146203, + "ðŁİħ": 146204, + "àºĻ": 146205, + "âͬ": 146206, + "á½µ": 146207, + "Õ¾": 146208, + "Öģ": 146209, + "âĹĶ": 146210, + "ê¿į": 146211, + "ëĸµ": 146212, + "ë©İ": 146213, + "ë®´": 146214, + "ìķ´": 146215, + "áĥľ": 146216, + "ἡ": 146217, + "âĶĬ": 146218, + "âķ®": 146219, + "âĹ¼": 146220, + "ðŁį¾": 146221, + "ðŁĽį": 146222, + "ðŁijĹ": 146223, + "ð٤ŀ": 146224, + "âľĦ": 146225, + "ÕĢ": 146226, + "ল": 146227, + "Ëī": 146228, + "⣨": 146229, + "į": 146230, + "ÏĬ": 146231, + "á´ľ": 146232, + "ë¹³": 146233, + "ï³ĭ": 146234, + "ï¿ł": 146235, + "Ī": 146236, + "âĤ¸": 146237, + "âľ±": 146238, + "ê»IJ": 146239, + "ëĭ»": 146240, + "맸": 146241, + "ìŀ¿": 146242, + "쩨": 146243, + "ìŃIJ": 146244, + "ì°¿": 146245, + "íħŁ": 146246, + "ðĿIJ§": 146247, + "ðĿijij": 146248, + "ðŁĮİ": 146249, + "ðŁĵ®": 146250, + "ðŁķĶ": 146251, + "âĹĻ": 146252, + "âĹ»": 146253, + "âŀ§": 146254, + "ìŁĿ": 146255, + "⾬": 146256, + "ãĥ°": 146257, + "âģĪ": 146258, + "âĵĺ": 146259, + "ðŁĴĮ": 146260, + "ï¬ĥ": 146261, + "àºĶ": 146262, + "ìͰ": 146263, + "ðŁĺª": 146264, + "×Ģ": 146265, + "ìĥ¨": 146266, + "ïŃĭ": 146267, + "ðŁįķ": 146268, + "ðŁĺ´": 146269, + "ϳ": 146270, + "á¼Ħ": 146271, + "á½ħ": 146272, + "âĩ¢": 146273, + "âķŃ": 146274, + "ìĺ»": 146275, + "íĬ¤": 146276, + "Üĺ": 146277, + "⤴": 146278, + "âĹį": 146279, + "áŀŁ": 146280, + "ðŁįº": 146281, + "áŀļ": 146282, + "ðŁıĬ": 146283, + "ðŁIJ·": 146284, + "ÊĮ": 146285, + "ὺ": 146286, + "âģ»": 146287, + "ê½Į": 146288, + "ëĪĹ": 146289, + "ëĹı": 146290, + "ì¿°": 146291, + "í̼": 146292, + "íįħ": 146293, + "ï·²": 146294, + "ðŁĮı": 146295, + "ðŁį«": 146296, + "ðŁį³": 146297, + "ðŁİ°": 146298, + "ðŁij°": 146299, + "ðŁĴ²": 146300, + "á¥Ļ": 146301, + "ðŁIJŁ": 146302, + "ï¿¡": 146303, + "ðŁĹ£": 146304, + "ðŁįľ": 146305, + "âľ²": 146306, + "ãİ¢": 146307, + "ðŁĶ°": 146308, + "Ἰ": 146309, + "á½ij": 146310, + "Äİ": 146311, + "áĦĢ": 146312, + "âĻķ": 146313, + "ëłĿ": 146314, + "ìĪ´": 146315, + "ïŃŃ": 146316, + "Óľ": 146317, + "ÔĢ": 146318, + "ëĢľ": 146319, + "ëĥĶ": 146320, + "ìĬĽ": 146321, + "ì«ij": 146322, + "캥": 146323, + "캬": 146324, + "ðĿij¦": 146325, + "ðŁĶ¶": 146326, + "쾨": 146327, + "ðĿIJļ": 146328, + "ðŁį»": 146329, + "ðŁĴį": 146330, + "ðŁ¤¡": 146331, + "ðŁķĬ": 146332, + "â½ĩ": 146333, + "âĵIJ": 146334, + "ðŁįŃ": 146335, + "ðŁįª": 146336, + "ðŁĶĨ": 146337, + "Ò¡": 146338, + "á´ĩ": 146339, + "ÉĹ": 146340, + "ÜĶ": 146341, + "âĦİ": 146342, + "âĿĥ": 146343, + "ëĹĢ": 146344, + "ï²Ķ": 146345, + "ïºĪ": 146346, + "ðĿIJ»": 146347, + "ðŁĴĬ": 146348, + "ðŁļ«": 146349, + "Ѱ": 146350, + "ѳ": 146351, + "ष": 146352, + "âĹł": 146353, + "ðŁij¤": 146354, + "ï¾ĩ": 146355, + "âĺĵ": 146356, + "ðŁįµ": 146357, + "ðŁ¤¨": 146358, + "âĸŃ": 146359, + "à®´": 146360, + "Ü¢": 146361, + "ܬ": 146362, + "à´®": 146363, + "ðŁķº": 146364, + "Ô¹": 146365, + "Õ£": 146366, + "à´¯": 146367, + "á´Ģ": 146368, + "âĮī": 146369, + "âľIJ": 146370, + "âŀ¦": 146371, + "ê¹½": 146372, + "ëĮľ": 146373, + "ðŁı¥": 146374, + "ðŁĵ©": 146375, + "Ò¹": 146376, + "Óĺ": 146377, + "à¤ħ": 146378, + "âĿ§": 146379, + "ÆĹ": 146380, + "âĹ½": 146381, + "ðŁij«": 146382, + "ðŁİ§": 146383, + "ðŁij£": 146384, + "âľ»": 146385, + "ðŁĻħ": 146386, + "ðŁĺĸ": 146387, + "ðŁĴ®": 146388, + "ະ": 146389, + "ðŁĶľ": 146390, + "ðŁįĦ": 146391, + "ð٤Ŀ": 146392, + "áĥĿ": 146393, + "áŀĢ": 146394, + "âĩ¦": 146395, + "ʾ": 146396, + "Ò®": 146397, + "Õ¼": 146398, + "à¤Ĩ": 146399, + "âĹħ": 146400, + "âļĵ": 146401, + "âļĸ": 146402, + "ê¿©": 146403, + "ë¯Ħ": 146404, + "ìIJIJ": 146405, + "ìŀ°": 146406, + "ì§Ń": 146407, + "íĭĭ": 146408, + "íݨ": 146409, + "íϧ": 146410, + "ï²ij": 146411, + "ðŁİĹ": 146412, + "Ù³": 146413, + "ðŁij¸": 146414, + "ম": 146415, + "ðŁijķ": 146416, + "Úµ": 146417, + "â̾": 146418, + "âŀ°": 146419, + "ðŁij¯": 146420, + "ðŁİ¼": 146421, + "ðŁıģ": 146422, + "ĺ": 146423, + "Êı": 146424, + "Ú³": 146425, + "âı±": 146426, + "ê½Ī": 146427, + "ëĿĮ": 146428, + "ìĮī": 146429, + "ìĹ·": 146430, + "ìŀ´": 146431, + "íĹ¹": 146432, + "íľ¨": 146433, + "ðĿĹ²": 146434, + "ðŁĮIJ": 146435, + "ðŁİĻ": 146436, + "ðŁıµ": 146437, + "íĽĻ": 146438, + "ðĿijħ": 146439, + "ðŁĺ¶": 146440, + "âĵħ": 146441, + "âķ¥": 146442, + "ðŁįı": 146443, + "ï¦İ": 146444, + "Õ©": 146445, + "ðĿIJĦ": 146446, + "Ó£": 146447, + "Ú¿": 146448, + "âĻļ": 146449, + "ðŁĶĹ": 146450, + "ḫ": 146451, + "âĭ®": 146452, + "âĸ¦": 146453, + "âĽ½": 146454, + "âľµ": 146455, + "ãħĨ": 146456, + "ãħĬ": 146457, + "ëĦĻ": 146458, + "ëĿ¨": 146459, + "ë¥Ħ": 146460, + "ìĦ¦": 146461, + "ì§°": 146462, + "ì§¹": 146463, + "íīĪ": 146464, + "ï§ij": 146465, + "ï»ĩ": 146466, + "ðŁĮ¾": 146467, + "ðŁıĸ": 146468, + "ðŁIJij": 146469, + "ðŁĴ³": 146470, + "ðŁĵĨ": 146471, + "Ûĩ": 146472, + "Üķ": 146473, + "á½½": 146474, + "ëĦľ": 146475, + "à´²": 146476, + "à´³": 146477, + "àºŃ": 146478, + "áĥĽ": 146479, + "âĿĶ": 146480, + "âijħ": 146481, + "áĥ¥": 146482, + "ðŁĵħ": 146483, + "âŀ³": 146484, + "á´µ": 146485, + "﹡": 146486, + "ï¹¶": 146487, + "ÎĨ": 146488, + "थ": 146489, + "áīµ": 146490, + "âĿĻ": 146491, + "âĿ±": 146492, + "ëīł": 146493, + "ëİł": 146494, + "ëıĽ": 146495, + "ë¿ħ": 146496, + "ì͏": 146497, + "íij¯": 146498, + "íŀī": 146499, + "íŀĽ": 146500, + "ï§Ħ": 146501, + "ïŃĺ": 146502, + "ﺦ": 146503, + "ﻸ": 146504, + "ðĿijĤ": 146505, + "ðĿijı": 146506, + "Ïij": 146507, + "Úł": 146508, + "áĢĶ": 146509, + "áŀĶ": 146510, + "á¹¢": 146511, + "ëĦ¸": 146512, + "ðĿIJ¨": 146513, + "ðŁĩ´": 146514, + "Õ°": 146515, + "ðŁijł": 146516, + "ðŁįĨ": 146517, + "ðŁıĢ": 146518, + "ðŁijIJ": 146519, + "ðŁįĩ": 146520, + "ðŁIJ£": 146521, + "áĪŃ": 146522, + "ܪ": 146523, + "ðŁĮĢ": 146524, + "áŀĺ": 146525, + "âĩĦ": 146526, + "ðĿIJĢ": 146527, + "ÊĻ": 146528, + "âͼ": 146529, + "ðŁı¿": 146530, + "Æ·": 146531, + "Èł": 146532, + "ѽ": 146533, + "âĤ¨": 146534, + "ê´Ń": 146535, + "ê¹»": 146536, + "ë͍": 146537, + "ìĪĢ": 146538, + "ì¾°": 146539, + "íĨĪ": 146540, + "ï®§": 146541, + "ﯽ": 146542, + "ðŁĶħ": 146543, + "ðŁĶ®": 146544, + "Å¢": 146545, + "ʰ": 146546, + "Ѹ": 146547, + "ण": 146548, + "âĬĹ": 146549, + "ëªĦ": 146550, + "ï¹·": 146551, + "ïºħ": 146552, + "ðĿIJµ": 146553, + "ðŁĮ¶": 146554, + "ðŁĵ°": 146555, + "ðŁĶ·": 146556, + "ðŁĸĴ": 146557, + "ðŁ¤²": 146558, + "ëī©": 146559, + "ðŁİĨ": 146560, + "ð٧IJ": 146561, + "ðŁį®": 146562, + "âĨº": 146563, + "âĿ¢": 146564, + "ðŁijª": 146565, + "ðŁij±": 146566, + "âĨ¡": 146567, + "áŀı": 146568, + "Úķ": 146569, + "ðŁį¹": 146570, + "ðŁĴĢ": 146571, + "Ë®": 146572, + "Ó¨": 146573, + "Öħ": 146574, + "à¤ĩ": 146575, + "âĤ¡": 146576, + "âĪķ": 146577, + "âĺī": 146578, + "ê¹¼": 146579, + "ê¼IJ": 146580, + "콸": 146581, + "ðĿIJ¬": 146582, + "ðŁıħ": 146583, + "ðŁijĻ": 146584, + "ðŁĴī": 146585, + "ð٤Ļ": 146586, + "Èĺ": 146587, + "ɳ": 146588, + "ɹ": 146589, + "Ùº": 146590, + "áĢĦ": 146591, + "ῳ": 146592, + "âļĺ": 146593, + "âĿĨ": 146594, + "ëĨī": 146595, + "ìĸį": 146596, + "ìĺĩ": 146597, + "ì¥ĺ": 146598, + "íĸħ": 146599, + "íĻij": 146600, + "ï®Ĭ": 146601, + "ï¿Ń": 146602, + "ðĿĴIJ": 146603, + "ðĿĹ¢": 146604, + "ðŁĶĸ": 146605, + "ðŁĶ¨": 146606, + "ðŁļij": 146607, + "ðŁļ²": 146608, + "Ƹ": 146609, + "âĹ¥": 146610, + "ðĿIJŃ": 146611, + "ðŁį½": 146612, + "âĹij": 146613, + "âĵĩ": 146614, + "ðŁĶ±": 146615, + "âľ¼": 146616, + "ï¹ĥ": 146617, + "âķ±": 146618, + "ãĢĹ": 146619, + "ðŁıĭ": 146620, + "ðŁļ´": 146621, + "ðĿIJ®": 146622, + "Äļ": 146623, + "Õı": 146624, + "Ķ": 146625, + "áĥij": 146626, + "Ṭ": 146627, + "ÄĪ": 146628, + "ÄĴ": 146629, + "Ò°": 146630, + "Óķ": 146631, + "âIJ": 146632, + "âIJ£": 146633, + "âĹ¢": 146634, + "âļĻ": 146635, + "ãħĹ": 146636, + "ê°¬": 146637, + "곪": 146638, + "ê»Ģ": 146639, + "ëĦ´": 146640, + "ëİģ": 146641, + "ëĿĶ": 146642, + "묽": 146643, + "ëŃį": 146644, + "ìĩ³": 146645, + "ì°¹": 146646, + "íĮ¹": 146647, + "íŀĿ": 146648, + "ï®ĭ": 146649, + "ï¶Ī": 146650, + "ðĿĴĤ": 146651, + "ðŁ¥Ģ": 146652, + "ð٦ħ": 146653, + "Êĺ": 146654, + "á¼ij": 146655, + "âģİ": 146656, + "ðŁįŀ": 146657, + "âĨĸ": 146658, + "âĨĻ": 146659, + "ðŁİĥ": 146660, + "âĦ¡": 146661, + "âĭ±": 146662, + "ðŁĶį": 146663, + "ನ": 146664, + "áµĥ": 146665, + "âĶ«": 146666, + "⦿": 146667, + "ðŁĩ»": 146668, + "Ƥ": 146669, + "Òı": 146670, + "Ò·": 146671, + "Ûī": 146672, + "à®ķ": 146673, + "ḳ": 146674, + "בּ": 146675, + "ðŁĨĶ": 146676, + "ÚŃ": 146677, + "Û¦": 146678, + "áħ¡": 146679, + "âĦ¹": 146680, + "ê¿İ": 146681, + "ëķĶ": 146682, + "ë¼ī": 146683, + "ìļ§": 146684, + "ì²µ": 146685, + "ì´¨": 146686, + "íĬĪ": 146687, + "íĸIJ": 146688, + "ðĿĹĺ": 146689, + "ðŁĩ¿": 146690, + "ðŁİĸ": 146691, + "ðŁijħ": 146692, + "ðŁĵĺ": 146693, + "ðŁļĻ": 146694, + "ðŁĽµ": 146695, + "à¶½": 146696, + "⼵": 146697, + "ðĿIJ³": 146698, + "ðĿIJ¸": 146699, + "âļĶ": 146700, + "ðŁijŃ": 146701, + "Óij": 146702, + "â͝": 146703, + "ðŁħ¿": 146704, + "ðŁĺ¹": 146705, + "ï¿«": 146706, + "⼤": 146707, + "ðŁĴĩ": 146708, + "ðŁĵİ": 146709, + "ðŁĸĭ": 146710, + "স": 146711, + "ðĿIJį": 146712, + "IJ": 146713, + "Ïĭ": 146714, + "Ѭ": 146715, + "Ú¬": 146716, + "ÜĴ": 146717, + "á´¬": 146718, + "ï¨Ħ": 146719, + "É£": 146720, + "Ëij": 146721, + "ϵ": 146722, + "ÒĿ": 146723, + "Û¥": 146724, + "Üł": 146725, + "à¹Ľ": 146726, + "áĥķ": 146727, + "áĬķ": 146728, + "á¾¶": 146729, + "âĤ·": 146730, + "âĩ¾": 146731, + "âķ©": 146732, + "âĸIJ": 146733, + "âĺª": 146734, + "âĺ®": 146735, + "âĿļ": 146736, + "âĿŃ": 146737, + "âŀ±": 146738, + "âµİ": 146739, + "ãıĬ": 146740, + "ë©ĵ": 146741, + "ìĹ¾": 146742, + "ìªĦ": 146743, + "íĵĮ": 146744, + "íķ¼": 146745, + "ïѬ": 146746, + "ðĿijĨ": 146747, + "ðĿijŀ": 146748, + "ðĿĸĬ": 146749, + "ðŁİ¸": 146750, + "ðŁıĦ": 146751, + "ðŁijµ": 146752, + "ðŁĴł": 146753, + "ðŁĶĺ": 146754, + "ðŁ¥Ĥ": 146755, + "Ū": 146756, + "à·ĥ": 146757, + "á´¼": 146758, + "âĬ°": 146759, + "ë³ı": 146760, + "ë´£": 146761, + "ï¥ľ": 146762, + "ðŁĵĪ": 146763, + "ðŁķ¯": 146764, + "ð٧Ģ": 146765, + "âĻIJ": 146766, + "ðŁĨĹ": 146767, + "ðŁĵķ": 146768, + "ð٧ģ": 146769, + "Ü«": 146770, + "âĿIJ": 146771, + "Õķ": 146772, + "à½ķ": 146773, + "âŀĿ": 146774, + "à¦ķ": 146775, + "ðĿIJ¶": 146776, + "É¢": 146777, + "ÎĦ": 146778, + "áĨ¢": 146779, + "âĤ±": 146780, + "Õį": 146781, + "à¡ķ": 146782, + "á´°": 146783, + "ḩ": 146784, + "⼷": 146785, + "âĿ®": 146786, + "ê¡ĵ": 146787, + "ëı¤": 146788, + "ëĹIJ": 146789, + "ëµĮ": 146790, + "ìijĪ": 146791, + "íı¿": 146792, + "íŵ": 146793, + "ðĿIJİ": 146794, + "ðŁĨĺ": 146795, + "ðŁıŁ": 146796, + "É¥": 146797, + "Õ»": 146798, + "à¡Ķ": 146799, + "à¤ĸ": 146800, + "á´¸": 146801, + "âİĻ": 146802, + "âİ¥": 146803, + "âı³": 146804, + "ëģķ": 146805, + "ëĬī": 146806, + "ì¡į": 146807, + "칡": 146808, + "禮": 146809, + "ï¬Ł": 146810, + "ﮫ": 146811, + "ﮯ": 146812, + "ï±ĥ": 146813, + "ï·»": 146814, + "ﺵ": 146815, + "ðĿĹĶ": 146816, + "ðĿĹ¡": 146817, + "ðŁİ¨": 146818, + "ðŁĶĴ": 146819, + "ÚĽ": 146820, + "ध": 146821, + "âŀ¹": 146822, + "áĢĢ": 146823, + "ðŁįħ": 146824, + "âŤ": 146825, + "à¤ł": 146826, + "ðŁIJ¥": 146827, + "áĥĴ": 146828, + "ðŁıĿ": 146829, + "ðŁį¼": 146830, + "ãĮ§": 146831, + "âĿĽ": 146832, + "ðŁIJĪ": 146833, + "য": 146834, + "áĢŀ": 146835, + "ãĢĸ": 146836, + "áŀĻ": 146837, + "প": 146838, + "ÕĨ": 146839, + "âĬĨ": 146840, + "âľ¾": 146841, + "ðŁIJĹ": 146842, + "ﹿ": 146843, + "Ħ": 146844, + "ÜŁ": 146845, + "à²ł": 146846, + "ಥ": 146847, + "áŀī": 146848, + "á´¥": 146849, + "á´©": 146850, + "á½Ģ": 146851, + "ὡ": 146852, + "âĨķ": 146853, + "âŀ¯": 146854, + "ê¡ij": 146855, + "ëij£": 146856, + "ë±Į": 146857, + "ìĪij": 146858, + "ìľĶ": 146859, + "ìŀ½": 146860, + "ì¨į": 146861, + "ðĿijĢ": 146862, + "ðŁĮĮ": 146863, + "ðŁį¦": 146864, + "ðŁį©": 146865, + "ðŁIJļ": 146866, + "ðŁĵĴ": 146867, + "ðŁĵ¹": 146868, + "ðŁ¥ij": 146869, + "Äĭ": 146870, + "ËĹ": 146871, + "Ñ«": 146872, + "Õ¢": 146873, + "Ú°": 146874, + "âĮĢ": 146875, + "âĹĤ": 146876, + "âĹ£": 146877, + "⾼": 146878, + "âĿĴ": 146879, + "âĿĺ": 146880, + "âŀĻ": 146881, + "âŀ²": 146882, + "ãİį": 146883, + "ê¡IJ": 146884, + "ëŀĸ": 146885, + "ìĬĿ": 146886, + "ìĽ¤": 146887, + "ì¡ĭ": 146888, + "쨰": 146889, + "íĹĻ": 146890, + "兩": 146891, + "ï³į": 146892, + "ï»İ": 146893, + "ðĿijĵ": 146894, + "ðŁĵĬ": 146895, + "ðŁļ¼": 146896, + "ï¦ģ": 146897, + "ðĿķĴ": 146898, + "ðŁijľ": 146899, + "ðŁij¿": 146900, + "ðŁĩ½": 146901, + "à·Ħ": 146902, + "âĸ´": 146903, + "ãįī": 146904, + "âĬĩ": 146905, + "ðŁ§¸": 146906, + "Ú¡": 146907, + "â¾ĥ": 146908, + "ðŁĹ»": 146909, + "âĵij": 146910, + "ðŁ¤¸": 146911, + "ðŁ¤¯": 146912, + "êĴ°": 146913, + "ðĿIJĵ": 146914, + "âĶ´": 146915, + "êĴ±": 146916, + "áĢĺ": 146917, + "âĽĦ": 146918, + "ï¹¹": 146919, + "ÓĶ": 146920, + "áĥ±": 146921, + "Ü¡": 146922, + "ßŀ": 146923, + "âĻı": 146924, + "⾸": 146925, + "ìij¨": 146926, + "ðĿIJĿ": 146927, + "ðĿIJ¥": 146928, + "ðŁįī": 146929, + "ðŁij¼": 146930, + "ðŁ¥Ŀ": 146931, + "ÆĶ": 146932, + "ݬ": 146933, + "फ": 146934, + "àºļ": 146935, + "á´´": 146936, + "á½ĸ": 146937, + "âĤ¶": 146938, + "âİ¢": 146939, + "âĿħ": 146940, + "⣫": 146941, + "ãİĽ": 146942, + "뮨": 146943, + "ëºĮ": 146944, + "ë¼ĺ": 146945, + "ìĨĿ": 146946, + "ìľ³": 146947, + "ìŀĮ": 146948, + "ì£Ĺ": 146949, + "ìªĺ": 146950, + "컹": 146951, + "ï·¼": 146952, + "ïºĤ": 146953, + "ðĿIJ´": 146954, + "ðĿIJ¼": 146955, + "ðŁĮļ": 146956, + "ðŁı«": 146957, + "ðŁĴ¤": 146958, + "ðŁĴ¶": 146959, + "ðŁĴ¼": 146960, + "Êķ": 146961, + "ʽ": 146962, + "â²Ł": 146963, + "ãīł": 146964, + "ê¡Ĵ": 146965, + "ëľĢ": 146966, + "ìĥ¾": 146967, + "츤": 146968, + "ï¥ģ": 146969, + "ðĿļĬ": 146970, + "ðŁļĥ": 146971, + "âŀĽ": 146972, + "ìħ´": 146973, + "áĦĭ": 146974, + "âĩĹ": 146975, + "ï§·": 146976, + "âĺĸ": 146977, + "ðŁIJ¦": 146978, + "⸾": 146979, + "ðŁĴ´": 146980, + "ð٤ļ": 146981, + "ãĬĹ": 146982, + "âĮĽ": 146983, + "áĪĽ": 146984, + "༺": 146985, + "â½ī": 146986, + "ðŁı¢": 146987, + "âĵŀ": 146988, + "âĺ½": 146989, + "ãĢĻ": 146990, + "ðŁ¤®": 146991, + "ÅIJ": 146992, + "áĥ¬": 146993, + "ðĿĹ»": 146994, + "ðŁįĸ": 146995, + "ÆĬ": 146996, + "ÊŁ": 146997, + "ßĭ": 146998, + "à¤ĭ": 146999, + "áµĶ": 147000, + "á¿ĥ": 147001, + "âĦī": 147002, + "âĮĭ": 147003, + "âı²": 147004, + "âĵĪ": 147005, + "âĵ¢": 147006, + "âķĶ": 147007, + "âļij": 147008, + "âĿĭ": 147009, + "âĿİ": 147010, + "⵾": 147011, + "âµ£": 147012, + "ëĴĪ": 147013, + "ëľģ": 147014, + "ë¶ĩ": 147015, + "ìį»": 147016, + "ìĺŃ": 147017, + "ì§¢": 147018, + "íĹĢ": 147019, + "ï§Ĭ": 147020, + "טּ": 147021, + "ﱡ": 147022, + "ðĿIJº": 147023, + "ðĿij§": 147024, + "ðĿĺ¦": 147025, + "ðŁĵ¥": 147026, + "ðŁĺŁ": 147027, + "ðŁ¥IJ": 147028, + "Äĸ": 147029, + "ɨ": 147030, + "áĢIJ": 147031, + "áĥĵ": 147032, + "áºĵ": 147033, + "á¼¶": 147034, + "á½Ħ": 147035, + "âĤ¤": 147036, + "âĮľ": 147037, + "âĮŁ": 147038, + "âİł": 147039, + "⼸": 147040, + "âµį": 147041, + "âµı": 147042, + "âµĵ": 147043, + "ãĢĺ": 147044, + "ë·¸": 147045, + "íħ¼": 147046, + "ï¦Į": 147047, + "ïŃĦ": 147048, + "ïŃİ": 147049, + "ðĿĻļ": 147050, + "ðĿļĺ": 147051, + "à¼ĵ": 147052, + "ëŃħ": 147053, + "áIJĽ": 147054, + "ãݾ": 147055, + "ï¨Ģ": 147056, + "ðŁĹ½": 147057, + "âĻŀ": 147058, + "Ëĸ": 147059, + "âĹŀ": 147060, + "ðŁ¤«": 147061, + "ðŁĺĹ": 147062, + "ヲ": 147063, + "ðŁ¤¢": 147064, + "âģĩ": 147065, + "ã̵": 147066, + "ðŁįĶ": 147067, + "áĬł": 147068, + "ðŁĺ¼": 147069, + "ðĿĹ®": 147070, + "ðŁIJ³": 147071, + "ðĿIJĭ": 147072, + "ðŁĨļ": 147073, + "ðŁĶĽ": 147074, + "Ñ»": 147075, + "ܨ": 147076, + "ல": 147077, + "âľŀ": 147078, + "âµĻ": 147079, + "êµ£": 147080, + "츨": 147081, + "ðĿIJľ": 147082, + "ðĿĺ°": 147083, + "ðŁĶ½": 147084, + "Ç»": 147085, + "Ç¿": 147086, + "Êĩ": 147087, + "ÎIJ": 147088, + "ÐĢ": 147089, + "Ñ¡": 147090, + "Ѳ": 147091, + "ÒĴ": 147092, + "Ù¶": 147093, + "ßķ": 147094, + "à¶±": 147095, + "áIJģ": 147096, + "âģŀ": 147097, + "âĸ§": 147098, + "âĽĪ": 147099, + "âľľ": 147100, + "âľ¹": 147101, + "âŁ¹": 147102, + "â¤ĩ": 147103, + "ê²Ĭ": 147104, + "ê¾ľ": 147105, + "ë¯IJ": 147106, + "ë³IJ": 147107, + "ìħ©": 147108, + "ìIJ¬": 147109, + "ìij¹": 147110, + "ï¤Ķ": 147111, + "ï¦ļ": 147112, + "ï¬ł": 147113, + "ïŃĶ": 147114, + "ﺶ": 147115, + "ðĿĴı": 147116, + "ðĿĸĨ": 147117, + "ðĿŶ": 147118, + "ðŁıĤ": 147119, + "ðŁIJ½": 147120, + "ðŁĴ©": 147121, + "ðŁĵ½": 147122, + "ðŁĹ¨": 147123, + "ðŁĹº": 147124, + "ðŁĺ¸": 147125, + "ðŁ¥§": 147126, + "ÅĹ": 147127, + "Êİ": 147128, + "ÒĻ": 147129, + "ײ": 147130, + "à¤Ī": 147131, + "á¼´": 147132, + "á¿ij": 147133, + "âµī": 147134, + "ãħĵ": 147135, + "ì½´": 147136, + "ðĿĸĵ": 147137, + "ðŁĵĹ": 147138, + "ðŁĶª": 147139, + "ðŁĸį": 147140, + "ÏĴ": 147141, + "ðŁij¬": 147142, + "áĥĻ": 147143, + "âĨ¬": 147144, + "âͤ": 147145, + "âĽ¹": 147146, + "âĻŁ": 147147, + "ðŁļ¶": 147148, + "ðŁij¾": 147149, + "âĪĭ": 147150, + "ðŁIJ¯": 147151, + "à¼İ": 147152, + "âľ·": 147153, + "ï¨Ļ": 147154, + "âĶ»": 147155, + "ðŁij¹": 147156, + "áĦī": 147157, + "ສ": 147158, + "â¾ı": 147159, + "â½ħ": 147160, + "ãİĸ": 147161, + "Ñ´": 147162, + "Õ®": 147163, + "Ú¼": 147164, + "áĢķ": 147165, + "áĨ¼": 147166, + "ëŃı": 147167, + "ðŁIJ¸": 147168, + "ðŁļ£": 147169, + "ÆĿ": 147170, + "Ô»": 147171, + "áĥ¢": 147172, + "ðŁį¯": 147173, + "ɦ": 147174, + "Õ¦": 147175, + "âĻĭ": 147176, + "שׂ": 147177, + "ðĿŦ": 147178, + "Çļ": 147179, + "ɱ": 147180, + "à¤ī": 147181, + "á´Ħ": 147182, + "âĻĵ": 147183, + "⼰": 147184, + "âŁª": 147185, + "ëĥĺ": 147186, + "뢸": 147187, + "ìĤij": 147188, + "ï®Ķ": 147189, + "ðĿķĸ": 147190, + "ðĿŧ": 147191, + "ðŁĩ¼": 147192, + "ðŁĵĭ": 147193, + "ðŁļľ": 147194, + "ðŁ¥¤": 147195, + "Ä®": 147196, + "Å·": 147197, + "ßĬ": 147198, + "॥": 147199, + "ப": 147200, + "áŀĦ": 147201, + "áµĢ": 147202, + "á¸ħ": 147203, + "á¼¢": 147204, + "âĪĿ": 147205, + "âĬ¹": 147206, + "âĴ¶": 147207, + "âķ´": 147208, + "⼱": 147209, + "âĽ³": 147210, + "âĽº": 147211, + "âŀŁ": 147212, + "ãıĦ": 147213, + "ê¸Ķ": 147214, + "ê¹Ł": 147215, + "ëĩ°": 147216, + "ë¹»": 147217, + "ìĤ¥": 147218, + "ìĽ»": 147219, + "ì°Ł": 147220, + "íĥ°": 147221, + "íĨº": 147222, + "íļ½": 147223, + "老": 147224, + "量": 147225, + "ï³Ŀ": 147226, + "ðĿIJ¦": 147227, + "ðĿĴľ": 147228, + "ðĿĴŁ": 147229, + "ðĿļĹ": 147230, + "ðŁİŃ": 147231, + "ðŁıĵ": 147232, + "ðŁı³": 147233, + "ðŁıº": 147234, + "ðŁIJį": 147235, + "ðŁijĥ": 147236, + "ðŁĴı": 147237, + "ð٤ĸ": 147238, + "ðŁ¤µ": 147239, + "Õ²": 147240, + "âµĶ": 147241, + "ëĺ¬": 147242, + "念": 147243, + "ÊĤ": 147244, + "áĨ«": 147245, + "áŀij": 147246, + "ðĿĸİ": 147247, + "ðĿĹĸ": 147248, + "áĦĥ": 147249, + "âĩł": 147250, + "áĢ¡": 147251, + "à½Ħ": 147252, + "âŀ¸": 147253, + "ï¦Ļ": 147254, + "âĩļ": 147255, + "ðŁIJ¬": 147256, + "ðŁIJ¢": 147257, + "â¾Ĵ": 147258, + "ðŁIJ¤": 147259, + "ðŁĶ«": 147260, + "ãĢŀ": 147261, + "︺": 147262, + "ðŁĺº": 147263, + "â½´": 147264, + "ðŁĨķ": 147265, + "âģ¿": 147266, + "ðŁį¨": 147267, + "à²ķ": 147268, + "ðŁļĺ": 147269, + "áŀħ": 147270, + "à¦ħ": 147271, + "áŀ¢": 147272, + "à¨ľ": 147273, + "âļĮ": 147274, + "ã̽": 147275, + "à·´": 147276, + "âĵĽ": 147277, + "áĢľ": 147278, + "ìĨ¨": 147279, + "Ë©": 147280, + "ÜĹ": 147281, + "âĭ¼": 147282, + "ðŁĻī": 147283, + "ÅĬ": 147284, + "Éĵ": 147285, + "ʲ": 147286, + "ΰ": 147287, + "Ѽ": 147288, + "Ô¿": 147289, + "à¡IJ": 147290, + "à¼ľ": 147291, + "ས": 147292, + "á¶ľ": 147293, + "âĤ²": 147294, + "âĨ¨": 147295, + "âĬ¥": 147296, + "âķ§": 147297, + "âĻľ": 147298, + "ãĭ¡": 147299, + "ë´¬": 147300, + "ë¶ij": 147301, + "ìī¿": 147302, + "ìİħ": 147303, + "ìł±": 147304, + "ì°§": 147305, + "ﲡ": 147306, + "ðĿĴĽ": 147307, + "ðĿķ£": 147308, + "ðĿĹľ": 147309, + "ðŁį²": 147310, + "ðŁİ©": 147311, + "ðŁIJIJ": 147312, + "ðŁIJł": 147313, + "ðŁij½": 147314, + "ðŁĴij": 147315, + "ðŁĵľ": 147316, + "ðŁķµ": 147317, + "ðŁļĮ": 147318, + "ðŁĽ£": 147319, + "Êĭ": 147320, + "Ó¯": 147321, + "Ù¸": 147322, + "ßĶ": 147323, + "ßĻ": 147324, + "à¡ĵ": 147325, + "á´į": 147326, + "ḿ": 147327, + "âıº": 147328, + "âĸ¥": 147329, + "뤽": 147330, + "íľij": 147331, + "ðĿIJ¹": 147332, + "ðĿĸĶ": 147333, + "ðĿļİ": 147334, + "ðŁĵĦ": 147335, + "ðŁ¦·": 147336, + "Æĥ": 147337, + "à¦Ł": 147338, + "âĮĤ": 147339, + "âĺŃ": 147340, + "â²ļ": 147341, + "ëĿķ": 147342, + "ðŁİ£": 147343, + "à®ĩ": 147344, + "à½Ĩ": 147345, + "áħµ": 147346, + "áĹľ": 147347, + "â̽": 147348, + "âĮ£": 147349, + "âģ½": 147350, + "ðŁĵ¬": 147351, + "ðŁ¤§": 147352, + "âĩª": 147353, + "â½£": 147354, + "âĹŁ": 147355, + "ï¨Ĺ": 147356, + "êĴª": 147357, + "ðŁĽĢ": 147358, + "ÇĤ": 147359, + "ðŁ¥¶": 147360, + "ðŁİį": 147361, + "ï¿©": 147362, + "ðŁijĴ": 147363, + "áµĪ": 147364, + "︿": 147365, + "áħ©": 147366, + "⾦": 147367, + "à°¤": 147368, + "á´ĸ": 147369, + "ਬ": 147370, + "àºĹ": 147371, + "༻": 147372, + "Ѻ": 147373, + "ਪ": 147374, + "á´³": 147375, + "ðĿIJĪ": 147376, + "à»Ģ": 147377, + "á´¿": 147378, + "âĤį": 147379, + "âĩ¡": 147380, + "âĽª": 147381, + "ðĿIJĤ": 147382, + "ðĿĴķ": 147383, + "ðŁIJľ": 147384, + "Êį": 147385, + "ѱ": 147386, + "à½ĥ": 147387, + "ë®IJ": 147388, + "ìĽ¡": 147389, + "ìľģ": 147390, + "ðĿIJ¿": 147391, + "ðĿķł": 147392, + "ðŁijĽ": 147393, + "ƪ": 147394, + "Ϻ": 147395, + "Ó¬": 147396, + "Ù¿": 147397, + "Ý£": 147398, + "àªī": 147399, + "ஹ": 147400, + "à½ij": 147401, + "áĨ¯": 147402, + "áµĩ": 147403, + "âĩ¥": 147404, + "âıª": 147405, + "âϰ": 147406, + "âļŃ": 147407, + "âļ¾": 147408, + "ãħĦ": 147409, + "ḛ̂": 147410, + "ê°Ĺ": 147411, + "ê²ĭ": 147412, + "ê²»": 147413, + "ê¶ľ": 147414, + "ê¼ĩ": 147415, + "ê½¹": 147416, + "ëĤŁ": 147417, + "ëħĪ": 147418, + "ëĭ¢": 147419, + "ë§Ł": 147420, + "ëªĨ": 147421, + "ëµĢ": 147422, + "ì½±": 147423, + "íĩĺ": 147424, + "íľľ": 147425, + "ï§¾": 147426, + "ï±µ": 147427, + "ï²¢": 147428, + "ﲤ": 147429, + "ðĿĴĬ": 147430, + "ðĿĺ¯": 147431, + "ðŁįĹ": 147432, + "ðŁıį": 147433, + "ðŁIJĺ": 147434, + "ðŁĵ¡": 147435, + "ðŁĶŀ": 147436, + "ðŁ¤³": 147437, + "ðŁ¥ģ": 147438, + "ðŁ¥Ĺ": 147439, + "ð٦Ĭ": 147440, + "ĵ": 147441, + "Ʀ": 147442, + "ǵ": 147443, + "ɯ": 147444, + "Îı": 147445, + "ÕĦ": 147446, + "Ü¥": 147447, + "à½ģ": 147448, + "ᨳ": 147449, + "âķ«": 147450, + "ãİī": 147451, + "ë·´": 147452, + "ìĨİ": 147453, + "ìİĮ": 147454, + "죵": 147455, + "íĽł": 147456, + "離": 147457, + "ï³ı": 147458, + "ﻺ": 147459, + "ðĿijģ": 147460, + "ðĿijĩ": 147461, + "ðĿĴĨ": 147462, + "ðŁİł": 147463, + "ðŁIJĶ": 147464, + "ðŁijŁ": 147465, + "Åĸ": 147466, + "à¤Į": 147467, + "á¾½": 147468, + "ê¦Ĵ": 147469, + "à®Ł": 147470, + "á´±": 147471, + "ðŁı°": 147472, + "ðŁIJŀ": 147473, + "à½Ģ": 147474, + "áĢħ": 147475, + "âĬ¿": 147476, + "ðŁIJ§": 147477, + "áĽģ": 147478, + "â¼Ī": 147479, + "âĶ¿": 147480, + "ðŁ¥´": 147481, + "⼿": 147482, + "ðŁ§ľ": 147483, + "ãħ¿": 147484, + "âĦ«": 147485, + "ã̳": 147486, + "ãĬĻ": 147487, + "â¼Ģ": 147488, + "怜": 147489, + "ðŁı¬": 147490, + "ðŁĵ»": 147491, + "áĬĽ": 147492, + "áĦħ": 147493, + "àºĬ": 147494, + "àºĽ": 147495, + "áħ³": 147496, + "ðŁij®": 147497, + "à®±": 147498, + "âĺĩ": 147499, + "ðĿIJı": 147500, + "à´µ": 147501, + "à»ģ": 147502, + "à½ı": 147503, + "ར": 147504, + "ᥱ": 147505, + "âĤ£": 147506, + "復": 147507, + "ïŃĻ": 147508, + "ï´©": 147509, + "ï¹Ĥ": 147510, + "ðŁį£": 147511, + "ðŁķ¹": 147512, + "Ïĸ": 147513, + "ම": 147514, + "ຢ": 147515, + "áĭŃ": 147516, + "âİĿ": 147517, + "âĹĿ": 147518, + "âĻĪ": 147519, + "âĻİ": 147520, + "ê½¥": 147521, + "ì³Ķ": 147522, + "ì¼ij": 147523, + "ï±°": 147524, + "ðĿijĥ": 147525, + "ðŁĮª": 147526, + "ðŁį¡": 147527, + "Åİ": 147528, + "ʦ": 147529, + "ѧ": 147530, + "Óİ": 147531, + "Ô´": 147532, + "ÚĪ": 147533, + "ßĵ": 147534, + "ß§": 147535, + "à¤Ķ": 147536, + "áĪ«": 147537, + "áε": 147538, + "áĹ©": 147539, + "á´ł": 147540, + "á¼ł": 147541, + "âĢĹ": 147542, + "âģij": 147543, + "âĦı": 147544, + "âĸĩ": 147545, + "â²£": 147546, + "ãĦ³": 147547, + "ãī®": 147548, + "ê³Ĺ": 147549, + "ëĦĴ": 147550, + "ëĸ«": 147551, + "ë¡Ħ": 147552, + "ë¹°": 147553, + "ë½ģ": 147554, + "ìĦģ": 147555, + "ìĮĺ": 147556, + "ìŁĮ": 147557, + "ì³ī": 147558, + "ì¼ķ": 147559, + "כּ": 147560, + "ï³İ": 147561, + "ﹸ": 147562, + "ï¹¾": 147563, + "ðĿIJĨ": 147564, + "ðĿij·": 147565, + "ðĿĽ¼": 147566, + "ðŁİı": 147567, + "ðŁİŀ": 147568, + "ðŁIJĻ": 147569, + "ðŁijĤ": 147570, + "ðŁĵģ": 147571, + "ðŁĸ±": 147572, + "ðŁļį": 147573, + "ðŁļ§": 147574, + "ðŁĽ¡": 147575, + "ð٤Ĵ": 147576, + "ðŁ¥ŀ": 147577, + "ðŁ¥©": 147578, + "ð٦Ģ": 147579, + "ð٦ĸ": 147580, + "Ë¢": 147581, + "Üļ": 147582, + "வ": 147583, + "áĢģ": 147584, + "áī°": 147585, + "âıŃ": 147586, + "âĻ¿": 147587, + "ê³ĺ": 147588, + "ëıĿ": 147589, + "ëķĥ": 147590, + "ìħĮ": 147591, + "ìĴ¸": 147592, + "ìĽŁ": 147593, + "íħĦ": 147594, + "íľ«": 147595, + "ï§ĺ": 147596, + "↓": 147597, + "ðŁı·": 147598, + "ðŁĶ§": 147599, + "ðŁ¥Ī": 147600, + "Æĸ": 147601, + "áŀĩ": 147602, + "áŀĸ": 147603, + "âģº": 147604, + "âĹľ": 147605, + "âŀ©": 147606, + "ê¦Ń": 147607, + "ëϤ": 147608, + "ïѼ": 147609, + "ðĿĻĸ": 147610, + "ðĿĻ£": 147611, + "ðĿϤ": 147612, + "ðŁĮĿ": 147613, + "ðŁĶij": 147614, + "ðŁĽł": 147615, + "àºĩ": 147616, + "âĺ£": 147617, + "ãĦ¨": 147618, + "ðĿĸĹ": 147619, + "Óĵ": 147620, + "âĨ£": 147621, + "ðŁ¥ī": 147622, + "ðŁĮł": 147623, + "ðŁĺ½": 147624, + "ãİł": 147625, + "ŧ": 147626, + "ðŁIJĴ": 147627, + "ï§IJ": 147628, + "ðŁĺ¿": 147629, + "âά": 147630, + "ðŁIJ®": 147631, + "⣱": 147632, + "ಡ": 147633, + "â¾¼": 147634, + "à°²": 147635, + "˶": 147636, + "âĸ¿": 147637, + "ÕĪ": 147638, + "áŀİ": 147639, + "áħ¥": 147640, + "áŀĹ": 147641, + "Õ§": 147642, + "ð٤IJ": 147643, + "ðŁįł": 147644, + "ত": 147645, + "ය": 147646, + "âĻį": 147647, + "ìĺĻ": 147648, + "íĺĵ": 147649, + "ﹺ": 147650, + "ðŁĽ³": 147651, + "Åī": 147652, + "á´İ": 147653, + "âıľ": 147654, + "âͳ": 147655, + "긷": 147656, + "ì¡Ķ": 147657, + "ðĿĴĪ": 147658, + "ðĿĴį": 147659, + "ðĿĴ¹": 147660, + "ðĿĵĩ": 147661, + "ðĿķŁ": 147662, + "ðĿĹ¹": 147663, + "ðŁĮħ": 147664, + "ðŁı´": 147665, + "ÄĶ": 147666, + "Ĥ": 147667, + "ŵ": 147668, + "Ǿ": 147669, + "Ïŀ": 147670, + "϶": 147671, + "Ô³": 147672, + "ÜĨ": 147673, + "ß©": 147674, + "à¡Ĵ": 147675, + "à¤ĺ": 147676, + "à¶ļ": 147677, + "à½ĸ": 147678, + "áģĬ": 147679, + "áĥŀ": 147680, + "áĦĤ": 147681, + "áĭ«": 147682, + "á´º": 147683, + "ḣ": 147684, + "Ḫ": 147685, + "á¹Ĥ": 147686, + "á¼·": 147687, + "á¿ĩ": 147688, + "âĩĮ": 147689, + "âı¬": 147690, + "âĻĮ": 147691, + "⮣": 147692, + "â´»": 147693, + "ⵣ": 147694, + "ê¦ķ": 147695, + "ꦪ": 147696, + "ꦮ": 147697, + "ê²Ħ": 147698, + "ê¾IJ": 147699, + "ëĥij": 147700, + "ëķĭ": 147701, + "롸": 147702, + "ë¬Ģ": 147703, + "ìĩ¤": 147704, + "ìĪ©": 147705, + "ìľķ": 147706, + "ìŃĺ": 147707, + "ì·°": 147708, + "ì·¸": 147709, + "íľĢ": 147710, + "藍": 147711, + "ï§į": 147712, + "ï±Ħ": 147713, + "ï³ij": 147714, + "ðĿIJ¤": 147715, + "ðĿĴĵ": 147716, + "ðĿĴ¶": 147717, + "ðĿĹ¼": 147718, + "ðĿĻĬ": 147719, + "ðŁĩ¾": 147720, + "ðŁĮĽ": 147721, + "ðŁĮ®": 147722, + "ðŁİĩ": 147723, + "ðŁİ²": 147724, + "ðŁıĽ": 147725, + "ðŁij¥": 147726, + "ðŁij´": 147727, + "ðŁĴĨ": 147728, + "ðŁĵĤ": 147729, + "ðŁĵ§": 147730, + "ðŁķIJ": 147731, + "ðŁĸķ": 147732, + "ðŁĺ§": 147733, + "ðŁĻĢ": 147734, + "ðŁļĴ": 147735, + "ðŁĽ«": 147736, + "ðŁ¤ł": 147737, + "ðŁ¥ļ": 147738, + "ðŁ¥Ľ": 147739, + "ðŁ¥£": 147740, + "ǯ": 147741, + "ȧ": 147742, + "ÎĬ": 147743, + "Ò²": 147744, + "×°": 147745, + "Ûij": 147746, + "áĥ©": 147747, + "áĦĮ": 147748, + "áĪį": 147749, + "áī¥": 147750, + "áıĤ": 147751, + "âģ±": 147752, + "âĬ¢": 147753, + "âĹĵ": 147754, + "âĿ°": 147755, + "ë¿¡": 147756, + "ìĽ©": 147757, + "íģŃ": 147758, + "íĨ³": 147759, + "íĬĦ": 147760, + "íĵ¸": 147761, + "北": 147762, + "若": 147763, + "ï±IJ": 147764, + "ﱯ": 147765, + "ï³ļ": 147766, + "ðĿĸĺ": 147767, + "ðĿĺĢ": 147768, + "ðŁIJĬ": 147769, + "ðŁIJĮ": 147770, + "ðŁijļ": 147771, + "ðŁĵĥ": 147772, + "ðŁļĽ": 147773, + "ðŁļª": 147774, + "ðŁ¤°": 147775, + "Ä´": 147776, + "áĥ®": 147777, + "áŨ": 147778, + "âĻ®": 147779, + "â²ŀ": 147780, + "ãĪĶ": 147781, + "ìħį": 147782, + "ãħĥ": 147783, + "率": 147784, + "ມ": 147785, + "Õİ": 147786, + "Õº": 147787, + "⬼": 147788, + "⽤": 147789, + "ðĿIJ²": 147790, + "âŀµ": 147791, + "áĢĽ": 147792, + "âĶħ": 147793, + "âĨŁ": 147794, + "â¼Ĭ": 147795, + "ðŁĮ½": 147796, + "ðŁļ¿": 147797, + "ï¦Ĭ": 147798, + "ãĦ£": 147799, + "⼩": 147800, + "ï©Ľ": 147801, + "ðŁį±": 147802, + "⾨": 147803, + "à´¤": 147804, + "áŀģ": 147805, + "àºŀ": 147806, + "Êļ": 147807, + "ðĿIJĴ": 147808, + "à´±": 147809, + "áŀľ": 147810, + "ன": 147811, + "à°Ĺ": 147812, + "à´ļ": 147813, + "âĩ£": 147814, + "ï¦ķ": 147815, + "Õħ": 147816, + "Æĺ": 147817, + "âĤ¦": 147818, + "âĶĦ": 147819, + "ï¦Ł": 147820, + "嶺": 147821, + "ðĿIJģ": 147822, + "ðĿIJĥ": 147823, + "ðŁį¸": 147824, + "ðŁIJ²": 147825, + "Ŷ": 147826, + "Éĸ": 147827, + "ßĺ": 147828, + "ฦ": 147829, + "à½Ķ": 147830, + "áĨ·": 147831, + "âģķ": 147832, + "âĵĤ": 147833, + "âĿľ": 147834, + "便": 147835, + "אַ": 147836, + "ðĿĹĿ": 147837, + "ðĿĹ¿": 147838, + "ðŁİ¾": 147839, + "ðŁĹĿ": 147840, + "ð٦Į": 147841, + "Æħ": 147842, + "Ǫ": 147843, + "ÒĹ": 147844, + "ÜĽ": 147845, + "ßł": 147846, + "à¡ij": 147847, + "áī£": 147848, + "áĬŃ": 147849, + "ṡ": 147850, + "âŀ¼": 147851, + "âŀ¾": 147852, + "â´±": 147853, + "ãī¡": 147854, + "곯": 147855, + "ë½Ī": 147856, + "ìĤĺ": 147857, + "ìīij": 147858, + "ì«ĺ": 147859, + "íĮĥ": 147860, + "íϰ": 147861, + "ï¤Ĺ": 147862, + "ðŁĮ¬": 147863, + "ðŁĮ°": 147864, + "ðŁį¤": 147865, + "Ä»": 147866, + "Åĩ": 147867, + "ƨ": 147868, + "Éķ": 147869, + "Ò¢": 147870, + "Òº": 147871, + "Öį": 147872, + "×±": 147873, + "Ú±": 147874, + "Ú½": 147875, + "ÛIJ": 147876, + "à¤Ľ": 147877, + "à·Ģ": 147878, + "à¹ļ": 147879, + "ຫ": 147880, + "á´¹": 147881, + "á½Ķ": 147882, + "á¾³": 147883, + "âĤĴ": 147884, + "âĨ´": 147885, + "âĩĿ": 147886, + "âīħ": 147887, + "âĮ¨": 147888, + "âĵĵ": 147889, + "âĸ¢": 147890, + "âļ¬": 147891, + "âŀŃ": 147892, + "â²Ĵ": 147893, + "ãİ¿": 147894, + "ê¿´": 147895, + "ëα": 147896, + "ëį¬": 147897, + "ëİIJ": 147898, + "ëIJ«": 147899, + "ëĶ«": 147900, + "ë±ģ": 147901, + "ìĥ¥": 147902, + "íĮ¼": 147903, + "ïŃĵ": 147904, + "ﮥ": 147905, + "ï²°": 147906, + "ðĿIJĩ": 147907, + "ðĿIJij": 147908, + "ðĿijĮ": 147909, + "ðĿĵª": 147910, + "ðĿķļ": 147911, + "ðĿĺª": 147912, + "ðĿĺ¼": 147913, + "ðĿļĽ": 147914, + "ðŁĩ¶": 147915, + "ðŁĮĦ": 147916, + "ðŁĮķ": 147917, + "ðŁĮ¤": 147918, + "ðŁĮ§": 147919, + "ðŁį¬": 147920, + "ðŁİĭ": 147921, + "ðŁİ»": 147922, + "ðŁı¨": 147923, + "ðŁIJĩ": 147924, + "ðŁijĵ": 147925, + "ðŁĵIJ": 147926, + "ðŁĵĻ": 147927, + "ðŁĶ¼": 147928, + "ðŁķĴ": 147929, + "ðŁĸı": 147930, + "ðŁĸ¥": 147931, + "ðŁ¤¬": 147932, + "ðŁ¥Ĭ": 147933, + "ðŁ¥Ĵ": 147934, + "ßĮ": 147935, + "àºĦ": 147936, + "á¼µ": 147937, + "âķ¡": 147938, + "Ⲥ": 147939, + "â´¼": 147940, + "âµ¢": 147941, + "ãΝ": 147942, + "ëĵ¸": 147943, + "ëŁĩ": 147944, + "ëºį": 147945, + "ðĿϧ": 147946, + "ðŁįĪ": 147947, + "ðŁĶ¬": 147948, + "ðŁĸĬ": 147949, + "ðŁ¤¾": 147950, + "Ë¡": 147951, + "Ü©": 147952, + "âĮ¡": 147953, + "âŃij": 147954, + "Ⲧ": 147955, + "ë©ī": 147956, + "ì¼Ń": 147957, + "¦": 147958, + "ðĿĴİ": 147959, + "ðĿĹ¥": 147960, + "ðŁIJµ": 147961, + "ðŁķ¶": 147962, + "ðŁķ¸": 147963, + "ðŁ¤ľ": 147964, + "Õª": 147965, + "áĪĭ": 147966, + "ðŁ¥µ": 147967, + "ï°ģ": 147968, + "áµIJ": 147969, + "âķĵ": 147970, + "áĢĸ": 147971, + "âĭĪ": 147972, + "Éŀ": 147973, + "âŀ®": 147974, + "॰": 147975, + "ãĨģ": 147976, + "ðŁĴ±": 147977, + "ðŁıŃ": 147978, + "áĨ¨": 147979, + "ðŁįļ": 147980, + "ð٦IJ": 147981, + "á´»": 147982, + "âĺĮ": 147983, + "à´ķ": 147984, + "Õ±": 147985, + "áħ®": 147986, + "ðĿIJĮ": 147987, + "Ŧ": 147988, + "àºķ": 147989, + "âľĻ": 147990, + "˳": 147991, + "Ôµ": 147992, + "âķĴ": 147993, + "ðĿĹĹ": 147994, + "ðĿĹł": 147995, + "Úļ": 147996, + "ধ": 147997, + "âĨĿ": 147998, + "âĻī": 147999, + "ãĮ»": 148000, + "ì¹Ĭ": 148001, + "ðĿĹº": 148002, + "ð٧ĺ": 148003, + "ì³£": 148004, + "ï¬Ŀ": 148005, + "ðŁijº": 148006, + "ÇŁ": 148007, + "ÎĪ": 148008, + "Ϋ": 148009, + "Ñ¥": 148010, + "Ô²": 148011, + "Õ¨": 148012, + "ܦ": 148013, + "à¦Ĩ": 148014, + "থ": 148015, + "áIJ¢": 148016, + "á¼ģ": 148017, + "á¼ĺ": 148018, + "ἦ": 148019, + "âĵĿ": 148020, + "ãΰ": 148021, + "ãİĹ": 148022, + "겡": 148023, + "ë¨Ģ": 148024, + "ì£Ķ": 148025, + "ì´¤": 148026, + "ìµĿ": 148027, + "ï§´": 148028, + "ïŃĬ": 148029, + "ï²Ł": 148030, + "ðĿIJ·": 148031, + "ðĿijĭ": 148032, + "ðĿĵī": 148033, + "ðĿĺµ": 148034, + "ðŁĴ·": 148035, + "ðŁĽ©": 148036, + "ðŁ§¹": 148037, + "ÅĶ": 148038, + "Êŀ": 148039, + "Ë¥": 148040, + "ÎĮ": 148041, + "Ñ©": 148042, + "ÓIJ": 148043, + "Ół": 148044, + "Úij": 148045, + "ÚĴ": 148046, + "ߨ": 148047, + "àªĪ": 148048, + "áIJĥ": 148049, + "ṯ": 148050, + "âĤĭ": 148051, + "âĤµ": 148052, + "âĦħ": 148053, + "âĦł": 148054, + "âĪ£": 148055, + "âīº": 148056, + "âī»": 148057, + "âĬĽ": 148058, + "âĮIJ": 148059, + "âİĵ": 148060, + "âĺ¸": 148061, + "âĻĴ": 148062, + "âļĴ": 148063, + "âľĩ": 148064, + "âľł": 148065, + "â´·": 148066, + "âµĸ": 148067, + "ãĦ¸": 148068, + "ãī¢": 148069, + "ãī°": 148070, + "êĩ´": 148071, + "ê´¸": 148072, + "êºł": 148073, + "ëĤı": 148074, + "ëĤ¢": 148075, + "ëIJĢ": 148076, + "뺴": 148077, + "ìĥľ": 148078, + "ìįħ": 148079, + "줫": 148080, + "챦": 148081, + "ìºij": 148082, + "ì¼ģ": 148083, + "쿳": 148084, + "íĤģ": 148085, + "íħ¡": 148086, + "íĴĤ": 148087, + "íĴī": 148088, + "íľĦ": 148089, + "ïŃª": 148090, + "ﮬ": 148091, + "ﯦ": 148092, + "ﱪ": 148093, + "ï²ı": 148094, + "ï´Ģ": 148095, + "ï»Ĩ": 148096, + "₩": 148097, + "ðĿijĹ": 148098, + "ðĿĸĻ": 148099, + "ðŁĮ¡": 148100, + "ðŁįĿ": 148101, + "ðŁį§": 148102, + "ðŁİ«": 148103, + "ðŁıĺ": 148104, + "ðŁıª": 148105, + "ðŁIJĭ": 148106, + "ðŁIJĽ": 148107, + "ðŁIJº": 148108, + "ðŁijĸ": 148109, + "ðŁijŀ": 148110, + "ðŁij·": 148111, + "ðŁĵĢ": 148112, + "ðŁĶĦ": 148113, + "ðŁĶĮ": 148114, + "ðŁķĻ": 148115, + "ðŁĻį": 148116, + "ðŁĻİ": 148117, + "ð٦į": 148118, + "ǰ": 148119, + "ÉŁ": 148120, + "ÊĨ": 148121, + "Ô¼": 148122, + "Úľ": 148123, + "ড": 148124, + "শ": 148125, + "áĴĥ": 148126, + "Ἡ": 148127, + "âĵķ": 148128, + "â²Ī": 148129, + "ê°°": 148130, + "ê¹ł": 148131, + "êºħ": 148132, + "ëĦ¹": 148133, + "ë¯ĵ": 148134, + "íIJĪ": 148135, + "ï§¶": 148136, + "ï®ij": 148137, + "ﲨ": 148138, + "ðĿĴī": 148139, + "ðĿĴĶ": 148140, + "ðĿŨ": 148141, + "ðĿĻŀ": 148142, + "ðĿļĴ": 148143, + "ðĿļķ": 148144, + "ðŁIJİ": 148145, + "ð٤ķ": 148146, + "ð٧Ķ": 148147, + "ϰ": 148148, + "ÔĿ": 148149, + "âĮĬ": 148150, + "âĴ¾": 148151, + "ãī£": 148152, + "ïŃ©": 148153, + "ðĿļŀ": 148154, + "Êij": 148155, + "দ": 148156, + "áĦĩ": 148157, + "âīĥ": 148158, + "â²Ģ": 148159, + "ìŁİ": 148160, + "ðĿij¶": 148161, + "ðĿĵ²": 148162, + "ðŁİ·": 148163, + "ðŁļ¹": 148164, + "àºģ": 148165, + "áłł": 148166, + "ãĦļ": 148167, + "ðŁIJ¿": 148168, + "áĽļ": 148169, + "âķ³": 148170, + "ðŁIJŃ": 148171, + "âĴ¹": 148172, + "ðĿĸļ": 148173, + "âĻĸ": 148174, + "ãβ": 148175, + "âĨ¾": 148176, + "áĦĨ": 148177, + "âķĽ": 148178, + "ð٤į": 148179, + "â½¥": 148180, + "ðŁĮ¨": 148181, + "âĪ®": 148182, + "ãĮĺ": 148183, + "ãįij": 148184, + "ï¹Ģ": 148185, + "âĵĹ": 148186, + "âĬĦ": 148187, + "ðŁı¹": 148188, + "ËĴ": 148189, + "ðŁ¤±": 148190, + "ãıľ": 148191, + "ðŁİĮ": 148192, + "ï¥Ń": 148193, + "ণ": 148194, + "ðŁİ¹": 148195, + "ãĬŁ": 148196, + "à´°": 148197, + "ðĿIJĶ": 148198, + "à´¨": 148199, + "à½ļ": 148200, + "âľº": 148201, + "Õ·": 148202, + "ðŁij³": 148203, + "à¦ľ": 148204, + "âĺĭ": 148205, + "âĻĬ": 148206, + "ãĢĽ": 148207, + "Èĭ": 148208, + "à®°": 148209, + "áĥ¨": 148210, + "âĦķ": 148211, + "íijĢ": 148212, + "ðĿĵĥ": 148213, + "ð٦Ķ": 148214, + "Ä¿": 148215, + "ÅĢ": 148216, + "Ƴ": 148217, + "Éļ": 148218, + "Öĥ": 148219, + "Ü£": 148220, + "ߣ": 148221, + "à¦Ń": 148222, + "à§¡": 148223, + "à¶»": 148224, + "ຣ": 148225, + "à½ĩ": 148226, + "Ḩ": 148227, + "á½Ī": 148228, + "⽬": 148229, + "ê¡Ķ": 148230, + "ì³Ħ": 148231, + "ï¨ī": 148232, + "ðĿIJ¡": 148233, + "ðĿĺ¢": 148234, + "ðŁį¿": 148235, + "ðŁİŁ": 148236, + "ðŁıī": 148237, + "ðŁĶIJ": 148238, + "ðŁļħ": 148239, + "ðŁ¤½": 148240, + "Æį": 148241, + "Ç«": 148242, + "ǽ": 148243, + "Èļ": 148244, + "Îī": 148245, + "Ó¤": 148246, + "Óª": 148247, + "ÕĬ": 148248, + "Ù¼": 148249, + "Ú´": 148250, + "ßĿ": 148251, + "à¶ľ": 148252, + "á¼ķ": 148253, + "á¿¥": 148254, + "âİŀ": 148255, + "ãĢļ": 148256, + "ãī¤": 148257, + "곸": 148258, + "ê·ģ": 148259, + "ëĵĦ": 148260, + "ëĵķ": 148261, + "ì¨Ķ": 148262, + "챨": 148263, + "ðĿIJ¾": 148264, + "ðĿij»": 148265, + "ðĿͼ": 148266, + "ðĿķĿ": 148267, + "ðĿĺŃ": 148268, + "ðŁĨĻ": 148269, + "ðŁĵ¤": 148270, + "ðŁĶŁ": 148271, + "ðŁĹ¼": 148272, + "Äľ": 148273, + "Æģ": 148274, + "Æ¿": 148275, + "dz": 148276, + "Ç·": 148277, + "Éĥ": 148278, + "Éł": 148279, + "Êī": 148280, + "ʧ": 148281, + "˲": 148282, + "Ï´": 148283, + "Õģ": 148284, + "Õŀ": 148285, + "Öĩ": 148286, + "ÛĤ": 148287, + "Ûĵ": 148288, + "ßĹ": 148289, + "ߦ": 148290, + "হ": 148291, + "ள": 148292, + "à´¸": 148293, + "à»Ĥ": 148294, + "áĪĿ": 148295, + "áĪª": 148296, + "áĭµ": 148297, + "áIJĬ": 148298, + "áĴª": 148299, + "áļĸ": 148300, + "áŀĽ": 148301, + "á´¢": 148302, + "áµı": 148303, + "áµŃ": 148304, + "á¶«": 148305, + "á¸ı": 148306, + "áºĴ": 148307, + "á¼¥": 148308, + "á½ķ": 148309, + "á½¼": 148310, + "âĤĬ": 148311, + "âĦĤ": 148312, + "âĦ©": 148313, + "âĩī": 148314, + "âī£": 148315, + "âĮł": 148316, + "âİŁ": 148317, + "âı®": 148318, + "âķĺ": 148319, + "âĹĸ": 148320, + "âĺ©": 148321, + "âĻij": 148322, + "âϲ": 148323, + "âļĽ": 148324, + "ãĦŁ": 148325, + "ãī±": 148326, + "ãİļ": 148327, + "ê¡ķ": 148328, + "êªĸ": 148329, + "ê°¹": 148330, + "ê²Ĩ": 148331, + "êµĦ": 148332, + "ëĩ¬": 148333, + "ëĭ¯": 148334, + "ëıł": 148335, + "ëĴ¬": 148336, + "ëĸĪ": 148337, + "ëĸ½": 148338, + "ëĺĶ": 148339, + "ëŀ¸": 148340, + "ë¸ħ": 148341, + "뻳": 148342, + "ë¿Ł": 148343, + "ìĤµ": 148344, + "ìĬī": 148345, + "ìľ°": 148346, + "ìłĭ": 148347, + "ìłĶ": 148348, + "쥡": 148349, + "ìŃĿ": 148350, + "켬": 148351, + "íĪĩ": 148352, + "íīľ": 148353, + "íįĦ": 148354, + "íĽ¾": 148355, + "íĿ£": 148356, + "朗": 148357, + "勞": 148358, + "ï¦ľ": 148359, + "獵": 148360, + "ï§ľ": 148361, + "ï¨Ī": 148362, + "שׁ": 148363, + "הּ": 148364, + "ïѽ": 148365, + "ï®ī": 148366, + "ï¯ŀ": 148367, + "ï°Ĵ": 148368, + "ï±ĩ": 148369, + "ï¿Ħ": 148370, + "ðĿIJħ": 148371, + "ðĿijĦ": 148372, + "ðĿijº": 148373, + "ðĿĴĹ": 148374, + "ðĿĵ®": 148375, + "ðĿķĽ": 148376, + "ðĿķŀ": 148377, + "ðĿĸij": 148378, + "ðĿĺģ": 148379, + "ðĿĺĨ": 148380, + "ðĿĺ¶": 148381, + "ðĿĻ¢": 148382, + "ðĿļľ": 148383, + "ðŁĮĥ": 148384, + "ðŁĮ¦": 148385, + "ðŁįŁ": 148386, + "ðŁİİ": 148387, + "ðŁıĻ": 148388, + "ðŁIJ©": 148389, + "ðŁIJ«": 148390, + "ðŁIJ´": 148391, + "ðŁijĶ": 148392, + "ðŁĵī": 148393, + "ðŁĵĽ": 148394, + "ðŁĶī": 148395, + "ðŁĸ¼": 148396, + "ðŁĹĥ": 148397, + "ðŁĹ¯": 148398, + "ðŁļĩ": 148399, + "ðŁļIJ": 148400, + "ðŁļµ": 148401, + "ðŁ¤¶": 148402, + "ðŁ¥ĭ": 148403, + "ðŁ¥ĵ": 148404, + "ðŁ¥®": 148405, + "ð٦İ": 148406, + "ðŁ¦ł": 148407, + "ð٧Ĵ": 148408, + "ðŁ§¨": 148409, + "ÆIJ": 148410, + "Çį": 148411, + "ÓĢ": 148412, + "ÔĽ": 148413, + "ರ": 148414, + "à´Ļ": 148415, + "áĢĴ": 148416, + "ê²Ŀ": 148417, + "ê¹¹": 148418, + "ë©¥": 148419, + "ìĸĶ": 148420, + "ï¤ģ": 148421, + "ï¤ı": 148422, + "ï¦ī": 148423, + "ï¦ĵ": 148424, + "ï§ī": 148425, + "ï²Ŀ": 148426, + "ðĿĹŀ": 148427, + "ðĿű": 148428, + "ðŁĮĭ": 148429, + "ðŁį¶": 148430, + "à¦ļ": 148431, + "ìķľ": 148432, + "ðĿIJ¯": 148433, + "ðĿļĿ": 148434, + "à°¨": 148435, + "à½ĺ": 148436, + "à½ł": 148437, + "á¡¥": 148438, + "á¾°": 148439, + "âģį": 148440, + "âͰ": 148441, + "⬾": 148442, + "ðĿIJł": 148443, + "ðĿij¯": 148444, + "ðĿĹĽ": 148445, + "ðĿĵ»": 148446, + "ðĿĸĪ": 148447, + "âŀ»": 148448, + "áŀł": 148449, + "⡱": 148450, + "â»ij": 148451, + "ðŁ§µ": 148452, + "廉": 148453, + "ðŁijĺ": 148454, + "ãĤĶ": 148455, + "â¼Ł": 148456, + "ãĬ¤": 148457, + "ï¦Ŀ": 148458, + "ãĮ¦": 148459, + "â̏": 148460, + "ðŁĶĻ": 148461, + "ã¹": 148462, + "㹦": 148463, + "ï¹ħ": 148464, + "ï©Į": 148465, + "ãī¨": 148466, + "︽": 148467, + "âį¥": 148468, + "ðŁļī": 148469, + "ðŁ¥ľ": 148470, + "âĵľ": 148471, + "â»Ŀ": 148472, + "ï¨ľ": 148473, + "ðŁĴĴ": 148474, + "áĦij": 148475, + "â¾ŀ": 148476, + "ï¨ģ": 148477, + "à´ª": 148478, + "áĦİ": 148479, + "âŀ´": 148480, + "ষ": 148481, + "áħ¬": 148482, + "áŀ§": 148483, + "âĨ¢": 148484, + "âķ¦": 148485, + "âľij": 148486, + "ˬ": 148487, + "ÕIJ": 148488, + "à¼Ķ": 148489, + "ʤ": 148490, + "˨": 148491, + "à¤ŀ": 148492, + "à»ĥ": 148493, + "à¼ļ": 148494, + "âĵ¥": 148495, + "âķľ": 148496, + "ðŁIJĸ": 148497, + "á¼Ļ": 148498, + "ἤ": 148499, + "ìĨ°": 148500, + "ÈĤ": 148501, + "ʱ": 148502, + "à®ļ": 148503, + "áĥ§": 148504, + "á´ĭ": 148505, + "á´®": 148506, + "âĿ¡": 148507, + "âŀ·": 148508, + "ëĿ¡": 148509, + "ï§¢": 148510, + "ﯡ": 148511, + "ðĿķķ": 148512, + "ðŁħ°": 148513, + "ðŁ¦¸": 148514, + "Ǹ": 148515, + "Óŀ": 148516, + "Ô¶": 148517, + "ÖĨ": 148518, + "Úģ": 148519, + "Ûĭ": 148520, + "áİ¥": 148521, + "᾿": 148522, + "âĶŃ": 148523, + "âĶ®": 148524, + "êĢĢ": 148525, + "ê±ĺ": 148526, + "ëIJŃ": 148527, + "ë½Ħ": 148528, + "ìĶIJ": 148529, + "ì¸Į": 148530, + "íģł": 148531, + "íϱ": 148532, + "ï¥ī": 148533, + "ï¨ĸ": 148534, + "ðĿij´": 148535, + "ðĿĸĴ": 148536, + "ðĿĺ¨": 148537, + "ðĿļĮ": 148538, + "ðŁIJ¡": 148539, + "ðŁij¢": 148540, + "ðŁĵĶ": 148541, + "Åħ": 148542, + "Æİ": 148543, + "È©": 148544, + "Òª": 148545, + "Ôĥ": 148546, + "áĥ«": 148547, + "á¸ĩ": 148548, + "⼣": 148549, + "ê»Ń": 148550, + "ë¨Ħ": 148551, + "ìŁĢ": 148552, + "줴": 148553, + "íļIJ": 148554, + "盧": 148555, + "ðŁŁ¢": 148556, + "Ƨ": 148557, + "ȼ": 148558, + "ÊĿ": 148559, + "ËĦ": 148560, + "Ëħ": 148561, + "Ëį": 148562, + "˧": 148563, + "Ò¥": 148564, + "ÕĶ": 148565, + "Øı": 148566, + "ؼ": 148567, + "ßIJ": 148568, + "ßľ": 148569, + "à¤ĵ": 148570, + "à¦Ļ": 148571, + "à®ĵ": 148572, + "à¶´": 148573, + "à¼į": 148574, + "à¼Ĵ": 148575, + "ལ": 148576, + "áĢĤ": 148577, + "áĢĬ": 148578, + "áĦĦ": 148579, + "áĪĺ": 148580, + "áĭĬ": 148581, + "áĮį": 148582, + "áijĭ": 148583, + "áŀĤ": 148584, + "áł¢": 148585, + "á¡Ŀ": 148586, + "á´¦": 148587, + "áµį": 148588, + "ᵨ": 148589, + "ḡ": 148590, + "ḯ": 148591, + "á¼£": 148592, + "âģĤ": 148593, + "âĦĺ": 148594, + "âĦľ": 148595, + "âĦ³": 148596, + "âĦµ": 148597, + "âĨ¦": 148598, + "âĩĨ": 148599, + "âĪ·": 148600, + "âĬļ": 148601, + "âĮ«": 148602, + "âĮ¯": 148603, + "âİĽ": 148604, + "âİľ": 148605, + "âݤ": 148606, + "âݦ": 148607, + "âİ®": 148608, + "âijī": 148609, + "âĶī": 148610, + "âķĻ": 148611, + "âĸĤ": 148612, + "âĹŃ": 148613, + "âĺĬ": 148614, + "âĺį": 148615, + "âĺĴ": 148616, + "âļĨ": 148617, + "⼧": 148618, + "âĽ²": 148619, + "âŀĺ": 148620, + "â¥Ħ": 148621, + "â´³": 148622, + "â´½": 148623, + "âµĪ": 148624, + "ãī¯": 148625, + "ãİij": 148626, + "㧬": 148627, + "êϬ": 148628, + "ê§ģ": 148629, + "곬": 148630, + "ê´ŀ": 148631, + "ê»ľ": 148632, + "ëħĵ": 148633, + "ëĭ¼": 148634, + "ëįĸ": 148635, + "ëĸ±": 148636, + "ëĿ°": 148637, + "롹": 148638, + "뢴": 148639, + "ë£Ģ": 148640, + "뤳": 148641, + "ë¨ķ": 148642, + "ëŃ¥": 148643, + "ìĦ¶": 148644, + "ìħ¤": 148645, + "ìĮķ": 148646, + "ìįª": 148647, + "ìı©": 148648, + "ìĴĢ": 148649, + "ì͝": 148650, + "ìĿĶ": 148651, + "ìĿľ": 148652, + "ìłŃ": 148653, + "짦": 148654, + "쨩": 148655, + "첬": 148656, + "ì³¥": 148657, + "켯": 148658, + "íĢ«": 148659, + "íĢŃ": 148660, + "íĥ¸": 148661, + "íĵģ": 148662, + "íķ¬": 148663, + "íŸ": 148664, + "íĽķ": 148665, + "íľŃ": 148666, + "íĿĹ": 148667, + "ï¤Į": 148668, + "浪": 148669, + "ï§¿": 148670, + "ï¬Ħ": 148671, + "ï¬ħ": 148672, + "ïŃij": 148673, + "ïŃ«": 148674, + "ïŃº": 148675, + "ï®Ĥ": 148676, + "ﮢ": 148677, + "ﮨ": 148678, + "ï°İ": 148679, + "ï°ł": 148680, + "ï²£": 148681, + "ï³IJ": 148682, + "ï³Ĵ": 148683, + "ï³ĺ": 148684, + "ï³ľ": 148685, + "ï¹¼": 148686, + "│": 148687, + "ðĿIJ©": 148688, + "ðĿĴļ": 148689, + "ðĿķĶ": 148690, + "ðĿķ¤": 148691, + "ðĿĸĮ": 148692, + "ðĿĹ£": 148693, + "ðĿŰ": 148694, + "ðĿĹ´": 148695, + "ðĿĺĤ": 148696, + "ðĿĺ¥": 148697, + "ðĿĺ®": 148698, + "ðĿĺ¸": 148699, + "ðĿĻĢ": 148700, + "ðĿĽ¾": 148701, + "ðĿľı": 148702, + "ðŁĮģ": 148703, + "ðŁĮľ": 148704, + "ðŁĮ¥": 148705, + "ðŁĮ¯": 148706, + "ðŁįIJ": 148707, + "ðŁİĴ": 148708, + "ðŁıĶ": 148709, + "ðŁıķ": 148710, + "ðŁı®": 148711, + "ðŁIJĤ": 148712, + "ðŁIJī": 148713, + "ðŁIJ¹": 148714, + "ðŁĶķ": 148715, + "ðŁĶļ": 148716, + "ðŁķij": 148717, + "ðŁķ£": 148718, + "ðŁĹŀ": 148719, + "ðŁĹ¡": 148720, + "ðŁĹ¿": 148721, + "ðŁļĨ": 148722, + "ðŁļĬ": 148723, + "ðŁļĵ": 148724, + "ðŁļķ": 148725, + "ðŁļ¾": 148726, + "ðŁĽģ": 148727, + "ðŁĽİ": 148728, + "ðŁĽı": 148729, + "ðŁ¤´": 148730, + "ðŁ¥ķ": 148731, + "ðŁ¥ĸ": 148732, + "ðŁ¥ł": 148733, + "ðŁ¥¥": 148734, + "ð٦Ĩ": 148735, + "ð٦ī": 148736, + "ð٦ļ": 148737, + "ð٧ij": 148738, + "ðŁ§¥": 148739, + "ðŁ§¿": 148740, + "Ű": 148741, + "ƺ": 148742, + "ɧ": 148743, + "àªĩ": 148744, + "ண": 148745, + "áĪĪ": 148746, + "áĬ¤": 148747, + "áĭ®": 148748, + "áĮĪ": 148749, + "áĮµ": 148750, + "ᥲ": 148751, + "âĵŁ": 148752, + "êϳ": 148753, + "ê°Ĭ": 148754, + "ëķģ": 148755, + "ëķ¨": 148756, + "ìĬģ": 148757, + "例": 148758, + "גּ": 148759, + "ðĿĸį": 148760, + "ðĿĺĮ": 148761, + "ðĿĺ³": 148762, + "ðĿĻ©": 148763, + "ðŁįĻ": 148764, + "ðŁĸĸ": 148765, + "áī³": 148766, + "áĭ¨": 148767, + "áĸĩ": 148768, + "áŀĮ": 148769, + "á¹§": 148770, + "âķª": 148771, + "âŀļ": 148772, + "â²ĺ": 148773, + "êķ": 148774, + "êķ¥": 148775, + "路": 148776, + "ﮣ": 148777, + "ï¯ł": 148778, + "ðĿĴĸ": 148779, + "ðĿķĺ": 148780, + "ðĿĸĩ": 148781, + "ðĿĹŁ": 148782, + "ðĿĹª": 148783, + "ðĿĹ¯": 148784, + "ðĿĻł": 148785, + "ðŁĵı": 148786, + "à¦Ĺ": 148787, + "âĴ»": 148788, + "â²ł": 148789, + "ðĿĵµ": 148790, + "Ê£": 148791, + "à°ľ": 148792, + "áĬ¢": 148793, + "áŀIJ": 148794, + "ḷ": 148795, + "âĦĽ": 148796, + "âĩĢ": 148797, + "âĩĬ": 148798, + "êĴ¦": 148799, + "ê¦ł": 148800, + "ﮤ": 148801, + "ðŁįĽ": 148802, + "ðŁ¤Ľ": 148803, + "ᨾ": 148804, + "âŀº": 148805, + "áķ¯": 148806, + "áĽı": 148807, + "âĩĤ": 148808, + "â͹": 148809, + "âĻĹ": 148810, + "ðŁĸ¨": 148811, + "ê¦ı": 148812, + "ર": 148813, + "áļ¨": 148814, + "ðŁ¤¥": 148815, + "ðŁ§¢": 148816, + "ãIJĤ": 148817, + "ãĦ¥": 148818, + "ðŁĸĮ": 148819, + "â¼Ĵ": 148820, + "ãĬ§": 148821, + "âį©": 148822, + "ð٦ij": 148823, + "âĶ·": 148824, + "ï©IJ": 148825, + "ï©¡": 148826, + "ðĵĪ": 148827, + "ðĵĪĴ": 148828, + "â»Ħ": 148829, + "ï¨Ĵ": 148830, + "âĦª": 148831, + "Ò§": 148832, + "ÚĮ": 148833, + "â̶": 148834, + "âºł": 148835, + "â»ģ": 148836, + "âĨ¸": 148837, + "áĦIJ": 148838, + "ãħIJ": 148839, + "à»Ħ": 148840, + "áĹª": 148841, + "âĨ¼": 148842, + "âĩĭ": 148843, + "âĩĺ": 148844, + "âĮij": 148845, + "âĸ©": 148846, + "ðĿIJĹ": 148847, + "ÄĬ": 148848, + "à¦ī": 148849, + "ìīł": 148850, + "ɤ": 148851, + "ßį": 148852, + "ßı": 148853, + "áµĹ": 148854, + "âĤ¥": 148855, + "âĵī": 148856, + "âĶł": 148857, + "â͍": 148858, + "âķĦ": 148859, + "ä¤": 148860, + "ä¤Ģ": 148861, + "껸": 148862, + "ï®ģ": 148863, + "ðĵĤ": 148864, + "ðĵĤĥ": 148865, + "ð٦ķ": 148866, + "ÆĽ": 148867, + "à¦ĩ": 148868, + "ãıĺ": 148869, + "﮼": 148870, + "Úĵ": 148871, + "ÚĿ": 148872, + "à¦ĵ": 148873, + "ද": 148874, + "á´ħ": 148875, + "á½Ļ": 148876, + "âģ¼": 148877, + "âĸİ": 148878, + "⼩": 148879, + "äĶ": 148880, + "äĶĢ": 148881, + "뻡": 148882, + "ìĽ½": 148883, + "íģĦ": 148884, + "良": 148885, + "ï±ī": 148886, + "ï¹»": 148887, + "ðĿĸĭ": 148888, + "ðĿĻĪ": 148889, + "ðĿĻª": 148890, + "ðĿ϶": 148891, + "ðŁIJĦ": 148892, + "ðŁIJĨ": 148893, + "áİ¢": 148894, + "á¸Į": 148895, + "âĿ´": 148896, + "ðŁı¸": 148897, + "ÈĿ": 148898, + "ɸ": 148899, + "Îħ": 148900, + "Ïľ": 148901, + "Ó¢": 148902, + "Õ¹": 148903, + "à´ħ": 148904, + "àºĪ": 148905, + "áĭ°": 148906, + "áijİ": 148907, + "áłµ": 148908, + "á¡ł": 148909, + "á´ī": 148910, + "ḵ": 148911, + "á¿´": 148912, + "âĵ£": 148913, + "âͶ": 148914, + "⽯": 148915, + "ê²¥": 148916, + "ê¿ĺ": 148917, + "ëģİ": 148918, + "ëİĪ": 148919, + "ë͝": 148920, + "ë²°": 148921, + "ìĺ¯": 148922, + "ìĽ¸": 148923, + "ìŀĹ": 148924, + "ì§ĺ": 148925, + "쬬": 148926, + "ì·¬": 148927, + "íģħ": 148928, + "íĵĶ": 148929, + "íĽĿ": 148930, + "冷": 148931, + "魯": 148932, + "沈": 148933, + "ï¯ĸ": 148934, + "ðĿĵħ": 148935, + "ðĿĻĦ": 148936, + "ðŁĵ¶": 148937, + "ðŁĹĴ": 148938, + "ðŁ¥Ķ": 148939, + "ðŁ¥Ń": 148940, + "Å®": 148941, + "Å´": 148942, + "Æī": 148943, + "Æ«": 148944, + "Çģ": 148945, + "Ç£": 148946, + "Ǻ": 148947, + "Ǽ": 148948, + "Èį": 148949, + "ȯ": 148950, + "Éľ": 148951, + "ʬ": 148952, + "Ëģ": 148953, + "ˤ": 148954, + "˵": 148955, + "ÏĽ": 148956, + "Ò¤": 148957, + "Ò¬": 148958, + "Óı": 148959, + "ÓĽ": 148960, + "Ó¡": 148961, + "Ó³": 148962, + "ÔĮ": 148963, + "Ô¬": 148964, + "Õ³": 148965, + "Ù»": 148966, + "Úī": 148967, + "Ú§": 148968, + "Üľ": 148969, + "ߪ": 148970, + "à¤Ŀ": 148971, + "à¦Ľ": 148972, + "à¨Ĩ": 148973, + "àªķ": 148974, + "ડ": 148975, + "à®İ": 148976, + "à°¬": 148977, + "ൻ": 148978, + "ർ": 148979, + "à¶ł": 148980, + "à¶Ń": 148981, + "à¶¶": 148982, + "à·Ĩ": 148983, + "༽": 148984, + "áĢļ": 148985, + "áħ¢": 148986, + "áĨ¸": 148987, + "áĪĢ": 148988, + "áĪķ": 148989, + "áΰ": 148990, + "áī¡": 148991, + "áī¤": 148992, + "áĬ¦": 148993, + "áĬ«": 148994, + "áĭĭ": 148995, + "áĭį": 148996, + "áݯ": 148997, + "áijŃ": 148998, + "áķĹ": 148999, + "᣼": 149000, + "á¥Ĵ": 149001, + "á©ī": 149002, + "áŃº": 149003, + "á´¡": 149004, + "áµĺ": 149005, + "ᵼ": 149006, + "á¶ł": 149007, + "á¸ģ": 149008, + "á¸ĭ": 149009, + "á¹Ļ": 149010, + "á¹Ŀ": 149011, + "Ṧ": 149012, + "áºħ": 149013, + "á¼Ĥ": 149014, + "á½ĥ": 149015, + "á½į": 149016, + "á½§": 149017, + "á¾·": 149018, + "â̵": 149019, + "âĤİ": 149020, + "âĦĿ": 149021, + "âħĢ": 149022, + "âĨŀ": 149023, + "âĨ§": 149024, + "âĩħ": 149025, + "âĪĥ": 149026, + "âīı": 149027, + "âī½": 149028, + "âĬŀ": 149029, + "âĬ¡": 149030, + "âĬ§": 149031, + "âĬ¶": 149032, + "âĭĦ": 149033, + "âİĴ": 149034, + "âİ¡": 149035, + "âİ£": 149036, + "âݪ": 149037, + "âıİ": 149038, + "âĵĥ": 149039, + "âĵĸ": 149040, + "âĵ¨": 149041, + "âķĭ": 149042, + "âķĸ": 149043, + "âķ¢": 149044, + "âķ²": 149045, + "âĸĨ": 149046, + "âĸĬ": 149047, + "âĸį": 149048, + "âĸ®": 149049, + "âĺ¡": 149050, + "âĺ¦": 149051, + "âĺ±": 149052, + "âĺ¿": 149053, + "âĻĺ": 149054, + "âĻĿ": 149055, + "âļ°": 149056, + "âĽij": 149057, + "âŀª": 149058, + "â¤Ŀ": 149059, + "⤢": 149060, + "⤷": 149061, + "â§«": 149062, + "â¨Ń": 149063, + "⨯": 149064, + "â±£": 149065, + "â²İ": 149066, + "⵼": 149067, + "ãħĶ": 149068, + "ãĪı": 149069, + "ãī²": 149070, + "ãī³": 149071, + "ãĬij": 149072, + "ãĭĽ": 149073, + "ãİIJ": 149074, + "겤": 149075, + "ê·¿": 149076, + "ê¹ŀ": 149077, + "껨": 149078, + "ê¼į": 149079, + "꿸": 149080, + "ëĥ¬": 149081, + "ëĩIJ": 149082, + "ëĭł": 149083, + "ëį¯": 149084, + "ëĹĮ": 149085, + "ëĹij": 149086, + "ë¥Ģ": 149087, + "ëªĥ": 149088, + "몯": 149089, + "뱡": 149090, + "ë³ĵ": 149091, + "ë³½": 149092, + "뵾": 149093, + "ìĤ³": 149094, + "ìħ¥": 149095, + "ìĩ½": 149096, + "ìı¨": 149097, + "ìı¸": 149098, + "ìķį": 149099, + "ìĸĸ": 149100, + "ìŁ¨": 149101, + "ì¢ĥ": 149102, + "ì¢į": 149103, + "ì¥ij": 149104, + "ì§¼": 149105, + "ì©ĥ": 149106, + "ì®ľ": 149107, + "쮸": 149108, + "ì³ij": 149109, + "ì´¥": 149110, + "ì¾ĥ": 149111, + "íħ¦": 149112, + "íĪ¿": 149113, + "íĵ½": 149114, + "íķ³": 149115, + "íĸı": 149116, + "íĹł": 149117, + "íĿ«": 149118, + "ï¤ĵ": 149119, + "ï¤ĺ": 149120, + "ï¥İ": 149121, + "略": 149122, + "ï¦ħ": 149123, + "尿": 149124, + "ï§ĩ": 149125, + "ï¬Ĩ": 149126, + "דּ": 149127, + "ï®ĩ": 149128, + "ï®Ī": 149129, + "ï®Ŀ": 149130, + "ﮩ": 149131, + "ï®±": 149132, + "ï¯ĺ": 149133, + "ï¯Ļ": 149134, + "ﯢ": 149135, + "ﯣ": 149136, + "ﯤ": 149137, + "ﯥ": 149138, + "ï±Ĥ": 149139, + "ï²Ĩ": 149140, + "ﲪ": 149141, + "ï´¼": 149142, + "ïºī": 149143, + "ïºĬ": 149144, + "ﺥ": 149145, + "ðĿij¨": 149146, + "ðĿij©": 149147, + "ðĿij²": 149148, + "ðĿĴĮ": 149149, + "ðĿĴª": 149150, + "ðĿĴ®": 149151, + "ðĿĵĤ": 149152, + "ðĿĵĪ": 149153, + "ðĿĵ¯": 149154, + "ðĿ͍": 149155, + "ðĿķĢ": 149156, + "ðĿķĨ": 149157, + "ðĿķ¦": 149158, + "ðĿķ§": 149159, + "ðĿķ«": 149160, + "ðĿķ·": 149161, + "ðĿŵ": 149162, + "ðĿŸ": 149163, + "ðĿĺĦ": 149164, + "ðĿĺĻ": 149165, + "ðĿĺł": 149166, + "ðĿĺ¬": 149167, + "ðĿĻį": 149168, + "ðĿĻij": 149169, + "ðĿĻ¡": 149170, + "ðĿύ": 149171, + "ðĿĻ·": 149172, + "ðĿļį": 149173, + "ðĿĽ¿": 149174, + "ðŁĥ": 149175, + "ðŁĥı": 149176, + "ðŁħĺ": 149177, + "ðŁī": 149178, + "ðŁīij": 149179, + "ðŁİ¡": 149180, + "ðŁİª": 149181, + "ðŁİ±": 149182, + "ðŁİ³": 149183, + "ðŁİº": 149184, + "ðŁıİ": 149185, + "ðŁıĹ": 149186, + "ðŁıļ": 149187, + "ðŁıŀ": 149188, + "ðŁı¦": 149189, + "ðŁı§": 149190, + "ðŁIJģ": 149191, + "ðŁIJħ": 149192, + "ðŁIJĵ": 149193, + "ðŁĴĤ": 149194, + "ðŁĵij": 149195, + "ðŁĵĵ": 149196, + "ðŁĵ¨": 149197, + "ðŁĵ«": 149198, + "ðŁĶĭ": 149199, + "ðŁĶŃ": 149200, + "ðŁĶ¯": 149201, + "ðŁķĹ": 149202, + "ðŁļĤ": 149203, + "ðŁļ¢": 149204, + "ðŁļ¦": 149205, + "ðŁļ¬": 149206, + "ðŁĽĭ": 149207, + "ðŁĽĮ": 149208, + "ðŁĽ¬": 149209, + "ðŁĽ¶": 149210, + "ðŁŁ¡": 149211, + "ðŁ¥ĺ": 149212, + "ðŁ¥Ł": 149213, + "ðŁ¥¦": 149214, + "ð٦ĩ": 149215, + "ð٦Ī": 149216, + "ð٧Ĭ": 149217, + "ð٧Ĺ": 149218, + "ðŁ§¤": 149219, + "Ê·": 149220, + "˹": 149221, + "á¹ļ": 149222, + "á½¥": 149223, + "âĦŁ": 149224, + "겯": 149225, + "껫": 149226, + "ë°·": 149227, + "ìĥĨ": 149228, + "ìĽĿ": 149229, + "ì¨ī": 149230, + "ì«ı": 149231, + "ï¯ķ": 149232, + "ðĿľĭ": 149233, + "ɲ": 149234, + "ÒŃ": 149235, + "ÓĪ": 149236, + "à½Ľ": 149237, + "áĭĵ": 149238, + "áĻŃ": 149239, + "áł©": 149240, + "á¹®": 149241, + "âĦĴ": 149242, + "âĨ»": 149243, + "âµĥ": 149244, + "ë̍": 149245, + "ëł§": 149246, + "ìī¥": 149247, + "ìĮľ": 149248, + "ìŶ": 149249, + "ì¨Ī": 149250, + "쪾": 149251, + "íı½": 149252, + "íļĶ": 149253, + "íĽµ": 149254, + "露": 149255, + "ï¦IJ": 149256, + "ï§Ĺ": 149257, + "ï§ļ": 149258, + "אָ": 149259, + "ðĿIJĬ": 149260, + "ðĿķĹ": 149261, + "ðĿĹļ": 149262, + "ðĿļĸ": 149263, + "ðŁħ´": 149264, + "Èĥ": 149265, + "ÉĿ": 149266, + "ϱ": 149267, + "ÓĹ": 149268, + "ढ": 149269, + "áħł": 149270, + "áī¦": 149271, + "áijĮ": 149272, + "áĴ¼": 149273, + "áŀ¡": 149274, + "᳨": 149275, + "áłŃ": 149276, + "á¨ħ": 149277, + "á¨Ķ": 149278, + "á´ĺ": 149279, + "ᶦ": 149280, + "á¸İ": 149281, + "á¼ħ": 149282, + "á¼¹": 149283, + "âĨ¯": 149284, + "âĵİ": 149285, + "ãıĮ": 149286, + "êī": 149287, + "êīĤ": 149288, + "ëĨ§": 149289, + "ëĿ±": 149290, + "좡": 149291, + "íν": 149292, + "ï¤ĩ": 149293, + "ï¤Ľ": 149294, + "ðĿIJķ": 149295, + "ðĿĵ¸": 149296, + "ðĿĵ¼": 149297, + "ðĿĹķ": 149298, + "ðĿĺĪ": 149299, + "ðŁı£": 149300, + "ðŁı¤": 149301, + "ðŁĹĦ": 149302, + "Ñ·": 149303, + "Òł": 149304, + "áµĸ": 149305, + "Ἠ": 149306, + "ë¬Ħ": 149307, + "ï°´": 149308, + "âν": 149309, + "ÕŃ": 149310, + "Ú¹": 149311, + "à¥Ł": 149312, + "áĢĨ": 149313, + "áŀĴ": 149314, + "ã̶": 149315, + "ꦫ": 149316, + "ï¸ĵ": 149317, + "ðĿIJĽ": 149318, + "ðĿĺĹ": 149319, + "ðŁıľ": 149320, + "ì«Ń": 149321, + "ð٧ŀ": 149322, + "à½Ĥ": 149323, + "âĨ¿": 149324, + "âĩı": 149325, + "âĵģ": 149326, + "âͧ": 149327, + "âķģ": 149328, + "âķ¤": 149329, + "ê¦Ĺ": 149330, + "ꦤ": 149331, + "ðŁıĪ": 149332, + "áŀķ": 149333, + "Ô½": 149334, + "àªĹ": 149335, + "à¬Ĩ": 149336, + "âķķ": 149337, + "ï½ł": 149338, + "⼦": 149339, + "⼯": 149340, + "â¾·": 149341, + "âĶĸ": 149342, + "à¬ĵ": 149343, + "âĺĹ": 149344, + "âįĭ": 149345, + "ï¨Ŀ": 149346, + "â¼¥": 149347, + "寧": 149348, + "âĦĬ": 149349, + "ãĢ´": 149350, + "âį¢": 149351, + "ð¡Ī": 149352, + "ð¡Ī½": 149353, + "難": 149354, + "ãĢ»": 149355, + "ãıĥ": 149356, + "說": 149357, + "ï¨ĺ": 149358, + "ðŁIJĥ": 149359, + "ðŁĨĸ": 149360, + "ðŁĹ¾": 149361, + "ãĦĩ": 149362, + "Þĭ": 149363, + "â¼¼": 149364, + "ï¨Ń": 149365, + "ÞĢ": 149366, + "ÞĦ": 149367, + "ÞĪ": 149368, + "ÞIJ": 149369, + "âĮĦ": 149370, + "â»ĺ": 149371, + "ãŁ¢": 149372, + "áħ§": 149373, + "ðIJĮ¿": 149374, + "Ë»": 149375, + "à²Ĺ": 149376, + "áĢĩ": 149377, + "áŀĬ": 149378, + "âķĩ": 149379, + "ãĩ¼": 149380, + "ãݰ": 149381, + "ÕĴ": 149382, + "ÜĪ": 149383, + "ߥ": 149384, + "à¿IJ": 149385, + "áĢŁ": 149386, + "âĨ¥": 149387, + "âķĮ": 149388, + "â½Ģ": 149389, + "â½°": 149390, + "â¾Ĭ": 149391, + "äĦ": 149392, + "äĦĢ": 149393, + "ðĵIJ": 149394, + "ðĵIJį": 149395, + "ðŁİ¦": 149396, + "âĤ¯": 149397, + "âĬĺ": 149398, + "âĦį": 149399, + "ʵ": 149400, + "Ѷ": 149401, + "Úĥ": 149402, + "à¦Ķ": 149403, + "à´¦": 149404, + "áݶ": 149405, + "áĵķ": 149406, + "Ṩ": 149407, + "âĤł": 149408, + "âĩ°": 149409, + "âĹĴ": 149410, + "â¿Ĭ": 149411, + "ê·±": 149412, + "ì¹ķ": 149413, + "íĪ©": 149414, + "ïŃĢ": 149415, + "ðĿĴ¸": 149416, + "ðĿĵĬ": 149417, + "ðĿĺ©": 149418, + "Ǧ": 149419, + "É«": 149420, + "áĬ¨": 149421, + "ȹ": 149422, + "ʯ": 149423, + "Ϊ": 149424, + "ÚĢ": 149425, + "áĮ¸": 149426, + "áİ»": 149427, + "áıķ": 149428, + "áı´": 149429, + "á²Ĥ": 149430, + "Ὠ": 149431, + "âıĿ": 149432, + "âĺĻ": 149433, + "ëĥ¨": 149434, + "ëĦ¼": 149435, + "ëĪĻ": 149436, + "ë£ħ": 149437, + "ìͼ": 149438, + "ìķĿ": 149439, + "ìļ¬": 149440, + "ìľ±": 149441, + "ï¥Ĥ": 149442, + "惡": 149443, + "יּ": 149444, + "ïŃģ": 149445, + "ï³Ī": 149446, + "ðĿĶħ": 149447, + "ðĿĺ¤": 149448, + "ðĿĻı": 149449, + "ðĿĻĻ": 149450, + "ðŁķī": 149451, + "ð٧Ļ": 149452, + "á¸ij": 149453, + "ê´¼": 149454, + "ëģį": 149455, + "ëĹ´": 149456, + "ëĿ³": 149457, + "ë°ŀ": 149458, + "ë°¢": 149459, + "ëµĺ": 149460, + "ìĤĶ": 149461, + "ìĦĦ": 149462, + "ì¼ļ": 149463, + "íĢł": 149464, + "íĬ±": 149465, + "íĮĸ": 149466, + "ï¤ij": 149467, + "領": 149468, + "隸": 149469, + "ï´į": 149470, + "ðĿĺ·": 149471, + "Ĭ": 149472, + "Ŭ": 149473, + "ÆĢ": 149474, + "Æĭ": 149475, + "Æľ": 149476, + "Çij": 149477, + "Çĺ": 149478, + "Çŀ": 149479, + "Ç¥": 149480, + "Ç®": 149481, + "ɰ": 149482, + "ɶ": 149483, + "É·": 149484, + "ɽ": 149485, + "ÊĪ": 149486, + "ÊIJ": 149487, + "Ëİ": 149488, + "ËŁ": 149489, + "˦": 149490, + "˯": 149491, + "ÏIJ": 149492, + "Ïĵ": 149493, + "Ï¢": 149494, + "Ϥ": 149495, + "Ϫ": 149496, + "ÏŃ": 149497, + "Ï®": 149498, + "Ï»": 149499, + "Ñł": 149500, + "ÑŃ": 149501, + "Ò¨": 149502, + "ÓĿ": 149503, + "Ô¡": 149504, + "Ô·": 149505, + "Õī": 149506, + "Õĵ": 149507, + "Õĸ": 149508, + "Õļ": 149509, + "ÕĿ": 149510, + "Öİ": 149511, + "Ø¿": 149512, + "Úħ": 149513, + "Úį": 149514, + "ÚĶ": 149515, + "ÛĬ": 149516, + "Û¾": 149517, + "ÜĻ": 149518, + "ÝĴ": 149519, + "Ýĺ": 149520, + "ßĴ": 149521, + "ßĸ": 149522, + "à¤Ĭ": 149523, + "à¤IJ": 149524, + "à¦ı": 149525, + "à¦ĸ": 149526, + "à§Ł": 149527, + "મ": 149528, + "હ": 149529, + "à®ħ": 149530, + "à®Ĩ": 149531, + "à°¡": 149532, + "à°°": 149533, + "à²ļ": 149534, + "ಮ": 149535, + "ಯ": 149536, + "à´Ł": 149537, + "à´·": 149538, + "ൾ": 149539, + "à¶ij": 149540, + "à¶ŀ": 149541, + "༼": 149542, + "à½ĵ": 149543, + "áĢĵ": 149544, + "áĤ¦": 149545, + "áĥĸ": 149546, + "áĥŃ": 149547, + "áĥ¯": 149548, + "áħ¨": 149549, + "áħª": 149550, + "áĨ°": 149551, + "áĪģ": 149552, + "áĪİ": 149553, + "áĪĵ": 149554, + "áĪ¥": 149555, + "áβ": 149556, + "áĪ´": 149557, + "áĪ»": 149558, + "áīł": 149559, + "áī²": 149560, + "áī¶": 149561, + "áĬ£": 149562, + "áĬ¥": 149563, + "áĬª": 149564, + "áĭĺ": 149565, + "áĭ²": 149566, + "áĭ¶": 149567, + "áĮ£": 149568, + "áį¡": 149569, + "áį£": 149570, + "áݬ": 149571, + "áݾ": 149572, + "áIJ¡": 149573, + "áķķ": 149574, + "áĸ±": 149575, + "áĹIJ": 149576, + "áĹŃ": 149577, + "áĺī": 149578, + "áļ±": 149579, + "ἣ": 149580, + "áŀ¥": 149581, + "áŁĶ": 149582, + "áł£": 149583, + "áłª": 149584, + "áł°": 149585, + "áł´": 149586, + "á¤ĸ": 149587, + "ᥣ": 149588, + "á®": 149589, + "᮳": 149590, + "á¯": 149591, + "á¯Ļ": 149592, + "á°": 149593, + "á°į": 149594, + "á´Ĭ": 149595, + "á´¾": 149596, + "áµģ": 149597, + "áµİ": 149598, + "áµŀ": 149599, + "ᵤ": 149600, + "á¶ħ": 149601, + "á¶ĺ": 149602, + "á¶Ł": 149603, + "á¶¢": 149604, + "ᶤ": 149605, + "á¶±": 149606, + "á¶»": 149607, + "á¸ī": 149608, + "á¸ŀ": 149609, + "Ḻ": 149610, + "á¹ĵ": 149611, + "á¹Ĺ": 149612, + "Ṫ": 149613, + "áºĬ": 149614, + "áºı": 149615, + "áºĽ": 149616, + "á¼ĥ": 149617, + "á¼Į": 149618, + "Ἷ": 149619, + "á½Ĥ": 149620, + "á½ĵ": 149621, + "á½Ĺ": 149622, + "ὦ": 149623, + "á¾±": 149624, + "á¾´": 149625, + "á¿ĺ": 149626, + "á¿Ł": 149627, + "Ὸ": 149628, + "âģĺ": 149629, + "âĤij": 149630, + "âĤĽ": 149631, + "âĤ¿": 149632, + "âĦĩ": 149633, + "âĦŀ": 149634, + "âĦ±": 149635, + "âĩŁ": 149636, + "âĩ²": 149637, + "âΤ": 149638, + "âζ": 149639, + "âīĤ": 149640, + "âī¾": 149641, + "âĬ¨": 149642, + "âĬ³": 149643, + "âĬ·": 149644, + "âĭĮ": 149645, + "âĭĺ": 149646, + "âĮķ": 149647, + "âĮ¥": 149648, + "âĮµ": 149649, + "âĮº": 149650, + "âį£": 149651, + "âį²": 149652, + "âįµ": 149653, + "âİĩ": 149654, + "âıĥ": 149655, + "âıIJ": 149656, + "âıł": 149657, + "âı¤": 149658, + "âı¶": 149659, + "âı¸": 149660, + "âı¹": 149661, + "âijĤ": 149662, + "âĴ·": 149663, + "âĴº": 149664, + "âĵ¡": 149665, + "âĵ¤": 149666, + "â;": 149667, + "âĸĺ": 149668, + "âĸµ": 149669, + "âĹª": 149670, + "âĹ·": 149671, + "âĺ¨": 149672, + "âĺ«": 149673, + "âĺ²": 149674, + "âĺ³": 149675, + "âĻĨ": 149676, + "âļ¤": 149677, + "âļ¥": 149678, + "âĽĵ": 149679, + "⼴": 149680, + "âĽ¾": 149681, + "âŀ«": 149682, + "âŀ¿": 149683, + "⣷": 149684, + "â¤ij": 149685, + "⤫": 149686, + "⤶": 149687, + "⤽": 149688, + "⧪": 149689, + "â¨Ģ": 149690, + "⩽": 149691, + "⬡": 149692, + "⬢": 149693, + "⬤": 149694, + "â²ĸ": 149695, + "Ⲫ": 149696, + "âµĢ": 149697, + "⸮": 149698, + "⸽": 149699, + "ãĢł": 149700, + "ãĢ·": 149701, + "ãĦĮ": 149702, + "ãĦĺ": 149703, + "ãħij": 149704, + "ãĪİ": 149705, + "ãĪIJ": 149706, + "ãĬľ": 149707, + "ãĮĵ": 149708, + "ãĮł": 149709, + "ãİŁ": 149710, + "ãݤ": 149711, + "ãݧ": 149712, + "㬮": 149713, + "äĪ": 149714, + "äĪĢ": 149715, + "ä°": 149716, + "ä°Ģ": 149717, + "êħ": 149718, + "êħī": 149719, + "êĩĹ": 149720, + "êĪ": 149721, + "êĪį": 149722, + "ê§Ĥ": 149723, + "ê§Ĭ": 149724, + "êªĢ": 149725, + "ê²Ī": 149726, + "ê²į": 149727, + "ê³Ģ": 149728, + "êµł": 149729, + "ê½IJ": 149730, + "ê¾Ī": 149731, + "꿱": 149732, + "ëĥı": 149733, + "ëĦij": 149734, + "ëħ¤": 149735, + "ëĩ¸": 149736, + "ëμ": 149737, + "ëīħ": 149738, + "ëĬ£": 149739, + "ëĭº": 149740, + "ëįŀ": 149741, + "ëIJĮ": 149742, + "ëķ¸": 149743, + "ëĺł": 149744, + "ëĻĩ": 149745, + "ëĻĪ": 149746, + "ëľ½": 149747, + "ëŀĶ": 149748, + "ëłľ": 149749, + "ë£IJ": 149750, + "ë§Ģ": 149751, + "ë§Ĭ": 149752, + "ëªĢ": 149753, + "ë¬Ń": 149754, + "믾": 149755, + "ë³ľ": 149756, + "ë´Ĭ": 149757, + "ëµī": 149758, + "ë·ľ": 149759, + "ë¸Ģ": 149760, + "ë¹ĭ": 149761, + "ìģĦ": 149762, + "ìĤ£": 149763, + "ìĤ»": 149764, + "ìĦµ": 149765, + "ìħĴ": 149766, + "ìīĪ": 149767, + "ìīĶ": 149768, + "ìĬĮ": 149769, + "ìĬĻ": 149770, + "ìIJ´": 149771, + "ìĵº": 149772, + "ìķļ": 149773, + "ìķº": 149774, + "ìĸľ": 149775, + "ìĹª": 149776, + "ìĺľ": 149777, + "ìϤ": 149778, + "ìļĽ": 149779, + "ìļº": 149780, + "ìĿħ": 149781, + "ìĿı": 149782, + "ìĿŃ": 149783, + "ìĿ¶": 149784, + "ìłĽ": 149785, + "ì¡Ī": 149786, + "ì¢ī": 149787, + "ì¢Ķ": 149788, + "ì©ł": 149789, + "ìŃĮ": 149790, + "쯩": 149791, + "ì´£": 149792, + "ì¸ķ": 149793, + "ì¹Ł": 149794, + "쾡": 149795, + "ì¿Ļ": 149796, + "íģĩ": 149797, + "íģī": 149798, + "íĩĢ": 149799, + "íζ": 149800, + "íĸij": 149801, + "íĸ¤": 149802, + "íĹħ": 149803, + "íľı": 149804, + "íĿĿ": 149805, + "ï¤Ĵ": 149806, + "ï¤ķ": 149807, + "郎": 149808, + "ï¥ħ": 149809, + "ï¥ĩ": 149810, + "ï¥ı": 149811, + "ï¥ļ": 149812, + "ï¥Ł": 149813, + "ï¦Ħ": 149814, + "ï¦Ī": 149815, + "令": 149816, + "囹": 149817, + "零": 149818, + "ï§ģ": 149819, + "ï§ĥ": 149820, + "ï§Ķ": 149821, + "ï§ł": 149822, + "ï§£": 149823, + "ï§®": 149824, + "ïŃIJ": 149825, + "ïŃĸ": 149826, + "ïѦ": 149827, + "ïŃ´": 149828, + "ïѵ": 149829, + "ïѶ": 149830, + "ïѸ": 149831, + "ï®Į": 149832, + "ï®İ": 149833, + "ï®ŀ": 149834, + "ï®Ł": 149835, + "ﮡ": 149836, + "ﮪ": 149837, + "ï¯Ķ": 149838, + "ï¯Ĺ": 149839, + "ï¯ļ": 149840, + "ï¯Ľ": 149841, + "ï¯Ŀ": 149842, + "ï¯Ł": 149843, + "ﯧ": 149844, + "ﯨ": 149845, + "ﯫ": 149846, + "ﯯ": 149847, + "ﯰ": 149848, + "ﯱ": 149849, + "ﯲ": 149850, + "ﯳ": 149851, + "ﯴ": 149852, + "ﯵ": 149853, + "ﯶ": 149854, + "ï°Ģ": 149855, + "ï±ħ": 149856, + "ï±Ķ": 149857, + "ï±´": 149858, + "ï²ģ": 149859, + "ï³ķ": 149860, + "ï·½": 149861, + "ï¸ķ": 149862, + "︱": 149863, + "ï¹£": 149864, + "ï¹½": 149865, + "ï»į": 149866, + "ï¾±": 149867, + "ðĿIJĻ": 149868, + "ðĿIJ½": 149869, + "ðĿij¤": 149870, + "ðĿij®": 149871, + "ðĿijµ": 149872, + "ðĿĴĥ": 149873, + "ðĿĴĦ": 149874, + "ðĿĵŃ": 149875, + "ðĿĵ·": 149876, + "ðĿĶĸ": 149877, + "ðĿĶŀ": 149878, + "ðĿĶ¢": 149879, + "ðĿͦ": 149880, + "ðĿͬ": 149881, + "ðĿķĦ": 149882, + "ðĿķĬ": 149883, + "ðĿķİ": 149884, + "ðĿķĻ": 149885, + "ðĿķľ": 149886, + "ðĿķŃ": 149887, + "ðĿķ³": 149888, + "ðĿķ¸": 149889, + "ðĿķ¾": 149890, + "ðĿĸī": 149891, + "ðĿĸı": 149892, + "ðĿĺĩ": 149893, + "ðĿĺī": 149894, + "ðĿĺĸ": 149895, + "ðĿĺĽ": 149896, + "ðĿĺŀ": 149897, + "ðĿĺ«": 149898, + "ðĿĺ¾": 149899, + "ðĿĻĩ": 149900, + "ðĿĻī": 149901, + "ðĿĻĭ": 149902, + "ðĿĻİ": 149903, + "ðĿĻĺ": 149904, + "ðĿĻ¥": 149905, + "ðĿļĥ": 149906, + "ðĿļIJ": 149907, + "ðĿļĶ": 149908, + "ðĿľĥ": 149909, + "ðŁĦ·": 149910, + "ðŁħĿ": 149911, + "ðŁħ¾": 149912, + "ðŁĨĤ": 149913, + "ðŁĨĵ": 149914, + "ðŁĮĤ": 149915, + "ðŁĮĨ": 149916, + "ðŁĮī": 149917, + "ðŁĮij": 149918, + "ðŁĮĺ": 149919, + "ðŁĮ©": 149920, + "ðŁĮ«": 149921, + "ðŁį¢": 149922, + "ðŁį¥": 149923, + "ðŁİĽ": 149924, + "ðŁİ¢": 149925, + "ðŁİ´": 149926, + "ðŁij¡": 149927, + "ðŁĴ¾": 149928, + "ðŁĵŃ": 149929, + "ðŁĶĪ": 149930, + "ðŁĶ¦": 149931, + "ðŁĶ²": 149932, + "ðŁĶ³": 149933, + "ðŁķĵ": 149934, + "ðŁķķ": 149935, + "ðŁķĺ": 149936, + "ðŁķŁ": 149937, + "ðŁķ·": 149938, + "ðŁĹ³": 149939, + "ðŁļĦ": 149940, + "ðŁļĶ": 149941, + "ðŁļĸ": 149942, + "ðŁĽIJ": 149943, + "ðŁĽ¤": 149944, + "ðŁĽ¸": 149945, + "ðŁł": 149946, + "ðŁł³": 149947, + "ðŁ¤¹": 149948, + "ðŁ¥ĥ": 149949, + "ðŁ¥¨": 149950, + "ðŁ¥ª": 149951, + "ðŁ¥¾": 149952, + "ð٦ĥ": 149953, + "ð٦Ĵ": 149954, + "ð٦Ļ": 149955, + "ðŁ¦¶": 149956, + "ðŁ§ł": 149957, + "ðŁ§ª": 149958, + "ð٧Ń": 149959, + "ðŁ§²": 149960, + "ð£·": 149961, + "ð£·Ń": 149962, + "ð¦ĺ": 149963, + "ð¦ĺĴ": 149964, + "Æij": 149965, + "ÇĻ": 149966, + "È®": 149967, + "Øł": 149968, + "ÚĦ": 149969, + "ÜĢ": 149970, + "ߢ": 149971, + "áīĢ": 149972, + "áĬIJ": 149973, + "áİł": 149974, + "áºŀ": 149975, + "ëĪŀ": 149976, + "ëķŁ": 149977, + "ë£ģ": 149978, + "ë¤Ĺ": 149979, + "ìĦ¥": 149980, + "ìħij": 149981, + "ìĸIJ": 149982, + "ìĽĽ": 149983, + "ì£ķ": 149984, + "íİı": 149985, + "íĽĵ": 149986, + "梁": 149987, + "ï³Ľ": 149988, + "ï´«": 149989, + "ðĸ§": 149990, + "ðĸ§·": 149991, + "ðĿķģ": 149992, + "ðŁIJª": 149993, + "ðŁĴĪ": 149994, + "ðŁĵł": 149995, + "ðŁķĽ": 149996, + "ðŁķ´": 149997, + "ÑĿ": 149998, + "ÓĬ": 149999, + "ॲ": 150000, + "પ": 150001, + "áĥ¤": 150002, + "áįIJ": 150003, + "á¶°": 150004, + "á¼Ŀ": 150005, + "Ὡ": 150006, + "âĭĭ": 150007, + "âĴ½": 150008, + "âϾ": 150009, + "â½Ķ": 150010, + "⾯": 150011, + "ãĦĴ": 150012, + "ãħļ": 150013, + "ëIJį": 150014, + "ë·ģ": 150015, + "ìĭĢ": 150016, + "ìļĿ": 150017, + "쥰": 150018, + "캴": 150019, + "íĭī": 150020, + "íĿ½": 150021, + "ï¦Ģ": 150022, + "樂": 150023, + "ï§ħ": 150024, + "ï§ĵ": 150025, + "ïѝ": 150026, + "ï®Ĩ": 150027, + "ðIJ¤ķ": 150028, + "ðĿIJŁ": 150029, + "ðĿĴħ": 150030, + "ðĿĵľ": 150031, + "ðĿͰ": 150032, + "ðĿĶ»": 150033, + "ðĿĺį": 150034, + "ðĿϝ": 150035, + "ðŁĦ½": 150036, + "ðŁħĤ": 150037, + "ðŁħĶ": 150038, + "ðŁħ½": 150039, + "ðŁĵ´": 150040, + "ð٧ĸ": 150041, + "ÓĴ": 150042, + "Ḳ": 150043, + "ëī¼": 150044, + "Çı": 150045, + "Èĵ": 150046, + "ʸ": 150047, + "ÕĤ": 150048, + "Ûħ": 150049, + "ß¡": 150050, + "ߣ": 150051, + "ய": 150052, + "à°Ī": 150053, + "ಸ": 150054, + "ຮ": 150055, + "à¼ķ": 150056, + "áĢİ": 150057, + "áĨ¡": 150058, + "áIJĭ": 150059, + "áIJķ": 150060, + "áij¯": 150061, + "áŀĨ": 150062, + "á¨ķ": 150063, + "á©Ī": 150064, + "âģħ": 150065, + "âĨļ": 150066, + "âĶİ": 150067, + "âł©": 150068, + "â²Ĥ": 150069, + "â²Ķ": 150070, + "Ⲩ": 150071, + "ãĬļ": 150072, + "íĵ²": 150073, + "ðĿijĪ": 150074, + "ðĿij¬": 150075, + "ðĿij¹": 150076, + "ðĿĴ¾": 150077, + "ðĿĵ±": 150078, + "ðĿĵ½": 150079, + "ðĿķ¯": 150080, + "ðĿķ»": 150081, + "ðĿĺ½": 150082, + "ðĿļĨ": 150083, + "ðŁĦ°": 150084, + "ðŁIJ¨": 150085, + "Òķ": 150086, + "à²ħ": 150087, + "ï¨Ĩ": 150088, + "ðĿij°": 150089, + "ðŁĦ¸": 150090, + "Ôİ": 150091, + "Øį": 150092, + "Ùµ": 150093, + "ಶ": 150094, + "áĢĪ": 150095, + "áĺĹ": 150096, + "᳸": 150097, + "á¡¡": 150098, + "ᨲ": 150099, + "á©ģ": 150100, + "á´·": 150101, + "áµ§": 150102, + "âķ¨": 150103, + "âļģ": 150104, + "â¾Ŀ": 150105, + "ã̼": 150106, + "ãĦı": 150107, + "êĴ«": 150108, + "ꦥ": 150109, + "ꦩ": 150110, + "ꦲ": 150111, + "ìĺ¼": 150112, + "íĵIJ": 150113, + "ðĵĩ": 150114, + "ðĵĩ¼": 150115, + "ðĿķ¿": 150116, + "ðŁĽ´": 150117, + "먾": 150118, + "ವ": 150119, + "à´İ": 150120, + "à¼Ģ": 150121, + "âĩĸ": 150122, + "ãĪ«": 150123, + "âĵĢ": 150124, + "áħ´": 150125, + "áļ¾": 150126, + "áĽŀ": 150127, + "Ἣ": 150128, + "ᥴ": 150129, + "âĨĽ": 150130, + "âĨ¶": 150131, + "âĩ¤": 150132, + "âķŁ": 150133, + "âĺ·": 150134, + "âļIJ": 150135, + "ðŁ§´": 150136, + "á¹³": 150137, + "âĶį": 150138, + "âĶĴ": 150139, + "âĶ©": 150140, + "âͦ": 150141, + "â¾µ": 150142, + "àªľ": 150143, + "ત": 150144, + "âĩĻ": 150145, + "âͱ": 150146, + "âķĢ": 150147, + "â½Ĭ": 150148, + "ï½Ł": 150149, + "ଡ": 150150, + "ðł®": 150151, + "ðł®·": 150152, + "âķĥ": 150153, + "â°Ķ": 150154, + "ãĬ¦": 150155, + "ðŁİIJ": 150156, + "ãĩ°": 150157, + "â¼Ŀ": 150158, + "â¾Ķ": 150159, + "â½Ĵ": 150160, + "âłĴ": 150161, + "都": 150162, + "ï©Ĵ": 150163, + "免": 150164, + "ï©ĸ": 150165, + "ðĵı¸": 150166, + "ãĮĥ": 150167, + "ðĸ¤": 150168, + "ðĸ¤IJ": 150169, + "ï¦Ń": 150170, + "âĬħ": 150171, + "â¾³": 150172, + "ä´¥": 150173, + "ï©ķ": 150174, + "ðŁĮĶ": 150175, + "áŀĭ": 150176, + "âļį": 150177, + "â¼ĭ": 150178, + "ãİĺ": 150179, + "ðIJĮ²": 150180, + "É©": 150181, + "áİij": 150182, + "âĨ®": 150183, + "âĩĥ": 150184, + "âļİ": 150185, + "ãĩ±": 150186, + "ãĭ©": 150187, + "ãĮ¶": 150188, + "êĻª": 150189, + "ëݬ": 150190, + "ï¨IJ": 150191, + "ï¨Ľ": 150192, + "ï©Ĭ": 150193, + "ï©į": 150194, + "ðĵħ": 150195, + "ðĵħº": 150196, + "Ï¡": 150197, + "Èij": 150198, + "ÉĤ": 150199, + "Ôĵ": 150200, + "ßİ": 150201, + "à´§": 150202, + "áĢī": 150203, + "áĢĭ": 150204, + "áĢij": 150205, + "áĢł": 150206, + "áļĻ": 150207, + "á¨Ħ": 150208, + "ᨩ": 150209, + "ᨹ": 150210, + "á©ĵ": 150211, + "ᬾ": 150212, + "á´Ļ": 150213, + "áµij": 150214, + "âĤŃ": 150215, + "âĨ°": 150216, + "âľģ": 150217, + "â½IJ": 150218, + "ãĭ¯": 150219, + "ãĮ½": 150220, + "íĨ¢": 150221, + "錄": 150222, + "ðŁĤ": 150223, + "ðŁĤ»": 150224, + "ÈĴ": 150225, + "ͺ": 150226, + "Ô¥": 150227, + "Õij": 150228, + "Ú¶": 150229, + "à§İ": 150230, + "à¶®": 150231, + "àºĸ": 150232, + "àºľ": 150233, + "ຽ": 150234, + "áĥ»": 150235, + "áħ¯": 150236, + "áĭŀ": 150237, + "áĸķ": 150238, + "á´Ī": 150239, + "á¶Ĩ": 150240, + "Ḿ": 150241, + "á¹¼": 150242, + "Ῠ": 150243, + "âĦĭ": 150244, + "âĦŃ": 150245, + "âα": 150246, + "âĮĵ": 150247, + "âĶĩ": 150248, + "âĶ¢": 150249, + "â±®": 150250, + "â²Ħ": 150251, + "ãĩ¾": 150252, + "ãά": 150253, + "븡": 150254, + "ìIJī": 150255, + "íĻĽ": 150256, + "ðĿķª": 150257, + "ƹ": 150258, + "Ͳ": 150259, + "Óģ": 150260, + "Û¼": 150261, + "ফ": 150262, + "áħŁ": 150263, + "áīĨ": 150264, + "áįĪ": 150265, + "áºĸ": 150266, + "á½ī": 150267, + "â͏": 150268, + "⽩": 150269, + "êľ": 150270, + "êľ¥": 150271, + "êµħ": 150272, + "ëĤĶ": 150273, + "ëĦł": 150274, + "ëĩĹ": 150275, + "ëĻĿ": 150276, + "ìļ¯": 150277, + "ìļ·": 150278, + "ìŁĽ": 150279, + "ì·IJ": 150280, + "íŁ¬": 150281, + "íŁ®": 150282, + "íŁ°": 150283, + "ï¦Ĩ": 150284, + "鈴": 150285, + "ï²ŀ": 150286, + "ﳤ": 150287, + "ï³¥": 150288, + "ðIJĮ¸": 150289, + "ðĿĶı": 150290, + "ðĿķ®": 150291, + "ðĿĺ£": 150292, + "à¦Ī": 150293, + "âıı": 150294, + "ãĦĸ": 150295, + "ê²ĩ": 150296, + "ëĸĺ": 150297, + "ëľ·": 150298, + "ëŀĴ": 150299, + "ë¡ĵ": 150300, + "ë¢ī": 150301, + "ë£ĥ": 150302, + "ë§ĭ": 150303, + "ë²ĭ": 150304, + "ìĤ·": 150305, + "ìĪķ": 150306, + "ìĮ¨": 150307, + "ìĵ»": 150308, + "ìĸĬ": 150309, + "ìϬ": 150310, + "ìĿ»": 150311, + "ì¦ģ": 150312, + "쵤": 150313, + "ì·ĥ": 150314, + "íĢľ": 150315, + "íħī": 150316, + "íįł": 150317, + "íıħ": 150318, + "íij±": 150319, + "íķķ": 150320, + "íĸł": 150321, + "íĿķ": 150322, + "ÆĻ": 150323, + "Æļ": 150324, + "Æŀ": 150325, + "Çĥ": 150326, + "ÇĬ": 150327, + "Çľ": 150328, + "Ǥ": 150329, + "ÇŃ": 150330, + "ǹ": 150331, + "ÈĢ": 150332, + "Èģ": 150333, + "Èħ": 150334, + "Èī": 150335, + "ÈĹ": 150336, + "ÈŁ": 150337, + "Ȥ": 150338, + "È¥": 150339, + "Ȩ": 150340, + "ȵ": 150341, + "Ⱥ": 150342, + "È»": 150343, + "ÉĮ": 150344, + "É®": 150345, + "Êħ": 150346, + "Ê¥": 150347, + "ʨ": 150348, + "Ëĵ": 150349, + "ËĶ": 150350, + "Ëł": 150351, + "Ë£": 150352, + "˸": 150353, + "Í´": 150354, + "ÏĹ": 150355, + "Ïĺ": 150356, + "ÏĻ": 150357, + "Ïļ": 150358, + "ÏĿ": 150359, + "Ϩ": 150360, + "Ϭ": 150361, + "Ͼ": 150362, + "Ï¿": 150363, + "Ѫ": 150364, + "ÒĢ": 150365, + "Òľ": 150366, + "Ò¼": 150367, + "Ò½": 150368, + "ÓĤ": 150369, + "Óħ": 150370, + "Óĩ": 150371, + "Óį": 150372, + "Óĸ": 150373, + "ÓŁ": 150374, + "Ó«": 150375, + "Ó±": 150376, + "ÔĨ": 150377, + "Ôĩ": 150378, + "Ôº": 150379, + "Õĭ": 150380, + "Öī": 150381, + "ØĪ": 150382, + "ØĬ": 150383, + "ؽ": 150384, + "ؾ": 150385, + "Ù·": 150386, + "ÚĤ": 150387, + "ÚĬ": 150388, + "Úĸ": 150389, + "ÚĹ": 150390, + "Ú£": 150391, + "Ú«": 150392, + "Ú¸": 150393, + "ÛĢ": 150394, + "Ûį": 150395, + "Û½": 150396, + "Üī": 150397, + "ܤ": 150398, + "ݧ": 150399, + "Ý´": 150400, + "Þĥ": 150401, + "Þ¤": 150402, + "Þ¥": 150403, + "ßļ": 150404, + "߼": 150405, + "ߤ": 150406, + "àłį": 150407, + "àłĵ": 150408, + "àł³": 150409, + "à¡¢": 150410, + "à¥ł": 150411, + "à§ł": 150412, + "৺": 150413, + "à¨Ĭ": 150414, + "à¨IJ": 150415, + "ਮ": 150416, + "ਯ": 150417, + "ਰ": 150418, + "ਸ": 150419, + "àªĨ": 150420, + "ળ": 150421, + "વ": 150422, + "ઽ": 150423, + "à¬Į": 150424, + "à¬ĺ": 150425, + "ଽ": 150426, + "à®ĥ": 150427, + "ஸ": 150428, + "à°Ĩ": 150429, + "à°ķ": 150430, + "à°¦": 150431, + "à²Ĩ": 150432, + "à²Ĭ": 150433, + "à²Į": 150434, + "à²IJ": 150435, + "à²Ľ": 150436, + "ತ": 150437, + "ದ": 150438, + "ಪ": 150439, + "ಲ": 150440, + "ಹ": 150441, + "à´Ĩ": 150442, + "à´ı": 150443, + "à´Ĺ": 150444, + "à´«": 150445, + "à´¹": 150446, + "ൺ": 150447, + "ൽ": 150448, + "à¶ħ": 150449, + "à¶Ĭ": 150450, + "à¶Ķ": 150451, + "à¶§": 150452, + "à¶«": 150453, + "à¶°": 150454, + "à¼Ħ": 150455, + "à¼ħ": 150456, + "à¼Ĭ": 150457, + "à½Ļ": 150458, + "ཡ": 150459, + "ཧ": 150460, + "à¿Ģ": 150461, + "à¿Ļ": 150462, + "áĢĿ": 150463, + "á̧": 150464, + "áĢ©": 150465, + "áĢ¿": 150466, + "áģµ": 150467, + "áĤģ": 150468, + "áĤ½": 150469, + "áĥĤ": 150470, + "áĥª": 150471, + "áĦĬ": 150472, + "áĦ¢": 150473, + "áħ¦": 150474, + "áħŃ": 150475, + "áĨ®": 150476, + "áĨ±": 150477, + "áĨ»": 150478, + "áĩ": 150479, + "áĩĤ": 150480, + "áĪħ": 150481, + "áĪī": 150482, + "áĪĮ": 150483, + "áĪIJ": 150484, + "áĪĴ": 150485, + "áĪĻ": 150486, + "áĪļ": 150487, + "áĪľ": 150488, + "áĪŀ": 150489, + "áĪ©": 150490, + "áγ": 150491, + "áĪº": 150492, + "áν": 150493, + "áīħ": 150494, + "áī¢": 150495, + "áī±": 150496, + "áī´": 150497, + "áĬĥ": 150498, + "áĬį": 150499, + "áĬĸ": 150500, + "áĬ®": 150501, + "áĬ¸": 150502, + "áĭĽ": 150503, + "áĭĿ": 150504, + "áĭ³": 150505, + "áĮģ": 150506, + "áĮħ": 150507, + "áĮ¥": 150508, + "áĮ¦": 150509, + "áĮ¨": 150510, + "áįĬ": 150511, + "áįį": 150512, + "áįķ": 150513, + "áįĸ": 150514, + "áį¢": 150515, + "áį¤": 150516, + "áİĴ": 150517, + "áݪ": 150518, + "áıģ": 150519, + "áıIJ": 150520, + "áıŁ": 150521, + "áIJĤ": 150522, + "áIJĸ": 150523, + "áIJĿ": 150524, + "áIJŀ": 150525, + "áIJŁ": 150526, + "áIJł": 150527, + "áijĸ": 150528, + "áĴĭ": 150529, + "áĴį": 150530, + "áĴ¡": 150531, + "áĵ«": 150532, + "áĶķ": 150533, + "áķĭ": 150534, + "áķij": 150535, + "áķĻ": 150536, + "áķļ": 150537, + "áķĽ": 150538, + "áķ¤": 150539, + "áķ¦": 150540, + "áķ®": 150541, + "áķ¼": 150542, + "áĸĵ": 150543, + "áĹĹ": 150544, + "áĹ¢": 150545, + "áĹ¯": 150546, + "áĹ·": 150547, + "áĺĦ": 150548, + "áĺij": 150549, + "áĽĤ": 150550, + "áĽĻ": 150551, + "áŀį": 150552, + "áłĨ": 150553, + "áł¡": 150554, + "᳦": 150555, + "áł®": 150556, + "áł¯": 150557, + "áł²": 150558, + "áł·": 150559, + "á¡į": 150560, + "á¡ŀ": 150561, + "ᡤ": 150562, + "á¡´": 150563, + "ᡵ": 150564, + "á¤ĵ": 150565, + "á¥ĸ": 150566, + "ᥰ": 150567, + "ᨦ": 150568, + "ᨧ": 150569, + "ᨨ": 150570, + "ᨪ": 150571, + "ᨬ": 150572, + "ᨯ": 150573, + "ᨳ": 150574, + "ᨵ": 150575, + "á©ĥ": 150576, + "á¬ķ": 150577, + "áŃ£": 150578, + "á±": 150579, + "á±ļ": 150580, + "á²ł": 150581, + "á´ĵ": 150582, + "á´¶": 150583, + "áµĤ": 150584, + "áµĮ": 150585, + "áµ¥": 150586, + "áµ´": 150587, + "á¶ĩ": 150588, + "á¸Ī": 150589, + "ḳ": 150590, + "ḧ": 150591, + "Ḵ": 150592, + "Ḿ": 150593, + "á¹Ģ": 150594, + "á¹ĸ": 150595, + "á¹Ł": 150596, + "á¹ł": 150597, + "ṫ": 150598, + "á¹±": 150599, + "á¹·": 150600, + "ṿ": 150601, + "áºĦ": 150602, + "áºį": 150603, + "áºij": 150604, + "áºĹ": 150605, + "á¼ī": 150606, + "á¼ĵ": 150607, + "á¼Ń": 150608, + "á½ĭ": 150609, + "á½Ĵ": 150610, + "á½ł": 150611, + "á½£": 150612, + "á¾Ħ": 150613, + "á¾ı": 150614, + "á¾ij": 150615, + "á¾Ĺ": 150616, + "ᾦ": 150617, + "á¾§": 150618, + "á¾¾": 150619, + "á¿Ħ": 150620, + "á¿ĵ": 150621, + "á¿¡": 150622, + "Ῥ": 150623, + "âģļ": 150624, + "âĤĮ": 150625, + "âĦģ": 150626, + "âĦĶ": 150627, + "âĦ£": 150628, + "âĦ§": 150629, + "âĦ¯": 150630, + "âĦ°": 150631, + "âĦ´": 150632, + "âħħ": 150633, + "âĨľ": 150634, + "âĨ«": 150635, + "âĨŃ": 150636, + "âĨ±": 150637, + "âĨ¹": 150638, + "âĨ½": 150639, + "âĩĩ": 150640, + "âĩľ": 150641, + "âĩµ": 150642, + "âĪī": 150643, + "âĪĬ": 150644, + "âĪĸ": 150645, + "âĪľ": 150646, + "âξ": 150647, + "âīĢ": 150648, + "âīĭ": 150649, + "âīĮ": 150650, + "âīĵ": 150651, + "âīľ": 150652, + "âī´": 150653, + "âī¿": 150654, + "âĬĬ": 150655, + "âĬĭ": 150656, + "âĬĶ": 150657, + "âĬĸ": 150658, + "âĬ£": 150659, + "âĬ¦": 150660, + "âĭİ": 150661, + "âĭª": 150662, + "âĭ²": 150663, + "âĮ¦": 150664, + "âĮ§": 150665, + "âįº": 150666, + "âİĪ": 150667, + "âݨ": 150668, + "âݬ": 150669, + "âݳ": 150670, + "âݼ": 150671, + "âݾ": 150672, + "âıĮ": 150673, + "âıļ": 150674, + "âı«": 150675, + "âı¯": 150676, + "âıµ": 150677, + "âĴľ": 150678, + "âĴĿ": 150679, + "âĴ«": 150680, + "âĵĦ": 150681, + "âĵĬ": 150682, + "âĵĻ": 150683, + "âĵ©": 150684, + "âĶij": 150685, + "âĶĻ": 150686, + "âĶļ": 150687, + "âĶ¥": 150688, + "âķħ": 150689, + "âķī": 150690, + "âķį": 150691, + "âķı": 150692, + "âķŀ": 150693, + "âĸļ": 150694, + "âĸ¯": 150695, + "âĹĥ": 150696, + "âĹļ": 150697, + "âŬ": 150698, + "âĹ´": 150699, + "âĺĪ": 150700, + "âĺ¤": 150701, + "âĺ¥": 150702, + "âĺ§": 150703, + "âĺ¬": 150704, + "âĻģ": 150705, + "âϱ": 150706, + "âļĥ": 150707, + "âļĦ": 150708, + "âļħ": 150709, + "âļı": 150710, + "âļļ": 150711, + "âļŀ": 150712, + "âļŁ": 150713, + "âļ±": 150714, + "âļ²": 150715, + "âľĢ": 150716, + "⾣": 150717, + "âľ¢": 150718, + "âĿµ": 150719, + "âŁ¡": 150720, + "⣦": 150721, + "⣧": 150722, + "âŁ³": 150723, + "âŁ¾": 150724, + "âŁ¿": 150725, + "âłĩ": 150726, + "â¤Ħ": 150727, + "⤺": 150728, + "â¥Ĥ": 150729, + "⥹": 150730, + "â§ī": 150731, + "â§¼": 150732, + "â§½": 150733, + "â¨į": 150734, + "â¬Ĭ": 150735, + "⬣": 150736, + "âŃŀ": 150737, + "â®ŀ": 150738, + "⮳": 150739, + "â¯Ī": 150740, + "â¯ij": 150741, + "ⱳ": 150742, + "â±±": 150743, + "â²Ń": 150744, + "â´¹": 150745, + "âµķ": 150746, + "⸾": 150747, + "⺫": 150748, + "â¼Ĩ": 150749, + "â¼ł": 150750, + "â½Ł": 150751, + "â½¼": 150752, + "â¾Ľ": 150753, + "â¾§": 150754, + "â¿ĥ": 150755, + "â¿»": 150756, + "ãĤķ": 150757, + "ãĤŁ": 150758, + "ãĦĽ": 150759, + "ãĦ¡": 150760, + "ãĦ¶": 150761, + "ãĦº": 150762, + "ãħĴ": 150763, + "ãħŁ": 150764, + "ãĨĢ": 150765, + "ãĩ»": 150766, + "ãĪij": 150767, + "ãĪŃ": 150768, + "ãĪ®": 150769, + "ãγ": 150770, + "ãι": 150771, + "ãī¥": 150772, + "ãī¦": 150773, + "ãī¹": 150774, + "ãī¿": 150775, + "ãĬŀ": 150776, + "ãĬ¨": 150777, + "ãĭij": 150778, + "ãĭ¥": 150779, + "ãĭ´": 150780, + "ãĭº": 150781, + "ãİĦ": 150782, + "ãİķ": 150783, + "ãݯ": 150784, + "ãıĤ": 150785, + "ãıĪ": 150786, + "ãıĵ": 150787, + "ãıĸ": 150788, + "ãı±": 150789, + "ãIJ±": 150790, + "ãŁģ": 150791, + "ã¢": 150792, + "㢨": 150793, + "ã¨": 150794, + "㨳": 150795, + "㫪": 150796, + "ã«´": 150797, + "ã¶³": 150798, + "㺾": 150799, + "äĢ": 150800, + "äĢĢ": 150801, + "äĭ": 150802, + "äĭĮ": 150803, + "äĮĢ": 150804, + "äIJĢ": 150805, + "äłĢ": 150806, + "äł": 150807, + "äł¼": 150808, + "ä§": 150809, + "ä§ŀ": 150810, + "䨰": 150811, + "䨺": 150812, + "ä´Ģ": 150813, + "ä·": 150814, + "ä·ħ": 150815, + "ä·¸": 150816, + "êĤ": 150817, + "êĤ«": 150818, + "êĮ": 150819, + "êĮ¼": 150820, + "êį": 150821, + "êį²": 150822, + "êĴµ": 150823, + "êĵ": 150824, + "êĵ½": 150825, + "êĻŃ": 150826, + "êĿĽ": 150827, + "êĿ¥": 150828, + "êŀ": 150829, + "êŀĬ": 150830, + "ê¦Ĩ": 150831, + "ê¦ĩ": 150832, + "ê¦Ł": 150833, + "ꦨ": 150834, + "ê§Ī": 150835, + "ê©": 150836, + "ê©Ł": 150837, + "êªĭ": 150838, + "êªij": 150839, + "êªķ": 150840, + "êªĹ": 150841, + "êªľ": 150842, + "ꪮ": 150843, + "ꪱ": 150844, + "ꪻ": 150845, + "ꪼ": 150846, + "ê«Ģ": 150847, + "ê«Ŀ": 150848, + "ê°ĥ": 150849, + "ê°ĺ": 150850, + "ê±ľ": 150851, + "ê²ĵ": 150852, + "ê²ļ": 150853, + "ê³Ļ": 150854, + "ê³¾": 150855, + "ê´Ĺ": 150856, + "ê´Ļ": 150857, + "êµĽ": 150858, + "ê¶ĥ": 150859, + "ê¶ķ": 150860, + "궨": 150861, + "긩": 150862, + "긿": 150863, + "ê¹Ħ": 150864, + "ê¹Ĩ": 150865, + "ê¹ī": 150866, + "ê¹ĵ": 150867, + "ê¹¢": 150868, + "ê¹£": 150869, + "깸": 150870, + "꺳": 150871, + "ê¿ı": 150872, + "ê¿ķ": 150873, + "ê¿§": 150874, + "ëĢ©": 150875, + "ëģħ": 150876, + "ëĥµ": 150877, + "ëĦĸ": 150878, + "ëĦĹ": 150879, + "ëĦ¢": 150880, + "ëħĤ": 150881, + "ëĨIJ": 150882, + "ëĩľ": 150883, + "ëĪĭ": 150884, + "ëĪļ": 150885, + "ëīį": 150886, + "ëī¨": 150887, + "ëĬļ": 150888, + "ëĬ¡": 150889, + "ëĭľ": 150890, + "ëĭª": 150891, + "ëĮĺ": 150892, + "ëĮ¤": 150893, + "ëĮ¸": 150894, + "ëİŁ": 150895, + "ëı¨": 150896, + "ëIJĦ": 150897, + "ëIJı": 150898, + "ëIJ´": 150899, + "ëIJ¸": 150900, + "ëijģ": 150901, + "ëij¿": 150902, + "ëĴ¨": 150903, + "ëĵ·": 150904, + "ëĶ®": 150905, + "ëͲ": 150906, + "ëķ§": 150907, + "ëĸĶ": 150908, + "ëĸª": 150909, + "ëĺŃ": 150910, + "ëļĢ": 150911, + "ëļł": 150912, + "ëĽĶ": 150913, + "뼩": 150914, + "ëľħ": 150915, + "ëŀķ": 150916, + "ëŀ°": 150917, + "ëŁIJ": 150918, + "ëł¡": 150919, + "ë¡ŀ": 150920, + "ë¡£": 150921, + "롵": 150922, + "ë£Ħ": 150923, + "ë£į": 150924, + "뤳": 150925, + "ë¦į": 150926, + "ë¦ı": 150927, + "릳": 150928, + "ë§Ħ": 150929, + "ë§Ĩ": 150930, + "ë§į": 150931, + "ë§ľ": 150932, + "ë§«": 150933, + "ë§»": 150934, + "먮": 150935, + "ë©Ĥ": 150936, + "ë©Ń": 150937, + "몴": 150938, + "묾": 150939, + "묳": 150940, + "묫": 150941, + "묾": 150942, + "ëѬ": 150943, + "ë®ĺ": 150944, + "뮹": 150945, + "ë¯ķ": 150946, + "ë¯ľ": 150947, + "ë°¨": 150948, + "ë°ª": 150949, + "ë±Ķ": 150950, + "ë²ĺ": 150951, + "ë²Ľ": 150952, + "ë²±": 150953, + "ë²´": 150954, + "ë´½": 150955, + "뵤": 150956, + "뵨": 150957, + "ë·Ĺ": 150958, + "ë·ĺ": 150959, + "ë¸ĵ": 150960, + "븾": 150961, + "빪": 150962, + "ëºĥ": 150963, + "ëºĺ": 150964, + "뺵": 150965, + "ë»´": 150966, + "ë¼IJ": 150967, + "ë¾Ķ": 150968, + "ìģŃ": 150969, + "ìĤł": 150970, + "ìĤ®": 150971, + "ìĥı": 150972, + "ìĥĻ": 150973, + "ìĦº": 150974, + "ìħ¢": 150975, + "ìĨĢ": 150976, + "ìĨħ": 150977, + "ìĨ¤": 150978, + "ìĨ¦": 150979, + "ìĨ¬": 150980, + "ìĩ±": 150981, + "ìε": 150982, + "ìĭ¨": 150983, + "ìĭ´": 150984, + "ìĮ°": 150985, + "ìįľ": 150986, + "ìİĹ": 150987, + "ìİĺ": 150988, + "ìݼ": 150989, + "ìijī": 150990, + "ìijĿ": 150991, + "ìij»": 150992, + "ìĴĶ": 150993, + "ìĴ¯": 150994, + "ìĵ©": 150995, + "ìķIJ": 150996, + "ìķĸ": 150997, + "ìĸł": 150998, + "ìĸ¾": 150999, + "ìĹĥ": 151000, + "ìĹĹ": 151001, + "ìĹľ": 151002, + "ìŨ": 151003, + "ìĺĤ": 151004, + "ìĺĦ": 151005, + "ìĺı": 151006, + "ìĺ¾": 151007, + "ìĺ¿": 151008, + "ìľ§": 151009, + "ìĿIJ": 151010, + "ìĿĸ": 151011, + "ìĿ·": 151012, + "ìŀį": 151013, + "ìŀı": 151014, + "ìŀ¨": 151015, + "ìŀª": 151016, + "ìŀ³": 151017, + "ìł¡": 151018, + "ìł´": 151019, + "ìł¹": 151020, + "ì¡Ģ": 151021, + "졪": 151022, + "졵": 151023, + "ì¢IJ": 151024, + "좨": 151025, + "ì£Į": 151026, + "ì£Ļ": 151027, + "죳": 151028, + "ì¦ij": 151029, + "ì§¥": 151030, + "ì§´": 151031, + "ì§¾": 151032, + "ì¨ĵ": 151033, + "ì¨ķ": 151034, + "ì©°": 151035, + "ì©»": 151036, + "쩼": 151037, + "ìªĹ": 151038, + "ì¬Ķ": 151039, + "ì¬ĺ": 151040, + "ì®®": 151041, + "ì¯ķ": 151042, + "ì¯ĺ": 151043, + "ì°İ": 151044, + "ì°¯": 151045, + "ì±ĥ": 151046, + "ì±µ": 151047, + "ì²§": 151048, + "ì²®": 151049, + "첯": 151050, + "쳬": 151051, + "ì´ĭ": 151052, + "ì´¢": 151053, + "ìµ¥": 151054, + "ì¶£": 151055, + "ì¸Ī": 151056, + "ì¸Ļ": 151057, + "캤": 151058, + "ìºŃ": 151059, + "컽": 151060, + "ì¼Ļ": 151061, + "콬": 151062, + "ì¾Ģ": 151063, + "ì¿ħ": 151064, + "쿽": 151065, + "íĢħ": 151066, + "íģ¦": 151067, + "íĤħ": 151068, + "íĥ¶": 151069, + "íĥ¹": 151070, + "íĦĶ": 151071, + "íħ£": 151072, + "íĨĦ": 151073, + "íĨ§": 151074, + "íĨ¹": 151075, + "íĩ¼": 151076, + "íī¤": 151077, + "íĬ½": 151078, + "íĭĤ": 151079, + "íĭij": 151080, + "íįĪ": 151081, + "íįĻ": 151082, + "íį¿": 151083, + "íݶ": 151084, + "íIJĿ": 151085, + "íĴľ": 151086, + "íĵĿ": 151087, + "íĵª": 151088, + "íĵ±": 151089, + "íĵ·": 151090, + "íĵ¼": 151091, + "íĶĻ": 151092, + "íĶł": 151093, + "íķļ": 151094, + "íķĽ": 151095, + "íķŀ": 151096, + "íķŁ": 151097, + "íķ§": 151098, + "íķ¶": 151099, + "íĸĬ": 151100, + "íĸĭ": 151101, + "íĸį": 151102, + "íĸĶ": 151103, + "íĸĺ": 151104, + "íĸ¡": 151105, + "íĸ¬": 151106, + "íĹ£": 151107, + "íĹ¿": 151108, + "íĺĸ": 151109, + "íĺŃ": 151110, + "íļ°": 151111, + "íĽį": 151112, + "íĽ½": 151113, + "íĿŁ": 151114, + "íĿŃ": 151115, + "íĿ´": 151116, + "íŀľ": 151117, + "ï¤ī": 151118, + "ï¤Ń": 151119, + "爐": 151120, + "蘆": 151121, + "祿": 151122, + "ï¥Ģ": 151123, + "ï¥ij": 151124, + "ï¥Ĵ": 151125, + "ï¥ķ": 151126, + "ï¥ĺ": 151127, + "ï¥Ļ": 151128, + "參": 151129, + "塞": 151130, + "殺": 151131, + "勵": 151132, + "ï¦ĭ": 151133, + "ï¦ı": 151134, + "ï¦Ķ": 151135, + "ï¦ĸ": 151136, + "ï¦ĺ": 151137, + "ï¦Ľ": 151138, + "ï¦ł": 151139, + "瑩": 151140, + "羚": 151141, + "了": 151142, + "僚": 151143, + "料": 151144, + "ï§Ĩ": 151145, + "ï§ĸ": 151146, + "ï§Ľ": 151147, + "ï§ŀ": 151148, + "ï§Ł": 151149, + "ï§§": 151150, + "ï§³": 151151, + "狀": 151152, + "ï§½": 151153, + "ï¨ĥ": 151154, + "ï¨ļ": 151155, + "諸": 151156, + "ï©Ł": 151157, + "ﬤ": 151158, + "שּׁ": 151159, + "לּ": 151160, + "ïŃĴ": 151161, + "ïŃķ": 151162, + "ïŃĽ": 151163, + "ïŃĿ": 151164, + "ïŃŀ": 151165, + "ïŃŁ": 151166, + "ïѤ": 151167, + "ïѧ": 151168, + "ïѨ": 151169, + "ïŃ®": 151170, + "ïѰ": 151171, + "ïѱ": 151172, + "ïŃ·": 151173, + "ïѹ": 151174, + "ïŃ»": 151175, + "ï®Ģ": 151176, + "ï®ĥ": 151177, + "ï®Ħ": 151178, + "ï®ħ": 151179, + "ï®į": 151180, + "ï®Ĵ": 151181, + "ï®ĵ": 151182, + "ï®ķ": 151183, + "ﮦ": 151184, + "ï®®": 151185, + "ï®°": 151186, + "ï¯ĵ": 151187, + "ï¯ľ": 151188, + "ﯩ": 151189, + "ﯪ": 151190, + "ﯬ": 151191, + "ï¯Ń": 151192, + "ﯮ": 151193, + "ﯷ": 151194, + "ﯹ": 151195, + "ﯻ": 151196, + "ﯼ": 151197, + "ï°ĥ": 151198, + "ï°Į": 151199, + "ï°IJ": 151200, + "ï°ĺ": 151201, + "ï°Ļ": 151202, + "ï°ľ": 151203, + "ï°ŀ": 151204, + "ï°¢": 151205, + "ï°®": 151206, + "ï°°": 151207, + "ï°¼": 151208, + "ï°¿": 151209, + "ï±Ģ": 151210, + "ï±ģ": 151211, + "ï±Ī": 151212, + "ï±ĭ": 151213, + "ï±ı": 151214, + "ï±Ń": 151215, + "ï²Ģ": 151216, + "ï²ĩ": 151217, + "ï²Ī": 151218, + "ï²ĭ": 151219, + "ï²İ": 151220, + "ï²Ĵ": 151221, + "ï²ľ": 151222, + "ï²ł": 151223, + "ﲬ": 151224, + "ï²»": 151225, + "ï³ĩ": 151226, + "ï³Ķ": 151227, + "ï³£": 151228, + "ﳫ": 151229, + "ï´ĺ": 151230, + "ï´°": 151231, + "ï´½": 151232, + "ï¶": 151233, + "ï¶°": 151234, + "ï¸ĸ": 151235, + "︴": 151236, + "︹": 151237, + "ï¹į": 151238, + "ï¹Ĺ": 151239, + "ï¹¢": 151240, + "﹤": 151241, + "﹩": 151242, + "ï¹±": 151243, + "ï¾°": 151244, + "ï¿Ĥ": 151245, + "ï¿®": 151246, + "ðIJĮ°": 151247, + "ðIJĮ¹": 151248, + "ðIJĮº": 151249, + "ðIJĮ½": 151250, + "ðIJįĤ": 151251, + "ðIJįĥ": 151252, + "ðIJįĦ": 151253, + "ðIJİ": 151254, + "ðIJݹ": 151255, + "ðIJ¤Ĥ": 151256, + "ðIJ¤į": 151257, + "ðIJ¤ı": 151258, + "ðIJ¤ĵ": 151259, + "ðIJŃī": 151260, + "ðIJŃį": 151261, + "ðIJ°ĩ": 151262, + "ðIJ°°": 151263, + "ðijĤ": 151264, + "ðijĤĦ": 151265, + "ðijĺ": 151266, + "ðijĺģ": 151267, + "ðĴĢ": 151268, + "ðĴ̏": 151269, + "ðĴģ": 151270, + "ðĴģº": 151271, + "ðĴĦ": 151272, + "ðĴĦ·": 151273, + "ðĴĬ": 151274, + "ðĴĬij": 151275, + "ðĴĭ": 151276, + "ðĴĭĹ": 151277, + "ðĴĮ": 151278, + "ðĴĮ¨": 151279, + "ðĵĥ¢": 151280, + "ðĵĥ°": 151281, + "ðĸł": 151282, + "ðĸłļ": 151283, + "ðĿĦĥ": 151284, + "ðĿĦħ": 151285, + "ðĿĦķ": 151286, + "ðĿĦĻ": 151287, + "ðĿĦ±": 151288, + "ðĿĦ´": 151289, + "ðĿĦ¹": 151290, + "ðĿħİ": 151291, + "ðĿħª": 151292, + "ðĿĨ£": 151293, + "ðĿĨ³": 151294, + "ðĿĨ¹": 151295, + "ðĿĩĬ": 151296, + "ðĿĩĹ": 151297, + "ðĿĩļ": 151298, + "ðĿĩľ": 151299, + "ðĿĩł": 151300, + "ðĿIJī": 151301, + "ðĿIJĸ": 151302, + "ðĿIJĺ": 151303, + "ðĿIJ£": 151304, + "ðĿIJ±": 151305, + "ðĿijĬ": 151306, + "ðĿijŃ": 151307, + "ðĿij¼": 151308, + "ðĿij½": 151309, + "ðĿĴ°": 151310, + "ðĿĴ·": 151311, + "ðĿĴ¿": 151312, + "ðĿĵģ": 151313, + "ðĿĵĭ": 151314, + "ðĿĵİ": 151315, + "ðĿĵĴ": 151316, + "ðĿĵĺ": 151317, + "ðĿĵ¢": 151318, + "ðĿĵ¦": 151319, + "ðĿĵ«": 151320, + "ðĿĵ¿": 151321, + "ðĿĶİ": 151322, + "ðĿͱ": 151323, + "ðĿĶ´": 151324, + "ðĿĶ·": 151325, + "ðĿ͏": 151326, + "ðĿͽ": 151327, + "ðĿķĤ": 151328, + "ðĿķĥ": 151329, + "ðĿķĭ": 151330, + "ðĿķı": 151331, + "ðĿķIJ": 151332, + "ðĿķ¥": 151333, + "ðĿķ´": 151334, + "ðĿķº": 151335, + "ðĿĸIJ": 151336, + "ðĿĸĽ": 151337, + "ðĿĸĿ": 151338, + "ðĿĸŀ": 151339, + "ðĿĹ©": 151340, + "ðĿĹ³": 151341, + "ðĿĹ½": 151342, + "ðĿĺĬ": 151343, + "ðĿĺĭ": 151344, + "ðĿĺĶ": 151345, + "ðĿĺ±": 151346, + "ðĿĺ´": 151347, + "ðĿĺ¿": 151348, + "ðĿĻĴ": 151349, + "ðĿĻĿ": 151350, + "ðĿĻŁ": 151351, + "ðĿϬ": 151352, + "ðĿĻŃ": 151353, + "ðĿĻ»": 151354, + "ðĿϾ": 151355, + "ðĿļĪ": 151356, + "ðĿļĭ": 151357, + "ðĿļij": 151358, + "ðĿļŁ": 151359, + "ðĿļł": 151360, + "ðĿļ£": 151361, + "ðĿĽ½": 151362, + "ðĿľĤ": 151363, + "ðĿľĶ": 151364, + "ðĿľĻ": 151365, + "ðŁĢ": 151366, + "ðŁĢĦ": 151367, + "ðŁĦ²": 151368, + "ðŁĦ¶": 151369, + "ðŁħIJ": 151370, + "ðŁħĸ": 151371, + "ðŁħļ": 151372, + "ðŁħĽ": 151373, + "ðŁħ¦": 151374, + "ðŁħ¶": 151375, + "ðŁħ»": 151376, + "ðŁħ¼": 151377, + "ðŁĨĥ": 151378, + "ðŁĨĨ": 151379, + "ðŁĨİ": 151380, + "ðŁĪ¯": 151381, + "ðŁĪ²": 151382, + "ðŁĪ¹": 151383, + "ðŁĮĩ": 151384, + "ðŁĮĵ": 151385, + "ðŁįĺ": 151386, + "ðŁİij": 151387, + "ðŁİ¿": 151388, + "ðŁıı": 151389, + "ðŁıĴ": 151390, + "ðŁı©": 151391, + "ðŁı¯": 151392, + "ðŁIJĢ": 151393, + "ðŁijĿ": 151394, + "ðŁĴ¹": 151395, + "ðŁĴº": 151396, + "ðŁĵŁ": 151397, + "ðŁĵª": 151398, + "ðŁĵ¼": 151399, + "ðŁĶĢ": 151400, + "ðŁĶĤ": 151401, + "ðŁĶĥ": 151402, + "ðŁĶĩ": 151403, + "ðŁĶĵ": 151404, + "ðŁĶ¢": 151405, + "ðŁĶ¤": 151406, + "ðŁĶ©": 151407, + "ðŁķĸ": 151408, + "ðŁķļ": 151409, + "ðŁķľ": 151410, + "ðŁķĿ": 151411, + "ðŁķŀ": 151412, + "ðŁķł": 151413, + "ðŁķ¢": 151414, + "ðŁķ³": 151415, + "ðŁĸĩ": 151416, + "ðŁĸij": 151417, + "ðŁĸ¶": 151418, + "ðŁĹģ": 151419, + "Ѩ": 151420, + "Úİ": 151421, + "á¡Į": 151422, + "Ḱ": 151423, + "áºĢ": 151424, + "á¼®": 151425, + "á½Ŀ": 151426, + "âĦ¬": 151427, + "âļ§": 151428, + "⼤": 151429, + "㳬": 151430, + "êĻĭ": 151431, + "ê¸ij": 151432, + "ëĶī": 151433, + "ëĹį": 151434, + "ë¡ij": 151435, + "ë¯ij": 151436, + "ë»ħ": 151437, + "ë¼Ŀ": 151438, + "ìĦIJ": 151439, + "ìī¡": 151440, + "ìĭ²": 151441, + "ìı±": 151442, + "ìŤ": 151443, + "ìĿ©": 151444, + "ìĿ¿": 151445, + "ìŁĻ": 151446, + "ìł°": 151447, + "ì¥ī": 151448, + "íĬŃ": 151449, + "íķ®": 151450, + "ï®ı": 151451, + "ðŁħ±": 151452, + "ðŁĨĴ": 151453, + "ðŁķĭ": 151454, + "Éĺ": 151455, + "Êĵ": 151456, + "Õĥ": 151457, + "à´´": 151458, + "à½ħ": 151459, + "áĨº": 151460, + "áĪĬ": 151461, + "á΍": 151462, + "áξ": 151463, + "áīIJ": 151464, + "áĮĥ": 151465, + "áĮ½": 151466, + "áĶŃ": 151467, + "áłĤ": 151468, + "ᳬ": 151469, + "ᨸ": 151470, + "á©ĭ": 151471, + "á¶ı": 151472, + "á¾Ķ": 151473, + "á¿IJ": 151474, + "á¿ļ": 151475, + "âĻĻ": 151476, + "âļĤ": 151477, + "âļĹ": 151478, + "â¡¢": 151479, + "⤦": 151480, + "ëĸ°": 151481, + "ë¤Ĥ": 151482, + "ë§ł": 151483, + "ë±ĭ": 151484, + "ë±IJ": 151485, + "ìĽ¢": 151486, + "ìľ¾": 151487, + "ì³ħ": 151488, + "ì»ģ": 151489, + "íģ»": 151490, + "íĥĻ": 151491, + "íĵĸ": 151492, + "íĵŃ": 151493, + "íķ±": 151494, + "íĽľ": 151495, + "ï¤ħ": 151496, + "ï¤Ĩ": 151497, + "ï¦ĥ": 151498, + "ï§©": 151499, + "ï¨Ĥ": 151500, + "ðIJ¤Ķ": 151501, + "ðIJŃĵ": 151502, + "ðIJ°¼": 151503, + "ðĿĵŀ": 151504, + "ðĿĵ°": 151505, + "ðĿĻľ": 151506, + "ðĿļģ": 151507, + "ðŁħ¢": 151508, + "ðŁıĩ": 151509, + "Ȳ": 151510, + "ʶ": 151511, + "ÔĪ": 151512, + "Ôij": 151513, + "Ýĵ": 151514, + "Ý¥": 151515, + "à¤ij": 151516, + "ॱ": 151517, + "à¬ī": 151518, + "à°³": 151519, + "à°µ": 151520, + "à²Ł": 151521, + "áĢı": 151522, + "áģ¼": 151523, + "áī¨": 151524, + "áĬĴ": 151525, + "áĭ©": 151526, + "áĮĦ": 151527, + "áĮĶ": 151528, + "áIJ§": 151529, + "áĴĮ": 151530, + "áĶħ": 151531, + "áĶĬ": 151532, + "áłĦ": 151533, + "á¨ģ": 151534, + "á¸ĥ": 151535, + "ḻ": 151536, + "âĶŀ": 151537, + "âĺµ": 151538, + "âļ£": 151539, + "â²¢": 151540, + "ãĪª": 151541, + "ä¶µ": 151542, + "ê²Ļ": 151543, + "ê²´": 151544, + "ê³Ĥ": 151545, + "롼": 151546, + "ìĨĬ": 151547, + "ì¼ĩ": 151548, + "íĭį": 151549, + "íĵ¬": 151550, + "íĵ®": 151551, + "íĵ¶": 151552, + "íĵ»": 151553, + "臘": 151554, + "ï¥ł": 151555, + "辰": 151556, + "ïѲ": 151557, + "ðIJŃĬ": 151558, + "ðIJ±ħ": 151559, + "ðĸ¥": 151560, + "ðĸ¥¨": 151561, + "ðĿij³": 151562, + "ðĿĵķ": 151563, + "ðĿĵ¬": 151564, + "ðĿĵ¹": 151565, + "ðĿĵ¾": 151566, + "ðĿĶĵ": 151567, + "ðĿķį": 151568, + "ðĿķ¡": 151569, + "ðĿķ±": 151570, + "ðĿĸĸ": 151571, + "ðĿĺı": 151572, + "ðĿĺIJ": 151573, + "ðĿĺļ": 151574, + "ðĿĻ®": 151575, + "ðĿϰ": 151576, + "ðĿϏ": 151577, + "ðĿĻº": 151578, + "ðĿϼ": 151579, + "ðĿϽ": 151580, + "ðĿĻ¿": 151581, + "ðĿļĦ": 151582, + "ðĿļı": 151583, + "ðŁħħ": 151584, + "ðŁħĵ": 151585, + "ÆĪ": 151586, + "àłĮ": 151587, + "áϳ": 151588, + "áļĮ": 151589, + "áĽħ": 151590, + "áĽIJ": 151591, + "á¤Ĭ": 151592, + "á¸Ĭ": 151593, + "âͽ": 151594, + "âķĬ": 151595, + "âĽĩ": 151596, + "âĽı": 151597, + "âĿª": 151598, + "âĿ«": 151599, + "⣰": 151600, + "ãĦį": 151601, + "ãĦĵ": 151602, + "ãĦ§": 151603, + "ãħĸ": 151604, + "ãī«": 151605, + "ê¦Ķ": 151606, + "ï±Ĭ": 151607, + "àºĤ": 151608, + "áħ£": 151609, + "á¥Ķ": 151610, + "ᥤ": 151611, + "âĨ¤": 151612, + "âĨ·": 151613, + "âĩŀ": 151614, + "âĸ¤": 151615, + "âŀ¶": 151616, + "ãμ": 151617, + "嘆": 151618, + "ðĵı§": 151619, + "âͲ": 151620, + "âĢ´": 151621, + "âĴŁ": 151622, + "âĴ¡": 151623, + "â°Ĥ": 151624, + "â°į": 151625, + "â°İ": 151626, + "â°IJ": 151627, + "â°ij": 151628, + "â°Ł": 151629, + "â°ł": 151630, + "â°¡": 151631, + "â¼Ń": 151632, + "ãĬ¥": 151633, + "âĴł": 151634, + "⽺": 151635, + "ãĩº": 151636, + "ãĩ½": 151637, + "ï¨Ĭ": 151638, + "áķ·": 151639, + "âį¨": 151640, + "âºŁ": 151641, + "â½Ĺ": 151642 + }, + "merges": [ + [ + "Ġ", + "Ġ" + ], + [ + "ĠĠ", + "ĠĠ" + ], + [ + "i", + "n" + ], + [ + "Ġ", + "t" + ], + [ + "ĠĠĠĠ", + "ĠĠĠĠ" + ], + [ + "e", + "r" + ], + [ + "ĠĠ", + "Ġ" + ], + [ + "o", + "n" + ], + [ + "Ġ", + "a" + ], + [ + "r", + "e" + ], + [ + "a", + "t" + ], + [ + "s", + "t" + ], + [ + "e", + "n" + ], + [ + "o", + "r" + ], + [ + "Ġt", + "h" + ], + [ + "Ċ", + "Ċ" + ], + [ + "Ġ", + "c" + ], + [ + "l", + "e" + ], + [ + "Ġ", + "s" + ], + [ + "i", + "t" + ], + [ + "a", + "n" + ], + [ + "a", + "r" + ], + [ + "a", + "l" + ], + [ + "Ġth", + "e" + ], + [ + ";", + "Ċ" + ], + [ + "Ġ", + "p" + ], + [ + "Ġ", + "f" + ], + [ + "o", + "u" + ], + [ + "Ġ", + "=" + ], + [ + "i", + "s" + ], + [ + "ĠĠĠĠ", + "ĠĠĠ" + ], + [ + "in", + "g" + ], + [ + "e", + "s" + ], + [ + "Ġ", + "w" + ], + [ + "i", + "on" + ], + [ + "e", + "d" + ], + [ + "i", + "c" + ], + [ + "Ġ", + "b" + ], + [ + "Ġ", + "d" + ], + [ + "e", + "t" + ], + [ + "Ġ", + "m" + ], + [ + "Ġ", + "o" + ], + [ + "ĉ", + "ĉ" + ], + [ + "r", + "o" + ], + [ + "a", + "s" + ], + [ + "e", + "l" + ], + [ + "c", + "t" + ], + [ + "n", + "d" + ], + [ + "Ġ", + "in" + ], + [ + "Ġ", + "h" + ], + [ + "en", + "t" + ], + [ + "i", + "d" + ], + [ + "Ġ", + "n" + ], + [ + "a", + "m" + ], + [ + "ĠĠĠĠĠĠĠĠ", + "ĠĠĠ" + ], + [ + "Ġt", + "o" + ], + [ + "Ġ", + "re" + ], + [ + "-", + "-" + ], + [ + "Ġ", + "{" + ], + [ + "Ġo", + "f" + ], + [ + "o", + "m" + ], + [ + ")", + ";Ċ" + ], + [ + "i", + "m" + ], + [ + "č", + "Ċ" + ], + [ + "Ġ", + "(" + ], + [ + "i", + "l" + ], + [ + "/", + "/" + ], + [ + "Ġa", + "nd" + ], + [ + "u", + "r" + ], + [ + "s", + "e" + ], + [ + "Ġ", + "l" + ], + [ + "e", + "x" + ], + [ + "Ġ", + "S" + ], + [ + "a", + "d" + ], + [ + "Ġ", + "\"" + ], + [ + "c", + "h" + ], + [ + "u", + "t" + ], + [ + "i", + "f" + ], + [ + "*", + "*" + ], + [ + "Ġ", + "}" + ], + [ + "e", + "m" + ], + [ + "o", + "l" + ], + [ + "ĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠ" + ], + [ + "t", + "h" + ], + [ + ")", + "Ċ" + ], + [ + "Ġ{", + "Ċ" + ], + [ + "Ġ", + "g" + ], + [ + "i", + "g" + ], + [ + "i", + "v" + ], + [ + ",", + "Ċ" + ], + [ + "c", + "e" + ], + [ + "o", + "d" + ], + [ + "Ġ", + "v" + ], + [ + "at", + "e" + ], + [ + "Ġ", + "T" + ], + [ + "a", + "g" + ], + [ + "a", + "y" + ], + [ + "Ġ", + "*" + ], + [ + "o", + "t" + ], + [ + "u", + "s" + ], + [ + "Ġ", + "C" + ], + [ + "Ġ", + "st" + ], + [ + "Ġ", + "I" + ], + [ + "u", + "n" + ], + [ + "u", + "l" + ], + [ + "u", + "e" + ], + [ + "Ġ", + "A" + ], + [ + "o", + "w" + ], + [ + "Ġ", + "'" + ], + [ + "e", + "w" + ], + [ + "Ġ", + "<" + ], + [ + "at", + "ion" + ], + [ + "(", + ")" + ], + [ + "Ġf", + "or" + ], + [ + "a", + "b" + ], + [ + "or", + "t" + ], + [ + "u", + "m" + ], + [ + "am", + "e" + ], + [ + "Ġ", + "is" + ], + [ + "p", + "e" + ], + [ + "t", + "r" + ], + [ + "c", + "k" + ], + [ + "â", + "Ģ" + ], + [ + "Ġ", + "y" + ], + [ + "i", + "st" + ], + [ + "--", + "--" + ], + [ + ".", + "ĊĊ" + ], + [ + "h", + "e" + ], + [ + "Ġ", + "e" + ], + [ + "l", + "o" + ], + [ + "Ġ", + "M" + ], + [ + "Ġb", + "e" + ], + [ + "er", + "s" + ], + [ + "Ġ", + "on" + ], + [ + "Ġc", + "on" + ], + [ + "a", + "p" + ], + [ + "u", + "b" + ], + [ + "Ġ", + "P" + ], + [ + "ĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠ" + ], + [ + "as", + "s" + ], + [ + "in", + "t" + ], + [ + ">", + "Ċ" + ], + [ + "l", + "y" + ], + [ + "ur", + "n" + ], + [ + "Ġ", + "$" + ], + [ + ";", + "ĊĊ" + ], + [ + "a", + "v" + ], + [ + "p", + "ort" + ], + [ + "i", + "r" + ], + [ + "-", + ">" + ], + [ + "n", + "t" + ], + [ + "ct", + "ion" + ], + [ + "en", + "d" + ], + [ + "Ġd", + "e" + ], + [ + "it", + "h" + ], + [ + "ou", + "t" + ], + [ + "t", + "urn" + ], + [ + "ou", + "r" + ], + [ + "ĠĠĠĠ", + "Ġ" + ], + [ + "l", + "ic" + ], + [ + "re", + "s" + ], + [ + "p", + "t" + ], + [ + "=", + "=" + ], + [ + "Ġth", + "is" + ], + [ + "Ġw", + "h" + ], + [ + "Ġ", + "if" + ], + [ + "Ġ", + "D" + ], + [ + "v", + "er" + ], + [ + "ag", + "e" + ], + [ + "Ġ", + "B" + ], + [ + "h", + "t" + ], + [ + "ex", + "t" + ], + [ + "=", + "\"" + ], + [ + "Ġth", + "at" + ], + [ + "**", + "**" + ], + [ + "Ġ", + "R" + ], + [ + "Ġ", + "it" + ], + [ + "es", + "s" + ], + [ + "Ġ", + "F" + ], + [ + "Ġ", + "r" + ], + [ + "o", + "s" + ], + [ + "an", + "d" + ], + [ + "Ġa", + "s" + ], + [ + "e", + "ct" + ], + [ + "k", + "e" + ], + [ + "ro", + "m" + ], + [ + "Ġ", + "//" + ], + [ + "c", + "on" + ], + [ + "Ġ", + "L" + ], + [ + "(", + "\"" + ], + [ + "q", + "u" + ], + [ + "l", + "ass" + ], + [ + "Ġw", + "ith" + ], + [ + "i", + "z" + ], + [ + "d", + "e" + ], + [ + "Ġ", + "N" + ], + [ + "Ġa", + "l" + ], + [ + "o", + "p" + ], + [ + "u", + "p" + ], + [ + "g", + "et" + ], + [ + "Ġ}", + "Ċ" + ], + [ + "i", + "le" + ], + [ + "Ġa", + "n" + ], + [ + "at", + "a" + ], + [ + "o", + "re" + ], + [ + "r", + "i" + ], + [ + "Ġp", + "ro" + ], + [ + ";", + "čĊ" + ], + [ + "ĉĉ", + "ĉĉ" + ], + [ + "t", + "er" + ], + [ + "a", + "in" + ], + [ + "Ġ", + "W" + ], + [ + "Ġ", + "E" + ], + [ + "Ġc", + "om" + ], + [ + "Ġre", + "turn" + ], + [ + "ar", + "t" + ], + [ + "Ġ", + "H" + ], + [ + "a", + "ck" + ], + [ + "im", + "port" + ], + [ + "ub", + "lic" + ], + [ + "Ġ", + "or" + ], + [ + "e", + "st" + ], + [ + "m", + "ent" + ], + [ + "Ġ", + "G" + ], + [ + "ab", + "le" + ], + [ + "Ġ", + "-" + ], + [ + "in", + "e" + ], + [ + "il", + "l" + ], + [ + "in", + "d" + ], + [ + "er", + "e" + ], + [ + ":", + ":" + ], + [ + "it", + "y" + ], + [ + "Ġ", + "+" + ], + [ + "Ġt", + "r" + ], + [ + "el", + "f" + ], + [ + "ig", + "ht" + ], + [ + "(", + "'" + ], + [ + "or", + "m" + ], + [ + "ul", + "t" + ], + [ + "st", + "r" + ], + [ + ".", + "." + ], + [ + "\"", + "," + ], + [ + "Ġy", + "ou" + ], + [ + "y", + "pe" + ], + [ + "p", + "l" + ], + [ + "Ġn", + "ew" + ], + [ + "Ġ", + "j" + ], + [ + "ĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "Ġf", + "rom" + ], + [ + "Ġ", + "ex" + ], + [ + "Ġ", + "O" + ], + [ + "l", + "d" + ], + [ + "Ġ", + "[" + ], + [ + "o", + "c" + ], + [ + ":", + "Ċ" + ], + [ + "Ġs", + "e" + ], + [ + "Ġ", + "le" + ], + [ + "----", + "----" + ], + [ + ".", + "s" + ], + [ + "{", + "Ċ" + ], + [ + "'", + "," + ], + [ + "an", + "t" + ], + [ + "Ġa", + "t" + ], + [ + "as", + "e" + ], + [ + ".", + "c" + ], + [ + "Ġc", + "h" + ], + [ + "<", + "/" + ], + [ + "av", + "e" + ], + [ + "an", + "g" + ], + [ + "Ġa", + "re" + ], + [ + "Ġin", + "t" + ], + [ + "âĢ", + "Ļ" + ], + [ + "_", + "t" + ], + [ + "er", + "t" + ], + [ + "i", + "al" + ], + [ + "a", + "ct" + ], + [ + "}", + "Ċ" + ], + [ + "iv", + "e" + ], + [ + "od", + "e" + ], + [ + "o", + "st" + ], + [ + "Ġc", + "lass" + ], + [ + "Ġn", + "ot" + ], + [ + "o", + "g" + ], + [ + "or", + "d" + ], + [ + "al", + "ue" + ], + [ + "al", + "l" + ], + [ + "f", + "f" + ], + [ + "(", + ");Ċ" + ], + [ + "on", + "t" + ], + [ + "im", + "e" + ], + [ + "a", + "re" + ], + [ + "Ġ", + "U" + ], + [ + "Ġp", + "r" + ], + [ + "Ġ", + ":" + ], + [ + "i", + "es" + ], + [ + "iz", + "e" + ], + [ + "u", + "re" + ], + [ + "Ġb", + "y" + ], + [ + "i", + "re" + ], + [ + "Ġ}", + "ĊĊ" + ], + [ + ".", + "p" + ], + [ + "Ġs", + "h" + ], + [ + "ic", + "e" + ], + [ + "a", + "st" + ], + [ + "pt", + "ion" + ], + [ + "tr", + "ing" + ], + [ + "o", + "k" + ], + [ + "_", + "_" + ], + [ + "c", + "l" + ], + [ + "#", + "#" + ], + [ + "Ġh", + "e" + ], + [ + "ar", + "d" + ], + [ + ")", + "." + ], + [ + "Ġ", + "@" + ], + [ + "i", + "ew" + ], + [ + "ĉĉ", + "ĉ" + ], + [ + "Ġw", + "as" + ], + [ + "i", + "p" + ], + [ + "th", + "is" + ], + [ + "Ġ", + "u" + ], + [ + "ĠT", + "he" + ], + [ + "id", + "e" + ], + [ + "a", + "ce" + ], + [ + "i", + "b" + ], + [ + "a", + "c" + ], + [ + "r", + "ou" + ], + [ + "Ġw", + "e" + ], + [ + "j", + "ect" + ], + [ + "Ġp", + "ublic" + ], + [ + "a", + "k" + ], + [ + "v", + "e" + ], + [ + "at", + "h" + ], + [ + "o", + "id" + ], + [ + "Ġ=", + ">" + ], + [ + "u", + "st" + ], + [ + "q", + "ue" + ], + [ + "Ġre", + "s" + ], + [ + ")", + ")" + ], + [ + "'", + "s" + ], + [ + "Ġ", + "k" + ], + [ + "an", + "s" + ], + [ + "y", + "st" + ], + [ + "un", + "ction" + ], + [ + "****", + "****" + ], + [ + "Ġ", + "i" + ], + [ + "Ġ", + "us" + ], + [ + "p", + "p" + ], + [ + "on", + "e" + ], + [ + "a", + "il" + ], + [ + "==", + "==" + ], + [ + "n", + "ame" + ], + [ + "Ġst", + "r" + ], + [ + "Ġ", + "/" + ], + [ + "Ġ", + "&" + ], + [ + "a", + "ch" + ], + [ + "d", + "iv" + ], + [ + "yst", + "em" + ], + [ + "el", + "l" + ], + [ + "Ġh", + "ave" + ], + [ + "er", + "r" + ], + [ + "ou", + "ld" + ], + [ + "ul", + "l" + ], + [ + "p", + "on" + ], + [ + "Ġ", + "J" + ], + [ + "_", + "p" + ], + [ + "Ġ=", + "=" + ], + [ + "ig", + "n" + ], + [ + "S", + "t" + ], + [ + ".", + "Ċ" + ], + [ + "Ġp", + "l" + ], + [ + ")", + ";ĊĊ" + ], + [ + "f", + "orm" + ], + [ + "p", + "ut" + ], + [ + "ou", + "nt" + ], + [ + "}", + "ĊĊ" + ], + [ + "d", + "d" + ], + [ + "it", + "e" + ], + [ + "Ġg", + "et" + ], + [ + "r", + "r" + ], + [ + "om", + "e" + ], + [ + "Ġ", + "âĢ" + ], + [ + "ar", + "am" + ], + [ + "c", + "c" + ], + [ + "Ġ*", + "/" + ], + [ + "E", + "R" + ], + [ + "I", + "n" + ], + [ + "le", + "s" + ], + [ + "_", + "s" + ], + [ + "on", + "g" + ], + [ + "i", + "e" + ], + [ + "Ġc", + "an" + ], + [ + "Ġ", + "V" + ], + [ + "er", + "v" + ], + [ + "p", + "r" + ], + [ + "Ġ", + "un" + ], + [ + "ro", + "w" + ], + [ + "b", + "er" + ], + [ + "Ġd", + "o" + ], + [ + "l", + "l" + ], + [ + "Ġ", + "el" + ], + [ + "Ġs", + "elf" + ], + [ + "at", + "ed" + ], + [ + "ar", + "y" + ], + [ + "Ġ", + "." + ], + [ + "'", + "]" + ], + [ + "u", + "d" + ], + [ + "Ġ", + "en" + ], + [ + "ĠT", + "h" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠ" + ], + [ + "t", + "e" + ], + [ + "_", + "c" + ], + [ + "u", + "ct" + ], + [ + "Ġa", + "b" + ], + [ + "or", + "k" + ], + [ + ".", + "get" + ], + [ + "Ġ", + "#" + ], + [ + "a", + "w" + ], + [ + "res", + "s" + ], + [ + "o", + "b" + ], + [ + "N", + "ame" + ], + [ + "ap", + "p" + ], + [ + "[", + "'" + ], + [ + "Ġal", + "l" + ], + [ + "or", + "y" + ], + [ + "it", + "ion" + ], + [ + "an", + "ce" + ], + [ + "e", + "ar" + ], + [ + "Ġcon", + "t" + ], + [ + "v", + "ent" + ], + [ + "i", + "a" + ], + [ + "Ġw", + "ill" + ], + [ + "I", + "N" + ], + [ + "ĠĠĠĠĠĠĠĠ", + "Ġ" + ], + [ + "re", + "turn" + ], + [ + "Ġ<", + "/" + ], + [ + "d", + "ata" + ], + [ + ")", + "ĊĊ" + ], + [ + "R", + "e" + ], + [ + "p", + "le" + ], + [ + "il", + "d" + ], + [ + "th", + "er" + ], + [ + "Ġy", + "our" + ], + [ + "\"", + "Ċ" + ], + [ + "(", + "$" + ], + [ + "Ġ", + "out" + ], + [ + ")", + "," + ], + [ + "Ġh", + "as" + ], + [ + "S", + "tring" + ], + [ + "s", + "o" + ], + [ + "Ġ", + "up" + ], + [ + "a", + "x" + ], + [ + "Ġde", + "f" + ], + [ + "Ġb", + "o" + ], + [ + "g", + "e" + ], + [ + "al", + "se" + ], + [ + "O", + "N" + ], + [ + "p", + "er" + ], + [ + "ic", + "h" + ], + [ + "Ġb", + "ut" + ], + [ + "Ġ", + "Ċ" + ], + [ + "Ġ", + "_" + ], + [ + "_", + "m" + ], + [ + "ad", + "d" + ], + [ + "que", + "st" + ], + [ + "od", + "el" + ], + [ + "s", + "elf" + ], + [ + "er", + "y" + ], + [ + "f", + "t" + ], + [ + "en", + "s" + ], + [ + "//", + "//" + ], + [ + "a", + "ke" + ], + [ + ".", + "C" + ], + [ + "Ġg", + "o" + ], + [ + "Ġf", + "unction" + ], + [ + "Ġ", + "K" + ], + [ + "iv", + "ate" + ], + [ + "Ġ", + "im" + ], + [ + "Ġcon", + "st" + ], + [ + ".", + "t" + ], + [ + "Ġ*/", + "Ċ" + ], + [ + ")", + ";čĊ" + ], + [ + "Ġv", + "oid" + ], + [ + "Ġs", + "et" + ], + [ + "ĠS", + "ystem" + ], + [ + "c", + "ri" + ], + [ + "(", + ")Ċ" + ], + [ + "l", + "i" + ], + [ + "ĉ", + "if" + ], + [ + ".", + "m" + ], + [ + "al", + "ly" + ], + [ + "s", + "et" + ], + [ + "e", + "p" + ], + [ + "âĢĻ", + "s" + ], + [ + "b", + "o" + ], + [ + "de", + "f" + ], + [ + "'", + ",Ċ" + ], + [ + "Ġm", + "e" + ], + [ + "Ġ", + "!" + ], + [ + "at", + "ch" + ], + [ + "\"", + ">" + ], + [ + "\"", + ",Ċ" + ], + [ + "e", + "c" + ], + [ + "ĠI", + "n" + ], + [ + "p", + "h" + ], + [ + "Ġ", + "|" + ], + [ + "_", + "f" + ], + [ + "Ġv", + "ar" + ], + [ + "en", + "ce" + ], + [ + "I", + "d" + ], + [ + "re", + "e" + ], + [ + "in", + "k" + ], + [ + "le", + "ct" + ], + [ + "u", + "g" + ], + [ + "et", + "h" + ], + [ + "Ġel", + "se" + ], + [ + "--------", + "--------" + ], + [ + "con", + "t" + ], + [ + "Ġs", + "o" + ], + [ + "at", + "ic" + ], + [ + "Ġl", + "o" + ], + [ + "p", + "ro" + ], + [ + "t", + "on" + ], + [ + "s", + "s" + ], + [ + "ow", + "n" + ], + [ + "ab", + "el" + ], + [ + "o", + "int" + ], + [ + "ou", + "s" + ], + [ + "el", + "d" + ], + [ + "S", + "T" + ], + [ + "T", + "he" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "R", + "E" + ], + [ + "\"", + ":" + ], + [ + "ol", + "or" + ], + [ + "t", + "p" + ], + [ + "e", + "g" + ], + [ + "ke", + "y" + ], + [ + "u", + "de" + ], + [ + "ĠS", + "t" + ], + [ + "ou", + "nd" + ], + [ + "Ġa", + "r" + ], + [ + "\"", + ");Ċ" + ], + [ + "en", + "er" + ], + [ + "s", + "er" + ], + [ + "b", + "ject" + ], + [ + "ess", + "age" + ], + [ + "f", + "er" + ], + [ + "Ġm", + "ore" + ], + [ + "ation", + "s" + ], + [ + "ent", + "s" + ], + [ + "Ġh", + "is" + ], + [ + "Ġthe", + "y" + ], + [ + ".", + "S" + ], + [ + "Ġ", + "Y" + ], + [ + "u", + "se" + ], + [ + "n", + "e" + ], + [ + "is", + "h" + ], + [ + "ol", + "d" + ], + [ + "_", + "d" + ], + [ + "i", + "o" + ], + [ + "i", + "eld" + ], + [ + "Ġp", + "er" + ], + [ + "C", + "ont" + ], + [ + "ing", + "s" + ], + [ + "##", + "##" + ], + [ + "Ġd", + "ata" + ], + [ + "Ġs", + "a" + ], + [ + "e", + "f" + ], + [ + "f", + "o" + ], + [ + "Ġon", + "e" + ], + [ + "en", + "g" + ], + [ + "Ġd", + "is" + ], + [ + "A", + "T" + ], + [ + "Ġn", + "ame" + ], + [ + "Ġtr", + "ue" + ], + [ + "v", + "al" + ], + [ + "le", + "d" + ], + [ + ".", + "f" + ], + [ + "Ġn", + "e" + ], + [ + "Ġ", + "end" + ], + [ + ".", + "T" + ], + [ + "c", + "re" + ], + [ + "ar", + "k" + ], + [ + "lo", + "g" + ], + [ + "E", + "x" + ], + [ + "err", + "or" + ], + [ + "_", + "id" + ], + [ + "ur", + "re" + ], + [ + "ang", + "e" + ], + [ + "Ġn", + "ull" + ], + [ + "rr", + "ay" + ], + [ + "Ġm", + "y" + ], + [ + "p", + "an" + ], + [ + "ic", + "t" + ], + [ + "at", + "or" + ], + [ + "V", + "iew" + ], + [ + "L", + "ist" + ], + [ + "ĉ", + "return" + ], + [ + "âĢ", + "Ŀ" + ], + [ + "Ġp", + "re" + ], + [ + "Ġ", + "x" + ], + [ + "cl", + "ude" + ], + [ + "ar", + "g" + ], + [ + "o", + "v" + ], + [ + ".", + "h" + ], + [ + "Ġ", + ">" + ], + [ + "Ġthe", + "ir" + ], + [ + "'", + ")" + ], + [ + "ir", + "st" + ], + [ + "ic", + "k" + ], + [ + "g", + "h" + ], + [ + "L", + "E" + ], + [ + "O", + "R" + ], + [ + "Ġpr", + "ivate" + ], + [ + "t", + "em" + ], + [ + "čĊ", + "čĊ" + ], + [ + "us", + "er" + ], + [ + "Ġ", + ")" + ], + [ + "c", + "om" + ], + [ + ".", + "A" + ], + [ + "\"", + ";Ċ" + ], + [ + "Ġ", + "id" + ], + [ + "re", + "ad" + ], + [ + "Ġwh", + "o" + ], + [ + "_", + "b" + ], + [ + "\"", + ">Ċ" + ], + [ + "Ġt", + "ime" + ], + [ + "Ġm", + "an" + ], + [ + "r", + "y" + ], + [ + "====", + "====" + ], + [ + "rou", + "p" + ], + [ + "ro", + "p" + ], + [ + "p", + "ublic" + ], + [ + "v", + "el" + ], + [ + "um", + "ber" + ], + [ + "b", + "le" + ], + [ + "Ġwh", + "ich" + ], + [ + "********", + "********" + ], + [ + "Ġan", + "y" + ], + [ + "Ġf", + "alse" + ], + [ + "w", + "e" + ], + [ + "Ġv", + "alue" + ], + [ + "Ġl", + "i" + ], + [ + "\"", + ")" + ], + [ + "nd", + "er" + ], + [ + "g", + "r" + ], + [ + "Ġn", + "o" + ], + [ + "p", + "aram" + ], + [ + "f", + "ig" + ], + [ + ".c", + "om" + ], + [ + "Ġa", + "pp" + ], + [ + "_", + "l" + ], + [ + "ion", + "s" + ], + [ + ".", + "D" + ], + [ + "ĠC", + "h" + ], + [ + "Ġab", + "out" + ], + [ + "Ġa", + "dd" + ], + [ + "Ġs", + "u" + ], + [ + "Ġstr", + "ing" + ], + [ + "I", + "D" + ], + [ + "Ġo", + "ver" + ], + [ + "str", + "ing" + ], + [ + ".", + "l" + ], + [ + "our", + "ce" + ], + [ + "_", + "C" + ], + [ + "]", + "Ċ" + ], + [ + "Ġ", + "qu" + ], + [ + "ĠS", + "tring" + ], + [ + "c", + "a" + ], + [ + "S", + "E" + ], + [ + "Ġ", + "ro" + ], + [ + "s", + "h" + ], + [ + "u", + "al" + ], + [ + "T", + "ype" + ], + [ + "s", + "on" + ], + [ + "n", + "ew" + ], + [ + "er", + "n" + ], + [ + "Ġa", + "g" + ], + [ + "A", + "R" + ], + [ + "]", + ";Ċ" + ], + [ + "]", + "." + ], + [ + "Ġ", + "?" + ], + [ + "ic", + "al" + ], + [ + "Ġd", + "es" + ], + [ + "ut", + "h" + ], + [ + "i", + "x" + ], + [ + "ay", + "s" + ], + [ + "Ġt", + "ype" + ], + [ + "'", + "t" + ], + [ + "a", + "ult" + ], + [ + "Ġin", + "ter" + ], + [ + "v", + "ar" + ], + [ + ".", + "b" + ], + [ + "Ġp", + "art" + ], + [ + ".", + "d" + ], + [ + "urre", + "nt" + ], + [ + "I", + "T" + ], + [ + "E", + "N" + ], + [ + "en", + "c" + ], + [ + "(", + "f" + ], + [ + "r", + "a" + ], + [ + "v", + "alue" + ], + [ + "ch", + "o" + ], + [ + "ut", + "ton" + ], + [ + "o", + "se" + ], + [ + "Ġ!", + "=" + ], + [ + "at", + "er" + ], + [ + "Ã", + "©" + ], + [ + "re", + "ate" + ], + [ + "ol", + "l" + ], + [ + "p", + "os" + ], + [ + "y", + "le" + ], + [ + "n", + "g" + ], + [ + "A", + "L" + ], + [ + "us", + "ing" + ], + [ + "am", + "es" + ], + [ + "Ġ{", + "čĊ" + ], + [ + "at", + "es" + ], + [ + "el", + "y" + ], + [ + "Ġw", + "ork" + ], + [ + "Ġ", + "em" + ], + [ + "in", + "al" + ], + [ + "Ġs", + "p" + ], + [ + "Ġwh", + "en" + ], + [ + ".s", + "et" + ], + [ + "ĠĠĠĠ", + "ĠĠ" + ], + [ + ")", + ":Ċ" + ], + [ + "t", + "o" + ], + [ + "qu", + "ire" + ], + [ + "ind", + "ow" + ], + [ + "le", + "ment" + ], + [ + "pe", + "ct" + ], + [ + "as", + "h" + ], + [ + "[", + "i" + ], + [ + "Ġu", + "se" + ], + [ + ".", + "F" + ], + [ + "pe", + "c" + ], + [ + "Ġa", + "d" + ], + [ + "o", + "ve" + ], + [ + "ce", + "ption" + ], + [ + "eng", + "th" + ], + [ + "in", + "clude" + ], + [ + "ad", + "er" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "at", + "us" + ], + [ + "T", + "h" + ], + [ + "it", + "le" + ], + [ + "r", + "it" + ], + [ + "v", + "oid" + ], + [ + "()", + "." + ], + [ + "(", + "Ċ" + ], + [ + "Ġof", + "f" + ], + [ + "Ġo", + "ther" + ], + [ + "Ġ&", + "&" + ], + [ + "'", + ";Ċ" + ], + [ + "m", + "s" + ], + [ + "Ġbe", + "en" + ], + [ + "Ġt", + "e" + ], + [ + "m", + "l" + ], + [ + "c", + "o" + ], + [ + "n", + "c" + ], + [ + "erv", + "ice" + ], + [ + "Ġ", + "%" + ], + [ + "**", + "Ċ" + ], + [ + "an", + "n" + ], + [ + "ad", + "e" + ], + [ + "ĊĊ", + "ĊĊ" + ], + [ + "lo", + "ck" + ], + [ + "con", + "st" + ], + [ + "pon", + "se" + ], + [ + "Ġs", + "up" + ], + [ + "+", + "+" + ], + [ + "d", + "ate" + ], + [ + "Ġa", + "cc" + ], + [ + "Ġh", + "ad" + ], + [ + "Ġb", + "u" + ], + [ + "ĠR", + "e" + ], + [ + "Ġw", + "ere" + ], + [ + "Ġf", + "ile" + ], + [ + "Ġw", + "ould" + ], + [ + "ĠâĢ", + "ľ" + ], + [ + "v", + "en" + ], + [ + "is", + "s" + ], + [ + "Ġ", + "our" + ], + [ + "c", + "lass" + ], + [ + "r", + "aw" + ], + [ + "Ġy", + "ear" + ], + [ + "D", + "ata" + ], + [ + "Ġv", + "al" + ], + [ + "Ġs", + "ome" + ], + [ + "f", + "ter" + ], + [ + "y", + "s" + ], + [ + "Ġ//", + "/" + ], + [ + "rou", + "nd" + ], + [ + "v", + "iew" + ], + [ + "Ġp", + "e" + ], + [ + "Ġth", + "ere" + ], + [ + "Ġsa", + "id" + ], + [ + "d", + "u" + ], + [ + "o", + "f" + ], + [ + "l", + "ine" + ], + [ + "/", + "*" + ], + [ + "d", + "uct" + ], + [ + "Ġh", + "er" + ], + [ + "ĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠ" + ], + [ + "R", + "es" + ], + [ + "Ġc", + "o" + ], + [ + "Ġcom", + "m" + ], + [ + "is", + "e" + ], + [ + "m", + "in" + ], + [ + "ĠĠĠĠ", + "Ċ" + ], + [ + "#", + "include" + ], + [ + "eth", + "od" + ], + [ + ".", + "P" + ], + [ + "ut", + "e" + ], + [ + "Ġas", + "s" + ], + [ + "I", + "nt" + ], + [ + "as", + "k" + ], + [ + "lo", + "c" + ], + [ + "Ġli", + "ke" + ], + [ + "od", + "y" + ], + [ + "Ġle", + "t" + ], + [ + "lo", + "ad" + ], + [ + "Ġa", + "m" + ], + [ + "ro", + "l" + ], + [ + "Ġg", + "r" + ], + [ + "y", + "p" + ], + [ + "Ġal", + "so" + ], + [ + "ĠI", + "t" + ], + [ + "ur", + "l" + ], + [ + "if", + "ic" + ], + [ + "or", + "s" + ], + [ + "_", + "P" + ], + [ + "_", + "n" + ], + [ + "ig", + "h" + ], + [ + "Ġth", + "an" + ], + [ + "C", + "om" + ], + [ + "A", + "N" + ], + [ + "U", + "L" + ], + [ + "at", + "ing" + ], + [ + "ĠTh", + "is" + ], + [ + "re", + "f" + ], + [ + "_", + "S" + ], + [ + "Ġst", + "atic" + ], + [ + "ro", + "ll" + ], + [ + "Ġj", + "ust" + ], + [ + "Ġres", + "ult" + ], + [ + "i", + "an" + ], + [ + "id", + "th" + ], + [ + "Ġthe", + "m" + ], + [ + ")", + ");Ċ" + ], + [ + "d", + "er" + ], + [ + "re", + "ak" + ], + [ + "C", + "on" + ], + [ + ":", + "//" + ], + [ + "u", + "le" + ], + [ + "..", + "." + ], + [ + "ar", + "ch" + ], + [ + "em", + "ent" + ], + [ + "Ġ<", + "<" + ], + [ + "us", + "h" + ], + [ + "en", + "se" + ], + [ + "ar", + "r" + ], + [ + "Ġint", + "o" + ], + [ + "c", + "ess" + ], + [ + "am", + "p" + ], + [ + "i", + "ed" + ], + [ + "um", + "ent" + ], + [ + "Ġ", + "\\" + ], + [ + "]", + "," + ], + [ + "w", + "o" + ], + [ + "al", + "s" + ], + [ + "Ġwh", + "at" + ], + [ + "an", + "c" + ], + [ + "V", + "alue" + ], + [ + "=", + "'" + ], + [ + "ol", + "um" + ], + [ + "Ġp", + "os" + ], + [ + "ag", + "es" + ], + [ + "ay", + "er" + ], + [ + "Ġs", + "c" + ], + [ + "u", + "es" + ], + [ + "\"", + ")Ċ" + ], + [ + "_", + "T" + ], + [ + "Ġl", + "ist" + ], + [ + "(", + "s" + ], + [ + "Ġc", + "ase" + ], + [ + "C", + "h" + ], + [ + "ĉĉĉĉ", + "ĉ" + ], + [ + "////", + "////" + ], + [ + "pon", + "ent" + ], + [ + "Ġ", + "z" + ], + [ + "Ġk", + "n" + ], + [ + "le", + "t" + ], + [ + "D", + "E" + ], + [ + "re", + "d" + ], + [ + "Ġf", + "e" + ], + [ + "Ġ}", + ",Ċ" + ], + [ + "Ġ", + "," + ], + [ + "(", + "t" + ], + [ + "Ġf", + "irst" + ], + [ + "'", + ");Ċ" + ], + [ + "w", + "ord" + ], + [ + "Ġ", + "import" + ], + [ + "Ġa", + "ct" + ], + [ + "Ġch", + "ar" + ], + [ + "C", + "T" + ], + [ + "ĠT", + "r" + ], + [ + "op", + "le" + ], + [ + "=", + "{" + ], + [ + "ĉ", + "f" + ], + [ + "i", + "ent" + ], + [ + "c", + "ent" + ], + [ + ".", + "j" + ], + [ + "le", + "ction" + ], + [ + ")", + ")Ċ" + ], + [ + "Ġon", + "ly" + ], + [ + "Ġpr", + "int" + ], + [ + "m", + "er" + ], + [ + ".", + "W" + ], + [ + "o", + "ck" + ], + [ + "Ġ", + "--" + ], + [ + "T", + "ext" + ], + [ + "Ġo", + "p" + ], + [ + "an", + "k" + ], + [ + "Ġit", + "s" + ], + [ + "Ġb", + "ack" + ], + [ + "[", + "\"" + ], + [ + "Ġne", + "ed" + ], + [ + "Ġc", + "l" + ], + [ + "Ġs", + "ub" + ], + [ + "Ġl", + "a" + ], + [ + "(", + "(" + ], + [ + ".", + "\"" + ], + [ + "O", + "bject" + ], + [ + "Ġst", + "art" + ], + [ + "f", + "ile" + ], + [ + "(", + "self" + ], + [ + "n", + "er" + ], + [ + "e", + "y" + ], + [ + "Ġus", + "er" + ], + [ + "Ġ", + "ent" + ], + [ + "ĠC", + "om" + ], + [ + "it", + "s" + ], + [ + "ĠC", + "on" + ], + [ + "ou", + "ble" + ], + [ + "ow", + "er" + ], + [ + "it", + "em" + ], + [ + "ver", + "y" + ], + [ + "ĠW", + "e" + ], + [ + "lic", + "k" + ], + [ + "Ġ", + "Q" + ], + [ + "ph", + "p" + ], + [ + "t", + "tp" + ], + [ + "'", + ":" + ], + [ + "ic", + "s" + ], + [ + "Ġu", + "nder" + ], + [ + "Ġ*", + "Ċ" + ], + [ + ".", + "L" + ], + [ + ")", + ";" + ], + [ + "ic", + "es" + ], + [ + "Ġre", + "g" + ], + [ + ")", + "čĊ" + ], + [ + "ĉ", + "public" + ], + [ + "S", + "S" + ], + [ + "Ġth", + "en" + ], + [ + "re", + "at" + ], + [ + "i", + "ous" + ], + [ + ".", + "G" + ], + [ + "e", + "k" + ], + [ + "ire", + "ct" + ], + [ + "he", + "ck" + ], + [ + "cri", + "pt" + ], + [ + "n", + "ing" + ], + [ + "ĠU", + "n" + ], + [ + "Ġm", + "ay" + ], + [ + "ĠW", + "h" + ], + [ + "B", + "o" + ], + [ + "I", + "tem" + ], + [ + "str", + "uct" + ], + [ + ".", + "st" + ], + [ + "re", + "am" + ], + [ + "ib", + "le" + ], + [ + "lo", + "at" + ], + [ + "Ġor", + "g" + ], + [ + "u", + "nd" + ], + [ + "s", + "um" + ], + [ + "_", + "in" + ], + [ + "..", + "/" + ], + [ + "_", + "M" + ], + [ + "Ġh", + "ow" + ], + [ + "r", + "ite" + ], + [ + "'", + "Ċ" + ], + [ + "T", + "o" + ], + [ + "w", + "w" + ], + [ + "Ġpe", + "ople" + ], + [ + "ind", + "ex" + ], + [ + ".", + "n" + ], + [ + "ht", + "tp" + ], + [ + "(", + "m" + ], + [ + "ect", + "or" + ], + [ + "Ġin", + "d" + ], + [ + "Ġj", + "av" + ], + [ + "]", + ",Ċ" + ], + [ + "ĠH", + "e" + ], + [ + "_", + "st" + ], + [ + "f", + "ul" + ], + [ + "o", + "le" + ], + [ + ")", + "{Ċ" + ], + [ + "Ġsh", + "ould" + ], + [ + "op", + "y" + ], + [ + "el", + "p" + ], + [ + "i", + "er" + ], + [ + "_", + "name" + ], + [ + "ers", + "on" + ], + [ + "I", + "ON" + ], + [ + "ot", + "e" + ], + [ + "Ġt", + "est" + ], + [ + "Ġb", + "et" + ], + [ + "rr", + "or" + ], + [ + "ul", + "ar" + ], + [ + "ã", + "Ģ" + ], + [ + "Ġ", + "Ð" + ], + [ + "b", + "s" + ], + [ + "t", + "ing" + ], + [ + "Ġm", + "ake" + ], + [ + "T", + "r" + ], + [ + "Ġa", + "fter" + ], + [ + "ar", + "get" + ], + [ + "R", + "O" + ], + [ + "olum", + "n" + ], + [ + "r", + "c" + ], + [ + "_", + "re" + ], + [ + "def", + "ine" + ], + [ + "Ġr", + "ight" + ], + [ + "r", + "ight" + ], + [ + "d", + "ay" + ], + [ + "Ġl", + "ong" + ], + [ + "[", + "]" + ], + [ + "(", + "p" + ], + [ + "t", + "d" + ], + [ + "con", + "d" + ], + [ + "ĠP", + "ro" + ], + [ + "Ġre", + "m" + ], + [ + "ption", + "s" + ], + [ + "v", + "id" + ], + [ + ".", + "g" + ], + [ + "Ġ", + "ext" + ], + [ + "Ġ", + "__" + ], + [ + "'", + ")Ċ" + ], + [ + "p", + "ace" + ], + [ + "m", + "p" + ], + [ + "Ġm", + "in" + ], + [ + "st", + "ance" + ], + [ + "a", + "ir" + ], + [ + "a", + "ction" + ], + [ + "w", + "h" + ], + [ + "t", + "ype" + ], + [ + "ut", + "il" + ], + [ + "a", + "it" + ], + [ + "<", + "?" + ], + [ + "I", + "C" + ], + [ + "t", + "ext" + ], + [ + "Ġp", + "h" + ], + [ + "Ġf", + "l" + ], + [ + ".", + "M" + ], + [ + "cc", + "ess" + ], + [ + "b", + "r" + ], + [ + "f", + "ore" + ], + [ + "ers", + "ion" + ], + [ + ")", + ",Ċ" + ], + [ + ".", + "re" + ], + [ + "ate", + "g" + ], + [ + "Ġl", + "oc" + ], + [ + "in", + "s" + ], + [ + "-", + "s" + ], + [ + "tr", + "ib" + ], + [ + "ĠI", + "nt" + ], + [ + "Ġa", + "rray" + ], + [ + ",", + "\"" + ], + [ + "P", + "ro" + ], + [ + "(", + "c" + ], + [ + "ess", + "ion" + ], + [ + ">", + "ĊĊ" + ], + [ + "Ġs", + "he" + ], + [ + "\"", + "]" + ], + [ + "ap", + "h" + ], + [ + "Ġex", + "p" + ], + [ + "ert", + "y" + ], + [ + "ĠS", + "e" + ], + [ + "Ġp", + "ar" + ], + [ + "un", + "c" + ], + [ + "E", + "T" + ], + [ + "Ġre", + "ad" + ], + [ + "pr", + "int" + ], + [ + "Ġre", + "l" + ], + [ + "Ġfor", + "m" + ], + [ + "Ġd", + "r" + ], + [ + "Ex", + "ception" + ], + [ + "in", + "put" + ], + [ + "Ġtr", + "ans" + ], + [ + "####", + "####" + ], + [ + "ord", + "er" + ], + [ + "B", + "y" + ], + [ + "Ġa", + "w" + ], + [ + "it", + "ies" + ], + [ + "u", + "ff" + ], + [ + "pl", + "ay" + ], + [ + ".", + "add" + ], + [ + "ĠâĢ", + "ĵ" + ], + [ + "Ġw", + "ant" + ], + [ + "Ġcom", + "p" + ], + [ + "ment", + "s" + ], + [ + "Ġ|", + "|" + ], + [ + "a", + "z" + ], + [ + "b", + "e" + ], + [ + "Ġn", + "umber" + ], + [ + "Ġre", + "quire" + ], + [ + "ĠE", + "x" + ], + [ + "Ġc", + "ol" + ], + [ + "Ġ", + "key" + ], + [ + "em", + "ber" + ], + [ + "Ġt", + "wo" + ], + [ + "Ġs", + "ize" + ], + [ + "Ġwh", + "ere" + ], + [ + "U", + "T" + ], + [ + "res", + "ult" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "ou", + "gh" + ], + [ + "or", + "ld" + ], + [ + "o", + "od" + ], + [ + "u", + "ch" + ], + [ + "at", + "ive" + ], + [ + "g", + "er" + ], + [ + "are", + "nt" + ], + [ + "Ġ/", + "*" + ], + [ + "Ġar", + "g" + ], + [ + "Ġwh", + "ile" + ], + [ + "(", + "this" + ], + [ + "Ġre", + "c" + ], + [ + "Ġd", + "if" + ], + [ + "St", + "ate" + ], + [ + "Ġs", + "pec" + ], + [ + "r", + "ide" + ], + [ + "_", + "F" + ], + [ + "Ġlo", + "ok" + ], + [ + "A", + "M" + ], + [ + "il", + "ity" + ], + [ + "et", + "er" + ], + [ + "âĢĻ", + "t" + ], + [ + "ĊĊ", + "Ċ" + ], + [ + "ay", + "out" + ], + [ + "----------------", + "----------------" + ], + [ + "ag", + "er" + ], + [ + "Ġc", + "ould" + ], + [ + "Ġb", + "r" + ], + [ + "end", + "s" + ], + [ + "u", + "res" + ], + [ + "Ġkn", + "ow" + ], + [ + "et", + "s" + ], + [ + "ĠI", + "f" + ], + [ + "ĠS", + "h" + ], + [ + ".", + "w" + ], + [ + "b", + "ack" + ], + [ + "Ġs", + "er" + ], + [ + "Ġ+", + "=" + ], + [ + "Ġf", + "r" + ], + [ + "()", + ");Ċ" + ], + [ + "Ġh", + "and" + ], + [ + "I", + "nd" + ], + [ + "UL", + "L" + ], + [ + "I", + "m" + ], + [ + "()", + ";ĊĊ" + ], + [ + "Ġm", + "ost" + ], + [ + "Ġtr", + "y" + ], + [ + "Ġn", + "ow" + ], + [ + "rou", + "gh" + ], + [ + ">", + "čĊ" + ], + [ + "ack", + "age" + ], + [ + "Ġh", + "im" + ], + [ + ".", + "_" + ], + [ + "if", + "y" + ], + [ + "Ġb", + "reak" + ], + [ + "Ġ", + ");Ċ" + ], + [ + "re", + "n" + ], + [ + "#", + "define" + ], + [ + "it", + "t" + ], + [ + "Ġa", + "p" + ], + [ + "ĉ", + "c" + ], + [ + "(", + "n" + ], + [ + "ĠY", + "ou" + ], + [ + ":", + "ĊĊ" + ], + [ + "-", + "m" + ], + [ + "Ġe", + "very" + ], + [ + "ust", + "om" + ], + [ + "li", + "ent" + ], + [ + "oc", + "ument" + ], + [ + "cri", + "ption" + ], + [ + "E", + "rror" + ], + [ + "-", + "b" + ], + [ + "Ð", + "¾" + ], + [ + "]", + "[" + ], + [ + "tr", + "ans" + ], + [ + "Ġp", + "oint" + ], + [ + "Ġst", + "d" + ], + [ + "Ġf", + "il" + ], + [ + "T", + "ime" + ], + [ + "Ġm", + "od" + ], + [ + "Ġ", + "->" + ], + [ + "Ġ", + "error" + ], + [ + "a", + "h" + ], + [ + "Ġt", + "ext" + ], + [ + "roll", + "er" + ], + [ + "lo", + "se" + ], + [ + "q", + "l" + ], + [ + "Ġp", + "ol" + ], + [ + ">", + "", + "<" + ], + [ + ".", + "B" + ], + [ + "-", + "c" + ], + [ + "Ġop", + "en" + ], + [ + "Ġe", + "st" + ], + [ + "ĠĠĠĠĠĠĠĠ", + "Ċ" + ], + [ + "Ġn", + "ext" + ], + [ + "I", + "M" + ], + [ + "Ñ", + "Ĥ" + ], + [ + "O", + "T" + ], + [ + "Ã", + "³" + ], + [ + "Ġf", + "ollow" + ], + [ + "cont", + "ent" + ], + [ + "ĠĠĠĠĠĠĠĠ", + "ĠĠĠĠ" + ], + [ + "Ġin", + "clud" + ], + [ + "H", + "E" + ], + [ + "ĠR", + "es" + ], + [ + "Ġh", + "ref" + ], + [ + "Ð", + "¸" + ], + [ + "Ġc", + "ar" + ], + [ + "yp", + "es" + ], + [ + "im", + "age" + ], + [ + "U", + "n" + ], + [ + "Ġbo", + "ol" + ], + [ + "A", + "D" + ], + [ + "Ġg", + "ame" + ], + [ + ".F", + "orm" + ], + [ + "row", + "s" + ], + [ + "*", + "/" + ], + [ + "vel", + "op" + ], + [ + ".D", + "rawing" + ], + [ + "Ġp", + "ath" + ], + [ + "is", + "ion" + ], + [ + "Ġe", + "ach" + ], + [ + "ĠP", + "l" + ], + [ + "_t", + "ype" + ], + [ + "P", + "ath" + ], + [ + "ne", + "ction" + ], + [ + "Ġa", + "v" + ], + [ + "'", + ")." + ], + [ + "Ġsup", + "port" + ], + [ + "EN", + "T" + ], + [ + "re", + "m" + ], + [ + "\"", + ")." + ], + [ + "Ġo", + "wn" + ], + [ + "Ġc", + "or" + ], + [ + "c", + "ount" + ], + [ + "m", + "iss" + ], + [ + "u", + "ally" + ], + [ + "Ġm", + "em" + ], + [ + "st", + "d" + ], + [ + "i", + "ence" + ], + [ + "se", + "arch" + ], + [ + "\"", + "ĊĊ" + ], + [ + "F", + "orm" + ], + [ + "Ġs", + "ex" + ], + [ + "en", + "ame" + ], + [ + "Ġs", + "ign" + ], + [ + "Ġ", + "et" + ], + [ + "ĠĠĠĠĠĠĠĠ", + "ĠĠ" + ], + [ + "',", + "'" + ], + [ + "ĠA", + "pp" + ], + [ + "Ġth", + "ose" + ], + [ + "o", + "ff" + ], + [ + "Ġ", + "err" + ], + [ + "Ġs", + "ystem" + ], + [ + "Ġbe", + "st" + ], + [ + "c", + "ode" + ], + [ + "Ġs", + "ame" + ], + [ + "Ġd", + "i" + ], + [ + "us", + "s" + ], + [ + "Ġc", + "reate" + ], + [ + "ath", + "er" + ], + [ + "A", + "rray" + ], + [ + ".", + "in" + ], + [ + "f", + "e" + ], + [ + "S", + "ervice" + ], + [ + "U", + "N" + ], + [ + "at", + "s" + ], + [ + "Ġ", + "Z" + ], + [ + "al", + "th" + ], + [ + "Ġm", + "ade" + ], + [ + "tr", + "ue" + ], + [ + "A", + "B" + ], + [ + "Ġm", + "ark" + ], + [ + "r", + "id" + ], + [ + "if", + "ied" + ], + [ + ",", + "čĊ" + ], + [ + "y", + "n" + ], + [ + "p", + "ress" + ], + [ + "Ġg", + "roup" + ], + [ + "Ġf", + "in" + ], + [ + "ĠL", + "icense" + ], + [ + "F", + "ield" + ], + [ + "eg", + "er" + ], + [ + "Ġw", + "orld" + ], + [ + "in", + "ess" + ], + [ + "t", + "y" + ], + [ + "Ġpro", + "cess" + ], + [ + "(", + "b" + ], + [ + "Ġc", + "re" + ], + [ + "ar", + "n" + ], + [ + "iv", + "es" + ], + [ + "Ġm", + "ain" + ], + [ + "ide", + "o" + ], + [ + "_", + "g" + ], + [ + "A", + "G" + ], + [ + "val", + "id" + ], + [ + "im", + "g" + ], + [ + "P", + "I" + ], + [ + "Ġc", + "olor" + ], + [ + "Ġre", + "port" + ], + [ + "Ġt", + "ake" + ], + [ + "ri", + "b" + ], + [ + "O", + "M" + ], + [ + "Ġd", + "ay" + ], + [ + "Re", + "quest" + ], + [ + "Ġs", + "k" + ], + [ + "b", + "ers" + ], + [ + "ĉ", + "s" + ], + [ + ".A", + "dd" + ], + [ + "o", + "ot" + ], + [ + "Im", + "age" + ], + [ + "Ġcom", + "ple" + ], + [ + "ol", + "lection" + ], + [ + "Ġto", + "p" + ], + [ + "Ġf", + "ree" + ], + [ + "A", + "S" + ], + [ + "D", + "e" + ], + [ + "ĠO", + "n" + ], + [ + "I", + "G" + ], + [ + "et", + "a" + ], + [ + "D", + "ate" + ], + [ + "Ġa", + "ction" + ], + [ + "O", + "ver" + ], + [ + "it", + "or" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "n", + "ot" + ], + [ + "Ġind", + "ex" + ], + [ + "h", + "er" + ], + [ + "ic", + "on" + ], + [ + "O", + "n" + ], + [ + ";čĊ", + "čĊ" + ], + [ + "iv", + "ity" + ], + [ + "m", + "and" + ], + [ + ".W", + "indows" + ], + [ + "O", + "L" + ], + [ + "Ġre", + "al" + ], + [ + "Ġm", + "ax" + ], + [ + "l", + "and" + ], + [ + "..", + ".." + ], + [ + "r", + "aph" + ], + [ + "Ġbu", + "ild" + ], + [ + "le", + "g" + ], + [ + "ass", + "word" + ], + [ + "?", + "ĊĊ" + ], + [ + "âĢ", + "¦" + ], + [ + "o", + "ok" + ], + [ + "u", + "ck" + ], + [ + "Ġm", + "essage" + ], + [ + "t", + "est" + ], + [ + "iv", + "ers" + ], + [ + "Ġin", + "put" + ], + [ + "Ġar", + "t" + ], + [ + "Ġbet", + "ween" + ], + [ + "G", + "et" + ], + [ + "ent", + "er" + ], + [ + "g", + "round" + ], + [ + "en", + "e" + ], + [ + "Ã", + "¡" + ], + [ + ".l", + "ength" + ], + [ + "N", + "ode" + ], + [ + "(", + "i" + ], + [ + "C", + "lass" + ], + [ + "f", + "or" + ], + [ + "ĠâĢ", + "Ķ" + ], + [ + "t", + "en" + ], + [ + "o", + "in" + ], + [ + "Ġ", + "ke" + ], + [ + "u", + "i" + ], + [ + "ĠI", + "N" + ], + [ + "Ġt", + "able" + ], + [ + "s", + "ub" + ], + [ + "ĠL", + "e" + ], + [ + "Ġhe", + "ad" + ], + [ + "Ġm", + "ust" + ], + [ + "////////", + "////////" + ], + [ + ".", + "util" + ], + [ + "Cont", + "ext" + ], + [ + "Ġor", + "der" + ], + [ + "Ġm", + "ov" + ], + [ + "o", + "ver" + ], + [ + "Ġcont", + "in" + ], + [ + "Ġs", + "ay" + ], + [ + "st", + "atic" + ], + [ + ".T", + "ext" + ], + [ + "Ġclass", + "Name" + ], + [ + "pan", + "y" + ], + [ + "Ġt", + "er" + ], + [ + "he", + "ad" + ], + [ + "r", + "g" + ], + [ + "Ġpro", + "duct" + ], + [ + "Th", + "is" + ], + [ + ".", + "âĢĿ" + ], + [ + "ĠB", + "ut" + ], + [ + "lo", + "y" + ], + [ + "Ġd", + "ouble" + ], + [ + "s", + "g" + ], + [ + "Ġpl", + "ace" + ], + [ + ".", + "x" + ], + [ + "m", + "essage" + ], + [ + "Ġin", + "formation" + ], + [ + "pr", + "ivate" + ], + [ + "Ġo", + "per" + ], + [ + "c", + "ed" + ], + [ + "d", + "b" + ], + [ + "\">", + "" + ], + [ + "ater", + "ial" + ], + [ + "ile", + "d" + ], + [ + "Ġp", + "ut" + ], + [ + "Q", + "u" + ], + [ + "Ñ", + "Ģ" + ], + [ + "un", + "g" + ], + [ + "m", + "ap" + ], + [ + "ĉĉĉĉ", + "ĉĉĉĉ" + ], + [ + "Ġle", + "vel" + ], + [ + "Com", + "ponent" + ], + [ + "bo", + "ok" + ], + [ + "cre", + "en" + ], + [ + "_", + "RE" + ], + [ + "Ġcon", + "fig" + ], + [ + "ã", + "ģ" + ], + [ + "O", + "r" + ], + [ + ".", + "data" + ], + [ + "Ġd", + "ocument" + ], + [ + "\",", + "\"" + ], + [ + "trib", + "ute" + ], + [ + "u", + "x" + ], + [ + "L", + "og" + ], + [ + "fer", + "ence" + ], + [ + "p", + "ost" + ], + [ + "_", + "e" + ], + [ + "Ġloc", + "al" + ], + [ + "and", + "om" + ], + [ + "ass", + "ert" + ], + [ + "V", + "al" + ], + [ + "lect", + "ed" + ], + [ + "in", + "a" + ], + [ + "atab", + "ase" + ], + [ + "A", + "dd" + ], + [ + "Ġcont", + "ent" + ], + [ + ".p", + "rint" + ], + [ + "s", + "igned" + ], + [ + "r", + "ic" + ], + [ + ".\"", + "ĊĊ" + ], + [ + "Ġf", + "a" + ], + [ + "!", + "ĊĊ" + ], + [ + "-", + "f" + ], + [ + "iv", + "ed" + ], + [ + "Ġ", + "quest" + ], + [ + ".", + "ex" + ], + [ + "Ġf", + "loat" + ], + [ + "Ġde", + "velop" + ], + [ + "о", + "Ð" + ], + [ + "M", + "ap" + ], + [ + "ad", + "ing" + ], + [ + "Ġpos", + "s" + ], + [ + "U", + "E" + ], + [ + "n", + "amespace" + ], + [ + "_", + "O" + ], + [ + "ĉ", + "b" + ], + [ + ".G", + "et" + ], + [ + ">", + "(" + ], + [ + "j", + "son" + ], + [ + "etail", + "s" + ], + [ + "Ġto", + "o" + ], + [ + "Ġext", + "ends" + ], + [ + "ĠN", + "one" + ], + [ + "Ġf", + "ore" + ], + [ + "(", + "String" + ], + [ + "form", + "at" + ], + [ + "Ġg", + "reat" + ], + [ + "int", + "er" + ], + [ + "ca", + "le" + ], + [ + "Ñ", + "ģ" + ], + [ + "r", + "on" + ], + [ + "iv", + "ing" + ], + [ + "E", + "nt" + ], + [ + "enc", + "y" + ], + [ + "x", + "t" + ], + [ + "o", + "y" + ], + [ + "Ġmon", + "th" + ], + [ + "Ġh", + "app" + ], + [ + "Ġsup", + "er" + ], + [ + "b", + "ar" + ], + [ + "def", + "ault" + ], + [ + "_", + "de" + ], + [ + "ord", + "s" + ], + [ + "l", + "n" + ], + [ + "(", + "{Ċ" + ], + [ + "ĠI", + "nd" + ], + [ + "as", + "es" + ], + [ + "Ġt", + "itle" + ], + [ + "Ġcont", + "ext" + ], + [ + "o", + "h" + ], + [ + "-", + "p" + ], + [ + "E", + "m" + ], + [ + "Ġm", + "et" + ], + [ + "T", + "est" + ], + [ + "Ġl", + "ife" + ], + [ + "_", + "v" + ], + [ + "ĠU", + "S" + ], + [ + "U", + "I" + ], + [ + "oc", + "ation" + ], + [ + "m", + "d" + ], + [ + "Ġ[", + "Ċ" + ], + [ + "Ġ", + "]" + ], + [ + "s", + "w" + ], + [ + "Ġin", + "cre" + ], + [ + "s", + "cript" + ], + [ + "ent", + "ial" + ], + [ + "w", + "ays" + ], + [ + ".", + "de" + ], + [ + "Ġs", + "rc" + ], + [ + "Ġc", + "atch" + ], + [ + "ĠA", + "meric" + ], + [ + "//", + "Ċ" + ], + [ + "ĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠ" + ], + [ + "Ġp", + "ay" + ], + [ + "pl", + "it" + ], + [ + "âĢ", + "Ķ" + ], + [ + "Ġc", + "oun" + ], + [ + "ob", + "j" + ], + [ + ".ph", + "p" + ], + [ + "Ġch", + "ange" + ], + [ + "eth", + "ing" + ], + [ + "'", + "re" + ], + [ + "ast", + "er" + ], + [ + "lo", + "s" + ], + [ + "l", + "ation" + ], + [ + "ĠĠ", + "Ċ" + ], + [ + "L", + "e" + ], + [ + "Ã", + "¤" + ], + [ + "(", + "{" + ], + [ + "read", + "y" + ], + [ + "ĠN", + "o" + ], + [ + "Ġpos", + "ition" + ], + [ + "Ġo", + "ld" + ], + [ + "Ġbo", + "ok" + ], + [ + "able", + "d" + ], + [ + "b", + "ug" + ], + [ + "H", + "and" + ], + [ + "}", + ";ĊĊ" + ], + [ + "is", + "play" + ], + [ + "av", + "ing" + ], + [ + "Ġgo", + "ver" + ], + [ + "Ġv", + "ersion" + ], + [ + "S", + "ystem" + ], + [ + "n", + "ect" + ], + [ + "res", + "ponse" + ], + [ + "St", + "yle" + ], + [ + "U", + "p" + ], + [ + "ang", + "u" + ], + [ + "Ġth", + "ree" + ], + [ + "in", + "it" + ], + [ + "er", + "o" + ], + [ + "Ġl", + "aw" + ], + [ + "end", + "if" + ], + [ + "Ġb", + "ase" + ], + [ + "em", + "ail" + ], + [ + "(", + "l" + ], + [ + "_", + "V" + ], + [ + "Ġcon", + "f" + ], + [ + "AT", + "E" + ], + [ + "Ġd", + "uring" + ], + [ + "t", + "es" + ], + [ + "Ġcon", + "sole" + ], + [ + "ĠP", + "r" + ], + [ + "Ġs", + "pe" + ], + [ + "v", + "es" + ], + [ + "p", + "ath" + ], + [ + "ial", + "og" + ], + [ + "d", + "ition" + ], + [ + "_t", + "o" + ], + [ + "ard", + "s" + ], + [ + "Ġagain", + "st" + ], + [ + "et", + "work" + ], + [ + "ĠP", + "h" + ], + [ + "_", + "L" + ], + [ + "c", + "ur" + ], + [ + "im", + "it" + ], + [ + "W", + "ith" + ], + [ + "Ġp", + "ower" + ], + [ + "i", + "um" + ], + [ + "'", + ";ĊĊ" + ], + [ + "Ġw", + "om" + ], + [ + "le", + "ft" + ], + [ + "our", + "ces" + ], + [ + "at", + "ri" + ], + [ + "ĠI", + "m" + ], + [ + "ĠM", + "an" + ], + [ + "or", + "th" + ], + [ + "$", + "{" + ], + [ + "qu", + "als" + ], + [ + "es", + "e" + ], + [ + "_s", + "ize" + ], + [ + "Ġis", + "s" + ], + [ + "ot", + "al" + ], + [ + "-", + "g" + ], + [ + "i", + "que" + ], + [ + "r", + "ame" + ], + [ + "Ġw", + "idth" + ], + [ + "er", + "g" + ], + [ + ")", + "(" + ], + [ + "itt", + "le" + ], + [ + "T", + "R" + ], + [ + "ĠThe", + "y" + ], + [ + "enc", + "es" + ], + [ + "r", + "l" + ], + [ + "on", + "s" + ], + [ + "Ġl", + "abel" + ], + [ + ".", + "y" + ], + [ + "-", + "t" + ], + [ + "up", + "date" + ], + [ + "an", + "el" + ], + [ + "s", + "c" + ], + [ + ".t", + "o" + ], + [ + "Ġpro", + "ject" + ], + [ + "Ã", + "¼" + ], + [ + "Ġe", + "lement" + ], + [ + "Ġsu", + "ccess" + ], + [ + "ĉĉ", + "Ċ" + ], + [ + ".s", + "h" + ], + [ + "r", + "am" + ], + [ + "ch", + "ed" + ], + [ + "()", + ")Ċ" + ], + [ + "Ġ(", + "Ċ" + ], + [ + "Ġd", + "ate" + ], + [ + "Ġto", + "t" + ], + [ + "_", + "ST" + ], + [ + "A", + "ll" + ], + [ + "ific", + "ation" + ], + [ + "ĉ", + "var" + ], + [ + "Ġt", + "ri" + ], + [ + "ch", + "em" + ], + [ + "m", + "y" + ], + [ + "Ġb", + "ig" + ], + [ + "ĠA", + "d" + ], + [ + "ĠA", + "t" + ], + [ + "ot", + "s" + ], + [ + "n", + "um" + ], + [ + "A", + "ct" + ], + [ + "Ġm", + "ap" + ], + [ + "er", + "a" + ], + [ + "co", + "pe" + ], + [ + ".", + "$" + ], + [ + ",", + "âĢĿ" + ], + [ + "Ġp", + "op" + ], + [ + "Ġf", + "ew" + ], + [ + "Ġl", + "en" + ], + [ + "u", + "id" + ], + [ + "et", + "ers" + ], + [ + "u", + "les" + ], + [ + "Ã", + "Ń" + ], + [ + "s", + "ource" + ], + [ + "http", + "s" + ], + [ + "Ġd", + "em" + ], + [ + "Ġe", + "ar" + ], + [ + "########", + "########" + ], + [ + "Ġm", + "atch" + ], + [ + "or", + "ies" + ], + [ + "ac", + "es" + ], + [ + "ĠC", + "l" + ], + [ + "Ġn", + "ode" + ], + [ + "ir", + "c" + ], + [ + "loc", + "al" + ], + [ + "un", + "ity" + ], + [ + "}", + ";Ċ" + ], + [ + "Ġan", + "other" + ], + [ + "<", + "<" + ], + [ + "og", + "le" + ], + [ + "Ġs", + "it" + ], + [ + "ew", + "ork" + ], + [ + "T", + "E" + ], + [ + ".", + "I" + ], + [ + "N", + "S" + ], + [ + "olog", + "y" + ], + [ + "ou", + "ght" + ], + [ + ".C", + "ont" + ], + [ + ">", + ">" + ], + [ + "Ġc", + "are" + ], + [ + "st", + "ate" + ], + [ + "ĉ", + "private" + ], + [ + "Ġe", + "ffect" + ], + [ + "++", + ")" + ], + [ + "_f", + "ile" + ], + [ + "end", + "ing" + ], + [ + "L", + "ine" + ], + [ + "F", + "or" + ], + [ + "i", + "or" + ], + [ + "ĠS", + "c" + ], + [ + "Ġf", + "un" + ], + [ + ".S", + "ize" + ], + [ + "ĉ", + "else" + ], + [ + "]", + ")" + ], + [ + "st", + "art" + ], + [ + "v", + "ious" + ], + [ + "Ġ}", + "," + ], + [ + "our", + "s" + ], + [ + "Ġle", + "g" + ], + [ + "Ġs", + "ervice" + ], + [ + "Ġs", + "ince" + ], + [ + "ir", + "on" + ], + [ + "L", + "abel" + ], + [ + "Ġn", + "on" + ], + [ + "Ġl", + "os" + ], + [ + "ict", + "ion" + ], + [ + "Ġf", + "ull" + ], + [ + "act", + "er" + ], + [ + "bo", + "ard" + ], + [ + "g", + "ress" + ], + [ + "Ġt", + "urn" + ], + [ + "ith", + "er" + ], + [ + ".s", + "ize" + ], + [ + "Ġb", + "ody" + ], + [ + "res", + "h" + ], + [ + "et", + "urn" + ], + [ + "(", + "_" + ], + [ + "y", + "les" + ], + [ + "orm", + "al" + ], + [ + "p", + "i" + ], + [ + "Ġsom", + "ething" + ], + [ + "!", + "--" + ], + [ + "u", + "int" + ], + [ + "Ġpro", + "du" + ], + [ + "Ġst", + "and" + ], + [ + "Ġpro", + "ble" + ], + [ + "Ġav", + "ailable" + ], + [ + "m", + "t" + ], + [ + "ĠB", + "l" + ], + [ + "Ġ", + "..." + ], + [ + "Ġb", + "lock" + ], + [ + "In", + "put" + ], + [ + "Ġke", + "ep" + ], + [ + "C", + "ount" + ], + [ + "op", + "en" + ], + [ + "Ġ[", + "'" + ], + [ + "Ġth", + "row" + ], + [ + "uild", + "er" + ], + [ + "A", + "ction" + ], + [ + "Ġth", + "ings" + ], + [ + "Tr", + "ue" + ], + [ + "Ġ", + "url" + ], + [ + "ĠB", + "o" + ], + [ + "print", + "f" + ], + [ + "Ġre", + "d" + ], + [ + "j", + "s" + ], + [ + ".c", + "reate" + ], + [ + "ĠO", + "r" + ], + [ + "St", + "atus" + ], + [ + "In", + "stance" + ], + [ + "Ġcont", + "rol" + ], + [ + "Ġcom", + "e" + ], + [ + "Ġc", + "ustom" + ], + [ + "loc", + "ation" + ], + [ + "m", + "odel" + ], + [ + "Ġ", + "čĊ" + ], + [ + "Ġs", + "ource" + ], + [ + "Ġe", + "as" + ], + [ + ".", + "out" + ], + [ + "]", + "ĊĊ" + ], + [ + "one", + "y" + ], + [ + "Ġaw", + "ait" + ], + [ + "Ġpart", + "ic" + ], + [ + "A", + "P" + ], + [ + "ub", + "lish" + ], + [ + "od", + "es" + ], + [ + "_p", + "ro" + ], + [ + "p", + "ly" + ], + [ + "rit", + "er" + ], + [ + "Ġpro", + "v" + ], + [ + "Ġm", + "ill" + ], + [ + "H", + "T" + ], + [ + "]", + ")Ċ" + ], + [ + "Ġch", + "ang" + ], + [ + "Ġas", + "k" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠ" + ], + [ + "Ġout", + "put" + ], + [ + "Ġem", + "ail" + ], + [ + ".p", + "ush" + ], + [ + "Ġ}", + "čĊčĊ" + ], + [ + "in", + "ation" + ], + [ + "atri", + "x" + ], + [ + "T", + "able" + ], + [ + "u", + "ccess" + ], + [ + "]", + ");Ċ" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "Ġdis", + "c" + ], + [ + "(", + "[" + ], + [ + "Ġb", + "usiness" + ], + [ + "he", + "ight" + ], + [ + ".", + "html" + ], + [ + "t", + "a" + ], + [ + "f", + "ield" + ], + [ + "Ġrequire", + "d" + ], + [ + "_", + "R" + ], + [ + "Ġgover", + "n" + ], + [ + "}", + "čĊčĊ" + ], + [ + "le", + "x" + ], + [ + ".", + "," + ], + [ + "ĠS", + "et" + ], + [ + "ur", + "ch" + ], + [ + "//", + "/" + ], + [ + "t", + "s" + ], + [ + "a", + "f" + ], + [ + "Ġm", + "ight" + ], + [ + "ist", + "ory" + ], + [ + "S", + "tr" + ], + [ + "Ġne", + "ver" + ], + [ + "Res", + "ponse" + ], + [ + "ar", + "se" + ], + [ + "ad", + "a" + ], + [ + "ĠH", + "ow" + ], + [ + "Ġ*", + ")" + ], + [ + "Ġ", + ";" + ], + [ + "Ġh", + "ard" + ], + [ + "A", + "d" + ], + [ + "Ġinter", + "n" + ], + [ + "us", + "ed" + ], + [ + "(", + "data" + ], + [ + "m", + "od" + ], + [ + "ann", + "el" + ], + [ + "Ġn", + "p" + ], + [ + "ug", + "g" + ], + [ + "Ġ/", + ">Ċ" + ], + [ + "Ġcal", + "led" + ], + [ + "b", + "ody" + ], + [ + "Ġch", + "o" + ], + [ + "(", + "r" + ], + [ + "_s", + "et" + ], + [ + "ir", + "d" + ], + [ + "Ġ>", + "=" + ], + [ + "Ġ}", + ";Ċ" + ], + [ + "Ġo", + "ptions" + ], + [ + "ĠG", + "ener" + ], + [ + "Ġhe", + "ight" + ], + [ + "P", + "oint" + ], + [ + "Y", + "ou" + ], + [ + "et", + "y" + ], + [ + "C", + "lick" + ], + [ + "Ġsm", + "all" + ], + [ + "Ġ", + "ide" + ], + [ + "Ġacc", + "ess" + ], + [ + "angu", + "age" + ], + [ + "Ġprot", + "ected" + ], + [ + "Ġj", + "ob" + ], + [ + "ĠTh", + "ere" + ], + [ + "D", + "ef" + ], + [ + "Ġadd", + "ress" + ], + [ + "Ġu", + "int" + ], + [ + "N", + "ot" + ], + [ + "o", + "o" + ], + [ + "ap", + "s" + ], + [ + "<", + "div" + ], + [ + "ain", + "ed" + ], + [ + "at", + "ur" + ], + [ + "Ġs", + "um" + ], + [ + "-", + "w" + ], + [ + "ĠD", + "ate" + ], + [ + "Ġl", + "ittle" + ], + [ + "Ġf", + "ri" + ], + [ + "Y", + "PE" + ], + [ + "Ġp", + "ort" + ], + [ + "e", + "h" + ], + [ + "pr", + "ing" + ], + [ + "_p", + "ath" + ], + [ + "Ġst", + "atus" + ], + [ + "a", + "im" + ], + [ + "bo", + "ol" + ], + [ + "Ġap", + "pe" + ], + [ + "Ġo", + "s" + ], + [ + ".", + "name" + ], + [ + "ens", + "ion" + ], + [ + "_", + "G" + ], + [ + "Ġup", + "date" + ], + [ + "Con", + "fig" + ], + [ + "a", + "ff" + ], + [ + "ER", + "R" + ], + [ + "Ġ<", + "=" + ], + [ + "at", + "ely" + ], + [ + "#", + "if" + ], + [ + "u", + "ction" + ], + [ + "ĠT", + "e" + ], + [ + "Ġl", + "ink" + ], + [ + "ĠU", + "ser" + ], + [ + ".f", + "ind" + ], + [ + ".", + "org" + ], + [ + "m", + "e" + ], + [ + "Ġg", + "iven" + ], + [ + "O", + "ut" + ], + [ + "#", + "endif" + ], + [ + "Ġbet", + "ter" + ], + [ + "P", + "age" + ], + [ + "Ġfe", + "el" + ], + [ + "en", + "n" + ], + [ + "M", + "L" + ], + [ + "Ġal", + "ready" + ], + [ + "Ġinclud", + "ing" + ], + [ + "o", + "ogle" + ], + [ + "r", + "u" + ], + [ + "ic", + "ally" + ], + [ + "pro", + "p" + ], + [ + "le", + "an" + ], + [ + "out", + "er" + ], + [ + "Ġal", + "ways" + ], + [ + "ord", + "ing" + ], + [ + "I", + "f" + ], + [ + "or", + "age" + ], + [ + "Ġp", + "arent" + ], + [ + "v", + "is" + ], + [ + "ĉĉĉĉ", + "ĉĉĉ" + ], + [ + "Ġg", + "ot" + ], + [ + "st", + "and" + ], + [ + "Ġle", + "ss" + ], + [ + "/", + "s" + ], + [ + "ĠA", + "ss" + ], + [ + "ap", + "t" + ], + [ + "ire", + "d" + ], + [ + "ĠA", + "dd" + ], + [ + "Ġacc", + "ount" + ], + [ + "p", + "loy" + ], + [ + "Ġd", + "er" + ], + [ + "res", + "ent" + ], + [ + "Ġl", + "ot" + ], + [ + "Ġval", + "id" + ], + [ + "ĉ", + "d" + ], + [ + "Ġb", + "it" + ], + [ + "pon", + "ents" + ], + [ + "Ġfollow", + "ing" + ], + [ + "_", + "ex" + ], + [ + "S", + "ON" + ], + [ + "Ġs", + "ure" + ], + [ + "oc", + "ial" + ], + [ + "Ġp", + "rom" + ], + [ + "ert", + "ies" + ], + [ + "he", + "ader" + ], + [ + ".p", + "ro" + ], + [ + "Ġbo", + "olean" + ], + [ + "Ġse", + "arch" + ], + [ + "k", + "en" + ], + [ + "Ġor", + "ig" + ], + [ + "Ġ", + "er" + ], + [ + "E", + "d" + ], + [ + "E", + "M" + ], + [ + "a", + "ut" + ], + [ + "l", + "ing" + ], + [ + "al", + "ity" + ], + [ + "By", + "Id" + ], + [ + "b", + "ed" + ], + [ + "ĉc", + "ase" + ], + [ + "eth", + "er" + ], + [ + "pos", + "it" + ], + [ + "Ġinv", + "est" + ], + [ + "ĠO", + "R" + ], + [ + "Ġs", + "ays" + ], + [ + "miss", + "ion" + ], + [ + "AM", + "E" + ], + [ + "Ġtem", + "p" + ], + [ + "o", + "ad" + ], + [ + "Ġre", + "st" + ], + [ + "in", + "fo" + ], + [ + "Ġinter", + "est" + ], + [ + "A", + "rg" + ], + [ + "Ġper", + "form" + ], + [ + "pon", + "s" + ], + [ + "ĠV", + "iew" + ], + [ + "Ġv", + "er" + ], + [ + "l", + "ib" + ], + [ + "(", + "const" + ], + [ + "U", + "til" + ], + [ + "List", + "ener" + ], + [ + "ar", + "ge" + ], + [ + "Ġm", + "ult" + ], + [ + "Ġd", + "ie" + ], + [ + "Ġs", + "ite" + ], + [ + "../", + "../" + ], + [ + "E", + "L" + ], + [ + "Ġval", + "ues" + ], + [ + "Ġ}", + ")Ċ" + ], + [ + "p", + "en" + ], + [ + "N", + "o" + ], + [ + "ic", + "ro" + ], + [ + "Ġbe", + "h" + ], + [ + "Ġ'", + "./" + ], + [ + "ac", + "y" + ], + [ + "re", + "c" + ], + [ + "()", + "->" + ], + [ + "ĉ", + "ĠĠĠ" + ], + [ + "\"", + "))" + ], + [ + "Cont", + "ent" + ], + [ + "_", + "W" + ], + [ + "ple", + "ment" + ], + [ + "Ġw", + "on" + ], + [ + "Ġv", + "ideo" + ], + [ + "ad", + "i" + ], + [ + "p", + "oint" + ], + [ + "%", + "%" + ], + [ + "Ġg", + "l" + ], + [ + "erv", + "ed" + ], + [ + "v", + "iron" + ], + [ + "I", + "F" + ], + [ + "ut", + "ed" + ], + [ + "ã", + "ĥ" + ], + [ + "'", + "m" + ], + [ + "Ġc", + "ert" + ], + [ + "Ġpro", + "f" + ], + [ + "Ġc", + "ell" + ], + [ + "ar", + "i" + ], + [ + "Ġpl", + "ayer" + ], + [ + "a", + "is" + ], + [ + "Ġc", + "ost" + ], + [ + "Ġh", + "um" + ], + [ + "(", + "R" + ], + [ + "Ġoff", + "ic" + ], + [ + "k", + "s" + ], + [ + ".t", + "ext" + ], + [ + "at", + "ures" + ], + [ + "Ġtot", + "al" + ], + [ + "Ġ*/", + "ĊĊ" + ], + [ + "o", + "pe" + ], + [ + "Ġst", + "at" + ], + [ + "U", + "M" + ], + [ + "Ġlo", + "ad" + ], + [ + "ight", + "s" + ], + [ + "Ġc", + "lear" + ], + [ + "u", + "ro" + ], + [ + "Ġte", + "chn" + ], + [ + "up", + "port" + ], + [ + "I", + "R" + ], + [ + "Ġ", + "row" + ], + [ + "Ġse", + "em" + ], + [ + "Ġ", + "q" + ], + [ + "Ġsh", + "ort" + ], + [ + "ĠN", + "ot" + ], + [ + "ip", + "p" + ], + [ + "G", + "roup" + ], + [ + "se", + "ction" + ], + [ + "m", + "ax" + ], + [ + "ir", + "l" + ], + [ + "Ġover", + "ride" + ], + [ + "Ġcom", + "pany" + ], + [ + "Ġd", + "one" + ], + [ + "\"", + ");čĊ" + ], + [ + "Ġg", + "re" + ], + [ + ".", + "Re" + ], + [ + "Ġbel", + "ie" + ], + [ + "r", + "ist" + ], + [ + "Ġhe", + "alth" + ], + [ + "AN", + "T" + ], + [ + "()", + "ĊĊ" + ], + [ + "ĠB", + "e" + ], + [ + ".", + "value" + ], + [ + "ĠG", + "r" + ], + [ + "ott", + "om" + ], + [ + "Ġarg", + "s" + ], + [ + "P", + "T" + ], + [ + "st", + "atus" + ], + [ + "f", + "unc" + ], + [ + "um", + "ents" + ], + [ + "-", + "h" + ], + [ + "N", + "umber" + ], + [ + ":", + "čĊ" + ], + [ + "ĠL", + "og" + ], + [ + "er", + "ver" + ], + [ + "Ġ)", + ",Ċ" + ], + [ + "am", + "ent" + ], + [ + "Ġob", + "j" + ], + [ + "in", + "c" + ], + [ + "Ġchild", + "ren" + ], + [ + "ic", + "y" + ], + [ + "I", + "Z" + ], + [ + "and", + "s" + ], + [ + "ab", + "ly" + ], + [ + "Ġdist", + "rib" + ], + [ + "Ġc", + "ur" + ], + [ + "er", + "ial" + ], + [ + "Ġd", + "ays" + ], + [ + "re", + "ated" + ], + [ + "re", + "ct" + ], + [ + "-", + "l" + ], + [ + "ir", + "m" + ], + [ + "idd", + "en" + ], + [ + "om", + "b" + ], + [ + "Ġin", + "itial" + ], + [ + ".j", + "s" + ], + [ + "Ġ", + "â" + ], + [ + "Qu", + "ery" + ], + [ + "Ġon", + "line" + ], + [ + "im", + "al" + ], + [ + ".", + "con" + ], + [ + "a", + "u" + ], + [ + "U", + "rl" + ], + [ + "cont", + "rol" + ], + [ + "ire", + "ction" + ], + [ + "Ġin", + "stance" + ], + [ + "OR", + "T" + ], + [ + "ĠF", + "r" + ], + [ + "wh", + "ere" + ], + [ + "Ġjav", + "ax" + ], + [ + "Ġorg", + "an" + ], + [ + "ap", + "ter" + ], + [ + "Ġre", + "ason" + ], + [ + "o", + "ptions" + ], + [ + "ĠM", + "ar" + ], + [ + "(", + "a" + ], + [ + "Ġwith", + "in" + ], + [ + ".âĢĿ", + "ĊĊ" + ], + [ + "O", + "DE" + ], + [ + "_", + "DE" + ], + [ + "ad", + "min" + ], + [ + "end", + "ed" + ], + [ + "Ġdes", + "ign" + ], + [ + "ĠD", + "ata" + ], + [ + "un", + "e" + ], + [ + "ĠF", + "ile" + ], + [ + "ro", + "ot" + ], + [ + "Ġc", + "ent" + ], + [ + "Ġa", + "rr" + ], + [ + "_", + "add" + ], + [ + "l", + "en" + ], + [ + "p", + "age" + ], + [ + ",", + "'" + ], + [ + "_", + "str" + ], + [ + "Ġb", + "ro" + ], + [ + "ab", + "ility" + ], + [ + "ou", + "th" + ], + [ + "/", + "c" + ], + [ + "p", + "ose" + ], + [ + "irt", + "ual" + ], + [ + "ear", + "ch" + ], + [ + "_", + "url" + ], + [ + "arg", + "in" + ], + [ + "H", + "ttp" + ], + [ + "Ġs", + "chool" + ], + [ + "av", + "a" + ], + [ + "Ġcons", + "ider" + ], + [ + ".l", + "abel" + ], + [ + "ĠA", + "rray" + ], + [ + "we", + "b" + ], + [ + "o", + "pt" + ], + [ + ".print", + "ln" + ], + [ + "ul", + "ation" + ], + [ + "Ġf", + "unc" + ], + [ + "P", + "L" + ], + [ + "Ġ\"", + "\\" + ], + [ + "ĠT", + "ext" + ], + [ + "act", + "ory" + ], + [ + "(f", + "unction" + ], + [ + "n", + "ull" + ], + [ + "Ġen", + "g" + ], + [ + "d", + "own" + ], + [ + "Ġin", + "clude" + ], + [ + "ĠE", + "n" + ], + [ + "ĠD", + "r" + ], + [ + "Ġd", + "b" + ], + [ + "!", + "!" + ], + [ + "s", + "ide" + ], + [ + "Ġin", + "it" + ], + [ + "quire", + "d" + ], + [ + "ĠS", + "he" + ], + [ + "C", + "olumn" + ], + [ + "re", + "act" + ], + [ + "Ġan", + "n" + ], + [ + "Ġst", + "op" + ], + [ + "Ġl", + "ater" + ], + [ + "ĠTh", + "at" + ], + [ + "ent", + "ion" + ], + [ + "d", + "f" + ], + [ + "U", + "G" + ], + [ + "I", + "LE" + ], + [ + "Ġc", + "lient" + ], + [ + "ra", + "ft" + ], + [ + "ff", + "er" + ], + [ + "PO", + "ST" + ], + [ + "el", + "per" + ], + [ + "Ġlo", + "ve" + ], + [ + "qu", + "ote" + ], + [ + "ou", + "d" + ], + [ + "Ġj", + "son" + ], + [ + "Ġab", + "le" + ], + [ + "Ġm", + "en" + ], + [ + "A", + "X" + ], + [ + "ĠC", + "opyright" + ], + [ + "Ã", + "¶" + ], + [ + "av", + "ig" + ], + [ + "re", + "q" + ], + [ + "C", + "lient" + ], + [ + "}", + ");Ċ" + ], + [ + ".C", + "om" + ], + [ + "er", + "c" + ], + [ + "il", + "t" + ], + [ + "pec", + "ial" + ], + [ + "_c", + "om" + ], + [ + "ro", + "om" + ], + [ + ".", + "Name" + ], + [ + "Ġg", + "ive" + ], + [ + "am", + "b" + ], + [ + "i", + "ke" + ], + [ + "Ġcon", + "dition" + ], + [ + "cl", + "ient" + ], + [ + "ator", + "s" + ], + [ + ":", + "\"" + ], + [ + "Ġc", + "opy" + ], + [ + "ut", + "ure" + ], + [ + "ivers", + "ity" + ], + [ + "ern", + "al" + ], + [ + "{", + "{" + ], + [ + "ĠC", + "an" + ], + [ + "ou", + "nc" + ], + [ + "d", + "o" + ], + [ + "Ġo", + "cc" + ], + [ + "Ġapp", + "ro" + ], + [ + "th", + "ers" + ], + [ + "z", + "e" + ], + [ + "Ġe", + "ither" + ], + [ + "ĠF", + "l" + ], + [ + "Ġimport", + "ant" + ], + [ + "Ġle", + "ad" + ], + [ + "at", + "tr" + ], + [ + "AR", + "T" + ], + [ + "E", + "qual" + ], + [ + "Ġd", + "a" + ], + [ + "et", + "ch" + ], + [ + "ent", + "ity" + ], + [ + "Ġfam", + "ily" + ], + [ + "add", + "ing" + ], + [ + "Ġo", + "ption" + ], + [ + "Ġex", + "ist" + ], + [ + "ic", + "a" + ], + [ + "ĠO", + "bject" + ], + [ + "'", + "ve" + ], + [ + "v", + "ers" + ], + [ + "ition", + "al" + ], + [ + "out", + "put" + ], + [ + "ĠTr", + "ue" + ], + [ + "ĠO", + "F" + ], + [ + "_t", + "ime" + ], + [ + "Ġof", + "fer" + ], + [ + "Ġ}", + ");ĊĊ" + ], + [ + "H", + "ER" + ], + [ + "eg", + "in" + ], + [ + "\"", + "\"" + ], + [ + "Ġw", + "ater" + ], + [ + "Ġc", + "he" + ], + [ + "ĠM", + "y" + ], + [ + "ore", + "d" + ], + [ + "Ġst", + "ep" + ], + [ + "anc", + "es" + ], + [ + "C", + "K" + ], + [ + "A", + "Y" + ], + [ + "à", + "¸" + ], + [ + "str", + "uction" + ], + [ + "(", + "C" + ], + [ + "ou", + "ch" + ], + [ + "St", + "ream" + ], + [ + "act", + "ive" + ], + [ + "am", + "a" + ], + [ + "Ent", + "ity" + ], + [ + "pro", + "duct" + ], + [ + "()", + "{Ċ" + ], + [ + "Ġgovern", + "ment" + ], + [ + "ĠI", + "D" + ], + [ + "aj", + "or" + ], + [ + "A", + "nd" + ], + [ + "Ġdis", + "play" + ], + [ + "Ð", + "»" + ], + [ + "Ġt", + "imes" + ], + [ + "Ġf", + "our" + ], + [ + "Ġf", + "ar" + ], + [ + "Ġpres", + "ent" + ], + [ + "ĠN", + "S" + ], + [ + "Ġ\\", + "Ċ" + ], + [ + "ue", + "st" + ], + [ + "Ġb", + "as" + ], + [ + "e", + "cho" + ], + [ + "ch", + "ild" + ], + [ + "if", + "ier" + ], + [ + "Hand", + "ler" + ], + [ + "Ġl", + "ib" + ], + [ + "Prop", + "erty" + ], + [ + "trans", + "lation" + ], + [ + "Ġro", + "om" + ], + [ + "Ġon", + "ce" + ], + [ + "Ġ[", + "]" + ], + [ + "cent", + "er" + ], + [ + "================", + "================" + ], + [ + "Ġresult", + "s" + ], + [ + "Ġcontin", + "ue" + ], + [ + "Ġt", + "alk" + ], + [ + "_", + "get" + ], + [ + "Ġg", + "row" + ], + [ + ".s", + "w" + ], + [ + "e", + "b" + ], + [ + "ĠP", + "ublic" + ], + [ + "O", + "P" + ], + [ + "ec", + "ute" + ], + [ + "ol", + "s" + ], + [ + "Ġ", + "**" + ], + [ + "\"", + ");ĊĊ" + ], + [ + "Ġm", + "ass" + ], + [ + "ure", + "d" + ], + [ + ".c", + "lass" + ], + [ + "om", + "ic" + ], + [ + "Ġme", + "an" + ], + [ + "ip", + "s" + ], + [ + "Ġa", + "ut" + ], + [ + ");čĊ", + "čĊ" + ], + [ + "Ġun", + "til" + ], + [ + "Ġmark", + "et" + ], + [ + "Ġare", + "a" + ], + [ + "u", + "it" + ], + [ + "Ġl", + "ength" + ], + [ + "ĠW", + "ith" + ], + [ + "struct", + "or" + ], + [ + "e", + "vent" + ], + [ + "\">", + "<" + ], + [ + "ĠS", + "p" + ], + [ + "I", + "V" + ], + [ + "Ġm", + "us" + ], + [ + "if", + "f" + ], + [ + "Ġk", + "ind" + ], + [ + "a", + "uthor" + ], + [ + "ound", + "s" + ], + [ + "m", + "b" + ], + [ + "_", + "key" + ], + [ + "w", + "idth" + ], + [ + "posit", + "ory" + ], + [ + "Ġl", + "ight" + ], + [ + "u", + "k" + ], + [ + "R", + "ow" + ], + [ + "oh", + "n" + ], + [ + "al", + "f" + ], + [ + "viron", + "ment" + ], + [ + "app", + "er" + ], + [ + "ollection", + "s" + ], + [ + "Ġs", + "ide" + ], + [ + "_in", + "fo" + ], + [ + "Ġex", + "ample" + ], + [ + "im", + "ary" + ], + [ + "Ġw", + "r" + ], + [ + "Ġc", + "amp" + ], + [ + "cri", + "be" + ], + [ + "\"", + "/" + ], + [ + "Ġm", + "iss" + ], + [ + "w", + "ay" + ], + [ + "Ġb", + "ased" + ], + [ + "Ġpl", + "an" + ], + [ + "V", + "is" + ], + [ + "om", + "ain" + ], + [ + "un", + "k" + ], + [ + "Ġaw", + "ay" + ], + [ + "U", + "P" + ], + [ + "<", + "T" + ], + [ + "O", + "S" + ], + [ + "i", + "od" + ], + [ + "ĠM", + "on" + ], + [ + "âĢĻ", + "re" + ], + [ + "Ġli", + "k" + ], + [ + "Ã", + "§" + ], + [ + "iv", + "ely" + ], + [ + ".", + "v" + ], + [ + "im", + "er" + ], + [ + "iz", + "er" + ], + [ + "S", + "ub" + ], + [ + "Ġbut", + "ton" + ], + [ + "ĠU", + "p" + ], + [ + "Ġexper", + "ience" + ], + [ + "C", + "L" + ], + [ + "Ġre", + "nder" + ], + [ + "_", + "value" + ], + [ + "Ġn", + "ear" + ], + [ + "UR", + "L" + ], + [ + "al", + "t" + ], + [ + "Ġcoun", + "try" + ], + [ + "ib", + "ility" + ], + [ + "()", + ",Ċ" + ], + [ + "e", + "ad" + ], + [ + "Ġa", + "uthor" + ], + [ + "Ġspec", + "ific" + ], + [ + "b", + "ase" + ], + [ + "(", + "name" + ], + [ + "on", + "es" + ], + [ + "ĠD", + "o" + ], + [ + "Ġal", + "ong" + ], + [ + "y", + "ear" + ], + [ + "Ġexp", + "ress" + ], + [ + ".", + "'" + ], + [ + "en", + "v" + ], + [ + "Ġbeg", + "in" + ], + [ + "Ġso", + "ftware" + ], + [ + "Ġim", + "p" + ], + [ + "Ġw", + "in" + ], + [ + "ó", + "n" + ], + [ + "Ġth", + "ing" + ], + [ + "Tr", + "ans" + ], + [ + "ĠT", + "HE" + ], + [ + "Ġ<", + "?" + ], + [ + "Ġwh", + "y" + ], + [ + "Ġdoes", + "n" + ], + [ + "i", + "j" + ], + [ + "g", + "ing" + ], + [ + "ĉ", + "g" + ], + [ + "Ġs", + "ingle" + ], + [ + "off", + "set" + ], + [ + "ar", + "ning" + ], + [ + "og", + "raph" + ], + [ + "le", + "y" + ], + [ + "_c", + "ount" + ], + [ + "Ġan", + "al" + ], + [ + "cre", + "ate" + ], + [ + "/", + "m" + ], + [ + "ĠR", + "eg" + ], + [ + "un", + "ch" + ], + [ + "=", + "$" + ], + [ + "is", + "k" + ], + [ + "Ġright", + "s" + ], + [ + "(", + "M" + ], + [ + "Ġ\"\"", + "\"Ċ" + ], + [ + "ap", + "er" + ], + [ + ".m", + "odel" + ], + [ + "Ġp", + "o" + ], + [ + "em", + "pty" + ], + [ + "art", + "ment" + ], + [ + "Ġa", + "nt" + ], + [ + "ĠWh", + "en" + ], + [ + "Ġwom", + "en" + ], + [ + "ĠE", + "d" + ], + [ + "Ġse", + "ason" + ], + [ + "Ġde", + "st" + ], + [ + "Ã", + "£" + ], + [ + "(", + "h" + ], + [ + "Ġposs", + "ible" + ], + [ + "Ġse", + "ver" + ], + [ + "Ġb", + "tn" + ], + [ + "Ġdid", + "n" + ], + [ + "Ġs", + "ent" + ], + [ + "Ġen", + "c" + ], + [ + "Ġcomm", + "and" + ], + [ + "Ġ", + "],Ċ" + ], + [ + "_", + "x" + ], + [ + "Ġre", + "cent" + ], + [ + "ol", + "ution" + ], + [ + "v", + "ector" + ], + [ + "ĠB", + "y" + ], + [ + "ĠM", + "ay" + ], + [ + "ĠA", + "ct" + ], + [ + "»", + "¿" + ], + [ + "Ġm", + "oney" + ], + [ + "IN", + "T" + ], + [ + "bs", + "ite" + ], + [ + "ĉ", + "p" + ], + [ + ".", + "čĊ" + ], + [ + "ï", + "»¿" + ], + [ + "s", + "l" + ], + [ + "atter", + "n" + ], + [ + "ĠC", + "lass" + ], + [ + "Ġto", + "ld" + ], + [ + "ud", + "io" + ], + [ + "c", + "urrent" + ], + [ + "Ġe", + "qu" + ], + [ + "Ġa", + "uto" + ], + [ + "ĠSt", + "ate" + ], + [ + "d", + "a" + ], + [ + "ms", + "g" + ], + [ + "))", + ";ĊĊ" + ], + [ + "Ġwork", + "ing" + ], + [ + "Ġqu", + "ery" + ], + [ + "ĠB", + "r" + ], + [ + "Ġw", + "indow" + ], + [ + "a", + "uth" + ], + [ + "on", + "ly" + ], + [ + "ĉ", + "t" + ], + [ + "Ġle", + "ast" + ], + [ + "ag", + "n" + ], + [ + "Ġex", + "pl" + ], + [ + "it", + "ter" + ], + [ + "ar", + "ing" + ], + [ + "Ġc", + "olumn" + ], + [ + "ĠGener", + "al" + ], + [ + "\":", + "\"" + ], + [ + "er", + "al" + ], + [ + "ri", + "or" + ], + [ + "Ġrec", + "ord" + ], + [ + "I", + "B" + ], + [ + "E", + "X" + ], + [ + "Ġd", + "at" + ], + [ + "Ġm", + "aking" + ], + [ + "u", + "ed" + ], + [ + "ĠC", + "ar" + ], + [ + "em", + "p" + ], + [ + "\"", + "." + ], + [ + "ĠM", + "ed" + ], + [ + "Ġc", + "lose" + ], + [ + "Ġper", + "cent" + ], + [ + "Ġp", + "ast" + ], + [ + "(", + "g" + ], + [ + ":", + "(" + ], + [ + "Ġw", + "rite" + ], + [ + "Ġm", + "ove" + ], + [ + "Ġp", + "at" + ], + [ + "Cont", + "rol" + ], + [ + ".T", + "o" + ], + [ + "Ġv", + "i" + ], + [ + "*/", + "Ċ" + ], + [ + "in", + "ate" + ], + [ + "'", + "ll" + ], + [ + "ag", + "ed" + ], + [ + "N", + "ull" + ], + [ + "Ġspec", + "ial" + ], + [ + "IZ", + "E" + ], + [ + "Ġc", + "ity" + ], + [ + "/*", + "Ċ" + ], + [ + "ĠE", + "ng" + ], + [ + "ix", + "ed" + ], + [ + "in", + "ary" + ], + [ + "p", + "y" + ], + [ + "Ġe", + "ff" + ], + [ + "ar", + "io" + ], + [ + "Ġt", + "ell" + ], + [ + "av", + "or" + ], + [ + "Ġse", + "lect" + ], + [ + "le", + "vel" + ], + [ + "im", + "um" + ], + [ + "op", + "er" + ], + [ + "B", + "uilder" + ], + [ + "I", + "P" + ], + [ + "')", + ",Ċ" + ], + [ + "es", + "c" + ], + [ + "Ġf", + "ont" + ], + [ + "\"", + ";ĊĊ" + ], + [ + "ĠA", + "m" + ], + [ + "ish", + "ed" + ], + [ + "ill", + "s" + ], + [ + "Int", + "er" + ], + [ + "O", + "W" + ], + [ + "Ġcour", + "se" + ], + [ + "Ġl", + "ate" + ], + [ + "idd", + "le" + ], + [ + "Ġam", + "ount" + ], + [ + "Ġas", + "ync" + ], + [ + "in", + "o" + ], + [ + "c", + "ul" + ], + [ + "Ġ", + "ì" + ], + [ + "and", + "le" + ], + [ + "_", + "user" + ], + [ + "Ġb", + "en" + ], + [ + "ĠC", + "al" + ], + [ + "Ġ$", + "_" + ], + [ + "ĠR", + "ep" + ], + [ + "Ġen", + "ough" + ], + [ + "T", + "oken" + ], + [ + ".", + "user" + ], + [ + "(", + "j" + ], + [ + "S", + "c" + ], + [ + "W", + "idth" + ], + [ + "n", + "ow" + ], + [ + "at", + "form" + ], + [ + "Ġlook", + "ing" + ], + [ + "Ġh", + "old" + ], + [ + "M", + "odule" + ], + [ + "IT", + "Y" + ], + [ + "v", + "o" + ], + [ + "is", + "on" + ], + [ + ".D", + "ata" + ], + [ + "y", + "c" + ], + [ + "Ġp", + "ot" + ], + [ + "ĠTr", + "ump" + ], + [ + "id", + "ual" + ], + [ + "id", + "es" + ], + [ + "r", + "t" + ], + [ + "Ġprop", + "erty" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "am", + "ework" + ], + [ + "g", + "o" + ], + [ + "Ġl", + "ow" + ], + [ + "Ġpar", + "a" + ], + [ + "Ġpr", + "ice" + ], + [ + "ur", + "y" + ], + [ + "Ġto", + "day" + ], + [ + "ro", + "y" + ], + [ + "Ġ'", + "/" + ], + [ + "Ġpol", + "it" + ], + [ + "Ġ'", + "'" + ], + [ + "ym", + "b" + ], + [ + "P", + "h" + ], + [ + "Ġad", + "v" + ], + [ + "Ġatt", + "ack" + ], + [ + "ĠS", + "te" + ], + [ + "RO", + "M" + ], + [ + "an", + "a" + ], + [ + "Ġme", + "ans" + ], + [ + "Ġst", + "ory" + ], + [ + "id", + "s" + ], + [ + "ak", + "en" + ], + [ + "Ġme", + "et" + ], + [ + "Ġm", + "om" + ], + [ + "ĠâĢ", + "ĺ" + ], + [ + "Ġ?", + ">" + ], + [ + "Ġd", + "en" + ], + [ + "ob", + "ile" + ], + [ + "ch", + "ange" + ], + [ + "ĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĊ" + ], + [ + "ic", + "i" + ], + [ + "n", + "a" + ], + [ + "ĠF", + "orm" + ], + [ + "Ġs", + "ort" + ], + [ + "Se", + "lect" + ], + [ + "p", + "are" + ], + [ + "Ġth", + "ought" + ], + [ + "_", + "con" + ], + [ + "Ġt", + "ask" + ], + [ + "oc", + "us" + ], + [ + "ĠD", + "E" + ], + [ + "ĠM", + "in" + ], + [ + "Ġo", + "pt" + ], + [ + "ĉb", + "reak" + ], + [ + "um", + "er" + ], + [ + "K", + "E" + ], + [ + "th", + "en" + ], + [ + "Ġd", + "et" + ], + [ + "ĠT", + "est" + ], + [ + "port", + "s" + ], + [ + "Ġre", + "view" + ], + [ + "('", + "/" + ], + [ + "m", + "ove" + ], + [ + "Ġsw", + "itch" + ], + [ + "ER", + "T" + ], + [ + "p", + "atch" + ], + [ + "ann", + "ot" + ], + [ + "ã", + "Ĥ" + ], + [ + "Ġab", + "ove" + ], + [ + "it", + "ive" + ], + [ + "Ġquest", + "ion" + ], + [ + "ĠQ", + "u" + ], + [ + "ãĢĤ", + "ĊĊ" + ], + [ + "g", + "le" + ], + [ + "Ġw", + "ord" + ], + [ + "Ġprov", + "ide" + ], + [ + "ĠR", + "eturn" + ], + [ + "Ġre", + "search" + ], + [ + "ã", + "o" + ], + [ + "u", + "str" + ], + [ + "Ġp", + "ublish" + ], + [ + "chem", + "a" + ], + [ + "}", + "}" + ], + [ + "ĠC", + "ON" + ], + [ + "-", + "in" + ], + [ + "all", + "back" + ], + [ + "Ġco", + "ver" + ], + [ + "\\", + "\\" + ], + [ + "c", + "olor" + ], + [ + "ĠI", + "S" + ], + [ + "Ġwh", + "ether" + ], + [ + "im", + "ate" + ], + [ + "is", + "c" + ], + [ + "B", + "ar" + ], + [ + "Ġd", + "iv" + ], + [ + "B", + "e" + ], + [ + "our", + "n" + ], + [ + "Ġh", + "aving" + ], + [ + "le", + "m" + ], + [ + "pl", + "ayer" + ], + [ + "ab", + "s" + ], + [ + "am", + "era" + ], + [ + "ne", + "y" + ], + [ + "Ġex", + "c" + ], + [ + "get", + "her" + ], + [ + "pl", + "ied" + ], + [ + "a", + "o" + ], + [ + "[", + "$" + ], + [ + "Ġ+", + "+" + ], + [ + "i", + "pe" + ], + [ + "sh", + "ow" + ], + [ + "/", + "d" + ], + [ + "[", + ":" + ], + [ + "ag", + "ement" + ], + [ + "le", + "v" + ], + [ + "_", + "ID" + ], + [ + "r", + "ary" + ], + [ + "ad", + "es" + ], + [ + "_", + "se" + ], + [ + "a", + "use" + ], + [ + "Ġem", + "ploy" + ], + [ + "Ġ*/", + "čĊ" + ], + [ + "Ġf", + "re" + ], + [ + "Ġ'", + "@" + ], + [ + "Ġcomple", + "t" + ], + [ + "Ġl", + "arge" + ], + [ + "r", + "al" + ], + [ + "\\", + "x" + ], + [ + "Ġf", + "ac" + ], + [ + "<", + "String" + ], + [ + "Ġcre", + "ated" + ], + [ + "up", + "er" + ], + [ + ".st", + "ate" + ], + [ + "Ġh", + "ost" + ], + [ + "ener", + "ic" + ], + [ + "/", + "b" + ], + [ + "(", + "!" + ], + [ + "wh", + "ile" + ], + [ + "i", + "as" + ], + [ + "B", + "UG" + ], + [ + "Ġ", + ");ĊĊ" + ], + [ + "Ġro", + "le" + ], + [ + "Re", + "g" + ], + [ + "ĠC", + "olor" + ], + [ + "St", + "art" + ], + [ + "Ġp", + "orn" + ], + [ + "t", + "op" + ], + [ + "Ġwe", + "b" + ], + [ + "Ġde", + "v" + ], + [ + "Ġde", + "al" + ], + [ + "++", + ")Ċ" + ], + [ + "Int", + "eger" + ], + [ + "pos", + "ition" + ], + [ + ".", + "on" + ], + [ + "Ġ(", + "\"" + ], + [ + "ä", + "¸" + ], + [ + "Ġproble", + "m" + ], + [ + "s", + "v" + ], + [ + "Ġp", + "ress" + ], + [ + "AB", + "LE" + ], + [ + "AT", + "ION" + ], + [ + "ĠSe", + "e" + ], + [ + "an", + "ch" + ], + [ + "Ġth", + "ough" + ], + [ + "le", + "ep" + ], + [ + "Ġ<", + "!--" + ], + [ + "Ġpoint", + "s" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠ" + ], + [ + ".", + "J" + ], + [ + "Ġ", + "::" + ], + [ + "p", + "tr" + ], + [ + "D", + "B" + ], + [ + "++", + ";Ċ" + ], + [ + ".p", + "ng" + ], + [ + "n", + "ode" + ], + [ + "so", + "ft" + ], + [ + "pon", + "d" + ], + [ + "Ġe", + "ver" + ], + [ + "--------------------------------", + "--------------------------------" + ], + [ + "M", + "enu" + ], + [ + "('", + "#" + ], + [ + "Ġs", + "ervices" + ], + [ + "p", + "g" + ], + [ + "}", + ")Ċ" + ], + [ + "param", + "s" + ], + [ + "Ġact", + "ually" + ], + [ + "Ġ\"", + "/" + ], + [ + "Em", + "pty" + ], + [ + "M", + "ethod" + ], + [ + "Ġid", + "ent" + ], + [ + "un", + "ic" + ], + [ + "Ġmill", + "ion" + ], + [ + "Ġa", + "ff" + ], + [ + "st", + "yle" + ], + [ + "Ġcon", + "c" + ], + [ + "i", + "os" + ], + [ + "ign", + "ment" + ], + [ + "UL", + "T" + ], + [ + "P", + "r" + ], + [ + "\"", + ";čĊ" + ], + [ + "Ġunder", + "stand" + ], + [ + "u", + "ary" + ], + [ + "Ġhapp", + "en" + ], + [ + "Ġser", + "ver" + ], + [ + "ĠC", + "o" + ], + [ + "S", + "C" + ], + [ + "Ġle", + "s" + ], + [ + "Ġfile", + "s" + ], + [ + "G", + "rid" + ], + [ + "s", + "ql" + ], + [ + "Ġof", + "ten" + ], + [ + "Ġin", + "fo" + ], + [ + "_", + "tr" + ], + [ + "s", + "rc" + ], + [ + "on", + "y" + ], + [ + "Ġsp", + "ace" + ], + [ + "um", + "b" + ], + [ + "Ġpass", + "word" + ], + [ + "Ġst", + "ore" + ], + [ + ",", + "ĊĊ" + ], + [ + "ĠWh", + "at" + ], + [ + "g", + "ed" + ], + [ + "ĠF", + "alse" + ], + [ + "U", + "s" + ], + [ + "sw", + "er" + ], + [ + "_", + "index" + ], + [ + "Ġform", + "at" + ], + [ + "m", + "ost" + ], + [ + "s", + "m" + ], + [ + "N", + "ew" + ], + [ + "Ġd", + "etails" + ], + [ + "Ġpro", + "b" + ], + [ + "ĠAN", + "D" + ], + [ + "()", + "čĊ" + ], + [ + "il", + "ar" + ], + [ + "Ġ$", + "{" + ], + [ + "ry", + "pt" + ], + [ + ".C", + "ollections" + ], + [ + "$", + "this" + ], + [ + "ĠF", + "ree" + ], + [ + "_", + "of" + ], + [ + "(f", + "alse" + ], + [ + "d", + "ated" + ], + [ + "Ġ>", + ">" + ], + [ + "Ġf", + "ace" + ], + [ + "CT", + "ION" + ], + [ + "Ġs", + "ave" + ], + [ + "Ġt", + "yp" + ], + [ + "de", + "v" + ], + [ + "(\"", + "#" + ], + [ + "AG", + "E" + ], + [ + "cont", + "ainer" + ], + [ + "ed", + "it" + ], + [ + "Q", + "L" + ], + [ + "Ġitem", + "s" + ], + [ + "Ġs", + "ocial" + ], + [ + "i", + "en" + ], + [ + "ĠRe", + "act" + ], + [ + ")", + ".ĊĊ" + ], + [ + "Ġm", + "ar" + ], + [ + "Ġre", + "du" + ], + [ + "ĠR", + "E" + ], + [ + ".p", + "ut" + ], + [ + "Ġm", + "ajor" + ], + [ + "C", + "ell" + ], + [ + "n", + "ext" + ], + [ + "Ġexpect", + "ed" + ], + [ + "Ġy", + "et" + ], + [ + "Ġin", + "div" + ], + [ + "trib", + "utes" + ], + [ + "at", + "is" + ], + [ + "am", + "ed" + ], + [ + "Ġf", + "ood" + ], + [ + "S", + "ource" + ], + [ + "(", + "string" + ], + [ + "Ġ+", + "Ċ" + ], + [ + "it", + "es" + ], + [ + "d", + "r" + ], + [ + "Ġmem", + "bers" + ], + [ + "Ġcom", + "b" + ], + [ + "item", + "s" + ], + [ + "ĠP", + "er" + ], + [ + "T", + "H" + ], + [ + "=", + "True" + ], + [ + "Ġb", + "ar" + ], + [ + "_", + "SE" + ], + [ + "com", + "m" + ], + [ + "(", + "w" + ], + [ + ")ĊĊ", + "Ċ" + ], + [ + "Ġs", + "end" + ], + [ + "Ġin", + "c" + ], + [ + "un", + "signed" + ], + [ + "F", + "A" + ], + [ + "Ġparam", + "s" + ], + [ + "app", + "ing" + ], + [ + "ro", + "s" + ], + [ + "ug", + "in" + ], + [ + "f", + "a" + ], + [ + "Ġcon", + "nection" + ], + [ + "Ġ}", + ";ĊĊ" + ], + [ + "Ġbe", + "come" + ], + [ + "M", + "ode" + ], + [ + "Ġe", + "v" + ], + [ + "Ġdif", + "f" + ], + [ + "ĠUn", + "ited" + ], + [ + "He", + "ight" + ], + [ + "ful", + "ly" + ], + [ + "im", + "ages" + ], + [ + "Ġm", + "akes" + ], + [ + "Ġg", + "lobal" + ], + [ + "Ġcont", + "act" + ], + [ + "'", + ":Ċ" + ], + [ + "Ġab", + "s" + ], + [ + "а", + "Ð" + ], + [ + "f", + "loat" + ], + [ + "Ġex", + "cept" + ], + [ + "ĠP", + "ol" + ], + [ + "Ch", + "ild" + ], + [ + "t", + "yp" + ], + [ + "Ġcert", + "ain" + ], + [ + "i", + "ón" + ], + [ + "O", + "UT" + ], + [ + "Ġim", + "pro" + ], + [ + "ile", + "s" + ], + [ + "Ġ--", + ">Ċ" + ], + [ + "ĠP", + "art" + ], + [ + "val", + "ues" + ], + [ + "os", + "s" + ], + [ + "/", + "**" + ], + [ + "il", + "it" + ], + [ + "ĠE", + "vent" + ], + [ + "cur", + "ity" + ], + [ + "st", + "er" + ], + [ + "Ġchar", + "acter" + ], + [ + "Ġnew", + "s" + ], + [ + "Ġ\"", + "," + ], + [ + "Ġde", + "vice" + ], + [ + "c", + "el" + ], + [ + "log", + "in" + ], + [ + "he", + "et" + ], + [ + "Def", + "ault" + ], + [ + "@", + "\"" + ], + [ + "ĉ", + "Ġ" + ], + [ + "c", + "lick" + ], + [ + "(", + "value" + ], + [ + "ĠA", + "b" + ], + [ + "Ġpre", + "vious" + ], + [ + "ERR", + "OR" + ], + [ + "oc", + "al" + ], + [ + "Ġm", + "aterial" + ], + [ + "Ġbel", + "ow" + ], + [ + "ĠCh", + "rist" + ], + [ + "Ġmed", + "ia" + ], + [ + "co", + "ver" + ], + [ + "ĠU", + "I" + ], + [ + "Ġf", + "ail" + ], + [ + "Ġbl", + "ack" + ], + [ + "Ġcom", + "ponent" + ], + [ + "ĠAmeric", + "an" + ], + [ + "Ġadd", + "ed" + ], + [ + "Ġbu", + "y" + ], + [ + "st", + "it" + ], + [ + "Ġc", + "ame" + ], + [ + "Ġde", + "lete" + ], + [ + "prop", + "erty" + ], + [ + "od", + "ing" + ], + [ + "Ġc", + "ard" + ], + [ + "rop", + "s" + ], + [ + "Ġhttp", + "s" + ], + [ + "Ġro", + "ot" + ], + [ + "Ġhand", + "le" + ], + [ + "C", + "C" + ], + [ + "B", + "ack" + ], + [ + "em", + "plate" + ], + [ + "Ġget", + "ting" + ], + [ + "_b", + "y" + ], + [ + "m", + "ail" + ], + [ + "_s", + "h" + ], + [ + ".", + "assert" + ], + [ + "ĠD", + "ec" + ], + [ + "(", + "true" + ], + [ + "Ġcom", + "put" + ], + [ + "Ġcl", + "aim" + ], + [ + "'", + "=>" + ], + [ + "ĠS", + "ub" + ], + [ + "Ġa", + "ir" + ], + [ + "op", + "s" + ], + [ + "n", + "av" + ], + [ + "em", + "ents" + ], + [ + "(", + "id" + ], + [ + "Ġent", + "er" + ], + [ + "ang", + "ed" + ], + [ + "E", + "nd" + ], + [ + "Ġloc", + "ation" + ], + [ + "Ġn", + "ight" + ], + [ + "Ġdo", + "ing" + ], + [ + "ĠR", + "ed" + ], + [ + "l", + "in" + ], + [ + "}ĊĊ", + "Ċ" + ], + [ + "vid", + "er" + ], + [ + "Ġp", + "ick" + ], + [ + "Ġw", + "atch" + ], + [ + "ess", + "ages" + ], + [ + "Ġhum", + "an" + ], + [ + "Ġd", + "am" + ], + [ + "p", + "end" + ], + [ + "d", + "ir" + ], + [ + "Ġt", + "ax" + ], + [ + "Ġg", + "irl" + ], + [ + "re", + "et" + ], + [ + "Ġbo", + "x" + ], + [ + "Ġstr", + "ong" + ], + [ + "(", + "v" + ], + [ + "re", + "l" + ], + [ + "Ġinter", + "face" + ], + [ + "Ġm", + "sg" + ], + [ + "f", + "ect" + ], + [ + "_", + "at" + ], + [ + "Ġh", + "ouse" + ], + [ + "Ġtr", + "ack" + ], + [ + "'", + ");ĊĊ" + ], + [ + "j", + "e" + ], + [ + "ĠJ", + "ohn" + ], + [ + "ist", + "r" + ], + [ + "(", + "S" + ], + [ + "ub", + "e" + ], + [ + "Ġc", + "e" + ], + [ + "itt", + "ed" + ], + [ + "V", + "ER" + ], + [ + "*", + ")" + ], + [ + "p", + "arent" + ], + [ + "Ġapp", + "lication" + ], + [ + "an", + "y" + ], + [ + ".sw", + "ing" + ], + [ + "Ġp", + "ack" + ], + [ + "\\", + "u" + ], + [ + "Ġpr", + "act" + ], + [ + "Ġse", + "ction" + ], + [ + "ct", + "x" + ], + [ + "Ġun", + "signed" + ], + [ + ".P", + "oint" + ], + [ + "ĠO", + "ne" + ], + [ + "Ä", + "±" + ], + [ + "ip", + "le" + ], + [ + "a", + "id" + ], + [ + "Ñ", + "ĥ" + ], + [ + "V", + "ector" + ], + [ + "by", + "te" + ], + [ + "Ġw", + "ait" + ], + [ + "ĠÃ", + "ł" + ], + [ + "Ã", + "¥" + ], + [ + "Ġto", + "gether" + ], + [ + "Ġth", + "rows" + ], + [ + "F", + "O" + ], + [ + "'", + "))" + ], + [ + "h", + "ost" + ], + [ + "is", + "ing" + ], + [ + ".", + "view" + ], + [ + "Ġter", + "ms" + ], + [ + "fr", + "amework" + ], + [ + "-", + "r" + ], + [ + "Ġapp", + "ly" + ], + [ + "Ġs", + "ession" + ], + [ + "O", + "ptions" + ], + [ + "ugg", + "est" + ], + [ + "Ġo", + "thers" + ], + [ + "w", + "itter" + ], + [ + "Ġf", + "und" + ], + [ + "In", + "it" + ], + [ + "__", + "(" + ], + [ + "ens", + "or" + ], + [ + "G", + "ET" + ], + [ + "Ġsever", + "al" + ], + [ + "i", + "i" + ], + [ + "[", + "j" + ], + [ + "I", + "O" + ], + [ + "Ġtem", + "plate" + ], + [ + "P", + "osition" + ], + [ + "Ġe", + "con" + ], + [ + "ach", + "ine" + ], + [ + "Ġ", + "il" + ], + [ + ".s", + "pring" + ], + [ + "m", + "ain" + ], + [ + "el", + "t" + ], + [ + "im", + "ent" + ], + [ + "Re", + "c" + ], + [ + "m", + "m" + ], + [ + "ĠUn", + "iversity" + ], + [ + "urs", + "or" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠ" + ], + [ + "G", + "L" + ], + [ + "ict", + "ure" + ], + [ + "ith", + "ub" + ], + [ + "c", + "er" + ], + [ + "c", + "ast" + ], + [ + "F", + "rom" + ], + [ + "a", + "les" + ], + [ + "Ġsub", + "ject" + ], + [ + "p", + "assword" + ], + [ + "n", + "y" + ], + [ + "Ġes", + "c" + ], + [ + ".w", + "rite" + ], + [ + "ï¼", + "Į" + ], + [ + "Wh", + "at" + ], + [ + ".", + "H" + ], + [ + "Ġh", + "istory" + ], + [ + "ĠF", + "e" + ], + [ + "Ġindiv", + "idual" + ], + [ + "un", + "it" + ], + [ + "Ġ--", + ">" + ], + [ + "Ġd", + "u" + ], + [ + "I", + "ST" + ], + [ + "Ġus", + "ers" + ], + [ + "f", + "s" + ], + [ + "f", + "alse" + ], + [ + "un", + "t" + ], + [ + "T", + "itle" + ], + [ + "Ġm", + "ot" + ], + [ + "Ġf", + "uture" + ], + [ + "ach", + "ed" + ], + [ + "Ġstart", + "ed" + ], + [ + "Ġm", + "ode" + ], + [ + "Ġ'", + "<" + ], + [ + "_", + "array" + ], + [ + "Ġa", + "x" + ], + [ + "']", + ";Ċ" + ], + [ + "i", + "res" + ], + [ + "Th", + "ere" + ], + [ + "ug", + "ht" + ], + [ + "t", + "ml" + ], + [ + "pos", + "ed" + ], + [ + "ic", + "ult" + ], + [ + "Ġto", + "ok" + ], + [ + "Ġg", + "ames" + ], + [ + "Ġ}", + "}" + ], + [ + "Ġ?", + ">Ċ" + ], + [ + "Ġproduct", + "s" + ], + [ + "I", + "s" + ], + [ + "Ġb", + "ad" + ], + [ + "ĠD", + "es" + ], + [ + ".p", + "ath" + ], + [ + "'", + "ĊĊ" + ], + [ + "ĠP", + "ost" + ], + [ + "av", + "el" + ], + [ + "(", + ":" + ], + [ + "Ġneed", + "s" + ], + [ + "Ġkn", + "own" + ], + [ + "F", + "l" + ], + [ + "Ġex", + "ec" + ], + [ + "Ġse", + "en" + ], + [ + "um", + "e" + ], + [ + "Ġb", + "order" + ], + [ + "Ġl", + "ive" + ], + [ + "tem", + "p" + ], + [ + "P", + "er" + ], + [ + "Ġvar", + "iable" + ], + [ + "i", + "et" + ], + [ + "ĠD", + "ef" + ], + [ + "Ġg", + "e" + ], + [ + "em", + "e" + ], + [ + "_b", + "ack" + ], + [ + "f", + "irst" + ], + [ + "Ġprovid", + "ed" + ], + [ + "////////////////", + "////////////////" + ], + [ + "Ġfil", + "ename" + ], + [ + "Ġh", + "ope" + ], + [ + "ul", + "y" + ], + [ + "a", + "uto" + ], + [ + "f", + "ind" + ], + [ + "_", + "string" + ], + [ + "b", + "tn" + ], + [ + "it", + "ude" + ], + [ + "At", + "tribute" + ], + [ + "Ġyou", + "ng" + ], + [ + ".t", + "xt" + ], + [ + "Ġwe", + "bsite" + ], + [ + "ĠP", + "rop" + ], + [ + "Ġe", + "y" + ], + [ + ">", + "();Ċ" + ], + [ + "ion", + "al" + ], + [ + "AR", + "R" + ], + [ + "iction", + "ary" + ], + [ + "ur", + "ther" + ], + [ + ".", + "" + ], + [ + "t", + "x" + ], + [ + "Ġp", + "ur" + ], + [ + "u", + "el" + ], + [ + "ymb", + "ol" + ], + [ + "u", + "ation" + ], + [ + "ang", + "er" + ], + [ + "Ġback", + "ground" + ], + [ + "ec", + "ess" + ], + [ + "ef", + "ined" + ], + [ + "....", + "...." + ], + [ + "Ġdes", + "cription" + ], + [ + "Ġrep", + "resent" + ], + [ + "\")", + ");Ċ" + ], + [ + "press", + "ion" + ], + [ + "row", + "ser" + ], + [ + "Ġser", + "ies" + ], + [ + "ward", + "s" + ], + [ + "($", + "_" + ], + [ + "a", + "ise" + ], + [ + "Ġh", + "ot" + ], + [ + "ac", + "ity" + ], + [ + "ri", + "es" + ], + [ + "action", + "s" + ], + [ + "C", + "reate" + ], + [ + "ad", + "io" + ], + [ + "amp", + "les" + ], + [ + "Ġorig", + "inal" + ], + [ + "ens", + "ive" + ], + [ + "f", + "ont" + ], + [ + "st", + "ream" + ], + [ + "", + "using" + ], + [ + ".spring", + "framework" + ], + [ + "ser", + "ver" + ], + [ + "Ġb", + "ill" + ], + [ + "AC", + "K" + ], + [ + "il", + "ename" + ], + [ + "Ġfr", + "ame" + ], + [ + "Ġ=", + "Ċ" + ], + [ + "Ed", + "it" + ], + [ + "adi", + "us" + ], + [ + "Ġd", + "raw" + ], + [ + "ank", + "s" + ], + [ + "Ġd", + "eter" + ], + [ + "Ġcom", + "es" + ], + [ + "_", + "int" + ], + [ + "Ġfore", + "ach" + ], + [ + "ang", + "le" + ], + [ + "Ġe", + "lect" + ], + [ + "pect", + "ed" + ], + [ + "He", + "ader" + ], + [ + "ist", + "ration" + ], + [ + "F", + "alse" + ], + [ + "ĠG", + "ame" + ], + [ + "Ġfil", + "ter" + ], + [ + "Act", + "ivity" + ], + [ + "Ġl", + "arg" + ], + [ + "in", + "ition" + ], + [ + "Ġ\"", + "<" + ], + [ + "is", + "ed" + ], + [ + "Ġrem", + "ove" + ], + [ + "ĠTr", + "ans" + ], + [ + "m", + "et" + ], + [ + "se", + "e" + ], + [ + "Form", + "at" + ], + [ + "Com", + "mand" + ], + [ + "ĠE", + "X" + ], + [ + "N", + "one" + ], + [ + "Ġfr", + "ont" + ], + [ + "A", + "SE" + ], + [ + "ĠR", + "ec" + ], + [ + "ound", + "ation" + ], + [ + "Ġv", + "o" + ], + [ + "=", + "\\\"" + ], + [ + "(", + "*" + ], + [ + "Ch", + "ange" + ], + [ + ".W", + "rite" + ], + [ + "g", + "roup" + ], + [ + "i", + "ents" + ], + [ + "u", + "y" + ], + [ + "********************************", + "********************************" + ], + [ + "Ġd", + "ig" + ], + [ + "h", + "r" + ], + [ + "(", + "-" + ], + [ + "Ġg", + "en" + ], + [ + "n", + "umber" + ], + [ + "ve", + "c" + ], + [ + "uro", + "pe" + ], + [ + "ent", + "ry" + ], + [ + "L", + "L" + ], + [ + "Ġst", + "e" + ], + [ + "Val", + "id" + ], + [ + "']", + "," + ], + [ + "_p", + "aram" + ], + [ + "Ġse", + "lected" + ], + [ + "Ġacc", + "ording" + ], + [ + "ĠD", + "is" + ], + [ + "Ġ", + "util" + ], + [ + "B", + "uffer" + ], + [ + "_", + "error" + ], + [ + "Ġass", + "oci" + ], + [ + "_S", + "IZE" + ], + [ + "Ġw", + "or" + ], + [ + "Ġprint", + "f" + ], + [ + "r", + "ag" + ], + [ + "Â", + "ł" + ], + [ + "D", + "D" + ], + [ + "ĠV", + "al" + ], + [ + "Ġact", + "iv" + ], + [ + "E", + "ng" + ], + [ + "et", + "ime" + ], + [ + "Ġv", + "irtual" + ], + [ + "a", + "ign" + ], + [ + "a", + "ur" + ], + [ + "ĠP", + "res" + ], + [ + "ĠEx", + "ception" + ], + [ + "Ġany", + "thing" + ], + [ + "ĠO", + "ff" + ], + [ + "Ġh", + "ours" + ], + [ + "Ġw", + "ar" + ], + [ + "Arg", + "s" + ], + [ + "ag", + "ing" + ], + [ + "Ġmodel", + "s" + ], + [ + "ĠT", + "ime" + ], + [ + "O", + "b" + ], + [ + "am", + "s" + ], + [ + "j", + "oy" + ], + [ + "Ġear", + "ly" + ], + [ + ".", + "read" + ], + [ + "Ġc", + "enter" + ], + [ + "ĠIn", + "itial" + ], + [ + "Ġl", + "anguage" + ], + [ + "l", + "ength" + ], + [ + "x", + "y" + ], + [ + "Ġs", + "n" + ], + [ + "Ġin", + "f" + ], + [ + "P", + "ost" + ], + [ + "Ġag", + "o" + ], + [ + "Ġeas", + "y" + ], + [ + "_c", + "ode" + ], + [ + "ĠAN", + "Y" + ], + [ + "_", + "ch" + ], + [ + "Ġdown", + "load" + ], + [ + "(", + "T" + ], + [ + "av", + "ed" + ], + [ + "âĢ", + "ĵ" + ], + [ + "Ġstud", + "ents" + ], + [ + "Ġf", + "ig" + ], + [ + "l", + "ight" + ], + [ + "x", + "x" + ], + [ + "Ġbu", + "ffer" + ], + [ + "ĠD", + "ep" + ], + [ + "ĠM", + "ath" + ], + [ + "IT", + "H" + ], + [ + "Ġvar", + "i" + ], + [ + "Ġd", + "ue" + ], + [ + "F", + "actory" + ], + [ + "Ġp", + "or" + ], + [ + "Ġe", + "p" + ], + [ + "ot", + "ype" + ], + [ + "Ġcan", + "not" + ], + [ + "Ġwh", + "ite" + ], + [ + "<", + "int" + ], + [ + "ter", + "n" + ], + [ + "Ġreg", + "ister" + ], + [ + "Ġpre", + "d" + ], + [ + "cl", + "us" + ], + [ + "_d", + "ate" + ], + [ + "Ġ/", + "**" + ], + [ + "Ġa", + "uth" + ], + [ + "Ġ[", + "]Ċ" + ], + [ + "Ġper", + "iod" + ], + [ + "n", + "own" + ], + [ + "Ġv", + "ot" + ], + [ + "Ġs", + "creen" + ], + [ + "'", + "d" + ], + [ + "T", + "ypes" + ], + [ + "Ġt", + "mp" + ], + [ + "е", + "Ð" + ], + [ + "ur", + "al" + ], + [ + "Ġben", + "ef" + ], + [ + "_", + "y" + ], + [ + "Ġn", + "et" + ], + [ + "ĠSt", + "ates" + ], + [ + "']", + "['" + ], + [ + "ĠN", + "e" + ], + [ + "ĠN", + "OT" + ], + [ + "Ġn", + "eg" + ], + [ + "Ġcomm", + "on" + ], + [ + "s", + "cope" + ], + [ + "Ġc", + "red" + ], + [ + "g", + "es" + ], + [ + "_T", + "YPE" + ], + [ + "Ġs", + "uggest" + ], + [ + "o", + "om" + ], + [ + ".ĊĊ", + "Ċ" + ], + [ + "Ġac", + "cept" + ], + [ + "Ġr", + "andom" + ], + [ + "er", + "m" + ], + [ + "ĠV", + "ector" + ], + [ + "w", + "ith" + ], + [ + "T", + "ER" + ], + [ + "(", + "str" + ], + [ + "Ġres", + "pons" + ], + [ + "Ġh", + "it" + ], + [ + ".S", + "et" + ], + [ + "gr", + "id" + ], + [ + "ri", + "a" + ], + [ + "Ġc", + "lick" + ], + [ + "und", + "le" + ], + [ + "C", + "ase" + ], + [ + "ins", + "ert" + ], + [ + "Util", + "s" + ], + [ + "Ġ\"\"", + "\"" + ], + [ + "Ġim", + "plement" + ], + [ + "at", + "al" + ], + [ + "tem", + "pt" + ], + [ + "tem", + "plate" + ], + [ + "oc", + "r" + ], + [ + "return", + "s" + ], + [ + "Ġplay", + "ers" + ], + [ + "us", + "ers" + ], + [ + "ed", + "ef" + ], + [ + "ĠTh", + "ese" + ], + [ + "Ġam", + "ong" + ], + [ + "Ġde", + "b" + ], + [ + "h", + "a" + ], + [ + ".get", + "Element" + ], + [ + "Ġc", + "irc" + ], + [ + "Ġan", + "swer" + ], + [ + "Ġw", + "alk" + ], + [ + "Ġt", + "reat" + ], + [ + "ĠG", + "e" + ], + [ + "ĠC", + "reate" + ], + [ + "Ġa", + "ge" + ], + [ + "Ġre", + "q" + ], + [ + "O", + "ST" + ], + [ + "ang", + "ular" + ], + [ + "Ñ", + "ı" + ], + [ + "Ġf", + "ive" + ], + [ + "Ġdistrib", + "uted" + ], + [ + "Ġfri", + "end" + ], + [ + "T", + "P" + ], + [ + "Ġc", + "lean" + ], + [ + "ow", + "s" + ], + [ + ".Control", + "s" + ], + [ + "d", + "is" + ], + [ + "Ġw", + "ords" + ], + [ + ".", + "io" + ], + [ + "z", + "y" + ], + [ + "Ġhe", + "ader" + ], + [ + "ĠC", + "heck" + ], + [ + "âĢĻ", + "m" + ], + [ + "j", + "ust" + ], + [ + "h", + "older" + ], + [ + "=\"", + "", + "čĊ" + ], + [ + ".", + "annot" + ], + [ + "Ġcol", + "lection" + ], + [ + "'", + "." + ], + [ + "Ġsim", + "ilar" + ], + [ + "Ġt", + "aken" + ], + [ + "(\"", + "%" + ], + [ + "Or", + "der" + ], + [ + "']", + "Ċ" + ], + [ + "-m", + "d" + ], + [ + "ĠT", + "H" + ], + [ + "ac", + "ed" + ], + [ + "Ġis", + "n" + ], + [ + "/", + "j" + ], + [ + "Ġs", + "on" + ], + [ + "gr", + "aph" + ], + [ + "ĠInt", + "eger" + ], + [ + "Ġn", + "ecess" + ], + [ + "re", + "en" + ], + [ + "Ġ", + "um" + ], + [ + "Ġ\\", + "<" + ], + [ + "Ġmom", + "ent" + ], + [ + "Ġbr", + "ing" + ], + [ + "Ġind", + "ic" + ], + [ + "ys", + "is" + ], + [ + "Le", + "vel" + ], + [ + "ver", + "se" + ], + [ + "urre", + "nc" + ], + [ + "_t", + "est" + ], + [ + "Ġent", + "ire" + ], + [ + "D", + "own" + ], + [ + "Ġ}ĊĊ", + "Ċ" + ], + [ + "(", + "result" + ], + [ + "ĠRe", + "ad" + ], + [ + "Ã", + "¨" + ], + [ + "M", + "od" + ], + [ + "Ġtry", + "ing" + ], + [ + "\")", + ",Ċ" + ], + [ + "Ġm", + "ember" + ], + [ + "ĠC", + "or" + ], + [ + "OD", + "O" + ], + [ + "-", + "control" + ], + [ + "un", + "time" + ], + [ + "ĠS", + "im" + ], + [ + "D", + "ialog" + ], + [ + "pl", + "ot" + ], + [ + "_", + "on" + ], + [ + "Ġph", + "ys" + ], + [ + "}", + "/" + ], + [ + "Ġn", + "amespace" + ], + [ + "ĉ", + "čĊ" + ], + [ + "ac", + "c" + ], + [ + "Pl", + "ayer" + ], + [ + "A", + "RE" + ], + [ + "Ġf", + "oot" + ], + [ + "Ġbo", + "ard" + ], + [ + "p", + "art" + ], + [ + "Ġs", + "us" + ], + [ + "w", + "ise" + ], + [ + "ĠM", + "c" + ], + [ + "Ġp", + "ush" + ], + [ + "AT", + "A" + ], + [ + "Ġp", + "lease" + ], + [ + "ri", + "ed" + ], + [ + "we", + "et" + ], + [ + "b", + "it" + ], + [ + "id", + "ed" + ], + [ + "V", + "E" + ], + [ + "ĠS", + "w" + ], + [ + "U", + "B" + ], + [ + "Ġt", + "ypes" + ], + [ + "ed", + "ia" + ], + [ + "Ġc", + "los" + ], + [ + "ace", + "book" + ], + [ + "Wh", + "en" + ], + [ + "Ġed", + "it" + ], + [ + "ig", + "ger" + ], + [ + "Ġen", + "erg" + ], + [ + "Cont", + "ainer" + ], + [ + "Ġph", + "ot" + ], + [ + "ĠC", + "ount" + ], + [ + "ĠE", + "urope" + ], + [ + ".I", + "s" + ], + [ + "ĠR", + "uss" + ], + [ + "pe", + "ed" + ], + [ + "ĠS", + "tr" + ], + [ + "Ġp", + "y" + ], + [ + "Ġc", + "ult" + ], + [ + "Ġdef", + "ined" + ], + [ + "cc", + "ount" + ], + [ + "Ġob", + "t" + ], + [ + ".L", + "ocation" + ], + [ + "Ġth", + "read" + ], + [ + "il", + "le" + ], + [ + "Ġinst", + "ead" + ], + [ + "str", + "ong" + ], + [ + "ĠS", + "ec" + ], + [ + "U", + "RE" + ], + [ + "Ġide", + "a" + ], + [ + ".", + "se" + ], + [ + "em", + "y" + ], + [ + "select", + "ed" + ], + [ + "Con", + "nection" + ], + [ + "ac", + "ing" + ], + [ + "th", + "read" + ], + [ + ".n", + "ext" + ], + [ + "Ġc", + "oll" + ], + [ + "Ġfil", + "m" + ], + [ + "ist", + "ic" + ], + [ + "Ġcomp", + "et" + ], + [ + "Ġcon", + "n" + ], + [ + "th", + "ough" + ], + [ + "Ġcom", + "pan" + ], + [ + "ock", + "et" + ], + [ + "Ġte", + "ach" + ], + [ + "=", + "(" + ], + [ + "Ġph", + "one" + ], + [ + "Ġact", + "ive" + ], + [ + "de", + "lete" + ], + [ + "tr", + "ies" + ], + [ + "Ġm", + "o" + ], + [ + "Ġde", + "ath" + ], + [ + "}", + ");ĊĊ" + ], + [ + "oc", + "ol" + ], + [ + "W", + "idget" + ], + [ + "Ġart", + "icle" + ], + [ + "ro", + "du" + ], + [ + "and", + "id" + ], + [ + "Ñ", + "ĭ" + ], + [ + "ĠC", + "r" + ], + [ + "k", + "a" + ], + [ + "()", + ":" + ], + [ + "lo", + "od" + ], + [ + "ĉĉĉ", + "Ċ" + ], + [ + "Ġal", + "most" + ], + [ + "Ġs", + "ell" + ], + [ + "erv", + "let" + ], + [ + "ri", + "p" + ], + [ + "Un", + "it" + ], + [ + "Ġapp", + "lic" + ], + [ + "Ġcon", + "nect" + ], + [ + "Ġfe", + "ature" + ], + [ + "Ġv", + "ia" + ], + [ + "'", + ")," + ], + [ + "Ġl", + "im" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "ĠG", + "u" + ], + [ + "Eng", + "ine" + ], + [ + "Ġen", + "s" + ], + [ + "Ġen", + "vironment" + ], + [ + "b", + "lock" + ], + [ + "HER", + "E" + ], + [ + "N", + "ULL" + ], + [ + "g", + "y" + ], + [ + "t", + "ag" + ], + [ + ")", + ")." + ], + [ + "ex", + "p" + ], + [ + "Ġcom", + "pl" + ], + [ + "Ġinst", + "all" + ], + [ + "Ġcomple", + "te" + ], + [ + "que", + "ue" + ], + [ + "atur", + "al" + ], + [ + "Ġgener", + "al" + ], + [ + "th", + "on" + ], + [ + "Ġask", + "ed" + ], + [ + "o", + "res" + ], + [ + "(", + "res" + ], + [ + "Ġres", + "erved" + ], + [ + "S", + "P" + ], + [ + "ĠâĢ", + "¦" + ], + [ + "Å", + "Ĥ" + ], + [ + "Ġsign", + "ific" + ], + [ + "O", + "ff" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "ĠA", + "g" + ], + [ + "ĠJ", + "ust" + ], + [ + "ĠE", + "rror" + ], + [ + "Ġin", + "fl" + ], + [ + "ad", + "ata" + ], + [ + "Ġ", + "icon" + ], + [ + "ask", + "s" + ], + [ + "'", + "'" + ], + [ + "_", + "LO" + ], + [ + "?", + "." + ], + [ + "ac", + "count" + ], + [ + "Ġ(", + "*" + ], + [ + "'", + ")ĊĊ" + ], + [ + "r", + "ap" + ], + [ + "_", + "var" + ], + [ + "ĠF", + "OR" + ], + [ + "Ġpart", + "y" + ], + [ + "ĠY", + "our" + ], + [ + "c", + "at" + ], + [ + "str", + "y" + ], + [ + ".", + "new" + ], + [ + "bo", + "ot" + ], + [ + "ĠN", + "ov" + ], + [ + "Ġv", + "ector" + ], + [ + "Ġn", + "ormal" + ], + [ + "Ġf", + "urther" + ], + [ + "Re", + "pository" + ], + [ + "Ġd", + "atabase" + ], + [ + "att", + "le" + ], + [ + "Ġmus", + "ic" + ], + [ + "Ġspe", + "ed" + ], + [ + "Ġd", + "oc" + ], + [ + "pro", + "cess" + ], + [ + "IG", + "HT" + ], + [ + ".p", + "arse" + ], + [ + "Ġt", + "aking" + ], + [ + "Ġvi", + "ol" + ], + [ + "ce", + "ed" + ], + [ + "ĠA", + "fter" + ], + [ + "Ġfor", + "ward" + ], + [ + "Ġc", + "rit" + ], + [ + "\"/", + ">Ċ" + ], + [ + "ro", + "t" + ], + [ + "Ġfa", + "iled" + ], + [ + "ef", + "ore" + ], + [ + "Ġconc", + "ern" + ], + [ + "o", + "e" + ], + [ + "b", + "a" + ], + [ + "Ġs", + "ender" + ], + [ + "Ġter", + "m" + ], + [ + "h", + "as" + ], + [ + "=\"", + "#" + ], + [ + "Ġpot", + "ential" + ], + [ + "N", + "um" + ], + [ + "Ġpublish", + "ed" + ], + [ + ".c", + "lose" + ], + [ + "ĠIm", + "age" + ], + [ + "str", + "aint" + ], + [ + "U", + "D" + ], + [ + "ĠO", + "b" + ], + [ + "Ġprob", + "ably" + ], + [ + "l", + "im" + ], + [ + "\"", + ":Ċ" + ], + [ + "olum", + "e" + ], + [ + "Ġcon", + "sum" + ], + [ + "ag", + "ue" + ], + [ + "ens", + "ions" + ], + [ + "Ġinvest", + "ig" + ], + [ + "-", + "year" + ], + [ + "')", + ";" + ], + [ + "-s", + "m" + ], + [ + "Ġen", + "joy" + ], + [ + "or", + "ig" + ], + [ + "er", + "ing" + ], + [ + "c", + "p" + ], + [ + "le", + "ased" + ], + [ + "ple", + "ments" + ], + [ + "Ġreturn", + "s" + ], + [ + "p", + "at" + ], + [ + "B", + "O" + ], + [ + "ĠH", + "ouse" + ], + [ + ".L", + "abel" + ], + [ + "Ġwe", + "ight" + ], + [ + "igh", + "b" + ], + [ + "Ġcondition", + "s" + ], + [ + "Ġex", + "ception" + ], + [ + "d", + "escription" + ], + [ + "Ġtr", + "ad" + ], + [ + "-", + "to" + ], + [ + "Ġ{", + "}" + ], + [ + "Ġmod", + "ule" + ], + [ + "EN", + "D" + ], + [ + ".", + "ap" + ], + [ + ".p", + "rops" + ], + [ + "Ġcon", + "structor" + ], + [ + "av", + "es" + ], + [ + "Ġf", + "avor" + ], + [ + "ĠN", + "ow" + ], + [ + ";", + "i" + ], + [ + "ĠM", + "ain" + ], + [ + "_", + "k" + ], + [ + "er", + "ies" + ], + [ + "âĢĻ", + "ll" + ], + [ + "trans", + "form" + ], + [ + "imest", + "amp" + ], + [ + "P", + "re" + ], + [ + "Ġm", + "er" + ], + [ + ".", + "res" + ], + [ + "st", + "ant" + ], + [ + "L", + "ocation" + ], + [ + "_N", + "AME" + ], + [ + "Ġlos", + "s" + ], + [ + "Ġ", + "ĊĊ" + ], + [ + "n", + "et" + ], + [ + "Ġeng", + "ine" + ], + [ + "B", + "lock" + ], + [ + "Ġiss", + "ues" + ], + [ + "Ġpar", + "se" + ], + [ + "ĠB", + "ar" + ], + [ + "Ġst", + "ay" + ], + [ + "ĠJ", + "SON" + ], + [ + "Ġd", + "om" + ], + [ + "air", + "s" + ], + [ + "w", + "ner" + ], + [ + "Ġl", + "ower" + ], + [ + "\",", + "čĊ" + ], + [ + "ĠD", + "em" + ], + [ + "uf", + "act" + ], + [ + "Ġp", + "s" + ], + [ + "Ġper", + "fect" + ], + [ + "R", + "L" + ], + [ + "Ġed", + "uc" + ], + [ + "l", + "s" + ], + [ + "em", + "ory" + ], + [ + "ARR", + "ANT" + ], + [ + "u", + "ge" + ], + [ + "Ġex", + "act" + ], + [ + ".", + "key" + ], + [ + "al", + "led" + ], + [ + "e", + "ch" + ], + [ + "ie", + "f" + ], + [ + "\\", + "/" + ], + [ + "o", + "ke" + ], + [ + "Ġfor", + "mer" + ], + [ + "al", + "loc" + ], + [ + "Ġs", + "ix" + ], + [ + "id", + "a" + ], + [ + "Ġm", + "argin" + ], + [ + "Ġhe", + "art" + ], + [ + "al", + "d" + ], + [ + "p", + "ack" + ], + [ + ".getElement", + "ById" + ], + [ + "ĠW", + "ARRANT" + ], + [ + "Ġr", + "ather" + ], + [ + "Ġbuild", + "ing" + ], + [ + "er", + "man" + ], + [ + "lic", + "e" + ], + [ + "Ġquest", + "ions" + ], + [ + "iz", + "es" + ], + [ + "le", + "ge" + ], + [ + "irect", + "ory" + ], + [ + "Ġj", + "e" + ], + [ + "Ġc", + "as" + ], + [ + "pro", + "ps" + ], + [ + "ut", + "f" + ], + [ + "Ġse", + "curity" + ], + [ + "Ġhow", + "ever" + ], + [ + "we", + "ight" + ], + [ + "Ġins", + "ide" + ], + [ + "Ġpres", + "ident" + ], + [ + "Ch", + "ar" + ], + [ + "ĠW", + "ITH" + ], + [ + ".m", + "ap" + ], + [ + "Ġgr", + "aph" + ], + [ + "Ġt", + "ag" + ], + [ + "_st", + "atus" + ], + [ + "Ġat", + "tempt" + ], + [ + "op", + "p" + ], + [ + "us", + "es" + ], + [ + "ĉ", + "const" + ], + [ + "Ġr", + "ound" + ], + [ + ",", + "$" + ], + [ + "Ġfri", + "ends" + ], + [ + "Em", + "ail" + ], + [ + "?", + ">" + ], + [ + "Res", + "ource" + ], + [ + "KE", + "Y" + ], + [ + "os", + "p" + ], + [ + ".", + "query" + ], + [ + "ĠN", + "orth" + ], + [ + "able", + "s" + ], + [ + "ist", + "rib" + ], + [ + "_c", + "lass" + ], + [ + "el", + "lo" + ], + [ + "Th", + "at" + ], + [ + "Ð", + "º" + ], + [ + "pecial", + "ly" + ], + [ + "ĠPres", + "ident" + ], + [ + "Ġcamp", + "aign" + ], + [ + "Ġal", + "t" + ], + [ + "are", + "a" + ], + [ + "Ġch", + "all" + ], + [ + "Ġop", + "port" + ], + [ + ".C", + "on" + ], + [ + "Ġenerg", + "y" + ], + [ + "li", + "ke" + ], + [ + ".", + "string" + ], + [ + "ing", + "ton" + ], + [ + ")", + "*" + ], + [ + "y", + "y" + ], + [ + "Ġprof", + "ession" + ], + [ + "ir", + "th" + ], + [ + "Ġse", + "g" + ], + [ + "æ", + "ľ" + ], + [ + "Ġh", + "or" + ], + [ + "i", + "ers" + ], + [ + "c", + "an" + ], + [ + "Ġbeh", + "ind" + ], + [ + "Pro", + "duct" + ], + [ + "f", + "g" + ], + [ + "ĠS", + "k" + ], + [ + ".j", + "pg" + ], + [ + "?", + ":" + ], + [ + "]", + ";ĊĊ" + ], + [ + "Ġcall", + "back" + ], + [ + "ĠH", + "ttp" + ], + [ + "Ñ", + "Į" + ], + [ + "l", + "ong" + ], + [ + "M", + "S" + ], + [ + "AT", + "H" + ], + [ + "Ġr", + "aise" + ], + [ + "Ġwant", + "ed" + ], + [ + "row", + "n" + ], + [ + "ut", + "or" + ], + [ + "l", + "t" + ], + [ + "]", + "=" + ], + [ + "el", + "ine" + ], + [ + "M", + "A" + ], + [ + "Ġse", + "par" + ], + [ + "c", + "s" + ], + [ + "se", + "mb" + ], + [ + "D", + "is" + ], + [ + "bs", + "erv" + ], + [ + "ĠW", + "ill" + ], + [ + "Ġpol", + "icy" + ], + [ + "Ġth", + "ird" + ], + [ + "ph", + "one" + ], + [ + "Ġb", + "ed" + ], + [ + "/", + "g" + ], + [ + ".", + "__" + ], + [ + "ĠIn", + "c" + ], + [ + "iz", + "ing" + ], + [ + ".re", + "move" + ], + [ + "in", + "stance" + ], + [ + ".t", + "ype" + ], + [ + "Ġs", + "erv" + ], + [ + "E", + "ach" + ], + [ + "Ġh", + "ar" + ], + [ + "ĠM", + "essage" + ], + [ + "(", + "key" + ], + [ + "SE", + "LECT" + ], + [ + "P", + "os" + ], + [ + "))", + ";čĊ" + ], + [ + "Ġre", + "comm" + ], + [ + "Ġtr", + "aining" + ], + [ + "ĠE", + "nt" + ], + [ + "ĠCh", + "ar" + ], + [ + "ic", + "ht" + ], + [ + "(f", + "ile" + ], + [ + "Ġp", + "rior" + ], + [ + "G", + "ame" + ], + [ + "Ġex", + "it" + ], + [ + "Param", + "s" + ], + [ + ".c", + "ore" + ], + [ + "P", + "C" + ], + [ + "n", + "es" + ], + [ + "anc", + "ed" + ], + [ + "(", + "request" + ], + [ + "P", + "assword" + ], + [ + "}", + ">Ċ" + ], + [ + "Ġm", + "ag" + ], + [ + "Ġre", + "lease" + ], + [ + "Ġsh", + "all" + ], + [ + "ud", + "ent" + ], + [ + "ĠS", + "outh" + ], + [ + "and", + "o" + ], + [ + ":", + "'" + ], + [ + ".Tab", + "Index" + ], + [ + "s", + "k" + ], + [ + "ann", + "er" + ], + [ + "is", + "set" + ], + [ + "Ġout", + "side" + ], + [ + "led", + "ge" + ], + [ + "Ġ", + "å" + ], + [ + "ĠR", + "ob" + ], + [ + "Ġim", + "m" + ], + [ + "!", + "Ċ" + ], + [ + "ĠWe", + "b" + ], + [ + "D", + "es" + ], + [ + "B", + "C" + ], + [ + "anc", + "ial" + ], + [ + "R", + "oute" + ], + [ + "D", + "ec" + ], + [ + "fer", + "ences" + ], + [ + "Ġp", + "urch" + ], + [ + "ĠM", + "odel" + ], + [ + "ct", + "or" + ], + [ + "g", + "n" + ], + [ + "_st", + "art" + ], + [ + "_", + "un" + ], + [ + ".", + "*" + ], + [ + "is", + "es" + ], + [ + "Ġg", + "round" + ], + [ + "Ġun", + "ique" + ], + [ + "Ġbe", + "aut" + ], + [ + "{", + "\"" + ], + [ + "Ġp", + "our" + ], + [ + "ĠO", + "ct" + ], + [ + "Ġt", + "ree" + ], + [ + "set", + "s" + ], + [ + "_", + "res" + ], + [ + "')", + "->" + ], + [ + "_re", + "g" + ], + [ + "(\"", + "\\" + ], + [ + "Ġby", + "te" + ], + [ + "B", + "l" + ], + [ + "Ġd", + "ating" + ], + [ + "Ġm", + "atter" + ], + [ + "ĠR", + "em" + ], + [ + "Ġ'", + "../" + ], + [ + "ĠA", + "ug" + ], + [ + "ĠL", + "a" + ], + [ + "Ġ$", + "(" + ], + [ + "ourn", + "al" + ], + [ + "i", + "am" + ], + [ + "Ġshow", + "s" + ], + [ + "w", + "rite" + ], + [ + "Ġb", + "all" + ], + [ + "Ġsim", + "ply" + ], + [ + "Ġf", + "ast" + ], + [ + "Ġmem", + "ory" + ], + [ + "A", + "SS" + ], + [ + "ĠO", + "f" + ], + [ + "ov", + "ed" + ], + [ + "ant", + "e" + ], + [ + "a", + "ul" + ], + [ + "ist", + "ry" + ], + [ + "))", + ");Ċ" + ], + [ + "Ġf", + "it" + ], + [ + "<", + "string" + ], + [ + "Ġpolit", + "ical" + ], + [ + "anc", + "el" + ], + [ + "_", + "." + ], + [ + "c", + "ard" + ], + [ + ".c", + "urrent" + ], + [ + "o", + "ch" + ], + [ + "_", + "image" + ], + [ + "\\", + "t" + ], + [ + "#", + "Ċ" + ], + [ + "(", + "L" + ], + [ + "Ġindu", + "stry" + ], + [ + "com", + "ing" + ], + [ + "Ġex", + "tra" + ], + [ + "Ġreport", + "ed" + ], + [ + ".st", + "art" + ], + [ + "Ġres", + "ources" + ], + [ + "Ġim", + "g" + ], + [ + "fl", + "ow" + ], + [ + "_E", + "X" + ], + [ + "(n", + "ull" + ], + [ + "ĠP", + "re" + ], + [ + "Ġwr", + "ong" + ], + [ + "inter", + "face" + ], + [ + "Param", + "eter" + ], + [ + "n", + "ers" + ], + [ + "á", + "»" + ], + [ + "t", + "ure" + ], + [ + "ers", + "ist" + ], + [ + "oun", + "try" + ], + [ + "Ġseem", + "s" + ], + [ + "al", + "ance" + ], + [ + "de", + "st" + ], + [ + "ĉ", + "String" + ], + [ + "Ġm", + "aint" + ], + [ + "Ġun", + "it" + ], + [ + "act", + "ers" + ], + [ + "ĠT", + "R" + ], + [ + "if", + "ul" + ], + [ + "export", + "s" + ], + [ + "pro", + "ject" + ], + [ + "App", + "lication" + ], + [ + "leg", + "ate" + ], + [ + "Ġt", + "akes" + ], + [ + "ter", + "m" + ], + [ + "Ġet", + "c" + ], + [ + "ust", + "er" + ], + [ + "Ġappe", + "ar" + ], + [ + "add", + "ress" + ], + [ + "Ġf", + "em" + ], + [ + "h", + "s" + ], + [ + "Ġh", + "om" + ], + [ + ",", + "-" + ], + [ + "Ġdiff", + "icult" + ], + [ + "Ġcom", + "ing" + ], + [ + "O", + "pen" + ], + [ + "Ġset", + "tings" + ], + [ + "ĠW", + "ar" + ], + [ + "ĠTh", + "en" + ], + [ + "Ġaut", + "om" + ], + [ + "ĠF", + "oundation" + ], + [ + "Ġqu", + "ite" + ], + [ + "D", + "escription" + ], + [ + "Ġb", + "log" + ], + [ + "i", + "qu" + ], + [ + "P", + "S" + ], + [ + "_f", + "ield" + ], + [ + "J", + "son" + ], + [ + "SS", + "ION" + ], + [ + "ĠS", + "ch" + ], + [ + "ĠL", + "O" + ], + [ + "Ġdes", + "cri" + ], + [ + "Ġevery", + "one" + ], + [ + "Ġpret", + "ty" + ], + [ + "Ġlong", + "er" + ], + [ + "Ġm", + "enu" + ], + [ + "Ġcurrent", + "ly" + ], + [ + "se", + "c" + ], + [ + "Ġrelations", + "hip" + ], + [ + "################", + "################" + ], + [ + "ĠM", + "ap" + ], + [ + "as", + "et" + ], + [ + "Ġparam", + "eters" + ], + [ + "Ġcr", + "ush" + ], + [ + "\"", + "čĊ" + ], + [ + "IL", + "ITY" + ], + [ + "ig", + "ration" + ], + [ + "Ġc", + "out" + ], + [ + "t", + "otal" + ], + [ + "Ġn", + "ames" + ], + [ + "nd", + "ef" + ], + [ + "\")", + ";" + ], + [ + "ri", + "end" + ], + [ + "yn", + "amic" + ], + [ + "Ġeff", + "ort" + ], + [ + "Ġact", + "ual" + ], + [ + "Ġfield", + "s" + ], + [ + "O", + "UN" + ], + [ + "t", + "ers" + ], + [ + "Ġf", + "ix" + ], + [ + "_m", + "odel" + ], + [ + "Ġc", + "ases" + ], + [ + "C", + "A" + ], + [ + "M", + "y" + ], + [ + "Inter", + "face" + ], + [ + "ĠS", + "E" + ], + [ + "]", + "]" + ], + [ + "al", + "le" + ], + [ + "ĠN", + "ational" + ], + [ + "ĠArray", + "List" + ], + [ + "in", + "line" + ], + [ + ".", + "V" + ], + [ + "ar", + "a" + ], + [ + "ref", + "ix" + ], + [ + "as", + "c" + ], + [ + "Re", + "ader" + ], + [ + "ĠÐ", + "¿" + ], + [ + "ast", + "ic" + ], + [ + "(", + "()" + ], + [ + "C", + "l" + ], + [ + ".annot", + "ation" + ], + [ + "Ġperform", + "ance" + ], + [ + "ail", + "y" + ], + [ + ".to", + "String" + ], + [ + ".n", + "et" + ], + [ + "view", + "s" + ], + [ + ".", + "end" + ], + [ + "ay", + "ers" + ], + [ + "l", + "ate" + ], + [ + "ĠA", + "pr" + ], + [ + "ed", + "eral" + ], + [ + "']", + ")" + ], + [ + ".b", + "ody" + ], + [ + "Ġhigh", + "er" + ], + [ + "_f", + "l" + ], + [ + "c", + "r" + ], + [ + "al", + "ert" + ], + [ + "_n", + "ode" + ], + [ + "ĠG", + "oogle" + ], + [ + "Ġit", + "self" + ], + [ + "A", + "uth" + ], + [ + "urrenc", + "y" + ], + [ + "Ġsignific", + "ant" + ], + [ + "app", + "end" + ], + [ + "Ġres", + "pect" + ], + [ + "str", + "ap" + ], + [ + "Ġun", + "a" + ], + [ + "riter", + "ia" + ], + [ + "P", + "ORT" + ], + [ + ".ap", + "ache" + ], + [ + "Out", + "put" + ], + [ + "Ġpro", + "gress" + ], + [ + "Ġm", + "id" + ], + [ + "ĠM", + "icrosoft" + ], + [ + "Ġres", + "ource" + ], + [ + "ab", + "lish" + ], + [ + "Ġd", + "im" + ], + [ + ".", + "load" + ], + [ + ".A", + "pp" + ], + [ + "Ġd", + "irection" + ], + [ + "Ġadd", + "itional" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠ" + ], + [ + "Ġnum", + "bers" + ], + [ + "Ġcompan", + "ies" + ], + [ + ".T", + "h" + ], + [ + "Ġs", + "ound" + ], + [ + "user", + "name" + ], + [ + "Ġstat", + "ement" + ], + [ + "Ġal", + "ert" + ], + [ + "Ġcon", + "tract" + ], + [ + "h", + "ome" + ], + [ + "_l", + "ength" + ], + [ + ".Com", + "ponent" + ], + [ + "e", + "v" + ], + [ + ".", + "Ex" + ], + [ + "ï¼", + "ļ" + ], + [ + "\"", + ";" + ], + [ + "ĠH", + "igh" + ], + [ + "Ġ", + ")ĊĊ" + ], + [ + "ĠP", + "oint" + ], + [ + "op", + "h" + ], + [ + "Ġl", + "ines" + ], + [ + "->", + "_" + ], + [ + "\"", + ")ĊĊ" + ], + [ + "o", + "x" + ], + [ + "app", + "lication" + ], + [ + "Ġ", + "]Ċ" + ], + [ + "ĊĊĊĊ", + "ĊĊ" + ], + [ + "Ġso", + "on" + ], + [ + "ction", + "s" + ], + [ + "ing", + "er" + ], + [ + "Ġj", + "oin" + ], + [ + "ĠP", + "e" + ], + [ + "Ġ", + "ë" + ], + [ + "Ġl", + "as" + ], + [ + ".", + "E" + ], + [ + "c", + "ss" + ], + [ + "/", + "or" + ], + [ + "ĠSt", + "art" + ], + [ + "ĠT", + "O" + ], + [ + "Ġsub", + "s" + ], + [ + "con", + "n" + ], + [ + "com", + "ponents" + ], + [ + "DE", + "BUG" + ], + [ + "qu", + "are" + ], + [ + "F", + "unction" + ], + [ + "end", + "ar" + ], + [ + ".", + "index" + ], + [ + "Ġf", + "ill" + ], + [ + "Ä", + "Ļ" + ], + [ + "Ġcho", + "ose" + ], + [ + "h", + "ow" + ], + [ + "ĠAmeric", + "a" + ], + [ + "ass", + "ets" + ], + [ + "--------", + "----" + ], + [ + "ĠV", + "alue" + ], + [ + "Ġoff", + "ice" + ], + [ + "Ġv", + "eh" + ], + [ + "Ġtrans", + "form" + ], + [ + "ĠAr", + "t" + ], + [ + "Ġin", + "de" + ], + [ + "Ġf", + "n" + ], + [ + "Ġim", + "plements" + ], + [ + "ang", + "o" + ], + [ + "ple", + "te" + ], + [ + "+", + "\"" + ], + [ + "t", + "mp" + ], + [ + "am", + "ily" + ], + [ + "Ġhas", + "h" + ], + [ + "miss", + "ions" + ], + [ + "E", + "ST" + ], + [ + "g", + "t" + ], + [ + "Pro", + "vider" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠ" + ], + [ + "Ġfl", + "ag" + ], + [ + "Ġpartic", + "ip" + ], + [ + "d", + "en" + ], + [ + "ĠReturn", + "s" + ], + [ + "Ġnot", + "e" + ], + [ + "ü", + "r" + ], + [ + "p", + "m" + ], + [ + "ide", + "os" + ], + [ + "Ġspec", + "ified" + ], + [ + "ĠE", + "N" + ], + [ + "est", + "er" + ], + [ + "ol", + "id" + ], + [ + "Ġup", + "on" + ], + [ + "(", + "std" + ], + [ + "ĉ", + "v" + ], + [ + "Ġ'", + "\\" + ], + [ + "u", + "z" + ], + [ + "Ġv", + "ert" + ], + [ + "Ġv", + "ict" + ], + [ + "ĉ", + "self" + ], + [ + "Ġ\"", + "$" + ], + [ + ".", + "k" + ], + [ + "Ġgroup", + "s" + ], + [ + "g", + "ithub" + ], + [ + "l", + "ang" + ], + [ + "Ġm", + "ut" + ], + [ + "T", + "O" + ], + [ + "Ġv", + "e" + ], + [ + "ĠP", + "lease" + ], + [ + ";ĊĊ", + "Ċ" + ], + [ + "ac", + "cess" + ], + [ + "Ġ{", + "\"" + ], + [ + "re", + "a" + ], + [ + "Ġr", + "isk" + ], + [ + "ick", + "er" + ], + [ + "og", + "gle" + ], + [ + "ĉ", + "while" + ], + [ + "AN", + "G" + ], + [ + ".s", + "end" + ], + [ + "Ġwom", + "an" + ], + [ + "Ġget", + "s" + ], + [ + "Ġ", + "ign" + ], + [ + "ĠI", + "d" + ], + [ + "_", + "log" + ], + [ + "ON", + "E" + ], + [ + "Ġe", + "vid" + ], + [ + "ĠH", + "ar" + ], + [ + "_s", + "ub" + ], + [ + "Ġend", + "l" + ], + [ + "Ġinclud", + "ed" + ], + [ + "()", + ");ĊĊ" + ], + [ + "ĠA", + "p" + ], + [ + "ig", + "r" + ], + [ + "Ġs", + "em" + ], + [ + "ĠBl", + "ack" + ], + [ + "d", + "oc" + ], + [ + "_t", + "able" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "-", + "up" + ], + [ + "Ġca", + "use" + ], + [ + "Ġ", + ".." + ], + [ + "Ġv", + "an" + ], + [ + "_d", + "ict" + ], + [ + "Ġf", + "ocus" + ], + [ + "IN", + "D" + ], + [ + "CE", + "SS" + ], + [ + ".L", + "og" + ], + [ + "Ġmult", + "iple" + ], + [ + "id", + "o" + ], + [ + "Ġreg", + "ard" + ], + [ + "-", + "M" + ], + [ + "and", + "ler" + ], + [ + "our", + "se" + ], + [ + "Ġde", + "g" + ], + [ + ".", + "U" + ], + [ + "Ġadd", + "ition" + ], + [ + "Ġvar", + "ious" + ], + [ + "Ġrece", + "ive" + ], + [ + "е", + "н" + ], + [ + "ĠH", + "T" + ], + [ + "Ob", + "j" + ], + [ + "D", + "F" + ], + [ + "Ġincre", + "ase" + ], + [ + "ĠO", + "pen" + ], + [ + "]", + ";" + ], + [ + "Ġcomm", + "it" + ], + [ + "?", + "Ċ" + ], + [ + "ateg", + "ories" + ], + [ + "at", + "ory" + ], + [ + "sh", + "ip" + ], + [ + "ĠM", + "ich" + ], + [ + "Ġh", + "tml" + ], + [ + "rom", + "ise" + ], + [ + "Ġle", + "ave" + ], + [ + "Ġstr", + "ateg" + ], + [ + "av", + "en" + ], + [ + "ĠCon", + "sole" + ], + [ + "k", + "nown" + ], + [ + "-", + "n" + ], + [ + "_", + "LE" + ], + [ + ".com", + "ponent" + ], + [ + "Ġb", + "re" + ], + [ + "S", + "ession" + ], + [ + "i", + "ance" + ], + [ + "Ġal", + "ign" + ], + [ + "typ", + "edef" + ], + [ + "_", + "result" + ], + [ + "ĠW", + "HERE" + ], + [ + ".s", + "plit" + ], + [ + "Ġread", + "ing" + ], + [ + "FA", + "ULT" + ], + [ + "Ġc", + "lo" + ], + [ + "Ġnot", + "ice" + ], + [ + "_p", + "r" + ], + [ + "ar", + "ter" + ], + [ + "Ġlo", + "ck" + ], + [ + "Ġstand", + "ard" + ], + [ + "et", + "ic" + ], + [ + "ell", + "ow" + ], + [ + "Ġp", + "adding" + ], + [ + "ĠH", + "is" + ], + [ + "Ġst", + "ates" + ], + [ + "_c", + "ast" + ], + [ + "(", + "P" + ], + [ + "a", + "a" + ], + [ + "Ġintern", + "al" + ], + [ + "e", + "an" + ], + [ + "ĠP", + "RO" + ], + [ + "ĠK", + "ey" + ], + [ + "Ġes", + "pecially" + ], + [ + "m", + "ing" + ], + [ + "Ġc", + "ross" + ], + [ + "Ġn", + "ational" + ], + [ + "_", + "object" + ], + [ + "f", + "ilter" + ], + [ + "Ġs", + "cript" + ], + [ + ".", + "update" + ], + [ + "_", + "i" + ], + [ + "ĠAss", + "ert" + ], + [ + "/", + "core" + ], + [ + "%%", + "%%" + ], + [ + "Ġproble", + "ms" + ], + [ + "ist", + "or" + ], + [ + "Ġ.", + "=" + ], + [ + "Ġar", + "ch" + ], + [ + "Ġwrit", + "ten" + ], + [ + "Ġm", + "ilit" + ], + [ + "M", + "ENT" + ], + [ + ".", + "ch" + ], + [ + "ca", + "pe" + ], + [ + "ĠM", + "us" + ], + [ + "_", + "config" + ], + [ + "ĠA", + "PI" + ], + [ + "fo", + "ot" + ], + [ + "Ġim", + "ages" + ], + [ + "end", + "l" + ], + [ + ".", + "In" + ], + [ + "F", + "irst" + ], + [ + "Ġpl", + "atform" + ], + [ + ".pro", + "t" + ], + [ + "O", + "ption" + ], + [ + "st", + "e" + ], + [ + "ĠT", + "ODO" + ], + [ + "Ġfor", + "ce" + ], + [ + ".", + "cont" + ], + [ + "ĉ", + "echo" + ], + [ + "ĠD", + "av" + ], + [ + "P", + "tr" + ], + [ + "(", + "B" + ], + [ + "R", + "T" + ], + [ + "ĠB", + "ase" + ], + [ + "]", + "['" + ], + [ + "Ġann", + "ounc" + ], + [ + "con", + "sole" + ], + [ + "ĠP", + "y" + ], + [ + "d", + "s" + ], + [ + ".", + "as" + ], + [ + "Ġpre", + "vent" + ], + [ + "ap", + "an" + ], + [ + "Ġ{", + "'" + ], + [ + "}", + "", + "'" + ], + [ + "Ġde", + "ad" + ], + [ + "V", + "AL" + ], + [ + "Q", + "UE" + ], + [ + "****************************************************************", + "********" + ], + [ + "Ġch", + "arg" + ], + [ + "R", + "eturn" + ], + [ + "Ġf", + "ul" + ], + [ + "d", + "om" + ], + [ + "Ġr", + "ules" + ], + [ + "Ġmod", + "ify" + ], + [ + "Ġe", + "val" + ], + [ + "h", + "am" + ], + [ + "at", + "ement" + ], + [ + "\\", + "<" + ], + [ + "ul", + "a" + ], + [ + "=", + "False" + ], + [ + "R", + "A" + ], + [ + "Ġcont", + "ains" + ], + [ + "Ġst", + "ack" + ], + [ + "m", + "ar" + ], + [ + "Ġ{", + "}Ċ" + ], + [ + "Ġund", + "efined" + ], + [ + "A", + "ss" + ], + [ + "ĠCh", + "ina" + ], + [ + "ve", + "y" + ], + [ + "*", + "Ċ" + ], + [ + "Ġplay", + "ing" + ], + [ + ")", + "/" + ], + [ + "act", + "or" + ], + [ + "Ġb", + "ottom" + ], + [ + "li", + "er" + ], + [ + "ĠN", + "umber" + ], + [ + "Ġcou", + "ple" + ], + [ + "D", + "C" + ], + [ + "ĠS", + "O" + ], + [ + "g", + "or" + ], + [ + ".set", + "Text" + ], + [ + "s", + "uccess" + ], + [ + "com", + "mand" + ], + [ + "F", + "ilter" + ], + [ + "ĠO", + "ur" + ], + [ + "_", + "item" + ], + [ + "Ġc", + "tx" + ], + [ + "Ġro", + "ad" + ], + [ + "V", + "ersion" + ], + [ + "c", + "ase" + ], + [ + "ur", + "t" + ], + [ + "av", + "ior" + ], + [ + "y", + "ch" + ], + [ + "semb", + "ly" + ], + [ + "ĠPro", + "duct" + ], + [ + "Ġh", + "eld" + ], + [ + "a", + "fe" + ], + [ + "Ġinclud", + "es" + ], + [ + "<", + "quote" + ], + [ + "Ġa", + "void" + ], + [ + "ĠF", + "in" + ], + [ + "ĠM", + "od" + ], + [ + "Ġt", + "ab" + ], + [ + "an", + "o" + ], + [ + "Ã", + "±" + ], + [ + "ipp", + "ing" + ], + [ + "-", + "e" + ], + [ + "Ġins", + "ert" + ], + [ + "t", + "arget" + ], + [ + "ch", + "an" + ], + [ + ".M", + "odel" + ], + [ + "IM", + "E" + ], + [ + "\\", + "Ċ" + ], + [ + "Ġm", + "achine" + ], + [ + "av", + "y" + ], + [ + "ĠN", + "O" + ], + [ + "ĠInt", + "er" + ], + [ + "Ġoper", + "ation" + ], + [ + "mod", + "al" + ], + [ + "T", + "ag" + ], + [ + "]", + ":" + ], + [ + "Ġprodu", + "ction" + ], + [ + "Ġare", + "as" + ], + [ + "Ġre", + "n" + ], + [ + "_f", + "rom" + ], + [ + "n", + "bsp" + ], + [ + "Ġoper", + "ator" + ], + [ + "m", + "en" + ], + [ + "app", + "ed" + ], + [ + "_p", + "er" + ], + [ + "z", + "en" + ], + [ + "(\"", + "." + ], + [ + ".s", + "ave" + ], + [ + "=\"", + "{{" + ], + [ + "Ġt", + "or" + ], + [ + "(", + "response" + ], + [ + "Ġc", + "andid" + ], + [ + "Ġcon", + "v" + ], + [ + "a", + "iled" + ], + [ + "ĠL", + "ib" + ], + [ + "com", + "p" + ], + [ + "ur", + "a" + ], + [ + "ï¿", + "½" + ], + [ + "ĠH", + "ere" + ], + [ + "Ġarg", + "ument" + ], + [ + "h", + "ood" + ], + [ + "Ġest", + "ablish" + ], + [ + "ograph", + "y" + ], + [ + "Ġon", + "Click" + ], + [ + "amb", + "da" + ], + [ + "Ġs", + "ch" + ], + [ + "Ġmov", + "ie" + ], + [ + "Ġse", + "c" + ], + [ + "Ġact", + "ivity" + ], + [ + "Ø", + "§" + ], + [ + "Ġs", + "ql" + ], + [ + "_", + "all" + ], + [ + "inc", + "ip" + ], + [ + "Ġprovid", + "es" + ], + [ + "Ġs", + "ys" + ], + [ + "ack", + "et" + ], + [ + "Ġwas", + "n" + ], + [ + "Ġus", + "es" + ], + [ + "ĠF", + "unction" + ], + [ + ".g", + "oogle" + ], + [ + "ĠRes", + "ult" + ], + [ + "Vis", + "ible" + ], + [ + "ag", + "ma" + ], + [ + "el", + "come" + ], + [ + "ĠS", + "y" + ], + [ + "ĠC", + "ent" + ], + [ + "AL", + "SE" + ], + [ + "ac", + "ión" + ], + [ + "EX", + "T" + ], + [ + "Ġl", + "icense" + ], + [ + "ĠL", + "ong" + ], + [ + "Ġacc", + "om" + ], + [ + "Ġab", + "ility" + ], + [ + ".", + "height" + ], + [ + "Act", + "ive" + ], + [ + "olog", + "ical" + ], + [ + "ol", + "y" + ], + [ + "))", + "," + ], + [ + ".S", + "e" + ], + [ + "Ġparam", + "eter" + ], + [ + "pr", + "ite" + ], + [ + "AB", + "ILITY" + ], + [ + ".s", + "ervice" + ], + [ + "ĠG", + "roup" + ], + [ + "_", + "query" + ], + [ + "ĠI", + "tem" + ], + [ + "in", + "ing" + ], + [ + "Ġj", + "ud" + ], + [ + "im", + "s" + ], + [ + "f", + "ix" + ], + [ + "ind", + "er" + ], + [ + "ag", + "ram" + ], + [ + "Ġfunction", + "s" + ], + [ + "Ġexper", + "i" + ], + [ + "ĠE", + "m" + ], + [ + "Ġro", + "t" + ], + [ + "Ġp", + "en" + ], + [ + ".b", + "tn" + ], + [ + "ĠA", + "S" + ], + [ + "#if", + "def" + ], + [ + "Ġcho", + "ice" + ], + [ + "ĠP", + "age" + ], + [ + "_P", + "RO" + ], + [ + "Q", + "U" + ], + [ + "å", + "ı" + ], + [ + "ant", + "ity" + ], + [ + "Â", + "Ń" + ], + [ + "word", + "s" + ], + [ + "Ġread", + "only" + ], + [ + "Ġf", + "lex" + ], + [ + "prot", + "ected" + ], + [ + "ĠAn", + "y" + ], + [ + "Ġchar", + "acters" + ], + [ + "enc", + "ed" + ], + [ + "ĠJ", + "uly" + ], + [ + "il", + "er" + ], + [ + "C", + "ard" + ], + [ + "ur", + "ance" + ], + [ + "Ġre", + "v" + ], + [ + ".e", + "vent" + ], + [ + "al", + "y" + ], + [ + "Ġwon", + "der" + ], + [ + "ĠP", + "ort" + ], + [ + "Ġleg", + "al" + ], + [ + "ro", + "le" + ], + [ + "Ġt", + "en" + ], + [ + "Ġgo", + "es" + ], + [ + "M", + "P" + ], + [ + "wh", + "ite" + ], + [ + "):", + "čĊ" + ], + [ + "))", + "čĊ" + ], + [ + "Ġre", + "ference" + ], + [ + "Ġm", + "is" + ], + [ + "ĠPro", + "ject" + ], + [ + "ick", + "s" + ], + [ + ">", + "&" + ], + [ + "C", + "ON" + ], + [ + "Ġre", + "pl" + ], + [ + "Ġreg", + "ular" + ], + [ + "St", + "orage" + ], + [ + "ram", + "ework" + ], + [ + "Ġgo", + "al" + ], + [ + "Ġt", + "ouch" + ], + [ + ".w", + "idget" + ], + [ + "Ġbu", + "ilt" + ], + [ + "d", + "es" + ], + [ + "P", + "art" + ], + [ + "(", + "re" + ], + [ + "Ġw", + "orth" + ], + [ + "h", + "ib" + ], + [ + "g", + "ame" + ], + [ + "ĠÐ", + "²" + ], + [ + "ac", + "ion" + ], + [ + "ĠWh", + "ite" + ], + [ + "(t", + "ype" + ], + [ + "(", + "`" + ], + [ + "Ġn", + "atural" + ], + [ + "Ġin", + "j" + ], + [ + "Ġcal", + "cul" + ], + [ + "ĠApr", + "il" + ], + [ + ".", + "List" + ], + [ + "Ġassoci", + "ated" + ], + [ + "ĉ", + "System" + ], + [ + "~", + "~" + ], + [ + "=", + "[" + ], + [ + "Ġst", + "orage" + ], + [ + "Ġby", + "tes" + ], + [ + "Ġtr", + "avel" + ], + [ + "Ġs", + "ou" + ], + [ + "Ġpass", + "ed" + ], + [ + "!", + "=" + ], + [ + "as", + "cript" + ], + [ + ".", + "open" + ], + [ + "Ġgr", + "id" + ], + [ + "Ġb", + "us" + ], + [ + "Ġrec", + "ogn" + ], + [ + "A", + "b" + ], + [ + "Ġh", + "on" + ], + [ + "ĠC", + "enter" + ], + [ + "Ġpre", + "c" + ], + [ + "b", + "uild" + ], + [ + "HT", + "ML" + ], + [ + "ĠS", + "an" + ], + [ + "Ġcoun", + "tries" + ], + [ + "a", + "led" + ], + [ + "t", + "oken" + ], + [ + "k", + "t" + ], + [ + "Ġqu", + "al" + ], + [ + "L", + "ast" + ], + [ + "ad", + "ow" + ], + [ + "Ġman", + "ufact" + ], + [ + "id", + "ad" + ], + [ + "j", + "ango" + ], + [ + "N", + "ext" + ], + [ + "x", + "f" + ], + [ + ".", + "a" + ], + [ + "Ġporn", + "o" + ], + [ + "ĠP", + "M" + ], + [ + "er", + "ve" + ], + [ + "it", + "ing" + ], + [ + "_", + "th" + ], + [ + "c", + "i" + ], + [ + "=", + "None" + ], + [ + "g", + "s" + ], + [ + "Ġlog", + "in" + ], + [ + "at", + "ives" + ], + [ + "']", + ");Ċ" + ], + [ + "Ä", + "ħ" + ], + [ + "Ġ", + "ill" + ], + [ + "I", + "A" + ], + [ + "child", + "ren" + ], + [ + "D", + "O" + ], + [ + "Ġlevel", + "s" + ], + [ + "Ġ{", + "{" + ], + [ + "Ġlook", + "s" + ], + [ + "Ġ\"", + "#" + ], + [ + "To", + "String" + ], + [ + "Ġnecess", + "ary" + ], + [ + "ĠĠĠ", + "Ċ" + ], + [ + "c", + "ell" + ], + [ + "En", + "try" + ], + [ + "Ġ'", + "#" + ], + [ + "Ġext", + "rem" + ], + [ + "Select", + "or" + ], + [ + "Ġplace", + "holder" + ], + [ + "L", + "oad" + ], + [ + "Ġre", + "leased" + ], + [ + "O", + "RE" + ], + [ + "En", + "umer" + ], + [ + "ĠT", + "V" + ], + [ + "SE", + "T" + ], + [ + "in", + "q" + ], + [ + "P", + "ress" + ], + [ + "ĠDep", + "artment" + ], + [ + "Ġprop", + "erties" + ], + [ + "Ġres", + "pond" + ], + [ + "S", + "earch" + ], + [ + "a", + "el" + ], + [ + "Ġre", + "qu" + ], + [ + "ĠB", + "ook" + ], + [ + "/", + "Ċ" + ], + [ + "(", + "st" + ], + [ + "Ġfin", + "ancial" + ], + [ + "ick", + "et" + ], + [ + "_in", + "put" + ], + [ + "Ġth", + "reat" + ], + [ + "(", + "in" + ], + [ + "Str", + "ip" + ], + [ + "ì", + "Ŀ" + ], + [ + "ç", + "ão" + ], + [ + "Ġevid", + "ence" + ], + [ + "))", + ";" + ], + [ + "ĠB", + "ro" + ], + [ + "Ġ[", + "];Ċ" + ], + [ + "Ġ", + "ou" + ], + [ + "b", + "uf" + ], + [ + "S", + "cript" + ], + [ + "d", + "at" + ], + [ + "Ġr", + "ule" + ], + [ + "#", + "import" + ], + [ + "=\"", + "/" + ], + [ + "S", + "erial" + ], + [ + "Ġstart", + "ing" + ], + [ + "[", + "index" + ], + [ + "a", + "e" + ], + [ + "Ġcon", + "trib" + ], + [ + "s", + "ession" + ], + [ + "_", + "new" + ], + [ + "ut", + "able" + ], + [ + "o", + "ber" + ], + [ + "Ġ\"", + "./" + ], + [ + "Ġlog", + "ger" + ], + [ + "Ġrecent", + "ly" + ], + [ + "Ġreturn", + "ed" + ], + [ + "č", + "čĊ" + ], + [ + "))", + ")Ċ" + ], + [ + "ition", + "s" + ], + [ + "Ġse", + "ek" + ], + [ + "Ġcomm", + "unic" + ], + [ + "Ġ\"", + "." + ], + [ + "Ġuser", + "name" + ], + [ + "E", + "CT" + ], + [ + "D", + "S" + ], + [ + "Ġother", + "wise" + ], + [ + "ĠG", + "erman" + ], + [ + ".", + "aw" + ], + [ + "Ad", + "apter" + ], + [ + "ix", + "el" + ], + [ + "Ġsystem", + "s" + ], + [ + "Ġd", + "rop" + ], + [ + "Ġstruct", + "ure" + ], + [ + "Ġ$", + "(\"#" + ], + [ + "enc", + "ies" + ], + [ + "ann", + "ing" + ], + [ + "ĠL", + "ink" + ], + [ + "ĠRes", + "ponse" + ], + [ + "Ġst", + "ri" + ], + [ + "Å", + "¼" + ], + [ + "ĠD", + "B" + ], + [ + "æ", + "Ĺ" + ], + [ + "and", + "roid" + ], + [ + "sub", + "mit" + ], + [ + "ot", + "ion" + ], + [ + "(", + "@" + ], + [ + ".t", + "est" + ], + [ + "ĊĊĊĊ", + "ĊĊĊĊ" + ], + [ + "]", + ";čĊ" + ], + [ + "Ġdirect", + "ly" + ], + [ + "Ġ\"", + "%" + ], + [ + "r", + "is" + ], + [ + "el", + "ta" + ], + [ + "A", + "IL" + ], + [ + ")", + "{čĊ" + ], + [ + "m", + "ine" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "(", + "k" + ], + [ + "b", + "on" + ], + [ + "as", + "ic" + ], + [ + "p", + "ite" + ], + [ + "__", + "_" + ], + [ + "M", + "ax" + ], + [ + "Ġerror", + "s" + ], + [ + "ĠWh", + "ile" + ], + [ + "Ġarg", + "uments" + ], + [ + "Ġens", + "ure" + ], + [ + "R", + "ight" + ], + [ + "-b", + "ased" + ], + [ + "We", + "b" + ], + [ + "Ġ-", + "=" + ], + [ + "Ġint", + "rodu" + ], + [ + "ĠIn", + "st" + ], + [ + "ĠW", + "ash" + ], + [ + "ord", + "in" + ], + [ + "j", + "oin" + ], + [ + "D", + "atabase" + ], + [ + "Ġgr", + "ad" + ], + [ + "Ġus", + "ually" + ], + [ + "IT", + "E" + ], + [ + "Prop", + "s" + ], + [ + "?", + ">Ċ" + ], + [ + "ĠG", + "o" + ], + [ + "@", + "Override" + ], + [ + "RE", + "F" + ], + [ + "Ġ", + "ip" + ], + [ + "ĠA", + "ustral" + ], + [ + "Ġ", + "ist" + ], + [ + "View", + "ById" + ], + [ + "Ġser", + "ious" + ], + [ + "Ġcustom", + "er" + ], + [ + ".prot", + "otype" + ], + [ + "od", + "o" + ], + [ + "c", + "or" + ], + [ + "Ġdo", + "or" + ], + [ + "ĠWITH", + "OUT" + ], + [ + "Ġpl", + "ant" + ], + [ + "Ġbeg", + "an" + ], + [ + "Ġdist", + "ance" + ], + [ + "()", + ")." + ], + [ + "Ġch", + "ance" + ], + [ + "Ġor", + "d" + ], + [ + "c", + "ame" + ], + [ + "pr", + "agma" + ], + [ + "Ġprot", + "ect" + ], + [ + "rag", + "ment" + ], + [ + "ĠN", + "ode" + ], + [ + "en", + "ing" + ], + [ + "Ñ", + "ĩ" + ], + [ + "Ġr", + "oute" + ], + [ + "ĠS", + "chool" + ], + [ + "h", + "i" + ], + [ + "Ġne", + "ighb" + ], + [ + "A", + "fter" + ], + [ + "lic", + "it" + ], + [ + "Ġcon", + "tr" + ], + [ + "Ġpr", + "imary" + ], + [ + "A", + "A" + ], + [ + ".Write", + "Line" + ], + [ + "util", + "s" + ], + [ + "Ġb", + "i" + ], + [ + "R", + "ed" + ], + [ + ".L", + "inq" + ], + [ + ".", + "object" + ], + [ + "Ġlead", + "ers" + ], + [ + "un", + "ities" + ], + [ + "Ġg", + "un" + ], + [ + "on", + "th" + ], + [ + "ĠDe", + "v" + ], + [ + "F", + "ILE" + ], + [ + "Ġcom", + "ments" + ], + [ + "_l", + "en" + ], + [ + "ar", + "row" + ], + [ + "am", + "ount" + ], + [ + "R", + "ange" + ], + [ + "s", + "ert" + ], + [ + "Grid", + "View" + ], + [ + "Ġup", + "dated" + ], + [ + "ĠM", + "o" + ], + [ + "Ġin", + "form" + ], + [ + "oci", + "ety" + ], + [ + "al", + "a" + ], + [ + "A", + "ccess" + ], + [ + "Ġh", + "ab" + ], + [ + "Ġc", + "reat" + ], + [ + "_", + "arg" + ], + [ + "ĠJan", + "uary" + ], + [ + "ĠD", + "ay" + ], + [ + "\")", + "čĊ" + ], + [ + "up", + "le" + ], + [ + "d", + "ocument" + ], + [ + "gor", + "ith" + ], + [ + "m", + "enu" + ], + [ + "ĠO", + "ver" + ], + [ + "b", + "b" + ], + [ + ".t", + "itle" + ], + [ + "_", + "out" + ], + [ + "Ġle", + "d" + ], + [ + "ur", + "i" + ], + [ + "Ġ?", + ">Ċ" + ], + [ + "r", + "un" + ], + [ + "Ġsc", + "ene" + ], + [ + "(", + "array" + ], + [ + "de", + "vice" + ], + [ + "_t", + "itle" + ], + [ + "ag", + "on" + ], + [ + "]", + "čĊ" + ], + [ + "ab", + "y" + ], + [ + "Ġbe", + "came" + ], + [ + "bo", + "olean" + ], + [ + "Ġp", + "ark" + ], + [ + "ĠC", + "ode" + ], + [ + "up", + "load" + ], + [ + "rid", + "ay" + ], + [ + "ĠSept", + "ember" + ], + [ + "F", + "e" + ], + [ + "Ġs", + "en" + ], + [ + "c", + "ing" + ], + [ + "F", + "L" + ], + [ + "C", + "ol" + ], + [ + "ut", + "s" + ], + [ + "_p", + "age" + ], + [ + "in", + "n" + ], + [ + "Ġim", + "plied" + ], + [ + "al", + "ing" + ], + [ + "Ġyour", + "self" + ], + [ + ".C", + "ount" + ], + [ + "con", + "f" + ], + [ + "Ġa", + "ud" + ], + [ + "_in", + "it" + ], + [ + ".", + ")" + ], + [ + "Ġw", + "rote" + ], + [ + "N", + "G" + ], + [ + ".", + "Error" + ], + [ + "ä", + "»" + ], + [ + ".f", + "or" + ], + [ + "Ġe", + "qual" + ], + [ + "ĠRe", + "quest" + ], + [ + "Ġser", + "ial" + ], + [ + "Ġallow", + "s" + ], + [ + "X", + "X" + ], + [ + "Ġm", + "iddle" + ], + [ + "ch", + "or" + ], + [ + "Ã", + "¸" + ], + [ + "erv", + "al" + ], + [ + ".C", + "olumn" + ], + [ + "read", + "ing" + ], + [ + "Ġesc", + "ort" + ], + [ + "ĠAug", + "ust" + ], + [ + "Ġquick", + "ly" + ], + [ + "Ġwe", + "ap" + ], + [ + "ĠC", + "G" + ], + [ + "rop", + "ri" + ], + [ + "h", + "o" + ], + [ + "Ġc", + "op" + ], + [ + "(", + "struct" + ], + [ + "ĠB", + "ig" + ], + [ + "Ġv", + "s" + ], + [ + "Ġfre", + "qu" + ], + [ + ".", + "Value" + ], + [ + "Ġaction", + "s" + ], + [ + "Ġpro", + "per" + ], + [ + "Ġin", + "n" + ], + [ + "Ġobject", + "s" + ], + [ + "Ġm", + "atrix" + ], + [ + "av", + "ascript" + ], + [ + "Ġon", + "es" + ], + [ + ".g", + "roup" + ], + [ + "Ġgre", + "en" + ], + [ + "Ġp", + "aint" + ], + [ + "ool", + "s" + ], + [ + "y", + "cl" + ], + [ + "enc", + "ode" + ], + [ + "ol", + "t" + ], + [ + "com", + "ment" + ], + [ + ".", + "api" + ], + [ + "D", + "ir" + ], + [ + "Ġun", + "e" + ], + [ + "iz", + "ont" + ], + [ + ".p", + "osition" + ], + [ + "Ġdes", + "igned" + ], + [ + "_", + "val" + ], + [ + "av", + "i" + ], + [ + "ir", + "ing" + ], + [ + "t", + "ab" + ], + [ + "Ġl", + "ayer" + ], + [ + "Ġview", + "s" + ], + [ + "Ġre", + "ve" + ], + [ + "ra", + "el" + ], + [ + "ĠO", + "N" + ], + [ + "r", + "ics" + ], + [ + "n", + "p" + ], + [ + "Ġc", + "ore" + ], + [ + "()", + ");čĊ" + ], + [ + "M", + "ain" + ], + [ + "Ġexp", + "ert" + ], + [ + "ĉĉ", + "čĊ" + ], + [ + "_", + "en" + ], + [ + "Ġ/", + ">" + ], + [ + "ut", + "ter" + ], + [ + "I", + "AL" + ], + [ + "ail", + "s" + ], + [ + "ĠK", + "ing" + ], + [ + "*/", + "ĊĊ" + ], + [ + "ĠM", + "et" + ], + [ + "_", + "end" + ], + [ + "add", + "r" + ], + [ + "or", + "a" + ], + [ + "Ġ", + "ir" + ], + [ + "M", + "in" + ], + [ + "Ġsur", + "pr" + ], + [ + "Ġre", + "pe" + ], + [ + "Ġdirect", + "ory" + ], + [ + "P", + "UT" + ], + [ + "-", + "S" + ], + [ + "Ġe", + "lection" + ], + [ + "h", + "aps" + ], + [ + ".p", + "re" + ], + [ + "c", + "m" + ], + [ + "Val", + "ues" + ], + [ + "Ġ\"", + "Ċ" + ], + [ + "c", + "olumn" + ], + [ + "iv", + "il" + ], + [ + "Log", + "in" + ], + [ + "in", + "ue" + ], + [ + "Ġbeaut", + "iful" + ], + [ + "Ġse", + "cret" + ], + [ + "(e", + "vent" + ], + [ + "Ġch", + "at" + ], + [ + "um", + "s" + ], + [ + "Ġorig", + "in" + ], + [ + "Ġeffect", + "s" + ], + [ + "Ġman", + "agement" + ], + [ + "ill", + "a" + ], + [ + "t", + "k" + ], + [ + "Ġset", + "ting" + ], + [ + "ĠC", + "our" + ], + [ + "Ġmass", + "age" + ], + [ + "ĉ", + "end" + ], + [ + "Ġhapp", + "y" + ], + [ + "Ġfin", + "ish" + ], + [ + "Ġc", + "amera" + ], + [ + "ĠV", + "er" + ], + [ + "ĠDem", + "ocr" + ], + [ + "ĠH", + "er" + ], + [ + "(", + "Q" + ], + [ + "con", + "s" + ], + [ + "it", + "a" + ], + [ + "Ġ'", + "." + ], + [ + "{", + "}" + ], + [ + "ĉ", + "C" + ], + [ + "Ġst", + "uff" + ], + [ + "Ġ", + ":Ċ" + ], + [ + "ĠA", + "R" + ], + [ + "T", + "ask" + ], + [ + "h", + "idden" + ], + [ + "er", + "os" + ], + [ + "IG", + "N" + ], + [ + "at", + "io" + ], + [ + "ĠHe", + "alth" + ], + [ + "ol", + "ute" + ], + [ + "Ent", + "er" + ], + [ + "'", + ">" + ], + [ + "ĠT", + "witter" + ], + [ + "ĠCount", + "y" + ], + [ + "s", + "cribe" + ], + [ + "Ġ=", + ">Ċ" + ], + [ + "Ġh", + "y" + ], + [ + "f", + "it" + ], + [ + "Ġmilit", + "ary" + ], + [ + "Ġsa", + "le" + ], + [ + "re", + "quired" + ], + [ + "n", + "on" + ], + [ + "boot", + "strap" + ], + [ + "h", + "old" + ], + [ + "r", + "im" + ], + [ + "-", + "old" + ], + [ + "ĠD", + "own" + ], + [ + "Ġm", + "ention" + ], + [ + "cont", + "act" + ], + [ + "_g", + "roup" + ], + [ + "od", + "ay" + ], + [ + "Ġto", + "wn" + ], + [ + "Ġsol", + "ution" + ], + [ + "u", + "ate" + ], + [ + "ell", + "ing" + ], + [ + "]", + "->" + ], + [ + "ot", + "es" + ], + [ + "ent", + "al" + ], + [ + "om", + "en" + ], + [ + "osp", + "ital" + ], + [ + "ĠS", + "up" + ], + [ + "_", + "EN" + ], + [ + "Ġsl", + "ow" + ], + [ + "SE", + "SSION" + ], + [ + "Ġbl", + "ue" + ], + [ + "ag", + "o" + ], + [ + "Ġl", + "ives" + ], + [ + "Ġ", + "^" + ], + [ + ".", + "un" + ], + [ + "in", + "st" + ], + [ + "en", + "ge" + ], + [ + "Ġcustom", + "ers" + ], + [ + "Ġc", + "ast" + ], + [ + "ud", + "get" + ], + [ + "ï¼", + "ģ" + ], + [ + "ic", + "ens" + ], + [ + "Ġdeter", + "min" + ], + [ + "Se", + "lected" + ], + [ + "_", + "pl" + ], + [ + "ue", + "ue" + ], + [ + "Ġd", + "ark" + ], + [ + "//", + "ĊĊ" + ], + [ + "s", + "i" + ], + [ + "ther", + "n" + ], + [ + "ĠJ", + "apan" + ], + [ + "/", + "w" + ], + [ + "P", + "U" + ], + [ + "ĠE", + "ast" + ], + [ + "ov", + "ie" + ], + [ + "Ġp", + "ackage" + ], + [ + "Ġn", + "or" + ], + [ + "Ġap", + "i" + ], + [ + "b", + "ot" + ], + [ + "\"", + "];Ċ" + ], + [ + "_p", + "ost" + ], + [ + "ul", + "ate" + ], + [ + "Ġcl", + "ub" + ], + [ + "')", + ");Ċ" + ], + [ + "Ġlo", + "op" + ], + [ + "PI", + "O" + ], + [ + "ion", + "e" + ], + [ + "sh", + "ot" + ], + [ + "In", + "itial" + ], + [ + "Ġplay", + "ed" + ], + [ + "reg", + "ister" + ], + [ + "rou", + "ght" + ], + [ + "_m", + "ax" + ], + [ + "ac", + "ement" + ], + [ + "m", + "atch" + ], + [ + "raph", + "ics" + ], + [ + "A", + "ST" + ], + [ + "Ġexist", + "ing" + ], + [ + "Ġcomple", + "x" + ], + [ + "D", + "A" + ], + [ + ".C", + "h" + ], + [ + ".com", + "mon" + ], + [ + "m", + "o" + ], + [ + "Ġ'", + "../../" + ], + [ + "it", + "o" + ], + [ + "Ġanal", + "ysis" + ], + [ + "Ġdel", + "iver" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "Ċ" + ], + [ + "id", + "x" + ], + [ + "Ã", + "ł" + ], + [ + "ong", + "o" + ], + [ + "ĠEng", + "lish" + ], + [ + "<", + "!--" + ], + [ + "Ġcomput", + "er" + ], + [ + "EN", + "SE" + ], + [ + "Ġp", + "as" + ], + [ + "Ġr", + "ais" + ], + [ + "H", + "ash" + ], + [ + "Ġm", + "obile" + ], + [ + "Ġo", + "wner" + ], + [ + "F", + "IG" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "th", + "es" + ], + [ + "Ġat", + "tr" + ], + [ + "w", + "d" + ], + [ + ".t", + "ime" + ], + [ + "aw", + "n" + ], + [ + "Ġtreat", + "ment" + ], + [ + "ĠA", + "c" + ], + [ + ".", + "View" + ], + [ + "im", + "pl" + ], + [ + "m", + "ore" + ], + [ + "p", + "ass" + ], + [ + "Ġh", + "a" + ], + [ + ".f", + "rom" + ], + [ + "Ġle", + "ading" + ], + [ + "FF", + "FF" + ], + [ + "(", + "error" + ], + [ + ".", + "ui" + ], + [ + "at", + "ar" + ], + [ + "ad", + "ers" + ], + [ + "d", + "ates" + ], + [ + "Ġz", + "u" + ], + [ + "Ġfl", + "ow" + ], + [ + "T", + "arget" + ], + [ + "Ġinvol", + "ved" + ], + [ + "Ġi", + "o" + ], + [ + "par", + "se" + ], + [ + "$", + "_" + ], + [ + "he", + "st" + ], + [ + ".", + "int" + ], + [ + "-", + "item" + ], + [ + "as", + "y" + ], + [ + "S", + "p" + ], + [ + "Ġsh", + "ift" + ], + [ + "N", + "T" + ], + [ + "Ġt", + "f" + ], + [ + "_T", + "R" + ], + [ + ".", + "web" + ], + [ + "C", + "S" + ], + [ + "Ġ}", + ")" + ], + [ + "Ġey", + "es" + ], + [ + "_", + "z" + ], + [ + "'", + ");čĊ" + ], + [ + "if", + "orn" + ], + [ + "Ġ{", + "@" + ], + [ + "Ġn", + "ice" + ], + [ + ".l", + "ist" + ], + [ + "ĠĠĠĠ", + "čĊ" + ], + [ + "Ġf", + "loor" + ], + [ + "Ġred", + "irect" + ], + [ + "ĠU", + "K" + ], + [ + "(", + "['" + ], + [ + "Ġw", + "ish" + ], + [ + "Ġcap", + "t" + ], + [ + "leg", + "al" + ], + [ + "ĠI", + "O" + ], + [ + "Ġst", + "age" + ], + [ + ".", + "String" + ], + [ + "ĠA", + "fr" + ], + [ + "ig", + "en" + ], + [ + "ĠS", + "H" + ], + [ + "De", + "lete" + ], + [ + "ell", + "s" + ], + [ + "Ġsol", + "id" + ], + [ + "Ġmeet", + "ing" + ], + [ + "Ġwork", + "ed" + ], + [ + "Ġed", + "itor" + ], + [ + "in", + "y" + ], + [ + "Ð", + "¼" + ], + [ + "_", + "read" + ], + [ + ".", + "Id" + ], + [ + "e", + "ff" + ], + [ + "Off", + "set" + ], + [ + "ch", + "a" + ], + [ + "US", + "ER" + ], + [ + "ĉĉ", + "ĠĠĠ" + ], + [ + "ipp", + "ed" + ], + [ + "Ġd", + "ict" + ], + [ + "ĠR", + "un" + ], + [ + ".h", + "pp" + ], + [ + "Ġan", + "g" + ], + [ + "x", + "ml" + ], + [ + "im", + "ple" + ], + [ + "Ġmed", + "ical" + ], + [ + "_t", + "oken" + ], + [ + "con", + "nect" + ], + [ + "Ġh", + "our" + ], + [ + "Ġcont", + "roller" + ], + [ + "_m", + "essage" + ], + [ + "U", + "ID" + ], + [ + "G", + "r" + ], + [ + "and", + "ed" + ], + [ + "_C", + "H" + ], + [ + "Ġbook", + "s" + ], + [ + "Ġspe", + "ak" + ], + [ + "am", + "ing" + ], + [ + "Ġm", + "ount" + ], + [ + "Rec", + "ord" + ], + [ + "ĉ", + "struct" + ], + [ + ".W", + "eb" + ], + [ + "ond", + "on" + ], + [ + "Ġ//", + "Ċ" + ], + [ + "Ġf", + "elt" + ], + [ + ".A", + "uto" + ], + [ + "id", + "ge" + ], + [ + "_p", + "os" + ], + [ + "P", + "R" + ], + [ + "Ġmod", + "ern" + ], + [ + "C", + "ollection" + ], + [ + "_m", + "sg" + ], + [ + "C", + "D" + ], + [ + "ĠL", + "o" + ], + [ + "Ġsecond", + "s" + ], + [ + "ib", + "ly" + ], + [ + ".e", + "quals" + ], + [ + "Ġintern", + "ational" + ], + [ + "#", + "pragma" + ], + [ + "oo", + "th" + ], + [ + "W", + "riter" + ], + [ + "i", + "ate" + ], + [ + "Ġce", + "le" + ], + [ + "ĠB", + "it" + ], + [ + "iv", + "o" + ], + [ + "iv", + "ery" + ], + [ + "r", + "d" + ], + [ + "HE", + "CK" + ], + [ + "Ġc", + "ache" + ], + [ + ".c", + "ount" + ], + [ + "Ġro", + "ll" + ], + [ + ".Re", + "ad" + ], + [ + "RE", + "D" + ], + [ + "Ġset", + "up" + ], + [ + "izont", + "al" + ], + [ + "model", + "s" + ], + [ + "arg", + "v" + ], + [ + "Ġconsider", + "ed" + ], + [ + "=\"", + "../" + ], + [ + "set", + "tings" + ], + [ + "ĠR", + "el" + ], + [ + "Ġgrow", + "th" + ], + [ + "Ġm", + "ix" + ], + [ + "ĠWash", + "ington" + ], + [ + "Ġpl", + "t" + ], + [ + "ĠI", + "M" + ], + [ + "á", + "º" + ], + [ + "Ġturn", + "ed" + ], + [ + "ĠDate", + "Time" + ], + [ + "ĠW", + "ed" + ], + [ + "(", + "url" + ], + [ + "Ġ\"", + "-" + ], + [ + "Ġlet", + "ter" + ], + [ + "As", + "ync" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "ĠOct", + "ober" + ], + [ + "_l", + "ine" + ], + [ + "Ġatt", + "ention" + ], + [ + "Ġcol", + "lect" + ], + [ + "ĠH", + "ash" + ], + [ + "Ġim", + "ag" + ], + [ + "T", + "ree" + ], + [ + "Ġsit", + "uation" + ], + [ + "et", + "te" + ], + [ + "_n", + "o" + ], + [ + "IV", + "E" + ], + [ + "Ġv", + "on" + ], + [ + ".t", + "arget" + ], + [ + "Ġknow", + "ledge" + ], + [ + "Ġdr", + "ive" + ], + [ + ".p", + "ost" + ], + [ + "Ġb", + "lood" + ], + [ + "Ġc", + "it" + ], + [ + "pr", + "imary" + ], + [ + "Ġconfig", + "uration" + ], + [ + "te", + "e" + ], + [ + "Ġph", + "oto" + ], + [ + "is", + "ode" + ], + [ + "Tr", + "ace" + ], + [ + "Ġg", + "ave" + ], + [ + "Ġsh", + "ot" + ], + [ + "ĠA", + "ir" + ], + [ + "Ġm", + "other" + ], + [ + "pr", + "ice" + ], + [ + "Ġmor", + "ning" + ], + [ + "))", + "{Ċ" + ], + [ + "-", + "x" + ], + [ + "Ġtr", + "ade" + ], + [ + "Ġdes", + "c" + ], + [ + "Ġ&&", + "Ċ" + ], + [ + "Ġparent", + "s" + ], + [ + "A", + "pi" + ], + [ + "å", + "Ī" + ], + [ + "t", + "ed" + ], + [ + "w", + "er" + ], + [ + "Ġ", + "æ" + ], + [ + "Ġs", + "y" + ], + [ + "ĠK", + "e" + ], + [ + "Par", + "ser" + ], + [ + "å", + "ħ" + ], + [ + "anc", + "y" + ], + [ + "Ġpie", + "ce" + ], + [ + "iforn", + "ia" + ], + [ + "to", + "String" + ], + [ + "r", + "an" + ], + [ + "id", + "ing" + ], + [ + "PT", + "ION" + ], + [ + "com", + "es" + ], + [ + "/", + "lic" + ], + [ + ".c", + "lient" + ], + [ + "E", + "l" + ], + [ + "L", + "ong" + ], + [ + "Ġprofession", + "al" + ], + [ + "ru", + "pt" + ], + [ + "v", + "a" + ], + [ + "Ġcomplet", + "ely" + ], + [ + "Ġpract", + "ice" + ], + [ + "Ġse", + "lection" + ], + [ + "R", + "em" + ], + [ + "in", + "i" + ], + [ + "Ġc", + "am" + ], + [ + "RE", + "E" + ], + [ + "Ġsit", + "es" + ], + [ + "p", + "a" + ], + [ + "AT", + "US" + ], + [ + "Ñģ", + "ÑĤ" + ], + [ + "arr", + "ant" + ], + [ + "*", + "(" + ], + [ + "_", + "KEY" + ], + [ + "ĠB", + "utton" + ], + [ + "ĠF", + "riday" + ], + [ + "se", + "qu" + ], + [ + "Ġre", + "ader" + ], + [ + "Ġm", + "essages" + ], + [ + "è", + "¯" + ], + [ + "Ġbu", + "f" + ], + [ + "K", + "e" + ], + [ + "Ġn", + "ov" + ], + [ + "H", + "P" + ], + [ + "M", + "sg" + ], + [ + "al", + "ign" + ], + [ + "ar", + "ily" + ], + [ + "Ġ'", + "," + ], + [ + "_w", + "ith" + ], + [ + "Ġd", + "as" + ], + [ + "Ġhe", + "ard" + ], + [ + "at", + "omic" + ], + [ + "ri", + "al" + ], + [ + ")", + "[" + ], + [ + "Ġdis", + "e" + ], + [ + "@", + "end" + ], + [ + "Ġg", + "old" + ], + [ + "Ġf", + "air" + ], + [ + "Ġsa", + "les" + ], + [ + ".", + "Button" + ], + [ + "str", + "ict" + ], + [ + "s", + "ave" + ], + [ + "Ġme", + "asure" + ], + [ + "Ġ\"", + "+" + ], + [ + "ec", + "ause" + ], + [ + "View", + "Controller" + ], + [ + "ĠT", + "able" + ], + [ + ".p", + "aram" + ], + [ + "Ġdec", + "ided" + ], + [ + "((", + "(" + ], + [ + "IN", + "FO" + ], + [ + "Ġopport", + "unity" + ], + [ + "T", + "e" + ], + [ + "IC", + "ENSE" + ], + [ + "cc", + "ording" + ], + [ + "k", + "i" + ], + [ + "ĠU", + "N" + ], + [ + "Ġcont", + "ain" + ], + [ + "Ġman", + "ager" + ], + [ + "Ġp", + "ain" + ], + [ + "ĠF", + "ire" + ], + [ + "rom", + "e" + ], + [ + "Ġpl", + "ans" + ], + [ + "F", + "ound" + ], + [ + "l", + "ay" + ], + [ + "ĠDec", + "ember" + ], + [ + "Ġinfl", + "u" + ], + [ + "Ã", + "º" + ], + [ + "ren", + "ch" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "Ġ" + ], + [ + "az", + "ing" + ], + [ + "b", + "rief" + ], + [ + "c", + "all" + ], + [ + "wo", + "od" + ], + [ + "Ġload", + "ed" + ], + [ + "Ġgr", + "and" + ], + [ + "/", + "f" + ], + [ + "im", + "p" + ], + [ + "_", + "U" + ], + [ + "ST", + "R" + ], + [ + "âĢ", + "¢" + ], + [ + "Ġcred", + "it" + ], + [ + ".C", + "olor" + ], + [ + "or", + "ge" + ], + [ + "QUE", + "ST" + ], + [ + "Ġdiffer", + "ence" + ], + [ + "ĠP", + "C" + ], + [ + "w", + "args" + ], + [ + "Ġp", + "ub" + ], + [ + "und", + "ay" + ], + [ + "Ġf", + "ra" + ], + [ + ".m", + "ax" + ], + [ + "Ġtri", + "ed" + ], + [ + "ann", + "els" + ], + [ + "s", + "end" + ], + [ + "Ġreport", + "s" + ], + [ + "Ġad", + "ult" + ], + [ + "ä", + "º" + ], + [ + "Ġcons", + "ist" + ], + [ + "ĠSt", + "reet" + ], + [ + "ĠPro", + "gram" + ], + [ + "S", + "QL" + ], + [ + "M", + "atrix" + ], + [ + "ounc", + "il" + ], + [ + "-", + "A" + ], + [ + "ĉ", + "w" + ], + [ + "Ġwho", + "se" + ], + [ + "Ġrel", + "ig" + ], + [ + "ĠS", + "ex" + ], + [ + "Ġg", + "ives" + ], + [ + "n", + "one" + ], + [ + ".m", + "essage" + ], + [ + "(", + "G" + ], + [ + ".aw", + "t" + ], + [ + "-", + "right" + ], + [ + "ĠNov", + "ember" + ], + [ + "ell", + "ig" + ], + [ + "ut", + "ive" + ], + [ + "Ä", + "ĥ" + ], + [ + "over", + "n" + ], + [ + "Ġeas", + "ily" + ], + [ + "Ġide", + "as" + ], + [ + "ĠÐ", + "½" + ], + [ + "/c", + "ss" + ], + [ + "ly", + "ing" + ], + [ + "el", + "le" + ], + [ + "C", + "an" + ], + [ + "_c", + "olor" + ], + [ + "оÐ", + "²" + ], + [ + "Ġp", + "air" + ], + [ + "ng", + "th" + ], + [ + "Ġs", + "plit" + ], + [ + "d", + "rop" + ], + [ + "art", + "y" + ], + [ + "on", + "a" + ], + [ + "Ġcap", + "ital" + ], + [ + "Ġhe", + "ar" + ], + [ + "Ġex", + "ists" + ], + [ + "ĉ", + "log" + ], + [ + "em", + "o" + ], + [ + "R", + "un" + ], + [ + "o", + "i" + ], + [ + "Ġpar", + "ser" + ], + [ + "ĠM", + "ethod" + ], + [ + "Ġeduc", + "ation" + ], + [ + "[", + "k" + ], + [ + "Ġlib", + "rary" + ], + [ + ">", + "\";Ċ" + ], + [ + "_", + "UN" + ], + [ + "ĉ", + "std" + ], + [ + "od", + "ed" + ], + [ + "Ġcall", + "s" + ], + [ + "h", + "ere" + ], + [ + "R", + "el" + ], + [ + "Ġbr", + "and" + ], + [ + "back", + "ground" + ], + [ + "g", + "a" + ], + [ + "_add", + "ress" + ], + [ + "_param", + "s" + ], + [ + "C", + "ategory" + ], + [ + "ĠInd", + "ia" + ], + [ + "_e", + "vent" + ], + [ + "Ġ", + "ing" + ], + [ + "R", + "ender" + ], + [ + ".c", + "l" + ], + [ + "ump", + "y" + ], + [ + "Ġp", + "et" + ], + [ + "F", + "C" + ], + [ + "ĠA", + "nt" + ], + [ + "Ex", + "t" + ], + [ + "Ġchar", + "ge" + ], + [ + "en", + "ed" + ], + [ + "gr", + "ad" + ], + [ + "E", + "O" + ], + [ + "Ġdep", + "end" + ], + [ + "Ġ", + ".ĊĊ" + ], + [ + "fr", + "ame" + ], + [ + "Ġd", + "f" + ], + [ + "Ġh", + "uge" + ], + [ + "ĠP", + "ART" + ], + [ + "ed", + "s" + ], + [ + ";", + ";" + ], + [ + "ĠA", + "M" + ], + [ + "Ġbas", + "ic" + ], + [ + "ĠL", + "et" + ], + [ + "lic", + "h" + ], + [ + "Ġar", + "m" + ], + [ + "Ġst", + "ar" + ], + [ + "Ġf", + "ederal" + ], + [ + "W", + "ork" + ], + [ + "Ġcar", + "ry" + ], + [ + "ĠIs", + "rael" + ], + [ + "(", + "obj" + ], + [ + "={", + "{" + ], + [ + "Ġs", + "aved" + ], + [ + "Ġs", + "yn" + ], + [ + "Ġconst", + "ant" + ], + [ + "V", + "ENT" + ], + [ + "Ġpos", + "itive" + ], + [ + "Ġcon", + "duct" + ], + [ + "Ġsk", + "in" + ], + [ + "Ġear", + "lier" + ], + [ + "Ġl", + "ayout" + ], + [ + "ĠI", + "P" + ], + [ + "O", + "UR" + ], + [ + "Ġt", + "im" + ], + [ + "styles", + "heet" + ], + [ + "_", + "cl" + ], + [ + "ĠC", + "ard" + ], + [ + "++", + "){Ċ" + ], + [ + "Ġtem", + "per" + ], + [ + "ĠDav", + "id" + ], + [ + "ĉ", + "try" + ], + [ + ".d", + "art" + ], + [ + "Ġwant", + "s" + ], + [ + "Ġp", + "icture" + ], + [ + "Ġv", + "ideos" + ], + [ + "ĠCom", + "m" + ], + [ + "is", + "ions" + ], + [ + "_M", + "AX" + ], + [ + "M", + "apping" + ], + [ + "-", + "content" + ], + [ + "ĠE", + "ar" + ], + [ + "-", + "de" + ], + [ + "Ġpre", + "m" + ], + [ + "br", + "uary" + ], + [ + "Ġcom", + "ponents" + ], + [ + "Ġthrough", + "out" + ], + [ + "Ġp", + "ull" + ], + [ + "Ġp", + "ages" + ], + [ + "ent", + "e" + ], + [ + "res", + "pond" + ], + [ + "Ġg", + "as" + ], + [ + "cript", + "or" + ], + [ + "Ġed", + "ge" + ], + [ + "Ġb", + "ound" + ], + [ + "A", + "CT" + ], + [ + "****", + "**" + ], + [ + "Ġcre", + "ating" + ], + [ + "ĠC", + "H" + ], + [ + "Ġnull", + "ptr" + ], + [ + "B", + "r" + ], + [ + "+", + "'" + ], + [ + ".c", + "o" + ], + [ + ">", + "::" + ], + [ + "Ġle", + "arning" + ], + [ + ".L", + "ength" + ], + [ + "_S", + "H" + ], + [ + "Ġpat", + "ients" + ], + [ + "A", + "IN" + ], + [ + "Ġk", + "ids" + ], + [ + "Ġcom", + "fort" + ], + [ + "Ġsh", + "own" + ], + [ + "ug", + "ins" + ], + [ + "ĠB", + "ack" + ], + [ + "ell", + "a" + ], + [ + "_C", + "L" + ], + [ + "Ġl", + "at" + ], + [ + "Ġdis", + "patch" + ], + [ + "Ġclass", + "es" + ], + [ + ".", + "at" + ], + [ + ".b", + "egin" + ], + [ + "Ġsuccess", + "ful" + ], + [ + "b", + "an" + ], + [ + "Ġobt", + "ain" + ], + [ + "ĠS", + "l" + ], + [ + "Ġl", + "ack" + ], + [ + "iter", + "ator" + ], + [ + "Th", + "read" + ], + [ + "(s", + "ize" + ], + [ + "Ġn", + "one" + ], + [ + ".h", + "as" + ], + [ + "_", + "X" + ], + [ + "s", + "ort" + ], + [ + "n", + "ap" + ], + [ + "p", + "et" + ], + [ + "b", + "in" + ], + [ + "ĠCan", + "ada" + ], + [ + "The", + "y" + ], + [ + "Ġd", + "ans" + ], + [ + "ĠM", + "at" + ], + [ + "<", + "td" + ], + [ + "Ġh", + "air" + ], + [ + "Ġ'", + "',Ċ" + ], + [ + "Ġc", + "u" + ], + [ + "Ġlaw", + "s" + ], + [ + "let", + "ed" + ], + [ + "p", + "ed" + ], + [ + "Ġp", + "ow" + ], + [ + "Ġk", + "new" + ], + [ + "_C", + "OM" + ], + [ + "_", + "," + ], + [ + "ĠM", + "ag" + ], + [ + "id", + "ents" + ], + [ + "(", + "req" + ], + [ + "Ġ", + ")," + ], + [ + "-", + "center" + ], + [ + "Ġw", + "ide" + ], + [ + "ĠA", + "uthor" + ], + [ + "st", + "ants" + ], + [ + "Ġjob", + "s" + ], + [ + "Ġm", + "ath" + ], + [ + "et", + "imes" + ], + [ + "Bo", + "olean" + ], + [ + "Ġs", + "cope" + ], + [ + "_", + "is" + ], + [ + "Ġme", + "as" + ], + [ + "Ġkey", + "s" + ], + [ + "el", + "ay" + ], + [ + "Ġexact", + "ly" + ], + [ + "'=>", + "'" + ], + [ + "ĠP", + "aul" + ], + [ + "m", + "as" + ], + [ + "ĉ", + "print" + ], + [ + "(l", + "en" + ], + [ + "f", + "d" + ], + [ + "Ġ)", + ";" + ], + [ + ".", + "Event" + ], + [ + "q", + "li" + ], + [ + "ir", + "it" + ], + [ + "ield", + "s" + ], + [ + "om", + "an" + ], + [ + "ĠT", + "op" + ], + [ + "Ġv", + "ote" + ], + [ + "Ġm", + "ask" + ], + [ + "Ġthem", + "e" + ], + [ + "-", + "Ċ" + ], + [ + "Ġpro", + "ps" + ], + [ + "Ġf", + "ine" + ], + [ + "Ġwrit", + "er" + ], + [ + "_", + "offset" + ], + [ + "c", + "ar" + ], + [ + "Ġal", + "tern" + ], + [ + "Ġc", + "opyright" + ], + [ + "Ġdest", + "roy" + ], + [ + "pp", + "er" + ], + [ + "Ġgener", + "ate" + ], + [ + "pp", + "ed" + ], + [ + "âĢĻ", + "d" + ], + [ + "ĠĠĠĠĠĠ", + "Ċ" + ], + [ + "m", + "ake" + ], + [ + "ĠSh", + "ow" + ], + [ + "Ġb", + "rowser" + ], + [ + "Ġfavor", + "ite" + ], + [ + "Ġcare", + "er" + ], + [ + "Ġhappen", + "ed" + ], + [ + "(", + "char" + ], + [ + "Ġrecomm", + "end" + ], + [ + "Ġl", + "iter" + ], + [ + ".f", + "ilter" + ], + [ + "gr", + "ade" + ], + [ + "ĠÂ", + "£" + ], + [ + "Ph", + "one" + ], + [ + "om", + "s" + ], + [ + "Ġn", + "amed" + ], + [ + "-", + "label" + ], + [ + "ip", + "o" + ], + [ + "ĠO", + "ther" + ], + [ + "Ġp", + "anel" + ], + [ + "Ġro", + "ck" + ], + [ + "S", + "cale" + ], + [ + "ĉ", + "assert" + ], + [ + "Ð", + "´" + ], + [ + "Ġtr", + "ust" + ], + [ + "fr", + "ont" + ], + [ + "Ġdem", + "on" + ], + [ + "A", + "r" + ], + [ + "N", + "et" + ], + [ + "Ġecon", + "omic" + ], + [ + "foot", + "er" + ], + [ + "Ġr", + "ace" + ], + [ + "(n", + "ode" + ], + [ + "ĠO", + "ption" + ], + [ + "s", + "plit" + ], + [ + "Ġphys", + "ical" + ], + [ + "if", + "est" + ], + [ + "Ġrem", + "oved" + ], + [ + ".", + "http" + ], + [ + "))", + ",Ċ" + ], + [ + "Ġlook", + "ed" + ], + [ + "'", + ";" + ], + [ + "d", + "ing" + ], + [ + "g", + "est" + ], + [ + "atur", + "day" + ], + [ + "/lic", + "enses" + ], + [ + "Pr", + "ice" + ], + [ + "Ġd", + "ro" + ], + [ + "Ġto", + "wards" + ], + [ + "Ġun", + "s" + ], + [ + "ĠC", + "L" + ], + [ + "ĉ", + "static" + ], + [ + "Ġ", + "rows" + ], + [ + "Ġdef", + "ine" + ], + [ + ".re", + "place" + ], + [ + "Ġf", + "ather" + ], + [ + "ĠDes", + "ign" + ], + [ + "ass", + "ign" + ], + [ + "m", + "ut" + ], + [ + "De", + "vice" + ], + [ + "D", + "id" + ], + [ + "')", + ")Ċ" + ], + [ + "omet", + "ry" + ], + [ + "ay", + "load" + ], + [ + "Ġh", + "istor" + ], + [ + "ĠP", + "aram" + ], + [ + "ĠBo", + "olean" + ], + [ + "Ġn", + "ature" + ], + [ + "Ġj", + "s" + ], + [ + "Ġn", + "ation" + ], + [ + "i", + "h" + ], + [ + "Ġdis", + "cover" + ], + [ + "se", + "m" + ], + [ + "Hand", + "le" + ], + [ + "ĉ", + "r" + ], + [ + "ĠTe", + "chn" + ], + [ + "Ġw", + "all" + ], + [ + "{", + "$" + ], + [ + "@", + "property" + ], + [ + "Ġ\"", + "../" + ], + [ + "Ġex", + "am" + ], + [ + ".d", + "raw" + ], + [ + "opp", + "ing" + ], + [ + "Ġnear", + "ly" + ], + [ + "Ġco", + "ol" + ], + [ + "Ġinde", + "pend" + ], + [ + "RE", + "S" + ], + [ + "Ġhand", + "ler" + ], + [ + "ĠMon", + "day" + ], + [ + "Ġs", + "un" + ], + [ + "St", + "yles" + ], + [ + "ous", + "ly" + ], + [ + "Ġ", + "ĉ" + ], + [ + "v", + "est" + ], + [ + "D", + "isplay" + ], + [ + "(", + "y" + ], + [ + "atic", + "ally" + ], + [ + "Ġpred", + "ict" + ], + [ + "y", + "ing" + ], + [ + "Ġsom", + "etimes" + ], + [ + "\"", + "]Ċ" + ], + [ + "Ġdr", + "ink" + ], + [ + "Ġb", + "ul" + ], + [ + "ific", + "ations" + ], + [ + ".", + "insert" + ], + [ + ".re", + "g" + ], + [ + "Ġtest", + "s" + ], + [ + "Al", + "ignment" + ], + [ + "Ġal", + "leg" + ], + [ + "Ġat", + "tribute" + ], + [ + "ĠN", + "ote" + ], + [ + "Ġmy", + "self" + ], + [ + "art", + "s" + ], + [ + "N", + "ow" + ], + [ + "Ġinterest", + "ing" + ], + [ + "li", + "ents" + ], + [ + "Ġpop", + "ulation" + ], + [ + "ĠCal", + "ifornia" + ], + [ + "\"", + "I" + ], + [ + "å", + "¹" + ], + [ + "Ġgre", + "ater" + ], + [ + "ues", + "day" + ], + [ + "Ġth", + "ous" + ], + [ + "Ġcost", + "s" + ], + [ + "Ġla", + "unch" + ], + [ + "\\", + "Http" + ], + [ + "k", + "er" + ], + [ + "b", + "and" + ], + [ + "ĠPl", + "ay" + ], + [ + "Ġb", + "and" + ], + [ + ".sh", + "ape" + ], + [ + "es", + "ome" + ], + [ + "art", + "icle" + ], + [ + ".r", + "f" + ], + [ + "Ġw", + "er" + ], + [ + "á", + "s" + ], + [ + "em", + "bers" + ], + [ + "us", + "r" + ], + [ + "B", + "A" + ], + [ + "ic", + "an" + ], + [ + "et", + "t" + ], + [ + "valid", + "ate" + ], + [ + "ult", + "i" + ], + [ + "Ġimmedi", + "ately" + ], + [ + "z", + "er" + ], + [ + "Ġfig", + "ure" + ], + [ + "o", + "es" + ], + [ + "ell", + "er" + ], + [ + "irc", + "le" + ], + [ + "ĠS", + "ign" + ], + [ + ".d", + "b" + ], + [ + "Ġr", + "ank" + ], + [ + "By", + "tes" + ], + [ + "Ġproject", + "s" + ], + [ + "_re", + "c" + ], + [ + "UL", + "AR" + ], + [ + "A", + "PI" + ], + [ + "ĠL", + "ine" + ], + [ + "P", + "ort" + ], + [ + "Ġp", + "oll" + ], + [ + "Ġg", + "iving" + ], + [ + "id", + "ence" + ], + [ + "--", + "Ċ" + ], + [ + "Ġpl", + "ot" + ], + [ + "ic", + "ial" + ], + [ + "Ġw", + "arrant" + ], + [ + "IT", + "ION" + ], + [ + "ĠD", + "ouble" + ], + [ + "Ġbill", + "ion" + ], + [ + "gorith", + "m" + ], + [ + "Ġequ", + "ipment" + ], + [ + "D", + "ATE" + ], + [ + "Ġ@", + "\"" + ], + [ + "E", + "E" + ], + [ + "Ġp", + "le" + ], + [ + "i", + "ation" + ], + [ + "Ġhead", + "ers" + ], + [ + "Ġpro", + "ced" + ], + [ + ".Component", + "Model" + ], + [ + "ĠOb", + "ama" + ], + [ + "Ġp", + "a" + ], + [ + "ĠB", + "est" + ], + [ + "im", + "ately" + ], + [ + ".get", + "String" + ], + [ + ".", + "\\" + ], + [ + "mp", + "loy" + ], + [ + "Ġr", + "aw" + ], + [ + "_b", + "lock" + ], + [ + "und", + "red" + ], + [ + "\"", + "},Ċ" + ], + [ + ".Group", + "Layout" + ], + [ + "Ġb", + "rought" + ], + [ + "NS", + "String" + ], + [ + "th", + "row" + ], + [ + "cre", + "ated" + ], + [ + ".N", + "ew" + ], + [ + "_", + "view" + ], + [ + "C", + "P" + ], + [ + "ep", + "s" + ], + [ + "O", + "p" + ], + [ + "Ġgr", + "atis" + ], + [ + "Ġ'", + "\"" + ], + [ + "Ġinter", + "view" + ], + [ + "\"\"", + "\"Ċ" + ], + [ + "Ġpart", + "ial" + ], + [ + "Ġa", + "ria" + ], + [ + "b", + "ing" + ], + [ + "A", + "uthor" + ], + [ + "Bo", + "ok" + ], + [ + "ĠP", + "at" + ], + [ + "um", + "an" + ], + [ + "Us", + "ers" + ], + [ + "pl", + "us" + ], + [ + "ĠD", + "irect" + ], + [ + "ven", + "ue" + ], + [ + "al", + "pha" + ], + [ + "UC", + "CESS" + ], + [ + "ĠC", + "all" + ], + [ + "Ġ", + ");čĊ" + ], + [ + "im", + "ated" + ], + [ + "Ġrem", + "ain" + ], + [ + "Ġant", + "i" + ], + [ + "ĠL", + "ondon" + ], + [ + "Ġsaf", + "ety" + ], + [ + "PO", + "SE" + ], + [ + "o", + "les" + ], + [ + "cont", + "roller" + ], + [ + "By", + "te" + ], + [ + "ĠCour", + "t" + ], + [ + "ĠPh", + "il" + ], + [ + "ĠAss", + "oci" + ], + [ + "en", + "a" + ], + [ + "å", + "IJ" + ], + [ + "_ST", + "R" + ], + [ + "co", + "in" + ], + [ + "resh", + "old" + ], + [ + "Ġb", + "atch" + ], + [ + "_C", + "lick" + ], + [ + "entic", + "ation" + ], + [ + ">", + "';Ċ" + ], + [ + "ent", + "y" + ], + [ + "Ġbegin", + "ning" + ], + [ + "Ġz", + "ero" + ], + [ + "ĠCon", + "vert" + ], + [ + "Ġt", + "err" + ], + [ + "Ġp", + "aid" + ], + [ + "Ġincre", + "ased" + ], + [ + "c", + "atch" + ], + [ + "-s", + "ize" + ], + [ + "act", + "ivity" + ], + [ + "e", + "quals" + ], + [ + "Ġque", + "ue" + ], + [ + "Ġ\"", + "'" + ], + [ + "ĠIntern", + "ational" + ], + [ + "Ġf", + "ür" + ], + [ + "urs", + "day" + ], + [ + "Ġsc", + "ient" + ], + [ + "all", + "ow" + ], + [ + "ax", + "is" + ], + [ + "Ġapp", + "ropri" + ], + [ + "ed", + "ge" + ], + [ + "Ġid", + "x" + ], + [ + "S", + "uccess" + ], + [ + "ent", + "ifier" + ], + [ + ":", + "\\" + ], + [ + "x", + "is" + ], + [ + "Ġmax", + "imum" + ], + [ + "ark", + "s" + ], + [ + "Ġb", + "irth" + ], + [ + "(", + "index" + ], + [ + "Ġmay", + "be" + ], + [ + ".p", + "y" + ], + [ + "file", + "s" + ], + [ + "Ġlim", + "ited" + ], + [ + "_", + "check" + ], + [ + "lo", + "ok" + ], + [ + "pl", + "ies" + ], + [ + "Ġmov", + "ement" + ], + [ + "']", + "." + ], + [ + "Ġbro", + "ad" + ], + [ + "ĠB", + "E" + ], + [ + "ĠUn", + "ityEngine" + ], + [ + ".c", + "pp" + ], + [ + "ĠE", + "very" + ], + [ + "Ad", + "min" + ], + [ + "Ġf", + "ans" + ], + [ + "p", + "ared" + ], + [ + "Ċ", + "ĠĠĠĠĊ" + ], + [ + "Ġfore", + "ign" + ], + [ + "Ġp", + "an" + ], + [ + "Ġt", + "our" + ], + [ + "ĠOr", + "der" + ], + [ + "Ġmov", + "ing" + ], + [ + "Ġa", + "uf" + ], + [ + "C", + "all" + ], + [ + "c", + "b" + ], + [ + "Å", + "Ł" + ], + [ + "vent", + "ory" + ], + [ + "ĠS", + "ql" + ], + [ + "Ġful", + "ly" + ], + [ + "Click", + "Listener" + ], + [ + "W", + "ORD" + ], + [ + "Ġannounc", + "ed" + ], + [ + ")", + "čĊčĊ" + ], + [ + "Ġagre", + "ed" + ], + [ + "ri", + "e" + ], + [ + "Ġe", + "arn" + ], + [ + "_l", + "ink" + ], + [ + ".", + "array" + ], + [ + "(t", + "ext" + ], + [ + "Ġmaterial", + "s" + ], + [ + ",", + "p" + ], + [ + "ff", + "ff" + ], + [ + "v", + "g" + ], + [ + "ĠÂ", + "©" + ], + [ + "Ġun", + "less" + ], + [ + "aj", + "ax" + ], + [ + "LO", + "G" + ], + [ + "Ġsex", + "ual" + ], + [ + "Ġ\\", + "\"" + ], + [ + "-", + "time" + ], + [ + "Ġco", + "ach" + ], + [ + "Ġsupport", + "ed" + ], + [ + "Ġphot", + "os" + ], + [ + "if", + "orm" + ], + [ + ".C", + "reate" + ], + [ + ")", + "]" + ], + [ + "ri", + "er" + ], + [ + "Ġd", + "ialog" + ], + [ + "av", + "er" + ], + [ + "ig", + "e" + ], + [ + ")", + "+" + ], + [ + "_id", + "x" + ], + [ + ":", + "[" + ], + [ + "_m", + "in" + ], + [ + "ĠC", + "ong" + ], + [ + "Ġpress", + "ure" + ], + [ + "Ġteam", + "s" + ], + [ + "S", + "ign" + ], + [ + "b", + "egin" + ], + [ + "ri", + "an" + ], + [ + "NE", + "SS" + ], + [ + "L", + "S" + ], + [ + "Ġimpro", + "ve" + ], + [ + "ĠS", + "unday" + ], + [ + "Ġdef", + "inition" + ], + [ + "ig", + "er" + ], + [ + "roll", + "ers" + ], + [ + "Ġthink", + "ing" + ], + [ + "T", + "emplate" + ], + [ + "-", + "F" + ], + [ + "Ġem", + "erg" + ], + [ + "pl", + "ates" + ], + [ + "ĠUS", + "A" + ], + [ + ".set", + "State" + ], + [ + "ĠAl", + "so" + ], + [ + "re", + "v" + ], + [ + "Ġen", + "able" + ], + [ + "ĠC", + "O" + ], + [ + "PE", + "CT" + ], + [ + "Ġcon", + "cept" + ], + [ + ")", + "-" + ], + [ + "ĠâĢ", + "¢" + ], + [ + "Ġset", + "s" + ], + [ + "Ġmean", + "ing" + ], + [ + "em", + "on" + ], + [ + "ĠCon", + "s" + ], + [ + "c", + "mp" + ], + [ + "ed", + "er" + ], + [ + "ann", + "ed" + ], + [ + "icens", + "ed" + ], + [ + "ĠS", + "uper" + ], + [ + "Ġd", + "aily" + ], + [ + "Ġmult", + "i" + ], + [ + "_", + "u" + ], + [ + "Ġchall", + "eng" + ], + [ + "_m", + "ode" + ], + [ + "ĠP", + "romise" + ], + [ + "Ġstr", + "ict" + ], + [ + "j", + "o" + ], + [ + "int", + "on" + ], + [ + "(", + "list" + ], + [ + "On", + "ly" + ], + [ + ">", + "{" + ], + [ + "Ġveh", + "icle" + ], + [ + "í", + "ķ" + ], + [ + "ĠPl", + "ayer" + ], + [ + "ĠD", + "el" + ], + [ + "Ġp", + "ool" + ], + [ + ".", + "url" + ], + [ + "nes", + "day" + ], + [ + "();čĊ", + "čĊ" + ], + [ + "Ġ\"", + ");Ċ" + ], + [ + "L", + "ocal" + ], + [ + ".", + "\");Ċ" + ], + [ + "Ġorgan", + "ization" + ], + [ + "re", + "nder" + ], + [ + "ĠApp", + "lication" + ], + [ + "Ġsum", + "mer" + ], + [ + "ex", + "pected" + ], + [ + "N", + "A" + ], + [ + "Ġr", + "ap" + ], + [ + "_", + "obj" + ], + [ + "Ġsur", + "face" + ], + [ + "ĠP", + "UR" + ], + [ + "Ġ},", + "ĊĊ" + ], + [ + "Ġvariable", + "s" + ], + [ + "(m", + "essage" + ], + [ + "Ġop", + "in" + ], + [ + ".b", + "ack" + ], + [ + "а", + "н" + ], + [ + "Ġwork", + "ers" + ], + [ + "v", + "m" + ], + [ + "C", + "o" + ], + [ + "ught", + "er" + ], + [ + "Ġm", + "aster" + ], + [ + "Ġ\"", + "\"," + ], + [ + "Ġst", + "ories" + ], + [ + ".", + "User" + ], + [ + "Ġcele", + "br" + ], + [ + "ines", + "e" + ], + [ + "B", + "S" + ], + [ + "ĠCom", + "mand" + ], + [ + "ash", + "board" + ], + [ + "Ġo", + "g" + ], + [ + "k", + "g" + ], + [ + ".", + "image" + ], + [ + ".st", + "yle" + ], + [ + "Ġstep", + "s" + ], + [ + "ĠB", + "en" + ], + [ + "(", + "args" + ], + [ + "ĠP", + "erson" + ], + [ + ",", + "y" + ], + [ + "Ġofficial", + "s" + ], + [ + "|", + "Ċ" + ], + [ + "Ġsk", + "ills" + ], + [ + "v", + "c" + ], + [ + "Ġbuild", + "er" + ], + [ + "Ġg", + "ar" + ], + [ + "A", + "ccount" + ], + [ + "ĠA", + "uth" + ], + [ + "ç", + "Ķ" + ], + [ + "']", + ")Ċ" + ], + [ + "ĠA", + "T" + ], + [ + "n", + "n" + ], + [ + ".", + "Int" + ], + [ + "SS", + "ERT" + ], + [ + "Ġeffect", + "ive" + ], + [ + "LE", + "TE" + ], + [ + "Ġto", + "ols" + ], + [ + "AR", + "D" + ], + [ + "Ġdig", + "ital" + ], + [ + "D", + "ouble" + ], + [ + "ĠF", + "ind" + ], + [ + "R", + "C" + ], + [ + "Ġin", + "line" + ], + [ + "/", + "r" + ], + [ + "AR", + "AM" + ], + [ + "AS", + "K" + ], + [ + "Ġint", + "ent" + ], + [ + "a", + "ight" + ], + [ + "_add", + "r" + ], + [ + "Ġrequest", + "s" + ], + [ + ".f", + "irst" + ], + [ + "Ġde", + "bug" + ], + [ + "Ġsp", + "ent" + ], + [ + "()", + "));Ċ" + ], + [ + "Å", + "Ľ" + ], + [ + "Ġpr", + "incip" + ], + [ + "Log", + "ger" + ], + [ + "clud", + "es" + ], + [ + ".", + "use" + ], + [ + "Ġsur", + "v" + ], + [ + "med", + "ia" + ], + [ + "ĠFe", + "bruary" + ], + [ + "ĠM", + "ac" + ], + [ + "Ġmiss", + "ing" + ], + [ + "Ġw", + "ife" + ], + [ + "Ġtalk", + "ing" + ], + [ + "ĠM", + "ake" + ], + [ + "Ġc", + "art" + ], + [ + "Ġloc", + "ated" + ], + [ + "E", + "nc" + ], + [ + "-", + "a" + ], + [ + "ch", + "ron" + ], + [ + "Ġc", + "ards" + ], + [ + "Ġgu", + "y" + ], + [ + "Ġp", + "ers" + ], + [ + "ĠY", + "es" + ], + [ + "ate", + "ver" + ], + [ + "ĠA", + "ng" + ], + [ + "ol", + "ar" + ], + [ + "ĠE", + "ven" + ], + [ + "Ġacc", + "ur" + ], + [ + "ĠP", + "ower" + ], + [ + "ĠG", + "old" + ], + [ + "c", + "lear" + ], + [ + "Pro", + "cess" + ], + [ + "Ġrec", + "ords" + ], + [ + "Ġk", + "illed" + ], + [ + ".c", + "lear" + ], + [ + "ĠWARRANT", + "IES" + ], + [ + "Ġpur", + "pose" + ], + [ + "pan", + "el" + ], + [ + "J", + "ECT" + ], + [ + "ÃŃ", + "a" + ], + [ + "Ġex", + "erc" + ], + [ + "W", + "S" + ], + [ + "/", + "L" + ], + [ + ".", + "exports" + ], + [ + "Ġ__", + "_" + ], + [ + "Ġs", + "in" + ], + [ + "S", + "ervlet" + ], + [ + "Ġd", + "é" + ], + [ + ".de", + "lete" + ], + [ + "ro", + "ke" + ], + [ + "S", + "l" + ], + [ + "ug", + "h" + ], + [ + "ear", + "s" + ], + [ + "Ġpoint", + "er" + ], + [ + "Ġh", + "op" + ], + [ + "all", + "ery" + ], + [ + "Ġo", + "bs" + ], + [ + "co", + "very" + ], + [ + "ĉ", + "char" + ], + [ + "ĉĉĉĉ", + "ĉĉĉĉĉĉ" + ], + [ + "ĉ", + "def" + ], + [ + "oc", + "ity" + ], + [ + "itch", + "en" + ], + [ + "ul", + "ations" + ], + [ + "ĠF", + "IT" + ], + [ + "Ġ", + ")." + ], + [ + "straint", + "s" + ], + [ + "vent", + "ion" + ], + [ + "Ġrequ", + "ires" + ], + [ + "ĠO", + "per" + ], + [ + "M", + "E" + ], + [ + "OUN", + "T" + ], + [ + "al", + "let" + ], + [ + "Ġn", + "orm" + ], + [ + "I", + "RE" + ], + [ + "ex", + "as" + ], + [ + "Ġprogram", + "s" + ], + [ + "Ġwe", + "ak" + ], + [ + "'", + ".$" + ], + [ + "u", + "ing" + ], + [ + "ĉ", + "ĠĠĠĠĠĠĠ" + ], + [ + "Ġm", + "il" + ], + [ + "Ġf", + "irm" + ], + [ + "init", + "ely" + ], + [ + "_VAL", + "UE" + ], + [ + "ap", + "se" + ], + [ + "atis", + "f" + ], + [ + "Ġdem", + "and" + ], + [ + "_m", + "od" + ], + [ + "Ġdescri", + "bed" + ], + [ + "Ġpl", + "aces" + ], + [ + "V", + "ID" + ], + [ + "Ġal", + "one" + ], + [ + "Ġex", + "port" + ], + [ + "Ġv", + "ec" + ], + [ + "ĠM", + "ax" + ], + [ + "Ġactiv", + "ities" + ], + [ + "ict", + "ures" + ], + [ + "g", + "ener" + ], + [ + "Ġm", + "a" + ], + [ + "Ĥ", + "¬" + ], + [ + "Ġexpress", + "ion" + ], + [ + "C", + "allback" + ], + [ + "_", + "content" + ], + [ + "ĠM", + "ost" + ], + [ + "Ġtest", + "ing" + ], + [ + "E", + "C" + ], + [ + "CH", + "ANT" + ], + [ + "Ġad", + "just" + ], + [ + ".Th", + "reading" + ], + [ + "(", + "ctx" + ], + [ + "Ġag", + "ree" + ], + [ + "ig", + "hest" + ], + [ + "Ġu", + "i" + ], + [ + "ĠL", + "aw" + ], + [ + ".", + "Y" + ], + [ + ">", + "", + "ĊĊ" + ], + [ + ".ex", + "ample" + ], + [ + "ber", + "g" + ], + [ + "Ġmov", + "ed" + ], + [ + "ĉ", + "e" + ], + [ + "ĠS", + "aturday" + ], + [ + "Ġpay", + "load" + ], + [ + "Ä", + "ĩ" + ], + [ + ")", + ":ĊĊ" + ], + [ + "Ġbe", + "y" + ], + [ + "ur", + "er" + ], + [ + "<", + "script" + ], + [ + "Ġs", + "ymbol" + ], + [ + "Ġass", + "um" + ], + [ + "Ġp", + "ul" + ], + [ + "E", + "ffect" + ], + [ + "Ġh", + "undred" + ], + [ + "To", + "ol" + ], + [ + "ak", + "ed" + ], + [ + "con", + "nection" + ], + [ + "Ġvo", + "ice" + ], + [ + "Ġp", + "d" + ], + [ + "Ġtrans", + "action" + ], + [ + "Ġlink", + "s" + ], + [ + "E", + "rr" + ], + [ + "ĠInd", + "ian" + ], + [ + "T", + "C" + ], + [ + "atal", + "og" + ], + [ + "n", + "i" + ], + [ + "s", + "ign" + ], + [ + "<<", + "\"" + ], + [ + "j", + "i" + ], + [ + "y", + "a" + ], + [ + "Ġdemon", + "str" + ], + [ + "ul", + "ated" + ], + [ + ".", + "St" + ], + [ + "Ġinst", + "it" + ], + [ + "Ġbo", + "ost" + ], + [ + "Ġcell", + "s" + ], + [ + "ol", + "ic" + ], + [ + ".P", + "ro" + ], + [ + ":", + "", + "," + ], + [ + "\">", + "", + "\\" + ], + [ + "Ġth", + "us" + ], + [ + "ĠReg", + "ister" + ], + [ + "h", + "ol" + ], + [ + "ĠCh", + "inese" + ], + [ + "Ġpost", + "ed" + ], + [ + "Ġm", + "agn" + ], + [ + "ab", + "ilities" + ], + [ + "Ġdise", + "ase" + ], + [ + "Ġrem", + "ains" + ], + [ + "ĠPro", + "f" + ], + [ + "-", + "form" + ], + [ + "Ġc", + "in" + ], + [ + "org", + "an" + ], + [ + "ic", + "ate" + ], + [ + "Ġst", + "ress" + ], + [ + "]", + "*" + ], + [ + "Ġ", + "----------------------------------------------------------------" + ], + [ + "_", + "context" + ], + [ + "or", + "ry" + ], + [ + "Ġd", + "ied" + ], + [ + "m", + "at" + ], + [ + "Ġstart", + "s" + ], + [ + ".M", + "essage" + ], + [ + "Ġrun", + "s" + ], + [ + "Ġgu", + "ide" + ], + [ + "Ġwarrant", + "y" + ], + [ + "ential", + "s" + ], + [ + "d", + "ict" + ], + [ + "ĠS", + "ize" + ], + [ + "ul", + "er" + ], + [ + "Ġrespons", + "ible" + ], + [ + "_SE", + "T" + ], + [ + "Ġcont", + "aining" + ], + [ + "ĠPr", + "ice" + ], + [ + "|", + "|" + ], + [ + "F", + "S" + ], + [ + "Ġem", + "p" + ], + [ + "_b", + "utton" + ], + [ + "(", + "uint" + ], + [ + "Ġsu", + "ff" + ], + [ + "p", + "th" + ], + [ + "Ġdef", + "initely" + ], + [ + "put", + "e" + ], + [ + "Ġmarket", + "ing" + ], + [ + "ĠW", + "H" + ], + [ + "ĠS", + "ie" + ], + [ + "+", + "=" + ], + [ + "OL", + "OR" + ], + [ + "Ġcons", + "ult" + ], + [ + "Ġs", + "igned" + ], + [ + "Ġse", + "quence" + ], + [ + "le", + "e" + ], + [ + "Ġrequire", + "ments" + ], + [ + "h", + "y" + ], + [ + "Ex", + "press" + ], + [ + "M", + "T" + ], + [ + "se", + "y" + ], + [ + "Ġ", + "ult" + ], + [ + "å", + "®" + ], + [ + "ellig", + "ence" + ], + [ + "Ġanal", + "y" + ], + [ + "Ġd", + "ress" + ], + [ + "eng", + "ine" + ], + [ + "ĠG", + "reat" + ], + [ + "ĠAnd", + "roid" + ], + [ + "ĠA", + "lex" + ], + [ + "m", + "ode" + ], + [ + "D", + "ictionary" + ], + [ + ".D", + "ate" + ], + [ + "ä", + "½" + ], + [ + "V", + "ICE" + ], + [ + "Ġfam", + "ilies" + ], + [ + "ĠRuss", + "ian" + ], + [ + "ĠT", + "imes" + ], + [ + ".c", + "all" + ], + [ + "$", + "(" + ], + [ + "Pro", + "file" + ], + [ + "Ġf", + "older" + ], + [ + "ch", + "es" + ], + [ + "Ġleg", + "is" + ], + [ + "_", + "row" + ], + [ + "un", + "es" + ], + [ + "Ù", + "Ħ" + ], + [ + "Ġ}", + ")." + ], + [ + "Ass", + "ert" + ], + [ + "ag", + "en" + ], + [ + "ĠH", + "and" + ], + [ + "I", + "ter" + ], + [ + "Ġbig", + "gest" + ], + [ + "ore", + "ach" + ], + [ + "Ġpol", + "ic" + ], + [ + "Ġper", + "missions" + ], + [ + "Ġshow", + "ed" + ], + [ + "ĠE", + "lement" + ], + [ + "Ġtop", + "ic" + ], + [ + "âĢĶ", + "âĢĶ" + ], + [ + "ro", + "ad" + ], + [ + "ĠB", + "ank" + ], + [ + "rec", + "ord" + ], + [ + "Ġpart", + "ners" + ], + [ + "ĠR", + "ef" + ], + [ + "ess", + "ions" + ], + [ + "Ġass", + "ess" + ], + [ + "U", + "ST" + ], + [ + "ĠPart", + "y" + ], + [ + "pro", + "du" + ], + [ + "L", + "C" + ], + [ + "Ġ", + "ul" + ], + [ + ".", + "form" + ], + [ + "h", + "ide" + ], + [ + "c", + "opy" + ], + [ + "UT", + "F" + ], + [ + "ĠSO", + "FTWARE" + ], + [ + "čĊčĊ", + "čĊ" + ], + [ + "ĠL", + "in" + ], + [ + "un", + "a" + ], + [ + "ug", + "ar" + ], + [ + "Ġadmin", + "istration" + ], + [ + "Ġopen", + "ing" + ], + [ + "Ġsc", + "an" + ], + [ + "Ġcontin", + "ued" + ], + [ + "com", + "ponent" + ], + [ + ".s", + "p" + ], + [ + "Ġhapp", + "ens" + ], + [ + "um", + "my" + ], + [ + "ĠP", + "R" + ], + [ + ".F", + "ile" + ], + [ + "ĠDown", + "load" + ], + [ + "Lo", + "ading" + ], + [ + "d", + "i" + ], + [ + "Ġwait", + "ing" + ], + [ + "_A", + "DD" + ], + [ + "T", + "ab" + ], + [ + ".query", + "Selector" + ], + [ + "Ġecon", + "omy" + ], + [ + "ĠF", + "rench" + ], + [ + "t", + "xt" + ], + [ + "Ġf", + "ant" + ], + [ + "_", + ";Ċ" + ], + [ + "H", + "older" + ], + [ + "S", + "H" + ], + [ + "Ġn", + "umpy" + ], + [ + "Ġst", + "reet" + ], + [ + "Ġm", + "ale" + ], + [ + "\\", + "Model" + ], + [ + "ang", + "ing" + ], + [ + "ĠB", + "ill" + ], + [ + "Ġprevious", + "ly" + ], + [ + "B", + "I" + ], + [ + "ĠSec", + "ret" + ], + [ + "Ġm", + "ist" + ], + [ + "ĠF", + "ield" + ], + [ + "up", + "s" + ], + [ + "ĠPro", + "cess" + ], + [ + "Ġke", + "pt" + ], + [ + "ĠO", + "T" + ], + [ + "Ġtrad", + "itional" + ], + [ + ".", + "i" + ], + [ + "am", + "in" + ], + [ + "Ġhelp", + "s" + ], + [ + "An", + "y" + ], + [ + "orig", + "in" + ], + [ + "ilt", + "ers" + ], + [ + "j", + "u" + ], + [ + "d", + "esc" + ], + [ + "ĠA", + "ccount" + ], + [ + "Ġ)", + "čĊ" + ], + [ + "k", + "top" + ], + [ + "ol", + "ly" + ], + [ + "Ġf", + "s" + ], + [ + "Ġ", + "ê" + ], + [ + "Ġ", + "ut" + ], + [ + "Ġcent", + "ral" + ], + [ + "(t", + "est" + ], + [ + ".A", + "n" + ], + [ + "Ġs", + "atisf" + ], + [ + "G", + "R" + ], + [ + "ĠF", + "ull" + ], + [ + "Ġhe", + "at" + ], + [ + "ib", + "er" + ], + [ + "Ġon", + "to" + ], + [ + "m", + "os" + ], + [ + "S", + "chema" + ], + [ + "Ġfact", + "ory" + ], + [ + "\"", + ".$" + ], + [ + "aw", + "s" + ], + [ + "St", + "atement" + ], + [ + "(t", + "arget" + ], + [ + "ĉ", + "new" + ], + [ + ".b", + "e" + ], + [ + "Ġg", + "uest" + ], + [ + "Ġm", + "al" + ], + [ + "AR", + "Y" + ], + [ + "Ġre", + "ached" + ], + [ + "Ġm", + "ouse" + ], + [ + "Ġchall", + "enge" + ], + [ + "ĉd", + "ouble" + ], + [ + "ĠT", + "em" + ], + [ + "Ġt", + "error" + ], + [ + "Ġex", + "tract" + ], + [ + "_T", + "O" + ], + [ + "Ġsepar", + "ate" + ], + [ + "Ġm", + "ir" + ], + [ + "h", + "elp" + ], + [ + "Ġcap", + "acity" + ], + [ + "ĠProp", + "erty" + ], + [ + "k", + "an" + ], + [ + "_c", + "reate" + ], + [ + "ĠL", + "ight" + ], + [ + ".p", + "arent" + ], + [ + "Ġunderstand", + "ing" + ], + [ + "Ġeas", + "ier" + ], + [ + "Ġ|", + "=" + ], + [ + "Ġen", + "h" + ], + [ + "Ġf", + "at" + ], + [ + "Ġprot", + "est" + ], + [ + "am", + "m" + ], + [ + "_", + "AT" + ], + [ + "-", + "of" + ], + [ + "il", + "s" + ], + [ + "ĠO", + "h" + ], + [ + "Ġps", + "ych" + ], + [ + "Ġ$", + "." + ], + [ + "ind", + "s" + ], + [ + "Ġrel", + "ative" + ], + [ + "sh", + "op" + ], + [ + "sh", + "ort" + ], + [ + "ĠS", + "and" + ], + [ + "uest", + "ion" + ], + [ + "Ġf", + "ear" + ], + [ + "/", + "ĊĊ" + ], + [ + ".", + "context" + ], + [ + "Ġschool", + "s" + ], + [ + "Ġser", + "ve" + ], + [ + "z", + "one" + ], + [ + "_d", + "b" + ], + [ + "Ġmajor", + "ity" + ], + [ + "ex", + "ample" + ], + [ + "Ġl", + "ang" + ], + [ + "ĉ", + "ĠĠ" + ], + [ + "Reg", + "ister" + ], + [ + "end", + "o" + ], + [ + "Ġprocess", + "ing" + ], + [ + "_t", + "emplate" + ], + [ + "-", + "user" + ], + [ + "Ġe", + "g" + ], + [ + "C", + "OM" + ], + [ + "ĠBl", + "ue" + ], + [ + "i", + "ro" + ], + [ + "Ġrem", + "ote" + ], + [ + "ĠI", + "T" + ], + [ + "#!", + "/" + ], + [ + "Ġred", + "istrib" + ], + [ + "ra", + "z" + ], + [ + "ĠS", + "ince" + ], + [ + "ĠT", + "ur" + ], + [ + "Back", + "ground" + ], + [ + "==", + "=" + ], + [ + "Ġref", + "lect" + ], + [ + "Ġpro", + "s" + ], + [ + "c", + "md" + ], + [ + "Ġwh", + "om" + ], + [ + "Com", + "pat" + ], + [ + "ĠA", + "re" + ], + [ + "Id", + "entifier" + ], + [ + "ĠTh", + "om" + ], + [ + "_", + "port" + ], + [ + "g", + "u" + ], + [ + "Ġmon", + "itor" + ], + [ + "r", + "m" + ], + [ + "Ġpat", + "ient" + ], + [ + "ver", + "ter" + ], + [ + "Ġg", + "ain" + ], + [ + "-", + "ui" + ], + [ + "In", + "st" + ], + [ + "Ġd", + "ies" + ], + [ + "A", + "rea" + ], + [ + "_f", + "ilter" + ], + [ + "Ġgr", + "at" + ], + [ + "Ġreal", + "ity" + ], + [ + "ord", + "inate" + ], + [ + "ol", + "ved" + ], + [ + "Cont", + "act" + ], + [ + "Ġcompl", + "iance" + ], + [ + "_", + "or" + ], + [ + "ĠV", + "ar" + ], + [ + "d", + "l" + ], + [ + "Ġapp", + "end" + ], + [ + "G", + "ER" + ], + [ + "(m", + "ax" + ], + [ + ".re", + "nder" + ], + [ + "Ġd", + "ynamic" + ], + [ + "ordin", + "ates" + ], + [ + "_", + "options" + ], + [ + "_c", + "olumn" + ], + [ + "Ġb", + "atter" + ], + [ + "s", + "pace" + ], + [ + "L", + "a" + ], + [ + "ĠS", + "ource" + ], + [ + "/b", + "in" + ], + [ + "Ġd", + "os" + ], + [ + "ĠBo", + "ard" + ], + [ + "ĠTh", + "read" + ], + [ + "ĠA", + "L" + ], + [ + "(", + "config" + ], + [ + "ĠM", + "er" + ], + [ + "Ġm", + "iles" + ], + [ + "_", + "header" + ], + [ + "ETH", + "OD" + ], + [ + "iz", + "z" + ], + [ + "Ġbenef", + "it" + ], + [ + "Ġinteg", + "r" + ], + [ + "(c", + "urrent" + ], + [ + "ul", + "o" + ], + [ + ".", + "default" + ], + [ + "ĠD", + "iv" + ], + [ + "Ġt", + "on" + ], + [ + "o", + "th" + ], + [ + "erv", + "ation" + ], + [ + "ed", + "om" + ], + [ + "Ġb", + "aby" + ], + [ + "ce", + "ived" + ], + [ + ".t", + "op" + ], + [ + "rior", + "ity" + ], + [ + "ĠL", + "ocal" + ], + [ + "ri", + "age" + ], + [ + "Ġattack", + "s" + ], + [ + "Ġh", + "ospital" + ], + [ + "Ġfem", + "ale" + ], + [ + "ĠLog", + "in" + ], + [ + "ĠFl", + "or" + ], + [ + "Ġch", + "ain" + ], + [ + "ash", + "ion" + ], + [ + "Text", + "ure" + ], + [ + "S", + "ave" + ], + [ + "Ġf", + "arm" + ], + [ + ".cont", + "ains" + ], + [ + ".T", + "est" + ], + [ + "Ġknow", + "s" + ], + [ + "Ġgener", + "ally" + ], + [ + "ip", + "eline" + ], + [ + "Ġme", + "ant" + ], + [ + "enc", + "ia" + ], + [ + "Ġn", + "icht" + ], + [ + "Ġcont", + "ents" + ], + [ + "P", + "M" + ], + [ + "ched", + "ule" + ], + [ + "(", + "line" + ], + [ + "C", + "G" + ], + [ + "j", + "ob" + ], + [ + "ĠRe", + "al" + ], + [ + "u", + "er" + ], + [ + "f", + "irm" + ], + [ + "Ġ", + "Ø" + ], + [ + "et", + "ro" + ], + [ + "\"", + "`Ċ" + ], + [ + "Ġspe", + "ech" + ], + [ + "Ġth", + "r" + ], + [ + "fore", + "ach" + ], + [ + "Ġw", + "arn" + ], + [ + "ĉ", + "l" + ], + [ + "Ġhe", + "avy" + ], + [ + "<", + "li" + ], + [ + "N", + "e" + ], + [ + "Ġinvestig", + "ation" + ], + [ + "M", + "ath" + ], + [ + "-", + "title" + ], + [ + "Ġch", + "urch" + ], + [ + "Ġdes", + "pite" + ], + [ + "ch", + "ain" + ], + [ + "Ġwh", + "atever" + ], + [ + "ar", + "ian" + ], + [ + "f", + "n" + ], + [ + "Ġm", + "eta" + ], + [ + "}", + ")ĊĊ" + ], + [ + "U", + "FF" + ], + [ + "Ġregard", + "ing" + ], + [ + "_S", + "UCCESS" + ], + [ + "m", + "es" + ], + [ + "ĠInt", + "ent" + ], + [ + "Ġres", + "olve" + ], + [ + "pos", + "s" + ], + [ + "ir", + "a" + ], + [ + "for", + "ce" + ], + [ + "o", + "ice" + ], + [ + "Ã", + "¢" + ], + [ + "Ġp", + "m" + ], + [ + "Ġup", + "dates" + ], + [ + "A", + "rr" + ], + [ + "Ġ", + "Ñ" + ], + [ + "test", + "ing" + ], + [ + "Ġto", + "ward" + ], + [ + "nt", + "ax" + ], + [ + "ë", + "ĭ" + ], + [ + "Ġlist", + "en" + ], + [ + "Ġgo", + "als" + ], + [ + "Instance", + "State" + ], + [ + "D", + "r" + ], + [ + "Ġr", + "are" + ], + [ + "Ġtr", + "ail" + ], + [ + "Ke", + "ys" + ], + [ + "C", + "al" + ], + [ + "C", + "ar" + ], + [ + "ĠPe", + "ople" + ], + [ + "ĉ", + "local" + ], + [ + "class", + "es" + ], + [ + "Re", + "ference" + ], + [ + ".for", + "Each" + ], + [ + "em", + "b" + ], + [ + "act", + "iv" + ], + [ + "Ġpr", + "im" + ], + [ + "red", + "ict" + ], + [ + "Ġr", + "ad" + ], + [ + "æķ", + "°" + ], + [ + ".B", + "ack" + ], + [ + "Ġsp", + "read" + ], + [ + "Ġc", + "lock" + ], + [ + "Ġv", + "ir" + ], + [ + "ed", + "itor" + ], + [ + "Ġeffort", + "s" + ], + [ + "Ġbr", + "anch" + ], + [ + "Ġind", + "ust" + ], + [ + "Ġmot", + "or" + ], + [ + "Ġam", + "b" + ], + [ + "Ġdat", + "etime" + ], + [ + "Ġren", + "cont" + ], + [ + "ĠChrist", + "ian" + ], + [ + "ĠAmeric", + "ans" + ], + [ + "f", + "ull" + ], + [ + "Ġf", + "mt" + ], + [ + ".m", + "ain" + ], + [ + "Ġca", + "used" + ], + [ + "_", + "update" + ], + [ + "ĠCont", + "ent" + ], + [ + "AT", + "CH" + ], + [ + "Ġb", + "ath" + ], + [ + "ĠE", + "ach" + ], + [ + "Ġr", + "adio" + ], + [ + "ach", + "ment" + ], + [ + "uz", + "z" + ], + [ + "Sub", + "mit" + ], + [ + "Ġre", + "strict" + ], + [ + "ab", + "in" + ], + [ + "ĠL", + "oad" + ], + [ + "Ġext", + "ension" + ], + [ + "Ġess", + "ay" + ], + [ + "Ġh", + "at" + ], + [ + "avi", + "our" + ], + [ + "to", + "Be" + ], + [ + "\":", + "[" + ], + [ + "Ġoffer", + "ed" + ], + [ + "Ġv", + "ill" + ], + [ + "(d", + "ouble" + ], + [ + "æĹ", + "¥" + ], + [ + "b", + "c" + ], + [ + "_f", + "ree" + ], + [ + "ĠM", + "iss" + ], + [ + "ĠB", + "er" + ], + [ + "Ġ", + "è" + ], + [ + "ĠL", + "ike" + ], + [ + "Ġhelp", + "ed" + ], + [ + ".get", + "Name" + ], + [ + "_", + "AL" + ], + [ + "Ġsp", + "irit" + ], + [ + "ĠAp", + "ache" + ], + [ + "w", + "s" + ], + [ + "Ġthere", + "fore" + ], + [ + "(", + "params" + ], + [ + "_", + "img" + ], + [ + "Ġpe", + "ace" + ], + [ + "Ġinc", + "or" + ], + [ + "ĠEX", + "PECT" + ], + [ + "Ġmin", + "or" + ], + [ + "ip", + "es" + ], + [ + "ĉ", + "data" + ], + [ + "select", + "or" + ], + [ + "c", + "ity" + ], + [ + "tr", + "ie" + ], + [ + ".b", + "ase" + ], + [ + "_f", + "rame" + ], + [ + "Ġopen", + "ed" + ], + [ + "/", + "json" + ], + [ + "L", + "Y" + ], + [ + "n", + "u" + ], + [ + ".D", + "e" + ], + [ + "t", + "f" + ], + [ + "m", + "argin" + ], + [ + ".P", + "arse" + ], + [ + "Ġp", + "i" + ], + [ + "Ġe", + "q" + ], + [ + "b", + "d" + ], + [ + "Field", + "s" + ], + [ + "ĠT", + "ree" + ], + [ + "Ġb", + "an" + ], + [ + "ist", + "an" + ], + [ + "Ċ", + "ĠĠĠĠĠĠĠĠĊ" + ], + [ + "ĉg", + "l" + ], + [ + "Ġprodu", + "ced" + ], + [ + "s", + "ystem" + ], + [ + "M", + "ark" + ], + [ + "_h", + "ash" + ], + [ + "Ġb", + "g" + ], + [ + "Ġconst", + "it" + ], + [ + "ĠLe", + "ague" + ], + [ + "Ġmiss", + "ion" + ], + [ + "_", + "format" + ], + [ + "([", + "Ċ" + ], + [ + "clus", + "ion" + ], + [ + "!", + "\"" + ], + [ + "Ð", + "·" + ], + [ + "b", + "reak" + ], + [ + "ĉs", + "witch" + ], + [ + "Ġth", + "er" + ], + [ + "Trans", + "form" + ], + [ + "Ġfoot", + "ball" + ], + [ + "-", + "link" + ], + [ + "r", + "oute" + ], + [ + ".", + "auth" + ], + [ + "Ġb", + "ag" + ], + [ + "ov", + "ers" + ], + [ + "Ġen", + "abled" + ], + [ + "Ġr", + "ac" + ], + [ + "(", + "I" + ], + [ + "C", + "R" + ], + [ + "anc", + "ing" + ], + [ + "Ġman", + "aged" + ], + [ + "_", + "q" + ], + [ + "NG", + "TH" + ], + [ + "Ġm", + "ac" + ], + [ + "ĠA", + "uto" + ], + [ + "ament", + "e" + ], + [ + "Ġ'", + "'," + ], + [ + ".App", + "end" + ], + [ + "Ġp", + "in" + ], + [ + ".", + "item" + ], + [ + "ack", + "ing" + ], + [ + "Ġocc", + "as" + ], + [ + "p", + "erson" + ], + [ + "Ġt", + "i" + ], + [ + ".Re", + "g" + ], + [ + "Ġh", + "aven" + ], + [ + "Ġg", + "lass" + ], + [ + "Ġ\"", + "", + ")" + ], + [ + "_", + "char" + ], + [ + "res", + "ource" + ], + [ + "Ġep", + "isode" + ], + [ + "Ġ'", + "_" + ], + [ + "ĠE", + "s" + ], + [ + "ĠEar", + "th" + ], + [ + "Âł", + "Âł" + ], + [ + "UP", + "DATE" + ], + [ + "ĠS", + "ou" + ], + [ + "u", + "is" + ], + [ + "t", + "ypes" + ], + [ + "Ġm", + "as" + ], + [ + "Ġf", + "av" + ], + [ + "Ġcon", + "struct" + ], + [ + "_r", + "ate" + ], + [ + "er", + "as" + ], + [ + "Ġ|", + "Ċ" + ], + [ + "rop", + "erties" + ], + [ + "Ġext", + "ernal" + ], + [ + "Ġap", + "plied" + ], + [ + "Ġpre", + "fix" + ], + [ + "ot", + "ed" + ], + [ + "l", + "ers" + ], + [ + "Ġc", + "old" + ], + [ + "ĠS", + "P" + ], + [ + "ĠCh", + "urch" + ], + [ + "ĠOut", + "put" + ], + [ + "los", + "ed" + ], + [ + "ç", + "ļ" + ], + [ + "ific", + "ate" + ], + [ + "oper", + "ation" + ], + [ + "her", + "it" + ], + [ + "x", + "FF" + ], + [ + ".", + "env" + ], + [ + "_", + "err" + ], + [ + "os", + "h" + ], + [ + "D", + "irection" + ], + [ + "C", + "ancel" + ], + [ + "ĠFr", + "ank" + ], + [ + "Ġfind", + "ing" + ], + [ + ".", + ")ĊĊ" + ], + [ + "Ġr", + "outer" + ], + [ + "ãĥ", + "»" + ], + [ + "s", + "es" + ], + [ + "Ġc", + "row" + ], + [ + "==", + "'" + ], + [ + "Ġs", + "and" + ], + [ + "Ġr", + "id" + ], + [ + "it", + "ure" + ], + [ + "Ġent", + "re" + ], + [ + "Ġo", + "bserv" + ], + [ + "Ġv", + "ac" + ], + [ + "ð", + "Ł" + ], + [ + "-", + "T" + ], + [ + "A", + "rt" + ], + [ + "n", + "ight" + ], + [ + ".", + "search" + ], + [ + "Ġex", + "change" + ], + [ + "Ġdistr", + "ict" + ], + [ + ".", + "os" + ], + [ + "Ġdep", + "artment" + ], + [ + "Ġdoc", + "uments" + ], + [ + "Ġcent", + "ury" + ], + [ + "ĠN", + "ext" + ], + [ + "H", + "ost" + ], + [ + "ĠK", + "IND" + ], + [ + "Ġsus", + "p" + ], + [ + "-", + "P" + ], + [ + "re", + "nd" + ], + [ + ".", + "em" + ], + [ + "u", + "ite" + ], + [ + "ist", + "ers" + ], + [ + "(", + "json" + ], + [ + "ĠAn", + "n" + ], + [ + "w", + "t" + ], + [ + "at", + "i" + ], + [ + "ĠHT", + "ML" + ], + [ + "wh", + "en" + ], + [ + "D", + "irectory" + ], + [ + "Ġsh", + "ut" + ], + [ + "<", + "a" + ], + [ + "ed", + "y" + ], + [ + "Ġhealth", + "y" + ], + [ + "Ġtemper", + "ature" + ], + [ + "ĠG", + "en" + ], + [ + "Ġmet", + "al" + ], + [ + "Ġsub", + "mit" + ], + [ + "ĠD", + "O" + ], + [ + "Ġat", + "tract" + ], + [ + "Ġ{", + "};Ċ" + ], + [ + "ĠW", + "ord" + ], + [ + "Ġl", + "l" + ], + [ + "Ġseem", + "ed" + ], + [ + "k", + "o" + ], + [ + "I", + "ED" + ], + [ + "Ġl", + "abor" + ], + [ + ".Cont", + "ext" + ], + [ + "Ġas", + "set" + ], + [ + "y", + "ou" + ], + [ + "Ġc", + "ars" + ], + [ + "ĠC", + "olumn" + ], + [ + "Ġr", + "é" + ], + [ + "Ġs", + "quare" + ], + [ + "ĠNS", + "String" + ], + [ + "âĢĿ", + "," + ], + [ + "ap", + "es" + ], + [ + "..", + ".Ċ" + ], + [ + "Ġthan", + "ks" + ], + [ + "(", + "props" + ], + [ + "Ġt", + "ick" + ], + [ + "Ġexper", + "iment" + ], + [ + "Ġpr", + "ison" + ], + [ + "t", + "ree" + ], + [ + "-", + "text" + ], + [ + "ĠIO", + "Exception" + ], + [ + "-w", + "idth" + ], + [ + "_ST", + "ATUS" + ], + [ + "f", + "ast" + ], + [ + "-b", + "ody" + ], + [ + "-", + "header" + ], + [ + "Ġgu", + "ar" + ], + [ + "cre", + "te" + ], + [ + "ĠT", + "im" + ], + [ + "Ġclear", + "ly" + ], + [ + "ĠRepublic", + "an" + ], + [ + "Ġjust", + "ify" + ], + [ + "и", + "ÑĤ" + ], + [ + "ĉ", + "ĠĠĠĠ" + ], + [ + "c", + "ache" + ], + [ + ";", + "//" + ], + [ + "Ġpres", + "ence" + ], + [ + "Ġfact", + "ors" + ], + [ + "Ġemploy", + "ee" + ], + [ + "]", + "))" + ], + [ + "M", + "ember" + ], + [ + "Ġselect", + "or" + ], + [ + "b", + "or" + ], + [ + "ĠM", + "ex" + ], + [ + "çļ", + "Ħ" + ], + [ + "ut", + "ex" + ], + [ + "_t", + "ag" + ], + [ + "ail", + "ure" + ], + [ + "ĠN", + "et" + ], + [ + "Ġre", + "li" + ], + [ + "E", + "G" + ], + [ + "Ġf", + "printf" + ], + [ + "Ġte", + "en" + ], + [ + "lo", + "ss" + ], + [ + "Ġle", + "aving" + ], + [ + "De", + "legate" + ], + [ + "Ġbe", + "at" + ], + [ + "Ġmin", + "ute" + ], + [ + "sub", + "scribe" + ], + [ + "Ġredistrib", + "ute" + ], + [ + "Con", + "stants" + ], + [ + "Ġcan", + "cer" + ], + [ + "/", + "{" + ], + [ + "B", + "L" + ], + [ + "Ġs", + "pan" + ], + [ + "ĠCh", + "ild" + ], + [ + "C", + "enter" + ], + [ + "Ġear", + "th" + ], + [ + "Y", + "S" + ], + [ + "ĠLe", + "vel" + ], + [ + "Ġse", + "a" + ], + [ + ".s", + "upport" + ], + [ + ".in", + "ner" + ], + [ + ".", + "Item" + ], + [ + "ill", + "ing" + ], + [ + "ĠĠĠĠĊ", + "ĠĠĠĠĊ" + ], + [ + "ĠL", + "abel" + ], + [ + "ĠE", + "st" + ], + [ + "(", + "arg" + ], + [ + "bo", + "Box" + ], + [ + "ĉf", + "oreach" + ], + [ + "c", + "os" + ], + [ + "F", + "ailed" + ], + [ + "sw", + "ers" + ], + [ + "Ed", + "itor" + ], + [ + "r", + "ont" + ], + [ + "ĠM", + "P" + ], + [ + "ex", + "pr" + ], + [ + "ĠL", + "ife" + ], + [ + "Ġ?", + "?" + ], + [ + "ö", + "r" + ], + [ + "Ġatt", + "end" + ], + [ + "ĠQ", + "ue" + ], + [ + "Ġspec", + "ies" + ], + [ + "-", + "D" + ], + [ + "Ġa", + "us" + ], + [ + "Str", + "uct" + ], + [ + "Ġadvant", + "age" + ], + [ + "ost", + "on" + ], + [ + "-b", + "lock" + ], + [ + "in", + "itial" + ], + [ + "C", + "RE" + ], + [ + "Ġtr", + "uly" + ], + [ + "Ġcomp", + "are" + ], + [ + "or", + "ney" + ], + [ + "Ġs", + "pect" + ], + [ + "F", + "ull" + ], + [ + "b", + "es" + ], + [ + "Ġvis", + "ible" + ], + [ + "Ġm", + "ess" + ], + [ + "st", + "ances" + ], + [ + "Ġcl", + "oud" + ], + [ + "_v", + "ersion" + ], + [ + "Ġf", + "urn" + ], + [ + "ic", + "ago" + ], + [ + "LO", + "W" + ], + [ + "Ġtraff", + "ic" + ], + [ + "Ġf", + "ol" + ], + [ + "rypt", + "o" + ], + [ + "Ġdecl", + "ar" + ], + [ + "Ġsl", + "ot" + ], + [ + "ĠEx", + "t" + ], + [ + "ĠEng", + "land" + ], + [ + "ĠU", + "nder" + ], + [ + "Ġt", + "a" + ], + [ + "let", + "ter" + ], + [ + "Ġoffic", + "er" + ], + [ + "ĠDon", + "ald" + ], + [ + "Y", + "es" + ], + [ + "_", + "json" + ], + [ + "IT", + "ableView" + ], + [ + "ĠU", + "SE" + ], + [ + "mploy", + "ee" + ], + [ + "Ġopin", + "ion" + ], + [ + "ĠA", + "ut" + ], + [ + "b", + "order" + ], + [ + "Ġad", + "vice" + ], + [ + "Ġautom", + "atically" + ], + [ + "is", + "co" + ], + [ + "Ġm", + "m" + ], + [ + ".", + "vis" + ], + [ + "am", + "l" + ], + [ + "Ġinitial", + "ize" + ], + [ + "Ġ(", + "{" + ], + [ + "Ġ", + ";ĊĊ" + ], + [ + "Ġgener", + "ation" + ], + [ + "Ġb", + "its" + ], + [ + "clip", + "se" + ], + [ + "Ġun", + "f" + ], + [ + "ut", + "ors" + ], + [ + "pl", + "t" + ], + [ + "Ġdel", + "ta" + ], + [ + "est", + "roy" + ], + [ + "is", + "is" + ], + [ + "<", + "br" + ], + [ + "Ġlimit", + "ations" + ], + [ + "Ġend", + "ed" + ], + [ + "ĠM", + "ad" + ], + [ + "il", + "m" + ], + [ + "Th", + "ese" + ], + [ + "ĠMin", + "ister" + ], + [ + "Ġch", + "art" + ], + [ + "F", + "ragment" + ], + [ + "Ġindepend", + "ent" + ], + [ + "Y", + "ear" + ], + [ + "Ġin", + "str" + ], + [ + "Ġt", + "ags" + ], + [ + "A", + "VE" + ], + [ + "ĠAr", + "ch" + ], + [ + "st", + "op" + ], + [ + "Pro", + "gress" + ], + [ + "Ġm", + "i" + ], + [ + "Ġlearn", + "ed" + ], + [ + "G", + "e" + ], + [ + "Ġhot", + "el" + ], + [ + "S", + "M" + ], + [ + "T", + "YPE" + ], + [ + "Ġc", + "y" + ], + [ + "ERS", + "ION" + ], + [ + "un", + "ately" + ], + [ + "l", + "imit" + ], + [ + "s", + "el" + ], + [ + "Ġmov", + "ies" + ], + [ + "Ġste", + "el" + ], + [ + "o", + "z" + ], + [ + "g", + "b" + ], + [ + "ĠC", + "amp" + ], + [ + "s", + "ite" + ], + [ + "ĠLog", + "ger" + ], + [ + "P", + "LE" + ], + [ + "оÐ", + "´" + ], + [ + ".", + "right" + ], + [ + "ĠC", + "ore" + ], + [ + "Ġm", + "ixed" + ], + [ + "st", + "ep" + ], + [ + "Ġput", + "s" + ], + [ + "s", + "uper" + ], + [ + "R", + "outer" + ], + [ + ".", + "Http" + ], + [ + "ly", + "ph" + ], + [ + "ĠColor", + "s" + ], + [ + "Ġandroid", + "x" + ], + [ + ".", + "str" + ], + [ + "Ġinn", + "ov" + ], + [ + "Ġde", + "ck" + ], + [ + "'", + ">Ċ" + ], + [ + "ap", + "ers" + ], + [ + "]", + "(" + ], + [ + "cont", + "inue" + ], + [ + "s", + "pec" + ], + [ + "ĠR", + "oad" + ], + [ + "AS", + "H" + ], + [ + "ili", + "ar" + ], + [ + "Ġcontin", + "ues" + ], + [ + "Ġapp", + "oint" + ], + [ + "Ġ#", + "Ċ" + ], + [ + "ĠV", + "ir" + ], + [ + "Ġ?>", + "\"" + ], + [ + "Ġb", + "in" + ], + [ + "}", + "\"," + ], + [ + "go", + "ing" + ], + [ + "e", + "ach" + ], + [ + "B", + "D" + ], + [ + "ĠA", + "ccess" + ], + [ + "D", + "oc" + ], + [ + "ĠMan", + "agement" + ], + [ + "B", + "ER" + ], + [ + "ask", + "et" + ], + [ + ".get", + "Instance" + ], + [ + "Ġestablish", + "ed" + ], + [ + "so", + "cket" + ], + [ + "IN", + "S" + ], + [ + "ĉv", + "irtual" + ], + [ + "ĉ", + "result" + ], + [ + "RE", + "AD" + ], + [ + "_", + "height" + ], + [ + "ĠF", + "ont" + ], + [ + "Ġ(", + ");Ċ" + ], + [ + "_", + "html" + ], + [ + "Ġneighb", + "or" + ], + [ + "l", + "or" + ], + [ + "Ġg", + "ather" + ], + [ + "Ġ}", + ")ĊĊ" + ], + [ + "Ġid", + "entity" + ], + [ + "Ġf", + "ab" + ], + [ + "p", + "adding" + ], + [ + "ĠR", + "oute" + ], + [ + "Enumer", + "able" + ], + [ + "Ã", + "´" + ], + [ + "Ġfor", + "ced" + ], + [ + "/j", + "query" + ], + [ + ".ĊĊ", + "ĊĊĊĊ" + ], + [ + "res", + "ents" + ], + [ + "_", + "left" + ], + [ + ".P", + "aram" + ], + [ + "ĉ", + "throw" + ], + [ + "ĠH", + "am" + ], + [ + "Ġevent", + "ually" + ], + [ + "ac", + "er" + ], + [ + "p", + "ub" + ], + [ + "Ġtr", + "a" + ], + [ + "un", + "ique" + ], + [ + "d", + "el" + ], + [ + "ĠFlor", + "ida" + ], + [ + "ĠC", + "lean" + ], + [ + "x", + "a" + ], + [ + "ĠÂ", + "·" + ], + [ + "Ġvalid", + "ate" + ], + [ + "Vis", + "ual" + ], + [ + "Ex", + "pression" + ], + [ + "_f", + "unc" + ], + [ + "m", + "ember" + ], + [ + "ĉ", + "h" + ], + [ + "tr", + "l" + ], + [ + "ĉ", + "G" + ], + [ + "nap", + "shot" + ], + [ + "ĠProp", + "Types" + ], + [ + "v", + "in" + ], + [ + "]", + ")ĊĊ" + ], + [ + "ow", + "l" + ], + [ + "if", + "ies" + ], + [ + "Ġ$", + "('." + ], + [ + "ĠCont", + "ext" + ], + [ + "ĠTo", + "ast" + ], + [ + ".", + "Key" + ], + [ + "Ġoffic", + "ers" + ], + [ + "/", + "n" + ], + [ + "s", + "n" + ], + [ + "und", + "efined" + ], + [ + ".", + "items" + ], + [ + "ut", + "ow" + ], + [ + "am", + "age" + ], + [ + "Ġaccount", + "s" + ], + [ + "ook", + "ie" + ], + [ + "Se", + "ction" + ], + [ + "ici", + "ans" + ], + [ + "Ġad", + "vis" + ], + [ + "(", + "is" + ], + [ + "[:", + "," + ], + [ + "ĠFr", + "ance" + ], + [ + "F", + "unc" + ], + [ + "ic", + "ious" + ], + [ + "Ġto", + "k" + ], + [ + "Ch", + "annel" + ], + [ + "ĠA", + "D" + ], + [ + "_N", + "UM" + ], + [ + "Ġtime", + "out" + ], + [ + "lem", + "ma" + ], + [ + "rem", + "e" + ], + [ + "u", + "j" + ], + [ + ".A", + "l" + ], + [ + "uc", + "lear" + ], + [ + "(", + "os" + ], + [ + "(\"", + "<" + ], + [ + "[", + "Ċ" + ], + [ + "f", + "etch" + ], + [ + "Ġb", + "al" + ], + [ + "Ġgu", + "id" + ], + [ + "-", + "align" + ], + [ + "ĠW", + "rite" + ], + [ + "ĠOn", + "ce" + ], + [ + "utow", + "ired" + ], + [ + "OD", + "ULE" + ], + [ + "Ġp", + "itch" + ], + [ + "C", + "F" + ], + [ + "by", + "tes" + ], + [ + "ĠCom", + "mission" + ], + [ + "Ġincre", + "d" + ], + [ + "P", + "ER" + ], + [ + "_", + "response" + ], + [ + "ĠL", + "os" + ], + [ + "par", + "ser" + ], + [ + "Ġass", + "ume" + ], + [ + ".", + "Request" + ], + [ + "ĠT", + "oken" + ], + [ + "_p", + "osition" + ], + [ + "Ġn", + "om" + ], + [ + "-", + "term" + ], + [ + "Ġrem", + "aining" + ], + [ + "i", + "ostream" + ], + [ + "Ġpie", + "ces" + ], + [ + "ap", + "y" + ], + [ + "ĠL", + "ess" + ], + [ + "r", + "ange" + ], + [ + "umb", + "n" + ], + [ + "pr", + "ise" + ], + [ + "_", + "option" + ], + [ + "Im", + "pl" + ], + [ + "k", + "wargs" + ], + [ + "Ġbusiness", + "es" + ], + [ + "Al", + "ert" + ], + [ + "Ġpart", + "ies" + ], + [ + "ĠCont", + "ainer" + ], + [ + "ĠPr", + "ivate" + ], + [ + "ĠPl", + "an" + ], + [ + "Ġregister", + "ed" + ], + [ + "Ġj", + "our" + ], + [ + "ack", + "er" + ], + [ + "ен", + "и" + ], + [ + "/", + ">" + ], + [ + "ch", + "at" + ], + [ + "se", + "ct" + ], + [ + "Ġcre", + "ation" + ], + [ + "olut", + "ely" + ], + [ + "Ġinst", + "ant" + ], + [ + "Ġdel", + "ivery" + ], + [ + "ick", + "en" + ], + [ + "y", + "es" + ], + [ + "ĠFr", + "anc" + ], + [ + "bl", + "ing" + ], + [ + "end", + "a" + ], + [ + "[", + "(" + ], + [ + "_r", + "ange" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠ" + ], + [ + "Ġsched", + "ule" + ], + [ + "Con", + "n" + ], + [ + "Ġthan", + "k" + ], + [ + "x", + "d" + ], + [ + "Ġh", + "ook" + ], + [ + "Ġdocument", + "ation" + ], + [ + "Param", + "eters" + ], + [ + "H", + "ello" + ], + [ + "v", + "t" + ], + [ + "Ġart", + "icles" + ], + [ + "Ġw", + "est" + ], + [ + "def", + "ined" + ], + [ + ".", + "select" + ], + [ + "ok", + "ens" + ], + [ + "ĠV", + "AL" + ], + [ + ".f", + "ile" + ], + [ + "res", + "et" + ], + [ + "Ġmy", + "s" + ], + [ + "ĠM", + "A" + ], + [ + "]", + ")," + ], + [ + "Ġc", + "ities" + ], + [ + "rel", + "ated" + ], + [ + "å", + "Ľ" + ], + [ + "Ġappe", + "ared" + ], + [ + "Ġw", + "id" + ], + [ + ".p", + "anel" + ], + [ + "ĠIn", + "s" + ], + [ + ".", + "entity" + ], + [ + "Ġde", + "cre" + ], + [ + "ĠL", + "ou" + ], + [ + "(t", + "ime" + ], + [ + "ĠTh", + "ank" + ], + [ + ".create", + "Element" + ], + [ + "Ġmention", + "ed" + ], + [ + "oun", + "ce" + ], + [ + "ĠT", + "ry" + ], + [ + "ĠW", + "all" + ], + [ + "/", + "images" + ], + [ + "ĠM", + "enu" + ], + [ + "'", + "čĊ" + ], + [ + "ĠE", + "r" + ], + [ + "Ġcrit", + "ic" + ], + [ + "ĠY", + "ear" + ], + [ + "(", + "param" + ], + [ + "Ġf", + "lo" + ], + [ + "N", + "N" + ], + [ + "oot", + "er" + ], + [ + "Ġ", + "];Ċ" + ], + [ + "ĠA", + "ff" + ], + [ + "\"", + "github" + ], + [ + "room", + "s" + ], + [ + "Ġh", + "yp" + ], + [ + "g", + "lobal" + ], + [ + "Ġa", + "vec" + ], + [ + "æľ", + "Ī" + ], + [ + "Ġcomplet", + "ion" + ], + [ + "Ġcon", + "d" + ], + [ + "onym", + "ous" + ], + [ + "(", + "temp" + ], + [ + "Ġst", + "ars" + ], + [ + "Ġre", + "levant" + ], + [ + "Ġcover", + "ed" + ], + [ + "Ġel", + "im" + ], + [ + "_t", + "ypes" + ], + [ + "(", + "bool" + ], + [ + "Ġt", + "u" + ], + [ + "_ex", + "ists" + ], + [ + "Ġsec", + "ure" + ], + [ + "Ġst", + "ored" + ], + [ + "]", + "/" + ], + [ + "x", + "F" + ], + [ + "ĠCont", + "roller" + ], + [ + "Ġm", + "igr" + ], + [ + "M", + "I" + ], + [ + "ĠD", + "en" + ], + [ + "Ġann", + "ual" + ], + [ + "U", + "IL" + ], + [ + "-", + "and" + ], + [ + "Ġcr", + "ime" + ], + [ + "b", + "el" + ], + [ + "Ġk", + "itchen" + ], + [ + "@", + "g" + ], + [ + "_p", + "h" + ], + [ + "ourn", + "ament" + ], + [ + "ĠS", + "ocial" + ], + [ + "ĠS", + "pecial" + ], + [ + "log", + "ger" + ], + [ + "Ġt", + "ail" + ], + [ + "Ġun", + "known" + ], + [ + "d", + "ed" + ], + [ + "Ġapp", + "rec" + ], + [ + "(d", + "b" + ], + [ + "c", + "f" + ], + [ + "Ġass", + "ign" + ], + [ + "-", + "out" + ], + [ + "ĠM", + "ont" + ], + [ + "d", + "p" + ], + [ + "w", + "idget" + ], + [ + "Ġst", + "one" + ], + [ + "-", + "primary" + ], + [ + ".", + "grid" + ], + [ + "Result", + "s" + ], + [ + "az", + "z" + ], + [ + "Ġda", + "ughter" + ], + [ + "Ġcur", + "r" + ], + [ + "Ġl", + "in" + ], + [ + "Ġs", + "outh" + ], + [ + "form", + "s" + ], + [ + "ĠO", + "UT" + ], + [ + "let", + "te" + ], + [ + "ak", + "s" + ], + [ + "ig", + "ure" + ], + [ + "ĠE", + "U" + ], + [ + "var", + "iable" + ], + [ + "Ġb", + "rief" + ], + [ + "ĠSc", + "ott" + ], + [ + "Ġcon", + "ference" + ], + [ + "and", + "a" + ], + [ + "_", + "lock" + ], + [ + "or", + "al" + ], + [ + "Ġe", + "ine" + ], + [ + "OR", + "S" + ], + [ + "////////////////////////////////", + "////////////////////////////////" + ], + [ + "ess", + "o" + ], + [ + "Ġr", + "is" + ], + [ + "Ġg", + "ender" + ], + [ + "est", + "ic" + ], + [ + "L", + "icense" + ], + [ + "(", + "out" + ], + [ + "Ġm", + "s" + ], + [ + "Se", + "e" + ], + [ + "Ġwill", + "ing" + ], + [ + "az", + "e" + ], + [ + "Ġs", + "ports" + ], + [ + "Ġy", + "es" + ], + [ + "l", + "u" + ], + [ + "Ġp", + "urs" + ], + [ + "/j", + "avascript" + ], + [ + "-", + "pro" + ], + [ + "nav", + "bar" + ], + [ + "_pro", + "duct" + ], + [ + "/", + "bootstrap" + ], + [ + "Ġdr", + "iving" + ], + [ + "Ġ", + "Ä" + ], + [ + "Ġpro", + "pos" + ], + [ + "ult", + "ip" + ], + [ + "up", + "lic" + ], + [ + ".", + "email" + ], + [ + "Ġappro", + "x" + ], + [ + "(", + "cl" + ], + [ + "Ġwe", + "ar" + ], + [ + "Ġrep", + "ly" + ], + [ + "ass", + "et" + ], + [ + "Ġ", + "ice" + ], + [ + "Ġt", + "x" + ], + [ + "k", + "r" + ], + [ + "ĠGerman", + "y" + ], + [ + "ĠGe", + "orge" + ], + [ + "Ġc", + "b" + ], + [ + "ĉ", + "err" + ], + [ + "M", + "ove" + ], + [ + "Ġpol", + "y" + ], + [ + "vo", + "ice" + ], + [ + "}", + "\"" + ], + [ + "Ġan", + "imal" + ], + [ + "A", + "v" + ], + [ + "ĠL", + "ocation" + ], + [ + "Ġn", + "ative" + ], + [ + "]", + "[\"" + ], + [ + "<", + "double" + ], + [ + "Ġm", + "ais" + ], + [ + ",", + "int" + ], + [ + "Ġpre", + "par" + ], + [ + "Ġinter", + "val" + ], + [ + "plement", + "ation" + ], + [ + "_", + "ERR" + ], + [ + "Ġb", + "ug" + ], + [ + ">", + "\"" + ], + [ + "st", + "at" + ], + [ + "Ġ}", + ",čĊ" + ], + [ + "<", + "span" + ], + [ + "Ġfa", + "ith" + ], + [ + "Ġ", + "rom" + ], + [ + "pre", + "v" + ], + [ + "ĠE", + "lect" + ], + [ + "F", + "ind" + ], + [ + "Ġg", + "od" + ], + [ + "ot", + "or" + ], + [ + "//", + "----------------------------------------------------------------" + ], + [ + "orig", + "inal" + ], + [ + "C", + "pp" + ], + [ + "ĠSen", + "ate" + ], + [ + "Ġposition", + "s" + ], + [ + "Ġweap", + "ons" + ], + [ + "Ġco", + "ff" + ], + [ + "Ġpur", + "poses" + ], + [ + "p", + "ol" + ], + [ + "Ġim", + "press" + ], + [ + "Ġanim", + "als" + ], + [ + ".", + "Entity" + ], + [ + "(n", + "p" + ], + [ + "Ġmur", + "der" + ], + [ + "Ġ`", + "`" + ], + [ + "fl", + "ag" + ], + [ + "Ġsol", + "utions" + ], + [ + "ĠAct", + "ive" + ], + [ + "Ġb", + "right" + ], + [ + ".d", + "ate" + ], + [ + "Ġsit", + "u" + ], + [ + "ï¼", + "Ī" + ], + [ + ".", + "ID" + ], + [ + "Ġs", + "ie" + ], + [ + "),", + "čĊ" + ], + [ + "ak", + "t" + ], + [ + "S", + "pace" + ], + [ + ".d", + "at" + ], + [ + ".index", + "Of" + ], + [ + "h", + "an" + ], + [ + "az", + "ine" + ], + [ + "ĠZ", + "e" + ], + [ + "Ġcr", + "ash" + ], + [ + "(", + "/" + ], + [ + ">", + "=" + ], + [ + "Ð", + "±" + ], + [ + "iv", + "a" + ], + [ + ".Auto", + "Size" + ], + [ + "ĠL", + "at" + ], + [ + "_", + "ext" + ], + [ + "Initial", + "ize" + ], + [ + ".reg", + "ister" + ], + [ + "OP", + "Y" + ], + [ + "Ġre", + "verse" + ], + [ + "_d", + "is" + ], + [ + "']", + "[" + ], + [ + "Ġprom", + "pt" + ], + [ + "ont", + "o" + ], + [ + "ĠJ", + "ournal" + ], + [ + "r", + "outer" + ], + [ + "Ġmys", + "qli" + ], + [ + "#", + "else" + ], + [ + ")", + "\"" + ], + [ + "-x", + "s" + ], + [ + "let", + "s" + ], + [ + "ph", + "an" + ], + [ + ".", + "LE" + ], + [ + "W", + "ill" + ], + [ + "Ġaff", + "ord" + ], + [ + "Ġsk", + "ill" + ], + [ + "-t", + "oggle" + ], + [ + "N", + "C" + ], + [ + "B", + "ind" + ], + [ + "T", + "S" + ], + [ + "J", + "ust" + ], + [ + "iter", + "al" + ], + [ + "Y", + "P" + ], + [ + "ĉ", + "unsigned" + ], + [ + "Ġw", + "ind" + ], + [ + "))", + ":Ċ" + ], + [ + "Ġw", + "arning" + ], + [ + "ĠW", + "ater" + ], + [ + "Ġd", + "raft" + ], + [ + "Ġc", + "m" + ], + [ + "Ġs", + "am" + ], + [ + "Ġhold", + "ing" + ], + [ + "z", + "ip" + ], + [ + "ĠSc", + "ience" + ], + [ + "Ġsup", + "posed" + ], + [ + "G", + "en" + ], + [ + "Ġdi", + "et" + ], + [ + "<", + "h" + ], + [ + "ĠP", + "ass" + ], + [ + "v", + "i" + ], + [ + "Ġhus", + "band" + ], + [ + "�", + "�" + ], + [ + "n", + "ote" + ], + [ + "ĠAb", + "out" + ], + [ + "ĠIn", + "stitute" + ], + [ + "Ġcl", + "imate" + ], + [ + ".Form", + "at" + ], + [ + "Ġn", + "ut" + ], + [ + "est", + "ed" + ], + [ + "Ġapp", + "arent" + ], + [ + "Ġhold", + "s" + ], + [ + "f", + "i" + ], + [ + "new", + "s" + ], + [ + "C", + "M" + ], + [ + "v", + "ideo" + ], + [ + "':", + "'" + ], + [ + "D", + "ITION" + ], + [ + "p", + "ing" + ], + [ + "Ġsen", + "ior" + ], + [ + "w", + "a" + ], + [ + "--", + ">Ċ" + ], + [ + "_", + "default" + ], + [ + "ĠD", + "atabase" + ], + [ + "re", + "p" + ], + [ + "E", + "SS" + ], + [ + "ner", + "gy" + ], + [ + ".F", + "ind" + ], + [ + "_m", + "ask" + ], + [ + "Ġr", + "ise" + ], + [ + "Ġk", + "ernel" + ], + [ + "::", + "$" + ], + [ + ".", + "Q" + ], + [ + "Ġoffer", + "ing" + ], + [ + "de", + "cl" + ], + [ + "ĠC", + "S" + ], + [ + "Ġlist", + "ed" + ], + [ + "Ġmost", + "ly" + ], + [ + "eng", + "er" + ], + [ + "Ġblock", + "s" + ], + [ + "ol", + "o" + ], + [ + "Ġgover", + "ning" + ], + [ + "\\", + "F" + ], + [ + "Ġcon", + "cent" + ], + [ + ".get", + "Text" + ], + [ + "Ġm", + "b" + ], + [ + "Ġocc", + "urred" + ], + [ + "Ġchang", + "ing" + ], + [ + "Sc", + "ene" + ], + [ + "_C", + "ODE" + ], + [ + "B", + "eh" + ], + [ + "\"", + "The" + ], + [ + "Ġt", + "ile" + ], + [ + "ĠAssoci", + "ation" + ], + [ + "ĉ", + "P" + ], + [ + "al", + "ty" + ], + [ + "_", + "ad" + ], + [ + "od", + "ies" + ], + [ + "i", + "ated" + ], + [ + "Ġpre", + "pared" + ], + [ + "poss", + "ible" + ], + [ + "Ġm", + "ort" + ], + [ + "TE", + "ST" + ], + [ + "Ġign", + "ore" + ], + [ + "Ġcal", + "c" + ], + [ + "Ġr", + "s" + ], + [ + "Ġassert", + "Equals" + ], + [ + "Ġs", + "z" + ], + [ + "ĠTH", + "IS" + ], + [ + ".", + "\"Ċ" + ], + [ + "Ġcan", + "vas" + ], + [ + "j", + "ava" + ], + [ + "Ġd", + "ut" + ], + [ + "VAL", + "ID" + ], + [ + ".s", + "ql" + ], + [ + ".", + "input" + ], + [ + "Ġa", + "ux" + ], + [ + "S", + "up" + ], + [ + "Ġart", + "ist" + ], + [ + "V", + "ec" + ], + [ + "_T", + "IME" + ], + [ + ".string", + "ify" + ], + [ + "et", + "ween" + ], + [ + "ĠC", + "ategory" + ], + [ + "Ġ[", + "-" + ], + [ + "ĠDev", + "Express" + ], + [ + "ĠJ", + "ul" + ], + [ + "Ġr", + "ing" + ], + [ + ".", + "ed" + ], + [ + "Y", + "Y" + ], + [ + "L", + "et" + ], + [ + "Text", + "Field" + ], + [ + "Ġfl", + "at" + ], + [ + "_p", + "rint" + ], + [ + "ĠOT", + "HER" + ], + [ + "ad", + "ian" + ], + [ + "Ġcheck", + "ed" + ], + [ + "e", + "le" + ], + [ + "Al", + "ign" + ], + [ + "stand", + "ing" + ], + [ + "Ġ[", + "]," + ], + [ + "Ġl", + "ab" + ], + [ + "uck", + "y" + ], + [ + "ĠChrist", + "mas" + ], + [ + "(", + "image" + ], + [ + ".m", + "odule" + ], + [ + "Ġl", + "ots" + ], + [ + "Ġslight", + "ly" + ], + [ + "(f", + "inal" + ], + [ + "er", + "ge" + ], + [ + "è", + "¿" + ], + [ + "ĠPol", + "ice" + ], + [ + "ĠR", + "ight" + ], + [ + "Ġaw", + "ard" + ], + [ + "ĠO", + "S" + ], + [ + "Ġ{", + "}ĊĊ" + ], + [ + "Ġp", + "tr" + ], + [ + "ov", + "es" + ], + [ + "ic", + "ated" + ], + [ + "еÐ", + "¼" + ], + [ + "Ġman", + "age" + ], + [ + "olid", + "ay" + ], + [ + "Am", + "ount" + ], + [ + "ool", + "Strip" + ], + [ + "t", + "body" + ], + [ + "N", + "av" + ], + [ + "w", + "rap" + ], + [ + "B", + "B" + ], + [ + "Ġwatch", + "ing" + ], + [ + "ari", + "os" + ], + [ + "Ġoption", + "al" + ], + [ + "_", + "K" + ], + [ + "ĠL", + "icensed" + ], + [ + ".M", + "ap" + ], + [ + "T", + "imer" + ], + [ + "ĠA", + "P" + ], + [ + "ĠRe", + "v" + ], + [ + "(", + "o" + ], + [ + ",", + "c" + ], + [ + "um", + "in" + ], + [ + "eta", + "iled" + ], + [ + "ĠH", + "y" + ], + [ + "Ġbl", + "ank" + ], + [ + "ag", + "ger" + ], + [ + "ĠS", + "elf" + ], + [ + "()", + "[" + ], + [ + ".m", + "ake" + ], + [ + "ear", + "n" + ], + [ + "ch", + "annel" + ], + [ + "<", + "pre" + ], + [ + "ble", + "m" + ], + [ + "_p", + "assword" + ], + [ + "_s", + "p" + ], + [ + "ic", + "ing" + ], + [ + "e", + "z" + ], + [ + "Ġthe", + "ory" + ], + [ + "ĠT", + "er" + ], + [ + ",", + "n" + ], + [ + "log", + "o" + ], + [ + "ĠHT", + "TP" + ], + [ + "()", + "))" + ], + [ + ".h", + "andle" + ], + [ + ">", + ";Ċ" + ], + [ + "W", + "orld" + ], + [ + "Ġpy", + "thon" + ], + [ + "Ġl", + "if" + ], + [ + "Ġtr", + "av" + ], + [ + "Ġcon", + "ven" + ], + [ + "com", + "pany" + ], + [ + "ĠCl", + "ub" + ], + [ + "V", + "er" + ], + [ + "B", + "tn" + ], + [ + "Ġz", + "one" + ], + [ + "product", + "s" + ], + [ + "ĠE", + "duc" + ], + [ + "Ġver", + "ify" + ], + [ + "ĠM", + "il" + ], + [ + "on", + "o" + ], + [ + "]", + ");ĊĊ" + ], + [ + "EN", + "CE" + ], + [ + "Ġpack", + "et" + ], + [ + "Ġc", + "er" + ], + [ + "Ġen", + "umer" + ], + [ + "Ġpar", + "s" + ], + [ + "form", + "ed" + ], + [ + "Ġocc", + "up" + ], + [ + "t", + "re" + ], + [ + "Ġexerc", + "ise" + ], + [ + "D", + "ay" + ], + [ + "_s", + "um" + ], + [ + "Ġask", + "ing" + ], + [ + "apt", + "ion" + ], + [ + "Ġord", + "ers" + ], + [ + "Ġsp", + "ending" + ], + [ + "ĠE", + "RR" + ], + [ + ".D", + "is" + ], + [ + "ĠU", + "til" + ], + [ + "âĢľ", + "I" + ], + [ + "\\", + "'" + ], + [ + "?", + ")" + ], + [ + "/", + ">Ċ" + ], + [ + "Ġem", + "ot" + ], + [ + "Ġinflu", + "ence" + ], + [ + "ĠAfr", + "ica" + ], + [ + "att", + "ers" + ], + [ + "Ù", + "ħ" + ], + [ + ".s", + "ession" + ], + [ + "Ġch", + "ief" + ], + [ + "ĉĉĉĉĉĉĉĉ", + "ĉĉĉ" + ], + [ + "Ġto", + "m" + ], + [ + "clud", + "ed" + ], + [ + "ser", + "ial" + ], + [ + "_h", + "andler" + ], + [ + ".T", + "ype" + ], + [ + "ap", + "ed" + ], + [ + "Ġpolic", + "ies" + ], + [ + "-", + "ex" + ], + [ + "-", + "tr" + ], + [ + "bl", + "ank" + ], + [ + "mer", + "ce" + ], + [ + "Ġcover", + "age" + ], + [ + "Ġr", + "c" + ], + [ + "_m", + "atrix" + ], + [ + "_", + "box" + ], + [ + "Ġcharg", + "es" + ], + [ + "ĠB", + "oston" + ], + [ + "P", + "e" + ], + [ + "Ġcirc", + "um" + ], + [ + "Ġfil", + "led" + ], + [ + "Ġn", + "orth" + ], + [ + "icture", + "Box" + ], + [ + "ĉ", + "res" + ], + [ + "è", + "®" + ], + [ + "Ġter", + "min" + ], + [ + "Ġ[", + "â̦" + ], + [ + "IRE", + "CT" + ], + [ + "Ġb", + "er" + ], + [ + "Ġ\"", + "../../" + ], + [ + "ret", + "ch" + ], + [ + ".c", + "ode" + ], + [ + "_c", + "ol" + ], + [ + "ĠGovern", + "ment" + ], + [ + "Ġarg", + "v" + ], + [ + "ĠL", + "ord" + ], + [ + "as", + "i" + ], + [ + "Ex", + "ec" + ], + [ + "ĉ", + "let" + ], + [ + "vert", + "is" + ], + [ + "Ġdiscuss", + "ion" + ], + [ + "en", + "ance" + ], + [ + "out", + "ube" + ], + [ + "type", + "of" + ], + [ + "Ġs", + "erved" + ], + [ + "ĠP", + "ut" + ], + [ + "ĉ", + "x" + ], + [ + "Ġs", + "weet" + ], + [ + "B", + "efore" + ], + [ + "ateg", + "y" + ], + [ + ".", + "of" + ], + [ + "ĠM", + "aterial" + ], + [ + "S", + "ort" + ], + [ + "ON", + "T" + ], + [ + "ig", + "ital" + ], + [ + "Wh", + "y" + ], + [ + "Ġs", + "ust" + ], + [ + "Ġ", + "ç" + ], + [ + "ab", + "et" + ], + [ + "Ġseg", + "ment" + ], + [ + "Ġ[", + "],Ċ" + ], + [ + "ĠMus", + "lim" + ], + [ + "Ġfind", + "ViewById" + ], + [ + "c", + "ut" + ], + [ + "_T", + "EXT" + ], + [ + "ĠM", + "ary" + ], + [ + "Ġlo", + "ved" + ], + [ + "Ġl", + "ie" + ], + [ + "ĠJ", + "O" + ], + [ + "Ġis", + "set" + ], + [ + "mon", + "th" + ], + [ + "Ġpr", + "ime" + ], + [ + "t", + "i" + ], + [ + "ĠCar", + "ol" + ], + [ + "U", + "se" + ], + [ + "ĠP", + "op" + ], + [ + "ĠS", + "ave" + ], + [ + "Int", + "erval" + ], + [ + "ex", + "ecute" + ], + [ + "d", + "y" + ], + [ + "ĠI", + "ran" + ], + [ + "_", + "cont" + ], + [ + "ĉ", + "T" + ], + [ + "Ġph", + "ase" + ], + [ + "check", + "box" + ], + [ + "we", + "ek" + ], + [ + "Ġh", + "ide" + ], + [ + "Ġt", + "il" + ], + [ + "Ġj", + "u" + ], + [ + "C", + "ustom" + ], + [ + "b", + "urg" + ], + [ + "/", + "M" + ], + [ + "T", + "ON" + ], + [ + "Ġqu", + "ant" + ], + [ + "Ġr", + "ub" + ], + [ + "ix", + "els" + ], + [ + "Ġinst", + "alled" + ], + [ + "Ġd", + "ump" + ], + [ + "Ġproper", + "ly" + ], + [ + "(", + "List" + ], + [ + "Ġdec", + "ide" + ], + [ + "app", + "ly" + ], + [ + "H", + "as" + ], + [ + "Ġkeep", + "ing" + ], + [ + "Ġcitiz", + "ens" + ], + [ + "Ġj", + "oint" + ], + [ + "p", + "ool" + ], + [ + "S", + "ocket" + ], + [ + "_", + "op" + ], + [ + "Ġweap", + "on" + ], + [ + "gn", + "ore" + ], + [ + "ĠEx", + "ec" + ], + [ + "ott", + "en" + ], + [ + "ĠM", + "S" + ], + [ + "Ġ(", + "-" + ], + [ + "ĠRe", + "view" + ], + [ + "Ġex", + "amples" + ], + [ + "Ġt", + "ight" + ], + [ + "!", + "(" + ], + [ + "D", + "P" + ], + [ + "ĠMessage", + "Box" + ], + [ + "Ġphot", + "ograph" + ], + [ + "UR", + "I" + ], + [ + "é", + "t" + ], + [ + "l", + "ow" + ], + [ + "ĠGr", + "and" + ], + [ + ".p", + "ersistence" + ], + [ + "Ġmaint", + "ain" + ], + [ + "Ġnum", + "s" + ], + [ + "Ġz", + "ip" + ], + [ + "ial", + "s" + ], + [ + "ĠG", + "ets" + ], + [ + "pe", + "g" + ], + [ + "ĠB", + "uffer" + ], + [ + "~~", + "~~" + ], + [ + "ra", + "structure" + ], + [ + "ĠP", + "L" + ], + [ + "u", + "en" + ], + [ + "ob", + "by" + ], + [ + "size", + "of" + ], + [ + "Ġp", + "ic" + ], + [ + "Ġse", + "ed" + ], + [ + "Ġexperi", + "enced" + ], + [ + "Ġo", + "dd" + ], + [ + "Ġk", + "ick" + ], + [ + "Ġproced", + "ure" + ], + [ + "avig", + "ator" + ], + [ + "-", + "on" + ], + [ + ",", + "j" + ], + [ + "ĠAl", + "though" + ], + [ + "Ġuser", + "Id" + ], + [ + "ac", + "cept" + ], + [ + "Bl", + "ue" + ], + [ + "IC", + "olor" + ], + [ + "l", + "ayer" + ], + [ + "av", + "ailable" + ], + [ + "Ġend", + "s" + ], + [ + ".t", + "able" + ], + [ + "Ġdat", + "aset" + ], + [ + "b", + "us" + ], + [ + "Ġexpl", + "ain" + ], + [ + "(", + "pro" + ], + [ + "ĠCommit", + "tee" + ], + [ + "Ġnot", + "ed" + ], + [ + "]", + ":Ċ" + ], + [ + "D", + "im" + ], + [ + "std", + "io" + ], + [ + ".", + "\",Ċ" + ], + [ + "_s", + "ource" + ], + [ + "ĠWe", + "ek" + ], + [ + "ĠEd", + "ge" + ], + [ + "Ġoper", + "ating" + ], + [ + "Ġest", + "e" + ], + [ + "i", + "pl" + ], + [ + "ag", + "ination" + ], + [ + "Ġpro", + "ceed" + ], + [ + "Ġanim", + "ation" + ], + [ + ".Model", + "s" + ], + [ + "ĠW", + "atch" + ], + [ + "i", + "at" + ], + [ + "Ġopp", + "on" + ], + [ + "/", + "A" + ], + [ + "Re", + "port" + ], + [ + "Ġs", + "ounds" + ], + [ + "_b", + "uf" + ], + [ + "IEL", + "D" + ], + [ + "Ġbu", + "nd" + ], + [ + "ĉ", + "get" + ], + [ + ".p", + "r" + ], + [ + "(t", + "mp" + ], + [ + "Ġk", + "id" + ], + [ + ">ĊĊ", + "Ċ" + ], + [ + "Ġy", + "ang" + ], + [ + "Not", + "Found" + ], + [ + "Ñ", + "Ĩ" + ], + [ + "m", + "ath" + ], + [ + "@g", + "mail" + ], + [ + "ĠL", + "IMIT" + ], + [ + "red", + "ients" + ], + [ + "Ġv", + "ent" + ], + [ + "avig", + "ate" + ], + [ + "L", + "ook" + ], + [ + "Ġrelig", + "ious" + ], + [ + "Ġr", + "and" + ], + [ + "ri", + "o" + ], + [ + "(", + "GL" + ], + [ + "_", + "ip" + ], + [ + "u", + "an" + ], + [ + "ici", + "ency" + ], + [ + "ĠCh", + "ange" + ], + [ + ">", + "čĊčĊ" + ], + [ + "ĠEnt", + "ity" + ], + [ + "Ġrencont", + "re" + ], + [ + "ĠR", + "et" + ], + [ + "pl", + "an" + ], + [ + "é", + "n" + ], + [ + "BO", + "OL" + ], + [ + "ur", + "ies" + ], + [ + "tr", + "ain" + ], + [ + "Def", + "inition" + ], + [ + "========", + "====" + ], + [ + "z", + "z" + ], + [ + "An", + "imation" + ], + [ + "ĠO", + "K" + ], + [ + "_m", + "enu" + ], + [ + ".b", + "l" + ], + [ + "_s", + "core" + ], + [ + "Ġac", + "ad" + ], + [ + "(", + "System" + ], + [ + "Ġref", + "resh" + ], + [ + "'=>", + "$" + ], + [ + ".G", + "raphics" + ], + [ + "ament", + "o" + ], + [ + "p", + "id" + ], + [ + "t", + "c" + ], + [ + "Ġt", + "ips" + ], + [ + "Ġhom", + "es" + ], + [ + "Ġf", + "uel" + ], + [ + "â", + "ĸ" + ], + [ + "_h", + "elper" + ], + [ + "ĠĠ", + "čĊ" + ], + [ + "ĠR", + "oom" + ], + [ + ".C", + "lose" + ], + [ + "_", + "attr" + ], + [ + "ĠM", + "ount" + ], + [ + "ĠE", + "v" + ], + [ + "ar", + "ser" + ], + [ + "_t", + "op" + ], + [ + "e", + "ah" + ], + [ + "ĠDe", + "lete" + ], + [ + "ãĢ", + "į" + ], + [ + "u", + "ke" + ], + [ + "Ġus", + "age" + ], + [ + "ar", + "ia" + ], + [ + "_de", + "v" + ], + [ + "Ġtext", + "ure" + ], + [ + "Ġconvers", + "ation" + ], + [ + "e", + "per" + ], + [ + "Be", + "an" + ], + [ + "d", + "one" + ], + [ + "non", + "atomic" + ], + [ + "ĠSe", + "cond" + ], + [ + "Ġshoot", + "ing" + ], + [ + "_p", + "re" + ], + [ + "Com", + "ponents" + ], + [ + "Ġ]", + "ĊĊ" + ], + [ + "__", + "," + ], + [ + "stit", + "ution" + ], + [ + ".Ch", + "ar" + ], + [ + ">", + "();ĊĊ" + ], + [ + "Ġpresent", + "ed" + ], + [ + "Ġw", + "a" + ], + [ + "ok", + "er" + ], + [ + "-", + "ĊĊ" + ], + [ + "in", + "er" + ], + [ + "Ġbe", + "coming" + ], + [ + "Ġinc", + "ident" + ], + [ + "At", + "t" + ], + [ + "Ġreve", + "aled" + ], + [ + "for", + "c" + ], + [ + "Ġbo", + "ot" + ], + [ + ".p", + "age" + ], + [ + "Enumer", + "ator" + ], + [ + "_", + "->" + ], + [ + "Ph", + "oto" + ], + [ + "Ġs", + "pring" + ], + [ + ".", + "\"," + ], + [ + "ĠD", + "ictionary" + ], + [ + "B", + "JECT" + ], + [ + "Ġloc", + "ations" + ], + [ + "Ġs", + "amples" + ], + [ + "Input", + "Stream" + ], + [ + "ĠB", + "rown" + ], + [ + "Ġst", + "ats" + ], + [ + "qual", + "ity" + ], + [ + "Ñ", + "ħ" + ], + [ + "-d", + "is" + ], + [ + "Ġhelp", + "ing" + ], + [ + "Ġp", + "ed" + ], + [ + "(", + "se" + ], + [ + "ĠWh", + "o" + ], + [ + "al", + "ian" + ], + [ + "int", + "ernal" + ], + [ + "Ġf", + "t" + ], + [ + ">", + "()." + ], + [ + "->", + "{" + ], + [ + "Ġm", + "ine" + ], + [ + "Ġs", + "ector" + ], + [ + "Ġg", + "ro" + ], + [ + "Ġopport", + "unities" + ], + [ + "ĠÃ", + "¼" + ], + [ + "Ġm", + "p" + ], + [ + "Ġalleg", + "ed" + ], + [ + "Ġdoub", + "t" + ], + [ + "M", + "ouse" + ], + [ + "Ab", + "out" + ], + [ + "_p", + "art" + ], + [ + "Ġch", + "air" + ], + [ + "Ġstop", + "ped" + ], + [ + "lo", + "op" + ], + [ + "ent", + "ities" + ], + [ + "Ġapp", + "s" + ], + [ + "ans", + "ion" + ], + [ + "Ġm", + "ental" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠ" + ], + [ + "F", + "R" + ], + [ + "Ġdef", + "end" + ], + [ + "c", + "are" + ], + [ + "Ġide", + "al" + ], + [ + "/", + "api" + ], + [ + "ur", + "face" + ], + [ + "Ġe", + "le" + ], + [ + "ul", + "ator" + ], + [ + "ĠR", + "ights" + ], + [ + "angu", + "ages" + ], + [ + "Ġfund", + "s" + ], + [ + "Ġad", + "apt" + ], + [ + "At", + "tributes" + ], + [ + "Ġdep", + "loy" + ], + [ + "opt", + "s" + ], + [ + "Ġvalid", + "ation" + ], + [ + "Ġconcern", + "s" + ], + [ + "u", + "ce" + ], + [ + ".n", + "um" + ], + [ + "ult", + "ure" + ], + [ + "il", + "a" + ], + [ + "Ġc", + "up" + ], + [ + "Ġp", + "ure" + ], + [ + ".F", + "ore" + ], + [ + "ĠHash", + "Map" + ], + [ + ".value", + "Of" + ], + [ + "as", + "m" + ], + [ + "M", + "O" + ], + [ + "Ġc", + "s" + ], + [ + "Ġst", + "ores" + ], + [ + "Ġ", + "************************************************************************" + ], + [ + "Ġcommunic", + "ation" + ], + [ + "m", + "em" + ], + [ + ".Event", + "Handler" + ], + [ + ".", + "Status" + ], + [ + "_", + "right" + ], + [ + ".set", + "On" + ], + [ + "S", + "heet" + ], + [ + "Ġident", + "ify" + ], + [ + "ener", + "ated" + ], + [ + "order", + "ed" + ], + [ + "Ġ\"", + "[" + ], + [ + "Ġs", + "we" + ], + [ + "Con", + "dition" + ], + [ + "ĠA", + "ccording" + ], + [ + "Ġpre", + "pare" + ], + [ + "Ġro", + "b" + ], + [ + "P", + "ool" + ], + [ + "Ġs", + "port" + ], + [ + "r", + "v" + ], + [ + "ĠR", + "outer" + ], + [ + "Ġaltern", + "ative" + ], + [ + "(", + "[]" + ], + [ + "ĠCh", + "icago" + ], + [ + "ip", + "her" + ], + [ + "is", + "che" + ], + [ + "ĠDirect", + "or" + ], + [ + "k", + "l" + ], + [ + "ĠW", + "il" + ], + [ + "key", + "s" + ], + [ + "Ġmy", + "sql" + ], + [ + "Ġw", + "elcome" + ], + [ + "k", + "ing" + ], + [ + "ĠMan", + "ager" + ], + [ + "Ġca", + "ught" + ], + [ + ")", + "}Ċ" + ], + [ + "S", + "core" + ], + [ + "_P", + "R" + ], + [ + "Ġsur", + "vey" + ], + [ + "h", + "ab" + ], + [ + "He", + "aders" + ], + [ + "AD", + "ER" + ], + [ + "Ġdec", + "or" + ], + [ + "Ġturn", + "s" + ], + [ + "Ġr", + "adius" + ], + [ + "err", + "upt" + ], + [ + "C", + "or" + ], + [ + "Ġm", + "el" + ], + [ + "Ġin", + "tr" + ], + [ + "(", + "q" + ], + [ + "ĠA", + "C" + ], + [ + "am", + "os" + ], + [ + "M", + "AX" + ], + [ + "ĠG", + "rid" + ], + [ + "ĠJes", + "us" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠ" + ], + [ + ".D", + "E" + ], + [ + "Ġt", + "s" + ], + [ + "Ġlink", + "ed" + ], + [ + "f", + "ree" + ], + [ + "ĠQ", + "t" + ], + [ + "Ġ/**", + "čĊ" + ], + [ + "Ġf", + "aster" + ], + [ + "ct", + "r" + ], + [ + "_", + "J" + ], + [ + "D", + "T" + ], + [ + ".C", + "heck" + ], + [ + "Ġcomb", + "ination" + ], + [ + "Ġint", + "ended" + ], + [ + "-", + "the" + ], + [ + "-", + "type" + ], + [ + "ect", + "ors" + ], + [ + "am", + "i" + ], + [ + "ut", + "ing" + ], + [ + "Ġum", + "a" + ], + [ + "X", + "ML" + ], + [ + "U", + "CT" + ], + [ + "A", + "p" + ], + [ + "ĠR", + "andom" + ], + [ + "Ġr", + "an" + ], + [ + ".s", + "ort" + ], + [ + "Ġsort", + "ed" + ], + [ + ".", + "Un" + ], + [ + "_P", + "ER" + ], + [ + "it", + "ory" + ], + [ + "Ġprior", + "ity" + ], + [ + "ĠG", + "al" + ], + [ + "ĠO", + "ld" + ], + [ + "h", + "ot" + ], + [ + "ĠD", + "isplay" + ], + [ + "(s", + "ub" + ], + [ + "_T", + "H" + ], + [ + "_", + "Y" + ], + [ + "ĠC", + "are" + ], + [ + "load", + "ing" + ], + [ + "K", + "ind" + ], + [ + "_h", + "andle" + ], + [ + ",", + "," + ], + [ + "r", + "ase" + ], + [ + "_re", + "place" + ], + [ + ".add", + "EventListener" + ], + [ + "ĠR", + "T" + ], + [ + "Ġenter", + "ed" + ], + [ + "g", + "ers" + ], + [ + "Ġ", + "ich" + ], + [ + "(", + "start" + ], + [ + "/", + "app" + ], + [ + "Ġbro", + "ther" + ], + [ + "M", + "emory" + ], + [ + "Out", + "let" + ], + [ + "Ġ", + "utf" + ], + [ + "pre", + "c" + ], + [ + "Ġn", + "avigation" + ], + [ + "OR", + "K" + ], + [ + "Ġd", + "st" + ], + [ + "D", + "etail" + ], + [ + "Ġaud", + "ience" + ], + [ + "Ġd", + "ur" + ], + [ + "Ġcl", + "uster" + ], + [ + "un", + "ched" + ], + [ + "Ġ", + "]," + ], + [ + "Ġcomfort", + "able" + ], + [ + ".", + "values" + ], + [ + "ĠT", + "otal" + ], + [ + "Ġsn", + "ap" + ], + [ + "Ġstand", + "ards" + ], + [ + "Ġperform", + "ed" + ], + [ + "h", + "and" + ], + [ + "(\"", + "@" + ], + [ + "å", + "Ń" + ], + [ + "Ġph", + "il" + ], + [ + "ib", + "r" + ], + [ + "tr", + "im" + ], + [ + "Ġfor", + "get" + ], + [ + "Ġdo", + "ctor" + ], + [ + ".Text", + "Box" + ], + [ + "icon", + "s" + ], + [ + ",", + "s" + ], + [ + "ĠO", + "p" + ], + [ + "S", + "m" + ], + [ + "St", + "op" + ], + [ + "ĉ", + "List" + ], + [ + "ĉ", + "u" + ], + [ + "Com", + "ment" + ], + [ + "_V", + "ERSION" + ], + [ + ".X", + "tra" + ], + [ + "P", + "erson" + ], + [ + "r", + "b" + ], + [ + "LO", + "B" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĊ" + ], + [ + "ĠCent", + "ral" + ], + [ + "IC", + "K" + ], + [ + "ra", + "q" + ], + [ + "Ġput", + "ting" + ], + [ + "Ġm", + "d" + ], + [ + "ĠL", + "ove" + ], + [ + "Pro", + "gram" + ], + [ + "B", + "order" + ], + [ + "o", + "or" + ], + [ + "Ġallow", + "ing" + ], + [ + "a", + "fter" + ], + [ + "Ġent", + "ries" + ], + [ + "ĠMay", + "be" + ], + [ + "]", + ")." + ], + [ + "ĠSh", + "ort" + ], + [ + ")", + "\\" + ], + [ + ".n", + "ow" + ], + [ + "f", + "riend" + ], + [ + "Ġpre", + "fer" + ], + [ + "ĠG", + "PIO" + ], + [ + "os", + "is" + ], + [ + "ĠGame", + "Object" + ], + [ + "Ġsk", + "ip" + ], + [ + "Ġcompet", + "ition" + ], + [ + "_m", + "atch" + ], + [ + "lic", + "ations" + ], + [ + "_CON", + "T" + ], + [ + ".group", + "Box" + ], + [ + "Ġal", + "s" + ], + [ + "\"", + "We" + ], + [ + "_e", + "q" + ], + [ + "l", + "an" + ], + [ + "_", + "search" + ], + [ + "ĠMus", + "ic" + ], + [ + "as", + "is" + ], + [ + "Ġb", + "ind" + ], + [ + "ĠIs", + "land" + ], + [ + "r", + "um" + ], + [ + "(", + "E" + ], + [ + "Ġse", + "at" + ], + [ + "V", + "ideo" + ], + [ + "Ġa", + "ck" + ], + [ + "ree", + "k" + ], + [ + "={", + "()" + ], + [ + "Ġr", + "ating" + ], + [ + "Ġrestaur", + "ant" + ], + [ + "DE", + "X" + ], + [ + "(b", + "uf" + ], + [ + "pp", + "ing" + ], + [ + "ual", + "ity" + ], + [ + "Ġle", + "ague" + ], + [ + "Ġfoc", + "used" + ], + [ + "ap", + "on" + ], + [ + "$", + "data" + ], + [ + "CL", + "UD" + ], + [ + "CLUD", + "ING" + ], + [ + "Ġabs", + "olute" + ], + [ + "(", + "query" + ], + [ + "Ġtell", + "s" + ], + [ + "A", + "ng" + ], + [ + "Ġcomm", + "unities" + ], + [ + "Ġhon", + "est" + ], + [ + "ok", + "ing" + ], + [ + "Ġap", + "art" + ], + [ + "ar", + "ity" + ], + [ + "/", + "$" + ], + [ + "_m", + "odule" + ], + [ + "ĠE", + "nc" + ], + [ + ".", + "an" + ], + [ + ".Con", + "fig" + ], + [ + "C", + "re" + ], + [ + "Ġsh", + "ock" + ], + [ + "ĠAr", + "ab" + ], + [ + "I", + "ENT" + ], + [ + "/", + "re" + ], + [ + "Ġre", + "trie" + ], + [ + "ycl", + "er" + ], + [ + "is", + "a" + ], + [ + "ĠO", + "rgan" + ], + [ + ".", + "graph" + ], + [ + "Ġ", + "í" + ], + [ + "ĠB", + "AS" + ], + [ + "En", + "um" + ], + [ + "Ġposs", + "ibly" + ], + [ + "ÑĢ", + "аÐ" + ], + [ + "ĠJapan", + "ese" + ], + [ + "Ġc", + "raft" + ], + [ + "ĠPl", + "ace" + ], + [ + "Ġtal", + "ent" + ], + [ + "Ġfund", + "ing" + ], + [ + "Ġconf", + "irmed" + ], + [ + "Ġc", + "ycle" + ], + [ + "/", + "x" + ], + [ + "G", + "E" + ], + [ + "Ġhe", + "aring" + ], + [ + "Ġpl", + "ants" + ], + [ + "Ġm", + "outh" + ], + [ + "p", + "ages" + ], + [ + "or", + "ia" + ], + [ + "ĠRem", + "ove" + ], + [ + "_t", + "otal" + ], + [ + "Ġo", + "d" + ], + [ + "oll", + "apse" + ], + [ + "do", + "or" + ], + [ + "Ġb", + "ought" + ], + [ + "Ġadd", + "r" + ], + [ + "AR", + "CH" + ], + [ + "_d", + "im" + ], + [ + "dd", + "en" + ], + [ + "Ġdec", + "ades" + ], + [ + "RE", + "QUEST" + ], + [ + "Ġvers", + "ions" + ], + [ + "f", + "ire" + ], + [ + "Ġmov", + "es" + ], + [ + "f", + "b" + ], + [ + "Ġcoff", + "ee" + ], + [ + ".con", + "nect" + ], + [ + "ĠR", + "ow" + ], + [ + "Ġs", + "chema" + ], + [ + "S", + "cope" + ], + [ + "-", + "Type" + ], + [ + "Ġfight", + "ing" + ], + [ + "Ġret", + "ail" + ], + [ + "Ġmod", + "ified" + ], + [ + "T", + "F" + ], + [ + "File", + "s" + ], + [ + "n", + "ie" + ], + [ + "_com", + "mand" + ], + [ + "st", + "one" + ], + [ + "Ġ", + "ÑĤ" + ], + [ + "_", + "thread" + ], + [ + "Ġb", + "ond" + ], + [ + "ĠDevelop", + "ment" + ], + [ + "Ġp", + "t" + ], + [ + "F", + "ORM" + ], + [ + "ple", + "t" + ], + [ + "Ġident", + "ified" + ], + [ + "c", + "pp" + ], + [ + "Ġc", + "oding" + ], + [ + "ok", + "ed" + ], + [ + "ĠM", + "aster" + ], + [ + "ID", + "TH" + ], + [ + "Ġres", + "idents" + ], + [ + "red", + "it" + ], + [ + "ĠPh", + "oto" + ], + [ + "=", + "-" + ], + [ + "un", + "te" + ], + [ + "ate", + "ur" + ], + [ + "_ST", + "ATE" + ], + [ + "ĠS", + "ing" + ], + [ + "Ġshe", + "et" + ], + [ + ".", + "val" + ], + [ + "or", + "se" + ], + [ + "Ġh", + "ers" + ], + [ + "Ġdetermin", + "ed" + ], + [ + "Com", + "mon" + ], + [ + "Ġw", + "ed" + ], + [ + "_", + "queue" + ], + [ + "P", + "H" + ], + [ + "ĠAt", + "l" + ], + [ + "cre", + "d" + ], + [ + "/L", + "ICENSE" + ], + [ + "Ġm", + "es" + ], + [ + "Ġadv", + "anced" + ], + [ + ".j", + "ava" + ], + [ + ".S", + "h" + ], + [ + "G", + "o" + ], + [ + "k", + "ill" + ], + [ + "f", + "p" + ], + [ + "_set", + "tings" + ], + [ + "Ġp", + "al" + ], + [ + "Ġtr", + "uck" + ], + [ + "Ġcomb", + "ined" + ], + [ + "Ġ\"", + "${" + ], + [ + "ĠCor", + "por" + ], + [ + "Ġjo", + "ined" + ], + [ + "ĠJ", + "ose" + ], + [ + "ĠC", + "up" + ], + [ + "un", + "s" + ], + [ + "est", + "ival" + ], + [ + "lev", + "ision" + ], + [ + "Ġbro", + "ken" + ], + [ + "Ġmar", + "riage" + ], + [ + "ĠWest", + "ern" + ], + [ + "Ġrep", + "resents" + ], + [ + "ĠT", + "itle" + ], + [ + "Ġs", + "s" + ], + [ + ".A", + "ss" + ], + [ + "ongo", + "ose" + ], + [ + "ient", + "o" + ], + [ + "<", + ">();Ċ" + ], + [ + "Ġabs", + "olutely" + ], + [ + "Ġsm", + "ooth" + ], + [ + "TER", + "N" + ], + [ + "ĠUn", + "less" + ], + [ + "W", + "ord" + ], + [ + "Ġmer", + "ge" + ], + [ + "ig", + "an" + ], + [ + "ĠV", + "ol" + ], + [ + "Ġn", + "n" + ], + [ + ".get", + "Id" + ], + [ + "ĠÐ", + "·" + ], + [ + "Ġsex", + "y" + ], + [ + "Ġseek", + "ing" + ], + [ + "S", + "ingle" + ], + [ + ".", + "this" + ], + [ + "Ġk", + "om" + ], + [ + "b", + "ound" + ], + [ + ";", + "\"" + ], + [ + "Ġfont", + "Size" + ], + [ + "_d", + "f" + ], + [ + "Ġinj", + "ury" + ], + [ + "(", + "H" + ], + [ + "Ġiss", + "ued" + ], + [ + "_", + "END" + ], + [ + ":", + "self" + ], + [ + "Ġp", + "atch" + ], + [ + "Ġle", + "aves" + ], + [ + "Ġad", + "opt" + ], + [ + "File", + "Name" + ], + [ + "ãĢ", + "IJ" + ], + [ + "Ġexec", + "utive" + ], + [ + "ĠBy", + "te" + ], + [ + "]", + "))Ċ" + ], + [ + "Ġn", + "u" + ], + [ + "out", + "ing" + ], + [ + "clud", + "ing" + ], + [ + "-", + "R" + ], + [ + ".", + "options" + ], + [ + "Ġsub", + "stant" + ], + [ + "av", + "ax" + ], + [ + "ĠB", + "UT" + ], + [ + "Ġtechn", + "ical" + ], + [ + "Ġtw", + "ice" + ], + [ + "Ġm", + "ás" + ], + [ + "Ġun", + "ivers" + ], + [ + "y", + "r" + ], + [ + "Ġdr", + "ag" + ], + [ + "ĠD", + "C" + ], + [ + "Ġs", + "ed" + ], + [ + "Ġb", + "ot" + ], + [ + "ĠP", + "al" + ], + [ + "ĠH", + "all" + ], + [ + "forc", + "ement" + ], + [ + "Ġa", + "uch" + ], + [ + ".m", + "od" + ], + [ + "not", + "ation" + ], + [ + "_file", + "s" + ], + [ + ".l", + "ine" + ], + [ + "_fl", + "ag" + ], + [ + "[", + "name" + ], + [ + "Ġres", + "olution" + ], + [ + "Ġb", + "ott" + ], + [ + "(\"", + "[" + ], + [ + "end", + "e" + ], + [ + "(", + "arr" + ], + [ + "F", + "ree" + ], + [ + "(", + "@\"" + ], + [ + "ĠD", + "istrict" + ], + [ + "PE", + "C" + ], + [ + ":", + "-" + ], + [ + "P", + "icker" + ], + [ + "ĠJ", + "o" + ], + [ + "ĠĠĠĠĠ", + "Ċ" + ], + [ + "ĠR", + "iver" + ], + [ + "_", + "rows" + ], + [ + "Ġhelp", + "ful" + ], + [ + "Ġmass", + "ive" + ], + [ + "---", + "Ċ" + ], + [ + "Ġmeas", + "ures" + ], + [ + "ĠR", + "untime" + ], + [ + "Ġwor", + "ry" + ], + [ + "ĠS", + "pec" + ], + [ + "ĉ", + "D" + ], + [ + "ãĢ", + "ij" + ], + [ + "Ġ)", + "{Ċ" + ], + [ + "Ġwor", + "se" + ], + [ + "(f", + "ilename" + ], + [ + "Ġl", + "ay" + ], + [ + "Ġmag", + "ic" + ], + [ + "ĠThe", + "ir" + ], + [ + "ou", + "l" + ], + [ + "st", + "roy" + ], + [ + "ĠWh", + "ere" + ], + [ + "Ġsu", + "dden" + ], + [ + "Ġdef", + "e" + ], + [ + "Ġb", + "inding" + ], + [ + "Ġfl", + "ight" + ], + [ + "ĠOn", + "Init" + ], + [ + "ĠW", + "omen" + ], + [ + "ĠPol", + "icy" + ], + [ + "Ġdrug", + "s" + ], + [ + "ish", + "ing" + ], + [ + "('", + "../" + ], + [ + "ĠM", + "el" + ], + [ + "pe", + "at" + ], + [ + "t", + "or" + ], + [ + "Ġpro", + "posed" + ], + [ + "Ġst", + "ated" + ], + [ + "_RE", + "S" + ], + [ + "Ġe", + "ast" + ], + [ + "ĠCON", + "DITION" + ], + [ + "_d", + "esc" + ], + [ + "Ġwin", + "ning" + ], + [ + "fol", + "io" + ], + [ + "M", + "apper" + ], + [ + "ĠP", + "an" + ], + [ + "ĠAn", + "ge" + ], + [ + ".s", + "ervlet" + ], + [ + "Ġcop", + "ies" + ], + [ + "L", + "M" + ], + [ + "Ġv", + "m" + ], + [ + "å", + "į" + ], + [ + "Ġd", + "ictionary" + ], + [ + "S", + "eg" + ], + [ + "el", + "ines" + ], + [ + "ĠS", + "end" + ], + [ + "Ġ", + "iron" + ], + [ + "ĠF", + "ort" + ], + [ + ".d", + "omain" + ], + [ + "Ġdeb", + "ate" + ], + [ + "Not", + "Null" + ], + [ + "e", + "q" + ], + [ + "ach", + "er" + ], + [ + "l", + "f" + ], + [ + "ĉf", + "mt" + ], + [ + "Ġlaw", + "y" + ], + [ + "Ä", + "Ł" + ], + [ + "ĠM", + "en" + ], + [ + "Ġtr", + "im" + ], + [ + "(", + "NULL" + ], + [ + "Ġ!", + "!" + ], + [ + "Ġp", + "ad" + ], + [ + "Ġfollow", + "s" + ], + [ + "\"]", + "[\"" + ], + [ + "re", + "qu" + ], + [ + "ĠE", + "p" + ], + [ + ".g", + "ithub" + ], + [ + "(", + "img" + ], + [ + "et", + "o" + ], + [ + "('", + "\\" + ], + [ + "S", + "ervices" + ], + [ + "umbn", + "ail" + ], + [ + "_m", + "ain" + ], + [ + "ple", + "ted" + ], + [ + "fort", + "unately" + ], + [ + "Ġw", + "indows" + ], + [ + "Ġpl", + "ane" + ], + [ + "ĠCon", + "nection" + ], + [ + ".", + "local" + ], + [ + "u", + "ard" + ], + [ + "}", + "\\" + ], + [ + "==", + "\"" + ], + [ + "and", + "on" + ], + [ + "ĠR", + "oy" + ], + [ + "w", + "est" + ], + [ + "ig", + "inal" + ], + [ + "em", + "ies" + ], + [ + "it", + "z" + ], + [ + "')", + ":Ċ" + ], + [ + "ĠP", + "eter" + ], + [ + "Ġt", + "ough" + ], + [ + "Ġredu", + "ced" + ], + [ + "Ġcalcul", + "ate" + ], + [ + "Ġrap", + "id" + ], + [ + "c", + "ustomer" + ], + [ + "Ġeff", + "icient" + ], + [ + "Ġmed", + "ium" + ], + [ + "Ġf", + "ell" + ], + [ + ".", + "ref" + ], + [ + "ĠC", + "as" + ], + [ + "Ġfeed", + "back" + ], + [ + "S", + "peed" + ], + [ + "(", + "output" + ], + [ + "aj", + "e" + ], + [ + "Ġc", + "ategories" + ], + [ + "Ġfe", + "e" + ], + [ + "}", + ";" + ], + [ + "Ġde", + "leted" + ], + [ + "re", + "h" + ], + [ + "Ġpro", + "of" + ], + [ + "D", + "esc" + ], + [ + "B", + "uild" + ], + [ + "Ġs", + "ides" + ], + [ + ".Array", + "List" + ], + [ + "-", + "%" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠ" + ], + [ + "Ø", + "±" + ], + [ + ".m", + "atch" + ], + [ + "л", + "и" + ], + [ + "Ġfe", + "els" + ], + [ + "Ġachie", + "ve" + ], + [ + "Ġcl", + "im" + ], + [ + "_", + "ON" + ], + [ + "ĠC", + "D" + ], + [ + "Ġteach", + "er" + ], + [ + "_c", + "urrent" + ], + [ + "b", + "n" + ], + [ + "_P", + "L" + ], + [ + "ist", + "ing" + ], + [ + "En", + "able" + ], + [ + "G", + "EN" + ], + [ + "Ġt", + "v" + ], + [ + "Ġso", + "ck" + ], + [ + "Ġpl", + "ays" + ], + [ + "Ġdis", + "count" + ], + [ + "ĠK", + "E" + ], + [ + "ĠDe", + "bug" + ], + [ + "F", + "ore" + ], + [ + "ĠI", + "raq" + ], + [ + "Ġappear", + "ance" + ], + [ + "M", + "on" + ], + [ + "Ġst", + "yled" + ], + [ + "ĠH", + "uman" + ], + [ + "i", + "ot" + ], + [ + "ĠH", + "istory" + ], + [ + "Ġs", + "ac" + ], + [ + "ĠC", + "ollection" + ], + [ + "Ġrecomm", + "ended" + ], + [ + ".Se", + "lected" + ], + [ + "Ġorgan", + "izations" + ], + [ + "Ġdiscover", + "ed" + ], + [ + "co", + "hol" + ], + [ + "ad", + "as" + ], + [ + "ĠThom", + "as" + ], + [ + "M", + "ay" + ], + [ + "Ġcons", + "erv" + ], + [ + "Ġdom", + "in" + ], + [ + "ĠF", + "ollow" + ], + [ + "ĠSe", + "ction" + ], + [ + "ĠTh", + "anks" + ], + [ + "User", + "name" + ], + [ + "Ġrec", + "ipe" + ], + [ + "Ġwonder", + "ful" + ], + [ + ".s", + "leep" + ], + [ + "_", + "if" + ], + [ + "ĉĊ", + "ĉĊ" + ], + [ + "orn", + "o" + ], + [ + "Ġr", + "u" + ], + [ + "_t", + "arget" + ], + [ + ".\"", + "\"" + ], + [ + "à", + "¦" + ], + [ + "Event", + "Args" + ], + [ + "Ġinput", + "s" + ], + [ + "Ġf", + "if" + ], + [ + "Ġv", + "ision" + ], + [ + "c", + "y" + ], + [ + "ĠS", + "eries" + ], + [ + ")", + "(((" + ], + [ + "Ġtr", + "ading" + ], + [ + "Ġmark", + "er" + ], + [ + "B", + "egin" + ], + [ + "Ġtyp", + "ically" + ], + [ + "Ġca", + "uses" + ], + [ + "drop", + "down" + ], + [ + "_DE", + "BUG" + ], + [ + "Ġdet", + "ect" + ], + [ + "c", + "ountry" + ], + [ + "!", + "\");Ċ" + ], + [ + "ĉ", + "R" + ], + [ + "app", + "y" + ], + [ + "Ġc", + "ref" + ], + [ + "('", + "<" + ], + [ + "\"", + "=>" + ], + [ + "ĠL", + "E" + ], + [ + "read", + "er" + ], + [ + "Ġadmin", + "istr" + ], + [ + "Ã", + "µ" + ], + [ + "uck", + "et" + ], + [ + "Ġf", + "ashion" + ], + [ + ".", + "char" + ], + [ + "iz", + "ar" + ], + [ + "Ġdis", + "able" + ], + [ + "Ġsu", + "c" + ], + [ + "ĠL", + "ive" + ], + [ + "iss", + "ue" + ], + [ + "Ġmet", + "adata" + ], + [ + "fl", + "ags" + ], + [ + "Ġ", + "ðŁ" + ], + [ + "Ġcomm", + "itted" + ], + [ + "Ġv", + "a" + ], + [ + "Ġr", + "ough" + ], + [ + "Ġ''", + "'Ċ" + ], + [ + "Ġhigh", + "light" + ], + [ + "_var", + "s" + ], + [ + "V", + "O" + ], + [ + "Ġenc", + "oding" + ], + [ + "-", + "Z" + ], + [ + "_s", + "ign" + ], + [ + "$", + "(\"#" + ], + [ + "Ġr", + "ain" + ], + [ + "reate", + "st" + ], + [ + "ĠEN", + "D" + ], + [ + "Se", + "lection" + ], + [ + "Ġcandid", + "ates" + ], + [ + "Ġs", + "av" + ], + [ + ".", + "Empty" + ], + [ + "Ġdec", + "isions" + ], + [ + "Ġcoll", + "abor" + ], + [ + "rid", + "ge" + ], + [ + "fe", + "ed" + ], + [ + "ress", + "ion" + ], + [ + "Ġperson", + "s" + ], + [ + "V", + "M" + ], + [ + "eg", + "a" + ], + [ + "_B", + "IT" + ], + [ + "A", + "ccording" + ], + [ + "ack", + "ed" + ], + [ + "Ġdoll", + "ars" + ], + [ + "_lo", + "ss" + ], + [ + "ĠC", + "ost" + ], + [ + "}", + "\"Ċ" + ], + [ + "Not", + "ification" + ], + [ + "Ġpro", + "stit" + ], + [ + "Ġauthor", + "ity" + ], + [ + ".re", + "c" + ], + [ + "Ġsp", + "okes" + ], + [ + "ĠT", + "oday" + ], + [ + "ist", + "ant" + ], + [ + "ĠHe", + "ad" + ], + [ + "âĢĿ", + "." + ], + [ + "ertain", + "ment" + ], + [ + "ce", + "an" + ], + [ + "cul", + "ate" + ], + [ + "Ġv", + "en" + ], + [ + "How", + "ever" + ], + [ + "_", + "arr" + ], + [ + "Ġtok", + "ens" + ], + [ + "G", + "raph" + ], + [ + "ĠJ", + "ud" + ], + [ + "ĠVir", + "gin" + ], + [ + "ĠS", + "erial" + ], + [ + "un", + "ning" + ], + [ + "M", + "utable" + ], + [ + "ag", + "ers" + ], + [ + ".c", + "sv" + ], + [ + "Ġdevelop", + "ing" + ], + [ + "Ġinstruction", + "s" + ], + [ + "Ġprom", + "ise" + ], + [ + "Ġrequest", + "ed" + ], + [ + "_", + "encode" + ], + [ + "/", + "\"" + ], + [ + "ĠI", + "con" + ], + [ + "u", + "ilt" + ], + [ + "-", + "day" + ], + [ + "Ġint", + "elligence" + ], + [ + ".", + "IS" + ], + [ + "ĠO", + "bservable" + ], + [ + "ĠH", + "ard" + ], + [ + "Bo", + "ol" + ], + [ + "ident", + "ial" + ], + [ + ".An", + "chor" + ], + [ + "Ġsell", + "ing" + ], + [ + "C", + "I" + ], + [ + "AG", + "ES" + ], + [ + "t", + "le" + ], + [ + "b", + "ur" + ], + [ + "UFF", + "ER" + ], + [ + "R", + "Y" + ], + [ + "Ġbig", + "ger" + ], + [ + "Ġr", + "at" + ], + [ + "Ġfam", + "ous" + ], + [ + "Ġtyp", + "ename" + ], + [ + "Ġexpl", + "ained" + ], + [ + "}", + "}Ċ" + ], + [ + "Ġn", + "uclear" + ], + [ + "-", + "N" + ], + [ + "Ġcr", + "isis" + ], + [ + "ĠEnt", + "er" + ], + [ + "Ġan", + "swers" + ], + [ + "/", + "${" + ], + [ + "/", + "pl" + ], + [ + "Ġse", + "qu" + ], + [ + "_n", + "ext" + ], + [ + "m", + "ask" + ], + [ + "Ġstand", + "ing" + ], + [ + "Ġpl", + "enty" + ], + [ + "ĠC", + "ross" + ], + [ + "ĉ", + "ret" + ], + [ + "d", + "ro" + ], + [ + "ĠC", + "ast" + ], + [ + "=", + "true" + ], + [ + "ĠCh", + "ris" + ], + [ + "ic", + "io" + ], + [ + "ĠM", + "ike" + ], + [ + "Dec", + "imal" + ], + [ + "add", + "Component" + ], + [ + "L", + "en" + ], + [ + "Ġco", + "ck" + ], + [ + "Ġ#", + "{" + ], + [ + "UR", + "N" + ], + [ + "<", + "tr" + ], + [ + "Ġauthor", + "ities" + ], + [ + "Res", + "ources" + ], + [ + "-", + "H" + ], + [ + "B", + "ottom" + ], + [ + "_", + "qu" + ], + [ + "put", + "er" + ], + [ + "ester", + "day" + ], + [ + "Dis", + "patch" + ], + [ + "s", + "ince" + ], + [ + "Ġfam", + "iliar" + ], + [ + ",", + "i" + ], + [ + "V", + "C" + ], + [ + "Ġm", + "ent" + ], + [ + ",", + "C" + ], + [ + "Ġfre", + "edom" + ], + [ + "Ġr", + "outes" + ], + [ + "ĠB", + "uy" + ], + [ + "Ġcomm", + "ands" + ], + [ + "Ġm", + "esh" + ], + [ + "/", + "C" + ], + [ + "ĠSet", + "tings" + ], + [ + "-", + "style" + ], + [ + "Ġw", + "itness" + ], + [ + "Ġc", + "le" + ], + [ + "Ġun", + "ion" + ], + [ + "ef", + "ault" + ], + [ + "are", + "t" + ], + [ + "Ġthought", + "s" + ], + [ + "Ġ", + "----" + ], + [ + "_pro", + "cess" + ], + [ + "_", + "us" + ], + [ + "ing", + "ly" + ], + [ + "U", + "ES" + ], + [ + "T", + "ouch" + ], + [ + "ĠÐ", + "¼" + ], + [ + "_", + "open" + ], + [ + "ĠV", + "ec" + ], + [ + "Ġre", + "ward" + ], + [ + ".C", + "lick" + ], + [ + "/", + ":" + ], + [ + "Ġn", + "ie" + ], + [ + "Ch", + "anges" + ], + [ + "M", + "onth" + ], + [ + "ï¼", + "Ł" + ], + [ + "Ġexec", + "ution" + ], + [ + "Ġbe", + "ach" + ], + [ + "(", + "Integer" + ], + [ + "ĉ", + "a" + ], + [ + "/", + "'" + ], + [ + ".Font", + "Style" + ], + [ + "Ġab", + "ort" + ], + [ + "ĠS", + "ingle" + ], + [ + "(", + "isset" + ], + [ + "Ġd", + "p" + ], + [ + "Ġ}}", + "" + ], + [ + "Ġ*", + "=" + ], + [ + "ĠP", + "S" + ], + [ + "Ġdanger", + "ous" + ], + [ + "[", + "p" + ], + [ + "OM", + "E" + ], + [ + "O", + "ther" + ], + [ + "ĠString", + "Builder" + ], + [ + "Point", + "s" + ], + [ + "head", + "ing" + ], + [ + "Ġc", + "urrency" + ], + [ + "Ġpercent", + "age" + ], + [ + "_A", + "PI" + ], + [ + "Ġclass", + "ic" + ], + [ + "the", + "ad" + ], + [ + "ĠM", + "O" + ], + [ + "F", + "E" + ], + [ + "Id", + "x" + ], + [ + "aw", + "ait" + ], + [ + "ĠÃ", + "¨" + ], + [ + "Ġacc", + "ident" + ], + [ + "Ġvari", + "ant" + ], + [ + "Ġm", + "yst" + ], + [ + "ĠL", + "and" + ], + [ + "ĠB", + "re" + ], + [ + "Ġh", + "arm" + ], + [ + "ĠA", + "cc" + ], + [ + "Ġcharg", + "ed" + ], + [ + "ion", + "es" + ], + [ + "Vis", + "ibility" + ], + [ + "ar", + "ry" + ], + [ + "ĠL", + "anguage" + ], + [ + "Ġwalk", + "ing" + ], + [ + "\"", + ".ĊĊ" + ], + [ + "if", + "er" + ], + [ + "Ġleaders", + "hip" + ], + [ + ".F", + "rom" + ], + [ + "yn", + "am" + ], + [ + "Ġt", + "imestamp" + ], + [ + "i", + "pt" + ], + [ + "ĠH", + "as" + ], + [ + "REF", + "ER" + ], + [ + "ĠIt", + "s" + ], + [ + "Ġlist", + "ener" + ], + [ + "UT", + "E" + ], + [ + "_d", + "escription" + ], + [ + "Ġexperi", + "ences" + ], + [ + "Ġcre", + "ates" + ], + [ + "R", + "S" + ], + [ + "c", + "art" + ], + [ + "bl", + "ack" + ], + [ + "Ġcho", + "ices" + ], + [ + "w", + "ar" + ], + [ + "Ġ''", + "'" + ], + [ + "Ġorder", + "ed" + ], + [ + "Ġeven", + "ing" + ], + [ + "Ġp", + "il" + ], + [ + "Ġt", + "un" + ], + [ + "ĠB", + "ad" + ], + [ + "(", + "app" + ], + [ + "r", + "andom" + ], + [ + "Ġexp", + "licit" + ], + [ + "Ġarr", + "ived" + ], + [ + "Ġf", + "ly" + ], + [ + "Ġecon", + "om" + ], + [ + "-m", + "ail" + ], + [ + "Ġlist", + "s" + ], + [ + "Ġarch", + "itect" + ], + [ + "ĠP", + "ay" + ], + [ + "Ġd", + "s" + ], + [ + "ĠS", + "ol" + ], + [ + "Ġveh", + "icles" + ], + [ + "H", + "z" + ], + [ + "-", + "com" + ], + [ + "Ġk", + "ing" + ], + [ + "_e", + "qual" + ], + [ + "ĠH", + "elp" + ], + [ + "Ġab", + "use" + ], + [ + "--", + ";Ċ" + ], + [ + "Ġex", + "tr" + ], + [ + "Ġchem", + "ical" + ], + [ + "ä", + "¿" + ], + [ + "Ġor", + "ient" + ], + [ + "Ġbre", + "ath" + ], + [ + "ĠS", + "pace" + ], + [ + "(e", + "lement" + ], + [ + "w", + "ait" + ], + [ + "DE", + "D" + ], + [ + "ig", + "ma" + ], + [ + "Ġent", + "r" + ], + [ + "Ġs", + "ob" + ], + [ + "-", + "name" + ], + [ + "Ġaff", + "ected" + ], + [ + "ik", + "a" + ], + [ + "Ġco", + "al" + ], + [ + "_w", + "ork" + ], + [ + "Ġhundred", + "s" + ], + [ + "Ġpolit", + "ics" + ], + [ + "sub", + "ject" + ], + [ + "Ġconsum", + "er" + ], + [ + "ANG", + "E" + ], + [ + "Ġrepe", + "ated" + ], + [ + "S", + "end" + ], + [ + "Ġ#", + "[" + ], + [ + "Ġprot", + "ocol" + ], + [ + "Ġlead", + "s" + ], + [ + "use", + "um" + ], + [ + "E", + "very" + ], + [ + "Im", + "port" + ], + [ + "(c", + "ount" + ], + [ + "Ġchalleng", + "es" + ], + [ + "Ġnov", + "el" + ], + [ + "Ġdep", + "art" + ], + [ + "b", + "its" + ], + [ + ".C", + "urrent" + ], + [ + "Ġ`", + "${" + ], + [ + "ot", + "ing" + ], + [ + "(", + "\\" + ], + [ + "Ġcreat", + "ive" + ], + [ + "Ġbu", + "ff" + ], + [ + "Ġintrodu", + "ced" + ], + [ + "us", + "ic" + ], + [ + "mod", + "ules" + ], + [ + "A", + "re" + ], + [ + "-d", + "oc" + ], + [ + "l", + "anguage" + ], + [ + "_c", + "ache" + ], + [ + "Ġto", + "d" + ], + [ + "?", + ">", + "{{" + ], + [ + "ĠRes", + "ource" + ], + [ + "ĠSt", + "andard" + ], + [ + "ĠP", + "rem" + ], + [ + "up", + "dated" + ], + [ + "ival", + "ent" + ], + [ + "Ġas", + "sets" + ], + [ + "_t", + "emp" + ], + [ + "Ġinterest", + "s" + ], + [ + "Ġhard", + "ware" + ], + [ + "ĠR", + "om" + ], + [ + "ĠSh", + "are" + ], + [ + "Ġ'", + "'Ċ" + ], + [ + "Ġ*", + "," + ], + [ + "ĠT", + "ake" + ], + [ + "ĠIm", + "ages" + ], + [ + "_C", + "HECK" + ], + [ + "(type", + "of" + ], + [ + "ĠJ", + "un" + ], + [ + "\\<", + "^" + ], + [ + "Ġli", + "qu" + ], + [ + "Ġwor", + "st" + ], + [ + "ymb", + "ols" + ], + [ + "ĉĉĉ", + "ĠĠĠ" + ], + [ + "Ġdr", + "ivers" + ], + [ + "ĠD", + "ocument" + ], + [ + "en", + "o" + ], + [ + "ĠTechn", + "ology" + ], + [ + "Ġappro", + "ved" + ], + [ + "ump", + "s" + ], + [ + "Ġs", + "now" + ], + [ + "form", + "ance" + ], + [ + "_A", + "SSERT" + ], + [ + "u", + "its" + ], + [ + "Ù", + "Ĩ" + ], + [ + "Ġdiffer", + "ences" + ], + [ + ".", + "Visible" + ], + [ + "ĉĉĉ", + "čĊ" + ], + [ + "ĠP", + "s" + ], + [ + "_f", + "etch" + ], + [ + "Ġto", + "do" + ], + [ + ".", + "',Ċ" + ], + [ + "Ġs", + "el" + ], + [ + "ur", + "ers" + ], + [ + "in", + "valid" + ], + [ + "Ġt", + "weet" + ], + [ + "V", + "EL" + ], + [ + "Ġresearch", + "ers" + ], + [ + "Ġs", + "printf" + ], + [ + "ĠR", + "O" + ], + [ + "Ġp", + "el" + ], + [ + ".Tr", + "ans" + ], + [ + "Ġil", + "legal" + ], + [ + "d", + "ialog" + ], + [ + "sm", + "arty" + ], + [ + "l", + "g" + ], + [ + "_M", + "IN" + ], + [ + "Ġher", + "o" + ], + [ + "f", + "inal" + ], + [ + "Ġp", + "p" + ], + [ + ".L", + "e" + ], + [ + "Ġc", + "i" + ], + [ + "ĉ", + "RT" + ], + [ + "Ġsuggest", + "ed" + ], + [ + "p", + "df" + ], + [ + "ach", + "ing" + ], + [ + "ĠR", + "o" + ], + [ + "ĠProp", + "erties" + ], + [ + "ĠS", + "i" + ], + [ + "Ġbuy", + "ing" + ], + [ + "Ġm", + "u" + ], + [ + "Ġl", + "ands" + ], + [ + "if", + "iers" + ], + [ + "ĠF", + "ILE" + ], + [ + "RO", + "UP" + ], + [ + "Ġh", + "older" + ], + [ + "ĠS", + "on" + ], + [ + "Ġsym", + "pt" + ], + [ + ".r", + "oute" + ], + [ + ")", + "?" + ], + [ + "Ġarg", + "c" + ], + [ + "Ġfor", + "t" + ], + [ + "Ġcas", + "ino" + ], + [ + "_c", + "ategory" + ], + [ + "Ġfor", + "um" + ], + [ + "p", + "refix" + ], + [ + "apt", + "ure" + ], + [ + "T", + "ube" + ], + [ + "em", + "s" + ], + [ + "im", + "ize" + ], + [ + "Ġn", + "ue" + ], + [ + "a", + "us" + ], + [ + "c", + "ourse" + ], + [ + "AT", + "OR" + ], + [ + "()", + ")," + ], + [ + "Ad", + "vertis" + ], + [ + "ING", + "S" + ], + [ + "Ġack", + "now" + ], + [ + "ĠKore", + "a" + ], + [ + "pl", + "ing" + ], + [ + "Ġwork", + "er" + ], + [ + "PL", + "IED" + ], + [ + "h", + "al" + ], + [ + "ĠRich", + "ard" + ], + [ + "Element", + "s" + ], + [ + "ĉĉĉ", + "Ġ" + ], + [ + "st", + "ar" + ], + [ + "Ġrelationship", + "s" + ], + [ + "Ġche", + "ap" + ], + [ + "AC", + "H" + ], + [ + "ĠX", + "ML" + ], + [ + ",", + "&" + ], + [ + "ĠLou", + "is" + ], + [ + "Ġr", + "ide" + ], + [ + "_F", + "AIL" + ], + [ + "Ġch", + "unk" + ], + [ + "[", + "s" + ], + [ + "_O", + "UT" + ], + [ + "Ġch", + "osen" + ], + [ + "_", + "[" + ], + [ + "/", + "(" + ], + [ + "ĠJ", + "eff" + ], + [ + "_s", + "l" + ], + [ + "pr", + "iv" + ], + [ + "ĠCan", + "adian" + ], + [ + "Ġun", + "able" + ], + [ + "_F", + "LAG" + ], + [ + "Ġn", + "os" + ], + [ + "h", + "igh" + ], + [ + "Ġl", + "ift" + ], + [ + "f", + "un" + ], + [ + "()", + "{" + ], + [ + "el", + "ly" + ], + [ + "ycler", + "View" + ], + [ + "_", + "as" + ], + [ + "_L", + "IST" + ], + [ + "Ġr", + "adi" + ], + [ + ".get", + "Value" + ], + [ + "ĠAnge", + "les" + ], + [ + "ĠS", + "pan" + ], + [ + "_in", + "stance" + ], + [ + "it", + "ors" + ], + [ + "Ġm", + "igration" + ], + [ + "A", + "K" + ], + [ + "O", + "h" + ], + [ + "Â", + "®" + ], + [ + ".", + "selected" + ], + [ + "ĠG", + "T" + ], + [ + "Ġadv", + "ance" + ], + [ + "ĠSt", + "yle" + ], + [ + ".Data", + "GridView" + ], + [ + "e", + "ction" + ], + [ + "Ñ", + "İ" + ], + [ + "p", + "io" + ], + [ + "ro", + "g" + ], + [ + "Ġsh", + "opping" + ], + [ + "ĠR", + "ect" + ], + [ + "I", + "lluminate" + ], + [ + "O", + "U" + ], + [ + "ĉ", + "array" + ], + [ + "Ġsubstant", + "ial" + ], + [ + "Ġpre", + "gn" + ], + [ + "Ġprom", + "ote" + ], + [ + "IE", + "W" + ], + [ + ".L", + "ayout" + ], + [ + "Ġsign", + "s" + ], + [ + "/", + "." + ], + [ + "Ġlet", + "ters" + ], + [ + "Bo", + "ard" + ], + [ + "ct", + "rl" + ], + [ + "\"", + "\\" + ], + [ + "ĠJ", + "ones" + ], + [ + "Ġvert", + "ex" + ], + [ + "Ġj", + "a" + ], + [ + "Ġaff", + "ili" + ], + [ + "Ġwe", + "alth" + ], + [ + "ĉ", + "default" + ], + [ + "Ġsignificant", + "ly" + ], + [ + "Ġe", + "c" + ], + [ + "Ġx", + "s" + ], + [ + "act", + "ual" + ], + [ + ".p", + "er" + ], + [ + "_st", + "ep" + ], + [ + "an", + "vas" + ], + [ + "m", + "ac" + ], + [ + "Ġtrans", + "l" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "Iter", + "ator" + ], + [ + "Ġo", + "ch" + ], + [ + "agnost", + "ic" + ], + [ + "ĠD", + "uring" + ], + [ + "ĠDE", + "FAULT" + ], + [ + "Ġt", + "ill" + ], + [ + "Ġsign", + "ature" + ], + [ + "Ġb", + "ird" + ], + [ + "ĠO", + "l" + ], + [ + "ĠI", + "r" + ], + [ + "H", + "S" + ], + [ + "av", + "atar" + ], + [ + "ESS", + "AGE" + ], + [ + "Ġe", + "lev" + ], + [ + "Ġm", + "t" + ], + [ + "ĠN", + "av" + ], + [ + "Ġrel", + "ax" + ], + [ + "Ġpl", + "ate" + ], + [ + "IT", + "EM" + ], + [ + "(", + "date" + ], + [ + ".n", + "ot" + ], + [ + "Ġgr", + "ade" + ], + [ + "Ġ}", + "),Ċ" + ], + [ + "?", + "\"ĊĊ" + ], + [ + "i", + "ences" + ], + [ + "H", + "igh" + ], + [ + "ĠD", + "IS" + ], + [ + "dis", + "abled" + ], + [ + "Q", + "UI" + ], + [ + "Ġno", + "ise" + ], + [ + "a", + "ux" + ], + [ + "ĠU", + "P" + ], + [ + "os", + "a" + ], + [ + "Ġv", + "oc" + ], + [ + "Ġ", + "))" + ], + [ + "oc", + "om" + ], + [ + "_O", + "FF" + ], + [ + "ĠD", + "b" + ], + [ + "L", + "ock" + ], + [ + ".e", + "clipse" + ], + [ + ",", + "d" + ], + [ + "ĠD", + "raw" + ], + [ + "Ġ\"", + "(" + ], + [ + "Ġvis", + "ited" + ], + [ + "Ġâ", + "Ī" + ], + [ + "Ġsuc", + "ceed" + ], + [ + "Ġim", + "possible" + ], + [ + "a", + "ire" + ], + [ + "ĠT", + "urn" + ], + [ + "Ġd", + "ish" + ], + [ + "F", + "G" + ], + [ + "Ġs", + "ensor" + ], + [ + "AN", + "N" + ], + [ + "ab", + "a" + ], + [ + "Ġsur", + "g" + ], + [ + "]", + ");čĊ" + ], + [ + "Ġf", + "p" + ], + [ + "_", + "an" + ], + [ + "-", + "J" + ], + [ + "-", + "G" + ], + [ + "ĠJ", + "ob" + ], + [ + "Con", + "vert" + ], + [ + "ĠKE", + "Y" + ], + [ + "Ġauth", + "ors" + ], + [ + "_s", + "erver" + ], + [ + "\\", + "r" + ], + [ + "Ġ-*", + "-" + ], + [ + "f", + "lex" + ], + [ + "Ġs", + "oc" + ], + [ + "R", + "et" + ], + [ + "Ġs", + "alt" + ], + [ + "Ġâ̦", + "ĊĊ" + ], + [ + "ĠC", + "lear" + ], + [ + "(p", + "age" + ], + [ + "-d", + "anger" + ], + [ + "Ġroom", + "s" + ], + [ + "con", + "v" + ], + [ + "#", + "{" + ], + [ + ".", + "op" + ], + [ + "ĠA", + "rea" + ], + [ + "_S", + "C" + ], + [ + "h", + "en" + ], + [ + "Ġbeg", + "ins" + ], + [ + "-", + "y" + ], + [ + "Ġexc", + "ited" + ], + [ + "Ġign", + "ored" + ], + [ + "Ġbon", + "us" + ], + [ + "st", + "udent" + ], + [ + "ĠM", + "ember" + ], + [ + "Ġrel", + "atively" + ], + [ + "ĠL", + "ow" + ], + [ + "ĠPro", + "du" + ], + [ + "ate", + "way" + ], + [ + "pos", + "ure" + ], + [ + "Ġth", + "ick" + ], + [ + "ani", + "el" + ], + [ + "(", + "view" + ], + [ + "ĠCr", + "ush" + ], + [ + "Ext", + "ension" + ], + [ + "I", + "l" + ], + [ + "e", + "ed" + ], + [ + "LO", + "C" + ], + [ + ".", + "im" + ], + [ + ".", + "Items" + ], + [ + "Ġconflic", + "t" + ], + [ + ".pre", + "vent" + ], + [ + "Ġon", + "Create" + ], + [ + "u", + "v" + ], + [ + "is", + "er" + ], + [ + "Ġw", + "ave" + ], + [ + "M", + "ar" + ], + [ + "ĠComm", + "unity" + ], + [ + "ic", + "he" + ], + [ + "ĠNo", + "thing" + ], + [ + "[", + "m" + ], + [ + "ĠLe", + "e" + ], + [ + "ri", + "ends" + ], + [ + "è", + "re" + ], + [ + "!!", + "!" + ], + [ + "an", + "z" + ], + [ + ".", + "result" + ], + [ + "ĠS", + "K" + ], + [ + "_P", + "ARAM" + ], + [ + "Ġdem", + "ocr" + ], + [ + "Back", + "Color" + ], + [ + ".ex", + "ists" + ], + [ + "\"", + "It" + ], + [ + "(", + "options" + ], + [ + "ra", + "zy" + ], + [ + "as", + "er" + ], + [ + "\\", + "Database" + ], + [ + "al", + "endar" + ], + [ + "_", + "ass" + ], + [ + ";", + "}Ċ" + ], + [ + "vert", + "ex" + ], + [ + "ine", + "craft" + ], + [ + "W", + "arning" + ], + [ + "arg", + "o" + ], + [ + "Ġact", + "or" + ], + [ + "ĠInst", + "ead" + ], + [ + "ĠUs", + "ing" + ], + [ + "S", + "elf" + ], + [ + "@", + "interface" + ], + [ + "Ġspe", + "aking" + ], + [ + "ĠPar", + "is" + ], + [ + "ĠL", + "ICENSE" + ], + [ + ".n", + "ode" + ], + [ + "ĠF", + "ood" + ], + [ + "E", + "IF" + ], + [ + "ĠB", + "i" + ], + [ + ".", + "Start" + ], + [ + "ĠI", + "B" + ], + [ + "Ġun", + "iversity" + ], + [ + "ĠHe", + "ader" + ], + [ + ".pro", + "duct" + ], + [ + "C", + "opy" + ], + [ + "et", + "c" + ], + [ + "r", + "ical" + ], + [ + "Ġ>", + ">>" + ], + [ + "book", + "s" + ], + [ + "Ġal", + "gorithm" + ], + [ + "Ġ'", + "__" + ], + [ + "(j", + "avax" + ], + [ + "Ġnumer", + "ous" + ], + [ + "Sh", + "are" + ], + [ + "H", + "ave" + ], + [ + "Ġrec", + "ru" + ], + [ + "Ġpro", + "ve" + ], + [ + ".sub", + "string" + ], + [ + "he", + "alth" + ], + [ + "е", + "л" + ], + [ + "Ġdec", + "imal" + ], + [ + "Ġcomm", + "ission" + ], + [ + "s", + "cription" + ], + [ + "x", + "C" + ], + [ + "Ġsum", + "mary" + ], + [ + "att", + "ed" + ], + [ + "Ġclo", + "ser" + ], + [ + "fin", + "ished" + ], + [ + "()", + "){Ċ" + ], + [ + "ĠW", + "ood" + ], + [ + "_field", + "s" + ], + [ + "k", + "u" + ], + [ + "_", + "items" + ], + [ + "Fl", + "ag" + ], + [ + "Ġconf", + "idence" + ], + [ + "ĠF", + "ederal" + ], + [ + "du", + "x" + ], + [ + "Ġcomp", + "at" + ], + [ + "Ġvert", + "ical" + ], + [ + "Ð", + "¹" + ], + [ + "è", + "s" + ], + [ + ";", + "\">Ċ" + ], + [ + "_m", + "anager" + ], + [ + "()", + "))Ċ" + ], + [ + "ID", + "E" + ], + [ + ":", + "\"," + ], + [ + "__", + "Ċ" + ], + [ + "ĠW", + "ay" + ], + [ + "Ñ", + "Ī" + ], + [ + "T", + "emp" + ], + [ + "ĠS", + "TR" + ], + [ + "rit", + "ten" + ], + [ + "S", + "ync" + ], + [ + "ĠA", + "V" + ], + [ + "ĠC", + "EO" + ], + [ + "ĠG", + "uid" + ], + [ + "Ġenvironment", + "al" + ], + [ + "Ġcorrespond", + "ing" + ], + [ + "ĉ", + "console" + ], + [ + "Ġjust", + "ice" + ], + [ + "ĠJ", + "S" + ], + [ + "Ġl", + "ived" + ], + [ + "g", + "ar" + ], + [ + "ĠG", + "raph" + ], + [ + "ĠSt", + "at" + ], + [ + "Ġi", + "Phone" + ], + [ + ".", + "al" + ], + [ + "ĠH", + "D" + ], + [ + "Ġocc", + "ur" + ], + [ + "Ġth", + "reshold" + ], + [ + "Ġon", + "click" + ], + [ + "RE", + "G" + ], + [ + ".Graphics", + "Unit" + ], + [ + "M", + "eta" + ], + [ + "Å", + "¾" + ], + [ + "Ġc", + "um" + ], + [ + ".g", + "nu" + ], + [ + "Ã", + "«" + ], + [ + "Ġobt", + "ained" + ], + [ + "Ġcompl", + "aint" + ], + [ + "Ġe", + "ating" + ], + [ + "Ġt", + "ar" + ], + [ + "_t", + "ask" + ], + [ + "Ġopt", + "s" + ], + [ + "(", + "to" + ], + [ + "P", + "ass" + ], + [ + "Ġpl", + "astic" + ], + [ + "t", + "ility" + ], + [ + "ĠW", + "in" + ], + [ + ".prevent", + "Default" + ], + [ + "p", + "ile" + ], + [ + "ĠG", + "ar" + ], + [ + "Ġqu", + "antity" + ], + [ + "_l", + "ast" + ], + [ + "Ġg", + "reatest" + ], + [ + "D", + "ao" + ], + [ + "_D", + "IS" + ], + [ + "ĠUs", + "ed" + ], + [ + "ĠH", + "P" + ], + [ + "rit", + "ing" + ], + [ + "S", + "ION" + ], + [ + "bl", + "ue" + ], + [ + "d", + "omain" + ], + [ + "Ġs", + "cores" + ], + [ + "N", + "ormal" + ], + [ + "_", + "admin" + ], + [ + "ĠA", + "SSERT" + ], + [ + "Th", + "en" + ], + [ + "**", + "*" + ], + [ + "d", + "ist" + ], + [ + "l", + "on" + ], + [ + "Ġh", + "ate" + ], + [ + "sh", + "al" + ], + [ + "Image", + "View" + ], + [ + "d", + "atabase" + ], + [ + "Ġp", + "and" + ], + [ + "Ġlog", + "ic" + ], + [ + "=", + "false" + ], + [ + "b", + "g" + ], + [ + "ĠConfig", + "uration" + ], + [ + "Ġn", + "ur" + ], + [ + "O", + "G" + ], + [ + "Ġmar", + "ried" + ], + [ + ":", + "+" + ], + [ + "Ġdro", + "pped" + ], + [ + "Ġreg", + "istration" + ], + [ + "оÐ", + "¼" + ], + [ + "ult", + "iple" + ], + [ + "iz", + "ers" + ], + [ + "sh", + "ape" + ], + [ + ".c", + "opy" + ], + [ + "Ġwe", + "aring" + ], + [ + "ĠC", + "ath" + ], + [ + "Ġded", + "icated" + ], + [ + "Ġ..", + ".Ċ" + ], + [ + "Ġadv", + "oc" + ], + [ + "ĠF", + "amily" + ], + [ + "Ġstat", + "ements" + ], + [ + "em", + "atic" + ], + [ + "ampions", + "hip" + ], + [ + "Ġmot", + "iv" + ], + [ + "ĠH", + "ave" + ], + [ + "Ġbl", + "ow" + ], + [ + "J", + "ob" + ], + [ + "c", + "ert" + ], + [ + "_v", + "ector" + ], + [ + "inst", + "all" + ], + [ + "ĠC", + "OPY" + ], + [ + "em", + "bed" + ], + [ + "D", + "IR" + ], + [ + "ĠS", + "pring" + ], + [ + "Ġex", + "hib" + ], + [ + "cd", + "n" + ], + [ + "ĠCom", + "ment" + ], + [ + "ĠOption", + "al" + ], + [ + ".", + "player" + ], + [ + "ĠD", + "ark" + ], + [ + "(", + "pos" + ], + [ + "ĠSh", + "ould" + ], + [ + "Ġcent", + "re" + ], + [ + "ĠGu", + "ard" + ], + [ + "ó", + "w" + ], + [ + "Ġtr", + "ouble" + ], + [ + "EN", + "ER" + ], + [ + "(", + "unsigned" + ], + [ + "_s", + "ervice" + ], + [ + "Ġn", + "s" + ], + [ + "ul", + "ing" + ], + [ + "ĠMex", + "ico" + ], + [ + "ĠN", + "Y" + ], + [ + "mys", + "ql" + ], + [ + "Ġl", + "ic" + ], + [ + "å", + "ľ" + ], + [ + "M", + "r" + ], + [ + "-", + "fl" + ], + [ + "ĠC", + "ustomer" + ], + [ + "id", + "i" + ], + [ + "Ġ?", + ">ĊĊ" + ], + [ + "ri", + "ble" + ], + [ + "Ġп", + "ÑĢ" + ], + [ + "Ġs", + "izes" + ], + [ + "_STR", + "ING" + ], + [ + "valid", + "ation" + ], + [ + "ĠJ", + "on" + ], + [ + "(", + "Http" + ], + [ + "add", + "Class" + ], + [ + "N", + "odes" + ], + [ + "Ġfrag", + "ment" + ], + [ + "Ġsp", + "oke" + ], + [ + "Ġw", + "aste" + ], + [ + "J", + "oin" + ], + [ + "Ġill", + "ustr" + ], + [ + "el", + "i" + ], + [ + "c", + "ient" + ], + [ + "Ġa", + "id" + ], + [ + "Ġpro", + "sec" + ], + [ + "')", + "{Ċ" + ], + [ + "Ġpass", + "ing" + ], + [ + "Ġf", + "aces" + ], + [ + "Sh", + "ape" + ], + [ + "_", + "Z" + ], + [ + "it", + "i" + ], + [ + "Ġal", + "le" + ], + [ + "Ġro", + "bot" + ], + [ + "ĠĠĠĠĠĠĠ", + "Ċ" + ], + [ + "ĠS", + "pe" + ], + [ + "Ġrece", + "iving" + ], + [ + "ĠD", + "etails" + ], + [ + "Ġ\"", + ")" + ], + [ + "m", + "g" + ], + [ + "_RE", + "F" + ], + [ + "Ġcompar", + "ison" + ], + [ + "*", + "," + ], + [ + "ĠF", + "ound" + ], + [ + "_s", + "ession" + ], + [ + "(", + "U" + ], + [ + "/", + "F" + ], + [ + "Ġx", + "xx" + ], + [ + "N", + "etwork" + ], + [ + "d", + "ers" + ], + [ + "Ġcap", + "ture" + ], + [ + "Ġcor", + "re" + ], + [ + "ĠL", + "td" + ], + [ + "ĠAd", + "v" + ], + [ + "[", + "@" + ], + [ + "Ġcl", + "ip" + ], + [ + "M", + "ill" + ], + [ + "ĠPro", + "file" + ], + [ + "Ġend", + "if" + ], + [ + "Ġob", + "lig" + ], + [ + "des", + "cribe" + ], + [ + ".e", + "lement" + ], + [ + "riter", + "ion" + ], + [ + "L", + "D" + ], + [ + "er", + "ed" + ], + [ + "Ġfav", + "our" + ], + [ + "s", + "core" + ], + [ + "ĠF", + "ilter" + ], + [ + "at", + "tributes" + ], + [ + "Ġcheck", + "s" + ], + [ + "In", + "flater" + ], + [ + "ĠPl", + "us" + ], + [ + "Ġscient", + "ific" + ], + [ + "Ġpriv", + "acy" + ], + [ + "He", + "ad" + ], + [ + "Ġfe", + "at" + ], + [ + "Ġdeg", + "rees" + ], + [ + "ĠP", + "ale" + ], + [ + ";", + "\">" + ], + [ + "Ġfil", + "ms" + ], + [ + "ĠA", + "udio" + ], + [ + "ĠT", + "ag" + ], + [ + "ĠE", + "nergy" + ], + [ + "it", + "ar" + ], + [ + "par", + "ator" + ], + [ + "Ġf", + "ellow" + ], + [ + "Ġev", + "t" + ], + [ + "ĠT", + "ri" + ], + [ + "ĠD", + "AM" + ], + [ + "cl", + "oud" + ], + [ + "ĠP", + "assword" + ], + [ + "ĠDemocr", + "ats" + ], + [ + "ĠAc", + "ad" + ], + [ + "$", + "lang" + ], + [ + "Ġre", + "b" + ], + [ + "()", + ")ĊĊ" + ], + [ + "н", + "Ñĭ" + ], + [ + "ĠB", + "ur" + ], + [ + "read", + "cr" + ], + [ + "Ġh", + "ex" + ], + [ + "Con", + "sole" + ], + [ + "ct", + "l" + ], + [ + "ous", + "el" + ], + [ + "ĠWill", + "iam" + ], + [ + "Ġa", + "z" + ], + [ + "_P", + "ORT" + ], + [ + "Ġpract", + "ices" + ], + [ + "Ġany", + "where" + ], + [ + "ĠP", + "osition" + ], + [ + "Ġ-", + ">Ċ" + ], + [ + "i", + "ams" + ], + [ + ".user", + "name" + ], + [ + "place", + "holder" + ], + [ + "Ġo", + "der" + ], + [ + "ĠSecret", + "ary" + ], + [ + "Ġi", + "T" + ], + [ + "mon", + "d" + ], + [ + "event", + "s" + ], + [ + "?", + "âĢĿ" + ], + [ + ".S", + "ub" + ], + [ + "Ġatt", + "ached" + ], + [ + "Ġn", + "ão" + ], + [ + "Ġest", + "ate" + ], + [ + ".", + "action" + ], + [ + "Ġfig", + "ures" + ], + [ + "Ġ}", + ");čĊ" + ], + [ + "Ġsubs", + "cri" + ], + [ + ".t", + "ag" + ], + [ + "n", + "am" + ], + [ + ".", + "plot" + ], + [ + "no", + "on" + ], + [ + "li", + "ament" + ], + [ + "Char", + "acter" + ], + [ + ".t", + "ab" + ], + [ + "Ġw", + "inter" + ], + [ + "ĠVar", + "iable" + ], + [ + "Ġtre", + "es" + ], + [ + "Ġpr", + "oud" + ], + [ + "(", + "V" + ], + [ + "_", + "load" + ], + [ + "Ġh", + "ier" + ], + [ + "ĠE", + "con" + ], + [ + "Ġf", + "d" + ], + [ + "Ġvict", + "ims" + ], + [ + "R", + "est" + ], + [ + "ian", + "a" + ], + [ + "Ġf", + "ake" + ], + [ + ".Print", + "ln" + ], + [ + "Ġstr", + "len" + ], + [ + "Ġs", + "ad" + ], + [ + "Ġb", + "le" + ], + [ + "Pro", + "t" + ], + [ + "Ġbutton", + "s" + ], + [ + "Ġte", + "levision" + ], + [ + "Ġlog", + "o" + ], + [ + "ext", + "ension" + ], + [ + "ĉ", + "j" + ], + [ + "ste", + "in" + ], + [ + "acion", + "es" + ], + [ + "Ġ\"\"", + "\"ĊĊ" + ], + [ + "Ġsim", + "p" + ], + [ + "Ġrecord", + "ed" + ], + [ + "Ġbr", + "ings" + ], + [ + "Ġprincip", + "al" + ], + [ + "Ġfe", + "es" + ], + [ + "(s", + "ource" + ], + [ + "k", + "dir" + ], + [ + "Ġutil", + "s" + ], + [ + "Ġcorrect", + "ly" + ], + [ + "f", + "il" + ], + [ + "Ġw", + "el" + ], + [ + "P", + "air" + ], + [ + "-b", + "utton" + ], + [ + "s", + "cale" + ], + [ + "ver", + "ify" + ], + [ + "[", + "c" + ], + [ + "Ġ--", + "-" + ], + [ + "Ġes", + "cape" + ], + [ + "ik", + "es" + ], + [ + "Lower", + "Case" + ], + [ + "ic", + "ian" + ], + [ + "Ġch", + "apter" + ], + [ + "ĠT", + "YPE" + ], + [ + "Ġsh", + "adow" + ], + [ + "Ġaw", + "esome" + ], + [ + "W", + "E" + ], + [ + "el", + "if" + ], + [ + "Ġl", + "ambda" + ], + [ + "Ġdist", + "inct" + ], + [ + "Ġb", + "are" + ], + [ + "-", + "off" + ], + [ + "Ġcol", + "our" + ], + [ + ".append", + "Child" + ], + [ + "ole", + "c" + ], + [ + "ag", + "a" + ], + [ + ".f", + "ill" + ], + [ + "ĉs", + "uper" + ], + [ + "Ġad", + "j" + ], + [ + "(", + "position" + ], + [ + ".get", + "Item" + ], + [ + "Sh", + "ort" + ], + [ + "Ġtot", + "ally" + ], + [ + "V", + "D" + ], + [ + "ĠT", + "re" + ], + [ + "_", + "ep" + ], + [ + "v", + "ements" + ], + [ + "ĠS", + "olution" + ], + [ + "Ġfund", + "ament" + ], + [ + "F", + "ollow" + ], + [ + "Ġfac", + "ility" + ], + [ + "Ġhappen", + "ing" + ], + [ + "O", + "F" + ], + [ + ".text", + "Box" + ], + [ + "S", + "pan" + ], + [ + "ĠÂ", + "«" + ], + [ + "id", + "en" + ], + [ + "Ġex", + "ceed" + ], + [ + "(p", + "arent" + ], + [ + "Ġc", + "p" + ], + [ + "ç", + "»" + ], + [ + "Ġhas", + "n" + ], + [ + "Ġp", + "ri" + ], + [ + "Ġcon", + "sequ" + ], + [ + "n", + "en" + ], + [ + "ĠIN", + "TO" + ], + [ + "I", + "gnore" + ], + [ + "ĠF", + "uture" + ], + [ + "Ġcar", + "bon" + ], + [ + "ĠSte", + "el" + ], + [ + "f", + "mt" + ], + [ + "ok", + "ie" + ], + [ + "Ġs", + "pl" + ], + [ + "(t", + "itle" + ], + [ + "-", + "info" + ], + [ + "Ġde", + "als" + ], + [ + "Ġfix", + "ture" + ], + [ + "e", + "a" + ], + [ + "D", + "iv" + ], + [ + "Ġtest", + "ed" + ], + [ + "_", + "return" + ], + [ + ")ĊĊ", + "ĊĊ" + ], + [ + "upport", + "ed" + ], + [ + "ĠC", + "ook" + ], + [ + "Ġpay", + "ing" + ], + [ + "ĠI", + "ll" + ], + [ + "Ġarrest", + "ed" + ], + [ + "ĠPr", + "ime" + ], + [ + "_c", + "allback" + ], + [ + ">", + ",Ċ" + ], + [ + "dr", + "iver" + ], + [ + "On", + "ce" + ], + [ + "ab", + "b" + ], + [ + "_by", + "tes" + ], + [ + "ĠS", + "ets" + ], + [ + "(", + "Object" + ], + [ + "Ġc", + "c" + ], + [ + "Ġsh", + "ell" + ], + [ + "al", + "o" + ], + [ + ");", + "//" + ], + [ + "(", + "log" + ], + [ + "ct", + "ors" + ], + [ + ")", + "" + ], + [ + "Ġ$", + "(\"." + ], + [ + ".p", + "os" + ], + [ + "Ġbo", + "ys" + ], + [ + "Ġwed", + "ding" + ], + [ + "Ġag", + "ents" + ], + [ + "=\"", + "_" + ], + [ + "ĠAr", + "my" + ], + [ + "Ġh", + "int" + ], + [ + "v", + "ision" + ], + [ + "Ġte", + "ch" + ], + [ + "ĠCon", + "nect" + ], + [ + "Ġleg", + "end" + ], + [ + "ĠB", + "et" + ], + [ + ".B", + "ase" + ], + [ + "Sub", + "ject" + ], + [ + "Ġl", + "it" + ], + [ + "Rem", + "ove" + ], + [ + "Ġ\"", + ":" + ], + [ + "ĠF", + "inal" + ], + [ + "pear", + "ance" + ], + [ + "ĠiT", + "unes" + ], + [ + "Ġparticip", + "ants" + ], + [ + "ĠPy", + "thon" + ], + [ + "Ġbus", + "y" + ], + [ + "i", + "el" + ], + [ + "vert", + "ices" + ], + [ + "Ġtemplate", + "Url" + ], + [ + "ĠC", + "lose" + ], + [ + "Im", + "g" + ], + [ + "ĠCorpor", + "ation" + ], + [ + "t", + "imestamp" + ], + [ + "Ġext", + "end" + ], + [ + "Ġwe", + "bsites" + ], + [ + "Ġposs", + "ibility" + ], + [ + "о", + "ÑĤ" + ], + [ + "Ġk", + "ö" + ], + [ + "Ġme", + "at" + ], + [ + "Ġrepresent", + "ation" + ], + [ + "Ġ", + "ĉĉ" + ], + [ + "_ST", + "ART" + ], + [ + ".app", + "ly" + ], + [ + "ĠVal", + "ley" + ], + [ + "ĠS", + "uccess" + ], + [ + "H", + "i" + ], + [ + "Ġn", + "ob" + ], + [ + "ĠI", + "Enumerable" + ], + [ + "_", + "select" + ], + [ + "ge", + "o" + ], + [ + ".", + "\")Ċ" + ], + [ + "Ġturn", + "ing" + ], + [ + "Ġfab", + "ric" + ], + [ + "(\"", + "\");Ċ" + ], + [ + "Ġpers", + "pective" + ], + [ + "é", + "Ĺ" + ], + [ + "ĠS", + "n" + ], + [ + "Th", + "ank" + ], + [ + ";", + "j" + ], + [ + ".Param", + "eters" + ], + [ + "ĉ", + "ĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "Ġfact", + "s" + ], + [ + "Ġun", + "t" + ], + [ + ".in", + "stance" + ], + [ + "################################", + "################################" + ], + [ + "-", + "end" + ], + [ + "ĠJO", + "IN" + ], + [ + "ĠH", + "en" + ], + [ + "Ġur", + "i" + ], + [ + "åIJ", + "į" + ], + [ + "Ġн", + "а" + ], + [ + "ĠIn", + "fo" + ], + [ + "Ġconduct", + "ed" + ], + [ + "ĠÃ", + "¥" + ], + [ + "OUR", + "CE" + ], + [ + "Ġw", + "ine" + ], + [ + "J", + "ohn" + ], + [ + ".Error", + "f" + ], + [ + "ĠA", + "ge" + ], + [ + "ound", + "ed" + ], + [ + "Ġreal", + "ize" + ], + [ + "Ġ]", + ";" + ], + [ + "Ġsub", + "sequ" + ], + [ + ",", + "m" + ], + [ + "(", + "User" + ], + [ + "ian", + "o" + ], + [ + "Ġaccom", + "pl" + ], + [ + "is", + "p" + ], + [ + ".st", + "d" + ], + [ + "é", + "ĩ" + ], + [ + "ĠB", + "ed" + ], + [ + ".set", + "Attribute" + ], + [ + "B", + "R" + ], + [ + "ke", + "ep" + ], + [ + "ĠA", + "LL" + ], + [ + "Ġis", + "ol" + ], + [ + "am", + "ma" + ], + [ + "P", + "ackage" + ], + [ + "Ġoccas", + "ion" + ], + [ + "-s", + "uccess" + ], + [ + "еÐ", + "´" + ], + [ + "ĠLIMIT", + "ED" + ], + [ + "st", + "rip" + ], + [ + "()", + "ĊĊĊ" + ], + [ + "istrib", + "ution" + ], + [ + "Color", + "s" + ], + [ + "Ġ+", + ":+" + ], + [ + "Did", + "Load" + ], + [ + "al", + "er" + ], + [ + "Ġt", + "id" + ], + [ + "ĠL", + "ED" + ], + [ + "ĠLink", + "ed" + ], + [ + "ĠC", + "art" + ], + [ + "()", + ")čĊ" + ], + [ + "_RE", + "AD" + ], + [ + "Ġkill", + "ing" + ], + [ + "ĠP", + "HP" + ], + [ + "fe", + "ction" + ], + [ + "Ġinst", + "ances" + ], + [ + "c", + "v" + ], + [ + "\"/", + ">" + ], + [ + "Ġs", + "f" + ], + [ + "Ġtax", + "es" + ], + [ + "_", + "location" + ], + [ + "ĠBit", + "coin" + ], + [ + "u", + "able" + ], + [ + "r", + "ank" + ], + [ + "ign", + "ore" + ], + [ + "tr", + "ack" + ], + [ + "к", + "а" + ], + [ + "Ġshould", + "n" + ], + [ + "ĠO", + "P" + ], + [ + "=>", + "{Ċ" + ], + [ + "Ġk", + "m" + ], + [ + "Ġh", + "elper" + ], + [ + "_", + "head" + ], + [ + "ĠWh", + "ether" + ], + [ + "oc", + "o" + ], + [ + "_b", + "l" + ], + [ + "Ġstat", + "istics" + ], + [ + "Ġbeaut", + "y" + ], + [ + "Ġto", + "g" + ], + [ + "t", + "ip" + ], + [ + "ëĭ", + "¤" + ], + [ + "Ġc", + "sv" + ], + [ + "(s", + "ql" + ], + [ + "std", + "lib" + ], + [ + "we", + "ak" + ], + [ + "Ġlik", + "es" + ], + [ + "Ä", + "į" + ], + [ + "Ġrepe", + "at" + ], + [ + "Ġap", + "artment" + ], + [ + "Ġem", + "ph" + ], + [ + "_", + "edit" + ], + [ + "Ġv", + "it" + ], + [ + "ĉ", + "type" + ], + [ + "E", + "ven" + ], + [ + "ut", + "en" + ], + [ + "Ġcircum", + "stances" + ], + [ + "b", + "ian" + ], + [ + "Ġs", + "ugar" + ], + [ + "W", + "indows" + ], + [ + "ì", + "ŀ" + ], + [ + "Ġobs", + "erved" + ], + [ + "/", + "data" + ], + [ + "Ġcal", + "endar" + ], + [ + "Ġstri", + "ke" + ], + [ + "ĠR", + "ES" + ], + [ + "_s", + "c" + ], + [ + "f", + "ony" + ], + [ + "ore", + "m" + ], + [ + "(", + "z" + ], + [ + "p", + "ower" + ], + [ + "et", + "ect" + ], + [ + "ĠS", + "at" + ], + [ + ".d", + "escription" + ], + [ + "Ġg", + "ang" + ], + [ + "ĠS", + "ports" + ], + [ + "ong", + "s" + ], + [ + "ĠB", + "undle" + ], + [ + ".s", + "um" + ], + [ + "on", + "ce" + ], + [ + "Ġacc", + "used" + ], + [ + "Ġexplo", + "re" + ], + [ + "Ġapprox", + "imately" + ], + [ + "Ġlos", + "ing" + ], + [ + "thes", + "is" + ], + [ + "ĠF", + "und" + ], + [ + "Ġdi", + "agn" + ], + [ + "A", + "utowired" + ], + [ + "prop", + "erties" + ], + [ + "Ġ_", + "." + ], + [ + "Ġc", + "nt" + ], + [ + "ced", + "ure" + ], + [ + "Ġy", + "y" + ], + [ + "Ġgr", + "ant" + ], + [ + "so", + "ck" + ], + [ + ".inner", + "HTML" + ], + [ + "Ġ]", + ");Ċ" + ], + [ + "ĠCON", + "FIG" + ], + [ + "='", + "$" + ], + [ + "]", + "];Ċ" + ], + [ + "UN", + "D" + ], + [ + "Ġg", + "lob" + ], + [ + "Ġd", + "ire" + ], + [ + "uff", + "le" + ], + [ + "_M", + "EM" + ], + [ + "Ġauth", + "entic" + ], + [ + ">", + "(\"" + ], + [ + "Ġdec", + "ade" + ], + [ + "ĠIm", + "port" + ], + [ + "Ġorigin", + "ally" + ], + [ + "Ġj", + "Query" + ], + [ + "Ġindic", + "ate" + ], + [ + "Ġours", + "elves" + ], + [ + "S", + "w" + ], + [ + ".l", + "bl" + ], + [ + "ener", + "ate" + ], + [ + "Ġbas", + "ically" + ], + [ + "ĠH", + "om" + ], + [ + "Ġ+", + "#+" + ], + [ + "ĠBrit", + "ain" + ], + [ + "ĠK", + "ar" + ], + [ + "to", + "Equal" + ], + [ + ".st", + "op" + ], + [ + "Ġmod", + "al" + ], + [ + "is", + "i" + ], + [ + "Ġsuggest", + "s" + ], + [ + "Ġd", + "type" + ], + [ + "Ġt", + "ur" + ], + [ + "b", + "f" + ], + [ + "Ġconnection", + "s" + ], + [ + "ĠB", + "efore" + ], + [ + "ist", + "ed" + ], + [ + "m", + "ouse" + ], + [ + "Ġpul", + "led" + ], + [ + ".b", + "uild" + ], + [ + "Ġlegis", + "lation" + ], + [ + "Ġfor", + "th" + ], + [ + "p", + "ad" + ], + [ + "eg", + "o" + ], + [ + ".N", + "ow" + ], + [ + "Ġexc", + "iting" + ], + [ + "}ĊĊ", + "ĊĊ" + ], + [ + "Ġcom", + "pr" + ], + [ + "Ġsh", + "ares" + ], + [ + "Ġr", + "ig" + ], + [ + "g", + "reen" + ], + [ + "_", + "vec" + ], + [ + "Ġenumer", + "ate" + ], + [ + "A", + "uto" + ], + [ + "ic", + "ator" + ], + [ + "ĠR", + "ay" + ], + [ + "as", + "se" + ], + [ + "Ġh", + "oliday" + ], + [ + "Ġnull", + "able" + ], + [ + "g", + "un" + ], + [ + "_d", + "etails" + ], + [ + "Ġwr", + "apper" + ], + [ + "se", + "q" + ], + [ + "ĠYou", + "ng" + ], + [ + "ju", + "ana" + ], + [ + "Ġ\"", + "__" + ], + [ + "lic", + "ense" + ], + [ + "ser", + "ve" + ], + [ + "^", + "(" + ], + [ + "id", + "ers" + ], + [ + ".Rem", + "ove" + ], + [ + "rop", + "down" + ], + [ + "'", + "S" + ], + [ + "p", + "in" + ], + [ + "(t", + "oken" + ], + [ + ".D", + "efault" + ], + [ + "Ġreason", + "able" + ], + [ + "amp", + "ion" + ], + [ + "ĠS", + "ociety" + ], + [ + "Ġbe", + "i" + ], + [ + "erv", + "es" + ], + [ + "r", + "ad" + ], + [ + "ĠF", + "ox" + ], + [ + "_", + "images" + ], + [ + "Ġw", + "heel" + ], + [ + "')", + "[" + ], + [ + "Ġc", + "fg" + ], + [ + "(", + "By" + ], + [ + "Con", + "structor" + ], + [ + "Ġv", + "ary" + ], + [ + ".sw", + "ift" + ], + [ + "Ġpro", + "xy" + ], + [ + "ĉ", + "H" + ], + [ + "ĠAn", + "other" + ], + [ + "ĠP", + "en" + ], + [ + "Ġcheck", + "ing" + ], + [ + "Ġj", + "est" + ], + [ + "man", + "ager" + ], + [ + "Or", + "igin" + ], + [ + "ug", + "s" + ], + [ + "o", + "ir" + ], + [ + "><", + "!--" + ], + [ + "Ġexpress", + "ed" + ], + [ + "Ġmod", + "er" + ], + [ + "Ġag", + "encies" + ], + [ + "Ġi", + "h" + ], + [ + "-h", + "idden" + ], + [ + "ious", + "ly" + ], + [ + "ĠR", + "od" + ], + [ + "Ġso", + "le" + ], + [ + "M", + "ed" + ], + [ + ".A", + "ny" + ], + [ + "Ġp", + "c" + ], + [ + "b", + "al" + ], + [ + "Ex", + "ample" + ], + [ + "ĠS", + "ale" + ], + [ + "Ġst", + "rip" + ], + [ + "ĠCom", + "p" + ], + [ + "Ġpresident", + "ial" + ], + [ + "M", + "ost" + ], + [ + "put", + "ation" + ], + [ + "(", + "ref" + ], + [ + "ĠF", + "our" + ], + [ + "_f", + "ilename" + ], + [ + "Ġen", + "forcement" + ], + [ + "Ø", + "¯" + ], + [ + "ĠGe", + "org" + ], + [ + "we", + "ights" + ], + [ + "/", + "l" + ], + [ + "Ġag", + "gress" + ], + [ + "Ġd", + "rawing" + ], + [ + "and", + "y" + ], + [ + "<", + "I" + ], + [ + "-", + "j" + ], + [ + "ak", + "a" + ], + [ + "h", + "ref" + ], + [ + "Ġteach", + "ers" + ], + [ + "_", + "Q" + ], + [ + "(", + "it" + ], + [ + "ĠM", + "B" + ], + [ + "Ġtemp", + "orary" + ], + [ + "ire", + "base" + ], + [ + "str", + "a" + ], + [ + "æĹ", + "¶" + ], + [ + "è", + "´" + ], + [ + "(", + "label" + ], + [ + "ou", + "p" + ], + [ + "Ġtop", + "ics" + ], + [ + "Ġport", + "ion" + ], + [ + "id", + "os" + ], + [ + "ĠJew", + "ish" + ], + [ + "Ġre", + "covery" + ], + [ + "Ġstand", + "s" + ], + [ + "#", + "[" + ], + [ + "Ġafter", + "noon" + ], + [ + "ĠArt", + "icle" + ], + [ + "_", + "att" + ], + [ + "Ġexpl", + "an" + ], + [ + "ĠP", + "ak" + ], + [ + ".setOn", + "ClickListener" + ], + [ + ".", + "children" + ], + [ + "Ġi", + "k" + ], + [ + "+", + "(" + ], + [ + "l", + "ag" + ], + [ + "Ġdis", + "k" + ], + [ + "Ġcont", + "rovers" + ], + [ + "\">", + "&" + ], + [ + "as", + "p" + ], + [ + "Ġw", + "ie" + ], + [ + "ĠAustral", + "ian" + ], + [ + "ĠYou", + "Tube" + ], + [ + "At", + "tr" + ], + [ + "cont", + "ains" + ], + [ + "du", + "ce" + ], + [ + "ĠM", + "att" + ], + [ + "at", + "ern" + ], + [ + "Ġvol", + "unte" + ], + [ + "Ġnew", + "sp" + ], + [ + "V", + "P" + ], + [ + "olt", + "ip" + ], + [ + "Ġde", + "legate" + ], + [ + "_m", + "eta" + ], + [ + "Ġaccur", + "ate" + ], + [ + "ĠEx", + "ample" + ], + [ + "%", + "," + ], + [ + "ĠD", + "aily" + ], + [ + "Ġc", + "abin" + ], + [ + "ĠS", + "W" + ], + [ + "Ġlim", + "its" + ], + [ + "k", + "ip" + ], + [ + "Ġar", + "my" + ], + [ + "Ġend", + "ing" + ], + [ + "Ġb", + "oss" + ], + [ + "ĠD", + "ialog" + ], + [ + "Al", + "so" + ], + [ + "=\"#", + "\"" + ], + [ + "ord", + "an" + ], + [ + "row", + "se" + ], + [ + "-", + "min" + ], + [ + "Ġ\"", + "&" + ], + [ + "_", + "loc" + ], + [ + "U", + "X" + ], + [ + "Ġdevelop", + "ers" + ], + [ + "Ġaccur", + "acy" + ], + [ + "Ġmaint", + "enance" + ], + [ + "Ġhe", + "av" + ], + [ + "Ġfil", + "ters" + ], + [ + ".T", + "oolStrip" + ], + [ + "Ġn", + "arr" + ], + [ + "ĠE", + "mp" + ], + [ + "ORD", + "ER" + ], + [ + "ĠM", + "obile" + ], + [ + ".S", + "erial" + ], + [ + ".out", + "put" + ], + [ + ".c", + "ol" + ], + [ + "M", + "aterial" + ], + [ + "um", + "a" + ], + [ + "Ġconsum", + "ers" + ], + [ + "sh", + "ift" + ], + [ + "Ġp", + "ued" + ], + [ + "Ġmin", + "i" + ], + [ + "c", + "ollection" + ], + [ + "Ġk", + "an" + ], + [ + ".c", + "enter" + ], + [ + "H", + "istory" + ], + [ + "Ġben", + "ch" + ], + [ + "()", + ");" + ], + [ + "itor", + "ies" + ], + [ + "Ġcrow", + "d" + ], + [ + "_c", + "all" + ], + [ + "Ġpow", + "ers" + ], + [ + "-", + "E" + ], + [ + "Ġdis", + "miss" + ], + [ + "Ġtalk", + "s" + ], + [ + "ĠCh", + "annel" + ], + [ + "for", + "ward" + ], + [ + "_", + "control" + ], + [ + "/s", + "rc" + ], + [ + "i", + "est" + ], + [ + "****************", + "********" + ], + [ + "Ġbet", + "a" + ], + [ + "(c", + "olor" + ], + [ + "_O", + "BJECT" + ], + [ + "ĠA", + "pi" + ], + [ + "Ġeffect", + "ively" + ], + [ + "C", + "amera" + ], + [ + "s", + "d" + ], + [ + "uss", + "y" + ], + [ + "D", + "ict" + ], + [ + "ĠE", + "ffect" + ], + [ + "ib", + "ilities" + ], + [ + "Ġreturn", + "ing" + ], + [ + "ĠF", + "ar" + ], + [ + "Ġ'", + "')" + ], + [ + "Ġmod", + "ules" + ], + [ + "il", + "ation" + ], + [ + "Ġ(", + "%" + ], + [ + "TR", + "GL" + ], + [ + "Ġst", + "orm" + ], + [ + "on", + "na" + ], + [ + "ĠEX", + "P" + ], + [ + "Ġs", + "pons" + ], + [ + "Ġdis", + "pl" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "f", + "all" + ], + [ + "å", + "Į" + ], + [ + "ign", + "Key" + ], + [ + "_", + "US" + ], + [ + "et", + "rics" + ], + [ + "Ġhand", + "les" + ], + [ + "T", + "L" + ], + [ + "_", + "amount" + ], + [ + "ow", + "a" + ], + [ + "br", + "and" + ], + [ + "ĠT", + "ool" + ], + [ + "Ġus", + "ual" + ], + [ + ".", + "Z" + ], + [ + "cre", + "ment" + ], + [ + "ad", + "ium" + ], + [ + "st", + "ock" + ], + [ + "Ġserv", + "ing" + ], + [ + "ĠB", + "on" + ], + [ + "Ġline", + "ar" + ], + [ + "ĠT", + "arget" + ], + [ + "ĠR", + "adio" + ], + [ + "H", + "L" + ], + [ + "Sh", + "ader" + ], + [ + "om", + "atic" + ], + [ + "ag", + "ues" + ], + [ + "in", + "ity" + ], + [ + "d", + "iff" + ], + [ + "_", + "iterator" + ], + [ + "qu", + "ot" + ], + [ + "Ġ", + ",Ċ" + ], + [ + "c", + "allback" + ], + [ + "Ġsympt", + "oms" + ], + [ + "[", + "_" + ], + [ + "ĠB", + "ul" + ], + [ + "ĠF", + "eb" + ], + [ + "und", + "o" + ], + [ + "_", + "account" + ], + [ + "Ġtyp", + "edef" + ], + [ + "и", + "Ñģ" + ], + [ + "tr", + "as" + ], + [ + "User", + "Id" + ], + [ + "ĠP", + "enn" + ], + [ + "ĠSup", + "reme" + ], + [ + "}", + ">" + ], + [ + "user", + "Id" + ], + [ + "ĠK", + "im" + ], + [ + "Ġg", + "a" + ], + [ + "Ġart", + "ists" + ], + [ + "å", + "¸" + ], + [ + "ĠAb", + "stract" + ], + [ + "ok", + "emon" + ], + [ + "Ġh", + "am" + ], + [ + "o", + "val" + ], + [ + "Ġch", + "a" + ], + [ + "at", + "en" + ], + [ + "å", + "Ĩ" + ], + [ + "F", + "ixed" + ], + [ + "Ġvul", + "ner" + ], + [ + "ĠParam", + "eters" + ], + [ + "qu", + "antity" + ], + [ + ".C", + "lear" + ], + [ + "Servlet", + "Request" + ], + [ + "Ġy", + "a" + ], + [ + "Ġsou", + "l" + ], + [ + "trans", + "action" + ], + [ + "Ġsol", + "o" + ], + [ + "Ġp", + "airs" + ], + [ + "æ", + "Ķ" + ], + [ + "ĠG", + "re" + ], + [ + "_", + "word" + ], + [ + "ĠC", + "C" + ], + [ + "Ġg", + "i" + ], + [ + "z", + "ie" + ], + [ + "Ġsched", + "uled" + ], + [ + "rot", + "ation" + ], + [ + "gy", + "pt" + ], + [ + "ul", + "ous" + ], + [ + "::", + "_" + ], + [ + "ĠE", + "ll" + ], + [ + "<", + "!" + ], + [ + "ĉĉ", + "ĠĠ" + ], + [ + "l", + "p" + ], + [ + "ah", + "a" + ], + [ + "C", + "opyright" + ], + [ + "Ġdr", + "am" + ], + [ + "Ġdi", + "agram" + ], + [ + "ĠM", + "em" + ], + [ + "Ġg", + "arden" + ], + [ + "Com", + "p" + ], + [ + "Ġattempt", + "s" + ], + [ + "uff", + "ix" + ], + [ + ">", + "()" + ], + [ + "Ġphil", + "osoph" + ], + [ + "_re", + "l" + ], + [ + "å", + "¼" + ], + [ + "Ġs", + "v" + ], + [ + ".se", + "cond" + ], + [ + "ant", + "o" + ], + [ + ".J", + "son" + ], + [ + "ĠTe", + "le" + ], + [ + "_", + "local" + ], + [ + "_s", + "end" + ], + [ + "Ġas", + "pects" + ], + [ + "ì", + "Ĺ" + ], + [ + "IB", + "LE" + ], + [ + "Ġr", + "ail" + ], + [ + "Ġwid", + "ely" + ], + [ + "ash", + "ed" + ], + [ + "i", + "ar" + ], + [ + "in", + "f" + ], + [ + "up", + "per" + ], + [ + "d", + "jango" + ], + [ + "_result", + "s" + ], + [ + "iss", + "ing" + ], + [ + "Ġequ", + "ivalent" + ], + [ + "OUN", + "D" + ], + [ + "Ġt", + "y" + ], + [ + "Ġpotential", + "ly" + ], + [ + "Advertis", + "ement" + ], + [ + "ĠRec", + "ord" + ], + [ + "resent", + "ation" + ], + [ + "_w", + "idget" + ], + [ + "ound", + "ing" + ], + [ + "Ġrelig", + "ion" + ], + [ + "Ġcons", + "c" + ], + [ + "ĠL", + "im" + ], + [ + ".", + "am" + ], + [ + "H", + "tml" + ], + [ + "Ġ'", + ":" + ], + [ + "P", + "ATH" + ], + [ + "_s", + "pec" + ], + [ + "ort", + "ed" + ], + [ + "id", + "ades" + ], + [ + "_sh", + "ape" + ], + [ + "Ġkeep", + "s" + ], + [ + ".S", + "ave" + ], + [ + "ĠL", + "oc" + ], + [ + "or", + "i" + ], + [ + "ĠT", + "EST" + ], + [ + "unic", + "ip" + ], + [ + "Ġreg", + "ions" + ], + [ + "Ġbelie", + "ves" + ], + [ + "/", + "en" + ], + [ + "pos", + "ite" + ], + [ + "{", + "'" + ], + [ + "pre", + "pare" + ], + [ + "_", + "const" + ], + [ + "s", + "ample" + ], + [ + "ĠWill", + "iams" + ], + [ + "Ġstr", + "t" + ], + [ + "_", + "Get" + ], + [ + "ĠAnd", + "rew" + ], + [ + ".", + "active" + ], + [ + "Ġl", + "ayers" + ], + [ + "Visual", + "Style" + ], + [ + "az", + "y" + ], + [ + "ĠK", + "n" + ], + [ + "Ġac", + "id" + ], + [ + "ĠAs", + "ia" + ], + [ + "Ġex", + "cess" + ], + [ + "ĉm", + "y" + ], + [ + "Ġkey", + "board" + ], + [ + "ens", + "us" + ], + [ + "Ġcre", + "w" + ], + [ + "Ġmiss", + "ed" + ], + [ + "m", + "aster" + ], + [ + "ĠW", + "ild" + ], + [ + "Ġnew", + "ly" + ], + [ + "Ġwin", + "ner" + ], + [ + "Ġst", + "ub" + ], + [ + "ic", + "ode" + ], + [ + ".m", + "ove" + ], + [ + "D", + "omain" + ], + [ + "ĠS", + "ar" + ], + [ + "Ġfore", + "st" + ], + [ + "LE", + "D" + ], + [ + "claim", + "er" + ], + [ + ".ex", + "it" + ], + [ + "ĠW", + "indow" + ], + [ + "Ġres", + "istance" + ], + [ + "ĠC", + "HECK" + ], + [ + "(\"", + "-" + ], + [ + "ĠR", + "yan" + ], + [ + "Ġp", + "ipe" + ], + [ + "Ġco", + "ast" + ], + [ + "DE", + "F" + ], + [ + "//", + "!" + ], + [ + "_", + "off" + ], + [ + "ex", + "it" + ], + [ + "Ġult", + "imately" + ], + [ + "imit", + "ive" + ], + [ + "ĠKe", + "ep" + ], + [ + "Ġhistor", + "ical" + ], + [ + "Ġany", + "way" + ], + [ + "ĠJack", + "son" + ], + [ + "ock", + "er" + ], + [ + "ER", + "N" + ], + [ + "ĠU", + "INT" + ], + [ + "y", + "ntax" + ], + [ + "ER", + "Y" + ], + [ + "is", + "ms" + ], + [ + "Ġc", + "n" + ], + [ + "Ġocc", + "urs" + ], + [ + "Ġ;", + ";" + ], + [ + "Text", + "View" + ], + [ + "A", + "E" + ], + [ + "/", + "img" + ], + [ + "Ġy", + "esterday" + ], + [ + "-", + "default" + ], + [ + "Ġt", + "iny" + ], + [ + "Ġpro", + "c" + ], + [ + "Ġal", + "ive" + ], + [ + "ĠRE", + "G" + ], + [ + ".", + "th" + ], + [ + "ear", + "ing" + ], + [ + ".get", + "Logger" + ], + [ + "<", + "link" + ], + [ + "_", + "login" + ], + [ + "F", + "older" + ], + [ + "ab", + "c" + ], + [ + "lyph", + "icon" + ], + [ + "н", + "о" + ], + [ + "Ġnot", + "iced" + ], + [ + "od", + "igo" + ], + [ + "Ġed", + "ition" + ], + [ + "im", + "ator" + ], + [ + ".", + "Enabled" + ], + [ + ".parse", + "Int" + ], + [ + "Ġy", + "ards" + ], + [ + "ĉĉĉĉĉĉĉĉ", + "ĉĉĉĉ" + ], + [ + "Ġver", + "bose" + ], + [ + "л", + "Ñı" + ], + [ + "_B", + "Y" + ], + [ + ".log", + "in" + ], + [ + ".*", + ";Ċ" + ], + [ + "ĠM", + "id" + ], + [ + "é", + "es" + ], + [ + "Ġg", + "lo" + ], + [ + "Ġbuild", + "ings" + ], + [ + "Ġz", + "e" + ], + [ + "ĠI", + "ter" + ], + [ + "Ġt", + "ube" + ], + [ + "ĠP", + "ot" + ], + [ + "\\", + "M" + ], + [ + "<", + "th" + ], + [ + "br", + "idge" + ], + [ + "ĠS", + "cript" + ], + [ + "ĠM", + "odule" + ], + [ + "Ġv", + "acc" + ], + [ + "Ġinstall", + "ation" + ], + [ + "v", + "y" + ], + [ + "VisualStyle", + "BackColor" + ], + [ + "ĠS", + "M" + ], + [ + ".t", + "otal" + ], + [ + "b", + "at" + ], + [ + "Ġfind", + "s" + ], + [ + "Ġat", + "mos" + ], + [ + "Sub", + "view" + ], + [ + "iz", + "ard" + ], + [ + "Ġrepl", + "acement" + ], + [ + "lic", + "ated" + ], + [ + "ap", + "is" + ], + [ + "Ġlog", + "ged" + ], + [ + "ĠLe", + "ft" + ], + [ + "G", + "ui" + ], + [ + "_", + "Type" + ], + [ + "t", + "m" + ], + [ + "P", + "ad" + ], + [ + "Ġhouse", + "hold" + ], + [ + "Ġre", + "le" + ], + [ + "Ġpropos", + "al" + ], + [ + "_CL", + "ASS" + ], + [ + "::", + "::" + ], + [ + "Ġinf", + "rastructure" + ], + [ + "In", + "ject" + ], + [ + "/", + "html" + ], + [ + "Ġad", + "s" + ], + [ + "iz", + "za" + ], + [ + "Ġm", + "g" + ], + [ + "ctr", + "ine" + ], + [ + "%", + "Ċ" + ], + [ + "<", + "html" + ], + [ + "-", + "image" + ], + [ + "Ġatt", + "orney" + ], + [ + "<", + "m" + ], + [ + "('", + "," + ], + [ + "Ġcan", + "n" + ], + [ + "Ġprint", + "ln" + ], + [ + "o", + "ose" + ], + [ + "Ġy", + "ellow" + ], + [ + ".ex", + "p" + ], + [ + "p", + "ayment" + ], + [ + "Ġtable", + "View" + ], + [ + "aw", + "ay" + ], + [ + "Ġopp", + "osition" + ], + [ + "ĠAg", + "ain" + ], + [ + "ĠH", + "andle" + ], + [ + "Ġex", + "clusive" + ], + [ + "in", + "ar" + ], + [ + "é", + "r" + ], + [ + "оÐ", + "±" + ], + [ + "ĠC", + "ODE" + ], + [ + "emp", + "orary" + ], + [ + "Ġre", + "act" + ], + [ + "pi", + "pe" + ], + [ + "c", + "z" + ], + [ + ".", + "activity" + ], + [ + "Ġlarg", + "ely" + ], + [ + "Ġdis", + "s" + ], + [ + "ax", + "y" + ], + [ + "es", + "is" + ], + [ + "ĠR", + "en" + ], + [ + "Ġc", + "orn" + ], + [ + ".Use", + "VisualStyleBackColor" + ], + [ + "d", + "ays" + ], + [ + "Ġfr", + "uit" + ], + [ + "In", + "sert" + ], + [ + "_", + "enc" + ], + [ + "E", + "st" + ], + [ + "_de", + "c" + ], + [ + "ĠL", + "uc" + ], + [ + "Ġü", + "ber" + ], + [ + "param", + "eters" + ], + [ + "P", + "ERT" + ], + [ + "ex", + "press" + ], + [ + "_pro", + "file" + ], + [ + "Un", + "known" + ], + [ + "Ġrev", + "olution" + ], + [ + ".add", + "ress" + ], + [ + "_re", + "quire" + ], + [ + "Ġun", + "iform" + ], + [ + "ĠP", + "ack" + ], + [ + "l", + "ar" + ], + [ + "ĠU", + "ITableView" + ], + [ + "Ġdep", + "ends" + ], + [ + "Valid", + "ation" + ], + [ + "conf", + "irm" + ], + [ + "O", + "wner" + ], + [ + "Ġt", + "rib" + ], + [ + "h", + "et" + ], + [ + "ĠI", + "de" + ], + [ + "ans", + "as" + ], + [ + "L", + "anguage" + ], + [ + "u", + "et" + ], + [ + "ĠP", + "o" + ], + [ + "ĠSte", + "ve" + ], + [ + "Ġcont", + "est" + ], + [ + "_DE", + "FAULT" + ], + [ + "Ġapparent", + "ly" + ], + [ + "RE", + "EN" + ], + [ + "Ġfrequ", + "ently" + ], + [ + "Ġtrad", + "ition" + ], + [ + "ocol", + "ate" + ], + [ + "S", + "I" + ], + [ + "ĠArg", + "ument" + ], + [ + "F", + "ocus" + ], + [ + "ert", + "e" + ], + [ + "ĠL", + "ayout" + ], + [ + "Ġd", + "x" + ], + [ + "Ġgener", + "ator" + ], + [ + "ĠW", + "ait" + ], + [ + "P", + "olicy" + ], + [ + "l", + "ights" + ], + [ + ".Ex", + "ecute" + ], + [ + "P", + "y" + ], + [ + "Ġbed", + "room" + ], + [ + "ed", + "a" + ], + [ + "ra", + "id" + ], + [ + "ĉs", + "ize" + ], + [ + "Ġan", + "cient" + ], + [ + "Ġp", + "ump" + ], + [ + "Ġd", + "w" + ], + [ + "Ġ(!", + "(" + ], + [ + "Ġspec", + "ify" + ], + [ + "(", + "status" + ], + [ + "ĠF", + "BI" + ], + [ + ".ex", + "ception" + ], + [ + "Ġrem", + "ark" + ], + [ + "ly", + "mp" + ], + [ + "ant", + "ee" + ], + [ + "Up", + "load" + ], + [ + "ern", + "et" + ], + [ + "é", + "¡" + ], + [ + "in", + "ent" + ], + [ + "ĠR", + "ender" + ], + [ + "d", + "m" + ], + [ + "ĠM", + "emory" + ], + [ + "r", + "ich" + ], + [ + "ĠT", + "ools" + ], + [ + "Ġk", + "ne" + ], + [ + "Ġper", + "m" + ], + [ + "b", + "ad" + ], + [ + "Ġd", + "inner" + ], + [ + ".res", + "et" + ], + [ + "Ġj", + "Label" + ], + [ + "Fe", + "ature" + ], + [ + ".S", + "ervice" + ], + [ + "Ġ(", + "{Ċ" + ], + [ + "Ġre", + "ferred" + ], + [ + ".class", + "List" + ], + [ + "Ġinit", + "With" + ], + [ + "ĠText", + "View" + ], + [ + "Ġne", + "ither" + ], + [ + "Ġcount", + "y" + ], + [ + "Ġ\"", + "{" + ], + [ + "ç", + "§" + ], + [ + "Ġt", + "ack" + ], + [ + "class", + "Name" + ], + [ + "ĠUS", + "ER" + ], + [ + "Ġre", + "new" + ], + [ + "`", + "`" + ], + [ + "get", + "Name" + ], + [ + "Ġb", + "rown" + ], + [ + "Err", + "ors" + ], + [ + "ert", + "o" + ], + [ + "Ġsust", + "ain" + ], + [ + "S", + "O" + ], + [ + "let", + "es" + ], + [ + "ĠIn", + "valid" + ], + [ + "Ġen", + "emies" + ], + [ + "un", + "ge" + ], + [ + "Ġexist", + "ence" + ], + [ + "err", + "a" + ], + [ + "Ċ", + "ĠĠĊ" + ], + [ + "utor", + "ial" + ], + [ + "#", + "a" + ], + [ + "p", + "ay" + ], + [ + "char", + "ge" + ], + [ + "ĠI", + "re" + ], + [ + "ate", + "st" + ], + [ + "Ġexp", + "los" + ], + [ + "Ġf", + "ired" + ], + [ + "N", + "ER" + ], + [ + "ĠT", + "y" + ], + [ + "ic", + "ion" + ], + [ + "U", + "ri" + ], + [ + "Ġobvious", + "ly" + ], + [ + "ĠC", + "olum" + ], + [ + "Ġ'", + "+" + ], + [ + "ĠDe", + "vice" + ], + [ + "-", + "related" + ], + [ + "_", + "ARG" + ], + [ + "Ġv", + "or" + ], + [ + "ĠLess", + "er" + ], + [ + "_O", + "P" + ], + [ + "Serial", + "izer" + ], + [ + "Ġup", + "grade" + ], + [ + "L", + "ight" + ], + [ + "Ġc", + "odes" + ], + [ + "++", + ";čĊ" + ], + [ + "Ġwrit", + "es" + ], + [ + "fo", + "od" + ], + [ + "Ġé", + "t" + ], + [ + "@", + "section" + ], + [ + "Ġtrack", + "s" + ], + [ + "Ġserious", + "ly" + ], + [ + "ch", + "t" + ], + [ + "(size", + "of" + ], + [ + "Ġimmedi", + "ate" + ], + [ + "Ġscient", + "ists" + ], + [ + "Ġ{", + "$" + ], + [ + "_", + "ne" + ], + [ + ".Anchor", + "Styles" + ], + [ + "Ġaccom", + "mod" + ], + [ + "ĠHar", + "ry" + ], + [ + "Ġs", + "ight" + ], + [ + "ĠPale", + "st" + ], + [ + "ersist", + "ent" + ], + [ + "Ġ", + "Ñĥ" + ], + [ + "-", + "input" + ], + [ + "Ġco", + "ordinates" + ], + [ + "Â", + "·" + ], + [ + "W", + "elcome" + ], + [ + ".con", + "f" + ], + [ + "Ġgre", + "w" + ], + [ + "Ġb", + "old" + ], + [ + "ĠC", + "PU" + ], + [ + "(m", + "y" + ], + [ + "Ġperfect", + "ly" + ], + [ + "Ġmom", + "ents" + ], + [ + "ĠM", + "ovie" + ], + [ + "-", + "data" + ], + [ + "yst", + "al" + ], + [ + "_W", + "IDTH" + ], + [ + "ĠS", + "creen" + ], + [ + "æ", + "Ŀ" + ], + [ + "Ġdis", + "ap" + ], + [ + "Ġredu", + "ction" + ], + [ + ".Get", + "Component" + ], + [ + "_M", + "ODULE" + ], + [ + "Ġgener", + "ic" + ], + [ + "Ġd", + "y" + ], + [ + "all", + "er" + ], + [ + "Ġc", + "url" + ], + [ + "ĠB", + "ody" + ], + [ + "Ġb", + "anks" + ], + [ + ",", + "t" + ], + [ + "av", + "g" + ], + [ + "Ġev", + "il" + ], + [ + "Ġmanufact", + "urer" + ], + [ + "Ġrece", + "iver" + ], + [ + "Column", + "s" + ], + [ + "Ġing", + "redients" + ], + [ + "ĉ", + "out" + ], + [ + "qu", + "es" + ], + [ + ".L", + "oad" + ], + [ + "Ġslow", + "ly" + ], + [ + "ĠT", + "own" + ], + [ + "ĠC", + "ell" + ], + [ + "_n", + "ormal" + ], + [ + "_p", + "refix" + ], + [ + "ĠAl", + "ert" + ], + [ + "(\"", + "{" + ], + [ + "ä", + "r" + ], + [ + "âĢľ", + "The" + ], + [ + "ĠM", + "D" + ], + [ + "Ġcour", + "ses" + ], + [ + "ath", + "an" + ], + [ + "é", + "Ļ" + ], + [ + "oc", + "c" + ], + [ + "ĠS", + "ER" + ], + [ + "es", + "ign" + ], + [ + "Add", + "r" + ], + [ + "=", + "['" + ], + [ + "(\"", + "./" + ], + [ + "]", + "}" + ], + [ + ".f", + "ont" + ], + [ + "ĠInst", + "agram" + ], + [ + "ĠB", + "order" + ], + [ + "od", + "a" + ], + [ + "Ġh", + "all" + ], + [ + "Ġr", + "um" + ], + [ + "_b", + "it" + ], + [ + "Ġs", + "aving" + ], + [ + "_d", + "own" + ], + [ + "R", + "andom" + ], + [ + "_reg", + "ister" + ], + [ + "(", + "Context" + ], + [ + "Ġoppos", + "ite" + ], + [ + "R", + "oom" + ], + [ + "Y", + "ES" + ], + [ + "ан", + "и" + ], + [ + "Ġenjoy", + "ed" + ], + [ + "_r", + "un" + ], + [ + "C", + "lear" + ], + [ + "âĢ", + "ĺ" + ], + [ + "ĠF", + "ord" + ], + [ + "on", + "ic" + ], + [ + "ost", + "en" + ], + [ + "\"]", + ")" + ], + [ + "_", + "auth" + ], + [ + "//", + "čĊ" + ], + [ + "Ġsuff", + "icient" + ], + [ + "LE", + "S" + ], + [ + "Ġph", + "en" + ], + [ + "Ġo", + "h" + ], + [ + "_c", + "sv" + ], + [ + "Ġrout", + "ine" + ], + [ + ".Are", + "Equal" + ], + [ + "ay", + "lor" + ], + [ + "Ġb", + "asket" + ], + [ + "_COM", + "M" + ], + [ + "rypt", + "ed" + ], + [ + "S", + "im" + ], + [ + "ĠSh", + "op" + ], + [ + "Ġstud", + "io" + ], + [ + "at", + "os" + ], + [ + "(", + "W" + ], + [ + "[", + "string" + ], + [ + "ä", + "t" + ], + [ + "og", + "a" + ], + [ + "Ġsh", + "r" + ], + [ + "Ġs", + "ick" + ], + [ + "An", + "other" + ], + [ + "Ġdo", + "ors" + ], + [ + "_N", + "E" + ], + [ + "ĠTH", + "REE" + ], + [ + ".", + "order" + ], + [ + "raz", + "il" + ], + [ + "Ġmap", + "s" + ], + [ + "_TR", + "UE" + ], + [ + "trans", + "late" + ], + [ + "Ġnear", + "by" + ], + [ + "Ġn", + "ach" + ], + [ + "LO", + "AT" + ], + [ + "b", + "atch" + ], + [ + "Ġl", + "ux" + ], + [ + "ash", + "es" + ], + [ + "ang", + "ers" + ], + [ + "â̦", + "â̦" + ], + [ + "_E", + "VENT" + ], + [ + "_", + "UP" + ], + [ + "Ġact", + "s" + ], + [ + "in", + "v" + ], + [ + "_M", + "ETHOD" + ], + [ + "cc", + "ion" + ], + [ + "Ġret", + "ain" + ], + [ + "ut", + "ch" + ], + [ + "ĠÐ", + "±" + ], + [ + "Ġknow", + "ing" + ], + [ + "Ġrepresent", + "ing" + ], + [ + "N", + "OT" + ], + [ + "p", + "ng" + ], + [ + "Con", + "tract" + ], + [ + "Ġtr", + "ick" + ], + [ + "ĠE", + "dition" + ], + [ + "uplic", + "ate" + ], + [ + "Ġcontrol", + "led" + ], + [ + "c", + "fg" + ], + [ + "j", + "avascript" + ], + [ + "Ġmil", + "k" + ], + [ + "Wh", + "ite" + ], + [ + "Se", + "quence" + ], + [ + "aw", + "a" + ], + [ + "Ġdiscuss", + "ed" + ], + [ + "ĠB", + "ush" + ], + [ + "ĠY", + "ES" + ], + [ + ".f", + "actory" + ], + [ + "t", + "ags" + ], + [ + "Ġt", + "act" + ], + [ + "Ġs", + "id" + ], + [ + "$", + "$" + ], + [ + "ĠE", + "num" + ], + [ + "Ġfr", + "ames" + ], + [ + "}", + ");" + ], + [ + "Ġreg", + "ul" + ], + [ + "']", + ";čĊ" + ], + [ + "Reg", + "ion" + ], + [ + "ff", + "f" + ], + [ + "Ġc", + "ro" + ], + [ + "(", + "com" + ], + [ + "=\"", + "+" + ], + [ + "St", + "udent" + ], + [ + "Ġdis", + "appoint" + ], + [ + "RES", + "ULT" + ], + [ + "Count", + "er" + ], + [ + "Ġbut", + "ter" + ], + [ + "ĠH", + "a" + ], + [ + "ĠD", + "igital" + ], + [ + "Ġb", + "id" + ], + [ + "\">", + "{{" + ], + [ + "ing", + "ers" + ], + [ + "ĠC", + "ountry" + ], + [ + "_t", + "pl" + ], + [ + "\"]", + ")Ċ" + ], + [ + "/", + "k" + ], + [ + "d", + "ating" + ], + [ + ":", + "#" + ], + [ + "ĠD", + "ATA" + ], + [ + "yn", + "chron" + ], + [ + "_b", + "ody" + ], + [ + "olly", + "wood" + ], + [ + "Ġval", + "or" + ], + [ + "ip", + "ient" + ], + [ + "o", + "ft" + ], + [ + "UB", + "L" + ], + [ + "doc", + "s" + ], + [ + "Ġsyn", + "chron" + ], + [ + "Ġform", + "ed" + ], + [ + "ru", + "ption" + ], + [ + "Ġlist", + "a" + ], + [ + "Request", + "Mapping" + ], + [ + "Ġvill", + "age" + ], + [ + "Ġkn", + "ock" + ], + [ + "oc", + "s" + ], + [ + "\"", + "{" + ], + [ + "_fl", + "ags" + ], + [ + "Ġtrans", + "actions" + ], + [ + "Ġhab", + "it" + ], + [ + "ĠJ", + "e" + ], + [ + "ed", + "en" + ], + [ + "Ġa", + "ircraft" + ], + [ + "ir", + "k" + ], + [ + "ĠA", + "B" + ], + [ + "Ġfair", + "ly" + ], + [ + ".", + "inter" + ], + [ + ".A", + "ct" + ], + [ + "Ġinstr", + "ument" + ], + [ + "remove", + "Class" + ], + [ + ".com", + "mand" + ], + [ + "Ñ", + "ī" + ], + [ + "ĉm", + "em" + ], + [ + "(", + "min" + ], + [ + "Ġo", + "t" + ], + [ + "Ġcol", + "le" + ], + [ + "=", + "s" + ], + [ + "time", + "out" + ], + [ + "Ġid", + "s" + ], + [ + "ĠM", + "atch" + ], + [ + "ij", + "n" + ], + [ + "z", + "ero" + ], + [ + "Ġnetwork", + "s" + ], + [ + ".g", + "ov" + ], + [ + "Ġint", + "el" + ], + [ + "Ġsection", + "s" + ], + [ + "out", + "ine" + ], + [ + "(c", + "md" + ], + [ + "(d", + "ir" + ], + [ + "ĠLI", + "ABILITY" + ], + [ + "ĠB", + "log" + ], + [ + "Ġbr", + "idge" + ], + [ + "ĠC", + "V" + ], + [ + "con", + "vert" + ], + [ + "Ġ\"", + ")Ċ" + ], + [ + "ĠB", + "ern" + ], + [ + "_P", + "O" + ], + [ + "e", + "val" + ], + [ + "(", + "set" + ], + [ + "to", + "ol" + ], + [ + "Ġpay", + "ments" + ], + [ + "Beh", + "aviour" + ], + [ + "Ġcon", + "crete" + ], + [ + "Ġel", + "ig" + ], + [ + "Ġacc", + "eler" + ], + [ + "Ġh", + "ole" + ], + [ + "_", + "o" + ], + [ + "TE", + "GER" + ], + [ + "Ġgraph", + "ics" + ], + [ + "O", + "wn" + ], + [ + "Form", + "atter" + ], + [ + "on", + "der" + ], + [ + "Ġpack", + "ages" + ], + [ + "/", + "a" + ], + [ + "ĠK", + "now" + ], + [ + "Or", + "Default" + ], + [ + "Ġdut", + "y" + ], + [ + "W", + "ait" + ], + [ + "н", + "а" + ], + [ + "_rec", + "ord" + ], + [ + "[", + "t" + ], + [ + "M", + "esh" + ], + [ + "Ġon", + "going" + ], + [ + ".be", + "ans" + ], + [ + "Ġt", + "an" + ], + [ + "Ġinter", + "pret" + ], + [ + "ast", + "ers" + ], + [ + "QU", + "AL" + ], + [ + "Ġleg", + "s" + ], + [ + "\\", + "Request" + ], + [ + "-", + "file" + ], + [ + "_m", + "utex" + ], + [ + "ĠS", + "aint" + ], + [ + "//", + "#" + ], + [ + "Ġpro", + "hib" + ], + [ + "(", + "info" + ], + [ + ":", + "=" + ], + [ + "lin", + "ux" + ], + [ + "Ġb", + "lo" + ], + [ + "ot", + "ic" + ], + [ + "ĉf", + "inal" + ], + [ + "_ex", + "p" + ], + [ + "ĠSt", + "op" + ], + [ + "ap", + "ing" + ], + [ + "(s", + "aved" + ], + [ + "_p", + "ush" + ], + [ + "Ġe", + "ase" + ], + [ + "_F", + "R" + ], + [ + "pons", + "ive" + ], + [ + "str", + "cmp" + ], + [ + ":", + "ĊĊĊĊ" + ], + [ + "ä»", + "¶" + ], + [ + "ol", + "i" + ], + [ + "Ġextrem", + "e" + ], + [ + "Ġprof", + "essor" + ], + [ + "Im", + "ages" + ], + [ + ".IO", + "Exception" + ], + [ + "Ġaddress", + "es" + ], + [ + "plement", + "ed" + ], + [ + "Ġincor", + "por" + ], + [ + "Ġuse", + "Effect" + ], + [ + "_O", + "F" + ], + [ + "ĠD", + "a" + ], + [ + "n", + "ombre" + ], + [ + "IR", + "ST" + ], + [ + "Ġdisc", + "rim" + ], + [ + "Ġcomp", + "ens" + ], + [ + "greg", + "ate" + ], + [ + "anc", + "ell" + ], + [ + "ach", + "es" + ], + [ + "ĠC", + "riteria" + ], + [ + "$", + "result" + ], + [ + "D", + "estroy" + ], + [ + "Ġsecond", + "ary" + ], + [ + "W", + "atch" + ], + [ + "ĠS", + "em" + ], + [ + "ĠMc", + "C" + ], + [ + "Ġacad", + "emic" + ], + [ + "U", + "pper" + ], + [ + "::", + "~" + ], + [ + "ut", + "ral" + ], + [ + "ĠD", + "og" + ], + [ + "ad", + "ed" + ], + [ + "Valid", + "ator" + ], + [ + "Ġder", + "ived" + ], + [ + "Ġset", + "Timeout" + ], + [ + "ĠK", + "en" + ], + [ + "Ġtyp", + "ical" + ], + [ + "ĠB", + "ob" + ], + [ + "Ġb", + "ounds" + ], + [ + "ĠSe", + "ason" + ], + [ + "Ġc", + "razy" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "-r", + "outer" + ], + [ + "itt", + "est" + ], + [ + "ĠM", + "ir" + ], + [ + "Ġemot", + "ional" + ], + [ + ",", + "v" + ], + [ + "c", + "n" + ], + [ + "/", + "st" + ], + [ + "å", + "½" + ], + [ + "on", + "om" + ], + [ + "Ġdecl", + "ared" + ], + [ + ">", + "." + ], + [ + "ail", + "ing" + ], + [ + "Ġ/*", + "<<<" + ], + [ + "Ġnorm", + "ally" + ], + [ + "(M", + "e" + ], + [ + "ev", + "in" + ], + [ + "lik", + "ely" + ], + [ + "Ġpoint", + "ed" + ], + [ + "ĠSt", + "ack" + ], + [ + "Ġw", + "alls" + ], + [ + ".", + "Vector" + ], + [ + "me", + "an" + ], + [ + "]", + "]Ċ" + ], + [ + "Ġlist", + "ening" + ], + [ + "ad", + "v" + ], + [ + "Ġsw", + "ap" + ], + [ + "IF", + "T" + ], + [ + "Ø", + "ª" + ], + [ + ".", + "argv" + ], + [ + "ul", + "s" + ], + [ + "<", + "option" + ], + [ + "not", + "ations" + ], + [ + "Ġemail", + "s" + ], + [ + "ĠU", + "kr" + ], + [ + "ast", + "a" + ], + [ + "ĠTh", + "us" + ], + [ + "ĠSt", + "one" + ], + [ + "Ġappe", + "al" + ], + [ + ".", + "âĢĻ" + ], + [ + "Ġreg", + "ulations" + ], + [ + "Pre", + "ferences" + ], + [ + "ĠPh", + "one" + ], + [ + "ul", + "f" + ], + [ + "ĠD", + "R" + ], + [ + "Ġtechn", + "ologies" + ], + [ + "Ġpar", + "agraph" + ], + [ + "Ġnecess", + "arily" + ], + [ + ".e", + "ach" + ], + [ + "<", + "float" + ], + [ + "res", + "a" + ], + [ + "Ġunder", + "st" + ], + [ + "Ġf", + "inger" + ], + [ + "press", + "ed" + ], + [ + "-b", + "y" + ], + [ + "if", + "fer" + ], + [ + "w", + "atch" + ], + [ + "ĠB", + "a" + ], + [ + "A", + "IM" + ], + [ + "Ġwe", + "ights" + ], + [ + "ĠR", + "on" + ], + [ + "')", + "}}" + ], + [ + "[", + "self" + ], + [ + "--------", + "--Ċ" + ], + [ + "per", + "iment" + ], + [ + "Ġto", + "String" + ], + [ + "x", + "ic" + ], + [ + "ĠC", + "amera" + ], + [ + "!", + "ĊĊĊĊ" + ], + [ + "aur", + "ant" + ], + [ + "P", + "refix" + ], + [ + "Ġinstit", + "utions" + ], + [ + ":", + "int" + ], + [ + "Ġex", + "posure" + ], + [ + "p", + "attern" + ], + [ + "ĠLin", + "ux" + ], + [ + ".n", + "umber" + ], + [ + "red", + "ient" + ], + [ + "Argument", + "Exception" + ], + [ + "ĠCh", + "ief" + ], + [ + "\"", + "}," + ], + [ + "Ġelect", + "ronic" + ], + [ + "r", + "ong" + ], + [ + "er", + "d" + ], + [ + "sp", + "Net" + ], + [ + "ra", + "it" + ], + [ + "/", + "'," + ], + [ + "ĠOh", + "io" + ], + [ + "Cont", + "rollers" + ], + [ + "Ġcontin", + "uing" + ], + [ + "ĠT", + "emplate" + ], + [ + "ĠE", + "th" + ], + [ + "s", + "z" + ], + [ + "/", + "env" + ], + [ + "En", + "v" + ], + [ + "%", + "." + ], + [ + "art", + "ers" + ], + [ + ")", + "((" + ], + [ + "ĠT", + "ABLE" + ], + [ + "ĠÃ", + "®" + ], + [ + "per", + "ature" + ], + [ + "pro", + "gress" + ], + [ + "P", + "res" + ], + [ + "ê", + "°" + ], + [ + "im", + "plementation" + ], + [ + "Ġb", + "ien" + ], + [ + "Ġstre", + "ets" + ], + [ + "_M", + "SG" + ], + [ + "New", + "s" + ], + [ + "##", + "#" + ], + [ + ":", + "/" + ], + [ + "Ġcut", + "ting" + ], + [ + "x", + "B" + ], + [ + "ress", + "ed" + ], + [ + "_EN", + "ABLE" + ], + [ + "l", + "ab" + ], + [ + "Ġca", + "using" + ], + [ + "]", + "));Ċ" + ], + [ + "b", + "ra" + ], + [ + "x", + "FFFF" + ], + [ + "il", + "ly" + ], + [ + "plet", + "ion" + ], + [ + "w", + "ill" + ], + [ + "_b", + "ar" + ], + [ + "Ġstruct", + "ures" + ], + [ + "ĠI", + "mp" + ], + [ + "Û", + "Į" + ], + [ + "Ġ<", + ">" + ], + [ + "Ġ", + "----------------" + ], + [ + "_B", + "UFFER" + ], + [ + ".d", + "ir" + ], + [ + "Ġpl", + "ain" + ], + [ + "Ġpe", + "er" + ], + [ + "g", + "g" + ], + [ + "oint", + "s" + ], + [ + "Ġsomew", + "hat" + ], + [ + "Ġw", + "et" + ], + [ + "Ġemploy", + "ment" + ], + [ + "Ġtick", + "ets" + ], + [ + "ir", + "ms" + ], + [ + "Ġt", + "uple" + ], + [ + "s", + "is" + ], + [ + "$", + "sql" + ], + [ + "r", + "ig" + ], + [ + "Ġcon", + "version" + ], + [ + "Ġg", + "es" + ], + [ + "Ġconfig", + "ure" + ], + [ + "eg", + "r" + ], + [ + "ĠC", + "a" + ], + [ + "Ġ__", + "('" + ], + [ + "ou", + "ston" + ], + [ + ".t", + "oken" + ], + [ + "Bl", + "ack" + ], + [ + "Ġmag", + "azine" + ], + [ + "A", + "W" + ], + [ + ".", + "IN" + ], + [ + "os", + "ing" + ], + [ + "Ġbro", + "ke" + ], + [ + "ĠC", + "ru" + ], + [ + "DE", + "LETE" + ], + [ + "Ġdestroy", + "ed" + ], + [ + "(M", + "ath" + ], + [ + "Ġappro", + "val" + ], + [ + "-d", + "om" + ], + [ + "ĠI", + "II" + ], + [ + "table", + "View" + ], + [ + "Ġdesign", + "s" + ], + [ + "Ġcrush", + "ing" + ], + [ + "Ġcons", + "ent" + ], + [ + "dir", + "name" + ], + [ + "om", + "p" + ], + [ + "Ġc", + "rypt" + ], + [ + "?", + "(" + ], + [ + "or", + "ough" + ], + [ + ".", + "o" + ], + [ + "ĉ", + "list" + ], + [ + "ams", + "ung" + ], + [ + ".\"\"", + "\"Ċ" + ], + [ + "err", + "ing" + ], + [ + "G", + "oogle" + ], + [ + "_p", + "air" + ], + [ + "_IN", + "IT" + ], + [ + "rem", + "arks" + ], + [ + "Ġg", + "ear" + ], + [ + "F", + "ill" + ], + [ + "l", + "ife" + ], + [ + "}", + "\")Ċ" + ], + [ + "Ġsuit", + "able" + ], + [ + "Ġsurpr", + "ised" + ], + [ + "_RE", + "QUEST" + ], + [ + "Ġman", + "ifest" + ], + [ + "att", + "en" + ], + [ + "Ġfr", + "ustr" + ], + [ + "ov", + "ement" + ], + [ + ".c", + "lick" + ], + [ + "Ġi", + "i" + ], + [ + "Ġexp", + "ansion" + ], + [ + "ig", + "s" + ], + [ + "P", + "arse" + ], + [ + ".Reg", + "ular" + ], + [ + "R", + "ob" + ], + [ + "_l", + "ayout" + ], + [ + "ì", + "ł" + ], + [ + "Ġtrans", + "lation" + ], + [ + "ĠBe", + "aut" + ], + [ + "B", + "est" + ], + [ + "_C", + "OLOR" + ], + [ + "<", + "label" + ], + [ + "Ġliqu", + "id" + ], + [ + "IT", + "S" + ], + [ + "Ġpro", + "d" + ], + [ + "Ġoper", + "ate" + ], + [ + "UI", + "Kit" + ], + [ + "Ġn", + "atur" + ], + [ + "arg", + "ument" + ], + [ + "_d", + "etail" + ], + [ + "ĠCent", + "re" + ], + [ + "Ġ\"", + "--" + ], + [ + "Ġ}}", + "\"" + ], + [ + "lo", + "cale" + ], + [ + ".t", + "v" + ], + [ + "_se", + "q" + ], + [ + "Ġup", + "coming" + ], + [ + "Ch", + "art" + ], + [ + "ĠDiv", + "ision" + ], + [ + "Ġclin", + "ical" + ], + [ + "Com", + "pany" + ], + [ + "S", + "epar" + ], + [ + "l", + "as" + ], + [ + "ĠH", + "un" + ], + [ + ":", + "s" + ], + [ + "Ġhead", + "ing" + ], + [ + "оÐ", + "³" + ], + [ + "Ġ\"", + "\");Ċ" + ], + [ + "[", + "id" + ], + [ + "b", + "ia" + ], + [ + "Ġst", + "retch" + ], + [ + "ic", + "ide" + ], + [ + "Ġre", + "produ" + ], + [ + ".pro", + "ject" + ], + [ + "leg", + "end" + ], + [ + "end", + "ers" + ], + [ + "Ġrespons", + "es" + ], + [ + "Ġon", + "t" + ], + [ + "rit", + "ical" + ], + [ + "Ġref", + "uge" + ], + [ + "ĠL", + "i" + ], + [ + "Ġ:", + "ĊĊ" + ], + [ + "ĠTh", + "ree" + ], + [ + ".cont", + "roller" + ], + [ + "_IN", + "DEX" + ], + [ + "_F", + "OR" + ], + [ + "\\Model", + "s" + ], + [ + "j", + "ax" + ], + [ + "ĉex", + "it" + ], + [ + "Ġâ", + "ĸ" + ], + [ + "Ġc", + "overs" + ], + [ + "ĉ", + "y" + ], + [ + "-", + "." + ], + [ + "IND", + "OW" + ], + [ + "Ġfail", + "s" + ], + [ + "in", + "cludes" + ], + [ + "Ġf", + "ault" + ], + [ + "Ġl", + "y" + ], + [ + "ñ", + "o" + ], + [ + ".s", + "lice" + ], + [ + "ILE", + "D" + ], + [ + "ĠP", + "ur" + ], + [ + "ĠAs", + "ian" + ], + [ + "_b", + "atch" + ], + [ + ".M", + "ax" + ], + [ + "v", + "l" + ], + [ + "ĠCOPY", + "RIGHT" + ], + [ + "Ġg", + "iant" + ], + [ + "ĠMan", + "ual" + ], + [ + "ĠC", + "opy" + ], + [ + "Class", + "Name" + ], + [ + "He", + "alth" + ], + [ + "C", + "ursor" + ], + [ + "IB", + "Outlet" + ], + [ + "Ġt", + "we" + ], + [ + "æ", + "³" + ], + [ + "_label", + "s" + ], + [ + "Ġcol", + "lected" + ], + [ + "Ġfurn", + "iture" + ], + [ + "Ġdeal", + "ing" + ], + [ + "Control", + "s" + ], + [ + "ĠHot", + "el" + ], + [ + "ck", + "s" + ], + [ + "Ġch", + "ose" + ], + [ + "âĶ", + "Ģ" + ], + [ + "od", + "d" + ], + [ + "S", + "R" + ], + [ + "Ù", + "Ĭ" + ], + [ + "ì", + "Ħ" + ], + [ + "Ġacc", + "ord" + ], + [ + "ĠM", + "ove" + ], + [ + "ĠM", + "ode" + ], + [ + "ĠM", + "ock" + ], + [ + "Ġthread", + "s" + ], + [ + "++", + "++" + ], + [ + "ĠO", + "ptions" + ], + [ + "Ref", + "resh" + ], + [ + "ĠD", + "id" + ], + [ + "']", + "->" + ], + [ + "u", + "cc" + ], + [ + "_ch", + "annel" + ], + [ + ".", + "abs" + ], + [ + "Ġ{", + "},Ċ" + ], + [ + "ĠW", + "al" + ], + [ + "er", + "ior" + ], + [ + "Ġmain", + "ly" + ], + [ + "ĠDr", + "iver" + ], + [ + "NotFound", + "Exception" + ], + [ + "Ġcount", + "s" + ], + [ + "e", + "am" + ], + [ + "Ġ&", + "=" + ], + [ + "Q", + "uestion" + ], + [ + "ĠA", + "li" + ], + [ + "Ġany", + "more" + ], + [ + "d", + "etail" + ], + [ + "t", + "ail" + ], + [ + "Ġm", + "ile" + ], + [ + "ĠF", + "air" + ], + [ + "Ġs", + "orry" + ], + [ + "Ġsurround", + "ing" + ], + [ + "Ġad", + "m" + ], + [ + "De", + "v" + ], + [ + "Ġmari", + "juana" + ], + [ + "ĠS", + "ound" + ], + [ + "ĠA", + "sh" + ], + [ + "F", + "D" + ], + [ + "Te", + "am" + ], + [ + ".", + "port" + ], + [ + "Ġ[", + "]ĊĊ" + ], + [ + "ub", + "ble" + ], + [ + "Ġas", + "c" + ], + [ + "Ġint", + "ention" + ], + [ + "A", + "cc" + ], + [ + "ch", + "i" + ], + [ + "ust", + "ers" + ], + [ + "Ġins", + "pired" + ], + [ + "se", + "g" + ], + [ + "CL", + "U" + ], + [ + "Ġman", + "ip" + ], + [ + "M", + "etadata" + ], + [ + "Con", + "nect" + ], + [ + "ĠB", + "eh" + ], + [ + "Ġfind", + "ings" + ], + [ + "Ġas", + "sembly" + ], + [ + "w", + "orld" + ], + [ + "Ġrem", + "ained" + ], + [ + "Ġu", + "id" + ], + [ + "(", + "." + ], + [ + "Ġm", + "x" + ], + [ + "Lo", + "op" + ], + [ + "ĊĊĊĊ", + "Ċ" + ], + [ + "Ġfant", + "astic" + ], + [ + "wh", + "o" + ], + [ + "ak", + "i" + ], + [ + "ĠB", + "asic" + ], + [ + "ĠY", + "et" + ], + [ + "ĠUs", + "ers" + ], + [ + "ik", + "ip" + ], + [ + "Ġhead", + "s" + ], + [ + "ĠMich", + "igan" + ], + [ + "_", + "it" + ], + [ + "ĠTor", + "onto" + ], + [ + "Ġrec", + "ording" + ], + [ + "Ġsub", + "mitted" + ], + [ + "_var", + "iable" + ], + [ + "medi", + "ate" + ], + [ + ".graph", + "ics" + ], + [ + "Ġst", + "ood" + ], + [ + "Ġre", + "ar" + ], + [ + "vel", + "ocity" + ], + [ + "_M", + "ESSAGE" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "ro", + "les" + ], + [ + "ĠT", + "our" + ], + [ + "_", + "year" + ], + [ + "end", + "ment" + ], + [ + "amp", + "s" + ], + [ + "ĠIre", + "land" + ], + [ + "m", + "al" + ], + [ + "Ġyoung", + "er" + ], + [ + "Ġstrugg", + "le" + ], + [ + "Ġc", + "able" + ], + [ + "ĠSD", + "L" + ], + [ + "('", + "-" + ], + [ + "an", + "es" + ], + [ + "ĠNe", + "ed" + ], + [ + ".R", + "ow" + ], + [ + "P", + "ol" + ], + [ + "ĠP", + "H" + ], + [ + "_s", + "cript" + ], + [ + "ag", + "em" + ], + [ + "ĠB", + "as" + ], + [ + "_s", + "pace" + ], + [ + ".", + "loc" + ], + [ + ":", + "i" + ], + [ + "ad", + "r" + ], + [ + "Ġengine", + "ering" + ], + [ + "it", + "en" + ], + [ + ")", + "&" + ], + [ + "Ġu", + "k" + ], + [ + "ĠL", + "ittle" + ], + [ + "_C", + "OUNT" + ], + [ + "x", + "A" + ], + [ + "Array", + "List" + ], + [ + "æ", + "į" + ], + [ + "Ġ\"", + "\")Ċ" + ], + [ + "An", + "chor" + ], + [ + "Ġh", + "ang" + ], + [ + "t", + "witter" + ], + [ + "Ġcompet", + "itive" + ], + [ + ".s", + "rc" + ], + [ + "ãģ", + "Ĺ" + ], + [ + "Ġtrans", + "late" + ], + [ + "ĠCre", + "ates" + ], + [ + "ook", + "s" + ], + [ + "ĠR", + "oll" + ], + [ + "''", + "'Ċ" + ], + [ + "/", + "sh" + ], + [ + "s", + "ome" + ], + [ + "Enc", + "oding" + ], + [ + ".res", + "olve" + ], + [ + "Ġdesign", + "er" + ], + [ + "ĠSt", + "orage" + ], + [ + "Ġz", + "a" + ], + [ + "ĠN", + "ever" + ], + [ + "Ġsomew", + "here" + ], + [ + "Ġbox", + "es" + ], + [ + ".s", + "ource" + ], + [ + "Ġpy", + "game" + ], + [ + "Ġgrow", + "n" + ], + [ + ".t", + "w" + ], + [ + "()", + "),Ċ" + ], + [ + "',", + "['" + ], + [ + "Ġoppon", + "ent" + ], + [ + "(s", + "rc" + ], + [ + ".l", + "ayer" + ], + [ + "AP", + "P" + ], + [ + "ĠAct", + "iv" + ], + [ + "Ġguest", + "s" + ], + [ + "ĠVAL", + "UES" + ], + [ + "};ĊĊ", + "Ċ" + ], + [ + ".n", + "ative" + ], + [ + "Ġamount", + "s" + ], + [ + ".", + "RE" + ], + [ + "Ġcl", + "one" + ], + [ + "Ġwer", + "en" + ], + [ + "Ġ\"", + "<<" + ], + [ + "_", + "ac" + ], + [ + "Ġbreak", + "ing" + ], + [ + "Ġreli", + "able" + ], + [ + ".P", + "OST" + ], + [ + "ĠSk", + "y" + ], + [ + "Ġ'", + "&" + ], + [ + "Ġsaved", + "InstanceState" + ], + [ + "ast", + "ing" + ], + [ + "ill", + "ion" + ], + [ + "com", + "ments" + ], + [ + "ult", + "y" + ], + [ + ".m", + "enu" + ], + [ + "/", + "config" + ], + [ + "Ġ", + "ĊĊĊ" + ], + [ + "T", + "ODO" + ], + [ + "Ġpurch", + "ased" + ], + [ + "_c", + "or" + ], + [ + "ĉ", + "auto" + ], + [ + "Compat", + "Activity" + ], + [ + "com", + "plete" + ], + [ + "_", + "graph" + ], + [ + "is", + "odes" + ], + [ + "Ġsitu", + "ations" + ], + [ + "ĠH", + "or" + ], + [ + "Re", + "ceive" + ], + [ + "âĢľ", + "We" + ], + [ + "Ġent", + "ities" + ], + [ + ".assert", + "Equals" + ], + [ + "оÐ", + "º" + ], + [ + "ĠS", + "ans" + ], + [ + "v", + "ince" + ], + [ + "rom", + "pt" + ], + [ + "=", + "Ċ" + ], + [ + "Ġ/", + "." + ], + [ + ".Se", + "lect" + ], + [ + "yl", + "v" + ], + [ + "Ġb", + "att" + ], + [ + "A", + "udio" + ], + [ + "Ġincreasing", + "ly" + ], + [ + ".B", + "undle" + ], + [ + "Ġexpl", + "ains" + ], + [ + "the", + "ast" + ], + [ + ".", + "offset" + ], + [ + "Ġh", + "al" + ], + [ + "Ġtechn", + "ique" + ], + [ + "_l", + "imit" + ], + [ + "Ġdraw", + "n" + ], + [ + "AY", + "ER" + ], + [ + "Ġfeature", + "d" + ], + [ + "yy", + "yy" + ], + [ + "at", + "in" + ], + [ + "ph", + "en" + ], + [ + "ach", + "el" + ], + [ + "!", + "\\" + ], + [ + "l", + "ower" + ], + [ + "ĠG", + "R" + ], + [ + "Ġp", + "ag" + ], + [ + "ĠP", + "arse" + ], + [ + "Ġt", + "ou" + ], + [ + "ä¸", + "Ģ" + ], + [ + "D", + "istance" + ], + [ + "Index", + "Path" + ], + [ + "Ġh", + "ell" + ], + [ + "s", + "im" + ], + [ + "UT", + "TON" + ], + [ + "Us", + "age" + ], + [ + "elen", + "ium" + ], + [ + "ĠF", + "all" + ], + [ + "Ġ\"", + ".$" + ], + [ + "ĠM", + "u" + ], + [ + "Ġcr", + "uc" + ], + [ + "Ġs", + "ont" + ], + [ + "REF", + "IX" + ], + [ + "Ġinter", + "ior" + ], + [ + "ĠO", + "lymp" + ], + [ + ".Auto", + "Scale" + ], + [ + "par", + "a" + ], + [ + "Axis", + "Alignment" + ], + [ + "Ġr", + "iver" + ], + [ + "D", + "to" + ], + [ + "Ġwith", + "draw" + ], + [ + "Re", + "act" + ], + [ + "-", + "class" + ], + [ + "b", + "efore" + ], + [ + "_", + "alloc" + ], + [ + "Cont", + "ents" + ], + [ + "ĠW", + "as" + ], + [ + "I", + "CT" + ], + [ + "Ġform", + "ula" + ], + [ + "Ġindic", + "ates" + ], + [ + "ĠĠĠĠ", + "ĊĊ" + ], + [ + "_st", + "ore" + ], + [ + "it", + "ting" + ], + [ + "ĠIt", + "alian" + ], + [ + "_S", + "et" + ], + [ + "_re", + "port" + ], + [ + "Ġp", + "id" + ], + [ + "_V", + "ER" + ], + [ + "Ġw", + "ins" + ], + [ + "ĠCl", + "oud" + ], + [ + "\")", + "{Ċ" + ], + [ + "ch", + "ester" + ], + [ + "Ġden", + "ied" + ], + [ + "Ġw", + "ird" + ], + [ + "ĠSte", + "p" + ], + [ + "Ġinvest", + "ors" + ], + [ + "b", + "old" + ], + [ + "_d", + "isplay" + ], + [ + "ou", + "ver" + ], + [ + "or", + "er" + ], + [ + "Res", + "et" + ], + [ + "Ġsurg", + "ery" + ], + [ + "Ġstrateg", + "ies" + ], + [ + "/m", + "aterial" + ], + [ + "_", + "unit" + ], + [ + "Ġc", + "ouncil" + ], + [ + ".P", + "er" + ], + [ + "ĠâĢ", + "ŀ" + ], + [ + "Ġre", + "form" + ], + [ + "F", + "ramework" + ], + [ + "Ġlist", + "ing" + ], + [ + "_b", + "tn" + ], + [ + "Ġb", + "is" + ], + [ + "%", + "d" + ], + [ + "eg", + "as" + ], + [ + "Ġsudden", + "ly" + ], + [ + "_S", + "ER" + ], + [ + "Ġa", + "o" + ], + [ + "_d", + "irectory" + ], + [ + "f", + "as" + ], + [ + "Ġprem", + "ium" + ], + [ + "Ġtrack", + "ing" + ], + [ + "ĠB", + "L" + ], + [ + "Ġm", + "ature" + ], + [ + "Ġbath", + "room" + ], + [ + "Ġ'/", + "'" + ], + [ + "ĠÄ", + "ij" + ], + [ + "Per", + "formed" + ], + [ + "Ġsold", + "iers" + ], + [ + "arn", + "ings" + ], + [ + "Ġwalk", + "ed" + ], + [ + "-", + "con" + ], + [ + "b", + "ottom" + ], + [ + "Ġsurpr", + "ising" + ], + [ + "Ġg", + "ene" + ], + [ + "Us", + "uario" + ], + [ + ".DE", + "FAULT" + ], + [ + "ĠM", + "IT" + ], + [ + "C", + "ODE" + ], + [ + "ĠE", + "gypt" + ], + [ + "p", + "icker" + ], + [ + "ys", + "ql" + ], + [ + "AT", + "URE" + ], + [ + "d", + "etails" + ], + [ + "ĠCon", + "ference" + ], + [ + "In", + "formation" + ], + [ + "ĠM", + "ail" + ], + [ + "-d", + "own" + ], + [ + "r", + "aries" + ], + [ + "b", + "ro" + ], + [ + "Ġsubject", + "s" + ], + [ + "Ġ'", + "*" + ], + [ + "è¯", + "·" + ], + [ + "or", + "ient" + ], + [ + ":", + "@" + ], + [ + "ver", + "bose" + ], + [ + "E", + "F" + ], + [ + "Ġto", + "ler" + ], + [ + "eng", + "ers" + ], + [ + "Ġend", + "point" + ], + [ + "Ġstr", + "ange" + ], + [ + "Ġcol", + "on" + ], + [ + "Ġpre", + "ferred" + ], + [ + "de", + "p" + ], + [ + "ĠE", + "V" + ], + [ + "ARR", + "AY" + ], + [ + "Ġw", + "he" + ], + [ + "Ġp", + "up" + ], + [ + "_n", + "odes" + ], + [ + "Ġtalk", + "ed" + ], + [ + "Ġinstit", + "ution" + ], + [ + "db", + "c" + ], + [ + "Ġex", + "posed" + ], + [ + "te", + "en" + ], + [ + "ĠFr", + "ont" + ], + [ + "T", + "T" + ], + [ + "_N", + "ONE" + ], + [ + "\\/", + "\\/" + ], + [ + "pro", + "gram" + ], + [ + "Ġencour", + "age" + ], + [ + ".", + "`" + ], + [ + "sh", + "ire" + ], + [ + "ĠIsl", + "am" + ], + [ + "e", + "en" + ], + [ + "N", + "I" + ], + [ + "'", + "\"" + ], + [ + ".W", + "idth" + ], + [ + "Ġlik", + "ed" + ], + [ + "Ġ{", + "..." + ], + [ + "ĠSystem", + "s" + ], + [ + "Ġvot", + "re" + ], + [ + "Ġmanufact", + "uring" + ], + [ + "Con", + "verter" + ], + [ + "ĠIn", + "f" + ], + [ + "ì", + "ļ" + ], + [ + "D", + "TO" + ], + [ + "Ġin", + "ches" + ], + [ + "Ġ", + "à¤" + ], + [ + "Ã", + "¹" + ], + [ + "ĠChar", + "les" + ], + [ + "B", + "U" + ], + [ + "\"))", + ";ĊĊ" + ], + [ + "ĠL", + "abor" + ], + [ + "un", + "n" + ], + [ + "Ġest", + "im" + ], + [ + "m", + "obile" + ], + [ + "ĠL", + "earn" + ], + [ + "_C", + "ALL" + ], + [ + "â", + "Ħ" + ], + [ + "Ġind", + "ices" + ], + [ + "Ġt", + "ub" + ], + [ + "ikip", + "edia" + ], + [ + "C", + "ost" + ], + [ + "row", + "able" + ], + [ + "ë", + "¡" + ], + [ + "g", + "age" + ], + [ + "Ġfunction", + "ality" + ], + [ + "uzz", + "le" + ], + [ + "em", + "os" + ], + [ + ".l", + "ib" + ], + [ + "Ġd", + "ass" + ], + [ + "еÐ", + "º" + ], + [ + "enn", + "a" + ], + [ + "Ġsh", + "ots" + ], + [ + "Ġrest", + "ore" + ], + [ + "/", + "D" + ], + [ + "For", + "Key" + ], + [ + "],", + "[" + ], + [ + "al", + "ias" + ], + [ + "l", + "int" + ], + [ + ".st", + "ream" + ], + [ + "æ", + "ł" + ], + [ + "_FORM", + "AT" + ], + [ + "Ġsil", + "ver" + ], + [ + ".re", + "pository" + ], + [ + "Ġlegis", + "l" + ], + [ + ".B", + "order" + ], + [ + "_fe", + "atures" + ], + [ + "Per", + "mission" + ], + [ + "Ġhous", + "es" + ], + [ + "ĠW", + "ars" + ], + [ + "_COM", + "P" + ], + [ + "Ġinj", + "uries" + ], + [ + "Ġconstant", + "ly" + ], + [ + "fl", + "utter" + ], + [ + "EN", + "U" + ], + [ + "ĠCon", + "f" + ], + [ + "Ġrecogn", + "ized" + ], + [ + "Ġpract", + "ical" + ], + [ + "Ġde", + "cent" + ], + [ + "B", + "J" + ], + [ + "]", + ");" + ], + [ + "ast", + "y" + ], + [ + "ĠAct", + "ivity" + ], + [ + "-m", + "ode" + ], + [ + "Ġsl", + "ide" + ], + [ + ".IsNullOr", + "Empty" + ], + [ + "ĠY", + "OU" + ], + [ + "P", + "ower" + ], + [ + "ind", + "ices" + ], + [ + "Ġqual", + "ified" + ], + [ + "Ġthrow", + "n" + ], + [ + "h", + "ello" + ], + [ + "ĠN", + "ick" + ], + [ + "l", + "ah" + ], + [ + "as", + "sembly" + ], + [ + "ĠSm", + "all" + ], + [ + "old", + "ing" + ], + [ + "Sh", + "ould" + ], + [ + "ĠSil", + "ver" + ], + [ + "(saved", + "InstanceState" + ], + [ + "Ġtog", + "gle" + ], + [ + ".N", + "ot" + ], + [ + "C", + "trl" + ], + [ + ":", + "nil" + ], + [ + "ĠCont", + "inue" + ], + [ + "ĠB", + "oot" + ], + [ + "æ", + "ī" + ], + [ + "ĠM", + "ur" + ], + [ + "d", + "on" + ], + [ + "ĠF", + "A" + ], + [ + "S", + "napshot" + ], + [ + "Ġassoci", + "ation" + ], + [ + "fo", + "x" + ], + [ + ",", + "a" + ], + [ + "az", + "ione" + ], + [ + "]", + ")čĊ" + ], + [ + "CT", + "YPE" + ], + [ + "Ġf", + "ade" + ], + [ + "ĠD", + "ar" + ], + [ + ".n", + "avigation" + ], + [ + "Ġl", + "uck" + ], + [ + "SC", + "RI" + ], + [ + "ĠDe", + "ad" + ], + [ + "Ġterm", + "inal" + ], + [ + "_LE", + "NGTH" + ], + [ + "Ġeff", + "iciency" + ], + [ + "Ġun", + "w" + ], + [ + "Ġn", + "arrow" + ], + [ + "iment", + "o" + ], + [ + "(", + "Color" + ], + [ + "ĠSe", + "a" + ], + [ + "_", + "area" + ], + [ + ",", + "A" + ], + [ + "_", + "opt" + ], + [ + "ĠHill", + "ary" + ], + [ + ".t", + "ask" + ], + [ + "ĠJ", + "ac" + ], + [ + "ast", + "ed" + ], + [ + "ĠAd", + "am" + ], + [ + "ĠIl", + "legal" + ], + [ + "Ġsearch", + "ing" + ], + [ + "Instance", + "Of" + ], + [ + "J", + "ava" + ], + [ + "ĠForm", + "at" + ], + [ + "Ġreal", + "ized" + ], + [ + "ĠChild", + "ren" + ], + [ + "Ġk", + "il" + ], + [ + "(f", + "rame" + ], + [ + "âĢĿ", + ".ĊĊ" + ], + [ + "Ġscen", + "ario" + ], + [ + "\"]", + ");Ċ" + ], + [ + "Ġincred", + "ible" + ], + [ + "li", + "x" + ], + [ + "IO", + "Exception" + ], + [ + "ĠQ", + "uest" + ], + [ + "il", + "ty" + ], + [ + "Ġun", + "lock" + ], + [ + "â", + "Ĥ¬" + ], + [ + "Ġre", + "ferences" + ], + [ + "ĠV", + "ert" + ], + [ + "B", + "inding" + ], + [ + "eg", + "ative" + ], + [ + "Ġwr", + "ap" + ], + [ + ".d", + "atabase" + ], + [ + "(", + "content" + ], + [ + "B", + "uf" + ], + [ + "ĠTr", + "ad" + ], + [ + "ĠA", + "ud" + ], + [ + "tr", + "ace" + ], + [ + ".m", + "ock" + ], + [ + "Ġther", + "apy" + ], + [ + "ĉ", + "L" + ], + [ + ".To", + "Int" + ], + [ + "ĠKing", + "dom" + ], + [ + "B", + "us" + ], + [ + "ha", + "ust" + ], + [ + "\"\"", + "\"ĊĊ" + ], + [ + "(", + "end" + ], + [ + ".draw", + "able" + ], + [ + "[", + "];Ċ" + ], + [ + "ĠH", + "ospital" + ], + [ + "Ġph", + "arm" + ], + [ + "----", + "-" + ], + [ + "ĠA", + "G" + ], + [ + "é", + "d" + ], + [ + ">", + "\");Ċ" + ], + [ + "Ġw", + "allet" + ], + [ + "at", + "able" + ], + [ + ")", + "$" + ], + [ + "Ġmonth", + "ly" + ], + [ + "Ġdi", + "agnostic" + ], + [ + "S", + "ymbol" + ], + [ + "Ġiter", + "ator" + ], + [ + "un", + "finished" + ], + [ + "Ġimm", + "igration" + ], + [ + "s", + "r" + ], + [ + "RO", + "W" + ], + [ + "(g", + "ame" + ], + [ + "Ġclo", + "thes" + ], + [ + "ĠU", + "nt" + ], + [ + "Ġactiv", + "ation" + ], + [ + "_C", + "on" + ], + [ + ".h", + "ash" + ], + [ + "Ġinitial", + "ly" + ], + [ + ".H", + "ash" + ], + [ + "Ġcut", + "s" + ], + [ + "f", + "ound" + ], + [ + "ĠSt", + "ory" + ], + [ + "ÑĨ", + "и" + ], + [ + "ac", + "ao" + ], + [ + "_T", + "YP" + ], + [ + "pro", + "to" + ], + [ + "est", + "r" + ], + [ + "-p", + "age" + ], + [ + "ah", + "r" + ], + [ + "Ġincor", + "rect" + ], + [ + "ĠJose", + "ph" + ], + [ + "TextBox", + "Column" + ], + [ + "_st", + "yle" + ], + [ + "ĠD", + "aniel" + ], + [ + "s", + "heet" + ], + [ + "Ġl", + "iv" + ], + [ + "l", + "ined" + ], + [ + "Ġr", + "a" + ], + [ + "R", + "untime" + ], + [ + "_", + "empty" + ], + [ + "sl", + "ug" + ], + [ + "_", + "struct" + ], + [ + "ë", + "Ĭ" + ], + [ + "m", + "u" + ], + [ + "Ġper", + "mitted" + ], + [ + "Ġreg", + "ional" + ], + [ + "Ġsob", + "re" + ], + [ + "ĠS", + "uch" + ], + [ + "Ġ[", + "_" + ], + [ + "Ġro", + "of" + ], + [ + ".Al", + "ignment" + ], + [ + "t", + "imes" + ], + [ + ".m", + "sg" + ], + [ + "Ġche", + "st" + ], + [ + "ĠT", + "ab" + ], + [ + "Ġest", + "a" + ], + [ + "ä", + "n" + ], + [ + "Ġsubs", + "cription" + ], + [ + "(", + "command" + ], + [ + "s", + "pecial" + ], + [ + "Ġme", + "al" + ], + [ + "\")", + ":Ċ" + ], + [ + "_", + "ctx" + ], + [ + "Ġclos", + "ely" + ], + [ + "et", + "ry" + ], + [ + "-", + "be" + ], + [ + "ad", + "el" + ], + [ + "ĠR", + "am" + ], + [ + "ig", + "est" + ], + [ + "ĠSpan", + "ish" + ], + [ + "Ġcommit", + "ment" + ], + [ + "Ġw", + "ake" + ], + [ + "*", + ">(" + ], + [ + "P", + "HP" + ], + [ + "_", + "{" + ], + [ + "ck", + "er" + ], + [ + "<", + "List" + ], + [ + "_n", + "ull" + ], + [ + "ĠRes", + "erved" + ], + [ + "Ġin", + "her" + ], + [ + ".Column", + "s" + ], + [ + ".A", + "spNet" + ], + [ + "_IN", + "VALID" + ], + [ + "ĠParam", + "eter" + ], + [ + "Ġex", + "pr" + ], + [ + "}", + "{" + ], + [ + "Cell", + "Style" + ], + [ + "Ġval", + "uable" + ], + [ + "Ġfun", + "ny" + ], + [ + "In", + "v" + ], + [ + "Ġst", + "able" + ], + [ + "*", + "t" + ], + [ + "Ġp", + "ill" + ], + [ + "pl", + "iers" + ], + [ + "ĠC", + "SS" + ], + [ + "ĠCon", + "dition" + ], + [ + "ĠS", + "peed" + ], + [ + "ublish", + "er" + ], + [ + "Ġoff", + "ensive" + ], + [ + "ce", + "st" + ], + [ + "ic", + "as" + ], + [ + "Ġsp", + "ark" + ], + [ + "ĠPro", + "te" + ], + [ + "set", + "up" + ], + [ + "IF", + "Y" + ], + [ + "ĠT", + "ax" + ], + [ + "Wh", + "o" + ], + [ + "F", + "amily" + ], + [ + "-", + "for" + ], + [ + ".", + "uk" + ], + [ + "Ġf", + "asc" + ], + [ + "sv", + "g" + ], + [ + "\")", + ")." + ], + [ + "Ġbirth", + "day" + ], + [ + "âĸ", + "Ī" + ], + [ + "ve", + "h" + ], + [ + "el", + "led" + ], + [ + "Ġimport", + "s" + ], + [ + "ĠIsl", + "amic" + ], + [ + "T", + "A" + ], + [ + "ĠSt", + "an" + ], + [ + "we", + "ather" + ], + [ + "Ġsus", + "pect" + ], + [ + "e", + "ature" + ], + [ + "enn", + "es" + ], + [ + "W", + "M" + ], + [ + ".m", + "inecraft" + ], + [ + "av", + "id" + ], + [ + "è", + "½" + ], + [ + ".se", + "curity" + ], + [ + "in", + "os" + ], + [ + "G", + "ood" + ], + [ + "Ġm", + "arch" + ], + [ + "Ġposs", + "ess" + ], + [ + "us", + "uario" + ], + [ + "Con", + "s" + ], + [ + "am", + "ber" + ], + [ + "ched", + "uler" + ], + [ + "Ġhor", + "se" + ], + [ + "ç", + "½" + ], + [ + "(b", + "ody" + ], + [ + "ĠTrans", + "form" + ], + [ + "_de", + "code" + ], + [ + ".s", + "vg" + ], + [ + "Ġf", + "oo" + ], + [ + "Ġd", + "ella" + ], + [ + "ext", + "ends" + ], + [ + "am", + "er" + ], + [ + "Ġprocess", + "ed" + ], + [ + "ĠH", + "arr" + ], + [ + "ĠA", + "I" + ], + [ + "Ġk", + "o" + ], + [ + "CH", + "AR" + ], + [ + "(", + "%" + ], + [ + "Ġt", + "ap" + ], + [ + "({", + "'" + ], + [ + "c", + "roll" + ], + [ + "D", + "OM" + ], + [ + "Ġte", + "a" + ], + [ + "Ġre", + "in" + ], + [ + "Ġworld", + "wide" + ], + [ + "_f", + "n" + ], + [ + "sh", + "a" + ], + [ + "Ġb", + "ir" + ], + [ + "ç", + "ões" + ], + [ + "=\"#", + "\">" + ], + [ + "Ġrepresent", + "ed" + ], + [ + "ill", + "er" + ], + [ + "(ex", + "pected" + ], + [ + "Ġd", + "ance" + ], + [ + "Ġvisit", + "ors" + ], + [ + ".con", + "cat" + ], + [ + "-b", + "it" + ], + [ + "UR", + "RE" + ], + [ + "ĠR", + "og" + ], + [ + "v", + "p" + ], + [ + "ip", + "h" + ], + [ + "ĠL", + "LC" + ], + [ + "it", + "led" + ], + [ + "iam", + "i" + ], + [ + "C", + "oll" + ], + [ + "_re", + "al" + ], + [ + "_sh", + "ow" + ], + [ + "_f", + "older" + ], + [ + "Ġd", + "ar" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "Ġl", + "atter" + ], + [ + "arch", + "y" + ], + [ + "Ġb", + "ow" + ], + [ + "Ġout", + "come" + ], + [ + "ĠPost", + "ed" + ], + [ + "Ġris", + "ks" + ], + [ + "ĠThere", + "fore" + ], + [ + "Ġowners", + "hip" + ], + [ + "Ġpar", + "allel" + ], + [ + "Ġp", + "ending" + ], + [ + "ge", + "ometry" + ], + [ + "Ġrecogn", + "ize" + ], + [ + "ST", + "EM" + ], + [ + "ĠC", + "P" + ], + [ + "Ġimm", + "igr" + ], + [ + "IT", + "LE" + ], + [ + "ĠĠĠĠ", + "ĉĉ" + ], + [ + "conn", + "ected" + ], + [ + "Ġsm", + "ile" + ], + [ + "(d", + "ocument" + ], + [ + "\\", + "Component" + ], + [ + "vert", + "ical" + ], + [ + "Ġconsum", + "ption" + ], + [ + "Ġsh", + "oes" + ], + [ + ".", + "impl" + ], + [ + "un", + "ks" + ], + [ + ".", + "\";Ċ" + ], + [ + "Ġfood", + "s" + ], + [ + "_", + ");Ċ" + ], + [ + ".assert", + "True" + ], + [ + "Ġp", + "ipeline" + ], + [ + "Ġcollection", + "s" + ], + [ + "Ġearn", + "ed" + ], + [ + "ĠC", + "ert" + ], + [ + "Ġpartners", + "hip" + ], + [ + "(", + "action" + ], + [ + "Ġc", + "d" + ], + [ + "ĠV", + "ery" + ], + [ + "Option", + "al" + ], + [ + "Ġscre", + "ens" + ], + [ + "Ġtit", + "les" + ], + [ + "ener", + "ator" + ], + [ + "Ġab", + "andon" + ], + [ + "k", + "ind" + ], + [ + "IL", + "TER" + ], + [ + "Ġclos", + "ing" + ], + [ + "lic", + "a" + ], + [ + "_", + "inter" + ], + [ + "Ġcamp", + "us" + ], + [ + "set", + "ting" + ], + [ + "S", + "prite" + ], + [ + "ãģ", + "¯" + ], + [ + "_re", + "ply" + ], + [ + "To", + "List" + ], + [ + ":", + "\\/\\/" + ], + [ + "ed", + "e" + ], + [ + "Ġfol", + "ks" + ], + [ + "Ġbo", + "at" + ], + [ + "(", + "argv" + ], + [ + "Ġperman", + "ent" + ], + [ + "Ġcarry", + "ing" + ], + [ + "Ġconserv", + "ative" + ], + [ + "import", + "ant" + ], + [ + ".", + "img" + ], + [ + "ĠIm", + "m" + ], + [ + "Ġdim", + "ensions" + ], + [ + "al", + "and" + ], + [ + "s", + "ingle" + ], + [ + "Ex", + "it" + ], + [ + "--------", + "--" + ], + [ + "ari", + "ant" + ], + [ + "tern", + "al" + ], + [ + "Se", + "conds" + ], + [ + "ĠIt", + "aly" + ], + [ + "ot", + "lin" + ], + [ + ".Res", + "ume" + ], + [ + "='", + "\"" + ], + [ + ")", + "==" + ], + [ + "cept", + "or" + ], + [ + "Ġs", + "ca" + ], + [ + "/m", + "ain" + ], + [ + "Sec", + "urity" + ], + [ + "_d", + "at" + ], + [ + "Ġlet", + "s" + ], + [ + "Ġa", + "qu" + ], + [ + "Ġwhen", + "ever" + ], + [ + "b", + "erry" + ], + [ + "Ġact", + "ing" + ], + [ + "ant", + "i" + ], + [ + "p", + "d" + ], + [ + "&", + "gt" + ], + [ + "æ", + "Ń" + ], + [ + "Z", + "one" + ], + [ + "T", + "oday" + ], + [ + "!", + "." + ], + [ + "To", + "Props" + ], + [ + "ab", + "is" + ], + [ + "it", + "able" + ], + [ + "Ġg", + "al" + ], + [ + "]", + "{" + ], + [ + "iz", + "ona" + ], + [ + "Ġin", + "contri" + ], + [ + "N", + "ET" + ], + [ + "///", + "Ċ" + ], + [ + "[", + "in" + ], + [ + "_s", + "ave" + ], + [ + "Ġex", + "em" + ], + [ + "ĠK", + "enn" + ], + [ + "Ġev", + "olution" + ], + [ + "var", + "s" + ], + [ + "_st", + "ats" + ], + [ + "-", + "only" + ], + [ + "ĠColor", + "ado" + ], + [ + "Ġwatch", + "ed" + ], + [ + "b", + "our" + ], + [ + "Ġsever", + "e" + ], + [ + "Ġprofession", + "als" + ], + [ + "port", + "ion" + ], + [ + "Ġguar", + "ante" + ], + [ + "Ð", + "³" + ], + [ + "Ġpush", + "ed" + ], + [ + "ĠG", + "i" + ], + [ + "ï", + "½" + ], + [ + "Ġt", + "um" + ], + [ + "ĠA", + "z" + ], + [ + "ĠEdge", + "Insets" + ], + [ + "\"))", + ";čĊ" + ], + [ + "is", + "se" + ], + [ + ".", + "ac" + ], + [ + "Set", + "ting" + ], + [ + "Ġapprec", + "iate" + ], + [ + "ĠValue", + "Error" + ], + [ + "Ġsur", + "ve" + ], + [ + "ĠR", + "ole" + ], + [ + ".", + "Inter" + ], + [ + "plot", + "lib" + ], + [ + "j", + "et" + ], + [ + "d", + "am" + ], + [ + "Ġplatform", + "s" + ], + [ + "te", + "le" + ], + [ + "UT", + "O" + ], + [ + "ĠInt", + "ernal" + ], + [ + "+", + ":" + ], + [ + "}", + ";čĊ" + ], + [ + "Gener", + "al" + ], + [ + "\\", + "Entity" + ], + [ + "Ġlawy", + "er" + ], + [ + "qu", + "iv" + ], + [ + "ĠPost", + "s" + ], + [ + "is", + "o" + ], + [ + "Ġacc", + "um" + ], + [ + "ob", + "e" + ], + [ + "Ġmark", + "s" + ], + [ + "Ġ]", + ";ĊĊ" + ], + [ + "ĉ", + "text" + ], + [ + ".s", + "uccess" + ], + [ + "cur", + "r" + ], + [ + "as", + "a" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "Ġth", + "in" + ], + [ + "_", + "over" + ], + [ + "are", + "st" + ], + [ + "ĠO", + "s" + ], + [ + "(", + "address" + ], + [ + "Ġvel", + "ocity" + ], + [ + "Ġ[]", + ";ĊĊ" + ], + [ + "=\"", + "../../" + ], + [ + "ĠPr", + "iv" + ], + [ + "b", + "ow" + ], + [ + "Ġguar", + "antee" + ], + [ + "%", + "ĊĊ" + ], + [ + "Ġeval", + "uate" + ], + [ + ".LE", + "NGTH" + ], + [ + "Ġin", + "ventory" + ], + [ + "q", + "a" + ], + [ + "_de", + "bug" + ], + [ + ".On", + "ClickListener" + ], + [ + "Ġl", + "ies" + ], + [ + "Ġassess", + "ment" + ], + [ + "dat", + "etime" + ], + [ + ".background", + "Color" + ], + [ + "Ġ*/", + "čĊčĊ" + ], + [ + "ra", + "f" + ], + [ + "un", + "wrap" + ], + [ + "ĠF", + "oot" + ], + [ + "Ġnot", + "ify" + ], + [ + "Ġlow", + "est" + ], + [ + "DO", + "CTYPE" + ], + [ + "Ġl", + "anguages" + ], + [ + "ex", + "tra" + ], + [ + "-", + "back" + ], + [ + "Ġein", + "en" + ], + [ + "tem", + "plates" + ], + [ + "_p", + "ass" + ], + [ + "ĠM", + "ust" + ], + [ + "Ġest", + "á" + ], + [ + "_c", + "ore" + ], + [ + "ĠSc", + "ot" + ], + [ + "A", + "I" + ], + [ + "Ġb", + "ias" + ], + [ + "ations", + "hip" + ], + [ + "Con", + "stant" + ], + [ + "Ġprogram", + "ming" + ], + [ + "In", + "s" + ], + [ + "uspend", + "Layout" + ], + [ + "ĠPRO", + "VID" + ], + [ + "ant", + "es" + ], + [ + "Ġsh", + "irt" + ], + [ + "in", + "ated" + ], + [ + ".", + "OK" + ], + [ + "[", + "a" + ], + [ + "Ġthink", + "s" + ], + [ + "?", + "ĊĊĊĊ" + ], + [ + "Ġregard", + "less" + ], + [ + "ĠMag", + "ic" + ], + [ + "ul", + "ating" + ], + [ + "ĉ", + "class" + ], + [ + "add", + "Group" + ], + [ + "RE", + "ATE" + ], + [ + "ĠS", + "U" + ], + [ + "Ġsim", + "pl" + ], + [ + "c", + "opyright" + ], + [ + "Ġb", + "unch" + ], + [ + "Ġun", + "iverse" + ], + [ + "ĠE", + "rr" + ], + [ + "Ġpresent", + "ation" + ], + [ + "c", + "ategories" + ], + [ + "Ġatt", + "ach" + ], + [ + ".s", + "ign" + ], + [ + "_A", + "C" + ], + [ + "Ġdisc", + "ipl" + ], + [ + "Ġregular", + "ly" + ], + [ + "Ġprim", + "arily" + ], + [ + "ink", + "s" + ], + [ + "[", + "[" + ], + [ + ".r", + "and" + ], + [ + ".sh", + "ould" + ], + [ + "ownt", + "own" + ], + [ + "=\"", + "'" + ], + [ + "Ġs", + "ans" + ], + [ + "Ġsupport", + "ers" + ], + [ + "se", + "quence" + ], + [ + "G", + "O" + ], + [ + ".", + ".ĊĊ" + ], + [ + "ĠS", + "pr" + ], + [ + "Ġcare", + "fully" + ], + [ + "U", + "IColor" + ], + [ + "dest", + "roy" + ], + [ + "Ġtod", + "os" + ], + [ + "ĠOR", + "DER" + ], + [ + "ott", + "ed" + ], + [ + "Ġd", + "ont" + ], + [ + "aud", + "i" + ], + [ + "_", + "player" + ], + [ + "g", + "re" + ], + [ + "ĠO", + "il" + ], + [ + "<", + "body" + ], + [ + "_st", + "ack" + ], + [ + ".P", + "adding" + ], + [ + "ĠProduct", + "s" + ], + [ + "Ġpriv", + "ile" + ], + [ + "Ġinj", + "ured" + ], + [ + "ĠF", + "urther" + ], + [ + "Ġal", + "ias" + ], + [ + ".Resume", + "Layout" + ], + [ + "_LE", + "N" + ], + [ + "Ġs", + "es" + ], + [ + "']", + ";ĊĊ" + ], + [ + "cre", + "ens" + ], + [ + "Ġdirect", + "ed" + ], + [ + ".S", + "uspendLayout" + ], + [ + "od", + "ge" + ], + [ + ".A", + "t" + ], + [ + "mark", + "s" + ], + [ + "ĠUn", + "ivers" + ], + [ + "ert", + "s" + ], + [ + "ĠE", + "sc" + ], + [ + "Ġnav", + "bar" + ], + [ + "Ġutil", + "ity" + ], + [ + "agnost", + "ics" + ], + [ + "Ġin", + "ject" + ], + [ + "ĠD", + "NA" + ], + [ + "Ġ\"", + ",\"" + ], + [ + "am", + "ar" + ], + [ + "Ġe", + "u" + ], + [ + "Ġrestaur", + "ants" + ], + [ + "_p", + "ut" + ], + [ + "ut", + "ers" + ], + [ + "Tool", + "Strip" + ], + [ + "t", + "w" + ], + [ + "ist", + "ro" + ], + [ + "Ġz", + "oom" + ], + [ + "Ġleg", + "it" + ], + [ + "pec", + "ific" + ], + [ + "ĠC", + "ome" + ], + [ + "Ġlocal", + "Storage" + ], + [ + "Ġabs", + "or" + ], + [ + ".P", + "anel" + ], + [ + "ĠDesign", + "er" + ], + [ + "Ġo", + "w" + ], + [ + "IC", + "AL" + ], + [ + "_", + "uri" + ], + [ + "(f", + "ield" + ], + [ + "Ġsup", + "erv" + ], + [ + "Ex", + "ists" + ], + [ + "Ġrespect", + "ively" + ], + [ + "ĠSt", + "and" + ], + [ + "Con", + "f" + ], + [ + "uss", + "ian" + ], + [ + "Ġar", + "c" + ], + [ + "Ġ", + "nd" + ], + [ + "uck", + "s" + ], + [ + "Ġre", + "str" + ], + [ + "Ġseason", + "s" + ], + [ + "ĠCh", + "apter" + ], + [ + "ĠSw", + "itch" + ], + [ + "p", + "ic" + ], + [ + "Ġh", + "i" + ], + [ + "load", + "ed" + ], + [ + "Ġfl", + "uid" + ], + [ + "-b", + "tn" + ], + [ + "Ġrun", + "time" + ], + [ + ".", + "it" + ], + [ + "B", + "N" + ], + [ + "Op", + "acity" + ], + [ + "as", + "ant" + ], + [ + "ry", + "ption" + ], + [ + "-n", + "ative" + ], + [ + "Ġta", + "ught" + ], + [ + "å", + "¯" + ], + [ + "ag", + "ment" + ], + [ + "Ġm", + "ul" + ], + [ + "Reg", + "istry" + ], + [ + "_", + "grid" + ], + [ + "ĠBro", + "ok" + ], + [ + ":", + "Set" + ], + [ + "Ġm", + "ongoose" + ], + [ + "AM", + "ES" + ], + [ + "inner", + "HTML" + ], + [ + "Ġs", + "oci" + ], + [ + "ĠInt", + "el" + ], + [ + "get", + "Id" + ], + [ + "C", + "md" + ], + [ + "Ġaccess", + "ible" + ], + [ + "r", + "ames" + ], + [ + "le", + "ton" + ], + [ + "Ġ__", + "(" + ], + [ + "ĉ", + "delete" + ], + [ + "ĠS", + "quare" + ], + [ + "\"", + "ĊĊĊ" + ], + [ + "Ġbu", + "cket" + ], + [ + "avor", + "ite" + ], + [ + "ĠB", + "reak" + ], + [ + "++", + "]" + ], + [ + "Ġbr", + "ush" + ], + [ + "Ġt", + "ensor" + ], + [ + "/", + "http" + ], + [ + "T", + "ile" + ], + [ + "Ġfunction", + "al" + ], + [ + "Ġ\"", + "*" + ], + [ + "wh", + "el" + ], + [ + "Ġt", + "ent" + ], + [ + "ĠChar", + "acter" + ], + [ + "Ġse", + "es" + ], + [ + ".", + "ST" + ], + [ + "B", + "ig" + ], + [ + "Ġext", + "ern" + ], + [ + "Url", + "s" + ], + [ + "))", + "))," + ], + [ + "ĠJ", + "r" + ], + [ + ".B", + "uilder" + ], + [ + ".", + ";" + ], + [ + "n", + "l" + ], + [ + "_", + "Init" + ], + [ + "ĠH", + "ER" + ], + [ + "ż", + "e" + ], + [ + "mys", + "qli" + ], + [ + "_", + "icon" + ], + [ + "v", + "an" + ], + [ + "Ġfeel", + "ings" + ], + [ + "Ġle", + "an" + ], + [ + "Ġhop", + "ing" + ], + [ + "T", + "V" + ], + [ + "=\"čĊ" + ], + [ + "b", + "est" + ], + [ + "all", + "as" + ], + [ + "ent", + "ed" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĊ" + ], + [ + "_con", + "nection" + ], + [ + "Ġrep", + "o" + ], + [ + "en", + "abled" + ], + [ + "аÐ", + "º" + ], + [ + "Ġsh", + "a" + ], + [ + "Ġmembers", + "hip" + ], + [ + "Status", + "Code" + ], + [ + "in", + "ating" + ], + [ + "_s", + "m" + ], + [ + "_c", + "ustom" + ], + [ + "_", + "weight" + ], + [ + "Ġc", + "ss" + ], + [ + "St", + "at" + ], + [ + "_", + "env" + ], + [ + "link", + "s" + ], + [ + "TR", + "L" + ], + [ + "ĠH", + "it" + ], + [ + ",", + "r" + ], + [ + "up", + "id" + ], + [ + "Ġop", + "ens" + ], + [ + "Ġg", + "ent" + ], + [ + "_v", + "is" + ], + [ + "Ġj", + "oy" + ], + [ + "<", + "w" + ], + [ + "_c", + "ost" + ], + [ + "ĠPy", + "Object" + ], + [ + "ren", + "ce" + ], + [ + "ĠGeorg", + "ia" + ], + [ + "ĠBro", + "ad" + ], + [ + "m", + "ma" + ], + [ + "â", + "Ĥ" + ], + [ + "p", + "f" + ], + [ + "Ġ\"", + "\\\"" + ], + [ + "Ġ(", + "&" + ], + [ + "om", + "o" + ], + [ + "Ġliter", + "ally" + ], + [ + "Ī", + "ĺ" + ], + [ + "met", + "ric" + ], + [ + "Ġb", + "ars" + ], + [ + "z", + "ed" + ], + [ + "(w", + "indow" + ], + [ + "ĠIsrael", + "i" + ], + [ + "Ġform", + "al" + ], + [ + "ident", + "ifier" + ], + [ + ".d", + "ao" + ], + [ + "ĠDe", + "ath" + ], + [ + "%", + ";Ċ" + ], + [ + "Ġdecl", + "are" + ], + [ + "ar", + "ms" + ], + [ + "RE", + "AM" + ], + [ + "PERT", + "Y" + ], + [ + "Ġconsequ", + "ences" + ], + [ + "to", + "ols" + ], + [ + "Pe", + "ople" + ], + [ + "ĠWh", + "ich" + ], + [ + ">", + "();čĊ" + ], + [ + ".de", + "code" + ], + [ + "_A", + "CT" + ], + [ + "Button", + "s" + ], + [ + ".f", + "loat" + ], + [ + ".F", + "irst" + ], + [ + "ë", + "¥" + ], + [ + "ĠPol", + "it" + ], + [ + "ĠX", + "CT" + ], + [ + "T", + "ags" + ], + [ + "ĠCG", + "Float" + ], + [ + "=", + "str" + ], + [ + "Ġle", + "af" + ], + [ + "-", + "check" + ], + [ + "ĠI", + "ss" + ], + [ + ".s", + "ystem" + ], + [ + "log", + "out" + ], + [ + "ach", + "t" + ], + [ + "Ang", + "le" + ], + [ + "s", + "in" + ], + [ + "ch", + "art" + ], + [ + "INT", + "ER" + ], + [ + "ĠN", + "UM" + ], + [ + "B", + "asic" + ], + [ + ".P", + "roperties" + ], + [ + "ä¸", + "Ń" + ], + [ + "_", + "change" + ], + [ + "ĠB", + "razil" + ], + [ + "Ab", + "stract" + ], + [ + "Ġ:", + "+:" + ], + [ + "_", + "use" + ], + [ + "а", + "л" + ], + [ + "ĠL", + "y" + ], + [ + "IB", + "UT" + ], + [ + "Ġout", + "er" + ], + [ + "Ġ--", + ">čĊ" + ], + [ + "Ġrel", + "ief" + ], + [ + "l", + "ap" + ], + [ + "qu", + "er" + ], + [ + "_p", + "arent" + ], + [ + "he", + "ap" + ], + [ + "LO", + "SE" + ], + [ + "Ġcomb", + "ine" + ], + [ + "ĠR", + "ose" + ], + [ + "ow", + "ers" + ], + [ + "Ġproced", + "ures" + ], + [ + "ĠS", + "ort" + ], + [ + "an", + "im" + ], + [ + "var", + "iant" + ], + [ + "eh", + "icle" + ], + [ + "Ġsign", + "ing" + ], + [ + "Pr", + "imary" + ], + [ + "c", + "urrency" + ], + [ + "Ġsex", + "e" + ], + [ + "o", + "en" + ], + [ + "th", + "eta" + ], + [ + "em", + "an" + ], + [ + "Ġimpress", + "ive" + ], + [ + "('", + "_" + ], + [ + "ĉ", + "U" + ], + [ + "ĠText", + "Style" + ], + [ + "_c", + "nt" + ], + [ + "Ġs", + "lice" + ], + [ + "('", + ":" + ], + [ + "Ġunderst", + "ood" + ], + [ + "H", + "is" + ], + [ + "Ġinform", + "ed" + ], + [ + "Ġn", + "ick" + ], + [ + "(T", + "AG" + ], + [ + "h", + "d" + ], + [ + "Ġelection", + "s" + ], + [ + "est", + "ure" + ], + [ + "ĠS", + "anta" + ], + [ + "ĠCo", + "ast" + ], + [ + ".p", + "df" + ], + [ + "inc", + "iple" + ], + [ + ".cl", + "one" + ], + [ + "b", + "orn" + ], + [ + "ut", + "a" + ], + [ + "Ġl", + "icensed" + ], + [ + "C", + "r" + ], + [ + "Ġb", + "read" + ], + [ + "ĠH", + "ouston" + ], + [ + "Ġn", + "od" + ], + [ + "Ġhop", + "es" + ], + [ + "ĠCG", + "Rect" + ], + [ + "Ġgu", + "ilty" + ], + [ + ".g", + "if" + ], + [ + "Ġro", + "se" + ], + [ + ".Com", + "mon" + ], + [ + "T", + "ip" + ], + [ + "AN", + "K" + ], + [ + "ĠF", + "C" + ], + [ + "D", + "uring" + ], + [ + "ĠSym", + "fony" + ], + [ + "Ġdef", + "ensive" + ], + [ + "k", + "m" + ], + [ + ")", + ">" + ], + [ + "arch", + "ive" + ], + [ + "ĠU", + "RI" + ], + [ + "ycl", + "ing" + ], + [ + "-", + "o" + ], + [ + "ĠWe", + "bsite" + ], + [ + "AM", + "P" + ], + [ + "ish", + "ment" + ], + [ + "Ġdo", + "ctors" + ], + [ + "D", + "irect" + ], + [ + "AR", + "I" + ], + [ + "ĠRed", + "irect" + ], + [ + "ier", + "en" + ], + [ + "_d", + "ist" + ], + [ + "y", + "o" + ], + [ + "ĠPro", + "gress" + ], + [ + "Ġz", + "um" + ], + [ + "Ġmem", + "or" + ], + [ + "ĠE", + "D" + ], + [ + "Ġj", + "ur" + ], + [ + "æį", + "®" + ], + [ + "_T", + "ABLE" + ], + [ + "Ġu", + "uid" + ], + [ + "Ex", + "pr" + ], + [ + ".", + "head" + ], + [ + "('", + "%" + ], + [ + "point", + "er" + ], + [ + "Ġest", + "imate" + ], + [ + "ĠG", + "reg" + ], + [ + "Ġlo", + "ader" + ], + [ + "Ġi", + "OS" + ], + [ + "Ġm", + "ens" + ], + [ + "[", + "y" + ], + [ + "Ġref", + "used" + ], + [ + "Ġprec", + "ision" + ], + [ + "is", + "ch" + ], + [ + "ĠA", + "CTION" + ], + [ + "Cl", + "oud" + ], + [ + "s", + "With" + ], + [ + "(", + "ret" + ], + [ + "_ADD", + "R" + ], + [ + "_con", + "f" + ], + [ + "(d", + "f" + ], + [ + "Ġlock", + "ed" + ], + [ + "Ġr", + "ising" + ], + [ + "ãĥ»", + "ãĥ»" + ], + [ + "ĠM", + "s" + ], + [ + "Ġscen", + "es" + ], + [ + "_EX", + "T" + ], + [ + "_", + "raw" + ], + [ + "_", + "the" + ], + [ + "pe", + "ople" + ], + [ + "Ġre", + "con" + ], + [ + "ĠF", + "un" + ], + [ + "Ġb", + "less" + ], + [ + "ĠUp", + "dated" + ], + [ + "ü", + "n" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠ", + "čĊ" + ], + [ + "pe", + "ction" + ], + [ + "Re", + "lease" + ], + [ + ".log", + "ger" + ], + [ + "ĠS", + "Y" + ], + [ + "Ġcoun", + "sel" + ], + [ + "ur", + "d" + ], + [ + "_", + "true" + ], + [ + "Ġevery", + "body" + ], + [ + "iv", + "ot" + ], + [ + "Ġh", + "ence" + ], + [ + "ĠN", + "AS" + ], + [ + "Ġoppos", + "ed" + ], + [ + "unk", + "nown" + ], + [ + "ĠDES", + "C" + ], + [ + "ĠCh", + "air" + ], + [ + "fa", + "iled" + ], + [ + "ĠIN", + "CLUDING" + ], + [ + "Ġwrit", + "ers" + ], + [ + "{", + "}Ċ" + ], + [ + "ÃŃ", + "t" + ], + [ + "_c", + "opy" + ], + [ + "}", + ":" + ], + [ + "ĠB", + "at" + ], + [ + "Ġconvert", + "ed" + ], + [ + "ed", + "ing" + ], + [ + "pl", + "acement" + ], + [ + "ĠH", + "ost" + ], + [ + "S", + "ound" + ], + [ + "и", + "м" + ], + [ + "Ġs", + "ought" + ], + [ + "m", + "id" + ], + [ + "Ġsal", + "ary" + ], + [ + "og", + "g" + ], + [ + "âĦ", + "¢" + ], + [ + "b", + "ul" + ], + [ + "Ġw", + "ir" + ], + [ + "valid", + "ator" + ], + [ + "_ST", + "AT" + ], + [ + ".st", + "ore" + ], + [ + "ĠB", + "attle" + ], + [ + "ı", + "n" + ], + [ + "Ġ--", + ">ĊĊ" + ], + [ + "Tr", + "ump" + ], + [ + "d", + "ot" + ], + [ + "ĠCON", + "T" + ], + [ + ".f", + "etch" + ], + [ + "Ġcontin", + "u" + ], + [ + "w", + "as" + ], + [ + "Ġfra", + "ud" + ], + [ + "_t", + "mp" + ], + [ + "mit", + "ter" + ], + [ + ".p", + "ictureBox" + ], + [ + "G", + "A" + ], + [ + "Ġt", + "ournament" + ], + [ + ".", + "Input" + ], + [ + "[", + "r" + ], + [ + "ex", + "ion" + ], + [ + "cent", + "age" + ], + [ + "ĠKore", + "an" + ], + [ + "und", + "ef" + ], + [ + "ĠAv", + "ailable" + ], + [ + "resh", + "ape" + ], + [ + "Ġk", + "it" + ], + [ + "ĠStr", + "uct" + ], + [ + "ĠS", + "UB" + ], + [ + "An", + "swer" + ], + [ + "_l", + "ib" + ], + [ + ".t", + "witter" + ], + [ + "Ġo", + "re" + ], + [ + "ĠDr", + "agon" + ], + [ + ".Ex", + "t" + ], + [ + ",", + "k" + ], + [ + "Ġexplan", + "ation" + ], + [ + "ref", + "s" + ], + [ + "ĠDr", + "ive" + ], + [ + "ĠTr", + "aining" + ], + [ + ".H", + "as" + ], + [ + "int", + "age" + ], + [ + "b", + "ig" + ], + [ + "olog", + "ist" + ], + [ + "enn", + "is" + ], + [ + "Ù", + "ĩ" + ], + [ + "Ġch", + "icken" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠ", + "Ċ" + ], + [ + "ç", + "Ľ" + ], + [ + "ãģ", + "§" + ], + [ + "Ġpe", + "ak" + ], + [ + "Ġdrink", + "ing" + ], + [ + "Ġen", + "code" + ], + [ + "ĠNE", + "W" + ], + [ + "m", + "alloc" + ], + [ + "ĉf", + "printf" + ], + [ + "Ġ=", + "================================================================" + ], + [ + "in", + "cluding" + ], + [ + "Ġprincip", + "les" + ], + [ + "ĠM", + "ah" + ], + [ + "st", + "orage" + ], + [ + "-", + "key" + ], + [ + "Ġkey", + "word" + ], + [ + "%", + ";" + ], + [ + "Ġtr", + "ained" + ], + [ + ".con", + "trib" + ], + [ + "Ġk", + "v" + ], + [ + "__", + "':Ċ" + ], + [ + "ĠB", + "oy" + ], + [ + "param", + "eter" + ], + [ + "Ġsu", + "ite" + ], + [ + "Ġthous", + "and" + ], + [ + "Ġco", + "ordinate" + ], + [ + "-g", + "enerated" + ], + [ + "íķ", + "ĺ" + ], + [ + "gener", + "ated" + ], + [ + "Ġad", + "mitted" + ], + [ + "Ġp", + "ussy" + ], + [ + "#", + "w" + ], + [ + "Ġsw", + "im" + ], + [ + "un", + "ion" + ], + [ + "N", + "a" + ], + [ + "ĠRoy", + "al" + ], + [ + ".ch", + "annel" + ], + [ + "Up", + "dated" + ], + [ + "_RO", + "OT" + ], + [ + "Ġv", + "ital" + ], + [ + "ra", + "ction" + ], + [ + "ĠCrush", + "er" + ], + [ + "Ġpre", + "ced" + ], + [ + "Ġhor", + "izontal" + ], + [ + "Blue", + "print" + ], + [ + "Ġattr", + "s" + ], + [ + "Ġsm", + "oke" + ], + [ + "Ð", + "Ĵ" + ], + [ + ".", + "Equals" + ], + [ + "F", + "B" + ], + [ + "ĠRes", + "ources" + ], + [ + "roll", + "ing" + ], + [ + "Ġpass", + "es" + ], + [ + "ĠN", + "um" + ], + [ + "rot", + "ate" + ], + [ + "et", + "ype" + ], + [ + "\\", + "\"," + ], + [ + "Ġsens", + "itive" + ], + [ + "Ġt", + "all" + ], + [ + "?", + "âĢĿĊĊ" + ], + [ + "Pro", + "xy" + ], + [ + "i", + "y" + ], + [ + "_", + "section" + ], + [ + "âĢĶâĢĶ", + "âĢĶâĢĶ" + ], + [ + "br", + "id" + ], + [ + "Ġcirc", + "uit" + ], + [ + "at", + "an" + ], + [ + "EN", + "C" + ], + [ + "Ġdr", + "iven" + ], + [ + "Ġvot", + "ed" + ], + [ + "Ġeduc", + "ational" + ], + [ + "Ġinter", + "action" + ], + [ + "abet", + "es" + ], + [ + "Ġt", + "one" + ], + [ + "ĠInitialize", + "Component" + ], + [ + "Ġmer", + "ely" + ], + [ + "Ġì", + "ŀ" + ], + [ + "co", + "okie" + ], + [ + "_", + "div" + ], + [ + "ĠUIL", + "abel" + ], + [ + "vel", + "y" + ], + [ + "}", + ");čĊ" + ], + [ + "_", + "ENT" + ], + [ + "#+", + "#+" + ], + [ + "art", + "icles" + ], + [ + "ĠSou", + "thern" + ], + [ + "Ġstrong", + "er" + ], + [ + "ĠG", + "iven" + ], + [ + "ĠE", + "ric" + ], + [ + "ĠI", + "R" + ], + [ + "ab", + "stract" + ], + [ + "U", + "nder" + ], + [ + "n", + "able" + ], + [ + "Ġincre", + "ment" + ], + [ + "ov", + "en" + ], + [ + "Ġco", + "in" + ], + [ + "_t", + "imer" + ], + [ + "Ġsuffer", + "ed" + ], + [ + "ĠF", + "REE" + ], + [ + "']", + ".\"" + ], + [ + "ĠQue", + "en" + ], + [ + "st", + "ats" + ], + [ + "Ġmeet", + "ings" + ], + [ + "Ġenter", + "ing" + ], + [ + "Ġalong", + "side" + ], + [ + "(s", + "ession" + ], + [ + "it", + "als" + ], + [ + "Ġfound", + "ation" + ], + [ + "ĠC", + "redit" + ], + [ + ".", + "div" + ], + [ + "_", + "ALL" + ], + [ + "pc", + "ion" + ], + [ + "_st", + "at" + ], + [ + "ick", + "ing" + ], + [ + "Default", + "s" + ], + [ + "_s", + "rc" + ], + [ + "Ġoutput", + "s" + ], + [ + "/", + "B" + ], + [ + "Ġent", + "hus" + ], + [ + "-b", + "l" + ], + [ + ".Fore", + "Color" + ], + [ + "ĉ", + "temp" + ], + [ + "F", + "ace" + ], + [ + "Ġinter", + "act" + ], + [ + "Ġwe", + "ird" + ], + [ + "M", + "ount" + ], + [ + "re", + "ll" + ], + [ + "ud", + "ents" + ], + [ + "Ġrequire", + "ment" + ], + [ + "ĠS", + "us" + ], + [ + "I", + "ER" + ], + [ + "Ġe", + "lected" + ], + [ + "re", + "ference" + ], + [ + "ĠM", + "E" + ], + [ + "Ġserv", + "ers" + ], + [ + ".w", + "ait" + ], + [ + "Ġsnap", + "shot" + ], + [ + "il", + "ton" + ], + [ + "Ġtri", + "es" + ], + [ + "Ġt", + "ipo" + ], + [ + ".T", + "ime" + ], + [ + ">", + "w" + ], + [ + "Ġmount", + "ain" + ], + [ + "Ġp", + "ounds" + ], + [ + "Ġ[", + "..." + ], + [ + "ex", + "ists" + ], + [ + "Ġng", + "On" + ], + [ + "_M", + "AP" + ], + [ + "Ġf", + "lying" + ], + [ + "xi", + "ety" + ], + [ + "ĉ", + "value" + ], + [ + "_D", + "B" + ], + [ + "un", + "o" + ], + [ + "Ġse", + "ats" + ], + [ + "T", + "URN" + ], + [ + ".", + "author" + ], + [ + "!", + ")" + ], + [ + "or", + "ce" + ], + [ + "Ġindic", + "ated" + ], + [ + ".s", + "in" + ], + [ + "Ġass", + "ignment" + ], + [ + "im", + "iento" + ], + [ + "ĠF", + "rame" + ], + [ + "_g", + "en" + ], + [ + "in", + "ery" + ], + [ + "_", + ")" + ], + [ + "m", + "essages" + ], + [ + ".set", + "tings" + ], + [ + "ĠMe", + "an" + ], + [ + "ĠM", + "useum" + ], + [ + "ir", + "q" + ], + [ + "att", + "ach" + ], + [ + "ĠPalest", + "in" + ], + [ + "_", + "QU" + ], + [ + "_t", + "ags" + ], + [ + "Ġcas", + "ual" + ], + [ + "em", + "en" + ], + [ + "ASS", + "WORD" + ], + [ + "$", + "s" + ], + [ + "ĠC", + "irc" + ], + [ + "оÐ", + "¹" + ], + [ + "et", + "ric" + ], + [ + "/", + "P" + ], + [ + "Ġep", + "och" + ], + [ + "<", + "head" + ], + [ + "_C", + "MD" + ], + [ + "Ġg", + "it" + ], + [ + "Ġpen", + "alty" + ], + [ + "or", + "ph" + ], + [ + "_", + "users" + ], + [ + "ours", + "es" + ], + [ + ".Date", + "Time" + ], + [ + "atern", + "ion" + ], + [ + "_pro", + "ject" + ], + [ + "Ġsuper", + "ior" + ], + [ + "ĠD", + "am" + ], + [ + "ĠSe", + "attle" + ], + [ + "X", + "Y" + ], + [ + ">", + "The" + ], + [ + "ĠA", + "k" + ], + [ + "Ġgr", + "ass" + ], + [ + "/*", + "čĊ" + ], + [ + "(d", + "is" + ], + [ + "Ġgun", + "s" + ], + [ + "Ġt", + "b" + ], + [ + "ĠK", + "evin" + ], + [ + ".", + "args" + ], + [ + "ĠA", + "h" + ], + [ + "op", + "ed" + ], + [ + "(", + "J" + ], + [ + "column", + "s" + ], + [ + "arg", + "uments" + ], + [ + "ĠWith", + "Events" + ], + [ + "_f", + "ull" + ], + [ + "ĠDef", + "ense" + ], + [ + "S", + "imple" + ], + [ + "Ġdeath", + "s" + ], + [ + "Ġext", + "ensive" + ], + [ + "ĠSt", + "ill" + ], + [ + "ĠEx", + "pression" + ], + [ + "ĠAg", + "ency" + ], + [ + "Ġperform", + "ing" + ], + [ + "F", + "X" + ], + [ + "Ġus", + "uario" + ], + [ + "U", + "AL" + ], + [ + "S", + "ide" + ], + [ + "od", + "os" + ], + [ + "apt", + "op" + ], + [ + "Ġcred", + "entials" + ], + [ + "_c", + "ap" + ], + [ + "at", + "ient" + ], + [ + "ĠDis", + "ney" + ], + [ + "Ġa", + "i" + ], + [ + "Ġch", + "ip" + ], + [ + "Ġvol", + "t" + ], + [ + ".make", + "Text" + ], + [ + "%%%%%%%%", + "%%%%%%%%" + ], + [ + "Ġbelie", + "f" + ], + [ + "_LO", + "C" + ], + [ + "ĠC", + "ivil" + ], + [ + "N", + "avigation" + ], + [ + "Ġreve", + "al" + ], + [ + "Ġviol", + "ent" + ], + [ + "ĠF", + "il" + ], + [ + "Ġc", + "atalog" + ], + [ + "em", + "ed" + ], + [ + "sc", + "an" + ], + [ + ".", + "control" + ], + [ + "Ġconstit", + "ution" + ], + [ + "C", + "ountry" + ], + [ + "Separ", + "ator" + ], + [ + "_A", + "PP" + ], + [ + "top", + "ic" + ], + [ + "uet", + "ooth" + ], + [ + "M", + "IN" + ], + [ + "Ġdes", + "criptor" + ], + [ + "y", + "t" + ], + [ + "ET", + "HER" + ], + [ + "Ġdistrib", + "ute" + ], + [ + "'", + "}Ċ" + ], + [ + ".tr", + "im" + ], + [ + ".L", + "ine" + ], + [ + "Ġl", + "bl" + ], + [ + "assert", + "Equals" + ], + [ + "ĠD", + "et" + ], + [ + "omb", + "ok" + ], + [ + "(", + "width" + ], + [ + "Ġt", + "ort" + ], + [ + "ĠEXP", + "RESS" + ], + [ + "ac", + "o" + ], + [ + "Us", + "ing" + ], + [ + "ĠBr", + "and" + ], + [ + "w", + "all" + ], + [ + "EM", + "ENT" + ], + [ + "ĠComm", + "unic" + ], + [ + "<", + "uint" + ], + [ + "ĠG", + "UI" + ], + [ + "EG", + "IN" + ], + [ + "ĠR", + "ange" + ], + [ + "/", + "i" + ], + [ + "ĠT", + "aylor" + ], + [ + "c", + "ost" + ], + [ + "Ġrespond", + "ed" + ], + [ + "ĠTh", + "eme" + ], + [ + "n", + "ce" + ], + [ + "IS", + "H" + ], + [ + "Ġfeat", + "uring" + ], + [ + "Return", + "s" + ], + [ + "ĠK", + "r" + ], + [ + "Ġ", + ".Ċ" + ], + [ + "Ġn", + "am" + ], + [ + "_c", + "b" + ], + [ + "Test", + "ing" + ], + [ + "Ġ{", + "}," + ], + [ + "y", + "al" + ], + [ + ".f", + "ield" + ], + [ + "Ġ/", + "=" + ], + [ + "_SH", + "ORT" + ], + [ + "m", + "ates" + ], + [ + "Test", + "Case" + ], + [ + "ain", + "less" + ], + [ + "Ġeval", + "uation" + ], + [ + "_", + "ITEM" + ], + [ + "ĠPac", + "ific" + ], + [ + "ĉ", + "k" + ], + [ + "Ġc", + "ant" + ], + [ + "ĠR", + "os" + ], + [ + ")", + "s" + ], + [ + "Ġf", + "et" + ], + [ + "STR", + "ING" + ], + [ + "ĠDis", + "pose" + ], + [ + "g", + "al" + ], + [ + "ĠJ", + "oin" + ], + [ + "ĠP", + "orn" + ], + [ + "ĠCath", + "olic" + ], + [ + "AR", + "GET" + ], + [ + "cp", + "u" + ], + [ + "ç", + "łģ" + ], + [ + ".sc", + "roll" + ], + [ + "IS", + "ING" + ], + [ + "ifest", + "yle" + ], + [ + "anc", + "ement" + ], + [ + "Ġm", + "erc" + ], + [ + "ĠB", + "rowser" + ], + [ + "eter", + "min" + ], + [ + "Ġover", + "flow" + ], + [ + "Av", + "ailable" + ], + [ + "Ġbott", + "le" + ], + [ + ":", + "UI" + ], + [ + "ific", + "ial" + ], + [ + "Ġco", + "ord" + ], + [ + "clar", + "ation" + ], + [ + "Ġcon", + "j" + ], + [ + "G", + "LOBAL" + ], + [ + "ok", + "u" + ], + [ + "Ġk", + "wargs" + ], + [ + "cond", + "itions" + ], + [ + "ul", + "um" + ], + [ + "Ġg", + "enu" + ], + [ + "ĠH", + "ero" + ], + [ + "å", + "İ" + ], + [ + "Ġun", + "expected" + ], + [ + "ĠDAM", + "AGES" + ], + [ + "Ġk", + "a" + ], + [ + "ĠC", + "ould" + ], + [ + "UP", + "PORT" + ], + [ + "ĠPh", + "otos" + ], + [ + "Ġconf", + "ident" + ], + [ + "Ġdet", + "ected" + ], + [ + "de", + "g" + ], + [ + "rg", + "b" + ], + [ + "Ġstrong", + "ly" + ], + [ + "Ġ}", + ";čĊ" + ], + [ + "Ġ)", + ":" + ], + [ + "Ġle", + "ct" + ], + [ + "urs", + "ive" + ], + [ + "RO", + "L" + ], + [ + "ĠWe", + "ight" + ], + [ + "Ġent", + "ertainment" + ], + [ + "Ġ)", + ");Ċ" + ], + [ + "Ġg", + "onna" + ], + [ + "Ġb", + "b" + ], + [ + ".d", + "o" + ], + [ + "G", + "S" + ], + [ + "Ġmist", + "ake" + ], + [ + "D", + "L" + ], + [ + "ĠPROVID", + "ED" + ], + [ + "ear", + "ning" + ], + [ + "L", + "imit" + ], + [ + "iss", + "ions" + ], + [ + "[", + "v" + ], + [ + "ä¸", + "į" + ], + [ + "ir", + "ty" + ], + [ + "D", + "el" + ], + [ + "Ġunder", + "lying" + ], + [ + "pre", + "ne" + ], + [ + "Ġj", + "aw" + ], + [ + "ĠD", + "I" + ], + [ + "pe", + "er" + ], + [ + "Ġobject", + "ive" + ], + [ + "Ġde", + "posit" + ], + [ + "Ġk", + "on" + ], + [ + "Ġes", + "p" + ], + [ + ".set", + "Visibility" + ], + [ + "/", + "login" + ], + [ + "<", + "typename" + ], + [ + "Ġfr", + "anch" + ], + [ + "/", + "e" + ], + [ + "Par", + "allel" + ], + [ + "Ġsc", + "ored" + ], + [ + "ĠH", + "on" + ], + [ + "ĠV", + "ill" + ], + [ + "ig", + "a" + ], + [ + "Ġant", + "icip" + ], + [ + "_", + "assert" + ], + [ + "ĠO", + "pt" + ], + [ + "Ġdescri", + "bes" + ], + [ + "w", + "an" + ], + [ + "m", + "ount" + ], + [ + "Ġmonitor", + "ing" + ], + [ + "Ġt", + "out" + ], + [ + "ëĬ", + "Ķ" + ], + [ + "},", + "{" + ], + [ + "................", + "................" + ], + [ + "=", + "int" + ], + [ + "Ġc", + "ust" + ], + [ + "----", + "--" + ], + [ + "Ġatmos", + "phere" + ], + [ + "P", + "AR" + ], + [ + "ort", + "e" + ], + [ + "IS", + "IBLE" + ], + [ + "ĠI", + "ron" + ], + [ + "ĠNot", + "ification" + ], + [ + ".log", + "ging" + ], + [ + "ĠBO", + "OL" + ], + [ + "-p", + "oint" + ], + [ + "Ġaf", + "raid" + ], + [ + "ent", + "a" + ], + [ + "Ġtom", + "orrow" + ], + [ + "@", + "implementation" + ], + [ + "Ġeng", + "age" + ], + [ + "ĠAn", + "th" + ], + [ + "ĠF", + "loor" + ], + [ + "ĠU", + "l" + ], + [ + "To", + "ols" + ], + [ + "Ġb", + "ab" + ], + [ + "Ġcare", + "ful" + ], + [ + "ãģ", + "Ħ" + ], + [ + "Ġcruc", + "ial" + ], + [ + "Ġcalcul", + "ated" + ], + [ + "ĠS", + "A" + ], + [ + "Ġw", + "y" + ], + [ + "D", + "X" + ], + [ + "_T", + "AG" + ], + [ + "ind", + "ed" + ], + [ + "Ġj", + "et" + ], + [ + "ĠEngine", + "ering" + ], + [ + ".M", + "AX" + ], + [ + "en", + "z" + ], + [ + "v", + "d" + ], + [ + "Ġpublic", + "ation" + ], + [ + "Ġ##", + "#" + ], + [ + "Ġfac", + "ed" + ], + [ + "ra", + "ham" + ], + [ + "ĠC", + "apt" + ], + [ + "As", + "set" + ], + [ + "ĠCon", + "stants" + ], + [ + "Ġlo", + "ans" + ], + [ + "_", + "IP" + ], + [ + "ĠF", + "ish" + ], + [ + "Red", + "uc" + ], + [ + "_m", + "at" + ], + [ + "Date", + "Format" + ], + [ + "_m", + "e" + ], + [ + "[]", + "[]" + ], + [ + "Ġintegr", + "ity" + ], + [ + "ĠC", + "ourse" + ], + [ + "lob", + "als" + ], + [ + "Ġfac", + "ilit" + ], + [ + "Ġem", + "br" + ], + [ + "ĠN", + "g" + ], + [ + ".S", + "ystem" + ], + [ + "Ġmanufact", + "urers" + ], + [ + "Ġpro", + "ven" + ], + [ + ".on", + "Create" + ], + [ + "Ġal", + "arm" + ], + [ + "ĠÂ", + "§" + ], + [ + "Ġcomm", + "only" + ], + [ + "ic", + "os" + ], + [ + "æĸ", + "°" + ], + [ + "ĠSt", + "ation" + ], + [ + "}", + ")." + ], + [ + "ĠF", + "ilm" + ], + [ + "w", + "i" + ], + [ + "ç", + "ī" + ], + [ + "Ġeng", + "aged" + ], + [ + "St", + "ats" + ], + [ + "Ġgovern", + "ments" + ], + [ + "Ġafford", + "able" + ], + [ + "_p", + "roperty" + ], + [ + "Ġag", + "es" + ], + [ + "('", + "--" + ], + [ + "Ġf", + "ör" + ], + [ + "ĠProf", + "essor" + ], + [ + "Ġhy", + "dro" + ], + [ + "P", + "ush" + ], + [ + "Ġorgan", + "ized" + ], + [ + "Ac", + "cept" + ], + [ + "é", + "m" + ], + [ + "_c", + "ell" + ], + [ + "Ġn", + "b" + ], + [ + "p", + "b" + ], + [ + "Art", + "icle" + ], + [ + "Ġrem", + "oval" + ], + [ + "Ġauth", + "entication" + ], + [ + "ĠF", + "R" + ], + [ + "l", + "ide" + ], + [ + "Ġple", + "asure" + ], + [ + "ap", + "ol" + ], + [ + "Ġpart", + "ition" + ], + [ + "ĠS", + "ide" + ], + [ + "Ġcr", + "imes" + ], + [ + "Ġdem", + "o" + ], + [ + "hold", + "ers" + ], + [ + "ĠPak", + "istan" + ], + [ + "In", + "struction" + ], + [ + "Ġexpect", + "ations" + ], + [ + ".sc", + "ene" + ], + [ + "Ġ'", + ")" + ], + [ + "h", + "es" + ], + [ + "ino", + "is" + ], + [ + "_P", + "ro" + ], + [ + "Ġm", + "olec" + ], + [ + "and", + "al" + ], + [ + "_sh", + "ort" + ], + [ + "Ġdefault", + "s" + ], + [ + "Ġn", + "ations" + ], + [ + "in", + "en" + ], + [ + "Ġr", + "t" + ], + [ + "O", + "CK" + ], + [ + "P", + "acket" + ], + [ + "S", + "B" + ], + [ + "ĠSH", + "ALL" + ], + [ + "_cont", + "ents" + ], + [ + "ise", + "conds" + ], + [ + "vert", + "y" + ], + [ + "á", + "t" + ], + [ + "G", + "uid" + ], + [ + "n", + "om" + ], + [ + "Ġcon", + "clusion" + ], + [ + ".", + "Update" + ], + [ + "Ġlo", + "vely" + ], + [ + "Ġem", + "it" + ], + [ + "b", + "ec" + ], + [ + "ĉĉĉĉ", + "Ġ" + ], + [ + "Ġintel", + "lect" + ], + [ + "Ġb", + "rew" + ], + [ + "ec", + "ycle" + ], + [ + "F", + "ire" + ], + [ + "Ġad", + "mit" + ], + [ + "Ġar", + "bit" + ], + [ + "Ġarr", + "ang" + ], + [ + "ĠM", + "IN" + ], + [ + "M", + "ail" + ], + [ + "ĠN", + "ative" + ], + [ + "C", + "ur" + ], + [ + "Ġcon", + "vent" + ], + [ + ".R", + "untime" + ], + [ + "\"", + "}Ċ" + ], + [ + ".R", + "un" + ], + [ + "Ġprint", + "ed" + ], + [ + "Ġconven", + "ient" + ], + [ + ".", + "ar" + ], + [ + "m", + "ock" + ], + [ + "ĠAdmin", + "istration" + ], + [ + "ãģ", + "¾" + ], + [ + "Ġelect", + "ron" + ], + [ + "fl", + "ate" + ], + [ + "Ġl", + "ombok" + ], + [ + "Ġjava", + "fx" + ], + [ + "n", + "h" + ], + [ + "Ġsup", + "plies" + ], + [ + "Ġvisit", + "ing" + ], + [ + "ah", + "l" + ], + [ + "Ġpow", + "der" + ], + [ + "Ġult", + "imate" + ], + [ + "Ġorient", + "ation" + ], + [ + "ut", + "as" + ], + [ + "_s", + "cale" + ], + [ + "Con", + "firm" + ], + [ + "ph", + "ones" + ], + [ + "ĠOper", + "ation" + ], + [ + "/", + "T" + ], + [ + "_IN", + "TER" + ], + [ + "Ġair", + "port" + ], + [ + "Ġmet", + "rics" + ], + [ + "Ġphen", + "omen" + ], + [ + "a", + "udio" + ], + [ + "Ġm", + "ai" + ], + [ + "(", + "K" + ], + [ + "h", + "u" + ], + [ + "all", + "ing" + ], + [ + "rodu", + "ction" + ], + [ + "ĠTrans", + "port" + ], + [ + "ĠNOT", + "E" + ], + [ + "æĸ", + "ĩ" + ], + [ + "Ġfew", + "er" + ], + [ + "_T", + "IM" + ], + [ + "ì", + "§" + ], + [ + "к", + "и" + ], + [ + "A", + "ge" + ], + [ + "F", + "IN" + ], + [ + "Ġì", + "Ŀ" + ], + [ + "ĠAt", + "tribute" + ], + [ + "group", + "s" + ], + [ + "er", + "k" + ], + [ + "at", + "to" + ], + [ + ".", + "define" + ], + [ + ".AspNet", + "Core" + ], + [ + "ategor", + "ia" + ], + [ + "ĠS", + "ir" + ], + [ + "(", + "form" + ], + [ + "<", + "User" + ], + [ + ".", + "round" + ], + [ + "_d", + "ay" + ], + [ + ".A", + "ll" + ], + [ + "Servlet", + "Response" + ], + [ + ".N", + "o" + ], + [ + "l", + "arge" + ], + [ + "IG", + "H" + ], + [ + "qu", + "ent" + ], + [ + "Ġvir", + "us" + ], + [ + "Ġret", + "ro" + ], + [ + "Ġim", + "per" + ], + [ + "Bit", + "map" + ], + [ + "Ġv", + "ice" + ], + [ + "Ġoff", + "ense" + ], + [ + "ist", + "e" + ], + [ + "ĠA", + "UTH" + ], + [ + "Ġê", + "°" + ], + [ + "ToolStrip", + "MenuItem" + ], + [ + "G", + "u" + ], + [ + "Ġr", + "ape" + ], + [ + "ĠDav", + "is" + ], + [ + "Ġover", + "whel" + ], + [ + ":", + "flutter" + ], + [ + "-", + "table" + ], + [ + "ĠCon", + "structor" + ], + [ + "Pr", + "ivate" + ], + [ + "e", + "ven" + ], + [ + "ch", + "r" + ], + [ + "Ġap", + "plies" + ], + [ + "_at", + "tribute" + ], + [ + "Ġcon", + "tribute" + ], + [ + "E", + "VER" + ], + [ + "L", + "ines" + ], + [ + "ĠAf", + "ghan" + ], + [ + "Vis", + "itor" + ], + [ + "ĠS", + "L" + ], + [ + "se", + "ason" + ], + [ + "C", + "U" + ], + [ + "Ġintrodu", + "ction" + ], + [ + "Ġmat", + "plotlib" + ], + [ + "Å", + "ij" + ], + [ + "Ġnewsp", + "aper" + ], + [ + "âĢĶ", + "and" + ], + [ + "<", + "tag" + ], + [ + "Ġin", + "i" + ], + [ + "Ġd", + "iverse" + ], + [ + "Ignore", + "Case" + ], + [ + "ĠU", + "r" + ], + [ + "Ag", + "ent" + ], + [ + "Ġb", + "ull" + ], + [ + ".em", + "it" + ], + [ + "(", + "Exception" + ], + [ + "ar", + "Layout" + ], + [ + "Ġincred", + "ibly" + ], + [ + "ĠTr", + "ust" + ], + [ + "={", + "(" + ], + [ + "-", + "nav" + ], + [ + "Ġe", + "quals" + ], + [ + "Ġl", + "ady" + ], + [ + "ĠP", + "od" + ], + [ + "d", + "isc" + ], + [ + "al", + "am" + ], + [ + "ĠI", + "V" + ], + [ + "â", + "Ļ" + ], + [ + "iv", + "idual" + ], + [ + "ph", + "i" + ], + [ + "add", + "ed" + ], + [ + "Ġdifficult", + "y" + ], + [ + "Ġcomp", + "act" + ], + [ + "ĠAction", + "Result" + ], + [ + "c", + "ers" + ], + [ + "_class", + "es" + ], + [ + "Non", + "Null" + ], + [ + "Ġqu", + "it" + ], + [ + "Ġp", + "ou" + ], + [ + "S", + "witch" + ], + [ + "ir", + "s" + ], + [ + "-", + "test" + ], + [ + "ĠK", + "ind" + ], + [ + "ĠCal", + "endar" + ], + [ + "Ġstream", + "ing" + ], + [ + "}", + "'," + ], + [ + "S", + "W" + ], + [ + "Ġst", + "ead" + ], + [ + "oc", + "a" + ], + [ + "Ġprov", + "ince" + ], + [ + "Ġcol", + "span" + ], + [ + "Ġperson", + "nel" + ], + [ + "ĠE", + "mployee" + ], + [ + "Ġprodu", + "cer" + ], + [ + "Ġevery", + "where" + ], + [ + "od", + "b" + ], + [ + "Ð", + "Ł" + ], + [ + "bs", + "olute" + ], + [ + "act", + "ivate" + ], + [ + "Ġgr", + "inding" + ], + [ + "ĠBuild", + "ing" + ], + [ + "ĠSand", + "ers" + ], + [ + "(s", + "c" + ], + [ + "ĠOff", + "set" + ], + [ + "////////", + "////" + ], + [ + "}", + ";čĊčĊ" + ], + [ + "({", + "\"" + ], + [ + "Ġscan", + "f" + ], + [ + "ĠY", + "Y" + ], + [ + "ĉdef", + "er" + ], + [ + "Ġj", + "ew" + ], + [ + "Ġrestrict", + "ions" + ], + [ + ".m", + "p" + ], + [ + "[", + "l" + ], + [ + "ä¸", + "ĭ" + ], + [ + "label", + "s" + ], + [ + "red", + "icate" + ], + [ + "aw", + "esome" + ], + [ + "Ġw", + "aves" + ], + [ + "Ġcon", + "front" + ], + [ + "Ġmeas", + "ured" + ], + [ + "Ġdat", + "as" + ], + [ + "_ex", + "it" + ], + [ + "ot", + "ton" + ], + [ + "Ġshould", + "er" + ], + [ + "ask", + "a" + ], + [ + "+", + "#" + ], + [ + "ĠĠĠĠĠĠĠĠĊ", + "ĠĠĠĠĠĠĠĠĊ" + ], + [ + "Ġtro", + "ops" + ], + [ + "ĠU", + "nd" + ], + [ + "_c", + "ard" + ], + [ + "w", + "ich" + ], + [ + "Ġn", + "ous" + ], + [ + "Ġ\"/", + "\"" + ], + [ + "s", + "b" + ], + [ + "Ġcommunic", + "ations" + ], + [ + "Ex", + "port" + ], + [ + "Ġdec", + "ode" + ], + [ + "th", + "s" + ], + [ + "inter", + "pret" + ], + [ + "By", + "Name" + ], + [ + "ĠSp", + "irit" + ], + [ + "ed", + "ges" + ], + [ + "O", + "LE" + ], + [ + "ĠE", + "M" + ], + [ + "t", + "it" + ], + [ + "ĠTh", + "rough" + ], + [ + "Ġb", + "io" + ], + [ + "ĠP", + "ackage" + ], + [ + "or", + "ne" + ], + [ + "Ġ}", + "." + ], + [ + "`", + ";Ċ" + ], + [ + "Ġok", + "ay" + ], + [ + "ĠZe", + "aland" + ], + [ + "ident", + "ity" + ], + [ + "(n", + "ext" + ], + [ + "ĠB", + "ang" + ], + [ + "Lib", + "rary" + ], + [ + "Ġheav", + "ily" + ], + [ + "il", + "on" + ], + [ + "Ġdi", + "pl" + ], + [ + "Ġrot", + "ate" + ], + [ + "put", + "s" + ], + [ + ")", + "',Ċ" + ], + [ + "ĠData", + "Table" + ], + [ + "Ġmay", + "or" + ], + [ + ".to", + "LowerCase" + ], + [ + "Ġsome", + "how" + ], + [ + "ĠNor", + "thern" + ], + [ + "al", + "c" + ], + [ + "Ġcap", + "abilities" + ], + [ + "Ġv", + "ibr" + ], + [ + "+", + "Ċ" + ], + [ + "ĠS", + "u" + ], + [ + "ĠRes", + "et" + ], + [ + "_m", + "ean" + ], + [ + "Ġc", + "ig" + ], + [ + ".cl", + "oud" + ], + [ + "ĠB", + "and" + ], + [ + "ĠF", + "actory" + ], + [ + "ĠAr", + "izona" + ], + [ + "_", + "io" + ], + [ + "op", + "her" + ], + [ + "Ġconsc", + "ious" + ], + [ + "ĠÃ", + "¶" + ], + [ + "\\", + "Controllers" + ], + [ + "_s", + "peed" + ], + [ + "ĠF", + "ac" + ], + [ + "_C", + "om" + ], + [ + "ĠB", + "ible" + ], + [ + "w", + "en" + ], + [ + "ED", + "IT" + ], + [ + "Ġun", + "n" + ], + [ + "ĠSt", + "aff" + ], + [ + "ĠIn", + "n" + ], + [ + "Ġmechan", + "ism" + ], + [ + "ĠM", + "embers" + ], + [ + "Ġmigration", + "Builder" + ], + [ + "']", + ".'" + ], + [ + ".get", + "Int" + ], + [ + "<", + "void" + ], + [ + "ĉf", + "ree" + ], + [ + "oid", + "s" + ], + [ + "\\", + "Support" + ], + [ + "Ġautom", + "atic" + ], + [ + "Ġch", + "ances" + ], + [ + "Ð", + "¶" + ], + [ + "Ġcomp", + "licated" + ], + [ + "[", + "row" + ], + [ + "ah", + "oo" + ], + [ + "Ġ}ĊĊ", + "ĊĊ" + ], + [ + "Model", + "s" + ], + [ + "W", + "in" + ], + [ + "Ġt", + "ape" + ], + [ + "ir", + "us" + ], + [ + "iz", + "on" + ], + [ + "on", + "omy" + ], + [ + "(\"", + "_" + ], + [ + ":", + "." + ], + [ + ".st", + "ereotype" + ], + [ + "(", + "env" + ], + [ + "_re", + "ct" + ], + [ + "(w", + "ith" + ], + [ + "Ġassert", + "That" + ], + [ + "Ġcon", + "straints" + ], + [ + "put", + "y" + ], + [ + "E", + "mployee" + ], + [ + "T", + "D" + ], + [ + "Ġgu", + "itar" + ], + [ + "ĠJew", + "s" + ], + [ + ".pro", + "cess" + ], + [ + "Ġf", + "iction" + ], + [ + "ĠSh", + "ared" + ], + [ + "âĶĢ", + "âĶĢ" + ], + [ + "Ġprop", + "ag" + ], + [ + ".N", + "et" + ], + [ + "Ġachie", + "ved" + ], + [ + "ĉ", + "Q" + ], + [ + "Ġn", + "urs" + ], + [ + "Sh", + "ared" + ], + [ + "_FAIL", + "URE" + ], + [ + "Ġbeh", + "aviour" + ], + [ + "Ġcol", + "s" + ], + [ + "ism", + "o" + ], + [ + "Ġfem", + "in" + ], + [ + "Ġchalleng", + "ing" + ], + [ + "Ġpost", + "ing" + ], + [ + "enc", + "il" + ], + [ + "Ġcapt", + "ured" + ], + [ + "ĠD", + "ou" + ], + [ + "(", + "word" + ], + [ + "ĠTur", + "key" + ], + [ + "pan", + "ies" + ], + [ + "Ġre", + "putation" + ], + [ + "ORM", + "AL" + ], + [ + "Ġelig", + "ible" + ], + [ + "prot", + "ocol" + ], + [ + "id", + "as" + ], + [ + "(f", + "rom" + ], + [ + "Ġfin", + "ance" + ], + [ + "-", + "per" + ], + [ + "Ġg", + "otten" + ], + [ + "H", + "A" + ], + [ + "d", + "uration" + ], + [ + "ĠP", + "arent" + ], + [ + "Ġin", + "vent" + ], + [ + "Ġre", + "start" + ], + [ + "ол", + "ÑĮ" + ], + [ + "r", + "ition" + ], + [ + "(r", + "s" + ], + [ + "<", + "bool" + ], + [ + "i", + "ert" + ], + [ + "Ġmod", + "ification" + ], + [ + "ĠT", + "X" + ], + [ + "readcr", + "umb" + ], + [ + "b", + "ank" + ], + [ + "$", + "/" + ], + [ + "ĠMill", + "er" + ], + [ + "]", + "),Ċ" + ], + [ + ".Check", + "ed" + ], + [ + "Ġsac", + "r" + ], + [ + "se", + "curity" + ], + [ + "Ġp", + "ose" + ], + [ + "ĠBr", + "ad" + ], + [ + "Ġfit", + "ness" + ], + [ + "Ġannounc", + "ement" + ], + [ + "ation", + "Token" + ], + [ + "Ġserv", + "es" + ], + [ + "ne", + "ed" + ], + [ + "Ġge", + "ometry" + ], + [ + "AR", + "S" + ], + [ + "æ", + "Ģ" + ], + [ + "andid", + "ate" + ], + [ + "Ġs", + "prite" + ], + [ + "_s", + "plit" + ], + [ + "We", + "ek" + ], + [ + "ad", + "ies" + ], + [ + ">", + "(Ċ" + ], + [ + "?>", + "\"" + ], + [ + "Ġ///", + "Ċ" + ], + [ + "Ġein", + "er" + ], + [ + "Ġweek", + "ly" + ], + [ + "ĉlog", + "ger" + ], + [ + "_p", + "op" + ], + [ + "_m", + "an" + ], + [ + "Ġmigr", + "ations" + ], + [ + "Ġask", + "s" + ], + [ + "Ġb", + "s" + ], + [ + "Ġfall", + "s" + ], + [ + ".W", + "here" + ], + [ + "-", + "height" + ], + [ + "_fe", + "ature" + ], + [ + ".M", + "in" + ], + [ + "Ġhy", + "per" + ], + [ + "Ġvol", + "atile" + ], + [ + "Ġtw", + "enty" + ], + [ + "Typ", + "ography" + ], + [ + "Un", + "able" + ], + [ + "D", + "et" + ], + [ + ",", + "f" + ], + [ + "-m", + "od" + ], + [ + "Ġsett", + "lement" + ], + [ + "Ġcontract", + "s" + ], + [ + "n", + "ome" + ], + [ + "B", + "ad" + ], + [ + "ĠB", + "rian" + ], + [ + "(user", + "name" + ], + [ + "!!", + "!!" + ], + [ + "Ġh", + "ack" + ], + [ + ".F", + "ield" + ], + [ + "H", + "R" + ], + [ + "ĠJ", + "ordan" + ], + [ + "iz", + "a" + ], + [ + "ĠÂ", + "ł" + ], + [ + "ĠSh", + "er" + ], + [ + ".", + "header" + ], + [ + "(", + "other" + ], + [ + "ĠD", + "ub" + ], + [ + "(", + "op" + ], + [ + "ĠR", + "ound" + ], + [ + "Ġv", + "ie" + ], + [ + "Ġap", + "pl" + ], + [ + "ĉ", + "J" + ], + [ + "ĠIn", + "sert" + ], + [ + "ĠL", + "P" + ], + [ + "reg", + "on" + ], + [ + "ĠM", + "PI" + ], + [ + "Ġan", + "chor" + ], + [ + "ac", + "a" + ], + [ + "ø", + "r" + ], + [ + "Ġa", + "de" + ], + [ + "anch", + "or" + ], + [ + "que", + "e" + ], + [ + "ĠTree", + "Node" + ], + [ + "Ġtarget", + "ed" + ], + [ + "Ġla", + "id" + ], + [ + "AB", + "EL" + ], + [ + "v", + "et" + ], + [ + "ĠOr", + "igin" + ], + [ + "A", + "nt" + ], + [ + ".", + "');Ċ" + ], + [ + "ex", + "pect" + ], + [ + "ed", + "Reader" + ], + [ + "ĠM", + "ajor" + ], + [ + "Ġin", + "ch" + ], + [ + "Com", + "par" + ], + [ + "Ġpre", + "view" + ], + [ + "Ġill", + "ness" + ], + [ + "ĠCONTR", + "ACT" + ], + [ + "ĠInd", + "epend" + ], + [ + "u", + "uid" + ], + [ + "Ġn", + "ome" + ], + [ + "Ġt", + "c" + ], + [ + "ĠA", + "venue" + ], + [ + "is", + "an" + ], + [ + "Ġph", + "rase" + ], + [ + "_m", + "ove" + ], + [ + "\")", + "[" + ], + [ + "Ġprov", + "ision" + ], + [ + "Ġconcent", + "r" + ], + [ + "_", + "IR" + ], + [ + "ĠU", + "t" + ], + [ + "()", + "+" + ], + [ + "Ġn", + "as" + ], + [ + "!", + "," + ], + [ + "ĠRob", + "in" + ], + [ + "i", + "ations" + ], + [ + "at", + "itude" + ], + [ + "Ġp", + "x" + ], + [ + "ĠWith", + "out" + ], + [ + "/b", + "ash" + ], + [ + "ek", + "t" + ], + [ + "re", + "ement" + ], + [ + "Ob", + "server" + ], + [ + "ĠReg", + "ion" + ], + [ + "UBL", + "IC" + ], + [ + "Ġ{", + "//" + ], + [ + "K", + "N" + ], + [ + "å", + "·" + ], + [ + "Game", + "Object" + ], + [ + "å", + "¾" + ], + [ + "enc", + "oding" + ], + [ + "Ġ**", + "*" + ], + [ + "project", + "s" + ], + [ + "Ġt", + "k" + ], + [ + "Ġche", + "ese" + ], + [ + "EM", + "PL" + ], + [ + "ar", + "o" + ], + [ + "Ġا", + "ÙĦ" + ], + [ + "Ġcons", + "ists" + ], + [ + "ref", + "resh" + ], + [ + "ure", + "au" + ], + [ + "ĠSc", + "anner" + ], + [ + "Ġso", + "il" + ], + [ + "Ġfl", + "avor" + ], + [ + "Data", + "Source" + ], + [ + "Ex", + "ecute" + ], + [ + "ени", + "е" + ], + [ + "Ġsh", + "it" + ], + [ + "åĪ", + "Ĩ" + ], + [ + "<", + "any" + ], + [ + "Ġretrie", + "ve" + ], + [ + "Ġbelong", + "s" + ], + [ + ".st", + "rip" + ], + [ + "abs", + "olute" + ], + [ + "Ġexp", + "anded" + ], + [ + "bo", + "y" + ], + [ + "):", + "-" + ], + [ + "Ġresc", + "ue" + ], + [ + ".J", + "Label" + ], + [ + "Ġre", + "ly" + ], + [ + "Ġal", + "ignment" + ], + [ + "-f", + "amily" + ], + [ + "Ġre", + "nd" + ], + [ + "OLUM", + "N" + ], + [ + "Ġb", + "orrow" + ], + [ + "Ġqu", + "otes" + ], + [ + "ĠL", + "ew" + ], + [ + "Ġsh", + "ower" + ], + [ + "ĠDE", + "LETE" + ], + [ + "_lo", + "op" + ], + [ + "!", + "\"ĊĊ" + ], + [ + "ĉ", + "re" + ], + [ + "Ġattempt", + "ed" + ], + [ + "aver", + "age" + ], + [ + "ĠP", + "aint" + ], + [ + "quis", + "ition" + ], + [ + "ol", + "en" + ], + [ + "Ġliter", + "ature" + ], + [ + "ĠRe", + "ference" + ], + [ + "_TEXT", + "URE" + ], + [ + "ĠS", + "eg" + ], + [ + "ĠInd", + "ust" + ], + [ + "ct", + "ype" + ], + [ + "D", + "UCT" + ], + [ + "_H", + "OST" + ], + [ + "ĠTr", + "ade" + ], + [ + "Ġpl", + "ugins" + ], + [ + "Ġbre", + "ast" + ], + [ + "ul", + "se" + ], + [ + "Ġcreat", + "ure" + ], + [ + "ãģ", + "Ļ" + ], + [ + "ĠW", + "i" + ], + [ + "Ġsup", + "plied" + ], + [ + "c", + "oll" + ], + [ + "!", + "(\"" + ], + [ + "Ġfuck", + "ing" + ], + [ + "ĠCh", + "rome" + ], + [ + "ĠU", + "ri" + ], + [ + "ĠN", + "ation" + ], + [ + "Ġvert", + "ices" + ], + [ + "T", + "HE" + ], + [ + "ĠOr", + "iginal" + ], + [ + "on", + "de" + ], + [ + "Ġsh", + "arp" + ], + [ + "Ġcook", + "ing" + ], + [ + "Ġ{", + "/*" + ], + [ + "ĠPs", + "ych" + ], + [ + "ĠH", + "ollywood" + ], + [ + "=$", + "_" + ], + [ + ".D", + "ock" + ], + [ + "Ġg", + "er" + ], + [ + "Ġb", + "one" + ], + [ + "_con", + "n" + ], + [ + "_se", + "c" + ], + [ + "ys", + "ics" + ], + [ + "Ġ=", + "\"" + ], + [ + "S", + "al" + ], + [ + "s", + "f" + ], + [ + "Ġdeep", + "ly" + ], + [ + "ang", + "les" + ], + [ + "T", + "erm" + ], + [ + "b", + "ell" + ], + [ + "ĠQu", + "ick" + ], + [ + "ener", + "ation" + ], + [ + "adio", + "Button" + ], + [ + "åħ", + "¥" + ], + [ + "}čĊčĊ", + "čĊ" + ], + [ + "Ġcapt", + "ion" + ], + [ + "l", + "c" + ], + [ + "ĠE", + "L" + ], + [ + ",", + "[" + ], + [ + "ĠĠĠĠĠĠ", + "čĊ" + ], + [ + "ret", + "t" + ], + [ + "(m", + "ethod" + ], + [ + "ĠFl", + "ash" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "W", + "ISE" + ], + [ + ".s", + "cale" + ], + [ + "Ġrough", + "ly" + ], + [ + "_", + "child" + ], + [ + "m", + "emory" + ], + [ + "ay", + "ing" + ], + [ + "Ġinitial", + "ized" + ], + [ + "in", + "ator" + ], + [ + "а", + "ÑĢ" + ], + [ + "Ġsc", + "alar" + ], + [ + "ĠH", + "o" + ], + [ + "ai", + "res" + ], + [ + "(c", + "olumn" + ], + [ + ".de", + "stroy" + ], + [ + "P", + "ACK" + ], + [ + "Ġh", + "em" + ], + [ + "ang", + "el" + ], + [ + "_S", + "UB" + ], + [ + ".", + "qu" + ], + [ + "Ġ", + "×" + ], + [ + "DE", + "FAULT" + ], + [ + "pos", + "itories" + ], + [ + "ĠL", + "ength" + ], + [ + "ĠF", + "ast" + ], + [ + "Ġsign", + "als" + ], + [ + "Ġ//", + "$" + ], + [ + "ri", + "ers" + ], + [ + "Ġd", + "ummy" + ], + [ + "AN", + "Y" + ], + [ + "Ġperson", + "ality" + ], + [ + "Ġa", + "gricult" + ], + [ + "Pl", + "atform" + ], + [ + "ER", + "O" + ], + [ + "ĠT", + "ra" + ], + [ + "Ġen", + "orm" + ], + [ + "ĉ", + "W" + ], + [ + "Action", + "Result" + ], + [ + "Ġa", + "ver" + ], + [ + "[", + "str" + ], + [ + "Ġ'", + "--" + ], + [ + ".S", + "printf" + ], + [ + "Ġdeb", + "ut" + ], + [ + "Ġ", + "Ñĩ" + ], + [ + "h", + "ex" + ], + [ + "_", + "utils" + ], + [ + "Ġp", + "b" + ], + [ + "U", + "ITableView" + ], + [ + "Ġz", + "ur" + ], + [ + ".", + "encode" + ], + [ + "Ġv", + "ag" + ], + [ + ".error", + "s" + ], + [ + "о", + "н" + ], + [ + "Ġm", + "r" + ], + [ + "ĠA", + "ward" + ], + [ + "Ġc", + "pu" + ], + [ + "Ġpress", + "ed" + ], + [ + "'", + "est" + ], + [ + "ĠF", + "estival" + ], + [ + "'", + "T" + ], + [ + "Ġa", + "k" + ], + [ + "res", + "olve" + ], + [ + ".m", + "e" + ], + [ + "Ġn", + "ic" + ], + [ + "Ġgen", + "re" + ], + [ + "Ġat", + "trib" + ], + [ + "ĠMo", + "on" + ], + [ + "Ġarr", + "ive" + ], + [ + "ĠD", + "ating" + ], + [ + "Ġt", + "m" + ], + [ + ".Config", + "uration" + ], + [ + ".", + "red" + ], + [ + "Ġgl", + "m" + ], + [ + "Ġst", + "ations" + ], + [ + "sw", + "itch" + ], + [ + "Ġt", + "ied" + ], + [ + "äº", + "º" + ], + [ + "Ġ/", + ">Ċ" + ], + [ + "Ġsubsequ", + "ent" + ], + [ + "pos", + "able" + ], + [ + "-fl", + "uid" + ], + [ + "Ġth", + "orough" + ], + [ + "Ġpublic", + "ly" + ], + [ + "apt", + "ers" + ], + [ + "ĠWil", + "son" + ], + [ + "_P", + "RE" + ], + [ + "y", + "ard" + ], + [ + "ä", + "¼" + ], + [ + "ĉ", + "in" + ], + [ + "Ġre", + "vers" + ], + [ + "Ġbul", + "let" + ], + [ + "cri", + "bed" + ], + [ + "nes", + "ota" + ], + [ + "Ġ($", + "_" + ], + [ + "ann", + "on" + ], + [ + "c", + "ursor" + ], + [ + "Ġclo", + "thing" + ], + [ + "ĠM", + "ulti" + ], + [ + ":", + "'," + ], + [ + "Ġv", + "ess" + ], + [ + "ordin", + "ator" + ], + [ + "Ġein", + "em" + ], + [ + "C", + "annot" + ], + [ + "Ġar", + "med" + ], + [ + "ĉ", + "V" + ], + [ + "ä¸", + "Ĭ" + ], + [ + ".F", + "lat" + ], + [ + "ĠS", + "ep" + ], + [ + "ĠSub", + "ject" + ], + [ + "_f", + "ont" + ], + [ + "Ġcharacter", + "istics" + ], + [ + "D", + "one" + ], + [ + "el", + "n" + ], + [ + "########", + "####" + ], + [ + "PO", + "S" + ], + [ + "Ġd", + "ensity" + ], + [ + "ĠPl", + "atform" + ], + [ + "-", + "items" + ], + [ + "Ġo", + "vers" + ], + [ + "Ġpush", + "ing" + ], + [ + "ç", + "¤" + ], + [ + ".Con", + "nection" + ], + [ + "_", + "term" + ], + [ + "Ġinitial", + "ization" + ], + [ + "________________", + "________________" + ], + [ + "ç", + "¬" + ], + [ + ".d", + "ocument" + ], + [ + "les", + "h" + ], + [ + "ĉd", + "ocument" + ], + [ + "ĠP", + "in" + ], + [ + "ç", + "a" + ], + [ + "Ġdefinition", + "s" + ], + [ + ".P", + "ath" + ], + [ + "_W", + "RITE" + ], + [ + "Ġ", + "ĉĊ" + ], + [ + "?", + ">ĊĊ" + ], + [ + "Ġter", + "rible" + ], + [ + "be", + "an" + ], + [ + "ick", + "ets" + ], + [ + "ĠS", + "V" + ], + [ + "B", + "uy" + ], + [ + "(t", + "ask" + ], + [ + "Ġreg", + "ime" + ], + [ + "g", + "oogle" + ], + [ + "Ġcr", + "ack" + ], + [ + ".vis", + "it" + ], + [ + "N", + "UM" + ], + [ + "ener", + "gy" + ], + [ + "Ġstr", + "uck" + ], + [ + "_s", + "ample" + ], + [ + ".p", + "ayload" + ], + [ + "Ġre", + "vis" + ], + [ + "ĠSc", + "ene" + ], + [ + "Ġp", + "g" + ], + [ + "Ġbreak", + "fast" + ], + [ + "URRE", + "NT" + ], + [ + ".char", + "At" + ], + [ + "_ex", + "ception" + ], + [ + "ĠAnt", + "on" + ], + [ + "Ġguid", + "elines" + ], + [ + "Ġex", + "haust" + ], + [ + "ĠFin", + "ancial" + ], + [ + "Ġind", + "ent" + ], + [ + "Ġdes", + "ktop" + ], + [ + "H", + "idden" + ], + [ + "F", + "ailure" + ], + [ + "Ġpr", + "inciple" + ], + [ + "Ġ", + "iv" + ], + [ + "Ġse", + "ks" + ], + [ + "n", + "etwork" + ], + [ + "Ġnumber", + "Of" + ], + [ + "ĠAl", + "bert" + ], + [ + "ĉ", + "long" + ], + [ + ",", + "." + ], + [ + "Ġz", + "eros" + ], + [ + "f", + "ade" + ], + [ + "ĠT", + "yp" + ], + [ + "ĠT", + "erm" + ], + [ + "ĠAr", + "ts" + ], + [ + ".App", + "lication" + ], + [ + "Ġbeh", + "alf" + ], + [ + "æĪ", + "·" + ], + [ + "Ġm", + "ere" + ], + [ + "(`", + "${" + ], + [ + "Ġaware", + "ness" + ], + [ + "elp", + "ers" + ], + [ + "f", + "lix" + ], + [ + "Ġwe", + "igh" + ], + [ + "Ġestim", + "ates" + ], + [ + ".", + "child" + ], + [ + "/", + "O" + ], + [ + "ĠBit", + "map" + ], + [ + ".b", + "ottom" + ], + [ + "Ġ************************************************************************", + "**" + ], + [ + "Ex", + "pect" + ], + [ + "ent", + "o" + ], + [ + "ĠFor", + "um" + ], + [ + "ver", + "al" + ], + [ + "Ġj", + "ail" + ], + [ + "Ġab", + "ilities" + ], + [ + "ĠH", + "OLD" + ], + [ + "ĠC", + "it" + ], + [ + "Ġd", + "ynam" + ], + [ + "Ġgr", + "ay" + ], + [ + "ĉĉĉĉĉĉĉĉ", + "ĉĉĉĉĉ" + ], + [ + ".next", + "Int" + ], + [ + "ant", + "ly" + ], + [ + "ĠAR", + "ISING" + ], + [ + "(", + "private" + ], + [ + "Ġreject", + "ed" + ], + [ + "ĠN", + "ic" + ], + [ + "Ġle", + "ather" + ], + [ + "=", + "{Ċ" + ], + [ + "aly", + "tics" + ], + [ + "th", + "etic" + ], + [ + ".T", + "op" + ], + [ + ".P", + "age" + ], + [ + "={", + "`" + ], + [ + "Ġ", + ";čĊ" + ], + [ + "de", + "pth" + ], + [ + "m", + "ann" + ], + [ + "W", + "D" + ], + [ + "ĠS", + "om" + ], + [ + ".R", + "ight" + ], + [ + "Ġ)", + "}Ċ" + ], + [ + "Ġtr", + "ait" + ], + [ + "Ã", + "Ĺ" + ], + [ + "i", + "ac" + ], + [ + "Ġr", + "v" + ], + [ + "S", + "ample" + ], + [ + ".X", + "ml" + ], + [ + "opp", + "ed" + ], + [ + "ĠÑ", + "Ħ" + ], + [ + "list", + "s" + ], + [ + "Ġt", + "ear" + ], + [ + "ivers", + "ary" + ], + [ + ".c", + "ollection" + ], + [ + "ĠCon", + "stitution" + ], + [ + "ĠHttp", + "Response" + ], + [ + "Ġbr", + "ill" + ], + [ + "ĠP", + "rom" + ], + [ + "h", + "over" + ], + [ + "ĠM", + "iami" + ], + [ + "Ġarg", + "ue" + ], + [ + "_f", + "loat" + ], + [ + "Ġ", + "ãĤ" + ], + [ + "Ġn", + "at" + ], + [ + "ĠT", + "al" + ], + [ + "Ġinteg", + "ration" + ], + [ + "(c", + "ur" + ], + [ + "Ġrem", + "oving" + ], + [ + "Ġco", + "eff" + ], + [ + "ĠTh", + "ough" + ], + [ + "Ġfore", + "cast" + ], + [ + "ĠV", + "egas" + ], + [ + "S", + "ite" + ], + [ + "Ġtr", + "ab" + ], + [ + "ĠHen", + "ry" + ], + [ + "-", + "i" + ], + [ + "Ġinvol", + "ves" + ], + [ + "B", + "T" + ], + [ + "Ġs", + "lo" + ], + [ + "In", + "voke" + ], + [ + "Ġl", + "ucky" + ], + [ + "r", + "at" + ], + [ + "Ġ?", + "Ċ" + ], + [ + "Ġhand", + "led" + ], + [ + "(f", + "d" + ], + [ + "cont", + "ents" + ], + [ + "ĠO", + "FF" + ], + [ + "R", + "F" + ], + [ + "Ġst", + "y" + ], + [ + "ĠM", + "otor" + ], + [ + "ter", + "y" + ], + [ + "t", + "ax" + ], + [ + "M", + "AP" + ], + [ + "ĠMr", + "s" + ], + [ + "Ġph", + "ones" + ], + [ + "ĠUI", + "View" + ], + [ + "\"))", + ");Ċ" + ], + [ + "(", + "dev" + ], + [ + "ĠIr", + "ish" + ], + [ + "Ġw", + "s" + ], + [ + "D", + "I" + ], + [ + "_OFF", + "SET" + ], + [ + "ĠEvent", + "s" + ], + [ + "Ġst", + "ages" + ], + [ + "Ġ}", + "//" + ], + [ + "Ġhab", + "en" + ], + [ + "ST", + "ANCE" + ], + [ + "ĠS", + "in" + ], + [ + "ĠM", + "oney" + ], + [ + "(t", + "op" + ], + [ + "Ġappoint", + "ment" + ], + [ + "VER", + "SION" + ], + [ + "met", + "adata" + ], + [ + "_com", + "ment" + ], + [ + "Ġcolle", + "agues" + ], + [ + "map", + "s" + ], + [ + "â", + "ĺ" + ], + [ + "Ċ", + "ĉĊ" + ], + [ + "(", + "al" + ], + [ + "_re", + "q" + ], + [ + "Ġf", + "ut" + ], + [ + "Ġarchitect", + "ure" + ], + [ + "ĠWH", + "ETHER" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "_s", + "creen" + ], + [ + "Ġstyle", + "Urls" + ], + [ + "Ġmon", + "ster" + ], + [ + ".", + "up" + ], + [ + "ph", + "ia" + ], + [ + "Ġprocess", + "or" + ], + [ + "ĠT", + "err" + ], + [ + "=", + "'," + ], + [ + "ĠMan", + "ufact" + ], + [ + "ĠN", + "T" + ], + [ + "k", + "el" + ], + [ + "ib", + "ern" + ], + [ + "ĉf", + "ile" + ], + [ + "A", + "li" + ], + [ + "rient", + "ation" + ], + [ + "Ġ//", + "!" + ], + [ + "ap", + "ore" + ], + [ + "ane", + "ous" + ], + [ + "ĠC", + "reat" + ], + [ + "f", + "older" + ], + [ + "Ġh", + "ay" + ], + [ + "Sup", + "press" + ], + [ + "(", + "left" + ], + [ + "Ġe", + "uro" + ], + [ + "Ġdis", + "claimer" + ], + [ + "ustr", + "y" + ], + [ + "sh", + "ips" + ], + [ + "_f", + "d" + ], + [ + "ĠF", + "a" + ], + [ + "_in", + "sert" + ], + [ + "Ġro", + "l" + ], + [ + "if", + "ting" + ], + [ + "ĠCom", + "ments" + ], + [ + "_b", + "r" + ], + [ + "Ġloss", + "es" + ], + [ + "ĠAdd", + "ed" + ], + [ + "ch", + "arg" + ], + [ + "Ġп", + "о" + ], + [ + "_s", + "ystem" + ], + [ + "ĠS", + "ometimes" + ], + [ + "ĠSp", + "ain" + ], + [ + "(g", + "roup" + ], + [ + "ial", + "is" + ], + [ + "Ġdoll", + "ar" + ], + [ + "ĠAr", + "gs" + ], + [ + "qu", + "ires" + ], + [ + "ĠT", + "en" + ], + [ + ".s", + "css" + ], + [ + "Ġsurv", + "ive" + ], + [ + "us", + "age" + ], + [ + "Ġj", + "un" + ], + [ + "im", + "iter" + ], + [ + "ï¼ģ", + "ĊĊ" + ], + [ + "Ġfif", + "th" + ], + [ + "t", + "oggle" + ], + [ + "Ġdecl", + "ine" + ], + [ + "($", + "\"" + ], + [ + "(L", + "ong" + ], + [ + "ing", + "e" + ], + [ + "Ġpil", + "ot" + ], + [ + "-l", + "ight" + ], + [ + "-r", + "adius" + ], + [ + "Ġpod", + "cast" + ], + [ + "Ġnatur", + "ally" + ], + [ + "P", + "ages" + ], + [ + "ä¸", + "º" + ], + [ + "ĠDes", + "pite" + ], + [ + "Ġlight", + "ing" + ], + [ + "Ġcr", + "ate" + ], + [ + "ĠB", + "inary" + ], + [ + "Ġredu", + "cing" + ], + [ + "Ġe", + "leg" + ], + [ + "ĠM", + "ouse" + ], + [ + "ĠTest", + "Bed" + ], + [ + "Ġbefore", + "Each" + ], + [ + "_", + "ARRAY" + ], + [ + "Red", + "irect" + ], + [ + "Ġf", + "lood" + ], + [ + "Ġsh", + "ips" + ], + [ + "Ġelectric", + "ity" + ], + [ + ")*", + "(" + ], + [ + "ê", + "¸" + ], + [ + "ĠV", + "iet" + ], + [ + "her", + "o" + ], + [ + "Ġd", + "ia" + ], + [ + "ĠK", + "ent" + ], + [ + "he", + "art" + ], + [ + "Ġthreat", + "s" + ], + [ + "_", + "acc" + ], + [ + "Ġs", + "ymbols" + ], + [ + "is", + "chen" + ], + [ + "_in", + "st" + ], + [ + "C", + "riterion" + ], + [ + "ĠT", + "IM" + ], + [ + ".", + "Height" + ], + [ + "Ġ", + "âĢĻ" + ], + [ + "();ĊĊ", + "Ċ" + ], + [ + "Product", + "s" + ], + [ + "_S", + "P" + ], + [ + "ĠC", + "y" + ], + [ + "Ġdepend", + "ent" + ], + [ + "est", + "e" + ], + [ + "Ġdat", + "os" + ], + [ + "d", + "it" + ], + [ + "аÐ", + "²" + ], + [ + "IGN", + "AL" + ], + [ + "Ġless", + "on" + ], + [ + "\">", + "'" + ], + [ + "ĠC", + "over" + ], + [ + "ĠH", + "ope" + ], + [ + "ĠT", + "imer" + ], + [ + "Ġd", + "ad" + ], + [ + "vid", + "ers" + ], + [ + "ĠPh", + "ot" + ], + [ + "/", + "?" + ], + [ + "rop", + "y" + ], + [ + "om", + "ing" + ], + [ + "as", + "ion" + ], + [ + "Ġ\\", + "(" + ], + [ + "ĠE", + "T" + ], + [ + "ĠRe", + "ading" + ], + [ + "Ġep", + "isodes" + ], + [ + "l", + "m" + ], + [ + "ech", + "a" + ], + [ + "Ġne", + "uro" + ], + [ + "Ġhar", + "mon" + ], + [ + "Ġlib", + "eral" + ], + [ + "-", + "ind" + ], + [ + "D", + "ATA" + ], + [ + "Ġevery", + "day" + ], + [ + "Ġdiv", + "ided" + ], + [ + "ĠActive", + "Record" + ], + [ + "fig", + "ure" + ], + [ + "U", + "A" + ], + [ + "ä", + "¹" + ], + [ + "riend", + "ly" + ], + [ + "te", + "ch" + ], + [ + ".game", + "Object" + ], + [ + "иÑĤ", + "ÑĮ" + ], + [ + "Ġmo", + "on" + ], + [ + "ft", + "ime" + ], + [ + "Ġno", + "ch" + ], + [ + "ĠT", + "ORT" + ], + [ + "ĠV", + "M" + ], + [ + ".in", + "itial" + ], + [ + "(", + "child" + ], + [ + "Ġmus", + "ical" + ], + [ + "Ġo", + "c" + ], + [ + "b", + "as" + ], + [ + "ĠH", + "ay" + ], + [ + "_l", + "ong" + ], + [ + "Ġmem", + "set" + ], + [ + "ile", + "y" + ], + [ + "adel", + "phia" + ], + [ + "S", + "V" + ], + [ + "ro", + "at" + ], + [ + "_t", + "x" + ], + [ + "Ġl", + "on" + ], + [ + "ĠngOn", + "Init" + ], + [ + "b", + "p" + ], + [ + "ĠGold", + "en" + ], + [ + "AC", + "HE" + ], + [ + "Ġwor", + "ried" + ], + [ + "az", + "i" + ], + [ + "E", + "ar" + ], + [ + "T", + "ake" + ], + [ + "(f", + "p" + ], + [ + "bur", + "gh" + ], + [ + "_", + "Data" + ], + [ + "g", + "res" + ], + [ + "ĠO", + "nt" + ], + [ + "p", + "us" + ], + [ + "Ġtrans", + "parent" + ], + [ + "Ġp", + "ocket" + ], + [ + "Ġr", + "am" + ], + [ + "igr", + "ations" + ], + [ + ".", + "čĊčĊ" + ], + [ + "Ġ[", + "(" + ], + [ + "Ġadopt", + "ed" + ], + [ + "Ġreported", + "ly" + ], + [ + "ĠD", + "ream" + ], + [ + "Ġ}", + "));Ċ" + ], + [ + "los", + "ing" + ], + [ + "Ġte", + "eth" + ], + [ + "ĠBook", + "s" + ], + [ + "\",", + "&" + ], + [ + "enn", + "y" + ], + [ + "LE", + "MENT" + ], + [ + "Ġg", + "el" + ], + [ + "ĠPl", + "ant" + ], + [ + "!", + "âĢĿ" + ], + [ + ".h", + "ost" + ], + [ + "ĠRep", + "ly" + ], + [ + "re", + "ngth" + ], + [ + "Ġrecogn", + "ition" + ], + [ + "Ġ}}", + ">Ċ" + ], + [ + "L", + "A" + ], + [ + "Ġmir", + "ror" + ], + [ + "Ġassist", + "ant" + ], + [ + "(", + "device" + ], + [ + "Ġspirit", + "ual" + ], + [ + "b", + "uilder" + ], + [ + "Â", + "§" + ], + [ + "Ġou", + "tr" + ], + [ + "Ġt", + "t" + ], + [ + "ĠP", + "ER" + ], + [ + "Ġrad", + "ical" + ], + [ + "Method", + "s" + ], + [ + "Ġp", + "ace" + ], + [ + "ud", + "y" + ], + [ + "Ġg", + "ut" + ], + [ + "ĠG", + "reek" + ], + [ + "Ġnon", + "atomic" + ], + [ + "ĠP", + "aper" + ], + [ + "_G", + "PIO" + ], + [ + "Ġob", + "st" + ], + [ + ".A", + "d" + ], + [ + "viron", + "ments" + ], + [ + "ĠS", + "ov" + ], + [ + "(", + "con" + ], + [ + "ĠTrans", + "action" + ], + [ + ".", + "assign" + ], + [ + "ĉc", + "atch" + ], + [ + "el", + "ter" + ], + [ + "Ġbit", + "coin" + ], + [ + "_G", + "R" + ], + [ + "ĠčĊ" + ], + [ + "met", + "ic" + ], + [ + "Ġtrans", + "formation" + ], + [ + "åı", + "·" + ], + [ + "Ġr", + "gb" + ], + [ + "istrib", + "utions" + ], + [ + "Ġimp", + "licit" + ], + [ + "/", + "in" + ], + [ + "dest", + "ination" + ], + [ + "аÑĤ", + "ÑĮ" + ], + [ + "Z", + "ero" + ], + [ + "Ġun", + "set" + ], + [ + ".", + "where" + ], + [ + ".g", + "o" + ], + [ + "Ġform", + "ation" + ], + [ + "Ġdeclar", + "ation" + ], + [ + "()", + "čĊčĊ" + ], + [ + "ĠEx", + "pl" + ], + [ + "ĉĉĉ", + "ĠĠ" + ], + [ + "/", + "pro" + ], + [ + ".J", + "SON" + ], + [ + "Ġdes", + "k" + ], + [ + ".sub", + "str" + ], + [ + "//----------------------------------------------------------------", + "------------" + ], + [ + "ly", + "n" + ], + [ + "p", + "son" + ], + [ + "dis", + "able" + ], + [ + "ĠF", + "unc" + ], + [ + "ĉ", + "Assert" + ], + [ + "ĠM", + "ARK" + ], + [ + "Ġdefe", + "at" + ], + [ + "Ġbl", + "ind" + ], + [ + "Ġconst", + "ants" + ], + [ + ".", + "headers" + ], + [ + "UIL", + "D" + ], + [ + "Ġexp", + "enses" + ], + [ + "P", + "ixel" + ], + [ + "Ġh", + "r" + ], + [ + "Ġf", + "el" + ], + [ + "ĠEast", + "ern" + ], + [ + "_d", + "el" + ], + [ + "ĠC", + "ub" + ], + [ + "Ġs", + "q" + ], + [ + "ĉc", + "ount" + ], + [ + "ĠD", + "irectory" + ], + [ + "Ġex", + "clus" + ], + [ + "Ġhistor", + "ic" + ], + [ + "Ġ", + "------------------------------------------------" + ], + [ + "Ġcom", + "position" + ], + [ + "Ġdata", + "GridView" + ], + [ + "ĠB", + "urn" + ], + [ + "ĠB", + "C" + ], + [ + "M", + "aster" + ], + [ + "Ġsp", + "awn" + ], + [ + "Ġbe", + "aring" + ], + [ + ".Set", + "Active" + ], + [ + "il", + "o" + ], + [ + "Ġg", + "allery" + ], + [ + "Ġfound", + "ed" + ], + [ + "Ġav", + "ailability" + ], + [ + ".s", + "qrt" + ], + [ + "Ġp", + "es" + ], + [ + "ĠD", + "OM" + ], + [ + "m", + "ate" + ], + [ + "O", + "ct" + ], + [ + "Ġmatch", + "ed" + ], + [ + "it", + "ivity" + ], + [ + "Ġan", + "xiety" + ], + [ + ".pr", + "ice" + ], + [ + "ĠIn", + "stant" + ], + [ + "ì", + "Ĭ" + ], + [ + "Ġt", + "ut" + ], + [ + "IC", + "ollection" + ], + [ + ".sh", + "ared" + ], + [ + "_s", + "ql" + ], + [ + "t", + "bl" + ], + [ + "lib", + "rary" + ], + [ + "_de", + "stroy" + ], + [ + "erm", + "al" + ], + [ + "ĠNot", + "es" + ], + [ + "ĠE", + "in" + ], + [ + "Ġsou", + "thern" + ], + [ + "ĠOTHER", + "WISE" + ], + [ + "Ġmac", + "ro" + ], + [ + ".l", + "ower" + ], + [ + "cl", + "s" + ], + [ + "Content", + "View" + ], + [ + ".l", + "ink" + ], + [ + "const", + "ant" + ], + [ + "ĠB", + "es" + ], + [ + "Ġsome", + "body" + ], + [ + "n", + "b" + ], + [ + "\">", + "{" + ], + [ + "(", + "local" + ], + [ + "..", + "..." + ], + [ + "ĠN", + "ull" + ], + [ + "m", + "x" + ], + [ + "ĠÃ", + "§" + ], + [ + "Ġp", + "ause" + ], + [ + "--------", + "---" + ], + [ + "_M", + "O" + ], + [ + "ĠC", + "M" + ], + [ + "Ġfor", + "Key" + ], + [ + "ĠD", + "VD" + ], + [ + "Ġclose", + "st" + ], + [ + "_DE", + "VICE" + ], + [ + "ĠSte", + "phen" + ], + [ + "ĠB", + "BC" + ], + [ + "ĠTr", + "avel" + ], + [ + "P", + "aint" + ], + [ + "ĠResult", + "s" + ], + [ + "ĠR", + "ule" + ], + [ + "Ġt", + "p" + ], + [ + "Ġrat", + "ings" + ], + [ + "c", + "in" + ], + [ + "c", + "sv" + ], + [ + ">", + "/" + ], + [ + "ĠG", + "OP" + ], + [ + "l", + "ad" + ], + [ + "Ġ", + "ÑĢ" + ], + [ + "Ġindex", + "Path" + ], + [ + "m", + "atrix" + ], + [ + "=", + "f" + ], + [ + "ars", + "ed" + ], + [ + "Ġ}", + ");" + ], + [ + "ĠC", + "os" + ], + [ + "ĠS", + "core" + ], + [ + "Ġt", + "ak" + ], + [ + "ĠE", + "SP" + ], + [ + "ĠIN", + "C" + ], + [ + "_N", + "ULL" + ], + [ + "-f", + "lex" + ], + [ + "\"]", + "[" + ], + [ + "int", + "o" + ], + [ + "el", + "and" + ], + [ + "Author", + "ization" + ], + [ + "_F", + "ALSE" + ], + [ + "Ġg", + "ate" + ], + [ + "Ġv", + "id" + ], + [ + "ist", + "ent" + ], + [ + "T", + "IME" + ], + [ + "Ġre", + "write" + ], + [ + "Ġt", + "ie" + ], + [ + "Ġarch", + "ive" + ], + [ + ".event", + "s" + ], + [ + ".get", + "Parameter" + ], + [ + "ĠPer", + "mission" + ], + [ + "Ġprogram", + "me" + ], + [ + "Ġ", + "é" + ], + [ + "j", + "ud" + ], + [ + "Ġcam", + "eras" + ], + [ + "(s", + "ys" + ], + [ + "ĠSy", + "rian" + ], + [ + "Ġimpro", + "vements" + ], + [ + "Ġh", + "ip" + ], + [ + "Ġsu", + "icide" + ], + [ + "Ġsch", + "olar" + ], + [ + "Ġcompat", + "ible" + ], + [ + "rem", + "ote" + ], + [ + ".d", + "own" + ], + [ + "F", + "UNCTION" + ], + [ + "Ġman", + "aging" + ], + [ + "ĠUI", + "Kit" + ], + [ + ".", + "raw" + ], + [ + ">>", + ">>" + ], + [ + "Ġdem", + "ands" + ], + [ + "ell", + "ite" + ], + [ + "Ġd", + "ent" + ], + [ + "ĠM", + "icro" + ], + [ + "åı", + "ĸ" + ], + [ + "']", + "[$" + ], + [ + "ĠI", + "E" + ], + [ + "im", + "ension" + ], + [ + "Ġt", + "rem" + ], + [ + "Ġg", + "ained" + ], + [ + ".w", + "ith" + ], + [ + ".", + "ok" + ], + [ + "h", + "ou" + ], + [ + "Ġb", + "om" + ], + [ + "amp", + "aign" + ], + [ + "Ġjoin", + "ing" + ], + [ + "f", + "ish" + ], + [ + "Ġadd", + "Subview" + ], + [ + "Ġnor", + "thern" + ], + [ + ".c", + "or" + ], + [ + "ore", + "t" + ], + [ + "D", + "ie" + ], + [ + "in", + "ish" + ], + [ + "_com", + "p" + ], + [ + "Ġatt", + "ended" + ], + [ + "Ġcoll", + "apse" + ], + [ + "ĠS", + "S" + ], + [ + "ac", + "ent" + ], + [ + "_E", + "QUAL" + ], + [ + "ĠDe", + "ep" + ], + [ + "R", + "GB" + ], + [ + "ĉ", + "test" + ], + [ + "ol", + "ves" + ], + [ + "us", + "et" + ], + [ + "Un", + "ityEngine" + ], + [ + "w", + "riter" + ], + [ + "Res", + "olver" + ], + [ + ",", + "%" + ], + [ + "if", + "ference" + ], + [ + "_re", + "move" + ], + [ + "ond", + "a" + ], + [ + "Ġfem", + "me" + ], + [ + "de", + "code" + ], + [ + "Br", + "anch" + ], + [ + "Ġfl", + "ush" + ], + [ + "Ġinnov", + "ative" + ], + [ + "Test", + "s" + ], + [ + "Ġ['", + "./" + ], + [ + "Ġcover", + "ing" + ], + [ + ".", + "admin" + ], + [ + "ultip", + "art" + ], + [ + "(l", + "ambda" + ], + [ + "", + "namespace" + ], + [ + "ĠS", + "port" + ], + [ + "Ġ!", + "(" + ], + [ + "ac", + "les" + ], + [ + "Ġde", + "pression" + ], + [ + "ĠK", + "ong" + ], + [ + "Ġp", + "ert" + ], + [ + "ĠCon", + "n" + ], + [ + "ĠOther", + "wise" + ], + [ + "/", + "home" + ], + [ + "s", + "upported" + ], + [ + "Ġp", + "ink" + ], + [ + "Ġinv", + "ited" + ], + [ + "ñ", + "os" + ], + [ + "_en", + "abled" + ], + [ + "Ġ-", + "Ċ" + ], + [ + "F", + "W" + ], + [ + "en", + "ers" + ], + [ + "ĠM", + "Y" + ], + [ + "Ġsuggest", + "ions" + ], + [ + "Can", + "vas" + ], + [ + "Ġf", + "er" + ], + [ + "ĠMarket", + "ing" + ], + [ + "@", + "Test" + ], + [ + "unt", + "u" + ], + [ + "ĠV", + "en" + ], + [ + "ĠC", + "ou" + ], + [ + "iv", + "als" + ], + [ + "Don", + "ald" + ], + [ + "lim", + "ited" + ], + [ + "ĉĉĉĉĉĉ", + "Ċ" + ], + [ + "Ġanal", + "yst" + ], + [ + "(", + "entry" + ], + [ + "Ġrepresent", + "ative" + ], + [ + "_at", + "tributes" + ], + [ + "Ġf", + "ur" + ], + [ + ".h", + "ide" + ], + [ + "res", + "p" + ], + [ + "ado", + "res" + ], + [ + "rid", + "es" + ], + [ + "ĠJ", + "osh" + ], + [ + "ro", + "bot" + ], + [ + "ĠN", + "AT" + ], + [ + "Ġs", + "esso" + ], + [ + "Ġintegr", + "ated" + ], + [ + ":", + "true" + ], + [ + "part", + "s" + ], + [ + "Ġst", + "upid" + ], + [ + ":", + "event" + ], + [ + "@end", + "section" + ], + [ + "Ġp", + "u" + ], + [ + ".T", + "able" + ], + [ + "ĠY", + "ii" + ], + [ + "`", + ";ĊĊ" + ], + [ + "Ġcl", + "ang" + ], + [ + "=\"", + "\">" + ], + [ + "eng", + "an" + ], + [ + "_param", + "eters" + ], + [ + ".int", + "ernal" + ], + [ + "ĠMod", + "ern" + ], + [ + "Ġmet", + "ric" + ], + [ + "Ġsem", + "i" + ], + [ + "={", + "{Ċ" + ], + [ + ".am", + "azon" + ], + [ + "ĠB", + "B" + ], + [ + "aint", + "y" + ], + [ + "view", + "port" + ], + [ + "Ġstart", + "Activity" + ], + [ + "dis", + "patch" + ], + [ + "****", + "*" + ], + [ + "Ġfl", + "av" + ], + [ + "iffer", + "ent" + ], + [ + "[", + "this" + ], + [ + "Ġst", + "ake" + ], + [ + "Ġarg", + "ued" + ], + [ + "vious", + "ly" + ], + [ + ".w", + "ork" + ], + [ + "ĠO", + "ak" + ], + [ + "O", + "ld" + ], + [ + "(", + "async" + ], + [ + "not", + "es" + ], + [ + "Ġfl", + "ip" + ], + [ + "Ġdis", + "ag" + ], + [ + "ĠT", + "E" + ], + [ + "ĉ", + "error" + ], + [ + "<", + "'" + ], + [ + "Ġ»", + "ĊĊ" + ], + [ + "Ġfilter", + "ed" + ], + [ + "ĠM", + "ach" + ], + [ + "Ġh", + "ung" + ], + [ + "_d", + "ump" + ], + [ + "_s", + "amples" + ], + [ + "-dis", + "miss" + ], + [ + "Ġr", + "ay" + ], + [ + "Im", + "plemented" + ], + [ + "D", + "K" + ], + [ + "Ġj", + "ed" + ], + [ + "Ġbreak", + "s" + ], + [ + "Ġf", + "its" + ], + [ + ".", + "gr" + ], + [ + "ĠZ", + "ero" + ], + [ + "or", + "o" + ], + [ + "Ġequ", + "ally" + ], + [ + "Ġ'", + "[" + ], + [ + "Ġconcern", + "ing" + ], + [ + "<", + "meta" + ], + [ + "play", + "ers" + ], + [ + "_P", + "OS" + ], + [ + "_s", + "im" + ], + [ + "J", + "an" + ], + [ + "Ġyour", + "s" + ], + [ + "ĉ", + "N" + ], + [ + "Ġsp", + "ir" + ], + [ + "Ġch", + "ampion" + ], + [ + "ĠAn", + "alysis" + ], + [ + "ap", + "a" + ], + [ + "ĠNS", + "Log" + ], + [ + "_l", + "ines" + ], + [ + "ñ", + "a" + ], + [ + "ĉĉ", + "ĠĠĠĠĠĠĠ" + ], + [ + ".S", + "c" + ], + [ + "Re", + "p" + ], + [ + "etro", + "it" + ], + [ + "ur", + "able" + ], + [ + "M", + "IT" + ], + [ + "com", + "pat" + ], + [ + "own", + "ed" + ], + [ + "_ind", + "ices" + ], + [ + "],", + "čĊ" + ], + [ + "Ġdis", + "covery" + ], + [ + "ĠDie", + "go" + ], + [ + "ob", + "i" + ], + [ + ".", + "Index" + ], + [ + "Ġtrend", + "s" + ], + [ + "PL", + "AY" + ], + [ + ".n", + "o" + ], + [ + "Ġl", + "ens" + ], + [ + "_c", + "fg" + ], + [ + "Ġan", + "no" + ], + [ + "ag", + "an" + ], + [ + "Ġperiod", + "s" + ], + [ + "ter", + "ms" + ], + [ + "y", + "z" + ], + [ + "Ġattack", + "ed" + ], + [ + "ib", + "ration" + ], + [ + "PEC", + "IAL" + ], + [ + "_", + "grad" + ], + [ + "Ġaccord", + "ance" + ], + [ + ".Read", + "Line" + ], + [ + ".de", + "vice" + ], + [ + "ri", + "x" + ], + [ + ".", + "container" + ], + [ + "m", + "ay" + ], + [ + "erc", + "ise" + ], + [ + "ĠL", + "u" + ], + [ + "Ġr", + "g" + ], + [ + "ĠÑģ", + "ÑĤ" + ], + [ + "ĉĉĊ", + "ĉĉĊ" + ], + [ + "(", + "un" + ], + [ + "TERN", + "AL" + ], + [ + "Ġless", + "ons" + ], + [ + "Ġalleg", + "ations" + ], + [ + "Ġtrans", + "mission" + ], + [ + ".Re", + "f" + ], + [ + "M", + "obile" + ], + [ + "ĠT", + "ournament" + ], + [ + "ĠN", + "ut" + ], + [ + "ĠG", + "a" + ], + [ + "ĠCap", + "ital" + ], + [ + "def", + "inition" + ], + [ + "-", + "exp" + ], + [ + "c", + "lean" + ], + [ + "Ġfant", + "asy" + ], + [ + "Ġenh", + "ance" + ], + [ + "ent", + "ence" + ], + [ + "']", + ":Ċ" + ], + [ + "ack", + "ets" + ], + [ + "Ġcelebr", + "ate" + ], + [ + "@", + "\"," + ], + [ + "Serialize", + "Field" + ], + [ + "Ġarray", + "s" + ], + [ + "t", + "b" + ], + [ + "ĉ", + "st" + ], + [ + "[", + "assembly" + ], + [ + "(", + "reg" + ], + [ + ".c", + "ategory" + ], + [ + "Ġimpro", + "ving" + ], + [ + "Ġsal", + "ope" + ], + [ + "Byte", + "Array" + ], + [ + "Or", + "iginal" + ], + [ + "Ġ[", + "{Ċ" + ], + [ + "åĽ", + "ŀ" + ], + [ + "ĠCl", + "in" + ], + [ + "oen", + "ix" + ], + [ + "ĠS", + "amsung" + ], + [ + "Ġmaint", + "ained" + ], + [ + "Ġag", + "enda" + ], + [ + "f", + "ail" + ], + [ + "Ġpres", + "ents" + ], + [ + "Ġtim", + "ing" + ], + [ + ".m", + "ark" + ], + [ + "'", + "><" + ], + [ + "Ġprom", + "ot" + ], + [ + "Ġin", + "cl" + ], + [ + "_", + "only" + ], + [ + "ë¥", + "¼" + ], + [ + "ĠAtt", + "orney" + ], + [ + "-", + "date" + ], + [ + "Ġlands", + "cape" + ], + [ + "Ġf", + "u" + ], + [ + "S", + "Y" + ], + [ + ".p", + "rop" + ], + [ + "ĠA", + "rr" + ], + [ + "p", + "ag" + ], + [ + "Parallel", + "Group" + ], + [ + "':", + "čĊ" + ], + [ + "Ġlog", + "s" + ], + [ + "a", + "unch" + ], + [ + "unc", + "i" + ], + [ + "n", + "ama" + ], + [ + "Table", + "Cell" + ], + [ + "iss", + "ues" + ], + [ + ".", + "{" + ], + [ + "ec", + "urity" + ], + [ + "_ex", + "ec" + ], + [ + "old", + "s" + ], + [ + "Ġhost", + "s" + ], + [ + "Ġpro", + "to" + ], + [ + "_", + "import" + ], + [ + "_s", + "ort" + ], + [ + "ĠB", + "ow" + ], + [ + "ĠN", + "ormal" + ], + [ + "ĠF", + "arm" + ], + [ + ".create", + "ParallelGroup" + ], + [ + "R", + "otation" + ], + [ + ".", + "err" + ], + [ + "Ġp", + "leased" + ], + [ + "it", + "age" + ], + [ + ".W", + "h" + ], + [ + "ĉĉ", + "ĠĠĠĠ" + ], + [ + "M", + "R" + ], + [ + "ĠM", + "ORE" + ], + [ + "ĠN", + "atural" + ], + [ + "_", + "transform" + ], + [ + "B", + "ASE" + ], + [ + "ener", + "al" + ], + [ + "ut", + "down" + ], + [ + ".common", + "s" + ], + [ + "W", + "T" + ], + [ + "Ġa", + "an" + ], + [ + ".", + "Result" + ], + [ + "d", + "og" + ], + [ + "Ġclick", + "ing" + ], + [ + "),", + "ĊĊ" + ], + [ + "#", + "line" + ], + [ + "Oper", + "ator" + ], + [ + "Ġc", + "iv" + ], + [ + "Ġm", + "erg" + ], + [ + "ob", + "uf" + ], + [ + "ng", + "then" + ], + [ + "Ġ[", + "{" + ], + [ + "Ġcan", + "cell" + ], + [ + "tr", + "igger" + ], + [ + ".", + ":" + ], + [ + "W", + "ORK" + ], + [ + "decl", + "are" + ], + [ + "Ġdecre", + "ase" + ], + [ + "ÅĽ", + "ci" + ], + [ + "lo", + "om" + ], + [ + ".N", + "one" + ], + [ + "ĠM", + "I" + ], + [ + "ĠJ", + "ason" + ], + [ + "Ġhealth", + "care" + ], + [ + "iam", + "ond" + ], + [ + "s", + "ylvania" + ], + [ + "*", + "x" + ], + [ + "ĠR", + "a" + ], + [ + "[", + "b" + ], + [ + "Ġprint", + "ing" + ], + [ + "ph", + "abet" + ], + [ + "ĠLab", + "our" + ], + [ + "op", + "per" + ], + [ + "Ġz", + "ijn" + ], + [ + "-t", + "arget" + ], + [ + "_F", + "UNCTION" + ], + [ + "Ġo", + "ct" + ], + [ + "ени", + "Ñı" + ], + [ + "åľ", + "¨" + ], + [ + "Ġwest", + "ern" + ], + [ + "Ġcomput", + "ers" + ], + [ + "ĠR", + "ET" + ], + [ + "Hash", + "Map" + ], + [ + "[", + "String" + ], + [ + "get", + "Value" + ], + [ + "_D", + "ATE" + ], + [ + ".N", + "ext" + ], + [ + "ĠF", + "if" + ], + [ + "é", + "l" + ], + [ + "ick", + "ed" + ], + [ + "æ", + "İ" + ], + [ + "-M", + "M" + ], + [ + "Ġ{", + "ĊĊĊ" + ], + [ + "Ġcontact", + "s" + ], + [ + "Ġdig", + "its" + ], + [ + "Pro", + "du" + ], + [ + "Ġunus", + "ual" + ], + [ + "Ġrapid", + "ly" + ], + [ + "t", + "ures" + ], + [ + "Ġang", + "ry" + ], + [ + "c", + "ancel" + ], + [ + "xx", + "xx" + ], + [ + "_p", + "arser" + ], + [ + "id", + "ity" + ], + [ + "_P", + "REFIX" + ], + [ + "Ġme", + "hr" + ], + [ + "Ġrare", + "ly" + ], + [ + "et", + "he" + ], + [ + "op", + "es" + ], + [ + "Ġ%", + "." + ], + [ + "work", + "s" + ], + [ + "Ġthe", + "ta" + ], + [ + "Ġcontrib", + "ution" + ], + [ + "ĠT", + "ony" + ], + [ + "Ġsqu", + "ad" + ], + [ + "аÐ", + "¹" + ], + [ + "Ġî", + "n" + ], + [ + "th", + "ere" + ], + [ + "out", + "ed" + ], + [ + "ĉ", + "q" + ], + [ + "Ļ", + "Ĥ" + ], + [ + "g", + "ood" + ], + [ + "L", + "I" + ], + [ + "é¡", + "µ" + ], + [ + "ĠL", + "iving" + ], + [ + "iz", + "abeth" + ], + [ + "Ġk", + "t" + ], + [ + "ĠD", + "allas" + ], + [ + "]", + "],Ċ" + ], + [ + "Ġ/", + ">ĊĊ" + ], + [ + "Ġrais", + "ing" + ], + [ + "/r", + "outer" + ], + [ + "_g", + "ame" + ], + [ + "ĠC", + "UR" + ], + [ + "z", + "ens" + ], + [ + ".", + "es" + ], + [ + "Ġfont", + "Weight" + ], + [ + "(f", + "unc" + ], + [ + "not", + "ification" + ], + [ + "Ġ'../../", + "../" + ], + [ + "Ġbl", + "ame" + ], + [ + "ãĢĤ", + "ĊĊĊĊ" + ], + [ + "an", + "co" + ], + [ + "Id", + "entity" + ], + [ + "f", + "ollow" + ], + [ + "Ġart", + "s" + ], + [ + "x", + "s" + ], + [ + "Ġofficial", + "ly" + ], + [ + "ĠSt", + "udio" + ], + [ + "Ġrecommend", + "ations" + ], + [ + "Ġloc", + "ale" + ], + [ + "Ġam", + "ateur" + ], + [ + "ĠEn", + "able" + ], + [ + "Ġcap", + "s" + ], + [ + ".", + "End" + ], + [ + "-", + "add" + ], + [ + "_g", + "shared" + ], + [ + "ĠC", + "T" + ], + [ + "For", + "ce" + ], + [ + "Ċ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĊ" + ], + [ + "Ġor", + "ange" + ], + [ + "Ġl", + "p" + ], + [ + "Ġanswer", + "ed" + ], + [ + ".G", + "rid" + ], + [ + "Ġd", + "ual" + ], + [ + "Ġstrateg", + "ic" + ], + [ + "Ġnob", + "ody" + ], + [ + "Ġf", + "atal" + ], + [ + "_", + "est" + ], + [ + "(", + "el" + ], + [ + "Ġì", + "ł" + ], + [ + "ĠB", + "udd" + ], + [ + "A", + "IT" + ], + [ + "_f", + "actor" + ], + [ + "-", + "one" + ], + [ + "ĠH", + "AVE" + ], + [ + "\"", + "čĊčĊ" + ], + [ + "Pro", + "f" + ], + [ + "Ġä", + "r" + ], + [ + "str", + "ings" + ], + [ + "Ġdir", + "ty" + ], + [ + "ĠF", + "ace" + ], + [ + "ĠB", + "egin" + ], + [ + "ĠB", + "us" + ], + [ + "Ġw", + "is" + ], + [ + "åŃ", + "Ĺ" + ], + [ + "Ġspe", + "aker" + ], + [ + "Ġcar", + "rier" + ], + [ + "ĠO", + "m" + ], + [ + "Ġhad", + "n" + ], + [ + "All", + "ow" + ], + [ + "::", + "__" + ], + [ + "Ġver", + "b" + ], + [ + "ĠCom", + "plete" + ], + [ + "ĠE", + "asy" + ], + [ + "Ġb", + "ills" + ], + [ + "ĠĠ", + "ĊĊ" + ], + [ + "Vert", + "ical" + ], + [ + "Ġpr", + "on" + ], + [ + "ĠDef", + "ine" + ], + [ + "Ġlook", + "up" + ], + [ + "variable", + "s" + ], + [ + "Ġpand", + "as" + ], + [ + "um", + "es" + ], + [ + "Ġinn", + "oc" + ], + [ + "Ġset", + "Up" + ], + [ + "ĠCh", + "ampionship" + ], + [ + "art", + "ist" + ], + [ + "ĠC", + "Type" + ], + [ + "F", + "oundation" + ], + [ + "à¹", + "Ī" + ], + [ + "ĠSet", + "up" + ], + [ + "Ġrec", + "ipes" + ], + [ + "ĠU", + "IColor" + ], + [ + "ĠF", + "ight" + ], + [ + "Ġauthor", + "ized" + ], + [ + "_c", + "lick" + ], + [ + "_s", + "uccess" + ], + [ + "ang", + "an" + ], + [ + "ĠMount", + "ain" + ], + [ + "ĠDo", + "ctor" + ], + [ + "Ġeg", + "g" + ], + [ + "ĠMedic", + "ine" + ], + [ + "c", + "les" + ], + [ + "`", + ".Ċ" + ], + [ + "[", + "int" + ], + [ + "d", + "ashboard" + ], + [ + "ĠApp", + "ro" + ], + [ + "-d", + "r" + ], + [ + "Ġprodu", + "ces" + ], + [ + "Ġrent", + "al" + ], + [ + "Ġre", + "load" + ], + [ + "Ġarr", + "ival" + ], + [ + "sp", + "ot" + ], + [ + "Ġund", + "ert" + ], + [ + "Ġequ", + "ipped" + ], + [ + "Ġpro", + "ved" + ], + [ + "Ġcent", + "ers" + ], + [ + "Ġdef", + "ines" + ], + [ + "al", + "so" + ], + [ + "Ġop", + "acity" + ], + [ + "ĠUn", + "fortunately" + ], + [ + "ĠIll", + "inois" + ], + [ + "Ġн", + "е" + ], + [ + "ĠTem", + "ple" + ], + [ + "ĠTr", + "ail" + ], + [ + "ĠK", + "elly" + ], + [ + "Ġmeasure", + "ment" + ], + [ + "Ġsepar", + "ated" + ], + [ + "-c", + "ircle" + ], + [ + "H", + "ey" + ], + [ + "ĠRE", + "AD" + ], + [ + "ig", + "its" + ], + [ + "Ġ", + "ib" + ], + [ + "ĠM", + "OD" + ], + [ + "atter", + "y" + ], + [ + "аÐ", + "·" + ], + [ + "Ġv", + "end" + ], + [ + "ен", + "ÑĤ" + ], + [ + "ĠHttp", + "Client" + ], + [ + "s", + "afe" + ], + [ + "_A", + "SS" + ], + [ + "ic", + "it" + ], + [ + "ĠCon", + "struct" + ], + [ + "ĠC", + "lo" + ], + [ + "ĠS", + "ix" + ], + [ + "_T", + "OKEN" + ], + [ + "(b", + "lock" + ], + [ + "Ġwarn", + "ed" + ], + [ + "/*", + "!" + ], + [ + "!", + "Ċ" + ], + [ + "Ġinnov", + "ation" + ], + [ + "_", + "\"" + ], + [ + "Ġ", + ");čĊčĊ" + ], + [ + "Ġsp", + "ots" + ], + [ + "Ġcho", + "osing" + ], + [ + ".c", + "s" + ], + [ + "Ġflex", + "ible" + ], + [ + "U", + "Int" + ], + [ + "Ġscr", + "atch" + ], + [ + "-", + "al" + ], + [ + "Ġf", + "estival" + ], + [ + "Ġout", + "standing" + ], + [ + "================================", + "================" + ], + [ + "M", + "ean" + ], + [ + "ĠO", + "regon" + ], + [ + "s", + "ymbol" + ], + [ + ".", + "account" + ], + [ + "d", + "ney" + ], + [ + "''", + "'" + ], + [ + "!", + "\"," + ], + [ + "Ġpart", + "icle" + ], + [ + "Ã", + "ĥ" + ], + [ + "[", + "MAX" + ], + [ + "IV", + "ER" + ], + [ + "ER", + "ENCE" + ], + [ + "NS", + "Mutable" + ], + [ + "ĠColum", + "bia" + ], + [ + "_", + "ĊĊ" + ], + [ + ".f", + "r" + ], + [ + "Ġc", + "ogn" + ], + [ + "V", + "R" + ], + [ + "ĠMethod", + "s" + ], + [ + "ĠM", + "ade" + ], + [ + "ĠB", + "R" + ], + [ + "ĠEl", + "se" + ], + [ + "Ġeg", + "gs" + ], + [ + "Ġsw", + "ing" + ], + [ + "ĠIn", + "v" + ], + [ + "Ġdise", + "ases" + ], + [ + "Ġf", + "irms" + ], + [ + "Ġle", + "mma" + ], + [ + "}`", + ");Ċ" + ], + [ + "l", + "ings" + ], + [ + "Ġg", + "ym" + ], + [ + "umin", + "um" + ], + [ + ".T", + "rim" + ], + [ + "M", + "em" + ], + [ + "Ġcritic", + "ism" + ], + [ + "ibern", + "ate" + ], + [ + "_T", + "X" + ], + [ + "ion", + "i" + ], + [ + "Ġguid", + "ance" + ], + [ + "Ġrepeated", + "ly" + ], + [ + "Ġsup", + "plier" + ], + [ + "Ġpaint", + "ing" + ], + [ + ".F", + "ragment" + ], + [ + "ed", + "Exception" + ], + [ + "Ġw", + "iring" + ], + [ + "Ġcour", + "ts" + ], + [ + "W", + "EB" + ], + [ + "æľ", + "ī" + ], + [ + "\\", + "." + ], + [ + "ill", + "ance" + ], + [ + "Ġb", + "rows" + ], + [ + "ĠP", + "attern" + ], + [ + "PL", + "ICATION" + ], + [ + "ĠSum", + "mer" + ], + [ + "Ch", + "ain" + ], + [ + "Ġc", + "ute" + ], + [ + "mer", + "cial" + ], + [ + "Ġd", + "il" + ], + [ + "ĠFrank", + "lin" + ], + [ + "ĉg", + "lobal" + ], + [ + "IN", + "CLUDING" + ], + [ + "h", + "istory" + ], + [ + "Ġl", + "st" + ], + [ + "Q", + "t" + ], + [ + "SD", + "L" + ], + [ + "al", + "ia" + ], + [ + "i", + "ere" + ], + [ + "(", + "..." + ], + [ + "ĉc", + "in" + ], + [ + "iff", + "s" + ], + [ + "vel", + "ope" + ], + [ + "ĠR", + "oot" + ], + [ + "cl", + "uster" + ], + [ + "User", + "Name" + ], + [ + "ign", + "e" + ], + [ + "<", + "S" + ], + [ + "Ġf", + "est" + ], + [ + "Ġindic", + "ating" + ], + [ + "ke", + "eper" + ], + [ + "Ġc", + "ada" + ], + [ + "é", + "g" + ], + [ + "cons", + "in" + ], + [ + "ĠG", + "B" + ], + [ + "Ġl", + "b" + ], + [ + "em", + "ony" + ], + [ + "-icon", + "s" + ], + [ + "_d", + "oc" + ], + [ + "Act", + "or" + ], + [ + "e", + "lem" + ], + [ + ".De", + "lete" + ], + [ + "Ġin", + "fection" + ], + [ + "ĠPriv", + "acy" + ], + [ + "Ġgreat", + "ly" + ], + [ + "ĠP", + "os" + ], + [ + "ĠT", + "reat" + ], + [ + "Fl", + "ow" + ], + [ + "Ġattract", + "ive" + ], + [ + "ĠMar", + "c" + ], + [ + "s", + "udo" + ], + [ + "tes", + "y" + ], + [ + "-", + "an" + ], + [ + "ab", + "ama" + ], + [ + "ĠW", + "ould" + ], + [ + "Ġsu", + "ck" + ], + [ + "index", + "Path" + ], + [ + "ĠE", + "t" + ], + [ + "T", + "imes" + ], + [ + "Ġclub", + "s" + ], + [ + "_ass", + "oc" + ], + [ + "Ġac", + "quired" + ], + [ + "(\"", + ":" + ], + [ + "Ġint", + "ense" + ], + [ + ".m", + "aps" + ], + [ + "Ex", + "pected" + ], + [ + "T", + "oggle" + ], + [ + "Ġa", + "y" + ], + [ + "Ġl", + "ifestyle" + ], + [ + "-c", + "alled" + ], + [ + "ĠS", + "now" + ], + [ + "V", + "olume" + ], + [ + "Ġcann", + "abis" + ], + [ + "ĠD", + "irection" + ], + [ + "ĠLim", + "ited" + ], + [ + "-s", + "pecific" + ], + [ + "Ġd", + "owntown" + ], + [ + "/", + "icons" + ], + [ + "Ġre", + "ven" + ], + [ + "L", + "eg" + ], + [ + "=", + "null" + ], + [ + "Key", + "board" + ], + [ + "')", + ")." + ], + [ + "Ġ\"\"", + ";čĊ" + ], + [ + "Ġatt", + "itude" + ], + [ + ".n", + "avigate" + ], + [ + "-", + "error" + ], + [ + "AM", + "PLE" + ], + [ + "ĠJ", + "ay" + ], + [ + "v", + "r" + ], + [ + "c", + "ow" + ], + [ + ".com", + "pile" + ], + [ + "Ġmem", + "ories" + ], + [ + "_m", + "ark" + ], + [ + "ĠMin", + "nesota" + ], + [ + "Ġk", + "osten" + ], + [ + "Ġprob", + "ability" + ], + [ + "w", + "arning" + ], + [ + "Ġgen", + "etic" + ], + [ + "F", + "ixture" + ], + [ + "ĠHash", + "Set" + ], + [ + "N", + "ombre" + ], + [ + "_m", + "onth" + ], + [ + "Æ", + "°" + ], + [ + "-", + "start" + ], + [ + "xy", + "gen" + ], + [ + "ĉ", + "ft" + ], + [ + "i", + "agnostics" + ], + [ + "ĠMat", + "thew" + ], + [ + "Ġconcept", + "s" + ], + [ + "Ġcon", + "str" + ], + [ + ".", + "State" + ], + [ + "и", + "н" + ], + [ + "N", + "ov" + ], + [ + "Î", + "±" + ], + [ + "ĠP", + "anel" + ], + [ + "ä¸", + "ª" + ], + [ + "com", + "pare" + ], + [ + ">", + "()Ċ" + ], + [ + "Ġapply", + "ing" + ], + [ + "Ġprom", + "ised" + ], + [ + "Ġo", + "x" + ], + [ + "nc", + "ia" + ], + [ + "ĠValid", + "ation" + ], + [ + "ort", + "s" + ], + [ + "_c", + "ur" + ], + [ + "e", + "lect" + ], + [ + "ey", + "e" + ], + [ + "(", + "Data" + ], + [ + "Ġreport", + "er" + ], + [ + "ĠB", + "uff" + ], + [ + "Ġs", + "r" + ], + [ + "Ġ\"", + ";" + ], + [ + "ick", + "y" + ], + [ + "Ġtemp", + "or" + ], + [ + "S", + "N" + ], + [ + "Ġres", + "ident" + ], + [ + "pi", + "res" + ], + [ + "ys", + "ical" + ], + [ + "Ġend", + "orse" + ], + [ + "ĠS", + "ong" + ], + [ + "is", + "Empty" + ], + [ + "le", + "et" + ], + [ + "_", + "util" + ], + [ + "Ġdist", + "ingu" + ], + [ + "ĠT", + "alk" + ], + [ + "ĠM", + "ot" + ], + [ + "(", + "default" + ], + [ + ".A", + "rg" + ], + [ + "gorith", + "ms" + ], + [ + "_", + "words" + ], + [ + "im", + "mer" + ], + [ + "_res", + "et" + ], + [ + "f", + "amily" + ], + [ + "W", + "W" + ], + [ + "Ġsav", + "ings" + ], + [ + "ĠâĢ", + "Ŀ" + ], + [ + "_en", + "able" + ], + [ + "side", + "bar" + ], + [ + "Run", + "ning" + ], + [ + "Ġal", + "i" + ], + [ + "Ġtest", + "im" + ], + [ + "Ġwarn", + "ings" + ], + [ + "ĠCh", + "em" + ], + [ + "ĠEx", + "it" + ], + [ + "Ġfound", + "er" + ], + [ + "pect", + "or" + ], + [ + "Ġr", + "m" + ], + [ + "_d", + "ataset" + ], + [ + "ĠD", + "as" + ], + [ + "Ġh", + "an" + ], + [ + "Get", + "ty" + ], + [ + "á", + "l" + ], + [ + "Ġn", + "y" + ], + [ + "Ġpo", + "verty" + ], + [ + "Ġresult", + "ed" + ], + [ + ".b", + "y" + ], + [ + "ĠVis", + "it" + ], + [ + "Ġobt", + "aining" + ], + [ + "/", + "'.$" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠ", + "Ċ" + ], + [ + "sh", + "all" + ], + [ + "_LE", + "FT" + ], + [ + "UI", + "Image" + ], + [ + "_", + "Name" + ], + [ + "h", + "ave" + ], + [ + "ĠN", + "ob" + ], + [ + "l", + "r" + ], + [ + "-", + "footer" + ], + [ + "Ġn", + "aked" + ], + [ + "ĠG", + "arden" + ], + [ + "\\F", + "acades" + ], + [ + "Ġgrad", + "uate" + ], + [ + "Ġfranch", + "ise" + ], + [ + "pl", + "ane" + ], + [ + "Ġcontrib", + "utions" + ], + [ + "Ġstring", + "With" + ], + [ + "Ġc", + "rypto" + ], + [ + "Ġmov", + "ements" + ], + [ + "ath", + "ers" + ], + [ + "Ġlif", + "etime" + ], + [ + "Ġcommunic", + "ate" + ], + [ + "j", + "ar" + ], + [ + "ĠFr", + "agment" + ], + [ + "_", + "IF" + ], + [ + "ĠN", + "avy" + ], + [ + "ĠF", + "igure" + ], + [ + "Ġsim", + "ulation" + ], + [ + "_st", + "op" + ], + [ + "Ġreport", + "ers" + ], + [ + "Ġvers", + "us" + ], + [ + "aj", + "a" + ], + [ + "ĠÎ", + "±" + ], + [ + "Ġgovern", + "or" + ], + [ + "List", + "Item" + ], + [ + "Ġse", + "aled" + ], + [ + ".Back", + "ground" + ], + [ + "ed", + "i" + ], + [ + "ash", + "ing" + ], + [ + "Ġl", + "ip" + ], + [ + "ĠI", + "h" + ], + [ + "mer", + "ge" + ], + [ + "Ġn", + "ec" + ], + [ + "el", + "ocity" + ], + [ + "ATE", + "G" + ], + [ + "Ġse", + "eds" + ], + [ + "Ġflo", + "ating" + ], + [ + "_F", + "A" + ], + [ + "w", + "alk" + ], + [ + "ĉ", + "user" + ], + [ + "_de", + "pth" + ], + [ + "Ġw", + "age" + ], + [ + "@", + "app" + ], + [ + "N", + "il" + ], + [ + "(", + "[\"" + ], + [ + "(", + "vector" + ], + [ + "Ġsecret", + "ary" + ], + [ + "Ġj", + "Panel" + ], + [ + "ve", + "z" + ], + [ + "³³", + "³³" + ], + [ + "d", + "irection" + ], + [ + "ĠE", + "P" + ], + [ + "Ġh", + "unt" + ], + [ + "Json", + "Property" + ], + [ + "ĠP", + "ORT" + ], + [ + "]", + "\"," + ], + [ + "аÐ", + "¿" + ], + [ + "ĠFore", + "ign" + ], + [ + "pan", + "ic" + ], + [ + "Ġtri", + "als" + ], + [ + "ĠA", + "le" + ], + [ + "Ġr", + "ural" + ], + [ + "-", + "value" + ], + [ + "author", + "ized" + ], + [ + "ĠScot", + "land" + ], + [ + ".d", + "rop" + ], + [ + "ĠM", + "T" + ], + [ + "ç", + "±" + ], + [ + "row", + "th" + ], + [ + "File", + "Path" + ], + [ + "Ġrec", + "all" + ], + [ + "if", + "le" + ], + [ + "Ġc", + "el" + ], + [ + "ĠSE", + "LECT" + ], + [ + "k", + "n" + ], + [ + "_c", + "ase" + ], + [ + "Ġc", + "rop" + ], + [ + "s", + "ure" + ], + [ + "p", + "ot" + ], + [ + "IC", + "S" + ], + [ + "Ġst", + "em" + ], + [ + "Ġindust", + "ries" + ], + [ + "P", + "ut" + ], + [ + "Ġa", + "ber" + ], + [ + "road", + "cast" + ], + [ + "Icon", + "s" + ], + [ + ")", + "\")Ċ" + ], + [ + "æĪIJ", + "åĬŁ" + ], + [ + "g", + "ui" + ], + [ + "Ġassum", + "ed" + ], + [ + "Ġr", + "x" + ], + [ + "E", + "A" + ], + [ + "è", + "§" + ], + [ + "EL", + "L" + ], + [ + "Ġdo", + "se" + ], + [ + "Ġin", + "e" + ], + [ + "Ġde", + "eper" + ], + [ + "l", + "ider" + ], + [ + "Ġord", + "inary" + ], + [ + "Ġg", + "olf" + ], + [ + "_IM", + "AGE" + ], + [ + "ĠN", + "AME" + ], + [ + "(m", + "odule" + ], + [ + "Ġat", + "om" + ], + [ + "Ġbel", + "t" + ], + [ + "Ġoff", + "ices" + ], + [ + "b", + "eta" + ], + [ + "Ġphilosoph", + "y" + ], + [ + "(", + "JSON" + ], + [ + "-f", + "ield" + ], + [ + "Ġintrodu", + "ce" + ], + [ + "Ġconven", + "ience" + ], + [ + "opt", + "im" + ], + [ + ">", + "\"Ċ" + ], + [ + "ath", + "y" + ], + [ + "Ġemploy", + "er" + ], + [ + "qu", + "ate" + ], + [ + "Ġed", + "ited" + ], + [ + "Arg", + "uments" + ], + [ + "ĠN", + "ations" + ], + [ + "__", + ")" + ], + [ + "Ġno", + "se" + ], + [ + "ĠS", + "ample" + ], + [ + "'", + ")ĊĊĊ" + ], + [ + "Ġc", + "ake" + ], + [ + ".get", + "Attribute" + ], + [ + "H", + "D" + ], + [ + "Mod", + "ified" + ], + [ + "Ġpredict", + "ed" + ], + [ + "Å", + "Ħ" + ], + [ + "an", + "ie" + ], + [ + "S", + "orry" + ], + [ + "(d", + "oc" + ], + [ + "w", + "ind" + ], + [ + "ie", + "ve" + ], + [ + "Ġprov", + "isions" + ], + [ + "AT", + "ER" + ], + [ + "OT", + "E" + ], + [ + "M", + "Y" + ], + [ + ".A", + "utowired" + ], + [ + "ĠB", + "ath" + ], + [ + ".", + "Boolean" + ], + [ + "Ġback", + "end" + ], + [ + ".M", + "ouse" + ], + [ + "ater", + "al" + ], + [ + "p", + "aper" + ], + [ + "Con", + "st" + ], + [ + "ĠV", + "R" + ], + [ + "_", + "entity" + ], + [ + "_C", + "TRL" + ], + [ + "ĠProte", + "ction" + ], + [ + "ĠG", + "M" + ], + [ + "ĠStud", + "y" + ], + [ + "Ġsou", + "p" + ], + [ + "ot", + "ime" + ], + [ + "'", + "use" + ], + [ + "]", + "\"" + ], + [ + "/", + "users" + ], + [ + "a", + "ug" + ], + [ + "ĠH", + "ong" + ], + [ + "_n", + "orm" + ], + [ + "ãģ", + "¨" + ], + [ + "Ġse", + "cre" + ], + [ + "(B", + "uild" + ], + [ + "ĠCon", + "tract" + ], + [ + "ol", + "as" + ], + [ + "Ġsa", + "uce" + ], + [ + "Ġaggress", + "ive" + ], + [ + "Ġrac", + "ial" + ], + [ + "char", + "acter" + ], + [ + "@", + "@" + ], + [ + "Ġcomp", + "ile" + ], + [ + "ĠV", + "oid" + ], + [ + "_re", + "m" + ], + [ + "_m", + "emory" + ], + [ + "k", + "k" + ], + [ + "Ġm", + "ic" + ], + [ + "S", + "ame" + ], + [ + "U", + "tility" + ], + [ + "ĠH", + "tml" + ], + [ + "ĠX", + "ml" + ], + [ + "Read", + "y" + ], + [ + "Ġg", + "all" + ], + [ + "Ġalleged", + "ly" + ], + [ + "ĉĉĉĉ", + "ĠĠĠ" + ], + [ + "ĠMet", + "al" + ], + [ + "ĠPerson", + "al" + ], + [ + "Ġborder", + "Radius" + ], + [ + "rx", + "js" + ], + [ + "object", + "s" + ], + [ + "Ġwant", + "ing" + ], + [ + "Ġb", + "owl" + ], + [ + "v", + "endor" + ], + [ + "offset", + "of" + ], + [ + "ĠR", + "s" + ], + [ + "ĠR", + "ating" + ], + [ + "Ġr", + "ally" + ], + [ + "_N", + "ODE" + ], + [ + "ĠM", + "ix" + ], + [ + "Ġadvert", + "is" + ], + [ + "Ġnarr", + "ative" + ], + [ + "s", + "al" + ], + [ + "Ġm", + "c" + ], + [ + "SE", + "rror" + ], + [ + "Ġf", + "ingers" + ], + [ + "Ġaccom", + "pany" + ], + [ + "Ġt", + "ired" + ], + [ + "Ġstr", + "ide" + ], + [ + "Ġgu", + "i" + ], + [ + "el", + "ist" + ], + [ + "Loc", + "ale" + ], + [ + "Ġrele", + "ases" + ], + [ + "ik", + "ing" + ], + [ + "Ġan", + "ger" + ], + [ + "))", + ")ĊĊ" + ], + [ + "alle", + "st" + ], + [ + "Sum", + "mary" + ], + [ + "(", + "O" + ], + [ + "(f", + "or" + ], + [ + "Ġbasket", + "ball" + ], + [ + "Ġroad", + "s" + ], + [ + "ĠInst", + "all" + ], + [ + "ĠF", + "ab" + ], + [ + "it", + "map" + ], + [ + "Ġ)", + ")Ċ" + ], + [ + "Ġinter", + "section" + ], + [ + "ighb", + "or" + ], + [ + "ĠB", + "ry" + ], + [ + "ĠHER", + "E" + ], + [ + "So", + "ftware" + ], + [ + "elf", + "are" + ], + [ + "ac", + "s" + ], + [ + "Ġtrail", + "er" + ], + [ + ".get", + "Class" + ], + [ + "ch", + "ars" + ], + [ + "Ġreg", + "ulation" + ], + [ + "Ġref", + "ers" + ], + [ + "Ġde", + "struction" + ], + [ + "Ġcontin", + "uous" + ], + [ + "ĠAust", + "in" + ], + [ + "é", + "¢" + ], + [ + "ak", + "an" + ], + [ + ".w", + "indow" + ], + [ + "ĠTem", + "plates" + ], + [ + "Ġabs", + "ence" + ], + [ + ":", + "n" + ], + [ + "Ġdis", + "order" + ], + [ + "fl", + "ash" + ], + [ + "Ġde", + "let" + ], + [ + "bo", + "ards" + ], + [ + "ĠĠ", + "ĉ" + ], + [ + "RO", + "P" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "Ġac", + "qu" + ], + [ + "Ġlaws", + "uit" + ], + [ + "ĠRe", + "views" + ], + [ + "Ġgar", + "age" + ], + [ + "t", + "imer" + ], + [ + "Ġe", + "j" + ], + [ + "ĠRect", + "angle" + ], + [ + "Ġflow", + "ers" + ], + [ + "il", + "st" + ], + [ + "ĠIn", + "stance" + ], + [ + "S", + "uper" + ], + [ + "d", + "et" + ], + [ + "dis", + "posing" + ], + [ + "ĠE", + "S" + ], + [ + "ĠI", + "C" + ], + [ + "ver", + "e" + ], + [ + "S", + "k" + ], + [ + "_ch", + "annels" + ], + [ + "put", + "ed" + ], + [ + "/", + "null" + ], + [ + "nn", + "en" + ], + [ + "ĠG", + "allery" + ], + [ + "_g", + "lobal" + ], + [ + "Auth", + "entication" + ], + [ + "ĠR", + "ank" + ], + [ + "Ġblock", + "ed" + ], + [ + "Ġcal", + "m" + ], + [ + "mark", + "et" + ], + [ + "ĉ", + "val" + ], + [ + "Ġa", + "ug" + ], + [ + "per", + "iod" + ], + [ + "ĠCon", + "stant" + ], + [ + "Ġ?>", + "\">Ċ" + ], + [ + "Ġl", + "obby" + ], + [ + "p", + "al" + ], + [ + "Ġs", + "ink" + ], + [ + "ia", + "h" + ], + [ + "Ð", + "¡" + ], + [ + "urn", + "ame" + ], + [ + "Ġcon", + "ver" + ], + [ + "Ġinvestig", + "ate" + ], + [ + "Ch", + "rist" + ], + [ + "H", + "ub" + ], + [ + "ĠIN", + "D" + ], + [ + "ĠP", + "ed" + ], + [ + "ur", + "as" + ], + [ + "ĉ", + "url" + ], + [ + "ĠT", + "ro" + ], + [ + "Ġpre", + "ferences" + ], + [ + "Ġguarante", + "ed" + ], + [ + "`", + "ĊĊ" + ], + [ + "Ġport", + "ions" + ], + [ + "Ġeval", + "u" + ], + [ + "'", + ">", + ";ĊĊ" + ], + [ + ".AutoScale", + "Mode" + ], + [ + "Ġc", + "ats" + ], + [ + "Ġreg", + "istry" + ], + [ + "ul", + "us" + ], + [ + "F", + "I" + ], + [ + "p", + "ayload" + ], + [ + "-", + "search" + ], + [ + "Ġstay", + "ing" + ], + [ + "ac", + "ious" + ], + [ + "Dec", + "oration" + ], + [ + "Re", + "view" + ], + [ + "In", + "f" + ], + [ + "Ke", + "ep" + ], + [ + "it", + "is" + ], + [ + ",", + "String" + ], + [ + "Co", + "ord" + ], + [ + "Ġper", + "o" + ], + [ + "S", + "ex" + ], + [ + "ĠAtl", + "anta" + ], + [ + "uest", + "a" + ], + [ + "Arg", + "b" + ], + [ + ">", + "*" + ], + [ + "}", + "_" + ], + [ + "F", + "ooter" + ], + [ + "Ġemploy", + "ed" + ], + [ + "_b", + "ound" + ], + [ + "v", + "ide" + ], + [ + ".f", + "unc" + ], + [ + "$", + "scope" + ], + [ + "Ġsp", + "o" + ], + [ + "ĠAn", + "al" + ], + [ + "ounc", + "ed" + ], + [ + "ar", + "ound" + ], + [ + "Ġrestr", + "iction" + ], + [ + "Ġsh", + "ops" + ], + [ + "å", + "Ģ" + ], + [ + "ĠLat", + "in" + ], + [ + "-c", + "ol" + ], + [ + "Ġbare", + "ly" + ], + [ + "ĠE", + "uro" + ], + [ + "E", + "r" + ], + [ + "Ġfa", + "ire" + ], + [ + "_d", + "istance" + ], + [ + "_un", + "lock" + ], + [ + "Qu", + "ote" + ], + [ + "IV", + "ATE" + ], + [ + "Ġå", + "Ī" + ], + [ + "Ġaim", + "ed" + ], + [ + "ĠRet", + "rie" + ], + [ + ".", + "iter" + ], + [ + "Ġwr", + "apped" + ], + [ + "Ġagre", + "ements" + ], + [ + "str", + "ument" + ], + [ + "(", + "product" + ], + [ + "Ġstud", + "ied" + ], + [ + ".set", + "Value" + ], + [ + "Ġy", + "e" + ], + [ + "ĠC", + "ache" + ], + [ + "MB", + "OL" + ], + [ + "Ġquarter", + "back" + ], + [ + "Ġsy", + "ntax" + ], + [ + ".getElements", + "By" + ], + [ + ".v", + "ersion" + ], + [ + "we", + "bsite" + ], + [ + "Run", + "ner" + ], + [ + "_s", + "ingle" + ], + [ + "at", + "iv" + ], + [ + "ĠAl", + "tern" + ], + [ + "ĠBeaut", + "iful" + ], + [ + "right", + "arrow" + ], + [ + "Ġd", + "iversity" + ], + [ + "pl", + "ash" + ], + [ + "(", + "co" + ], + [ + ".F", + "ill" + ], + [ + "Ġtyp", + "ing" + ], + [ + "Ġcl", + "ar" + ], + [ + "H", + "it" + ], + [ + "O", + "O" + ], + [ + "ac", + "co" + ], + [ + "w", + "orth" + ], + [ + "Ġscript", + "s" + ], + [ + "ĠMuslim", + "s" + ], + [ + "ĠL", + "L" + ], + [ + "erv", + "ing" + ], + [ + "(", + "boolean" + ], + [ + "Ġbase", + "ball" + ], + [ + "ĠC", + "AN" + ], + [ + "MA", + "IL" + ], + [ + "de", + "pend" + ], + [ + "Ġrespect", + "ive" + ], + [ + "Ġconst", + "expr" + ], + [ + ".*", + ";ĊĊ" + ], + [ + "']", + "))Ċ" + ], + [ + "Ġy", + "ard" + ], + [ + "Ġident", + "ical" + ], + [ + "if", + "ecycle" + ], + [ + "US", + "H" + ], + [ + "up", + "iter" + ], + [ + ".", + "validate" + ], + [ + "cl", + "i" + ], + [ + "IST", + "ER" + ], + [ + "Ind", + "icator" + ], + [ + "F", + "ail" + ], + [ + "Ġdemocr", + "acy" + ], + [ + ".", + "var" + ], + [ + "Ġsatisf", + "ied" + ], + [ + "------------", + "-" + ], + [ + "enc", + "er" + ], + [ + "h", + "or" + ], + [ + "Ġr", + "ounds" + ], + [ + "DA", + "O" + ], + [ + "o", + "a" + ], + [ + "Ġfl", + "ask" + ], + [ + "=", + "c" + ], + [ + "[", + "]Ċ" + ], + [ + "/d", + "ist" + ], + [ + "Ġpart", + "e" + ], + [ + "Ġconfirm", + "ation" + ], + [ + "er", + "on" + ], + [ + "aw", + "are" + ], + [ + "" + ], + [ + "Ġdepend", + "encies" + ], + [ + "ĠV", + "ideos" + ], + [ + "-", + "row" + ], + [ + "Ġ**", + "/Ċ" + ], + [ + "Ġn", + "ou" + ], + [ + "Ġh", + "over" + ], + [ + "æ", + "ŀ" + ], + [ + "Ġn", + "in" + ], + [ + "ĠUS", + "D" + ], + [ + "M", + "ac" + ], + [ + "_L", + "oad" + ], + [ + "Ġout", + "comes" + ], + [ + "_s", + "ocket" + ], + [ + "Ġqu", + "eries" + ], + [ + "w", + "m" + ], + [ + "Ġhit", + "ting" + ], + [ + "in", + "ux" + ], + [ + "M", + "ich" + ], + [ + "ud", + "ge" + ], + [ + "AT", + "AB" + ], + [ + "Ġvulner", + "able" + ], + [ + "ä", + "¾" + ], + [ + "Ġport", + "folio" + ], + [ + ":", + "YES" + ], + [ + "ĉm", + "ap" + ], + [ + "B", + "ound" + ], + [ + "Ġiter", + "ation" + ], + [ + "in", + "cess" + ], + [ + "Ġact", + "ors" + ], + [ + "ĠQ", + "ual" + ], + [ + "_c", + "lean" + ], + [ + "ãĢij", + "ãĢIJ" + ], + [ + "MS", + "G" + ], + [ + "G", + "reen" + ], + [ + "ĠOff", + "icer" + ], + [ + "Ġsm", + "oking" + ], + [ + ">", + "'," + ], + [ + "ĠF", + "lo" + ], + [ + "++", + ";" + ], + [ + "oly", + "gon" + ], + [ + "Ġbul", + "k" + ], + [ + "Ġdr", + "ama" + ], + [ + "Ġexception", + "s" + ], + [ + "os", + "ed" + ], + [ + "Ġ+", + "čĊ" + ], + [ + "Ġleg", + "acy" + ], + [ + "C", + "V" + ], + [ + "Ġcontrib", + "uted" + ], + [ + "ĠTer", + "ms" + ], + [ + "Ġb", + "t" + ], + [ + "Ġunt", + "uk" + ], + [ + "Ġal", + "ien" + ], + [ + "===", + "Ċ" + ], + [ + "ĉ", + "Vector" + ], + [ + "Ġl", + "s" + ], + [ + "On", + "line" + ], + [ + ".f", + "acebook" + ], + [ + "num", + "eric" + ], + [ + "ock", + "ets" + ], + [ + "A", + "ut" + ], + [ + "b", + "ury" + ], + [ + "-re", + "dux" + ], + [ + "ĠRed", + "istributions" + ], + [ + "GLOBAL", + "S" + ], + [ + "urrenc", + "ies" + ], + [ + "Ġt", + "ons" + ], + [ + "âĢĻ", + "," + ], + [ + "ĠÃ", + "ª" + ], + [ + "(c", + "ol" + ], + [ + "ĠS", + "ymbol" + ], + [ + "Ġstay", + "ed" + ], + [ + "ĠM", + "L" + ], + [ + "Ġm", + "unicip" + ], + [ + "Ġsex", + "o" + ], + [ + "S", + "en" + ], + [ + "n", + "r" + ], + [ + "Ġg", + "ains" + ], + [ + "Ġshort", + "ly" + ], + [ + ".M", + "enu" + ], + [ + "Ã", + "½" + ], + [ + "KN", + "OWN" + ], + [ + "Ġoper", + "ators" + ], + [ + "-", + "V" + ], + [ + "ĠPat", + "rick" + ], + [ + "/", + "add" + ], + [ + "_C", + "O" + ], + [ + "ir", + "ation" + ], + [ + "(p", + "ost" + ], + [ + "Post", + "s" + ], + [ + "/", + "_" + ], + [ + "Ġpl", + "ug" + ], + [ + "Ġintellect", + "ual" + ], + [ + "Ġmet", + "ab" + ], + [ + "Ġpregn", + "ancy" + ], + [ + "ĠPrem", + "ier" + ], + [ + "n", + "m" + ], + [ + "Ġpred", + "iction" + ], + [ + "ĠMin", + "istry" + ], + [ + "Th", + "ree" + ], + [ + "val", + "uate" + ], + [ + "ĠMin", + "i" + ], + [ + "b", + "u" + ], + [ + "оÐ", + "·" + ], + [ + "<", + "ul" + ], + [ + "Ġd", + "d" + ], + [ + "ol", + "ving" + ], + [ + "ĠC", + "ut" + ], + [ + "Ġs", + "chem" + ], + [ + ".tr", + "ain" + ], + [ + "it", + "ate" + ], + [ + "Ġr", + "ice" + ], + [ + "Ġbird", + "s" + ], + [ + "ãģ", + "«" + ], + [ + "m", + "iddle" + ], + [ + "struction", + "s" + ], + [ + "Ġn", + "erv" + ], + [ + "a", + "que" + ], + [ + "Ġfl", + "u" + ], + [ + "Ġsurv", + "ival" + ], + [ + "ĠGal", + "axy" + ], + [ + "ĠF", + "ant" + ], + [ + ".", + "Order" + ], + [ + "At", + "trib" + ], + [ + "irt", + "s" + ], + [ + "é", + "c" + ], + [ + "M", + "ovie" + ], + [ + "Ġcon", + "ce" + ], + [ + "qu", + "arters" + ], + [ + "Ġm", + "ood" + ], + [ + ".Add", + "Range" + ], + [ + "Ġres", + "olved" + ], + [ + "ãĥ", + "Ī" + ], + [ + "Ġburn", + "ing" + ], + [ + "ĉĉĉĉ", + "čĊ" + ], + [ + "ĠW", + "E" + ], + [ + "Ġhost", + "ing" + ], + [ + "L", + "AB" + ], + [ + "Ġman", + "agers" + ], + [ + "Ġstre", + "ngthen" + ], + [ + "<", + "const" + ], + [ + "ĠFire", + "base" + ], + [ + "on", + "ed" + ], + [ + "ĠJ", + "ean" + ], + [ + "'", + "", + "\";čĊ" + ], + [ + "ĠS", + "av" + ], + [ + ".B", + "old" + ], + [ + "Ġen", + "ables" + ], + [ + "ĉt", + "mp" + ], + [ + "Ġman", + "ually" + ], + [ + "ĠS", + "qu" + ], + [ + "user", + "id" + ], + [ + ".f", + "unction" + ], + [ + ".c", + "ache" + ], + [ + "LO", + "PT" + ], + [ + ".S", + "ervices" + ], + [ + "dd", + "it" + ], + [ + "t", + "im" + ], + [ + "<", + "img" + ], + [ + "ĠTh", + "ings" + ], + [ + "ĠEvery", + "thing" + ], + [ + "Ġa", + "pt" + ], + [ + "em", + "and" + ], + [ + "Ġroll", + "ing" + ], + [ + "ë", + "¦" + ], + [ + ".", + "level" + ], + [ + "Ġst", + "om" + ], + [ + "ĠW", + "inter" + ], + [ + "Ġview", + "ing" + ], + [ + "(", + "values" + ], + [ + "ocom", + "plete" + ], + [ + "v", + "ia" + ], + [ + "up", + "o" + ], + [ + "Ġabort", + "ion" + ], + [ + "i", + "ère" + ], + [ + "ï¼", + "ij" + ], + [ + "_B", + "UTTON" + ], + [ + "_d", + "omain" + ], + [ + "Ġb", + "ra" + ], + [ + "ĠA", + "st" + ], + [ + "in", + "as" + ], + [ + "Ġstat", + "ist" + ], + [ + "c", + "od" + ], + [ + "L", + "R" + ], + [ + "Ġdr", + "ives" + ], + [ + "Ġfollow", + "ers" + ], + [ + "Ġall", + "ies" + ], + [ + "ĉc", + "urrent" + ], + [ + "ecess", + "ary" + ], + [ + "Ġdam", + "aged" + ], + [ + "_", + "pt" + ], + [ + "and", + "les" + ], + [ + "oun", + "tries" + ], + [ + "Ġsim", + "ult" + ], + [ + "e", + "u" + ], + [ + "Ġcontrovers", + "ial" + ], + [ + "_G", + "ROUP" + ], + [ + "Ġr", + "ib" + ], + [ + ".", + "Info" + ], + [ + ":", + "mm" + ], + [ + ".n", + "ormal" + ], + [ + "_ADD", + "RESS" + ], + [ + "Ġ", + "íķ" + ], + [ + "add", + "le" + ], + [ + "ĠD", + "ur" + ], + [ + ".", + "Element" + ], + [ + "W", + "arnings" + ], + [ + "Ġcred", + "its" + ], + [ + "Ġin", + "hib" + ], + [ + "Ġem", + "issions" + ], + [ + "Ġh", + "az" + ], + [ + ".y", + "outube" + ], + [ + "ugg", + "ed" + ], + [ + "Ġbo", + "ther" + ], + [ + "ĠK", + "ansas" + ], + [ + "ĠF", + "ixed" + ], + [ + "ĠTest", + "s" + ], + [ + "ĠF", + "IX" + ], + [ + "Un", + "iform" + ], + [ + "Ġk", + "ont" + ], + [ + ">>", + ">" + ], + [ + "st", + "ation" + ], + [ + "lo", + "re" + ], + [ + "at", + "ype" + ], + [ + "ish", + "op" + ], + [ + "/", + "****************************************************************" + ], + [ + "Com", + "boBox" + ], + [ + "Ġvac", + "ation" + ], + [ + "Ġiniti", + "ative" + ], + [ + "Ġdefault", + "Value" + ], + [ + "con", + "cat" + ], + [ + "ĠK", + "h" + ], + [ + "ĠW", + "elcome" + ], + [ + "ized", + "Name" + ], + [ + "M", + "igration" + ], + [ + "Ġgrad", + "ient" + ], + [ + "H", + "ot" + ], + [ + "Ġhard", + "ly" + ], + [ + "el", + "o" + ], + [ + "ĠStud", + "ents" + ], + [ + "Ġlo", + "ose" + ], + [ + "at", + "z" + ], + [ + ".S", + "end" + ], + [ + "'", + "/" + ], + [ + "Ġunivers", + "al" + ], + [ + "Ġenter", + "prise" + ], + [ + "Ġreg", + "ex" + ], + [ + "Ġvis", + "itor" + ], + [ + "ĠF", + "ly" + ], + [ + "Se", + "q" + ], + [ + "à¸", + "Ļ" + ], + [ + "ĠVis", + "ual" + ], + [ + "Ġlib", + "raries" + ], + [ + "ato", + "es" + ], + [ + "P", + "ayment" + ], + [ + "Ġp", + "ent" + ], + [ + "Ġgather", + "ed" + ], + [ + "VRT", + "X" + ], + [ + "ĠD", + "M" + ], + [ + "S", + "plit" + ], + [ + "Ġlet", + "ting" + ], + [ + "Ð", + "Ŀ" + ], + [ + "_error", + "s" + ], + [ + "ep", + "och" + ], + [ + "P", + "ARAM" + ], + [ + "c", + "u" + ], + [ + "ÑģÑĤ", + "в" + ], + [ + "ol", + "utions" + ], + [ + "Edit", + "ing" + ], + [ + "font", + "s" + ], + [ + "Ġalloc", + "ated" + ], + [ + "ĠB", + "ased" + ], + [ + "(", + "Y" + ], + [ + "ĠJud", + "ge" + ], + [ + "Ġbro", + "thers" + ], + [ + "FILE", + "S" + ], + [ + "ç", + "o" + ], + [ + "w", + "b" + ], + [ + "_P", + "I" + ], + [ + "'", + "^" + ], + [ + "Ġs", + "word" + ], + [ + ".s", + "ervices" + ], + [ + "Ġn", + "l" + ], + [ + "T", + "im" + ], + [ + "ig", + "g" + ], + [ + "ĠMo", + "ore" + ], + [ + "Ġcrypt", + "oc" + ], + [ + "åĩ", + "º" + ], + [ + "_post", + "s" + ], + [ + "ot", + "ate" + ], + [ + "?", + "'" + ], + [ + "...", + ".ĊĊ" + ], + [ + "Ġk", + "l" + ], + [ + "=\"", + "$" + ], + [ + "Ġdec", + "oration" + ], + [ + "áº", + "¡" + ], + [ + "ĠD", + "IRECT" + ], + [ + "G", + "UI" + ], + [ + ")", + "=>{Ċ" + ], + [ + "Ġnews", + "letter" + ], + [ + "Ġprec", + "is" + ], + [ + "(p", + "oint" + ], + [ + "ĠEqu", + "ipment" + ], + [ + "ut", + "y" + ], + [ + "ĠD", + "ave" + ], + [ + "Ġparticip", + "ation" + ], + [ + "u", + "arios" + ], + [ + "x", + "it" + ], + [ + ".A", + "s" + ], + [ + "ET", + "ER" + ], + [ + "or", + "ous" + ], + [ + "Ġsh", + "ield" + ], + [ + "[]", + ">" + ], + [ + "ilit", + "ary" + ], + [ + ".", + "origin" + ], + [ + "Ġprom", + "otion" + ], + [ + "U", + "nt" + ], + [ + "Ġc", + "t" + ], + [ + "TR", + "A" + ], + [ + "View", + "Holder" + ], + [ + "Ġsig", + "ma" + ], + [ + "d", + "elta" + ], + [ + "are", + "house" + ], + [ + "con", + "tract" + ], + [ + "(", + "Vector" + ], + [ + "Ġcompet", + "e" + ], + [ + "/", + "form" + ], + [ + "/", + "components" + ], + [ + "Ġn", + "r" + ], + [ + "ĠInd", + "ones" + ], + [ + "Ġо", + "ÑĤ" + ], + [ + "ĠV", + "olume" + ], + [ + ".f", + "iles" + ], + [ + "(res", + "p" + ], + [ + "/", + "models" + ], + [ + "Ġsur", + "f" + ], + [ + "stand", + "ard" + ], + [ + "/", + "o" + ], + [ + "ĠXCT", + "Assert" + ], + [ + "V", + "ICES" + ], + [ + ".C", + "ode" + ], + [ + "SE", + "D" + ], + [ + "Ġact", + "ivate" + ], + [ + "D", + "elta" + ], + [ + "Ġlimit", + "ation" + ], + [ + "ri", + "j" + ], + [ + "Ġpregn", + "ant" + ], + [ + ":", + "^(" + ], + [ + "Ġs", + "our" + ], + [ + "p", + "ie" + ], + [ + "Ġexp", + "ense" + ], + [ + "ic", + "ation" + ], + [ + "ĠL", + "arge" + ], + [ + "ĠÂ", + "±" + ], + [ + "ĠB", + "owl" + ], + [ + "(model", + "s" + ], + [ + "/", + "N" + ], + [ + "P", + "a" + ], + [ + ".re", + "load" + ], + [ + "Ġwonder", + "ing" + ], + [ + "Exec", + "ution" + ], + [ + "ĉ", + "ĠĠĠĠĠĠ" + ], + [ + "ĠG", + "raphics" + ], + [ + "ĠCont", + "in" + ], + [ + "_j", + "ob" + ], + [ + "Ġget", + "Name" + ], + [ + "ĠM", + "agn" + ], + [ + "ĠD", + "WORD" + ], + [ + "m", + "ad" + ], + [ + "Ġn", + "h" + ], + [ + "fe", + "atures" + ], + [ + "}", + "\");Ċ" + ], + [ + "he", + "ets" + ], + [ + "(tr", + "ain" + ], + [ + "z", + "n" + ], + [ + "Ġrecru", + "it" + ], + [ + ".con", + "nection" + ], + [ + "Ġbar", + "rel" + ], + [ + "Ġste", + "am" + ], + [ + "_set", + "ting" + ], + [ + "Ġang", + "ular" + ], + [ + "ane", + "ously" + ], + [ + "Ġb", + "il" + ], + [ + "ĠN", + "orm" + ], + [ + "(!", + "$" + ], + [ + "ib", + "t" + ], + [ + "%", + "(" + ], + [ + "Ġpos", + "it" + ], + [ + "ĠF", + "ather" + ], + [ + "int", + "endo" + ], + [ + "L", + "ive" + ], + [ + "Ġport", + "s" + ], + [ + "Ġme", + "j" + ], + [ + "Ġland", + "ing" + ], + [ + "pon", + "der" + ], + [ + "Ġc", + "od" + ], + [ + "_HE", + "ADER" + ], + [ + ".M", + "argin" + ], + [ + "Ġball", + "s" + ], + [ + "Ġdiscuss", + "ions" + ], + [ + "Ġbl", + "end" + ], + [ + "H", + "ex" + ], + [ + "Ġfarm", + "ers" + ], + [ + "Ġmaint", + "aining" + ], + [ + "ĠĠĠ", + "čĊ" + ], + [ + "s", + "yn" + ], + [ + "[", + "T" + ], + [ + "r", + "us" + ], + [ + "uff", + "ers" + ], + [ + "Ġcontrib", + "utors" + ], + [ + "_s", + "ys" + ], + [ + ".De", + "bug" + ], + [ + "Ġconstruct", + "ed" + ], + [ + "om", + "es" + ], + [ + "?", + "id" + ], + [ + "sl", + "ider" + ], + [ + "Ġsup", + "pliers" + ], + [ + "scri", + "ber" + ], + [ + "p", + "es" + ], + [ + "Ð", + "ŀ" + ], + [ + "\":", + "čĊ" + ], + [ + "\\", + "Controller" + ], + [ + "))", + "ĊĊĊ" + ], + [ + "Ġl", + "ua" + ], + [ + "M", + "ulti" + ], + [ + "EN", + "S" + ], + [ + "S", + "rc" + ], + [ + "Ġpet", + "ition" + ], + [ + "Ġsl", + "ave" + ], + [ + "look", + "ing" + ], + [ + "V", + "ERT" + ], + [ + "ĉ", + "vector" + ], + [ + "S", + "pecial" + ], + [ + "h", + "h" + ], + [ + "an", + "ne" + ], + [ + "ĠN", + "iger" + ], + [ + "/", + "views" + ], + [ + "z", + "ing" + ], + [ + "end", + "ant" + ], + [ + "<", + "C" + ], + [ + "s", + "peed" + ], + [ + "Ġ{", + "};ĊĊ" + ], + [ + "Begin", + "Init" + ], + [ + "Ġf", + "open" + ], + [ + "@", + "RequestMapping" + ], + [ + "End", + "Init" + ], + [ + "Ġp", + "unch" + ], + [ + "S", + "ender" + ], + [ + "é", + "Ķ" + ], + [ + "get", + "Message" + ], + [ + "/t", + "ypes" + ], + [ + ".P", + "I" + ], + [ + "('", + "');Ċ" + ], + [ + "oc", + "used" + ], + [ + "(", + "all" + ], + [ + "Ġdrop", + "down" + ], + [ + ").", + "__" + ], + [ + "ĠV", + "in" + ], + [ + ".Fore", + "ignKey" + ], + [ + "can", + "f" + ], + [ + "ou", + "red" + ], + [ + "ĠOrgan", + "ization" + ], + [ + "ĠÐ", + "°" + ], + [ + "ĠC", + "ulture" + ], + [ + "(cl", + "s" + ], + [ + ",", + "_" + ], + [ + "rg", + "ba" + ], + [ + "ìĿ", + "ĺ" + ], + [ + ".data", + "GridView" + ], + [ + "Ġdo", + "zen" + ], + [ + "ĠG", + "es" + ], + [ + "_sh", + "ared" + ], + [ + "n", + "ick" + ], + [ + "Ġh", + "osp" + ], + [ + "om", + "eter" + ], + [ + "Ġclaim", + "ing" + ], + [ + "ib", + "les" + ], + [ + "ri", + "k" + ], + [ + "æĺ", + "¯" + ], + [ + "en", + "ario" + ], + [ + "Ġd", + "engan" + ], + [ + "ob", + "b" + ], + [ + "m", + "ont" + ], + [ + "_r", + "ank" + ], + [ + "('/", + "'," + ], + [ + "Ġap", + "olog" + ], + [ + "P", + "s" + ], + [ + "_p", + "ower" + ], + [ + "ĠG", + "ree" + ], + [ + "Ġful", + "fill" + ], + [ + "Ġfire", + "base" + ], + [ + "Ġf", + "are" + ], + [ + "ĠH", + "im" + ], + [ + "Ġbe", + "an" + ], + [ + "â̦", + "." + ], + [ + "ĠS", + "PI" + ], + [ + "_R", + "X" + ], + [ + "Ġper", + "ception" + ], + [ + "rel", + "ative" + ], + [ + "comp", + "ile" + ], + [ + "u", + "um" + ], + [ + "ut", + "os" + ], + [ + "a", + "uc" + ], + [ + "ĠAs", + "k" + ], + [ + "Ġindic", + "ator" + ], + [ + "/", + "th" + ], + [ + ".set", + "String" + ], + [ + "ĠWis", + "consin" + ], + [ + ".D", + "omain" + ], + [ + "Ġart", + "ificial" + ], + [ + "De", + "velop" + ], + [ + "ĠSar", + "ah" + ], + [ + "Ġl", + "ying" + ], + [ + "(", + "search" + ], + [ + "ĠEmp", + "ire" + ], + [ + "urr", + "ing" + ], + [ + "æĹ¶", + "éĹ´" + ], + [ + "=\"", + "${" + ], + [ + "Ġget", + "Id" + ], + [ + "ĠP", + "ayment" + ], + [ + "trans", + "ition" + ], + [ + "Ġ", + "]." + ], + [ + "ix", + "in" + ], + [ + "V", + "T" + ], + [ + "-", + "select" + ], + [ + "Ġdemonstr", + "ated" + ], + [ + "Ġlast", + "Name" + ], + [ + "employ", + "ment" + ], + [ + ".get", + "Property" + ], + [ + "Ġf", + "ought" + ], + [ + "file", + "Name" + ], + [ + "ĠP", + "ers" + ], + [ + "-c", + "ard" + ], + [ + "a", + "str" + ], + [ + "attr", + "s" + ], + [ + "Ġprom", + "inent" + ], + [ + "Des", + "ign" + ], + [ + "anc", + "ouver" + ], + [ + "ãģĹ", + "ãģ" + ], + [ + "ard", + "o" + ], + [ + "se", + "cret" + ], + [ + "Ġr", + "ag" + ], + [ + "Ġpo", + "ison" + ], + [ + "-m", + "an" + ], + [ + ",", + "omitempty" + ], + [ + "ĉ", + "un" + ], + [ + "it", + "zer" + ], + [ + "ĠCas", + "ino" + ], + [ + "ĠR", + "oss" + ], + [ + "-", + "foot" + ], + [ + "(result", + "s" + ], + [ + "Pl", + "an" + ], + [ + "Ġlas", + "er" + ], + [ + "ê¸", + "°" + ], + [ + "_D", + "R" + ], + [ + "F", + "acebook" + ], + [ + "Ġbo", + "ards" + ], + [ + "st", + "a" + ], + [ + "]", + "]," + ], + [ + "Ġt", + "iles" + ], + [ + "S", + "IZE" + ], + [ + "Ġ=", + "~" + ], + [ + "Ġprem", + "ier" + ], + [ + "oc", + "ab" + ], + [ + "Ġenc", + "oded" + ], + [ + "Ġres", + "erve" + ], + [ + "ĠAfghan", + "istan" + ], + [ + "ĠList", + "Node" + ], + [ + "url", + "s" + ], + [ + "Ġsub", + "mission" + ], + [ + "Ġne", + "u" + ], + [ + "Ġ#", + "+#" + ], + [ + "_P", + "OST" + ], + [ + "Ġmo", + "ist" + ], + [ + "ell", + "i" + ], + [ + "ellig", + "ent" + ], + [ + ".", + "alert" + ], + [ + "ó", + "d" + ], + [ + "b", + "re" + ], + [ + "ĠCol", + "lect" + ], + [ + "Ġgraph", + "ic" + ], + [ + "Ġlong", + "itude" + ], + [ + "ĠPro", + "vid" + ], + [ + "ĠCal", + "culate" + ], + [ + "x", + "ffff" + ], + [ + "c", + "riteria" + ], + [ + "Ġw", + "aters" + ], + [ + "ro", + "ck" + ], + [ + "lo", + "quent" + ], + [ + "ĠT", + "rib" + ], + [ + "Ġbur", + "st" + ], + [ + "Ġsuff", + "ix" + ], + [ + ".Ext", + "ensions" + ], + [ + "ish", + "es" + ], + [ + "iv", + "el" + ], + [ + "ĠLI", + "KE" + ], + [ + "ĠGet", + "ty" + ], + [ + ".Action", + "Event" + ], + [ + ".s", + "lf" + ], + [ + "ĠH", + "AL" + ], + [ + "up", + "al" + ], + [ + "E", + "AR" + ], + [ + "ud", + "i" + ], + [ + "_time", + "out" + ], + [ + "U", + "F" + ], + [ + "ĠSing", + "apore" + ], + [ + "ĠAd", + "vent" + ], + [ + "_int", + "erval" + ], + [ + "cha", + "ft" + ], + [ + "ĠE", + "mer" + ], + [ + "Ġtele", + "phone" + ], + [ + "ĠTur", + "k" + ], + [ + "_", + "interface" + ], + [ + "ĠO", + "wn" + ], + [ + "Ġencour", + "aged" + ], + [ + "<", + "Object" + ], + [ + "_T", + "ext" + ], + [ + "ĠOnt", + "ario" + ], + [ + "ĠApp", + "ly" + ], + [ + ".f", + "irebase" + ], + [ + "Ġant", + "ib" + ], + [ + "P", + "riority" + ], + [ + "ene", + "z" + ], + [ + "D", + "ays" + ], + [ + "c", + "id" + ], + [ + "urre", + "nce" + ], + [ + ";", + "/" + ], + [ + "inn", + "ed" + ], + [ + "Ñģ", + "Ñı" + ], + [ + "Ġve", + "z" + ], + [ + "f", + "w" + ], + [ + "//", + "$" + ], + [ + "att", + "ack" + ], + [ + "Ġstart", + "up" + ], + [ + "ain", + "ers" + ], + [ + ".f", + "ragment" + ], + [ + "op", + "acity" + ], + [ + "(", + "conn" + ], + [ + "he", + "im" + ], + [ + ".n", + "etwork" + ], + [ + "(", + "stream" + ], + [ + "ĠN", + "ON" + ], + [ + "t", + "ol" + ], + [ + "ĠX", + "box" + ], + [ + "ĠD", + "S" + ], + [ + "Ġc", + "ached" + ], + [ + "Ġprostit", + "utas" + ], + [ + "ĠB", + "alt" + ], + [ + "('", + "[" + ], + [ + "Ġno", + "except" + ], + [ + "\"", + "'" + ], + [ + "Ġs", + "d" + ], + [ + ".", + "valid" + ], + [ + "_", + "ag" + ], + [ + "Ġr", + "aces" + ], + [ + "Ġro", + "d" + ], + [ + "itud", + "es" + ], + [ + "<", + ">(" + ], + [ + ".Pro", + "duct" + ], + [ + "Form", + "s" + ], + [ + "NE", + "W" + ], + [ + "P", + "ay" + ], + [ + "ĉ", + "boolean" + ], + [ + "_", + "contact" + ], + [ + "ĠElect", + "ric" + ], + [ + "sk", + "ip" + ], + [ + "Ġw", + "ur" + ], + [ + "Ġch", + "ronic" + ], + [ + "_d", + "river" + ], + [ + "ĠS", + "ab" + ], + [ + "ĠU", + "lt" + ], + [ + "ĠR", + "ad" + ], + [ + "ST", + "ATUS" + ], + [ + "ĠLew", + "is" + ], + [ + "O", + "B" + ], + [ + "Ġgift", + "s" + ], + [ + ".Re", + "c" + ], + [ + "TR", + "UE" + ], + [ + "Ġint", + "ensity" + ], + [ + "Mark", + "er" + ], + [ + ".com", + "pare" + ], + [ + "ff", + "ic" + ], + [ + "C", + "ookie" + ], + [ + "ĠB", + "aby" + ], + [ + "ĠBig", + "Decimal" + ], + [ + "ile", + "t" + ], + [ + "ĠHOLD", + "ERS" + ], + [ + "ĠL", + "ady" + ], + [ + "Ġl", + "ung" + ], + [ + "ĠAl", + "abama" + ], + [ + "Ġd", + "ess" + ], + [ + "`", + ");Ċ" + ], + [ + "ĠB", + "uilder" + ], + [ + "_reg", + "ion" + ], + [ + "Ġne", + "utral" + ], + [ + "Bo", + "th" + ], + [ + "Ġh", + "p" + ], + [ + "Ġh", + "orn" + ], + [ + "Ġseg", + "ments" + ], + [ + "ĠE", + "C" + ], + [ + "\"=>", + "\"" + ], + [ + "(", + "rec" + ], + [ + "ĠP", + "i" + ], + [ + "G", + "M" + ], + [ + "Ġl", + "aptop" + ], + [ + "Sc", + "alar" + ], + [ + "is", + "d" + ], + [ + "-d", + "ialog" + ], + [ + "ĠAnd", + "erson" + ], + [ + "Ġmist", + "akes" + ], + [ + "ĠH", + "an" + ], + [ + "j", + "es" + ], + [ + "est", + "ination" + ], + [ + "Ġprom", + "ises" + ], + [ + "b", + "id" + ], + [ + "ĠSc", + "ient" + ], + [ + "G", + "IN" + ], + [ + "ĠPer", + "formance" + ], + [ + "b", + "age" + ], + [ + ".", + "users" + ], + [ + "le", + "ading" + ], + [ + "Ġor", + "al" + ], + [ + "G", + "raphics" + ], + [ + "_P", + "TR" + ], + [ + "h", + "ang" + ], + [ + "Ġin", + "ev" + ], + [ + "process", + "ing" + ], + [ + "F", + "actor" + ], + [ + "ĠN", + "A" + ], + [ + "$", + "string" + ], + [ + "Ġground", + "s" + ], + [ + ".Save", + "Changes" + ], + [ + "c", + "lock" + ], + [ + "cri", + "pcion" + ], + [ + "ĠNew", + "ton" + ], + [ + "g", + "c" + ], + [ + ".in", + "cludes" + ], + [ + "Ġbl", + "ast" + ], + [ + "Ġ'-", + "'" + ], + [ + "Ġpued", + "e" + ], + [ + ".S", + "ession" + ], + [ + "Ġgre", + "p" + ], + [ + "_f", + "inal" + ], + [ + "ĠG", + "ay" + ], + [ + "ĠG", + "ive" + ], + [ + "ir", + "i" + ], + [ + "-st", + "ar" + ], + [ + "ĠUI", + "Image" + ], + [ + "_ep", + "och" + ], + [ + "ub", + "b" + ], + [ + "ent", + "h" + ], + [ + "Ġel", + "ite" + ], + [ + "Ġcampaign", + "s" + ], + [ + "ĠP", + "orno" + ], + [ + "_", + "assign" + ], + [ + "Prot", + "ocol" + ], + [ + "ĠBe", + "ing" + ], + [ + "ĠAir", + "port" + ], + [ + "Ġconvent", + "ional" + ], + [ + "ĠW", + "at" + ], + [ + "ĠC", + "I" + ], + [ + "ET", + "A" + ], + [ + "ĠAnth", + "ony" + ], + [ + "Ġtable", + "t" + ], + [ + "(", + "format" + ], + [ + "Ġconsist", + "ently" + ], + [ + "ĠI", + "owa" + ], + [ + "Ġav", + "atar" + ], + [ + ".c", + "ursor" + ], + [ + "!", + "[" + ], + [ + "Ġh", + "anging" + ], + [ + "H", + "er" + ], + [ + "S", + "uch" + ], + [ + "';ĊĊ", + "Ċ" + ], + [ + "orge", + "ous" + ], + [ + "()", + "==" + ], + [ + "Ġview", + "Model" + ], + [ + "Ġ", + "ãĥ" + ], + [ + "Ġel", + "s" + ], + [ + "ĠAg", + "ent" + ], + [ + "F", + "etch" + ], + [ + "ap", + "or" + ], + [ + "Ġc", + "x" + ], + [ + "p", + "read" + ], + [ + "ĠP", + "ier" + ], + [ + "oe", + "ff" + ], + [ + "S", + "n" + ], + [ + "ĠV", + "irtual" + ], + [ + "A", + "pr" + ], + [ + ".Wh", + "ite" + ], + [ + "_M", + "OD" + ], + [ + "ĠPoint", + "s" + ], + [ + "å¤", + "±" + ], + [ + "Ġgen", + "es" + ], + [ + "Ġv", + "endor" + ], + [ + "Ġmain", + "stream" + ], + [ + "<", + "src" + ], + [ + "ĠEl", + "izabeth" + ], + [ + "Dec", + "oder" + ], + [ + "-", + "state" + ], + [ + "ĠG", + "lass" + ], + [ + "nc", + "y" + ], + [ + "adi", + "ans" + ], + [ + "_m", + "on" + ], + [ + "ĠRem", + "ote" + ], + [ + "Ġwire", + "less" + ], + [ + "ĠM", + "i" + ], + [ + "å", + "ī" + ], + [ + "è¡", + "¨" + ], + [ + "st", + "age" + ], + [ + "ĠT", + "ile" + ], + [ + "ll", + "ib" + ], + [ + "V", + "ariant" + ], + [ + "==", + "Ċ" + ], + [ + "Ġgold", + "en" + ], + [ + "(Q", + "String" + ], + [ + ".put", + "Extra" + ], + [ + "ĠD", + "om" + ], + [ + "ĠAn", + "imation" + ], + [ + "Ġinter", + "active" + ], + [ + "if", + "act" + ], + [ + "éĻ", + "¤" + ], + [ + "LE", + "T" + ], + [ + "Ġfrequ", + "ent" + ], + [ + "Ġ<", + ">Ċ" + ], + [ + "F", + "ilename" + ], + [ + "Ġs", + "ne" + ], + [ + "ĠFoot", + "ball" + ], + [ + "Ġr", + "ival" + ], + [ + "Ġdis", + "aster" + ], + [ + "ion", + "ic" + ], + [ + "ĠD", + "amage" + ], + [ + ".", + "Resource" + ], + [ + "-", + "en" + ], + [ + "ĠT", + "ypes" + ], + [ + "get", + "String" + ], + [ + "(", + "board" + ], + [ + "Ġb", + "ol" + ], + [ + "pl", + "ain" + ], + [ + "z", + "ym" + ], + [ + "à¸", + "²" + ], + [ + "Ġsc", + "anner" + ], + [ + "ild", + "er" + ], + [ + "_msg", + "s" + ], + [ + "æ", + "ı" + ], + [ + "(int", + "ent" + ], + [ + "Ġde", + "struct" + ], + [ + "Ġb", + "ust" + ], + [ + "ĠE", + "mploy" + ], + [ + "on", + "i" + ], + [ + "ĠUI", + "ViewController" + ], + [ + "Ġodd", + "s" + ], + [ + "ear", + "er" + ], + [ + "Ge", + "ometry" + ], + [ + "Ġy", + "ii" + ], + [ + "_EX", + "PORT" + ], + [ + "ĠAtt", + "ack" + ], + [ + "Ġn", + "iet" + ], + [ + "Ġim", + "pression" + ], + [ + "ĠG", + "il" + ], + [ + "_pro", + "b" + ], + [ + "ĠC", + "F" + ], + [ + "ĠEx", + "perience" + ], + [ + "/pl", + "ugins" + ], + [ + ".M", + "ethod" + ], + [ + "Ġbelie", + "fs" + ], + [ + "N", + "ative" + ], + [ + "_b", + "uild" + ], + [ + "Ġv", + "ig" + ], + [ + "Ġr", + "anks" + ], + [ + "cover", + "ed" + ], + [ + "s", + "uch" + ], + [ + "G", + "uard" + ], + [ + ".p", + "ack" + ], + [ + "add", + "er" + ], + [ + "iv", + "ia" + ], + [ + "l", + "ng" + ], + [ + "Ġв", + "Ñĭ" + ], + [ + "T", + "imestamp" + ], + [ + "_n", + "ow" + ], + [ + "Ġp", + "oker" + ], + [ + "Ġun", + "c" + ], + [ + "Ġsh", + "apes" + ], + [ + "-t", + "ypes" + ], + [ + "_per", + "iod" + ], + [ + "p", + "k" + ], + [ + "Ġveter", + "an" + ], + [ + "Ġson", + "o" + ], + [ + "Ġappoint", + "ed" + ], + [ + "over", + "flow" + ], + [ + ".d", + "river" + ], + [ + "_c", + "at" + ], + [ + "ut", + "t" + ], + [ + "pl", + "ant" + ], + [ + "im", + "b" + ], + [ + "ĠAc", + "cept" + ], + [ + "Ġconc", + "ert" + ], + [ + "ĉ", + "node" + ], + [ + "ĉ", + "z" + ], + [ + "?", + ">čĊ" + ], + [ + "Ġb", + "anned" + ], + [ + "ĉ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "Ġto", + "xic" + ], + [ + "Ġdisap", + "pe" + ], + [ + "È", + "Ľ" + ], + [ + "Ġgr", + "ace" + ], + [ + "ate", + "ful" + ], + [ + "Re", + "ply" + ], + [ + "ĠCru", + "z" + ], + [ + "Ġsc", + "rap" + ], + [ + "Ġkey", + "words" + ], + [ + "s", + "imp" + ], + [ + "Ġmort", + "gage" + ], + [ + "Ġcy", + "ber" + ], + [ + "ĠEx", + "ecute" + ], + [ + "Ġlat", + "itude" + ], + [ + "if", + "u" + ], + [ + ".C", + "OM" + ], + [ + "d", + "bo" + ], + [ + "Ġsort", + "s" + ], + [ + "ĠG", + "as" + ], + [ + "om", + "ial" + ], + [ + ".L", + "ocal" + ], + [ + "Cell", + "s" + ], + [ + ".Re", + "place" + ], + [ + "String", + "s" + ], + [ + ".f", + "it" + ], + [ + "ĠTh", + "ird" + ], + [ + "%", + "\",Ċ" + ], + [ + "Ġ{}", + "\"." + ], + [ + "ĠS", + "ony" + ], + [ + "Ġ[", + ":" + ], + [ + "Ġfall", + "en" + ], + [ + ".", + "')Ċ" + ], + [ + "in", + "h" + ], + [ + "ĠM", + "C" + ], + [ + "Ġred", + "is" + ], + [ + "C", + "odes" + ], + [ + "Ġprofile", + "s" + ], + [ + "h", + "ook" + ], + [ + "Reduc", + "er" + ], + [ + "_F", + "UNC" + ], + [ + "Ġn", + "avigate" + ], + [ + "str", + "len" + ], + [ + "Ġh", + "orm" + ], + [ + "á", + "ŀ" + ], + [ + "ĠS", + "R" + ], + [ + ".", + "boot" + ], + [ + "Ġdig", + "est" + ], + [ + "ĉ", + "header" + ], + [ + ".find", + "One" + ], + [ + "æ", + "ģ" + ], + [ + "Db", + "Type" + ], + [ + "n", + "ia" + ], + [ + "_m", + "erge" + ], + [ + "Ġdon", + "ne" + ], + [ + "/", + "Getty" + ], + [ + "_CH", + "AR" + ], + [ + "Ġb", + "ands" + ], + [ + ".", + "URL" + ], + [ + "art", + "ial" + ], + [ + "Ġf", + "req" + ], + [ + "Ġs", + "ist" + ], + [ + "N", + "g" + ], + [ + "Ġrender", + "ing" + ], + [ + "\\", + "Core" + ], + [ + "Widget", + "s" + ], + [ + "ĠV", + "A" + ], + [ + "Ġactiv", + "ists" + ], + [ + "St", + "e" + ], + [ + "=", + "_" + ], + [ + "all", + "a" + ], + [ + "St", + "amp" + ], + [ + "Ġload", + "s" + ], + [ + "Ġx", + "x" + ], + [ + "ĠL", + "earning" + ], + [ + ".M", + "vc" + ], + [ + "u", + "ir" + ], + [ + "(\"", + "$" + ], + [ + "Ġconnect", + "ing" + ], + [ + "Read", + "Only" + ], + [ + "ur", + "u" + ], + [ + "ĠE", + "ag" + ], + [ + "B", + "IT" + ], + [ + "_DE", + "L" + ], + [ + "å", + "§" + ], + [ + "arr", + "ass" + ], + [ + "ext", + "ernal" + ], + [ + "ĠY", + "OUR" + ], + [ + "ĠB", + "rew" + ], + [ + "ĠF", + "ive" + ], + [ + "Ġres", + "ize" + ], + [ + "ig", + "id" + ], + [ + "er", + "ation" + ], + [ + "ĠÑ", + "į" + ], + [ + "åĬ", + "ł" + ], + [ + "ĠC", + "atch" + ], + [ + "Ù", + "ģ" + ], + [ + "ĠLe", + "on" + ], + [ + "am", + "il" + ], + [ + ".B", + "ody" + ], + [ + "Cl", + "ip" + ], + [ + "/", + "list" + ], + [ + ".b", + "r" + ], + [ + "Edit", + "Text" + ], + [ + "ĉ", + "db" + ], + [ + ".G", + "ame" + ], + [ + "(Build", + "Context" + ], + [ + "back", + "end" + ], + [ + ".R", + "ed" + ], + [ + "face", + "book" + ], + [ + ".url", + "s" + ], + [ + "m", + "r" + ], + [ + "rol", + "led" + ], + [ + "----", + "---" + ], + [ + "Ġinter", + "vention" + ], + [ + "Ġretire", + "ment" + ], + [ + "ĠK", + "it" + ], + [ + "ĠP", + "RE" + ], + [ + "Upper", + "Case" + ], + [ + "ĠS", + "ocket" + ], + [ + "Ġ:", + "-" + ], + [ + "Ġstudy", + "ing" + ], + [ + "ĠMet", + "ro" + ], + [ + "ard", + "ed" + ], + [ + "Ġconvers", + "ations" + ], + [ + "C", + "alled" + ], + [ + "Ġexam", + "ine" + ], + [ + "ert", + "ificate" + ], + [ + ".g", + "z" + ], + [ + "-res", + "ponsive" + ], + [ + "Ġref", + "und" + ], + [ + "_n", + "etwork" + ], + [ + "allow", + "ed" + ], + [ + "em", + "pt" + ], + [ + "Ġme", + "als" + ], + [ + "C", + "ategories" + ], + [ + "Ġtravel", + "ing" + ], + [ + "Ġk", + "g" + ], + [ + "Ġsh", + "ame" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "Ġexplicit", + "ly" + ], + [ + "Ġmath", + "ematic" + ], + [ + "ĠS", + "uite" + ], + [ + "ĠR", + "GB" + ], + [ + "******", + "/" + ], + [ + "Ġmix", + "ture" + ], + [ + "lear", + "ning" + ], + [ + ".t", + "emplate" + ], + [ + "att", + "s" + ], + [ + "w", + "x" + ], + [ + "ĉ", + "ctx" + ], + [ + ".p", + "roperties" + ], + [ + "Ġdrink", + "s" + ], + [ + "ĠE", + "ither" + ], + [ + "set", + "Text" + ], + [ + ".get", + "Data" + ], + [ + ".z", + "ip" + ], + [ + "Ġreve", + "als" + ], + [ + "<", + "table" + ], + [ + ".Hash", + "Map" + ], + [ + "ĠH", + "ur" + ], + [ + ")", + "\");Ċ" + ], + [ + ".f", + "ramework" + ], + [ + "ĠST", + "ART" + ], + [ + "feed", + "back" + ], + [ + "Ġsaf", + "ely" + ], + [ + ".", + "icon" + ], + [ + "config", + "ure" + ], + [ + ".", + "lock" + ], + [ + ".l", + "ayers" + ], + [ + "/>", + ".Ċ" + ], + [ + "Ġrank", + "ed" + ], + [ + "_", + "impl" + ], + [ + "ĠHand", + "les" + ], + [ + "Ġhost", + "ed" + ], + [ + "Ġup", + "dating" + ], + [ + "al", + "bum" + ], + [ + "é", + "Ŀ" + ], + [ + "Ġsh", + "ader" + ], + [ + "Edit", + "ors" + ], + [ + "-", + "round" + ], + [ + "[]", + "{" + ], + [ + "Ġse", + "p" + ], + [ + "ĠH", + "i" + ], + [ + "TE", + "M" + ], + [ + "look", + "up" + ], + [ + ".m", + "an" + ], + [ + "_IN", + "PUT" + ], + [ + "Ġthreat", + "ened" + ], + [ + "_IM", + "PORT" + ], + [ + "Ġd", + "rops" + ], + [ + "ru", + "it" + ], + [ + "s", + "id" + ], + [ + "bo", + "th" + ], + [ + "ĠEx", + "cel" + ], + [ + "Ġj", + "er" + ], + [ + "ord", + "inary" + ], + [ + "еÐ", + "¹" + ], + [ + "V", + "IEW" + ], + [ + "re", + "ply" + ], + [ + "Ġ)", + ":Ċ" + ], + [ + "color", + "s" + ], + [ + "ver", + "ified" + ], + [ + "_T", + "r" + ], + [ + "_p", + "arse" + ], + [ + "Ġcon", + "gress" + ], + [ + "P", + "romise" + ], + [ + "int", + "s" + ], + [ + "ĠM", + "other" + ], + [ + ".A", + "pi" + ], + [ + "ĠD", + "uration" + ], + [ + "Ġfirst", + "Name" + ], + [ + "inherit", + "doc" + ], + [ + "ĠM", + "ars" + ], + [ + "Ġa", + "pr" + ], + [ + "OD", + "Y" + ], + [ + "Ġvis", + "its" + ], + [ + "Ġhe", + "aling" + ], + [ + "let", + "ters" + ], + [ + "))", + ");čĊ" + ], + [ + "f", + "uture" + ], + [ + ".F", + "ramework" + ], + [ + "Ġk", + "iss" + ], + [ + "Ġinv", + "olve" + ], + [ + "Ġsil", + "ent" + ], + [ + "ad", + "ows" + ], + [ + "Ġany", + "body" + ], + [ + "s", + "ch" + ], + [ + "Ġsole", + "ly" + ], + [ + "-", + "img" + ], + [ + "Ġprop", + "ri" + ], + [ + "Ġin", + "struct" + ], + [ + "Ġlic", + "enses" + ], + [ + "Ġm", + "eth" + ], + [ + "Ġcond", + "em" + ], + [ + "ĠD", + "omain" + ], + [ + "ĠHarr", + "is" + ], + [ + "Ġs", + "Ã¥" + ], + [ + "CE", + "PT" + ], + [ + "B", + "atch" + ], + [ + "@", + "extends" + ], + [ + "ĠCONTR", + "IBUT" + ], + [ + ".Data", + "Frame" + ], + [ + "_p", + "acket" + ], + [ + "rec", + "ision" + ], + [ + "Ġfoc", + "using" + ], + [ + ".", + "ht" + ], + [ + "__", + "\":Ċ" + ], + [ + ":", + "Get" + ], + [ + "ĠK", + "C" + ], + [ + "Ġpass", + "age" + ], + [ + "Seg", + "ment" + ], + [ + "_c", + "enter" + ], + [ + "-z", + "A" + ], + [ + "_B", + "L" + ], + [ + "Ġconv", + "in" + ], + [ + "Ġclass", + "ified" + ], + [ + "ĠNS", + "Mutable" + ], + [ + "_", + "ap" + ], + [ + "t", + "ile" + ], + [ + "Rect", + "angle" + ], + [ + "(n", + "ums" + ], + [ + "v", + "ens" + ], + [ + "ĠUI", + "Button" + ], + [ + "ĠF", + "eder" + ], + [ + "am", + "o" + ], + [ + "Ġout", + "line" + ], + [ + "ĠPar", + "ser" + ], + [ + "Ġâ", + "ī" + ], + [ + "ĠWork", + "s" + ], + [ + ".S", + "chema" + ], + [ + "Ġeng", + "ines" + ], + [ + "_com", + "mon" + ], + [ + "_", + "old" + ], + [ + "Ġset", + "ContentView" + ], + [ + "Ġ///", + "<" + ], + [ + "ĠB", + "T" + ], + [ + "f", + "m" + ], + [ + "Ġd", + "ivers" + ], + [ + "_", + "weights" + ], + [ + "em", + "ark" + ], + [ + "ĠA", + "CT" + ], + [ + "Ġpro", + "portion" + ], + [ + "over", + "lay" + ], + [ + ".dir", + "name" + ], + [ + "ĠG", + "it" + ], + [ + "_REF", + "ERENCE" + ], + [ + "<", + ">" + ], + [ + "l", + "b" + ], + [ + "_r", + "ule" + ], + [ + "è´", + "¥" + ], + [ + "ĠPut", + "in" + ], + [ + "Ġsleep", + "ing" + ], + [ + "()", + ":čĊ" + ], + [ + "Ġpres", + "erve" + ], + [ + "Ġpar", + "liament" + ], + [ + "ĠLook", + "ing" + ], + [ + "Ġpick", + "ing" + ], + [ + "ĠDis", + "patch" + ], + [ + "Ġsl", + "ip" + ], + [ + "ë", + "ĵ" + ], + [ + "ĠL", + "yn" + ], + [ + "_sign", + "al" + ], + [ + "config", + "uration" + ], + [ + "ĠP", + "itt" + ], + [ + "ad", + "en" + ], + [ + "pro", + "cedure" + ], + [ + "Ġenthus", + "i" + ], + [ + "f", + "ight" + ], + [ + "ĠCons", + "ider" + ], + [ + "Ġt", + "orn" + ], + [ + "Conn", + "ected" + ], + [ + ".c", + "os" + ], + [ + "_group", + "s" + ], + [ + "ĠTh", + "ink" + ], + [ + "Ġdel", + "iber" + ], + [ + "Ġres", + "id" + ], + [ + "work", + "ing" + ], + [ + ".column", + "s" + ], + [ + "ĠCal", + "led" + ], + [ + "Ġes", + "lint" + ], + [ + ">", + "\"," + ], + [ + "_D", + "OWN" + ], + [ + "h", + "ist" + ], + [ + "ĠAdv", + "anced" + ], + [ + "Ġre", + "wards" + ], + [ + "act", + "ors" + ], + [ + "Ġsil", + "ence" + ], + [ + "Ġmy", + "th" + ], + [ + "Ġne", + "ur" + ], + [ + "Ġa", + "uction" + ], + [ + ".Get", + "String" + ], + [ + "ek", + "s" + ], + [ + "(", + "project" + ], + [ + "ĉ", + "msg" + ], + [ + "ĉ", + "output" + ], + [ + "Ġcomplaint", + "s" + ], + [ + ",", + "S" + ], + [ + "Ġt", + "bl" + ], + [ + "Ġ,", + "ĊĊ" + ], + [ + "ri", + "ors" + ], + [ + "ah", + "ren" + ], + [ + "Ġlawy", + "ers" + ], + [ + "re", + "dux" + ], + [ + "_s", + "ymbol" + ], + [ + "off", + "ee" + ], + [ + "_RES", + "ULT" + ], + [ + "(", + "Name" + ], + [ + "UT", + "C" + ], + [ + ".current", + "Time" + ], + [ + "Ġorgan", + "is" + ], + [ + ".", + "arg" + ], + [ + "Ġmin", + "im" + ], + [ + "w", + "ick" + ], + [ + "Ġrece", + "ives" + ], + [ + "B", + "alance" + ], + [ + "Ġspeak", + "s" + ], + [ + "ĠD", + "ays" + ], + [ + "ĠBel", + "ow" + ], + [ + "t", + "ipo" + ], + [ + "P", + "resent" + ], + [ + "Ġres", + "erv" + ], + [ + "h", + "p" + ], + [ + "Ġr", + "it" + ], + [ + "_R", + "IGHT" + ], + [ + "--", + ")" + ], + [ + "Ġchair", + "man" + ], + [ + "D", + "IS" + ], + [ + "ĠBO", + "OST" + ], + [ + "Ġexper", + "iments" + ], + [ + "__", + ");Ċ" + ], + [ + "Ġst", + "amp" + ], + [ + "Ġf", + "ert" + ], + [ + "Ġf", + "ond" + ], + [ + "T", + "er" + ], + [ + "el", + "ve" + ], + [ + "ure", + "n" + ], + [ + "+", + "i" + ], + [ + "end", + "ency" + ], + [ + "Ġvirt", + "ually" + ], + [ + "...", + "\"" + ], + [ + "ï½", + "ŀ" + ], + [ + "-", + "cent" + ], + [ + "_un", + "ique" + ], + [ + "Ġpr", + "icing" + ], + [ + "m", + "ic" + ], + [ + "RES", + "H" + ], + [ + "Ġ::", + ":" + ], + [ + "Ġan", + "notation" + ], + [ + "ĠC", + "ircle" + ], + [ + "ong", + "odb" + ], + [ + "it", + "as" + ], + [ + "Ġ%", + "(" + ], + [ + "(", + "component" + ], + [ + "Ġо", + "б" + ], + [ + "(", + "port" + ], + [ + "-h", + "our" + ], + [ + ".", + "obj" + ], + [ + "L", + "BL" + ], + [ + "Ġj", + "ury" + ], + [ + "GB", + "T" + ], + [ + "Ġsp", + "y" + ], + [ + "ĠProf", + "essional" + ], + [ + "Ġ\"\"", + ";ĊĊ" + ], + [ + "Ġstri", + "king" + ], + [ + "Ġdiscrim", + "ination" + ], + [ + "Ġp", + "ays" + ], + [ + "lic", + "t" + ], + [ + "ent", + "es" + ], + [ + "Ġthrow", + "ing" + ], + [ + "ĠPl", + "ugin" + ], + [ + "(", + "def" + ], + [ + "ĠRuntime", + "Exception" + ], + [ + "ĠM", + "igration" + ], + [ + "Ġd", + "ic" + ], + [ + "b", + "ag" + ], + [ + "on", + "ia" + ], + [ + "Ġcor", + "ruption" + ], + [ + "(", + "Map" + ], + [ + "Ġpr", + "z" + ], + [ + ".d", + "to" + ], + [ + "Ġac", + "quire" + ], + [ + "State", + "ToProps" + ], + [ + "Ġlo", + "ving" + ], + [ + "оÐ", + "¶" + ], + [ + "_p", + "attern" + ], + [ + "Ġemot", + "ions" + ], + [ + "Ġpublish", + "er" + ], + [ + "_b", + "e" + ], + [ + "Ġcoup", + "les" + ], + [ + "o", + "j" + ], + [ + "ĠCh", + "art" + ], + [ + "Ġt", + "rop" + ], + [ + ".t", + "ool" + ], + [ + "Ġestablish", + "ment" + ], + [ + "Ġd", + "ol" + ], + [ + "Ġto", + "wer" + ], + [ + "Ġl", + "ane" + ], + [ + "ĠSy", + "dney" + ], + [ + "Ġfill", + "ing" + ], + [ + "claim", + "ed" + ], + [ + "Ġdialog", + "ue" + ], + [ + "Ġcon", + "vention" + ], + [ + "book", + "ing" + ], + [ + "pare", + "ncy" + ], + [ + "æ", + "±" + ], + [ + "ĠGener", + "ic" + ], + [ + "\\", + "Schema" + ], + [ + "Ġr", + "anges" + ], + [ + "/", + "ch" + ], + [ + "Ġpan", + "els" + ], + [ + "Ġr", + "uled" + ], + [ + "çĶ", + "Ł" + ], + [ + ".t", + "s" + ], + [ + "_s", + "ets" + ], + [ + "Ġclean", + "up" + ], + [ + "Pre", + "vious" + ], + [ + "ĠAn", + "imal" + ], + [ + "($", + "(" + ], + [ + "ĠA", + "ve" + ], + [ + "oll", + "ar" + ], + [ + "_e", + "val" + ], + [ + "ĉ", + "Name" + ], + [ + "(t", + "ree" + ], + [ + "Ġ\"", + "]" + ], + [ + "Ġdut", + "ies" + ], + [ + "='", + "/" + ], + [ + "Click", + "ed" + ], + [ + "Ġdifferent", + "ly" + ], + [ + "ĠCl", + "ark" + ], + [ + "Ġd", + "it" + ], + [ + "olog", + "ists" + ], + [ + "Ġsy", + "nd" + ], + [ + "Ġs", + "ends" + ], + [ + "-", + "known" + ], + [ + "k", + "b" + ], + [ + "ĠMod", + "al" + ], + [ + "it", + "ative" + ], + [ + "Ġr", + "acing" + ], + [ + "Ġhigh", + "lights" + ], + [ + "ĠSim", + "on" + ], + [ + "ĠCapt", + "ain" + ], + [ + "ä¿", + "¡" + ], + [ + "ĠC", + "B" + ], + [ + "cont", + "in" + ], + [ + "ar", + "an" + ], + [ + "Ġphys", + "ics" + ], + [ + "ret", + "ty" + ], + [ + "et", + "al" + ], + [ + ".m", + "d" + ], + [ + "ax", + "ios" + ], + [ + "Ġspeak", + "ers" + ], + [ + "Ġpre", + "p" + ], + [ + "Ġaward", + "ed" + ], + [ + "ì§", + "Ģ" + ], + [ + "ĠC", + "orn" + ], + [ + "ĠN", + "ature" + ], + [ + "UD", + "IO" + ], + [ + "Ġpro", + "j" + ], + [ + "-", + "pre" + ], + [ + "[", + "u" + ], + [ + "Fe", + "atures" + ], + [ + "Ġis", + "Equal" + ], + [ + "B", + "inary" + ], + [ + "s", + "ig" + ], + [ + "Ġconf", + "usion" + ], + [ + "ĠH", + "at" + ], + [ + "Ġkt", + "ó" + ], + [ + ".config", + "ure" + ], + [ + "M", + "ON" + ], + [ + "/", + "edit" + ], + [ + "_A", + "dd" + ], + [ + ",", + "true" + ], + [ + "Ġc", + "li" + ], + [ + "Error", + "Message" + ], + [ + "-", + "loader" + ], + [ + "Dim", + "ensions" + ], + [ + "ultip", + "ly" + ], + [ + "Ġ{", + "!!" + ], + [ + "ĠSql", + "Command" + ], + [ + "Ġsp", + "oken" + ], + [ + "Ġp", + "ics" + ], + [ + "Ġto", + "y" + ], + [ + "(", + "Key" + ], + [ + "ĠLo", + "op" + ], + [ + "Ø", + "¨" + ], + [ + "E", + "ATURE" + ], + [ + "in", + "ction" + ], + [ + "_set", + "up" + ], + [ + "w", + "rapper" + ], + [ + "Ġt", + "ong" + ], + [ + "c", + "ular" + ], + [ + "O", + "pt" + ], + [ + ".P", + "l" + ], + [ + "=\"", + "," + ], + [ + "(l", + "ength" + ], + [ + "um", + "n" + ], + [ + "Ġch", + "rom" + ], + [ + "Ġse", + "vent" + ], + [ + "ĠIllegal", + "ArgumentException" + ], + [ + "ĉ", + "start" + ], + [ + "Ġbeg", + "un" + ], + [ + "CE", + "PTION" + ], + [ + "dat", + "aset" + ], + [ + "ĠF", + "ailed" + ], + [ + "col", + "s" + ], + [ + "Ġkne", + "e" + ], + [ + "im", + "ore" + ], + [ + ".sp", + "lice" + ], + [ + "sh", + "ell" + ], + [ + "ig", + "gers" + ], + [ + "Ġthem", + "es" + ], + [ + "ĠD", + "J" + ], + [ + "ĠAss", + "istant" + ], + [ + "-", + "$" + ], + [ + "May", + "be" + ], + [ + "Ġorder", + "ing" + ], + [ + "ĠInt", + "elligence" + ], + [ + "ĠMass", + "achusetts" + ], + [ + "Ġfail", + "ing" + ], + [ + "el", + "son" + ], + [ + "G", + "reat" + ], + [ + "=", + "i" + ], + [ + ".re", + "st" + ], + [ + "Ġinv", + "ite" + ], + [ + "-dis", + "able" + ], + [ + ".Group", + "Box" + ], + [ + "âĢĻ", + "est" + ], + [ + "Ġtack", + "le" + ], + [ + "g", + "v" + ], + [ + "et", + "ter" + ], + [ + "Ġ),", + "čĊ" + ], + [ + "_r", + "ules" + ], + [ + ".w", + "arn" + ], + [ + "function", + "s" + ], + [ + "ĠChrist", + "ians" + ], + [ + "Ġback", + "ed" + ], + [ + "Ġsl", + "ider" + ], + [ + "Ġenjoy", + "ing" + ], + [ + "n", + "est" + ], + [ + "Ġh", + "ij" + ], + [ + "_m", + "s" + ], + [ + "//", + "*" + ], + [ + "An", + "notations" + ], + [ + "ĠVariable", + "s" + ], + [ + "<", + "V" + ], + [ + "(", + "server" + ], + [ + "ĠOr", + "acle" + ], + [ + "element", + "s" + ], + [ + "Ġorgan", + "isation" + ], + [ + "_point", + "er" + ], + [ + "ĠHe", + "aders" + ], + [ + "[", + "d" + ], + [ + "Ġdead", + "line" + ], + [ + "iss", + "a" + ], + [ + "Ġkn", + "ife" + ], + [ + "ĠNAS", + "A" + ], + [ + "ĠHe", + "ight" + ], + [ + "ĠAs", + "ync" + ], + [ + "Ġven", + "ue" + ], + [ + ".d", + "om" + ], + [ + "bour", + "ne" + ], + [ + "ĠHaw", + "ai" + ], + [ + "Ġmem", + "o" + ], + [ + "ict", + "ions" + ], + [ + "Ġsurve", + "illance" + ], + [ + "om", + "i" + ], + [ + "/", + "assets" + ], + [ + "Ġed", + "u" + ], + [ + "Ä", + "Ľ" + ], + [ + "Ġro", + "ster" + ], + [ + "Ġh", + "ired" + ], + [ + "ĠT", + "ok" + ], + [ + "Ġpl", + "acement" + ], + [ + "ur", + "ations" + ], + [ + "Ġset", + "State" + ], + [ + "ĠMag", + "azine" + ], + [ + "Ġhor", + "ror" + ], + [ + "T", + "ry" + ], + [ + "Ġl", + "ag" + ], + [ + "ĠEvery", + "one" + ], + [ + "th", + "ur" + ], + [ + "))", + ";čĊčĊ" + ], + [ + ".", + "return" + ], + [ + "Ġsy", + "mp" + ], + [ + "âĸĪ", + "âĸĪ" + ], + [ + "Ġn", + "ights" + ], + [ + "work", + "er" + ], + [ + "Ġa", + "le" + ], + [ + "ennes", + "see" + ], + [ + ".st", + "ep" + ], + [ + "Ġsynchron", + "ized" + ], + [ + "our", + "i" + ], + [ + "Do", + "es" + ], + [ + ".", + "change" + ], + [ + "f", + "on" + ], + [ + ".set", + "Background" + ], + [ + "irc", + "ular" + ], + [ + "+", + "-" + ], + [ + "ĠC", + "IA" + ], + [ + "ĠJ", + "ane" + ], + [ + "ĠSim", + "ilar" + ], + [ + "-", + "I" + ], + [ + "level", + "and" + ], + [ + "Ġpros", + "pect" + ], + [ + "_f", + "ound" + ], + [ + "ĉc", + "olor" + ], + [ + ".D", + "iagnostics" + ], + [ + "Ġann", + "ounce" + ], + [ + "Ġassum", + "es" + ], + [ + "/", + "tr" + ], + [ + "Ġb", + "d" + ], + [ + "ĠCar", + "bon" + ], + [ + "Ġanal", + "ys" + ], + [ + ".de", + "st" + ], + [ + "n", + "ik" + ], + [ + "ĠL", + "ie" + ], + [ + "-", + "index" + ], + [ + "Draw", + "able" + ], + [ + "ĠT", + "AG" + ], + [ + "Ġtri", + "angle" + ], + [ + "_F", + "LOAT" + ], + [ + "ĉĉ", + "ĠĠĠĠĠ" + ], + [ + ".bl", + "ack" + ], + [ + "v", + "ue" + ], + [ + "cur", + "acy" + ], + [ + "Ġaffect", + "s" + ], + [ + "Ġsure", + "ly" + ], + [ + "Sl", + "ider" + ], + [ + "uk", + "i" + ], + [ + "c", + "ery" + ], + [ + "Ġun", + "ter" + ], + [ + ".pro", + "file" + ], + [ + "ord", + "on" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "le", + "ave" + ], + [ + "Ġsmart", + "phone" + ], + [ + "g", + "ie" + ], + [ + "Ġcons", + "pir" + ], + [ + "Ġt", + "utorial" + ], + [ + "ç±", + "»" + ], + [ + "Ġc", + "ab" + ], + [ + "ĠSum", + "mary" + ], + [ + "*", + "ĊĊ" + ], + [ + "ä", + "h" + ], + [ + "\"", + "This" + ], + [ + "Ġsl", + "ides" + ], + [ + "\"", + "" + ], + [ + "c", + "ycle" + ], + [ + "ĠB", + "ull" + ], + [ + "path", + "s" + ], + [ + "Ġun", + "p" + ], + [ + "Ġview", + "DidLoad" + ], + [ + "_M", + "odel" + ], + [ + "Ġassert", + "True" + ], + [ + "Ġr", + "ated" + ], + [ + "De", + "cl" + ], + [ + "vert", + "ed" + ], + [ + "ĠD", + "at" + ], + [ + "b", + "rew" + ], + [ + "Ġpoint", + "ing" + ], + [ + "M", + "s" + ], + [ + "ĠPoint", + "er" + ], + [ + ")", + "'" + ], + [ + "_n", + "on" + ], + [ + "ĠSE", + "C" + ], + [ + "Ġy", + "eah" + ], + [ + "g", + "ency" + ], + [ + "initial", + "ize" + ], + [ + "f", + "ly" + ], + [ + "[", + "pos" + ], + [ + ",", + "g" + ], + [ + "Te", + "le" + ], + [ + "Ġj", + "oke" + ], + [ + "Ġcl", + "ause" + ], + [ + ".find", + "ById" + ], + [ + "en", + "es" + ], + [ + "(", + "instance" + ], + [ + "Â", + "£" + ], + [ + "Ġs", + "lic" + ], + [ + "_h", + "ome" + ], + [ + "Ġ*/", + "}Ċ" + ], + [ + "_p", + "ages" + ], + [ + "(s", + "ervice" + ], + [ + "R", + "P" + ], + [ + "ĠAm", + "ong" + ], + [ + ".get", + "Current" + ], + [ + "ãĤ", + "¹" + ], + [ + "Ġs", + "lee" + ], + [ + "=", + "", + "[Ċ" + ], + [ + "ol", + "er" + ], + [ + "Ġlib", + "ert" + ], + [ + "Ġ`", + "Ċ" + ], + [ + "Ġw", + "enn" + ], + [ + "l", + "ated" + ], + [ + "Ġimm", + "une" + ], + [ + "(", + "Node" + ], + [ + "ĠPro", + "blem" + ], + [ + "ĠA", + "bs" + ], + [ + "log", + "s" + ], + [ + "Ġ", + "../" + ], + [ + "ĠA", + "DC" + ], + [ + "Ġ}}", + "\">Ċ" + ], + [ + ">", + "');Ċ" + ], + [ + "=", + "b" + ], + [ + "ĠW", + "ind" + ], + [ + "lah", + "oma" + ], + [ + "Ġalloc", + "ate" + ], + [ + "or", + "ian" + ], + [ + "Ġpres", + "cription" + ], + [ + "-", + "quality" + ], + [ + "ĠMay", + "or" + ], + [ + "in", + "ely" + ], + [ + "end", + "foreach" + ], + [ + "ĠCom", + "plex" + ], + [ + "k", + "om" + ], + [ + "T", + "Y" + ], + [ + "]", + "]." + ], + [ + ".", + "Style" + ], + [ + "_m", + "any" + ], + [ + "','", + "$" + ], + [ + "Ġbar", + "rier" + ], + [ + "ĠF", + "etch" + ], + [ + "ĠMar", + "vel" + ], + [ + "Ġres", + "ist" + ], + [ + "ог", + "о" + ], + [ + "b", + "idden" + ], + [ + "ĠRun", + "nable" + ], + [ + ":", + "false" + ], + [ + "Ġbuild", + "s" + ], + [ + "ĠSt", + "age" + ], + [ + "Ġd", + "ub" + ], + [ + "emp", + "o" + ], + [ + ".s", + "ite" + ], + [ + ";ĊĊ", + "ĊĊ" + ], + [ + "ĠDen", + "ver" + ], + [ + "Ġre", + "vel" + ], + [ + "Ġtrigger", + "ed" + ], + [ + "Ġd", + "ice" + ], + [ + "_f", + "ail" + ], + [ + "Ġg", + "c" + ], + [ + "ĉ", + "X" + ], + [ + "ĠTh", + "rowable" + ], + [ + ".r", + "outer" + ], + [ + "ĠRev", + "olution" + ], + [ + "ÑĢ", + "а" + ], + [ + "_N", + "ON" + ], + [ + "Ł", + "¥" + ], + [ + "Ġel", + "der" + ], + [ + "Ġab", + "road" + ], + [ + "ĠÐ", + "µ" + ], + [ + "ĠAd", + "ult" + ], + [ + "bl", + "r" + ], + [ + "g", + "lyphicon" + ], + [ + "Ġprom", + "oting" + ], + [ + "Ġ", + "iz" + ], + [ + "ĠS", + "olid" + ], + [ + "_lo", + "ader" + ], + [ + "ear", + "ly" + ], + [ + ".en", + "abled" + ], + [ + "-", + "edit" + ], + [ + "ĠU", + "L" + ], + [ + "_", + "play" + ], + [ + "ĠInt", + "errupt" + ], + [ + "Ġadvant", + "ages" + ], + [ + "uc", + "le" + ], + [ + "Ġmechan", + "ical" + ], + [ + ".table", + "LayoutPanel" + ], + [ + "ĠWork", + "ing" + ], + [ + "Ġan", + "onymous" + ], + [ + "R", + "ating" + ], + [ + "ig", + "ious" + ], + [ + "_ph", + "one" + ], + [ + ".addAction", + "Listener" + ], + [ + "Ġfr", + "an" + ], + [ + "und", + "en" + ], + [ + "Ġ*)", + "&" + ], + [ + "_", + "bool" + ], + [ + "ul", + "ative" + ], + [ + "Ġcon", + "e" + ], + [ + "ĠM", + "ult" + ], + [ + "Ġm", + "ö" + ], + [ + "ĠFor", + "ward" + ], + [ + "]", + "):Ċ" + ], + [ + "Ġconvin", + "ced" + ], + [ + "act", + "ed" + ], + [ + "ãģ", + "ĵ" + ], + [ + "ĠConfig", + "ure" + ], + [ + "Ġce", + "iling" + ], + [ + "D", + "er" + ], + [ + "Ġpass", + "engers" + ], + [ + "Group", + "s" + ], + [ + "Ġsoc", + "cer" + ], + [ + "/", + "W" + ], + [ + "avi", + "ors" + ], + [ + "sw", + "ith" + ], + [ + "ĠZ", + "one" + ], + [ + ".", + "Options" + ], + [ + "ĠM", + "om" + ], + [ + "ied", + "er" + ], + [ + "Array", + "s" + ], + [ + "Ġtreat", + "ments" + ], + [ + "Ġprotect", + "ing" + ], + [ + "f", + "ac" + ], + [ + "Ġpick", + "le" + ], + [ + "Button", + "Item" + ], + [ + "Ġblock", + "ing" + ], + [ + "str", + "ar" + ], + [ + "Ã", + "²" + ], + [ + "ĠEx", + "port" + ], + [ + "Ġth", + "rew" + ], + [ + "ott", + "a" + ], + [ + "ĠB", + "ASE" + ], + [ + ".w", + "s" + ], + [ + ".LE", + "ADING" + ], + [ + "order", + "By" + ], + [ + "_d", + "elay" + ], + [ + "ĠP", + "u" + ], + [ + ".d", + "ll" + ], + [ + "ĠCh", + "oose" + ], + [ + "Pol", + "ice" + ], + [ + "ĠBE", + "GIN" + ], + [ + "box", + "es" + ], + [ + "Ġdiam", + "ond" + ], + [ + ",", + "l" + ], + [ + "Ġ", + "ĉĉĉ" + ], + [ + "Ġcur", + "ious" + ], + [ + "t", + "v" + ], + [ + "Ġerot", + "ische" + ], + [ + "ack", + "ages" + ], + [ + "ĉ", + "Set" + ], + [ + "T", + "ick" + ], + [ + ".b", + "order" + ], + [ + "static", + "method" + ], + [ + "Ġch", + "er" + ], + [ + "in", + "voice" + ], + [ + "Ġcr", + "u" + ], + [ + "Ġdef", + "ect" + ], + [ + "_m", + "etadata" + ], + [ + "re", + "lation" + ], + [ + "ik", + "an" + ], + [ + "[", + "N" + ], + [ + "(Q", + "t" + ], + [ + "(", + "Base" + ], + [ + "æģ", + "¯" + ], + [ + "be", + "at" + ], + [ + "ĠEm", + "pty" + ], + [ + "ĉ", + "o" + ], + [ + "_sh", + "ift" + ], + [ + "Ġreg", + "ret" + ], + [ + "Th", + "ose" + ], + [ + "C", + "ent" + ], + [ + "ĠPort", + "ug" + ], + [ + "ĠIs", + "lands" + ], + [ + "ĠT", + "IME" + ], + [ + "Man", + "agement" + ], + [ + "-s", + "p" + ], + [ + "ê", + "me" + ], + [ + "Ġnot", + "ion" + ], + [ + "un", + "ifu" + ], + [ + "P", + "K" + ], + [ + "è¡", + "Į" + ], + [ + "ĠCUR", + "LOPT" + ], + [ + "\\\"", + "\\" + ], + [ + "U", + "V" + ], + [ + "ç", + "º" + ], + [ + "d", + "ra" + ], + [ + "c", + "ou" + ], + [ + "=", + "`" + ], + [ + "ĠD", + "estroy" + ], + [ + "r", + "p" + ], + [ + ".c", + "ancel" + ], + [ + "G", + "G" + ], + [ + "r", + "untime" + ], + [ + "ĠV", + "ue" + ], + [ + "Ġprogress", + "ive" + ], + [ + "/s", + "ervices" + ], + [ + "Ġrun", + "ner" + ], + [ + "_FR", + "AME" + ], + [ + ".ToolStrip", + "MenuItem" + ], + [ + "Ġ'", + ",'" + ], + [ + "d", + "elay" + ], + [ + "=", + "utf" + ], + [ + "Ġscreen", + "ing" + ], + [ + "Ġpull", + "ing" + ], + [ + "om", + "as" + ], + [ + "Ġan", + "th" + ], + [ + "-", + "new" + ], + [ + "/", + "local" + ], + [ + "Ġi", + "Pad" + ], + [ + "Ġt", + "witter" + ], + [ + "Ġd", + "ying" + ], + [ + "Ġhe", + "aven" + ], + [ + "ĠU", + "Int" + ], + [ + "ĠSen", + "ator" + ], + [ + "Ġpres", + "um" + ], + [ + "ĠWalk", + "er" + ], + [ + "Ġover", + "come" + ], + [ + "ete", + "ction" + ], + [ + "Ġemb", + "arrass" + ], + [ + "Ch", + "ina" + ], + [ + "In", + "clude" + ], + [ + "RO", + "LL" + ], + [ + "Ġdata", + "Type" + ], + [ + "D", + "avid" + ], + [ + "à¸", + "£" + ], + [ + "lo", + "p" + ], + [ + "-m", + "onth" + ], + [ + "Ġsc", + "ar" + ], + [ + "ĠS", + "afe" + ], + [ + "Ġ", + "****************************************************************" + ], + [ + "Ġaccess", + "ories" + ], + [ + "Ġr", + "amp" + ], + [ + "_U", + "SE" + ], + [ + "Ġcontr", + "ad" + ], + [ + "))", + "]Ċ" + ], + [ + "Ġpre", + "st" + ], + [ + "ĠH", + "R" + ], + [ + "ĠR", + "ap" + ], + [ + "Ġus", + "ize" + ], + [ + "Ġcap", + "ability" + ], + [ + "Ġc", + "ort" + ], + [ + "-", + "next" + ], + [ + "Ġbur", + "den" + ], + [ + "_read", + "er" + ], + [ + "Ġ@", + "@" + ], + [ + "reg", + "ular" + ], + [ + "ĠK", + "a" + ], + [ + "M", + "AN" + ], + [ + "Ġa", + "str" + ], + [ + "Ġ'", + "')Ċ" + ], + [ + "Ġf", + "ed" + ], + [ + "Ġpars", + "ing" + ], + [ + "ĠY", + "ears" + ], + [ + "Ġbro", + "ker" + ], + [ + "\":", + "{\"" + ], + [ + "Ġa", + "kt" + ], + [ + "In", + "ventory" + ], + [ + "abe", + "led" + ], + [ + "Ġarg", + "parse" + ], + [ + "******", + "*Ċ" + ], + [ + "vers", + "ation" + ], + [ + "Ġc", + "ord" + ], + [ + "ĠT", + "i" + ], + [ + "Ġhope", + "fully" + ], + [ + "Ġa", + "h" + ], + [ + "ver", + "b" + ], + [ + "Ġst", + "olen" + ], + [ + ".", + "Entry" + ], + [ + "Ġexpect", + "ing" + ], + [ + "O", + "rientation" + ], + [ + "Ġpower", + "ed" + ], + [ + "Ġp", + "ersist" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "']", + ");" + ], + [ + "'))", + ",Ċ" + ], + [ + "ĠC", + "ash" + ], + [ + "ĉ", + "item" + ], + [ + "gr", + "ades" + ], + [ + "rop", + "ol" + ], + [ + "b", + "asic" + ], + [ + "Ġ\"", + ");čĊ" + ], + [ + "Ġaw", + "ards" + ], + [ + "(r", + "ange" + ], + [ + "-", + "all" + ], + [ + "ĠIB", + "Outlet" + ], + [ + "ĠInd", + "eed" + ], + [ + "----------------------------------------------------------------", + "------------" + ], + [ + "Ġstom", + "ach" + ], + [ + "Ġfl", + "ower" + ], + [ + "Ġs", + "ew" + ], + [ + "_t", + "imes" + ], + [ + "av", + "is" + ], + [ + "Q", + "String" + ], + [ + "ĠR", + "outes" + ], + [ + "_pro", + "t" + ], + [ + "Ġcom", + "edy" + ], + [ + "Ġlog", + "out" + ], + [ + "Ġwood", + "en" + ], + [ + "Ġpost", + "er" + ], + [ + "p", + "iece" + ], + [ + ".J", + "oin" + ], + [ + "ĠP", + "ok" + ], + [ + "cel", + "ona" + ], + [ + "mut", + "ex" + ], + [ + ";čĊ", + "čĊčĊ" + ], + [ + "Ġstri", + "kes" + ], + [ + "Load", + "ed" + ], + [ + ")", + "arg" + ], + [ + "es", + "a" + ], + [ + "Un", + "ited" + ], + [ + "E", + "p" + ], + [ + "PE", + "LL" + ], + [ + "ĠAtl", + "antic" + ], + [ + "ul", + "let" + ], + [ + "app", + "le" + ], + [ + "Ġsett", + "led" + ], + [ + "a", + "con" + ], + [ + "Ġprint", + "er" + ], + [ + "ĠG", + "C" + ], + [ + "å®", + "ļ" + ], + [ + "Ġrender", + "ed" + ], + [ + ",", + "âĢĻ" + ], + [ + "he", + "it" + ], + [ + "s", + "ocial" + ], + [ + ".", + "ge" + ], + [ + "ĠR", + "ick" + ], + [ + "ĠUt", + "ah" + ], + [ + "g", + "ot" + ], + [ + "on", + "ical" + ], + [ + "ĠSc", + "roll" + ], + [ + "ĠSc", + "iences" + ], + [ + "Ġj", + "ug" + ], + [ + "Ġam", + "pl" + ], + [ + "ent", + "i" + ], + [ + "LE", + "FT" + ], + [ + "Ġt", + "abs" + ], + [ + "Ġenorm", + "ous" + ], + [ + ".get", + "Key" + ], + [ + "loc", + "ate" + ], + [ + ".", + "EX" + ], + [ + ".st", + "orage" + ], + [ + ".W", + "e" + ], + [ + "Ġto", + "ast" + ], + [ + "ĠAdd", + "itionally" + ], + [ + "ĠN", + "OW" + ], + [ + "_", + "UPDATE" + ], + [ + "Ġtrans", + "ferred" + ], + [ + "th", + "a" + ], + [ + ".D", + "isplay" + ], + [ + "_", + "ui" + ], + [ + "ID", + "EO" + ], + [ + "Ġmeaning", + "ful" + ], + [ + "ĠMos", + "cow" + ], + [ + ",", + "this" + ], + [ + "ĠVict", + "oria" + ], + [ + "æĶ", + "¹" + ], + [ + "ĠÐ", + "Ł" + ], + [ + ".st", + "ack" + ], + [ + "ĠB", + "arn" + ], + [ + "pared", + "Statement" + ], + [ + ":", + "string" + ], + [ + "Ġb", + "ij" + ], + [ + "ĠST", + "ATE" + ], + [ + "Ġemploy", + "ers" + ], + [ + "ĉ", + "input" + ], + [ + "(", + "|" + ], + [ + "Ġle", + "x" + ], + [ + "in", + "voke" + ], + [ + "ĉ", + "num" + ], + [ + "++", + "," + ], + [ + "at", + "ial" + ], + [ + "ors", + "es" + ], + [ + "Ġfor", + "k" + ], + [ + "_t", + "xt" + ], + [ + "ĠAnton", + "io" + ], + [ + "Ġ(", + "<" + ], + [ + "aver", + "se" + ], + [ + "Ġdev", + "ast" + ], + [ + "ãĢ", + "Ģ" + ], + [ + ".D", + "ec" + ], + [ + "ĠG", + "ard" + ], + [ + "/", + "ui" + ], + [ + ".", + "%" + ], + [ + "tr", + "i" + ], + [ + "Ġrol", + "led" + ], + [ + "Value", + "Pair" + ], + [ + "itt", + "en" + ], + [ + "ĠTh", + "er" + ], + [ + "Ġv", + "rou" + ], + [ + "ĠFl", + "ow" + ], + [ + "ĠFin", + "ance" + ], + [ + "ĠCom", + "b" + ], + [ + "H", + "C" + ], + [ + ".set", + "Visible" + ], + [ + "is", + "l" + ], + [ + "Ġp", + "k" + ], + [ + "Ġup", + "set" + ], + [ + "(", + "raw" + ], + [ + "ĠV", + "ice" + ], + [ + "e", + "atures" + ], + [ + "ĠL", + "ang" + ], + [ + "Look", + "ing" + ], + [ + "ĠA", + "ST" + ], + [ + "Ġtri", + "ps" + ], + [ + "ĠJust", + "in" + ], + [ + "b", + "rowser" + ], + [ + "=\"", + "'.$" + ], + [ + ".", + "vertices" + ], + [ + "-", + "co" + ], + [ + "}/", + "{" + ], + [ + "Ġ?", + "," + ], + [ + "ĠD", + "omin" + ], + [ + "ĠBel", + "g" + ], + [ + "\"", + "<" + ], + [ + "Ġsup", + "pose" + ], + [ + "add", + "y" + ], + [ + "Ġwalk", + "s" + ], + [ + "ERR", + "U" + ], + [ + "_f", + "ilters" + ], + [ + "Pre", + "ferred" + ], + [ + "sc", + "ene" + ], + [ + "е", + "Ñģ" + ], + [ + "ĠAff", + "airs" + ], + [ + "Ġ\"#", + "{" + ], + [ + "Ġon", + "Submit" + ], + [ + "Ġstock", + "s" + ], + [ + "/", + "view" + ], + [ + "g", + "ree" + ], + [ + "-", + "get" + ], + [ + "h", + "it" + ], + [ + "J", + "o" + ], + [ + ".get", + "C" + ], + [ + "Initial", + "ized" + ], + [ + "ÑĤ", + "и" + ], + [ + "c", + "uts" + ], + [ + "(", + "Type" + ], + [ + "ĠAg", + "reement" + ], + [ + "ĠViet", + "nam" + ], + [ + "Ġ/*", + "!" + ], + [ + "Ġp", + "izza" + ], + [ + "-", + "view" + ], + [ + "_", + "em" + ], + [ + "Ġl", + "hs" + ], + [ + "Ġm", + "uy" + ], + [ + "ĠId", + "ent" + ], + [ + "ĠF", + "riends" + ], + [ + "Ġab", + "und" + ], + [ + "_A", + "D" + ], + [ + ".t", + "imestamp" + ], + [ + "-", + "'" + ], + [ + "Ġd", + "uplicate" + ], + [ + "Ġhun", + "ting" + ], + [ + "Ġregul", + "atory" + ], + [ + "ia", + "o" + ], + [ + "am", + "ous" + ], + [ + "ĠEnt", + "ertainment" + ], + [ + "[", + "A" + ], + [ + "iat", + "ric" + ], + [ + "_CL", + "IENT" + ], + [ + "ĠK", + "ids" + ], + [ + "/p", + "kg" + ], + [ + "B", + "reak" + ], + [ + "))", + ");ĊĊ" + ], + [ + "ĠSh", + "ape" + ], + [ + "Ġrel", + "ating" + ], + [ + "Int", + "errupt" + ], + [ + "able", + "Opacity" + ], + [ + "emb", + "re" + ], + [ + "Ġmyst", + "ery" + ], + [ + "Ġjournal", + "ists" + ], + [ + "rit", + "able" + ], + [ + ".L", + "ink" + ], + [ + "Ġstop", + "ping" + ], + [ + "CRE", + "T" + ], + [ + ".D", + "B" + ], + [ + "Ġpopular", + "ity" + ], + [ + "Ġg", + "ew" + ], + [ + "Ġim", + "pr" + ], + [ + "set", + "Value" + ], + [ + "FL", + "AG" + ], + [ + "ĉm", + "ax" + ], + [ + "Ġb", + "ake" + ], + [ + "w", + "y" + ], + [ + "ĠEcon", + "omic" + ], + [ + "Ġen", + "contr" + ], + [ + "Ġf", + "name" + ], + [ + "/", + "de" + ], + [ + "R", + "ank" + ], + [ + "Ġbug", + "s" + ], + [ + ".s", + "m" + ], + [ + "Ġmed", + "ian" + ], + [ + "D", + "OWN" + ], + [ + "ĠS", + "ure" + ], + [ + "At", + "Index" + ], + [ + "ĠD", + "ick" + ], + [ + "Ġ(", + "__" + ], + [ + ".d", + "elta" + ], + [ + "F", + "r" + ], + [ + "Ġsuggest", + "ing" + ], + [ + "ĠRec", + "yclerView" + ], + [ + ",", + "e" + ], + [ + "ST", + "ART" + ], + [ + "/************************************************************************", + "****" + ], + [ + "xf", + "ord" + ], + [ + "Ġrece", + "ipt" + ], + [ + "CL", + "AIM" + ], + [ + "read", + "only" + ], + [ + "Ġeng", + "aging" + ], + [ + "C", + "a" + ], + [ + "as", + "ma" + ], + [ + "Ġens", + "uring" + ], + [ + "Eng", + "lish" + ], + [ + "ĠV", + "ancouver" + ], + [ + "hy", + "th" + ], + [ + "Ġpurch", + "asing" + ], + [ + "ĠP", + "I" + ], + [ + ".", + "word" + ], + [ + "(s", + "p" + ], + [ + ".h", + "ome" + ], + [ + ":", + "def" + ], + [ + "Ġg", + "ig" + ], + [ + "ĠV", + "e" + ], + [ + "for", + "um" + ], + [ + "ĠM", + "itch" + ], + [ + "B", + "ay" + ], + [ + "_F", + "L" + ], + [ + "Ġs", + "oll" + ], + [ + "_column", + "s" + ], + [ + "Ġminor", + "ity" + ], + [ + "b", + "ird" + ], + [ + "Ġhand", + "ed" + ], + [ + "SS", + "L" + ], + [ + "ST", + "AT" + ], + [ + "Ġnerv", + "ous" + ], + [ + "ĥ", + "½" + ], + [ + "Ġfile", + "Path" + ], + [ + "CRE", + "ATE" + ], + [ + "A", + "w" + ], + [ + "Ġp", + "ens" + ], + [ + "se", + "ed" + ], + [ + "ĠCom", + "pute" + ], + [ + "ol", + "k" + ], + [ + "ĠAs", + "set" + ], + [ + "re", + "ach" + ], + [ + "'),", + "čĊ" + ], + [ + "n", + "avigation" + ], + [ + "L", + "F" + ], + [ + "/", + "util" + ], + [ + "ĠP", + "ub" + ], + [ + "Ġâ", + "Ķ" + ], + [ + "c", + "ion" + ], + [ + "##", + "Ċ" + ], + [ + "II", + "I" + ], + [ + "Tag", + "Name" + ], + [ + "Ġam", + "id" + ], + [ + "per", + "mission" + ], + [ + "if", + "iable" + ], + [ + "xFFFF", + "FFFF" + ], + [ + "н", + "и" + ], + [ + ".B", + "uffer" + ], + [ + "_", + "irq" + ], + [ + "d", + "ark" + ], + [ + "Ġret", + "val" + ], + [ + ".f", + "ire" + ], + [ + "produ", + "ction" + ], + [ + ".list", + "en" + ], + [ + "ĠWe", + "ather" + ], + [ + "Ġbuy", + "ers" + ], + [ + ".", + "ne" + ], + [ + "er", + "p" + ], + [ + "ĠP", + "ent" + ], + [ + "Ġw", + "elfare" + ], + [ + "Ġpage", + "Size" + ], + [ + "ĠSt", + "adium" + ], + [ + "ert", + "a" + ], + [ + "Ġle", + "v" + ], + [ + "amp", + "a" + ], + [ + "P", + "ager" + ], + [ + "Ġcharg", + "ing" + ], + [ + "ĠNet", + "flix" + ], + [ + "|", + "null" + ], + [ + "_r", + "andom" + ], + [ + ".x", + "path" + ], + [ + "Ġst", + "ere" + ], + [ + "ĠIS", + "IS" + ], + [ + "pons", + "es" + ], + [ + "(", + "loc" + ], + [ + "ey", + "ond" + ], + [ + "ĠOff", + "icial" + ], + [ + "ĠMary", + "land" + ], + [ + "Data", + "Type" + ], + [ + "_p", + "ar" + ], + [ + "{", + "}," + ], + [ + "ĠEn", + "joy" + ], + [ + "_SH", + "IFT" + ], + [ + "ĠA", + "wards" + ], + [ + "_ENT", + "RY" + ], + [ + "Ġseem", + "ingly" + ], + [ + "entic", + "ate" + ], + [ + "Ġheart", + "s" + ], + [ + "_", + ";ĊĊ" + ], + [ + "ĠH", + "IV" + ], + [ + "Ġindiv", + "id" + ], + [ + "ĠFl", + "ag" + ], + [ + "_", + "ctrl" + ], + [ + "ĠC", + "allback" + ], + [ + ",", + "z" + ], + [ + "ĠG", + "PU" + ], + [ + "ĉ", + "obj" + ], + [ + "ĠPh", + "oenix" + ], + [ + "ĠB", + "US" + ], + [ + "Ġrub", + "ber" + ], + [ + "_A", + "UTH" + ], + [ + "ĠSol", + "utions" + ], + [ + "(", + "location" + ], + [ + "Variable", + "s" + ], + [ + ".set", + "Enabled" + ], + [ + "_h", + "igh" + ], + [ + "W", + "O" + ], + [ + "G", + "esture" + ], + [ + "Ġre", + "try" + ], + [ + "Ġobject", + "ForKey" + ], + [ + "allow", + "een" + ], + [ + "Ġm", + "os" + ], + [ + "ĠC", + "ele" + ], + [ + "Ġik", + "ke" + ], + [ + "(c", + "ell" + ], + [ + "ĠM", + "ODE" + ], + [ + "ren", + "a" + ], + [ + "Ġdescri", + "bing" + ], + [ + "Ġph", + "i" + ], + [ + "Ġr", + "d" + ], + [ + "Ġdes", + "erve" + ], + [ + "Ġwhe", + "els" + ], + [ + "å¸", + "Ĥ" + ], + [ + "Ġcrit", + "ics" + ], + [ + "N", + "amespace" + ], + [ + "ĠF", + "ra" + ], + [ + "Ġ", + "ĊĊĊĊ" + ], + [ + "Ġall", + "a" + ], + [ + "Ġrequ", + "iring" + ], + [ + "æľ", + "Ł" + ], + [ + "ut", + "ation" + ], + [ + "Ġdelay", + "ed" + ], + [ + "Ġadministr", + "ative" + ], + [ + "Ġb", + "ay" + ], + [ + ".h", + "idden" + ], + [ + "T", + "ex" + ], + [ + "Ġbound", + "aries" + ], + [ + "Ġ]", + ");ĊĊ" + ], + [ + "ĠFollow", + "ing" + ], + [ + "~", + "/" + ], + [ + "F", + "i" + ], + [ + "_con", + "v" + ], + [ + "_T", + "ITLE" + ], + [ + "Ġdes", + "de" + ], + [ + "ICollection", + "View" + ], + [ + "Ali", + "as" + ], + [ + "Ġb", + "ite" + ], + [ + "pat", + "ient" + ], + [ + "_COMM", + "AND" + ], + [ + "Com", + "pleted" + ], + [ + "ĉ", + "elif" + ], + [ + "(", + "<" + ], + [ + "B", + "usiness" + ], + [ + "ĠP", + "ool" + ], + [ + "Ġpurs", + "ue" + ], + [ + "ĠB", + "an" + ], + [ + "_st", + "eps" + ], + [ + "_DE", + "CL" + ], + [ + "um", + "ble" + ], + [ + "Ġcom", + "bo" + ], + [ + "ĠL", + "ayer" + ], + [ + ".x", + "r" + ], + [ + "Ġd", + "up" + ], + [ + "--------", + "-" + ], + [ + "Ġmod", + "ifier" + ], + [ + "ro", + "b" + ], + [ + "re", + "z" + ], + [ + "Ġath", + "letes" + ], + [ + "Us", + "ed" + ], + [ + "w", + "ear" + ], + [ + "Ġlegit", + "imate" + ], + [ + "Ġ\"", + "ĊĊ" + ], + [ + "Ġh", + "v" + ], + [ + "St", + "d" + ], + [ + "ĠH", + "old" + ], + [ + "Ġsurv", + "iv" + ], + [ + "ĠAll", + "iance" + ], + [ + "ĠEar", + "ly" + ], + [ + "Beh", + "avior" + ], + [ + "(f", + "ont" + ], + [ + "/lib", + "s" + ], + [ + "Ġrect", + "angle" + ], + [ + "Ġs", + "inger" + ], + [ + "Ġam", + "p" + ], + [ + "Equal", + "To" + ], + [ + "Ġ\"", + ".\"" + ], + [ + "Ġgirl", + "friend" + ], + [ + "å", + "±" + ], + [ + "line", + "ar" + ], + [ + "obs", + "erv" + ], + [ + "Ġpi", + "ù" + ], + [ + "Ġcomple", + "ment" + ], + [ + "With", + "Value" + ], + [ + "(p", + "assword" + ], + [ + "t", + "ake" + ], + [ + "Bl", + "ank" + ], + [ + "ĠCom", + "par" + ], + [ + "'", + "\"," + ], + [ + "_p", + "olicy" + ], + [ + "m", + "ongoose" + ], + [ + "_FA", + "ILED" + ], + [ + ".re", + "port" + ], + [ + "R", + "atio" + ], + [ + ".Perform", + "Layout" + ], + [ + "us", + "able" + ], + [ + "m", + "ers" + ], + [ + "_re", + "nder" + ], + [ + "PE", + "ED" + ], + [ + "Ġles", + "b" + ], + [ + "ĉ", + "E" + ], + [ + "_t", + "ool" + ], + [ + "Ġl", + "adies" + ], + [ + "о", + "Ñģ" + ], + [ + "))", + "))Ċ" + ], + [ + ";;", + ";;" + ], + [ + ".d", + "ot" + ], + [ + "Ġn", + "est" + ], + [ + "pe", + "ak" + ], + [ + "uk", + "kit" + ], + [ + "ec", + "a" + ], + [ + "_S", + "W" + ], + [ + "Ġ&", + "(" + ], + [ + "ĠOk", + "lahoma" + ], + [ + "Ġbank", + "ing" + ], + [ + "ĠN", + "intendo" + ], + [ + "Ġreprodu", + "ce" + ], + [ + "_element", + "s" + ], + [ + "_m", + "ac" + ], + [ + "pro", + "xy" + ], + [ + "Ġremark", + "able" + ], + [ + "}/", + "${" + ], + [ + "Ġout", + "s" + ], + [ + ".has", + "Next" + ], + [ + "M", + "ODE" + ], + [ + "Ġan", + "ime" + ], + [ + ".con", + "n" + ], + [ + "Un", + "ique" + ], + [ + "D", + "om" + ], + [ + "Ġimportant", + "ly" + ], + [ + "itt", + "y" + ], + [ + "Ġju", + "ice" + ], + [ + "T", + "w" + ], + [ + "ĠPart", + "ners" + ], + [ + "Ġattack", + "ing" + ], + [ + "Ġport", + "able" + ], + [ + "am", + "iento" + ], + [ + ".P", + "ictureBox" + ], + [ + ".g", + "en" + ], + [ + "Ġopt", + "imal" + ], + [ + "Ġre", + "cre" + ], + [ + "Ġjournal", + "ist" + ], + [ + "ĠEx", + "tract" + ], + [ + "ĠMore", + "over" + ], + [ + "Ġmargin", + "Top" + ], + [ + ".A", + "p" + ], + [ + "Ġf", + "iring" + ], + [ + "Na", + "N" + ], + [ + "ĉ", + "template" + ], + [ + "аÐ", + "´" + ], + [ + ".", + "En" + ], + [ + "Ġdef", + "ence" + ], + [ + "ĠT", + "el" + ], + [ + "il", + "en" + ], + [ + "j", + "an" + ], + [ + "=", + "data" + ], + [ + "ĠU", + "rl" + ], + [ + "ĠRe", + "uters" + ], + [ + "(t", + "otal" + ], + [ + "ĠFif", + "th" + ], + [ + "Ġess", + "ays" + ], + [ + "Ġinterpret", + "ation" + ], + [ + "Ġchar", + "ity" + ], + [ + "ĠR", + "ules" + ], + [ + "Ġsub", + "section" + ], + [ + "st", + "yled" + ], + [ + "az", + "er" + ], + [ + "l", + "ags" + ], + [ + "L", + "IST" + ], + [ + "Ġupload", + "ed" + ], + [ + "Ġtr", + "ash" + ], + [ + "Ġreg", + "istr" + ], + [ + "Ġsell", + "er" + ], + [ + ">'", + ";čĊ" + ], + [ + "Ġstart", + "Time" + ], + [ + "ç", + "Ļ" + ], + [ + "s", + "y" + ], + [ + "(Http", + "ServletRequest" + ], + [ + "Ġtr", + "ap" + ], + [ + "G", + "C" + ], + [ + "Ġembed", + "ded" + ], + [ + "Ġsurround", + "ed" + ], + [ + "im", + "its" + ], + [ + "T", + "X" + ], + [ + "yl", + "inder" + ], + [ + "ĠF", + "al" + ], + [ + "Ġsent", + "ences" + ], + [ + "ĠJ", + "a" + ], + [ + "IF", + "ICATION" + ], + [ + "we", + "apon" + ], + [ + "ov", + "ation" + ], + [ + "Ġco", + "at" + ], + [ + "Ġinter", + "pol" + ], + [ + "Ġl", + "ips" + ], + [ + "ĠK", + "y" + ], + [ + "Ġv", + "ectors" + ], + [ + "_", + "am" + ], + [ + "Ġint", + "ake" + ], + [ + ".w", + "orld" + ], + [ + "Ġin", + "box" + ], + [ + "ĠM", + "AC" + ], + [ + "_", + "ab" + ], + [ + "(name", + "of" + ], + [ + "Ġent", + "ert" + ], + [ + "Ġgather", + "ing" + ], + [ + "ĠS", + "IM" + ], + [ + "++", + "." + ], + [ + "ny", + "a" + ], + [ + "'", + "}}" + ], + [ + "ĠUP", + "DATE" + ], + [ + "Ġp", + "ac" + ], + [ + "(", + "html" + ], + [ + "ĠS", + "ant" + ], + [ + "i", + "ating" + ], + [ + "ĠIde", + "as" + ], + [ + "Ġspr", + "ay" + ], + [ + "ĠH", + "art" + ], + [ + "Ġver", + "ification" + ], + [ + "ades", + "h" + ], + [ + "/", + "modules" + ], + [ + "ĠM", + "ind" + ], + [ + "ĠSized", + "Box" + ], + [ + "Ġsh", + "elter" + ], + [ + "Ġher", + "oes" + ], + [ + "att", + "y" + ], + [ + "Ġcert", + "ified" + ], + [ + "s", + "j" + ], + [ + "Ġê", + "tre" + ], + [ + "ÅĤ", + "o" + ], + [ + "Ġpublish", + "ing" + ], + [ + "ĠMal", + "ays" + ], + [ + ".get", + "User" + ], + [ + "ĠPro", + "vider" + ], + [ + "ĠLinked", + "List" + ], + [ + "ĠB", + "or" + ], + [ + "RO", + "UND" + ], + [ + "d", + "id" + ], + [ + "t", + "ain" + ], + [ + "p", + "ire" + ], + [ + "ĠJ", + "enn" + ], + [ + "t", + "el" + ], + [ + "and", + "e" + ], + [ + "_f", + "ront" + ], + [ + "ĠMc", + "G" + ], + [ + "Test", + "Method" + ], + [ + "à¸", + "Ń" + ], + [ + "Ġoccasion", + "ally" + ], + [ + "ĠW", + "ales" + ], + [ + "Ġexerc", + "ises" + ], + [ + "ĠÐ", + "Ĵ" + ], + [ + "-", + "plus" + ], + [ + "Ġvalid", + "ator" + ], + [ + "Ġpr", + "ayer" + ], + [ + "L", + "ATED" + ], + [ + "_", + "author" + ], + [ + "Ġlab", + "our" + ], + [ + "++", + "Ċ" + ], + [ + "-e", + "quiv" + ], + [ + "ĠG", + "PL" + ], + [ + "Ġface", + "book" + ], + [ + "s", + "imple" + ], + [ + "g", + "ly" + ], + [ + "Process", + "or" + ], + [ + "ip", + "y" + ], + [ + "Ġ*", + ">" + ], + [ + "Ġcle", + "ared" + ], + [ + "ĠP", + "ush" + ], + [ + "Ġpen", + "is" + ], + [ + "Struct", + "ure" + ], + [ + "li", + "j" + ], + [ + "ĠM", + "organ" + ], + [ + "Ġhand", + "ful" + ], + [ + "\"", + ".Ċ" + ], + [ + "|", + "\\" + ], + [ + "Ġ", + "********************************" + ], + [ + "ĠA", + "qu" + ], + [ + "_", + "IC" + ], + [ + ".load", + "s" + ], + [ + "Ġm", + "eter" + ], + [ + "ĠMar", + "ine" + ], + [ + "::", + "{" + ], + [ + "ĠT", + "S" + ], + [ + "ĠArray", + "s" + ], + [ + ".T", + "itle" + ], + [ + "GR", + "AM" + ], + [ + "ter", + "min" + ], + [ + "Ġco", + "inc" + ], + [ + "El", + "se" + ], + [ + "_st", + "ates" + ], + [ + "-r", + "un" + ], + [ + "m", + "embers" + ], + [ + "ast", + "ro" + ], + [ + "Ġon", + "Press" + ], + [ + "Ġbe", + "ings" + ], + [ + "Ġabandon", + "ed" + ], + [ + "Ġtax", + "p" + ], + [ + "own", + "ers" + ], + [ + ".m", + "ode" + ], + [ + "Ġdiagn", + "osis" + ], + [ + "Ġ_", + "Ċ" + ], + [ + "ĠK", + "night" + ], + [ + "ĉ", + "A" + ], + [ + "Ġob", + "serve" + ], + [ + "),", + "'" + ], + [ + "!", + "\")Ċ" + ], + [ + "ĠPar", + "a" + ], + [ + "Ġvari", + "ation" + ], + [ + "(", + "False" + ], + [ + "ĠAnt", + "i" + ], + [ + "Ġg", + "ri" + ], + [ + "Ġhome", + "less" + ], + [ + "?", + "v" + ], + [ + "Ġbe", + "z" + ], + [ + ".S", + "erver" + ], + [ + "re", + "lease" + ], + [ + "ĠP", + "atri" + ], + [ + "Ġchar", + "s" + ], + [ + "Ġrank", + "ing" + ], + [ + "activ", + "ation" + ], + [ + "Ġw", + "ides" + ], + [ + "q", + "r" + ], + [ + ".S", + "ql" + ], + [ + "ac", + "ular" + ], + [ + "ĠB", + "ot" + ], + [ + "_s", + "ync" + ], + [ + "Ġhapp", + "iness" + ], + [ + "Ġvolunte", + "ers" + ], + [ + "Ġs", + "its" + ], + [ + "/", + "<" + ], + [ + "[", + "e" + ], + [ + "(file", + "Name" + ], + [ + "Ġcap", + "ac" + ], + [ + "ĠMar", + "ia" + ], + [ + "f", + "ather" + ], + [ + "Ġgr", + "am" + ], + [ + "*", + "i" + ], + [ + "Ġcas", + "o" + ], + [ + "_d", + "raw" + ], + [ + "ĠR", + "aw" + ], + [ + "ĠIter", + "ator" + ], + [ + "ĠP", + "adding" + ], + [ + "P", + "D" + ], + [ + "BO", + "X" + ], + [ + "ĠS", + "PECIAL" + ], + [ + "Ġfe", + "cha" + ], + [ + "Ġv", + "ide" + ], + [ + "ĠLe", + "ader" + ], + [ + "ä»", + "¥" + ], + [ + "$", + "(\"." + ], + [ + "Ġdiam", + "eter" + ], + [ + "Ġm", + "ild" + ], + [ + "Ġrock", + "s" + ], + [ + "app", + "ings" + ], + [ + "d", + "irectory" + ], + [ + ".fl", + "ush" + ], + [ + "ĠJ", + "ess" + ], + [ + "UN", + "IT" + ], + [ + "ĠP", + "ear" + ], + [ + "Ġmand", + "atory" + ], + [ + "S", + "ur" + ], + [ + "q", + "t" + ], + [ + "Ġstream", + "s" + ], + [ + "Ġco", + "operation" + ], + [ + "ĠS", + "ac" + ], + [ + "Ġche", + "aper" + ], + [ + "ĉ", + "ch" + ], + [ + "an", + "imation" + ], + [ + "f", + "are" + ], + [ + "(", + "height" + ], + [ + "(", + "True" + ], + [ + "N", + "Y" + ], + [ + "Ġw", + "rest" + ], + [ + "Ġpoll", + "s" + ], + [ + "Ġencounter", + "ed" + ], + [ + "ĠMarket", + "able" + ], + [ + "_P", + "ASSWORD" + ], + [ + "_SE", + "LECT" + ], + [ + "ĠArab", + "ia" + ], + [ + "_c", + "lock" + ], + [ + "Ġv", + "oy" + ], + [ + "Ġи", + "з" + ], + [ + "Ġst", + "ir" + ], + [ + "is", + "ible" + ], + [ + "-e", + "ffect" + ], + [ + ".c", + "reated" + ], + [ + "Ġto", + "ys" + ], + [ + "ĠTrad", + "able" + ], + [ + "Ġr", + "ust" + ], + [ + "Ġstr", + "cpy" + ], + [ + "_t", + "imestamp" + ], + [ + "Ġtalent", + "ed" + ], + [ + ",", + "null" + ], + [ + "ĠJ", + "obs" + ], + [ + "ĠPort", + "land" + ], + [ + "Ġweak", + "ness" + ], + [ + "Th", + "row" + ], + [ + "ĠAng", + "el" + ], + [ + "ä¿", + "®" + ], + [ + "Ġun", + "cert" + ], + [ + "ï¼ī", + "Ċ" + ], + [ + "ĠìĿ", + "´" + ], + [ + "Wh", + "ich" + ], + [ + "Ġ[-", + "]:" + ], + [ + "S", + "omething" + ], + [ + "Ġconv", + "icted" + ], + [ + "k", + "le" + ], + [ + "ed", + "ium" + ], + [ + "Ġbranch", + "es" + ], + [ + "Ġb", + "ases" + ], + [ + "ç", + "®" + ], + [ + "Ġcomplex", + "ity" + ], + [ + "ĠF", + "ig" + ], + [ + ".", + "reshape" + ], + [ + "$", + "db" + ], + [ + "_CON", + "ST" + ], + [ + "ĠT", + "es" + ], + [ + ".r", + "untime" + ], + [ + "Ġden", + "y" + ], + [ + "ĠB", + "SD" + ], + [ + "Ġk", + "r" + ], + [ + "h", + "att" + ], + [ + "ĠSt", + "atic" + ], + [ + "Ġunivers", + "ities" + ], + [ + "Re", + "place" + ], + [ + "Ġdro", + "ve" + ], + [ + "Ġad", + "oles" + ], + [ + "_pl", + "ugin" + ], + [ + "ĠL", + "GBT" + ], + [ + "Ġt", + "ex" + ], + [ + "du", + "ction" + ], + [ + "ED", + "I" + ], + [ + "ĠT", + "ed" + ], + [ + "_", + "URI" + ], + [ + "Ġre", + "ception" + ], + [ + "art", + "en" + ], + [ + ".S", + "ingle" + ], + [ + "r", + "ice" + ], + [ + "sc", + "ious" + ], + [ + "_b", + "g" + ], + [ + "Ġw", + "ages" + ], + [ + "ĠS", + "ervlet" + ], + [ + "UIL", + "ayout" + ], + [ + "Ġform", + "atted" + ], + [ + ".M", + "od" + ], + [ + "<", + "class" + ], + [ + "is", + "en" + ], + [ + "Ġrepresent", + "atives" + ], + [ + "\"]", + "=" + ], + [ + "Ġport", + "al" + ], + [ + "ĠHun", + "ter" + ], + [ + "Ġh", + "iring" + ], + [ + "__", + ")Ċ" + ], + [ + "ric", + "ulum" + ], + [ + "u", + "o" + ], + [ + "li", + "est" + ], + [ + "Ġt", + "ears" + ], + [ + "L", + "at" + ], + [ + "Ġliter", + "al" + ], + [ + ".In", + "sert" + ], + [ + "Ġc", + "urs" + ], + [ + "ĠCom", + "put" + ], + [ + "Ġterror", + "ism" + ], + [ + "Ġswe", + "ep" + ], + [ + "Ġ[]", + "čĊ" + ], + [ + "Ġpass", + "enger" + ], + [ + "Ġeast", + "ern" + ], + [ + "Ġtwe", + "ets" + ], + [ + "Ġoper", + "ated" + ], + [ + "w", + "nd" + ], + [ + "ĠS", + "yn" + ], + [ + ".t", + "ools" + ], + [ + "ĠW", + "M" + ], + [ + "ul", + "ates" + ], + [ + "Ġbacter", + "ia" + ], + [ + "(", + "bytes" + ], + [ + ".set", + "Data" + ], + [ + "Ġvis", + "ibility" + ], + [ + "//", + "================================================================" + ], + [ + "el", + "m" + ], + [ + "Ġgener", + "ating" + ], + [ + "Ġm", + "v" + ], + [ + "Ġk", + "h" + ], + [ + "j", + "en" + ], + [ + "/", + "search" + ], + [ + "Ġaccount", + "ing" + ], + [ + "se", + "gment" + ], + [ + "act", + "ic" + ], + [ + ".", + "ip" + ], + [ + "Ġdeploy", + "ment" + ], + [ + "Ġfoot", + "er" + ], + [ + ">", + "',Ċ" + ], + [ + "Ġexpand", + "ing" + ], + [ + "ĠHam", + "ilton" + ], + [ + "ĠCon", + "trib" + ], + [ + ".T", + "ables" + ], + [ + "Act", + "iv" + ], + [ + "H", + "H" + ], + [ + "ocom", + "merce" + ], + [ + "_", + ";" + ], + [ + "Ġamong", + "st" + ], + [ + "ow", + "ing" + ], + [ + "ĠC", + "old" + ], + [ + "AP", + "H" + ], + [ + "Ġpsych", + "ological" + ], + [ + "_t", + "ensor" + ], + [ + "Ġpack", + "aging" + ], + [ + "ĠSw", + "eden" + ], + [ + "Ġp", + "are" + ], + [ + "Ġag", + "gregate" + ], + [ + "Ġmoder", + "ate" + ], + [ + "_h", + "and" + ], + [ + "Ġdesign", + "ated" + ], + [ + "Ġdr", + "um" + ], + [ + "Ġget", + "User" + ], + [ + "ĠC", + "reek" + ], + [ + "_s", + "cope" + ], + [ + "ĠTrans", + "fer" + ], + [ + "ĠM", + "arg" + ], + [ + "Ġfight", + "ers" + ], + [ + "W", + "nd" + ], + [ + "ĠS", + "el" + ], + [ + "ĠLa", + "unch" + ], + [ + "Ġemerg", + "ing" + ], + [ + "if", + "rame" + ], + [ + "ĠAdd", + "itional" + ], + [ + "Ġf", + "ears" + ], + [ + "Ġsat", + "ellite" + ], + [ + "_", + ":" + ], + [ + "Ġdis", + "posing" + ], + [ + "Get", + "Value" + ], + [ + "Http", + "Post" + ], + [ + "AT", + "IVE" + ], + [ + "ul", + "ary" + ], + [ + "View", + "s" + ], + [ + "Ġatt", + "ending" + ], + [ + "ĠT", + "ennessee" + ], + [ + "ĠM", + "ission" + ], + [ + "Ġmedic", + "ation" + ], + [ + "ĠW", + "y" + ], + [ + "ĠAn", + "na" + ], + [ + "Ø", + "¹" + ], + [ + "ĠVert", + "ex" + ], + [ + ".t", + "ypes" + ], + [ + "O", + "rgan" + ], + [ + ".DataGridView", + "TextBoxColumn" + ], + [ + "ĠR", + "S" + ], + [ + "Ġtemp", + "o" + ], + [ + "(", + "App" + ], + [ + "Version", + "UID" + ], + [ + ".p", + "oint" + ], + [ + "ĠD", + "utch" + ], + [ + "H", + "ours" + ], + [ + "L", + "U" + ], + [ + "Ġqu", + "oted" + ], + [ + ".b", + "uilder" + ], + [ + "ĠPer", + "fect" + ], + [ + "ĠAl", + "ways" + ], + [ + "_t", + "wo" + ], + [ + "Ġexclus", + "ively" + ], + [ + "ĠC", + "ra" + ], + [ + "ific", + "ar" + ], + [ + "ĠA", + "WS" + ], + [ + "ing", + "ham" + ], + [ + "com", + "plex" + ], + [ + "k", + "ernel" + ], + [ + "Ġgr", + "avity" + ], + [ + "Ġw", + "i" + ], + [ + "Ġover", + "view" + ], + [ + "ĠW", + "ant" + ], + [ + "ĠW", + "P" + ], + [ + "(", + "sh" + ], + [ + ".", + "rotation" + ], + [ + "St", + "ates" + ], + [ + "ĠTe", + "en" + ], + [ + "_com", + "ponents" + ], + [ + "ì", + "Īĺ" + ], + [ + "Re", + "ceived" + ], + [ + "Ġly", + "rics" + ], + [ + "rit", + "es" + ], + [ + "ĉĉĉĉĉ", + "Ġ" + ], + [ + "-A", + "merican" + ], + [ + "[", + "num" + ], + [ + "/", + "python" + ], + [ + "ĠU", + "ART" + ], + [ + "Ġapp", + "le" + ], + [ + "ĠJon", + "athan" + ], + [ + "Ġmoment", + "um" + ], + [ + "à¸", + "±" + ], + [ + "Ĥ", + "¹" + ], + [ + "Ġm", + "ich" + ], + [ + "and", + "ra" + ], + [ + "Ġbi", + "ological" + ], + [ + "ĠM", + "ens" + ], + [ + "Ġ%", + "%" + ], + [ + "else", + "a" + ], + [ + "ĠMex", + "ican" + ], + [ + ".rand", + "int" + ], + [ + "Ġt", + "ale" + ], + [ + "ĠValid", + "ate" + ], + [ + "Ġdefe", + "ated" + ], + [ + ".ht", + "m" + ], + [ + "Ġcop", + "per" + ], + [ + "=", + "/" + ], + [ + "cos", + "ystem" + ], + [ + "Ġr", + "ip" + ], + [ + "dec", + "imal" + ], + [ + ".V", + "ISIBLE" + ], + [ + "ĠT", + "a" + ], + [ + "ĉĉĉĉĉĉĉĉ", + "ĉĉĉĉĉĉ" + ], + [ + "Ġdownload", + "ed" + ], + [ + "en", + "vironment" + ], + [ + "Ġnom", + "ine" + ], + [ + "build", + "ing" + ], + [ + "ĠSp", + "ot" + ], + [ + "ipher", + "al" + ], + [ + "Ġal", + "to" + ], + [ + "qu", + "et" + ], + [ + "ĠF", + "T" + ], + [ + "/", + "get" + ], + [ + "/m", + "aster" + ], + [ + "W", + "IN" + ], + [ + "åħ", + "ĥ" + ], + [ + "W", + "est" + ], + [ + "arg", + "c" + ], + [ + "Ġprodu", + "cers" + ], + [ + "ĠM", + "uch" + ], + [ + "_st", + "orage" + ], + [ + "cred", + "it" + ], + [ + "CON", + "T" + ], + [ + "Ġv", + "et" + ], + [ + "Ġvo", + "ices" + ], + [ + "('", + "'," + ], + [ + "Ġinstr", + "uments" + ], + [ + "ĠM", + "SG" + ], + [ + "es", + "se" + ], + [ + "re", + "pository" + ], + [ + "om", + "ics" + ], + [ + "Ġdeal", + "er" + ], + [ + "St", + "ill" + ], + [ + "Ġb", + "anner" + ], + [ + "asc", + "ii" + ], + [ + "Ġrem", + "arks" + ], + [ + "[", + "js" + ], + [ + "Ġshort", + "er" + ], + [ + "g", + "ulp" + ], + [ + "Ġmyst", + "er" + ], + [ + "Ġk", + "un" + ], + [ + "ĠB", + "ird" + ], + [ + "Ġti", + "ene" + ], + [ + "n", + "ut" + ], + [ + "ĠU", + "m" + ], + [ + "Ġw", + "ise" + ], + [ + "Y", + "eah" + ], + [ + "INE", + "SS" + ], + [ + "_b", + "egin" + ], + [ + "-", + "heading" + ], + [ + "C", + "ourse" + ], + [ + "Ġ", + "čĊčĊ" + ], + [ + "omb", + "ie" + ], + [ + "grad", + "ed" + ], + [ + "ĠG", + "PS" + ], + [ + "Ġ", + "że" + ], + [ + "F", + "it" + ], + [ + "c", + "aption" + ], + [ + "ö", + "n" + ], + [ + "/", + "image" + ], + [ + "l", + "ia" + ], + [ + "(m", + "od" + ], + [ + "Ġle", + "ak" + ], + [ + "en", + "za" + ], + [ + "/", + "H" + ], + [ + "ĠH", + "appy" + ], + [ + "D", + "ist" + ], + [ + "n", + "x" + ], + [ + "ĠGovern", + "or" + ], + [ + "(l", + "ast" + ], + [ + "te", + "acher" + ], + [ + "ĠS", + "ent" + ], + [ + "s", + "upport" + ], + [ + "ject", + "ory" + ], + [ + "Ġ", + "Ùħ" + ], + [ + "Reg", + "istration" + ], + [ + "ĠGr", + "ay" + ], + [ + ",", + "false" + ], + [ + "Ġadjust", + "ed" + ], + [ + "(", + "settings" + ], + [ + "<", + "R" + ], + [ + "ĠM", + "age" + ], + [ + "Ġpl", + "aint" + ], + [ + "_", + ")Ċ" + ], + [ + "ĉ", + "it" + ], + [ + "omet", + "ric" + ], + [ + ".", + "bootstrap" + ], + [ + "Ġcar", + "ries" + ], + [ + "I", + "p" + ], + [ + "Ġ!", + "$" + ], + [ + "Ġswim", + "ming" + ], + [ + "ĠMar", + "io" + ], + [ + "ĠQuest", + "ions" + ], + [ + "P", + "ACE" + ], + [ + "æĸ", + "¹" + ], + [ + "e", + "or" + ], + [ + "}}", + "\"" + ], + [ + "Ġo", + "ven" + ], + [ + "ĠK", + "on" + ], + [ + "Ġwis", + "dom" + ], + [ + "Ġac", + "quisition" + ], + [ + "ess", + "ment" + ], + [ + "ag", + "ine" + ], + [ + "Ġexpress", + "ions" + ], + [ + "Sequential", + "Group" + ], + [ + "F", + "ront" + ], + [ + "ul", + "pt" + ], + [ + "aw", + "k" + ], + [ + "']", + ")ĊĊ" + ], + [ + "_", + "AR" + ], + [ + "Ġanal", + "og" + ], + [ + "ul", + "in" + ], + [ + "_PR", + "INT" + ], + [ + "ĠL", + "G" + ], + [ + "Ġb", + "lob" + ], + [ + "ĠFurther", + "more" + ], + [ + "_com", + "ponent" + ], + [ + "ĠC", + "ole" + ], + [ + "L", + "AN" + ], + [ + "SCRI", + "PTION" + ], + [ + "Ġl", + "ap" + ], + [ + "icens", + "ing" + ], + [ + "_TIME", + "OUT" + ], + [ + "ĠF", + "ro" + ], + [ + "Ġli", + "ability" + ], + [ + "Ġcom", + "posed" + ], + [ + ".create", + "SequentialGroup" + ], + [ + "_p", + "erson" + ], + [ + "Ġbe", + "am" + ], + [ + "ĉ", + "ĠĠĠĠĠĠĠĠ" + ], + [ + "ĠNot", + "Found" + ], + [ + ".", + "'Ċ" + ], + [ + "ÃŃ", + "s" + ], + [ + ".Text", + "View" + ], + [ + "P", + "DF" + ], + [ + "Ġk", + "ar" + ], + [ + "__", + "('" + ], + [ + "Ġ\"", + ":\"" + ], + [ + "_m", + "essages" + ], + [ + "Ġhar", + "vest" + ], + [ + ".h", + "istory" + ], + [ + ">", + "'Ċ" + ], + [ + "-f", + "old" + ], + [ + "æ", + "Ĭ" + ], + [ + "ĠBet", + "ter" + ], + [ + "Ġ\"\\", + "<" + ], + [ + "sp", + "acing" + ], + [ + "Ġfurn", + "ished" + ], + [ + "os", + "er" + ], + [ + "]", + "}Ċ" + ], + [ + "Ġ$", + "\"" + ], + [ + "p", + "ull" + ], + [ + ".P", + "ost" + ], + [ + "(", + "ip" + ], + [ + "Ĺ", + "ı" + ], + [ + ".f", + "ront" + ], + [ + "nt", + "e" + ], + [ + "ĠF", + "M" + ], + [ + "g", + "uid" + ], + [ + "Ġnegot", + "iations" + ], + [ + "agon", + "al" + ], + [ + "Ġtrem", + "end" + ], + [ + "unge", + "on" + ], + [ + "Ad", + "v" + ], + [ + "car", + "ousel" + ], + [ + "ÃŁ", + "e" + ], + [ + "_DE", + "SC" + ], + [ + "Ġham", + "mer" + ], + [ + "áº", + "Ń" + ], + [ + "ĠĠĠĠĠĠĠĠ", + "ĊĊ" + ], + [ + "-c", + "ore" + ], + [ + "-s", + "ervice" + ], + [ + "Ġcorn", + "ers" + ], + [ + "ĠS", + "F" + ], + [ + "p", + "red" + ], + [ + ">", + "A" + ], + [ + "ĠJ", + "Label" + ], + [ + "Ġrom", + "antic" + ], + [ + "Ġtestim", + "ony" + ], + [ + "os", + "c" + ], + [ + "ĠGener", + "ation" + ], + [ + "as", + "ures" + ], + [ + "_int", + "ernal" + ], + [ + "Ġprint", + "s" + ], + [ + "Ġ]", + ")Ċ" + ], + [ + "ĠC", + "leveland" + ], + [ + "re", + "po" + ], + [ + "D", + "isc" + ], + [ + "Ġ\"", + ">Ċ" + ], + [ + "��", + "��" + ], + [ + "Ġne", + "arest" + ], + [ + "_t", + "b" + ], + [ + "(", + "require" + ], + [ + "EO", + "F" + ], + [ + "-", + "child" + ], + [ + "Ġbu", + "dd" + ], + [ + ".Xtra", + "Editors" + ], + [ + "alt", + "ies" + ], + [ + "\\\":", + "\\\"" + ], + [ + "W", + "ords" + ], + [ + "Ġloc", + "ally" + ], + [ + "Ġpurch", + "ases" + ], + [ + "Draw", + "er" + ], + [ + "ex", + "tract" + ], + [ + "Ġexec", + "ut" + ], + [ + "}", + "'." + ], + [ + "user", + "data" + ], + [ + "Ġfocus", + "es" + ], + [ + "-min", + "ute" + ], + [ + "ĠP", + "ublish" + ], + [ + "og", + "o" + ], + [ + "Ġmount", + "ains" + ], + [ + "B", + "ot" + ], + [ + "}", + ">{" + ], + [ + "Ġt", + "ension" + ], + [ + "ro", + "d" + ], + [ + "m", + "esh" + ], + [ + "Ġtransform", + "ed" + ], + [ + ",", + "R" + ], + [ + "()", + "}Ċ" + ], + [ + ".l", + "ong" + ], + [ + "Ġg", + "orgeous" + ], + [ + "ĠS", + "chedule" + ], + [ + "Ġol", + "dest" + ], + [ + "Ġsub", + "process" + ], + [ + "(", + "IN" + ], + [ + "y", + "ect" + ], + [ + "ĠCo", + "oper" + ], + [ + "arn", + "ess" + ], + [ + "ĠMon", + "itor" + ], + [ + ".p", + "art" + ], + [ + "ĠN", + "BC" + ], + [ + "Ġc", + "otton" + ], + [ + "Ġh", + "ol" + ], + [ + "Ġrg", + "ba" + ], + [ + "ĠB", + "io" + ], + [ + "Cont", + "inue" + ], + [ + "P", + "od" + ], + [ + "Ġparticip", + "ating" + ], + [ + "clus", + "ions" + ], + [ + "(By", + "Val" + ], + [ + "Ã", + "¬" + ], + [ + "ĠH", + "OW" + ], + [ + "_set", + "opt" + ], + [ + "Ġaccompany", + "ing" + ], + [ + "at", + "on" + ], + [ + "Ġ/", + "\\" + ], + [ + "ĠAuth", + "entication" + ], + [ + "i", + "én" + ], + [ + "ĠBar", + "ack" + ], + [ + "/*", + "." + ], + [ + "Ġe", + "ager" + ], + [ + "ĠC", + "ancel" + ], + [ + "<", + "lemma" + ], + [ + "ep", + "h" + ], + [ + "ĉ", + "window" + ], + [ + "Ġinc", + "idents" + ], + [ + "),", + "(" + ], + [ + ".D", + "es" + ], + [ + "ib", + "e" + ], + [ + "ĠFunction", + "s" + ], + [ + "Ġhosp", + "itals" + ], + [ + "Ġo", + "xygen" + ], + [ + "root", + "Scope" + ], + [ + "Ġd", + "rew" + ], + [ + "ĉ", + "request" + ], + [ + "not", + "ice" + ], + [ + "ak", + "u" + ], + [ + "am", + "ents" + ], + [ + "f", + "ar" + ], + [ + "Ġprec", + "ise" + ], + [ + "_w", + "rapper" + ], + [ + "Ġlisten", + "ers" + ], + [ + "A", + "Z" + ], + [ + ".b", + "ounds" + ], + [ + "ĠA", + "verage" + ], + [ + "field", + "set" + ], + [ + "_", + "axis" + ], + [ + "Ġexam", + "ination" + ], + [ + "'", + ".Ċ" + ], + [ + "mon", + "s" + ], + [ + "++)", + "{čĊ" + ], + [ + "ĠForm", + "s" + ], + [ + "íķ", + "ľ" + ], + [ + "Cpp", + "Method" + ], + [ + "_tr", + "ace" + ], + [ + "Ġengine", + "er" + ], + [ + "ĠFl", + "at" + ], + [ + "Ġrev", + "ision" + ], + [ + "Ġhe", + "ating" + ], + [ + "/", + "profile" + ], + [ + ".r", + "u" + ], + [ + "p", + "riority" + ], + [ + "Ġin", + "fer" + ], + [ + "_ST", + "REAM" + ], + [ + "Ġ*", + ")(" + ], + [ + ">", + "$" + ], + [ + "OLE", + "AN" + ], + [ + "OK", + "IE" + ], + [ + "IB", + "ILITY" + ], + [ + "U", + "AGE" + ], + [ + "ĠSur", + "vey" + ], + [ + "Ġres", + "ign" + ], + [ + "w", + "ing" + ], + [ + "Ġsecre", + "ts" + ], + [ + "Ġch", + "ips" + ], + [ + "JSON", + "Object" + ], + [ + "Des", + "ktop" + ], + [ + "_SY", + "MBOL" + ], + [ + "(res", + "ource" + ], + [ + "ĠĊ" + ], + [ + "Ġnew", + "est" + ], + [ + "ul", + "i" + ], + [ + "Ġdes", + "ert" + ], + [ + "Ġd", + "ip" + ], + [ + "ĠP", + "ow" + ], + [ + "Ġequ", + "ation" + ], + [ + "Ġposs", + "ibilities" + ], + [ + "ĠF", + "ed" + ], + [ + "os", + "ph" + ], + [ + "Ġ[", + "%" + ], + [ + "Ġb", + "ubble" + ], + [ + "ether", + "lands" + ], + [ + "Ġc", + "ement" + ], + [ + ".", + "auto" + ], + [ + "_", + "AN" + ], + [ + "âĢĻ", + "." + ], + [ + "se", + "lection" + ], + [ + "ĠB", + "ond" + ], + [ + "D", + "en" + ], + [ + "-", + "O" + ], + [ + ".get", + "Type" + ], + [ + ".W", + "indow" + ], + [ + "p", + "res" + ], + [ + "Ġsw", + "inger" + ], + [ + "\"", + "})Ċ" + ], + [ + "Ġp", + "ip" + ], + [ + "Ġm", + "ice" + ], + [ + "Ġcomp", + "ound" + ], + [ + "-", + "plugin" + ], + [ + "ik", + "o" + ], + [ + "Ġcent", + "uries" + ], + [ + "ic", + "ular" + ], + [ + "-in", + "line" + ], + [ + "ĉ", + "key" + ], + [ + ">", + "\\<" + ], + [ + "EN", + "SION" + ], + [ + "Ġ[", + "čĊ" + ], + [ + "Ġprecis", + "ely" + ], + [ + "Ġét", + "é" + ], + [ + "ĠP", + "ast" + ], + [ + "ĠCam", + "bridge" + ], + [ + "-f", + "ull" + ], + [ + "Ġanaly", + "ze" + ], + [ + "ĠSte", + "ven" + ], + [ + "Ġn", + "em" + ], + [ + "d", + "ue" + ], + [ + "ore", + "n" + ], + [ + "Ġmus", + "cles" + ], + [ + "ij", + "ing" + ], + [ + "/", + "-" + ], + [ + "ĠKenn", + "edy" + ], + [ + "R", + "M" + ], + [ + "oss", + "ible" + ], + [ + "Ġact", + "ress" + ], + [ + "Ġd", + "olor" + ], + [ + "å½", + "ķ" + ], + [ + "Ne", + "ed" + ], + [ + ".t", + "oggle" + ], + [ + "ĠR", + "ace" + ], + [ + "w", + "ers" + ], + [ + ".m", + "aterial" + ], + [ + "ĠD", + "ue" + ], + [ + "ĠP", + "el" + ], + [ + "#", + "print" + ], + [ + "Ġindepend", + "ence" + ], + [ + "ex", + "us" + ], + [ + "Sh", + "adow" + ], + [ + "Ġenc", + "oder" + ], + [ + "(", + "level" + ], + [ + "ĠSw", + "ift" + ], + [ + ".d", + "oc" + ], + [ + "_se", + "lection" + ], + [ + "Ġserial", + "VersionUID" + ], + [ + "Label", + "s" + ], + [ + "Ġperform", + "ances" + ], + [ + ".T", + "ag" + ], + [ + "ĠN", + "HL" + ], + [ + "iz", + "en" + ], + [ + "/", + "UIKit" + ], + [ + "_CONT", + "ROL" + ], + [ + "Ġearn", + "ings" + ], + [ + "ĠAl", + "t" + ], + [ + "_H", + "ANDLE" + ], + [ + "C", + "tx" + ], + [ + "Ġpers", + "u" + ], + [ + "Ġtr", + "an" + ], + [ + "ç", + "¨" + ], + [ + "_CH", + "ANNEL" + ], + [ + "Ġsatisf", + "action" + ], + [ + "ĠG", + "P" + ], + [ + "io", + "x" + ], + [ + "m", + "itt" + ], + [ + "land", + "o" + ], + [ + "Ġp", + "ig" + ], + [ + "inal", + "s" + ], + [ + "ê", + "ncia" + ], + [ + "S", + "urface" + ], + [ + "ĠU", + "UID" + ], + [ + "Ġbenef", + "icial" + ], + [ + "Ġsequ", + "ences" + ], + [ + "ĉmem", + "set" + ], + [ + "Ġmag", + "ical" + ], + [ + "Â", + "«" + ], + [ + "Ġw", + "orn" + ], + [ + "AS", + "C" + ], + [ + "pop", + "up" + ], + [ + "COM", + "P" + ], + [ + "_b", + "efore" + ], + [ + "en", + "ess" + ], + [ + "U", + "i" + ], + [ + "L", + "es" + ], + [ + ".re", + "quire" + ], + [ + ".Serial", + "izable" + ], + [ + "add", + "Gap" + ], + [ + "Ġauthor", + "ization" + ], + [ + ".py", + "plot" + ], + [ + "urr", + "ay" + ], + [ + "lat", + "itude" + ], + [ + "fr", + "ames" + ], + [ + "aj", + "s" + ], + [ + "Ġcomp", + "ass" + ], + [ + "Ġobserv", + "ations" + ], + [ + "_s", + "up" + ], + [ + ".en", + "viron" + ], + [ + "Ġtri", + "ple" + ], + [ + "ĠRub", + "y" + ], + [ + "Ġdr", + "ain" + ], + [ + "_F", + "ILTER" + ], + [ + "S", + "an" + ], + [ + "UM", + "P" + ], + [ + "Null", + "Exception" + ], + [ + "ĠG", + "ab" + ], + [ + "ow", + "e" + ], + [ + "ĠTurk", + "ish" + ], + [ + "_se", + "quence" + ], + [ + "ĠGr", + "ant" + ], + [ + "uel", + "a" + ], + [ + "Ġw", + "o" + ], + [ + "Ġc", + "ube" + ], + [ + "i", + "q" + ], + [ + "Ġdis", + "orders" + ], + [ + "Ġextra", + "ordinary" + ], + [ + "Ġc", + "trl" + ], + [ + "ĠSe", + "q" + ], + [ + "ent", + "r" + ], + [ + "Ġsan", + "ctions" + ], + [ + "uts", + "ch" + ], + [ + "Re", + "ports" + ], + [ + "Ġin", + "herit" + ], + [ + "Per", + "iod" + ], + [ + "Ġphot", + "ography" + ], + [ + "ĠF", + "ramework" + ], + [ + "Ġspecial", + "ist" + ], + [ + "Ġ?", + "ĊĊ" + ], + [ + "_", + "selected" + ], + [ + ".P", + "layer" + ], + [ + "Ġal", + "location" + ], + [ + "(", + "account" + ], + [ + "Ġstruct", + "ural" + ], + [ + "v", + "able" + ], + [ + "-", + "offset" + ], + [ + ".App", + "CompatActivity" + ], + [ + "аÐ", + "¼" + ], + [ + ".Add", + "WithValue" + ], + [ + "Ġicon", + "s" + ], + [ + "Ġshut", + "down" + ], + [ + "_l", + "ow" + ], + [ + "ĠCom", + "pare" + ], + [ + "ĠC", + "e" + ], + [ + "=", + "head" + ], + [ + "l", + "am" + ], + [ + ".p", + "redict" + ], + [ + "_DE", + "C" + ], + [ + "ĠS", + "leep" + ], + [ + "ĠGr", + "atis" + ], + [ + "Ġsuggest", + "ion" + ], + [ + "ĠD", + "EL" + ], + [ + "ca", + "ff" + ], + [ + "av", + "irus" + ], + [ + "No", + "thing" + ], + [ + "ŀ", + "ĭ" + ], + [ + "Ġwides", + "pread" + ], + [ + "Ġmechan", + "isms" + ], + [ + "Ġtext", + "Align" + ], + [ + "occ", + "up" + ], + [ + "ĠR", + "ail" + ], + [ + ":", + "NS" + ], + [ + "Ġf", + "iber" + ], + [ + "Ġm", + "k" + ], + [ + "Ġv", + "intage" + ], + [ + "-l", + "ong" + ], + [ + ".re", + "duce" + ], + [ + ".", + "Entities" + ], + [ + "(", + "record" + ], + [ + "Ġple", + "asant" + ], + [ + "FR", + "ING" + ], + [ + ".C", + "ells" + ], + [ + "OT", + "T" + ], + [ + "ĉelse", + "if" + ], + [ + "_con", + "firm" + ], + [ + "ĠView", + "Group" + ], + [ + "s", + "ym" + ], + [ + "Ġpr", + "ay" + ], + [ + "Ġsus", + "pected" + ], + [ + "Cont", + "ains" + ], + [ + "Ġb", + "orders" + ], + [ + "Ġcomponent", + "Did" + ], + [ + "ASS", + "ERT" + ], + [ + "Ġinf", + "inite" + ], + [ + "-", + "order" + ], + [ + "Ġh", + "ello" + ], + [ + "ĠGr", + "ade" + ], + [ + ".currentTime", + "Millis" + ], + [ + "apol", + "is" + ], + [ + "z", + "h" + ], + [ + "ĉ", + "Object" + ], + [ + ":", + "\\\\" + ], + [ + "H", + "O" + ], + [ + "val", + "uation" + ], + [ + "Ġvoc", + "ab" + ], + [ + "Ġcou", + "pon" + ], + [ + "atab", + "ases" + ], + [ + ".Get", + "Type" + ], + [ + "L", + "earn" + ], + [ + "]", + "=\"" + ], + [ + "ĠG", + "ary" + ], + [ + "ot", + "ive" + ], + [ + "Ġas", + "h" + ], + [ + "Ġb", + "ib" + ], + [ + "XX", + "XX" + ], + [ + "Ġbal", + "anced" + ], + [ + "VAL", + "UE" + ], + [ + "ĠN", + "at" + ], + [ + "_A", + "d" + ], + [ + "<", + "E" + ], + [ + "åĮ", + "º" + ], + [ + "ĠMethod", + "Info" + ], + [ + "L", + "IB" + ], + [ + "Ġconsider", + "able" + ], + [ + "ĠInd", + "ustry" + ], + [ + "test", + "s" + ], + [ + ".set", + "Title" + ], + [ + "ĠBl", + "uetooth" + ], + [ + "Ġm", + "apped" + ], + [ + "ĠBru", + "ce" + ], + [ + "ĠMain", + "Window" + ], + [ + "ĉ", + "status" + ], + [ + "Ġr", + "az" + ], + [ + "ĠM", + "and" + ], + [ + "Ġclass", + "ification" + ], + [ + "Per", + "missions" + ], + [ + "Ġ----------------------------------------------------------------", + "------------" + ], + [ + "Ġcontain", + "ers" + ], + [ + ":", + "set" + ], + [ + "_x", + "ml" + ], + [ + "Ġwh", + "ilst" + ], + [ + "Th", + "rough" + ], + [ + "Ġval", + "ign" + ], + [ + "Ġworld", + "s" + ], + [ + "C", + "ORD" + ], + [ + "ED", + "IA" + ], + [ + "ÑĢ", + "ов" + ], + [ + "Ġsp", + "are" + ], + [ + "ĠH", + "ad" + ], + [ + "ĠDE", + "F" + ], + [ + "(p", + "tr" + ], + [ + "Ġwarm", + "ing" + ], + [ + "à¤", + "¾" + ], + [ + "Ġcons", + "ensus" + ], + [ + "ag", + "ne" + ], + [ + "CT", + "L" + ], + [ + "Ġì", + "ķ" + ], + [ + ".M", + "ain" + ], + [ + "web", + "Element" + ], + [ + "Ġp", + "ist" + ], + [ + "Fl", + "ash" + ], + [ + "App", + "end" + ], + [ + ".tw", + "img" + ], + [ + "T", + "ap" + ], + [ + "Ġveget", + "ables" + ], + [ + "al", + "g" + ], + [ + ".s", + "ample" + ], + [ + "Ġcoach", + "ing" + ], + [ + "(", + "ind" + ], + [ + "Cell", + "Value" + ], + [ + "Check", + "Box" + ], + [ + "ĠH", + "ell" + ], + [ + "RO", + "OT" + ], + [ + "Ġst", + "adium" + ], + [ + "Ġinvestig", + "ating" + ], + [ + ")", + "%" + ], + [ + "st", + "ed" + ], + [ + "ĠW", + "riting" + ], + [ + "Ġê", + "²" + ], + [ + "Ġun", + "o" + ], + [ + "Ġ{{", + "--" + ], + [ + "Ġco", + "ords" + ], + [ + "Ġun", + "ser" + ], + [ + "organ", + "ization" + ], + [ + "ĠCr", + "ime" + ], + [ + "ĠDemocr", + "at" + ], + [ + "Ġv", + "in" + ], + [ + "/", + "file" + ], + [ + "-", + "api" + ], + [ + "ĠA", + "y" + ], + [ + "Ġfund", + "ed" + ], + [ + "ĠBre", + "xit" + ], + [ + "ĠG", + "h" + ], + [ + "ent", + "ina" + ], + [ + "c", + "ases" + ], + [ + "Ġd", + "ash" + ], + [ + "Ġ!!", + "}Ċ" + ], + [ + "H", + "I" + ], + [ + "Off", + "ice" + ], + [ + "Ġcapt", + "ain" + ], + [ + "Ġwor", + "ship" + ], + [ + "\\", + "C" + ], + [ + "Ġglo", + "be" + ], + [ + "_", + "board" + ], + [ + "Ġbab", + "ies" + ], + [ + "Ġconsec", + "utive" + ], + [ + "Ġenh", + "anced" + ], + [ + "ere", + "um" + ], + [ + "ĠAd", + "vis" + ], + [ + "Ġgr", + "ain" + ], + [ + "Ġc", + "raw" + ], + [ + "ancell", + "ationToken" + ], + [ + ".", + "alpha" + ], + [ + "_W", + "ITH" + ], + [ + "ĠO", + "tt" + ], + [ + "ĠC", + "ool" + ], + [ + ".b", + "atch" + ], + [ + "Ġver", + "ified" + ], + [ + "(c", + "allback" + ], + [ + "Ġreg", + "ards" + ], + [ + "ĠInt", + "Ptr" + ], + [ + "ouch", + "er" + ], + [ + "Ġk", + "in" + ], + [ + "Ġtou", + "ched" + ], + [ + "it", + "Ãł" + ], + [ + "ath", + "on" + ], + [ + "Ġadj", + "acent" + ], + [ + "Ġaccom", + "panied" + ], + [ + "LE", + "AR" + ], + [ + "Ġim", + "plies" + ], + [ + "Ġh", + "ill" + ], + [ + "ĠBalt", + "imore" + ], + [ + "=\"", + "-" + ], + [ + "Fin", + "ally" + ], + [ + "S", + "am" + ], + [ + "ic", + "opt" + ], + [ + "Ġs", + "od" + ], + [ + "Ġm", + "aj" + ], + [ + "ĠSh", + "ipping" + ], + [ + "Ġget", + "All" + ], + [ + "Ġcoach", + "es" + ], + [ + "Ġdon", + "ations" + ], + [ + "il", + "ot" + ], + [ + "ĠT", + "ar" + ], + [ + "c", + "err" + ], + [ + "Ġbad", + "ge" + ], + [ + "Ġmark", + "ers" + ], + [ + "ĠR", + "and" + ], + [ + "ais", + "ed" + ], + [ + "iss", + "ance" + ], + [ + "Ġexpl", + "oring" + ], + [ + "uc", + "ed" + ], + [ + "ĠIndones", + "ia" + ], + [ + "Ġbene", + "ath" + ], + [ + "Ġmagn", + "etic" + ], + [ + "Ġm", + "useum" + ], + [ + "match", + "Condition" + ], + [ + "Ġdis", + "rupt" + ], + [ + "Ġrem", + "ind" + ], + [ + "ĠT", + "M" + ], + [ + "Ġ/", + "><" + ], + [ + "Ġf", + "ool" + ], + [ + "Ġes", + "k" + ], + [ + ".N", + "ull" + ], + [ + "ĠD", + "ies" + ], + [ + "_OUT", + "PUT" + ], + [ + "_TYP", + "ED" + ], + [ + "Ġpaint", + "ed" + ], + [ + "Ġsoph", + "istic" + ], + [ + "ĠB", + "ear" + ], + [ + "*", + "n" + ], + [ + "_P", + "ACK" + ], + [ + "Ġdeliver", + "ing" + ], + [ + "ĠC", + "OUNT" + ], + [ + "åį", + "ķ" + ], + [ + "Ġj", + "eg" + ], + [ + "-c", + "ar" + ], + [ + "f", + "name" + ], + [ + "Ġr", + "anging" + ], + [ + "ĠN", + "eg" + ], + [ + "/", + "******/" + ], + [ + "ĠCH", + "AR" + ], + [ + "Ġul", + "tra" + ], + [ + "Gr", + "ad" + ], + [ + "=", + "t" + ], + [ + "Ġjud", + "ges" + ], + [ + "ĠD", + "ise" + ], + [ + "ann", + "ers" + ], + [ + "Ġsc", + "al" + ], + [ + "_c", + "al" + ], + [ + "ĠCON", + "NECTION" + ], + [ + "_", + "embed" + ], + [ + "(f", + "n" + ], + [ + "ĠC", + "raft" + ], + [ + "ĠP", + "as" + ], + [ + "\")", + "->" + ], + [ + ".con", + "vert" + ], + [ + ".res", + "ource" + ], + [ + "ĠST", + "ATUS" + ], + [ + "ô", + "ng" + ], + [ + "ĠT", + "it" + ], + [ + "Ġclass", + "room" + ], + [ + "ĠArch", + "itect" + ], + [ + "ĠK", + "ings" + ], + [ + "Ġstead", + "y" + ], + [ + "/*", + "!Ċ" + ], + [ + "ĠG", + "ene" + ], + [ + ")", + "\";Ċ" + ], + [ + "ic", + "ia" + ], + [ + "st", + "an" + ], + [ + "ĠCon", + "struction" + ], + [ + "um", + "per" + ], + [ + "w", + "c" + ], + [ + "ĠC", + "BS" + ], + [ + "ing", + "ing" + ], + [ + "-p", + "arty" + ], + [ + "(d", + "river" + ], + [ + "M", + "ARK" + ], + [ + "Ġn", + "ested" + ], + [ + "ew", + "ard" + ], + [ + "Ġdepend", + "ency" + ], + [ + "Ġm", + "ales" + ], + [ + "ĠO", + "NE" + ], + [ + "ĠProdu", + "ction" + ], + [ + "][", + "$" + ], + [ + "ãĥ¼", + "ãĥ" + ], + [ + "_LO", + "AD" + ], + [ + "ĠB", + "ol" + ], + [ + "el", + "ry" + ], + [ + "ł", + "éϤ" + ], + [ + "ĠRe", + "quire" + ], + [ + "Ġpl", + "acing" + ], + [ + "xx", + "x" + ], + [ + "CA", + "LE" + ], + [ + "Ġth", + "umb" + ], + [ + "Ch", + "oose" + ], + [ + "Ġprot", + "otype" + ], + [ + "VO", + "ID" + ], + [ + "Ġles", + "bian" + ], + [ + "Ġtra", + "its" + ], + [ + "Sh", + "arp" + ], + [ + "Ġconsum", + "e" + ], + [ + "Tr", + "uth" + ], + [ + "Ġaction", + "Performed" + ], + [ + "ĠEnvironment", + "al" + ], + [ + "ĠDe", + "an" + ], + [ + "Ġest", + "ado" + ], + [ + "s", + "ame" + ], + [ + "Ġnumer", + "ic" + ], + [ + "Ġtrans", + "it" + ], + [ + ".", + "Email" + ], + [ + "-s", + "ide" + ], + [ + "_R", + "UN" + ], + [ + "ĠVill", + "age" + ], + [ + "_OP", + "EN" + ], + [ + "è", + "¦" + ], + [ + ".re", + "m" + ], + [ + "-w", + "arning" + ], + [ + "any", + "a" + ], + [ + "Property", + "Changed" + ], + [ + "Ġ(!", + "_" + ], + [ + "(", + "check" + ], + [ + "il", + "ia" + ], + [ + "ĠSo", + "ft" + ], + [ + "st", + "eps" + ], + [ + "ĠMad", + "rid" + ], + [ + "Memory", + "Warning" + ], + [ + "Ġhand", + "lers" + ], + [ + "Ġexperi", + "encing" + ], + [ + "Ġins", + "pect" + ], + [ + "button", + "s" + ], + [ + "Receive", + "MemoryWarning" + ], + [ + "chem", + "y" + ], + [ + "Link", + "s" + ], + [ + "Ġur", + "llib" + ], + [ + ".System", + "Colors" + ], + [ + "ĠE", + "igen" + ], + [ + "Ġpun", + "ishment" + ], + [ + ":UI", + "Control" + ], + [ + "bar", + "a" + ], + [ + "-", + "set" + ], + [ + "Ġ}čĊčĊ", + "čĊ" + ], + [ + "Ġtoler", + "ance" + ], + [ + "Ġinter", + "faces" + ], + [ + ".", + "redirect" + ], + [ + "ighb", + "ors" + ], + [ + "cs", + "rf" + ], + [ + "_back", + "ground" + ], + [ + ".", + "Utils" + ], + [ + "_H", + "T" + ], + [ + "ĠInter", + "est" + ], + [ + "im", + "os" + ], + [ + "Ġgr", + "ants" + ], + [ + "Ġexam", + "ined" + ], + [ + "Ð", + "Ķ" + ], + [ + "Ġc", + "f" + ], + [ + "for", + "ge" + ], + [ + "back", + "s" + ], + [ + "ĠObject", + "s" + ], + [ + "_s", + "ent" + ], + [ + ".", + "entry" + ], + [ + "ĠTH", + "EN" + ], + [ + "ell", + "ido" + ], + [ + "c", + "ia" + ], + [ + ",", + "res" + ], + [ + "/std", + "c" + ], + [ + ".", + "nd" + ], + [ + "(", + "Int" + ], + [ + "ĠAuth", + "ors" + ], + [ + "ĠApp", + "CompatActivity" + ], + [ + "'", + "{" + ], + [ + "Ġmed", + "i" + ], + [ + "M", + "usic" + ], + [ + "ig", + "m" + ], + [ + "ce", + "ipt" + ], + [ + "Ġa", + "uss" + ], + [ + "Ġtarget", + "ing" + ], + [ + "ĠKe", + "ys" + ], + [ + "h", + "n" + ], + [ + ":", + "]Ċ" + ], + [ + "Ġmin", + "eral" + ], + [ + "Ã", + "®" + ], + [ + ".c", + "a" + ], + [ + "om", + "ed" + ], + [ + "Ġshe", + "ets" + ], + [ + "Ġc", + "amb" + ], + [ + "Ġdead", + "ly" + ], + [ + ".in", + "ject" + ], + [ + "(", + "unit" + ], + [ + "ĠSe", + "lection" + ], + [ + ".g", + "ms" + ], + [ + "(", + "connection" + ], + [ + "Ġ$", + "(\"" + ], + [ + "é", + "mon" + ], + [ + "ĠCurrent", + "ly" + ], + [ + "pt", + "e" + ], + [ + "_path", + "s" + ], + [ + "le", + "af" + ], + [ + "Ġimp", + "lications" + ], + [ + "pos", + "al" + ], + [ + "ä½", + "į" + ], + [ + "[", + "/" + ], + [ + "anc", + "ia" + ], + [ + "é", + "Ľ" + ], + [ + "m", + "ul" + ], + [ + "c", + "ie" + ], + [ + "Ġge", + "ile" + ], + [ + "im", + "als" + ], + [ + "UI", + "View" + ], + [ + "Ġs", + "urre" + ], + [ + "serial", + "ize" + ], + [ + "IS", + "O" + ], + [ + "Ġarbit", + "rary" + ], + [ + "Ġsock", + "addr" + ], + [ + ".f", + "n" + ], + [ + "ĠM", + "erc" + ], + [ + "Ġcast", + "ing" + ], + [ + "Key", + "Down" + ], + [ + "Ġnew", + "Value" + ], + [ + "op", + "ens" + ], + [ + "T", + "odo" + ], + [ + "Ġflex", + "ibility" + ], + [ + "ĉĉĉĉ", + "ĠĠ" + ], + [ + "V", + "elocity" + ], + [ + "ú", + "n" + ], + [ + "row", + "ing" + ], + [ + "Ġcomput", + "ed" + ], + [ + "`", + ")Ċ" + ], + [ + "st", + "atement" + ], + [ + "Ġr", + "i" + ], + [ + "_c", + "art" + ], + [ + "L", + "ow" + ], + [ + "trans", + "fer" + ], + [ + ".n", + "av" + ], + [ + "Ġgr", + "ave" + ], + [ + "ĠDo", + "or" + ], + [ + "ĉ", + "alert" + ], + [ + ".sub", + "scribe" + ], + [ + "-", + "profile" + ], + [ + "ĉb", + "ase" + ], + [ + "ĠâĪ", + "Ĵ" + ], + [ + "__", + "ĊĊ" + ], + [ + "Ġengine", + "ers" + ], + [ + "Ġexplos", + "ion" + ], + [ + "Ġd", + "ari" + ], + [ + "ĉ", + "Log" + ], + [ + "on", + "al" + ], + [ + "Ġisol", + "ated" + ], + [ + "{", + "i" + ], + [ + "ĠM", + "sg" + ], + [ + "F", + "uture" + ], + [ + "Ġrac", + "ist" + ], + [ + "-w", + "rap" + ], + [ + "ĠV", + "ers" + ], + [ + "b", + "org" + ], + [ + "IS", + "ION" + ], + [ + "Ġ", + "ÑĢаÐ" + ], + [ + "ĠY", + "an" + ], + [ + "init", + "With" + ], + [ + "Ġn", + "omin" + ], + [ + "(", + "empty" + ], + [ + "ÃŃ", + "n" + ], + [ + "ãĤ", + "¤" + ], + [ + "ĉ", + "width" + ], + [ + "Ġch", + "amber" + ], + [ + "/", + "ajax" + ], + [ + "EM", + "P" + ], + [ + "Ġnec", + "es" + ], + [ + "iv", + "os" + ], + [ + "log", + "ic" + ], + [ + "*)", + "&" + ], + [ + "cript", + "s" + ], + [ + "Row", + "At" + ], + [ + "ib", + "lings" + ], + [ + "Ġe", + "ars" + ], + [ + "Ġcomput", + "ing" + ], + [ + "Ġm", + "aker" + ], + [ + "ĠNe", + "ither" + ], + [ + "b", + "readcrumb" + ], + [ + "Ġserial", + "ize" + ], + [ + "ĠWith", + "in" + ], + [ + "Ġd", + "ell" + ], + [ + "_TR", + "ACE" + ], + [ + "=", + "a" + ], + [ + "Ġwish", + "es" + ], + [ + "-in", + "ch" + ], + [ + "ĠD", + "or" + ], + [ + "Ġinnoc", + "ent" + ], + [ + "ĠD", + "ol" + ], + [ + "Ġint", + "ens" + ], + [ + "for", + "ced" + ], + [ + "ĠB", + "IT" + ], + [ + "Ġphotograph", + "s" + ], + [ + "Ġcas", + "a" + ], + [ + "ĠL", + "en" + ], + [ + "\\F", + "ramework" + ], + [ + ".S", + "imple" + ], + [ + "Ġde", + "ar" + ], + [ + ")/", + "(" + ], + [ + "ip", + "pi" + ], + [ + "Ġown", + "s" + ], + [ + "Pl", + "ayers" + ], + [ + "Ġpropos", + "als" + ], + [ + ".p", + "i" + ], + [ + "us", + "alem" + ], + [ + "D", + "amage" + ], + [ + "Ġcal", + "ories" + ], + [ + "ĠCreat", + "ive" + ], + [ + "Ġ[", + "$" + ], + [ + "Ġ//", + "čĊ" + ], + [ + "And", + "View" + ], + [ + "è", + "me" + ], + [ + ".c", + "ustom" + ], + [ + "_f", + "actory" + ], + [ + "command", + "s" + ], + [ + "_lo", + "ok" + ], + [ + "Ġstr", + "cmp" + ], + [ + "Y", + "N" + ], + [ + "a", + "ired" + ], + [ + "Ġaud", + "it" + ], + [ + "о", + "ÑģÑĤ" + ], + [ + "ĠRe", + "verse" + ], + [ + "ropri", + "ate" + ], + [ + "et", + "ics" + ], + [ + "<", + "vector" + ], + [ + ".s", + "elenium" + ], + [ + ".", + "or" + ], + [ + "Ġpred", + "icate" + ], + [ + "Ġfinish", + "ing" + ], + [ + "Ġk", + "le" + ], + [ + "ĠRep", + "os" + ], + [ + "ĠK", + "han" + ], + [ + "ĠM", + "aking" + ], + [ + "ĠF", + "S" + ], + [ + "Ġp", + "ute" + ], + [ + "ĉ", + "state" + ], + [ + "_S", + "UPPORT" + ], + [ + "'", + "-" + ], + [ + "orient", + "ation" + ], + [ + "Ġexist", + "ed" + ], + [ + "atur", + "a" + ], + [ + "Ġexpect", + "s" + ], + [ + "ĠSh", + "adow" + ], + [ + "Ġorgan", + "iz" + ], + [ + "å", + "ŀĭ" + ], + [ + "Ġsusp", + "ension" + ], + [ + "Ġu", + "it" + ], + [ + "Ġsimult", + "aneously" + ], + [ + "ĠAff", + "ero" + ], + [ + ":", + "\");Ċ" + ], + [ + "Ġro", + "cket" + ], + [ + "c", + "as" + ], + [ + "eter", + "mine" + ], + [ + "ace", + "ut" + ], + [ + "x", + "l" + ], + [ + "ĠA", + "MD" + ], + [ + "(", + "graph" + ], + [ + "ass", + "oci" + ], + [ + "_C", + "R" + ], + [ + ".ar", + "ange" + ], + [ + "(j", + "Label" + ], + [ + "Ġbe", + "ef" + ], + [ + "Qu", + "ick" + ], + [ + ".c", + "ard" + ], + [ + "]", + "):" + ], + [ + "-", + "gr" + ], + [ + ".G", + "ONE" + ], + [ + "_C", + "LOSE" + ], + [ + "ĠNe", + "v" + ], + [ + "ÃŃ", + "as" + ], + [ + "Ġste", + "pped" + ], + [ + "ĠFre", + "edom" + ], + [ + "ĠW", + "R" + ], + [ + "NS", + "Array" + ], + [ + "_r", + "x" + ], + [ + "_d", + "ialog" + ], + [ + "Ġhot", + "els" + ], + [ + "Ġ(", + "\\<" + ], + [ + "ĠD", + "iamond" + ], + [ + "Ġassum", + "ption" + ], + [ + "um", + "i" + ], + [ + "(", + "items" + ], + [ + "č", + "ččĊ" + ], + [ + "æ³", + "ķ" + ], + [ + "Ġn", + "el" + ], + [ + "Book", + "s" + ], + [ + "åİ", + "¿" + ], + [ + "us", + "b" + ], + [ + "ĠF", + "IN" + ], + [ + "æ", + "¬" + ], + [ + "Ġcorpor", + "ations" + ], + [ + "US", + "A" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + ".p", + "roperty" + ], + [ + "ew", + "ise" + ], + [ + "_", + "plot" + ], + [ + "\">", + "';Ċ" + ], + [ + "Ġpe", + "pper" + ], + [ + "Ġsh", + "ed" + ], + [ + "ĠMed", + "ium" + ], + [ + "ĠC", + "ookie" + ], + [ + "Ġoverse", + "as" + ], + [ + "ed", + "or" + ], + [ + "asure", + "ment" + ], + [ + "åŃ", + "ĺ" + ], + [ + "Ġ'", + ".'" + ], + [ + "Ġph", + "p" + ], + [ + "ĠPRO", + "C" + ], + [ + "Ġexception", + "al" + ], + [ + "(", + "th" + ], + [ + "ĠJ", + "et" + ], + [ + "Ġoccup", + "ied" + ], + [ + ".set", + "Image" + ], + [ + "ĠRel", + "ated" + ], + [ + "uck", + "er" + ], + [ + "M", + "embers" + ], + [ + "PR", + "INT" + ], + [ + "ĠG", + "lo" + ], + [ + "_V", + "IEW" + ], + [ + "}", + "\",Ċ" + ], + [ + "Ġad", + "option" + ], + [ + "[]", + ")Ċ" + ], + [ + "ĠMiss", + "ouri" + ], + [ + "ĠLin", + "coln" + ], + [ + "eral", + "d" + ], + [ + "Pop", + "up" + ], + [ + "Ġf", + "ate" + ], + [ + "-", + "bootstrap" + ], + [ + "fe", + "ctions" + ], + [ + "ĠP", + "oll" + ], + [ + "_ARG", + "S" + ], + [ + "in", + "ance" + ], + [ + "-h", + "ome" + ], + [ + ".", + ")," + ], + [ + "_d", + "one" + ], + [ + ":", + "ĊĊĊ" + ], + [ + "Ġdiscuss", + "ing" + ], + [ + "ĠSQL", + "Exception" + ], + [ + "Ġelect", + "ro" + ], + [ + "ĉ", + "req" + ], + [ + "Ġz", + "w" + ], + [ + "Ġl", + "ui" + ], + [ + "Ġover", + "night" + ], + [ + "$", + "user" + ], + [ + "ĠW", + "AY" + ], + [ + "Ġall", + "erg" + ], + [ + "Ġdisappoint", + "ed" + ], + [ + "Ġradi", + "ation" + ], + [ + "Ġimpress", + "ed" + ], + [ + "ific", + "ates" + ], + [ + "Ġto", + "b" + ], + [ + "CL", + "ASS" + ], + [ + "Ġc", + "uda" + ], + [ + "_d", + "et" + ], + [ + "-", + "post" + ], + [ + "ul", + "u" + ], + [ + "Trans", + "lation" + ], + [ + "-h", + "and" + ], + [ + ".y", + "ear" + ], + [ + "ĠM", + "ongo" + ], + [ + "Ġun", + "clear" + ], + [ + ".", + "engine" + ], + [ + "WEB", + "PACK" + ], + [ + "r", + "ices" + ], + [ + "_AC", + "CESS" + ], + [ + "Ġh", + "olidays" + ], + [ + "per", + "cent" + ], + [ + ".Id", + "entity" + ], + [ + "ĠG", + "ov" + ], + [ + "Ġpassion", + "ate" + ], + [ + "!!", + "." + ], + [ + "ĠGree", + "ce" + ], + [ + "plus", + "plus" + ], + [ + "'))", + ";" + ], + [ + "G", + "P" + ], + [ + "Ġexc", + "it" + ], + [ + ".tab", + "Page" + ], + [ + "_", + "cond" + ], + [ + "Ġspons", + "or" + ], + [ + "M", + "ODULE" + ], + [ + "_pro", + "c" + ], + [ + "Ġ$", + "Ċ" + ], + [ + "Ġr", + "ational" + ], + [ + ".T", + "ool" + ], + [ + "Ġi", + "hr" + ], + [ + "cc", + "a" + ], + [ + "åĵ", + "ģ" + ], + [ + "ĠE", + "state" + ], + [ + "IB", + "UTE" + ], + [ + "Action", + "Performed" + ], + [ + "ĠS", + "olar" + ], + [ + "¦", + "Ĥ" + ], + [ + "Ġequ", + "ity" + ], + [ + "t", + "id" + ], + [ + "Ġrec", + "ip" + ], + [ + ".s", + "imple" + ], + [ + "m", + "k" + ], + [ + "ĠL", + "uke" + ], + [ + "ĠGuard", + "ian" + ], + [ + "Ġenc", + "rypted" + ], + [ + "Ġdomin", + "ant" + ], + [ + ".", + "place" + ], + [ + "ĠN", + "V" + ], + [ + "Ġtong", + "ue" + ], + [ + "(", + "Get" + ], + [ + "Ġst", + "ainless" + ], + [ + ".P", + "lay" + ], + [ + "Ġe", + "b" + ], + [ + "ac", + "i" + ], + [ + ".b", + "uffer" + ], + [ + "readcr", + "umbs" + ], + [ + "Ġvacc", + "ine" + ], + [ + "p", + "rom" + ], + [ + "Ġuser", + "Info" + ], + [ + "Ġsl", + "ug" + ], + [ + "Serial", + "izedName" + ], + [ + "-w", + "ide" + ], + [ + "Ġre", + "actions" + ], + [ + "ĠY", + "ang" + ], + [ + "ĠAdd", + "s" + ], + [ + "(user", + "Id" + ], + [ + "Ġpl", + "ates" + ], + [ + "ĠM", + "EM" + ], + [ + "Ġb", + "ail" + ], + [ + "In", + "side" + ], + [ + "et", + "ed" + ], + [ + "Ġels", + "if" + ], + [ + "Ġs", + "ake" + ], + [ + "Ġc", + "ycles" + ], + [ + "Ġì", + "Ĺ" + ], + [ + "ĉ", + "I" + ], + [ + "-c", + "ollapse" + ], + [ + "ĠG", + "MT" + ], + [ + "De", + "claration" + ], + [ + "Ġg", + "ros" + ], + [ + "Ġreach", + "es" + ], + [ + "Ġcust", + "ody" + ], + [ + "Unt", + "il" + ], + [ + "t", + "u" + ], + [ + "ĠCh", + "en" + ], + [ + "Ġn", + "x" + ], + [ + "(", + "addr" + ], + [ + "ĠO", + "ffer" + ], + [ + "Ġcol", + "leg" + ], + [ + "ass", + "ador" + ], + [ + "Ġm", + "apper" + ], + [ + "ĠS", + "IGNAL" + ], + [ + "ĠB", + "loom" + ], + [ + "ĠH", + "oll" + ], + [ + "ĠIm", + "per" + ], + [ + "-d", + "es" + ], + [ + "_s", + "ite" + ], + [ + "Pro", + "c" + ], + [ + "E", + "qu" + ], + [ + "Ġat", + "omic" + ], + [ + "ĠW", + "oman" + ], + [ + "s", + "ent" + ], + [ + "sc", + "ar" + ], + [ + "Ġint", + "elligent" + ], + [ + "ĠGet", + "ting" + ], + [ + "ĠReg", + "istration" + ], + [ + "ĠPh", + "ill" + ], + [ + "Ġkill", + "er" + ], + [ + "unic", + "ode" + ], + [ + "Ċ", + "ĉĉĊ" + ], + [ + "ĠJac", + "ob" + ], + [ + "ĠCon", + "st" + ], + [ + "Ġloc", + "ate" + ], + [ + "Ġca", + "us" + ], + [ + "ĠSch", + "olar" + ], + [ + "Ġconstitution", + "al" + ], + [ + "Ġinfl", + "ation" + ], + [ + "ĠG", + "ot" + ], + [ + "=", + "array" + ], + [ + "end", + "um" + ], + [ + "Ġtransl", + "ated" + ], + [ + "Ġdiv", + "orce" + ], + [ + "En", + "tries" + ], + [ + "Ġs", + "or" + ], + [ + "ĠQu", + "ote" + ], + [ + "irl", + "ines" + ], + [ + "U", + "K" + ], + [ + "Ġexc", + "el" + ], + [ + "(", + "opt" + ], + [ + "ĠAD", + "V" + ], + [ + ",:", + "," + ], + [ + "Ġcontact", + "ed" + ], + [ + "ĠD", + "A" + ], + [ + "Ġr", + "ings" + ], + [ + "ĠIndust", + "rial" + ], + [ + ".get", + "Context" + ], + [ + "Ġforg", + "otten" + ], + [ + "ĠT", + "an" + ], + [ + "Ġp", + "ants" + ], + [ + "Ġo", + "v" + ], + [ + "Ġdec", + "oder" + ], + [ + "ĠPart", + "ial" + ], + [ + "Ġv", + "c" + ], + [ + "Ġbatt", + "les" + ], + [ + "A", + "rial" + ], + [ + "FRING", + "EMENT" + ], + [ + "ir", + "ates" + ], + [ + ",", + "w" + ], + [ + "aint", + "enance" + ], + [ + "ĠO", + "d" + ], + [ + "ĠTechn", + "ologies" + ], + [ + "åī", + "į" + ], + [ + "ĠCar", + "ter" + ], + [ + ".find", + "All" + ], + [ + "N", + "ome" + ], + [ + "B", + "en" + ], + [ + "ĠUs", + "age" + ], + [ + "ĠP", + "icture" + ], + [ + "Ġbad", + "ly" + ], + [ + "_p", + "anel" + ], + [ + "Ġpat", + "ent" + ], + [ + "ĠProt", + "ocol" + ], + [ + "lot", + "te" + ], + [ + "ĉ", + "player" + ], + [ + "je", + "ctions" + ], + [ + "Ġd", + "ou" + ], + [ + "_re", + "lease" + ], + [ + "urn", + "iture" + ], + [ + "_t", + "ax" + ], + [ + "ĠF", + "ields" + ], + [ + ".d", + "ataset" + ], + [ + "_m", + "aster" + ], + [ + "CLU", + "DE" + ], + [ + "ĠPh", + "arm" + ], + [ + "b", + "st" + ], + [ + "Ġoper", + "ational" + ], + [ + ".c", + "ell" + ], + [ + "Ġident", + "ifying" + ], + [ + "Ġj", + "wt" + ], + [ + "t", + "uple" + ], + [ + "ĠT", + "C" + ], + [ + "ĠC", + "ro" + ], + [ + "ix", + "map" + ], + [ + "-", + "components" + ], + [ + "gener", + "al" + ], + [ + "Ġo", + "z" + ], + [ + "_D", + "e" + ], + [ + "_d", + "ouble" + ], + [ + "ĠTo", + "o" + ], + [ + ".View", + "Group" + ], + [ + "g", + "ate" + ], + [ + "d", + "ings" + ], + [ + "ph", + "otos" + ], + [ + "Ġgrand", + "e" + ], + [ + "ol", + "lect" + ], + [ + "_l", + "in" + ], + [ + "Ġaw", + "ful" + ], + [ + "f", + "ilters" + ], + [ + "Ġaltern", + "ate" + ], + [ + "es", + "p" + ], + [ + "Ġcomp", + "ress" + ], + [ + "e", + "o" + ], + [ + "ĠS", + "cale" + ], + [ + "Ġind", + "irect" + ], + [ + "Ġinv", + "oice" + ], + [ + "ĊĊĊĊĊĊĊĊ", + "ĊĊĊĊĊĊĊĊ" + ], + [ + "Start", + "ing" + ], + [ + "ĠPl", + "ayers" + ], + [ + "ie", + "le" + ], + [ + ".", + "then" + ], + [ + "Or", + "d" + ], + [ + "ĠT", + "uple" + ], + [ + "Ġb", + "out" + ], + [ + "ĠStat", + "istics" + ], + [ + "Pre", + "view" + ], + [ + "Ġp", + "uzzle" + ], + [ + "ĠW", + "idth" + ], + [ + "ST", + "ATE" + ], + [ + "Ġover", + "lay" + ], + [ + "ĉ", + "on" + ], + [ + "Ġin", + "fr" + ], + [ + "Ġsm", + "allest" + ], + [ + "lock", + "ed" + ], + [ + "ÑĤ", + "о" + ], + [ + "ss", + "l" + ], + [ + "Ġde", + "emed" + ], + [ + "Ġs", + "co" + ], + [ + "re", + "ck" + ], + [ + "Ġj", + "Button" + ], + [ + "Ġmiss", + "ions" + ], + [ + "ç§", + "°" + ], + [ + ".Selected", + "Index" + ], + [ + "T", + "ABLE" + ], + [ + "Se", + "pt" + ], + [ + "Ġacknow", + "ledge" + ], + [ + "Ġstrt", + "otime" + ], + [ + "ĠT", + "ell" + ], + [ + "ĠD", + "ak" + ], + [ + "Ġal", + "uminum" + ], + [ + "Ġf", + "ence" + ], + [ + "ĠSt", + "ars" + ], + [ + "CON", + "FIG" + ], + [ + "Ġretro", + "fit" + ], + [ + "Ġemph", + "asis" + ], + [ + "/", + "header" + ], + [ + "ĠS", + "omething" + ], + [ + "in", + "ished" + ], + [ + "='", + "\".$" + ], + [ + "ĠValid", + "ators" + ], + [ + "Ġpol", + "ar" + ], + [ + "section", + "s" + ], + [ + ".as", + "px" + ], + [ + "Ġas", + "pir" + ], + [ + ".M", + "ock" + ], + [ + "Code", + "Gen" + ], + [ + "Ġpe", + "ut" + ], + [ + "Ġaccept", + "ing" + ], + [ + "Ġback", + "ing" + ], + [ + "P", + "icture" + ], + [ + "/", + "ap" + ], + [ + "еÐ", + "³" + ], + [ + "_SE", + "C" + ], + [ + "-", + "use" + ], + [ + "annot", + "ation" + ], + [ + "Ġcogn", + "itive" + ], + [ + "Ġg", + "rip" + ], + [ + "h", + "our" + ], + [ + "ĠLeg", + "al" + ], + [ + "Ġep", + "ic" + ], + [ + ".t", + "oolStrip" + ], + [ + ".not", + "ify" + ], + [ + ".L", + "ast" + ], + [ + "OR", + "IZ" + ], + [ + "M", + "iddleware" + ], + [ + "cri", + "ptions" + ], + [ + "l", + "ash" + ], + [ + "_F", + "OUND" + ], + [ + "ĠLiver", + "pool" + ], + [ + "Ġ{}", + "\"," + ], + [ + "Inst", + "all" + ], + [ + "Ġn", + "it" + ], + [ + "Ġfig", + "ured" + ], + [ + "[", + "len" + ], + [ + ".W", + "in" + ], + [ + ".pl", + "atform" + ], + [ + "Ġgam", + "bling" + ], + [ + "(d", + "t" + ], + [ + "av", + "ery" + ], + [ + "ĉ", + "include" + ], + [ + "Wh", + "ether" + ], + [ + "R", + "outing" + ], + [ + "Ġther", + "ap" + ], + [ + "Rem", + "ote" + ], + [ + "ĠL", + "oss" + ], + [ + "y", + "ll" + ], + [ + "Ġappro", + "ached" + ], + [ + "ĠV", + "ehicle" + ], + [ + "ĠAl", + "pha" + ], + [ + "Ġvoc", + "ê" + ], + [ + "ans", + "wers" + ], + [ + "NS", + "Dictionary" + ], + [ + "cons", + "ider" + ], + [ + "un", + "used" + ], + [ + "ĠF", + "an" + ], + [ + "or", + "able" + ], + [ + "f", + "re" + ], + [ + "ĠDIS", + "CLAIM" + ], + [ + "ĠAct", + "or" + ], + [ + ".", + "]" + ], + [ + "to", + "Have" + ], + [ + ".user", + "Id" + ], + [ + "Ġspeed", + "s" + ], + [ + "ew", + "ay" + ], + [ + "Ġrec", + "urs" + ], + [ + "ĠÐ", + "³" + ], + [ + "_pr", + "iv" + ], + [ + "!", + "âĢĿĊĊ" + ], + [ + "Ch", + "oice" + ], + [ + "Ġsett", + "le" + ], + [ + "Ġplan", + "es" + ], + [ + "'", + "}," + ], + [ + "T", + "om" + ], + [ + "IT", + "ER" + ], + [ + "!", + "\"Ċ" + ], + [ + "å", + "»" + ], + [ + "achel", + "or" + ], + [ + "Ġsepar", + "ation" + ], + [ + "Ġd", + "al" + ], + [ + "ad", + "j" + ], + [ + "Ġreg", + "isters" + ], + [ + "r", + "iz" + ], + [ + "ĠNot", + "ice" + ], + [ + "Ġl", + "u" + ], + [ + "Ġcour", + "age" + ], + [ + "Ġax", + "es" + ], + [ + "cell", + "ent" + ], + [ + ".as", + "ync" + ], + [ + "Ġcompat", + "ibility" + ], + [ + "ç", + "«" + ], + [ + "Ġ!", + "ĊĊ" + ], + [ + "ĉ", + "title" + ], + [ + "Y", + "LE" + ], + [ + "ĉ", + "message" + ], + [ + "U", + "UID" + ], + [ + "OLD", + "ER" + ], + [ + "ĠH", + "H" + ], + [ + "ĠStyle", + "Sheet" + ], + [ + "Ġaccess", + "ed" + ], + [ + ".", + "validation" + ], + [ + "t", + "asks" + ], + [ + "Ġpoll", + "ution" + ], + [ + ".c", + "anvas" + ], + [ + "Ġing", + "redient" + ], + [ + "ĠC", + "abin" + ], + [ + "A", + "h" + ], + [ + "old", + "own" + ], + [ + "ĠNO", + "I" + ], + [ + "ĠÃ", + "Ĺ" + ], + [ + "[", + "f" + ], + [ + "ed", + "uc" + ], + [ + "y", + "alty" + ], + [ + "(n", + "ot" + ], + [ + "_", + "State" + ], + [ + "am", + "en" + ], + [ + "Ġda", + "o" + ], + [ + "ud", + "ad" + ], + [ + "ell", + "ers" + ], + [ + "}", + "&" + ], + [ + "lic", + "ity" + ], + [ + "_W", + "INDOW" + ], + [ + "Ġt", + "atto" + ], + [ + "val", + "or" + ], + [ + ".R", + "ange" + ], + [ + "Ġrefer", + "enced" + ], + [ + "ĠRes", + "erve" + ], + [ + "M", + "oney" + ], + [ + "SCRI", + "PT" + ], + [ + "/", + "product" + ], + [ + "cho", + "ices" + ], + [ + "Ġt", + "in" + ], + [ + "ãĤ", + "ĵ" + ], + [ + "Ġsepar", + "ator" + ], + [ + "Ġp", + "kg" + ], + [ + "am", + "med" + ], + [ + "ĠM", + "AT" + ], + [ + "!", + "!ĊĊ" + ], + [ + "Ġr", + "aid" + ], + [ + "Ġmotiv", + "ation" + ], + [ + "ĠX", + "P" + ], + [ + "ĠBack", + "ground" + ], + [ + "ĠQu", + "aternion" + ], + [ + ".define", + "Property" + ], + [ + "ik", + "er" + ], + [ + "ĉp", + "arent" + ], + [ + "ĠOrigin", + "ally" + ], + [ + "ant", + "age" + ], + [ + "ĠH", + "ans" + ], + [ + "Ġtim", + "eline" + ], + [ + ".c", + "ur" + ], + [ + "op", + "ic" + ], + [ + "ĠSe", + "qu" + ], + [ + "m", + "ust" + ], + [ + "ĠCo", + "al" + ], + [ + "Ġform", + "atter" + ], + [ + "_R", + "GB" + ], + [ + "Ġ_", + "(\"" + ], + [ + "'}", + "),Ċ" + ], + [ + "Ġ=", + "================" + ], + [ + "ĠF", + "UNCTION" + ], + [ + "Ġl", + "ng" + ], + [ + "ic", + "ates" + ], + [ + "l", + "ive" + ], + [ + "_", + "engine" + ], + [ + "Ġtown", + "s" + ], + [ + "'))", + "ĊĊ" + ], + [ + "ĠP", + "K" + ], + [ + "(", + "api" + ], + [ + "ĉs", + "canf" + ], + [ + "pack", + "et" + ], + [ + ".ph", + "one" + ], + [ + "á", + "Ģ" + ], + [ + "ĠAnd", + "y" + ], + [ + "_N", + "AMES" + ], + [ + "PL", + "Y" + ], + [ + "Ġmin", + "s" + ], + [ + "im", + "i" + ], + [ + "Ġbr", + "ick" + ], + [ + "Ġbl", + "ade" + ], + [ + ".std", + "out" + ], + [ + "}`", + ";Ċ" + ], + [ + "Sh", + "ift" + ], + [ + "ĉs", + "b" + ], + [ + "ĠCheck", + "s" + ], + [ + "Ġphenomen", + "on" + ], + [ + "Av", + "atar" + ], + [ + "Ġmin", + "istry" + ], + [ + "ro", + "se" + ], + [ + "ĉ", + "File" + ], + [ + "Ġtit", + "led" + ], + [ + "(", + "LOG" + ], + [ + "Ġg", + "an" + ], + [ + "des", + "ign" + ], + [ + "(),", + "čĊ" + ], + [ + "Ġb", + "ones" + ], + [ + "st", + "m" + ], + [ + "ÅĽ", + "Äĩ" + ], + [ + "ĠInput", + "Stream" + ], + [ + "Ġvol", + "unt" + ], + [ + "ĠSerial", + "izable" + ], + [ + "Ġfight", + "er" + ], + [ + "ĠDr", + "ag" + ], + [ + "T", + "witter" + ], + [ + "Ġsubs", + "id" + ], + [ + "ç", + "¼" + ], + [ + "Ġfor", + "ums" + ], + [ + ".load", + "ing" + ], + [ + "log", + "ged" + ], + [ + "_", + "this" + ], + [ + "Ġterr", + "ain" + ], + [ + "Ġir", + "re" + ], + [ + "ĠIn", + "g" + ], + [ + "ĠC", + "N" + ], + [ + "_object", + "s" + ], + [ + ".", + "uid" + ], + [ + "Ġconscious", + "ness" + ], + [ + "T", + "INGS" + ], + [ + "ĠG", + "all" + ], + [ + "Ġport", + "ray" + ], + [ + "ĠDevelop", + "er" + ], + [ + "Ġparticip", + "ant" + ], + [ + "Ġ\"", + ";čĊ" + ], + [ + "/", + "model" + ], + [ + "ĠOper", + "ations" + ], + [ + "^", + "\\" + ], + [ + "ĠL", + "ater" + ], + [ + "Ġrais", + "es" + ], + [ + "-n", + "one" + ], + [ + ".m", + "eta" + ], + [ + "='", + ".$" + ], + [ + "Fin", + "ished" + ], + [ + "Ġrepl", + "acing" + ], + [ + "Ġsam", + "pling" + ], + [ + "ĠJ", + "en" + ], + [ + "\"", + "There" + ], + [ + "RE", + "AL" + ], + [ + "A", + "LE" + ], + [ + "ìĬ", + "¤" + ], + [ + "Or", + "ders" + ], + [ + "_param", + "eter" + ], + [ + "ĠOlymp", + "ic" + ], + [ + "Ġtr", + "ès" + ], + [ + "Ġare", + "na" + ], + [ + "i", + "ol" + ], + [ + ";", + "?>" + ], + [ + "Ġimpact", + "s" + ], + [ + "ĠW", + "S" + ], + [ + ":", + "get" + ], + [ + "Ġfl", + "ights" + ], + [ + "ĠRuss", + "ell" + ], + [ + "c", + "amera" + ], + [ + "F", + "n" + ], + [ + "s", + "igma" + ], + [ + "Ġfor", + "cing" + ], + [ + "Ġloc", + "als" + ], + [ + "Ġdepart", + "ure" + ], + [ + "Ġcelebr", + "ation" + ], + [ + "ĠS", + "ay" + ], + [ + "ï¼", + "Ĵ" + ], + [ + "ĠH", + "ills" + ], + [ + ".has", + "OwnProperty" + ], + [ + "Ġtyp", + "ings" + ], + [ + ".A", + "PI" + ], + [ + "Ġdon", + "ation" + ], + [ + "Operation", + "Exception" + ], + [ + ".Act", + "ivity" + ], + [ + "c", + "plusplus" + ], + [ + "ĠChar", + "lie" + ], + [ + "Ġimport", + "ed" + ], + [ + "Ġd", + "ann" + ], + [ + "Ġoccas", + "ions" + ], + [ + "Ġimplement", + "ing" + ], + [ + "Ġpur", + "ple" + ], + [ + ".d", + "ialog" + ], + [ + "SQL", + "Exception" + ], + [ + "ern", + "o" + ], + [ + "Ġw", + "ars" + ], + [ + "Ġpast", + "e" + ], + [ + "Ġdecre", + "ased" + ], + [ + "Ġhar", + "sh" + ], + [ + "Ġel", + "abor" + ], + [ + "input", + "s" + ], + [ + "ĠView", + "s" + ], + [ + "Ġerror", + "Message" + ], + [ + "_m", + "ul" + ], + [ + "ĉ", + "write" + ], + [ + "ĠC", + "op" + ], + [ + "ĠAnn", + "ual" + ], + [ + "(b", + "utton" + ], + [ + "Ġv", + "ida" + ], + [ + "b", + "ars" + ], + [ + "ĠHar", + "vard" + ], + [ + "ĉex", + "pect" + ], + [ + "Ġindex", + "es" + ], + [ + "Ġdocument", + "ary" + ], + [ + "Ġf", + "lesh" + ], + [ + "OR", + "LD" + ], + [ + "ĠD", + "elta" + ], + [ + "M", + "AND" + ], + [ + "Br", + "ush" + ], + [ + "-c", + "olumn" + ], + [ + "Ġdevelop", + "ments" + ], + [ + "method", + "Visitor" + ], + [ + "s", + "lice" + ], + [ + "ĠP", + "DO" + ], + [ + "Ġinvest", + "ing" + ], + [ + "ir", + "able" + ], + [ + "Ġxml", + "ns" + ], + [ + "ï¼", + "Ľ" + ], + [ + "art", + "a" + ], + [ + "Ġthe", + "ories" + ], + [ + "_c", + "ity" + ], + [ + "Ġ$", + "__" + ], + [ + "Cre", + "ating" + ], + [ + "(", + "pr" + ], + [ + "D", + "ropdown" + ], + [ + "ism", + "atch" + ], + [ + "ĠN", + "ET" + ], + [ + "']", + ")){Ċ" + ], + [ + "ĠVal", + "ues" + ], + [ + "ĠSE", + "O" + ], + [ + "ĠST", + "AT" + ], + [ + "Ġe", + "cosystem" + ], + [ + "Ġtem", + "pt" + ], + [ + "Ġ\\", + "\\" + ], + [ + "Ġ//", + "{Ċ" + ], + [ + "ĠChrist", + "opher" + ], + [ + "ĠKent", + "ucky" + ], + [ + "ĠHttp", + "ServletResponse" + ], + [ + "Ġhy", + "brid" + ], + [ + "y", + "on" + ], + [ + "Ġfeed", + "ing" + ], + [ + "ĠEx", + "tra" + ], + [ + "N", + "orm" + ], + [ + "IT", + "CH" + ], + [ + "ĠSe", + "an" + ], + [ + "ĠUp", + "load" + ], + [ + "m", + "un" + ], + [ + "p", + "ur" + ], + [ + "Ġp", + "ersistent" + ], + [ + "ĠID", + "C" + ], + [ + "ĠPer", + "form" + ], + [ + ".m", + "erge" + ], + [ + "_", + "room" + ], + [ + "Mean", + "while" + ], + [ + "!", + "='" + ], + [ + "ĠW", + "el" + ], + [ + "Args", + "Constructor" + ], + [ + ".D", + "atabase" + ], + [ + "Ġcount", + "ing" + ], + [ + "()", + "*" + ], + [ + "Ķ", + "åĽŀ" + ], + [ + "ĠT", + "OP" + ], + [ + "m", + "ill" + ], + [ + "ĠD", + "T" + ], + [ + "IGN", + "ED" + ], + [ + "ĠK", + "B" + ], + [ + "Ġcomp", + "ly" + ], + [ + "S", + "outh" + ], + [ + "_c", + "ollection" + ], + [ + "Ch", + "apter" + ], + [ + "Ġexpl", + "aining" + ], + [ + "_", + "AM" + ], + [ + "_t", + "s" + ], + [ + "c", + "ards" + ], + [ + "Ġqu", + "el" + ], + [ + "Ġp", + "ole" + ], + [ + "Ġtouch", + "down" + ], + [ + "ĠO", + "thers" + ], + [ + "Ġpe", + "ers" + ], + [ + "ĠType", + "Error" + ], + [ + "Ġsix", + "th" + ], + [ + "Ġche", + "er" + ], + [ + "Ġdis", + "pute" + ], + [ + "us", + "c" + ], + [ + ")", + "]," + ], + [ + "th", + "umb" + ], + [ + "Ġh", + "iding" + ], + [ + "ĠS", + "IG" + ], + [ + "lik", + "es" + ], + [ + "ĠP", + "AGE" + ], + [ + ".Ref", + "lection" + ], + [ + "Ġhead", + "quarters" + ], + [ + "T", + "ING" + ], + [ + "ĠG", + "host" + ], + [ + "M", + "LE" + ], + [ + "$", + "Ċ" + ], + [ + "Ġcontr", + "ary" + ], + [ + "ext", + "end" + ], + [ + "']", + ")." + ], + [ + "FF", + "ECT" + ], + [ + "ĠP", + "interest" + ], + [ + "úmer", + "o" + ], + [ + "ric", + "ane" + ], + [ + "ĉs", + "ession" + ], + [ + "Ġcr", + "ystal" + ], + [ + "-", + "Control" + ], + [ + "overn", + "ment" + ], + [ + "og", + "raf" + ], + [ + "-", + "action" + ], + [ + "v", + "olume" + ], + [ + "ft", + "en" + ], + [ + "Ġun", + "con" + ], + [ + "Ġan", + "imate" + ], + [ + "Ġle", + "ase" + ], + [ + "sc", + "r" + ], + [ + "Ġref", + "use" + ], + [ + "ãĢ", + "ĭ" + ], + [ + "ft", + "p" + ], + [ + "in", + "formation" + ], + [ + "Ġeval", + "uated" + ], + [ + "Ġin", + "jection" + ], + [ + "Ġj", + "ack" + ], + [ + "Ġwork", + "shop" + ], + [ + "æ³", + "¨" + ], + [ + "PT", + "H" + ], + [ + "ĠT", + "s" + ], + [ + "off", + "er" + ], + [ + "ĉ", + "os" + ], + [ + "Ġking", + "dom" + ], + [ + "M", + "issing" + ], + [ + "Ġlaw", + "makers" + ], + [ + "ext", + "Field" + ], + [ + "Ġsing", + "ing" + ], + [ + "ab", + "i" + ], + [ + "/", + "client" + ], + [ + ".m", + "edia" + ], + [ + "ATEG", + "ORY" + ], + [ + "Sign", + "ature" + ], + [ + "%", + "',Ċ" + ], + [ + "ĠF", + "uck" + ], + [ + "][", + ":" + ], + [ + "Ġsens", + "ors" + ], + [ + "/", + "com" + ], + [ + "ĠPr", + "imary" + ], + [ + ".S", + "QL" + ], + [ + "_pro", + "gram" + ], + [ + "Ġp", + "ills" + ], + [ + "Ġinteg", + "ral" + ], + [ + "Ġfle", + "et" + ], + [ + "Ġdro", + "pping" + ], + [ + ".s", + "l" + ], + [ + "Be", + "en" + ], + [ + "Ġp", + "ets" + ], + [ + "Ġadvis", + "ed" + ], + [ + "Ġdr", + "agon" + ], + [ + "_", + "EDIT" + ], + [ + "(", + "im" + ], + [ + "F", + "ER" + ], + [ + "ĠDr", + "ug" + ], + [ + "(r", + "andom" + ], + [ + "Ġcomp", + "ression" + ], + [ + "ou", + "st" + ], + [ + "[", + "%" + ], + [ + "Ġbuy", + "er" + ], + [ + "h", + "op" + ], + [ + "R", + "oles" + ], + [ + "man", + "age" + ], + [ + "Ġpain", + "ful" + ], + [ + "ĠBr", + "anch" + ], + [ + "-mod", + "al" + ], + [ + "en", + "ant" + ], + [ + "ĠM", + "esh" + ], + [ + "/", + "font" + ], + [ + "ĠG", + "raham" + ], + [ + "Ġâ", + "ĺ" + ], + [ + "Ġn", + "c" + ], + [ + "ĠFranc", + "is" + ], + [ + "Ġspec", + "ification" + ], + [ + "Ġdam", + "ages" + ], + [ + "-", + "config" + ], + [ + "Ġthe", + "oret" + ], + [ + "sec", + "ure" + ], + [ + "_m", + "ulti" + ], + [ + "aceut", + "ical" + ], + [ + "Ġdemand", + "ing" + ], + [ + "en", + "ne" + ], + [ + "IST", + "S" + ], + [ + "()", + "));ĊĊ" + ], + [ + "Re", + "ason" + ], + [ + "Re", + "cent" + ], + [ + "ph", + "ase" + ], + [ + "Ġps", + "y" + ], + [ + "_M", + "AN" + ], + [ + "Ġvolunte", + "er" + ], + [ + "å", + "¿" + ], + [ + "istrib", + "uted" + ], + [ + "li", + "o" + ], + [ + "Ġproduct", + "ivity" + ], + [ + "_com", + "m" + ], + [ + "S", + "pring" + ], + [ + "n", + "is" + ], + [ + ".", + "weight" + ], + [ + "ĠC", + "ancer" + ], + [ + "Al", + "loc" + ], + [ + "ĠT", + "weet" + ], + [ + "Ġsepar", + "ately" + ], + [ + "ĉ", + "check" + ], + [ + "_p", + "roperties" + ], + [ + ".", + "Unit" + ], + [ + "_CL", + "K" + ], + [ + "Ġg", + "t" + ], + [ + "Ġ(", + ");ĊĊ" + ], + [ + "Ġhand", + "y" + ], + [ + "ĠThom", + "pson" + ], + [ + "Ġunn", + "ecessary" + ], + [ + "ĠRe", + "ader" + ], + [ + "G", + "N" + ], + [ + "=", + "request" + ], + [ + "ĠU", + "tility" + ], + [ + ".Re", + "pository" + ], + [ + "ĠA", + "x" + ], + [ + "hy", + "dr" + ], + [ + "ie", + "u" + ], + [ + "Ġth", + "y" + ], + [ + "Ġl", + "t" + ], + [ + "_m", + "ail" + ], + [ + "ä¿®", + "æĶ¹" + ], + [ + "ail", + "and" + ], + [ + "ĠPhil", + "ip" + ], + [ + "Ġbit", + "ter" + ], + [ + "Ġbet", + "ting" + ], + [ + "Ġtim", + "ed" + ], + [ + "ock", + "s" + ], + [ + "'", + "a" + ], + [ + "Ġal", + "gorithms" + ], + [ + "Ġre", + "interpret" + ], + [ + "Ġto", + "ss" + ], + [ + "ro", + "gen" + ], + [ + "Ġhop", + "ed" + ], + [ + "(", + "selected" + ], + [ + "Ġvent", + "ure" + ], + [ + "TE", + "X" + ], + [ + "ĠLe", + "ave" + ], + [ + ".Sub", + "string" + ], + [ + "Ġgr", + "ateful" + ], + [ + "uk", + "a" + ], + [ + "ĠCon", + "sumer" + ], + [ + "Ġag", + "greg" + ], + [ + "C", + "ircle" + ], + [ + "à¸", + "ģ" + ], + [ + "_block", + "s" + ], + [ + "Ġleg", + "ally" + ], + [ + "Ġ\"", + "|" + ], + [ + "ãĥ", + "ĥ" + ], + [ + ".", + "board" + ], + [ + ".A", + "b" + ], + [ + "Function", + "s" + ], + [ + "rec", + "ipe" + ], + [ + "è", + "ĩ" + ], + [ + "ĠO", + "xford" + ], + [ + "Ġwho", + "les" + ], + [ + ".B", + "uild" + ], + [ + "_ch", + "anged" + ], + [ + "h", + "ai" + ], + [ + "Ġdepart", + "ments" + ], + [ + "I", + "mp" + ], + [ + "Ġcoal", + "ition" + ], + [ + "IN", + "FRINGEMENT" + ], + [ + "Ġemp", + "ower" + ], + [ + "itch", + "es" + ], + [ + "N", + "orth" + ], + [ + "Ġinfl", + "amm" + ], + [ + "ON", + "SE" + ], + [ + "Ġmiss", + "ile" + ], + [ + "ĠR", + "aj" + ], + [ + "ĠIss", + "ue" + ], + [ + "Ġat", + "oi" + ], + [ + "ca", + "led" + ], + [ + ".Cont", + "rollers" + ], + [ + "ĠW", + "olf" + ], + [ + "Ġcrush", + "ers" + ], + [ + "á»", + "ĩ" + ], + [ + ".A", + "uth" + ], + [ + ".add", + "Attribute" + ], + [ + "h", + "is" + ], + [ + "Ġbo", + "ots" + ], + [ + ".c", + "lean" + ], + [ + "c", + "amp" + ], + [ + "Ġten", + "ant" + ], + [ + "Ġt", + "une" + ], + [ + "Ġ{}", + "'." + ], + [ + "Ġwork", + "out" + ], + [ + "Re", + "po" + ], + [ + "Ġpartial", + "ly" + ], + [ + "MI", + "SSION" + ], + [ + "j", + "amin" + ], + [ + "ĠS", + "B" + ], + [ + "Ġdetermin", + "ation" + ], + [ + "Ġ'", + "');Ċ" + ], + [ + "ĠB", + "eng" + ], + [ + "Ġv", + "os" + ], + [ + "Ġin", + "hab" + ], + [ + "/", + "lang" + ], + [ + "s", + "burgh" + ], + [ + "Exec", + "utor" + ], + [ + "h", + "one" + ], + [ + "ĠCh", + "allenge" + ], + [ + "_link", + "s" + ], + [ + ".Le", + "vel" + ], + [ + "Ġunder", + "ground" + ], + [ + "-c", + "ode" + ], + [ + "Ġoptim", + "ization" + ], + [ + "log", + "ging" + ], + [ + "_de", + "st" + ], + [ + "Ġsn", + "ake" + ], + [ + "Ġchemical", + "s" + ], + [ + "_IMPORT", + "ED" + ], + [ + "ado", + "op" + ], + [ + "ĠTH", + "AT" + ], + [ + "man", + "aged" + ], + [ + "Ġredu", + "ces" + ], + [ + "ĠRE", + "AL" + ], + [ + "ĠG", + "uy" + ], + [ + "_GENER", + "IC" + ], + [ + "/", + "********************************" + ], + [ + ".", + "amount" + ], + [ + "Ġd", + "ere" + ], + [ + "get", + "Time" + ], + [ + "Ġp", + "ant" + ], + [ + "an", + "onymous" + ], + [ + "Ġharmon", + "y" + ], + [ + "ĠAl", + "an" + ], + [ + "Ġscen", + "arios" + ], + [ + "Ġd", + "irt" + ], + [ + "ht", + "ags" + ], + [ + "M", + "c" + ], + [ + "Sh", + "ell" + ], + [ + "r", + "in" + ], + [ + "{", + "čĊčĊ" + ], + [ + ".p", + "ow" + ], + [ + "ĉ", + "client" + ], + [ + "Ġconspir", + "acy" + ], + [ + "Ġad", + "mission" + ], + [ + "ĠReg", + "ional" + ], + [ + "ĠView", + "Controller" + ], + [ + "ĠPhilipp", + "ines" + ], + [ + "Ġde", + "pos" + ], + [ + "Ġp", + "ap" + ], + [ + "ĠP", + "ad" + ], + [ + "P", + "aul" + ], + [ + ".Com", + "boBox" + ], + [ + "Ġt", + "utor" + ], + [ + "ĠRec", + "ipe" + ], + [ + "w", + "riting" + ], + [ + "Ġcontrib", + "utor" + ], + [ + "OT", + "H" + ], + [ + "Sm", + "all" + ], + [ + "V", + "I" + ], + [ + "Ġh", + "acer" + ], + [ + "e", + "qu" + ], + [ + "ĠEx", + "amples" + ], + [ + "h", + "uman" + ], + [ + ".m", + "essages" + ], + [ + "ĉt", + "yp" + ], + [ + "Ġ(", + "čĊ" + ], + [ + "ĠS", + "SL" + ], + [ + "LE", + "N" + ], + [ + "ĠRom", + "ney" + ], + [ + "(", + "grid" + ], + [ + "ĉ", + "min" + ], + [ + "Ġ>", + "ĊĊ" + ], + [ + "Ġfr", + "uits" + ], + [ + "Ġvot", + "er" + ], + [ + "In", + "line" + ], + [ + "pan", + "e" + ], + [ + "ĠC", + "ollections" + ], + [ + "char", + "set" + ], + [ + "Ġsp", + "am" + ], + [ + "z", + "b" + ], + [ + "item", + "ap" + ], + [ + "Ġsucceed", + "ed" + ], + [ + "_C", + "OL" + ], + [ + "Ġel", + "apsed" + ], + [ + "im", + "eter" + ], + [ + "Ġrecover", + "ed" + ], + [ + "T", + "ensor" + ], + [ + "hatt", + "an" + ], + [ + ".set", + "up" + ], + [ + "ist", + "o" + ], + [ + "(", + "head" + ], + [ + "ĠS", + "IZE" + ], + [ + "Ġtact", + "ics" + ], + [ + "Ġdist", + "ur" + ], + [ + "Ġpre", + "val" + ], + [ + "ici", + "os" + ], + [ + "(", + "Value" + ], + [ + "_c", + "ols" + ], + [ + "ĠF", + "at" + ], + [ + "Ġse", + "al" + ], + [ + "Ġs", + "ons" + ], + [ + "Ġens", + "ures" + ], + [ + "Ġpress", + "ing" + ], + [ + "=", + "&" + ], + [ + "igen", + "ous" + ], + [ + "Ġharass", + "ment" + ], + [ + "_", + "JSON" + ], + [ + "Ġign", + "or" + ], + [ + "yn", + "omial" + ], + [ + "om", + "er" + ], + [ + "_st", + "atic" + ], + [ + "Ġsignific", + "ance" + ], + [ + "Ġcirc", + "les" + ], + [ + "_S", + "ystem" + ], + [ + "Ġdiscipl", + "ine" + ], + [ + "Ġdress", + "ed" + ], + [ + "Ġs", + "phere" + ], + [ + "Ġclim", + "b" + ], + [ + "_", + "actions" + ], + [ + "ĠB", + "ab" + ], + [ + "Ġ'", + "='," + ], + [ + "_s", + "chema" + ], + [ + "\"", + "use" + ], + [ + "Ġund", + "ers" + ], + [ + "Ġc", + "ups" + ], + [ + ".s", + "creen" + ], + [ + "/", + "new" + ], + [ + "Ġappe", + "aring" + ], + [ + "T", + "OP" + ], + [ + "vis", + "ed" + ], + [ + "cl", + "ang" + ], + [ + "Ġinvestig", + "ators" + ], + [ + "Ġmyster", + "ious" + ], + [ + "Ġprom", + "ising" + ], + [ + "Ġqual", + "ify" + ], + [ + "Ġc", + "ave" + ], + [ + "Ġequ", + "ip" + ], + [ + "=", + "x" + ], + [ + "G", + "T" + ], + [ + "(", + "link" + ], + [ + ".", + "velocity" + ], + [ + ".", + "erase" + ], + [ + "ot", + "er" + ], + [ + "++++", + "++++" + ], + [ + "pro", + "fit" + ], + [ + "Ġz", + "ones" + ], + [ + "_", + "uid" + ], + [ + "-", + "ser" + ], + [ + "Ġobject", + "ives" + ], + [ + "Ġmil", + "f" + ], + [ + "web", + "kit" + ], + [ + "(m", + "atch" + ], + [ + "ne", + "h" + ], + [ + "ĠAssoci", + "ated" + ], + [ + "ĠT", + "odo" + ], + [ + "=", + "d" + ], + [ + "C", + "am" + ], + [ + "Ġv", + "ocal" + ], + [ + "Ġs", + "udo" + ], + [ + "(", + "EX" + ], + [ + "Ġtr", + "ou" + ], + [ + "AB", + "C" + ], + [ + ".b", + "ean" + ], + [ + "ĠG", + "round" + ], + [ + "ĠRE", + "ST" + ], + [ + "we", + "ets" + ], + [ + "In", + "g" + ], + [ + "im", + "on" + ], + [ + "_b", + "us" + ], + [ + "ĠC", + "OLOR" + ], + [ + "un", + "to" + ], + [ + "Ġf", + "oss" + ], + [ + "ĠLink", + "s" + ], + [ + "ä", + "ng" + ], + [ + "/", + "forms" + ], + [ + "pr", + "ises" + ], + [ + "Ġachie", + "vement" + ], + [ + "C", + "ALL" + ], + [ + "ел", + "ÑĮ" + ], + [ + "ĠVer", + "ify" + ], + [ + "_S", + "OURCE" + ], + [ + "apt", + "cha" + ], + [ + "ID", + "D" + ], + [ + "_re", + "ference" + ], + [ + "G", + "old" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĊ" + ], + [ + "Re", + "ceiver" + ], + [ + "Ġa", + "j" + ], + [ + "_d", + "irection" + ], + [ + "}", + "]" + ], + [ + "ĠCom", + "pet" + ], + [ + "Ġb", + "ang" + ], + [ + "ĠC", + "ass" + ], + [ + "-", + "url" + ], + [ + "te", + "chn" + ], + [ + "ĠJer", + "usalem" + ], + [ + "long", + "itude" + ], + [ + "'", + ");čĊčĊ" + ], + [ + "Ġwin", + "ners" + ], + [ + "T", + "asks" + ], + [ + "ĠD", + "MA" + ], + [ + "Ġtool", + "tip" + ], + [ + "İ", + "·" + ], + [ + "ĠB", + "ra" + ], + [ + "_d", + "uration" + ], + [ + "cur", + "y" + ], + [ + "parent", + "s" + ], + [ + "----", + "", + ">(" + ], + [ + "ĠK", + "ir" + ], + [ + "Ġint", + "ros" + ], + [ + "Ġsk", + "etch" + ], + [ + "Ġsk", + "illed" + ], + [ + "Ġim", + "mer" + ], + [ + "Ġade", + "quate" + ], + [ + "_re", + "p" + ], + [ + "(", + "header" + ], + [ + "_", + "like" + ], + [ + "Ġper", + "ceived" + ], + [ + "ss", + "h" + ], + [ + "Ġassum", + "ing" + ], + [ + "Ġf", + "f" + ], + [ + "_u", + "uid" + ], + [ + "ul", + "as" + ], + [ + "Ġdemocr", + "atic" + ], + [ + ".", + "entities" + ], + [ + "S", + "eries" + ], + [ + "aph", + "ore" + ], + [ + "Ġnew", + "er" + ], + [ + "}", + "(" + ], + [ + "SE", + "C" + ], + [ + "ai", + "ro" + ], + [ + "Ġcomm", + "od" + ], + [ + "Ġprivile", + "ge" + ], + [ + "Ġde", + "ux" + ], + [ + "ĠH", + "op" + ], + [ + ".'", + "/" + ], + [ + "ct", + "ic" + ], + [ + ".", + "';Ċ" + ], + [ + "", + "C" + ], + [ + "ĠWar", + "ren" + ], + [ + "Ġoptim", + "izer" + ], + [ + "ĠSER", + "VICES" + ], + [ + "_", + "oper" + ], + [ + "get", + "Attribute" + ], + [ + "ĠMc", + "K" + ], + [ + "_s", + "elf" + ], + [ + ".r", + "s" + ], + [ + "\"", + ")ĊĊĊ" + ], + [ + "Get", + "Component" + ], + [ + "er", + "ce" + ], + [ + "Ġt", + "ous" + ], + [ + "un", + "its" + ], + [ + "']", + ");čĊ" + ], + [ + "Z", + "oom" + ], + [ + "/", + "E" + ], + [ + "Ġobs", + "c" + ], + [ + "Ġfast", + "est" + ], + [ + "on", + "line" + ], + [ + "Ġpeace", + "ful" + ], + [ + "ff", + "en" + ], + [ + "Ġc", + "argo" + ], + [ + "ĉ", + "pr" + ], + [ + "Ġseek", + "s" + ], + [ + "z", + "u" + ], + [ + "Tr", + "im" + ], + [ + "Ġw", + "ard" + ], + [ + "Ġver", + "d" + ], + [ + "Ġblog", + "s" + ], + [ + ".exception", + "s" + ], + [ + "ĠPrem", + "ium" + ], + [ + "ĠN", + "etherlands" + ], + [ + "S", + "afe" + ], + [ + "Fin", + "ish" + ], + [ + "ĠAl", + "bum" + ], + [ + "_A", + "CC" + ], + [ + "=", + "this" + ], + [ + "v", + "irtual" + ], + [ + "]", + ">" + ], + [ + "_L", + "ABEL" + ], + [ + "ĠN", + "ich" + ], + [ + "_w", + "in" + ], + [ + "ĠA", + "aron" + ], + [ + "W", + "P" + ], + [ + ";", + "$" + ], + [ + "aim", + "s" + ], + [ + "ĠImage", + "View" + ], + [ + "Ġend", + "less" + ], + [ + "ER", + "A" + ], + [ + "_DIS", + "ABLE" + ], + [ + "Ġcancel", + "led" + ], + [ + "-", + "us" + ], + [ + "Ġins", + "pection" + ], + [ + "em", + "in" + ], + [ + "ĠG", + "rey" + ], + [ + "-", + "open" + ], + [ + "Ġiter", + "ations" + ], + [ + ".", + "owner" + ], + [ + "Ġk", + "eras" + ], + [ + ".P", + "assword" + ], + [ + "ĠR", + "y" + ], + [ + "ĠIN", + "S" + ], + [ + "A", + "ir" + ], + [ + "ĠSe", + "veral" + ], + [ + ".Tab", + "Stop" + ], + [ + "ING", + "LE" + ], + [ + "ĠH", + "air" + ], + [ + "ĠCan", + "vas" + ], + [ + "AA", + "AA" + ], + [ + "Ġfl", + "aw" + ], + [ + "ced", + "es" + ], + [ + ".Re", + "port" + ], + [ + "í", + "Ĭ" + ], + [ + "ĠT", + "ips" + ], + [ + "cript", + "ors" + ], + [ + ".trans", + "action" + ], + [ + ".S", + "pring" + ], + [ + "Ġview", + "er" + ], + [ + "Ġins", + "ights" + ], + [ + "è¾", + "ĵ" + ], + [ + "ord", + "ion" + ], + [ + "U", + "INT" + ], + [ + "se", + "ek" + ], + [ + "ĠA", + "uf" + ], + [ + "ìŀ", + "IJ" + ], + [ + "Ġstr", + "ain" + ], + [ + "To", + "oltip" + ], + [ + "Ġd", + "z" + ], + [ + "ign", + "al" + ], + [ + "ad", + "t" + ], + [ + "Ġu", + "c" + ], + [ + "fin", + "ite" + ], + [ + "Ġn", + "m" + ], + [ + ".c", + "md" + ], + [ + "ĠMy", + "Sql" + ], + [ + "[", + "data" + ], + [ + ".j", + "ackson" + ], + [ + ".t", + "ree" + ], + [ + "Request", + "Param" + ], + [ + "_", + "agent" + ], + [ + "\")", + "]čĊ" + ], + [ + "Ġass", + "ass" + ], + [ + "(", + "Constants" + ], + [ + ":", + "ss" + ], + [ + "ĠM", + "AN" + ], + [ + "+-", + "+-" + ], + [ + "ĠB", + "ottom" + ], + [ + "print", + "s" + ], + [ + "ĠS", + "ame" + ], + [ + "@", + "Autowired" + ], + [ + "sw", + "ap" + ], + [ + "ici", + "ón" + ], + [ + "Ġprotest", + "ers" + ], + [ + "Ġh", + "oney" + ], + [ + "ĠV", + "eter" + ], + [ + "(C", + "alendar" + ], + [ + "-", + "ad" + ], + [ + "ĠBrook", + "lyn" + ], + [ + "L", + "ife" + ], + [ + "_V", + "AR" + ], + [ + "ze", + "ch" + ], + [ + "ĠC", + "ALL" + ], + [ + "_C", + "AST" + ], + [ + "ĠE", + "lection" + ], + [ + "Ġthick", + "ness" + ], + [ + "V", + "ery" + ], + [ + "_IN", + "TEGER" + ], + [ + "-", + "dev" + ], + [ + "))", + "))" + ], + [ + "ap", + "at" + ], + [ + "oo", + "oo" + ], + [ + "d", + "emo" + ], + [ + "Ġparse", + "Float" + ], + [ + "ĠR", + "ather" + ], + [ + "ST", + "IT" + ], + [ + "m", + "aker" + ], + [ + "[", + "current" + ], + [ + "chron", + "o" + ], + [ + "Ġch", + "rist" + ], + [ + "ãģ", + "ª" + ], + [ + "ĠD", + "etail" + ], + [ + "ư", + "á»" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "Ġs", + "ul" + ], + [ + "id", + "ency" + ], + [ + "Q", + "ue" + ], + [ + "Ġeleg", + "ant" + ], + [ + "ap", + "ons" + ], + [ + "Ġdish", + "es" + ], + [ + "Ġinteg", + "ers" + ], + [ + "(", + "read" + ], + [ + "find", + "ViewById" + ], + [ + "ĠAm", + "ount" + ], + [ + "ĠSk", + "ip" + ], + [ + "Ġhab", + "its" + ], + [ + "*", + ")(" + ], + [ + "Ġmon", + "sters" + ], + [ + "M", + "AC" + ], + [ + ":", + "end" + ], + [ + "Ġfr", + "ank" + ], + [ + "As", + "sembly" + ], + [ + "Ġd", + "fs" + ], + [ + "Ġne", + "ut" + ], + [ + "_TYP", + "ES" + ], + [ + "e", + "qual" + ], + [ + "loy", + "d" + ], + [ + "(", + "uri" + ], + [ + "Ġch", + "i" + ], + [ + "Ġdefend", + "ant" + ], + [ + "Ġconflic", + "ts" + ], + [ + "Ġv", + "il" + ], + [ + "-", + "js" + ], + [ + "ĠPe", + "ace" + ], + [ + "Ġmut", + "able" + ], + [ + ")", + "sender" + ], + [ + "ĠF", + "ocus" + ], + [ + "å»", + "º" + ], + [ + "Ġapprec", + "iated" + ], + [ + "s", + "leep" + ], + [ + "ĠR", + "ED" + ], + [ + "C", + "ulture" + ], + [ + "Ġdesign", + "ers" + ], + [ + "_g", + "enerator" + ], + [ + "c", + "odes" + ], + [ + "/", + "ex" + ], + [ + ".Get", + "Value" + ], + [ + "umb", + "led" + ], + [ + ".scal", + "ajs" + ], + [ + "per", + "or" + ], + [ + "Ġveter", + "ans" + ], + [ + "Ġ}", + ")čĊ" + ], + [ + "Ġun", + "fortunately" + ], + [ + "_C", + "REATE" + ], + [ + "M", + "ass" + ], + [ + "ĠCL", + "AIM" + ], + [ + "ĠMe", + "et" + ], + [ + "_s", + "upport" + ], + [ + "B", + "ank" + ], + [ + "()", + ".Ċ" + ], + [ + "D", + "ark" + ], + [ + "_LO", + "W" + ], + [ + "ĠMin", + "ing" + ], + [ + "ĠO", + "wner" + ], + [ + "ier", + "a" + ], + [ + "Client", + "e" + ], + [ + "Ġencour", + "aging" + ], + [ + ">", + "S" + ], + [ + "Ġboy", + "friend" + ], + [ + "ĠH", + "alf" + ], + [ + "ĠA", + "CC" + ], + [ + "A", + "ff" + ], + [ + "_", + "ar" + ], + [ + "-l", + "ife" + ], + [ + "c", + "x" + ], + [ + ".J", + "Button" + ], + [ + "iz", + "ado" + ], + [ + ".z", + "ero" + ], + [ + ".open", + "qa" + ], + [ + "ot", + "on" + ], + [ + ".text", + "Content" + ], + [ + "Ġto", + "ll" + ], + [ + "at", + "ie" + ], + [ + "Ġball", + "ot" + ], + [ + "-", + "number" + ], + [ + ".", + "Exception" + ], + [ + "ĉ", + "params" + ], + [ + "c", + "ircle" + ], + [ + "-m", + "ap" + ], + [ + "Ġn", + "ap" + ], + [ + "ĠRob", + "ot" + ], + [ + "ĠI", + "ch" + ], + [ + "reg", + "istration" + ], + [ + "Am", + "azon" + ], + [ + "roll", + "ment" + ], + [ + "(", + "exp" + ], + [ + "Ġt", + "anks" + ], + [ + "ĠG", + "ordon" + ], + [ + "Ġmach", + "inery" + ], + [ + "Ġbas", + "eline" + ], + [ + "æ", + "ĭ" + ], + [ + "Ø", + "©" + ], + [ + "ĠCon", + "vention" + ], + [ + "ĉ", + "config" + ], + [ + "ook", + "ies" + ], + [ + "m", + "ult" + ], + [ + "Rec", + "ords" + ], + [ + "ĠE", + "ST" + ], + [ + "Ġgar", + "bage" + ], + [ + "Ġcon", + "form" + ], + [ + "id", + "al" + ], + [ + "Ġb", + "arg" + ], + [ + "Ġsurv", + "ived" + ], + [ + "Ġinvestig", + "ations" + ], + [ + ".contains", + "Key" + ], + [ + "----------------------------------------------------------------", + "----------Ċ" + ], + [ + "ort", + "ion" + ], + [ + "Ġhor", + "r" + ], + [ + "_", + "http" + ], + [ + "Ġm", + "ant" + ], + [ + "]", + ";čĊčĊ" + ], + [ + "b", + "inary" + ], + [ + "em", + "pl" + ], + [ + "Ġin", + "quiry" + ], + [ + "ĠMean", + "while" + ], + [ + "Ġcollect", + "ing" + ], + [ + ".Entity", + "Framework" + ], + [ + "\",", + "ĊĊ" + ], + [ + "ĠP", + "ic" + ], + [ + "@", + "Inject" + ], + [ + "ick", + "ness" + ], + [ + "ĠB", + "inding" + ], + [ + "Ġcont", + "rolling" + ], + [ + "re", + "verse" + ], + [ + "Ġch", + "airs" + ], + [ + "semb", + "led" + ], + [ + "(", + "add" + ], + [ + "Dis", + "abled" + ], + [ + "an", + "as" + ], + [ + ".trans", + "late" + ], + [ + "--------", + "---Ċ" + ], + [ + "Ġref", + "lected" + ], + [ + "\"]", + "ĊĊ" + ], + [ + "Ex", + "ternal" + ], + [ + "Ar", + "row" + ], + [ + "Single", + "ton" + ], + [ + "%", + "x" + ], + [ + "Ġ", + "Å" + ], + [ + "Ġan", + "cest" + ], + [ + "ĠOr", + "leans" + ], + [ + "ĉc", + "md" + ], + [ + "Ġprohib", + "ited" + ], + [ + "ith", + "metic" + ], + [ + "(ch", + "annel" + ], + [ + "_c", + "ss" + ], + [ + "For", + "ward" + ], + [ + ".s", + "ocket" + ], + [ + "Ġl", + "uc" + ], + [ + "â", + "Ĩ" + ], + [ + "ĠFire", + "fox" + ], + [ + "ĠM", + "ovies" + ], + [ + ")", + "_" + ], + [ + ".", + "ends" + ], + [ + "(", + "shape" + ], + [ + "Ġde", + "alt" + ], + [ + "Ġs", + "aves" + ], + [ + "Ġgl", + "ory" + ], + [ + "Ġmej", + "or" + ], + [ + "Ġbreath", + "ing" + ], + [ + "Ġ", + "eller" + ], + [ + "get", + "Data" + ], + [ + "Ġang", + "les" + ], + [ + "Ġtool", + "bar" + ], + [ + "Ġsp", + "acing" + ], + [ + "IP", + "S" + ], + [ + "Ġflo", + "ors" + ], + [ + "_ACT", + "IVE" + ], + [ + "Ġsh", + "uffle" + ], + [ + "/", + "shared" + ], + [ + "ĠE", + "le" + ], + [ + "ed", + "ish" + ], + [ + "Ġweb", + "cam" + ], + [ + ".ex", + "pect" + ], + [ + "il", + "oc" + ], + [ + "ĠIn", + "cludes" + ], + [ + "Ġtweet", + "ed" + ], + [ + "Ġ:", + ")" + ], + [ + "ĠEss", + "ay" + ], + [ + "F", + "ix" + ], + [ + "-b", + "etween" + ], + [ + "_", + "web" + ], + [ + ".con", + "v" + ], + [ + "Ġrac", + "ism" + ], + [ + "Ġreflect", + "s" + ], + [ + "um", + "m" + ], + [ + "иÑĤ", + "е" + ], + [ + "_f", + "ooter" + ], + [ + "/d", + "ocs" + ], + [ + "ĠP", + "our" + ], + [ + "Ng", + "Module" + ], + [ + ".initial", + "ize" + ], + [ + "pattern", + "s" + ], + [ + "_", + "In" + ], + [ + "ĠAb", + "b" + ], + [ + "*", + "čĊ" + ], + [ + "Ġsent", + "iment" + ], + [ + "b", + "uff" + ], + [ + "_count", + "s" + ], + [ + "Ġre", + "use" + ], + [ + "ch", + "unk" + ], + [ + "Ġim", + "posed" + ], + [ + "Primary", + "Key" + ], + [ + "Fore", + "ground" + ], + [ + "Ġconsum", + "ed" + ], + [ + "?", + "!" + ], + [ + "Ġd", + "ick" + ], + [ + "Ġch", + "ron" + ], + [ + "ĠF", + "ern" + ], + [ + "Ġrespons", + "ive" + ], + [ + "Ġin", + "sect" + ], + [ + "icult", + "y" + ], + [ + "Ġr", + "w" + ], + [ + "Ġal", + "ike" + ], + [ + "Ġsub", + "set" + ], + [ + "ĠCook", + "ies" + ], + [ + "ĠP", + "air" + ], + [ + "Ġt", + "ier" + ], + [ + "IF", + "O" + ], + [ + "av", + "our" + ], + [ + "ĠQ", + "U" + ], + [ + ",", + "sizeof" + ], + [ + "Ġmerg", + "ed" + ], + [ + "m", + "v" + ], + [ + "it", + "ol" + ], + [ + "yl", + "on" + ], + [ + "Ġjump", + "ed" + ], + [ + ".", + "role" + ], + [ + "ens", + "aje" + ], + [ + "R", + "ules" + ], + [ + "Ġb", + "rowse" + ], + [ + "An", + "imator" + ], + [ + "Ġy", + "oga" + ], + [ + "Ġvari", + "ants" + ], + [ + "Ġcour", + "tesy" + ], + [ + "ur", + "an" + ], + [ + "p", + "bs" + ], + [ + "else", + "if" + ], + [ + "Al", + "t" + ], + [ + "ĠL", + "ane" + ], + [ + "CL", + "K" + ], + [ + "IM", + "ARY" + ], + [ + "_PRO", + "PERTY" + ], + [ + "ï¼", + "IJ" + ], + [ + "Ġch", + "an" + ], + [ + "Ġgrad", + "ually" + ], + [ + "Ġsh", + "ake" + ], + [ + "Ġbl", + "onde" + ], + [ + "...", + "\");Ċ" + ], + [ + "-se", + "x" + ], + [ + "Ġgame", + "play" + ], + [ + "ac", + "ies" + ], + [ + ".ref", + "resh" + ], + [ + "US", + "B" + ], + [ + "ĠPl", + "ot" + ], + [ + "W", + "as" + ], + [ + "iss", + "ippi" + ], + [ + "ĠT", + "ensor" + ], + [ + "Ġcryptoc", + "urrency" + ], + [ + "Ġdifficult", + "ies" + ], + [ + "De", + "leted" + ], + [ + "With", + "out" + ], + [ + "_", + "append" + ], + [ + "_", + "ver" + ], + [ + "\"))", + "čĊ" + ], + [ + "Ġhonest", + "ly" + ], + [ + "Ġp", + "ivot" + ], + [ + "Ġtem", + "ps" + ], + [ + "_p", + "s" + ], + [ + "ĠUn", + "like" + ], + [ + "[:", + "-" + ], + [ + "V", + "S" + ], + [ + "_in", + "f" + ], + [ + "Ġjun", + "ior" + ], + [ + "Ġanim", + "ations" + ], + [ + "Ġfile", + "path" + ], + [ + "?", + "{{", + "$" + ], + [ + "Ġun", + "icode" + ], + [ + "pl", + "aces" + ], + [ + "ĠC", + "offee" + ], + [ + ".S", + "E" + ], + [ + "ĠP", + "AR" + ], + [ + "(t", + "xt" + ], + [ + "ge", + "bra" + ], + [ + "Ġf", + "ires" + ], + [ + "Main", + "Window" + ], + [ + "med", + "ium" + ], + [ + "Ġ(", + "âĢľ" + ], + [ + "Ġl", + "g" + ], + [ + "Ġc", + "mp" + ], + [ + "/", + "base" + ], + [ + "_l", + "ayers" + ], + [ + "_", + "entries" + ], + [ + "Ġadmin", + "ister" + ], + [ + "ĠSU", + "CH" + ], + [ + "B", + "P" + ], + [ + "ĠScott", + "ish" + ], + [ + "ĉčĊ", + "ĉčĊ" + ], + [ + "gu", + "ard" + ], + [ + "ĠStr", + "ong" + ], + [ + "In", + "sn" + ], + [ + "ĠC", + "AP" + ], + [ + "as", + "ury" + ], + [ + "ĠSE", + "E" + ], + [ + "C", + "lock" + ], + [ + "er", + "ie" + ], + [ + "\\", + "models" + ], + [ + "Ġ$", + "$" + ], + [ + "ĠC", + "ab" + ], + [ + "Ġwur", + "de" + ], + [ + "Ġsold", + "ier" + ], + [ + "Ġcl", + "ips" + ], + [ + "Ġarrang", + "ement" + ], + [ + "ĠW", + "onder" + ], + [ + "ĠH", + "orn" + ], + [ + "Ġsc", + "ared" + ], + [ + "Ġc", + "ure" + ], + [ + "m", + "kdir" + ], + [ + "Ġal", + "igned" + ], + [ + "ĠP", + "ink" + ], + [ + "Ġland", + "ed" + ], + [ + "Dim", + "ension" + ], + [ + "Scroll", + "Pane" + ], + [ + ".ch", + "at" + ], + [ + ".W", + "ith" + ], + [ + "ĠTr", + "ain" + ], + [ + "]", + ".Ċ" + ], + [ + "Ġth", + "irty" + ], + [ + "Ġdur", + "able" + ], + [ + "Ġl", + "d" + ], + [ + "Ġlate", + "init" + ], + [ + "Ġch", + "arts" + ], + [ + "Ġins", + "ult" + ], + [ + ".F", + "atal" + ], + [ + "_", + "ct" + ], + [ + "Ġm", + "asks" + ], + [ + "CLU", + "DED" + ], + [ + "Pres", + "ident" + ], + [ + "Ġcol", + "ours" + ], + [ + "g", + "ments" + ], + [ + ".at", + "tributes" + ], + [ + "ĠF", + "lex" + ], + [ + "ĠC", + "lock" + ], + [ + "ÃŃ", + "cul" + ], + [ + "im", + "en" + ], + [ + "J", + "O" + ], + [ + "ĠReg", + "ex" + ], + [ + "_L", + "INK" + ], + [ + "Ġc", + "ouch" + ], + [ + "ĠIN", + "PUT" + ], + [ + "Ġbe", + "ating" + ], + [ + "b", + "usiness" + ], + [ + "pre", + "ced" + ], + [ + ".", + "unit" + ], + [ + "ĠF", + "el" + ], + [ + "N", + "ever" + ], + [ + "osp", + "el" + ], + [ + ".start", + "swith" + ], + [ + "ĠE", + "PA" + ], + [ + ".", + "only" + ], + [ + "Ġprevent", + "ing" + ], + [ + "y", + "er" + ], + [ + "Column", + "Name" + ], + [ + "Ġelev", + "ation" + ], + [ + "fl", + "u" + ], + [ + "icy", + "cle" + ], + [ + "Ġoff", + "line" + ], + [ + "Tool", + "bar" + ], + [ + "Ġcompet", + "ing" + ], + [ + ")", + "]." + ], + [ + "Ġm", + "og" + ], + [ + "Ġis", + "Valid" + ], + [ + "As", + "k" + ], + [ + "_", + "av" + ], + [ + "_l", + "at" + ], + [ + "AN", + "C" + ], + [ + "ĠJ", + "oh" + ], + [ + "k", + "ers" + ], + [ + "Ġgu", + "ards" + ], + [ + "Ġch", + "ains" + ], + [ + "ĠSimple", + "DateFormat" + ], + [ + ".st", + "atic" + ], + [ + "Ġvess", + "el" + ], + [ + "Ġm", + "ud" + ], + [ + "Ġst", + "abil" + ], + [ + "Ġst", + "ret" + ], + [ + "g", + "m" + ], + [ + "am", + "ation" + ], + [ + "ç", + "ľ" + ], + [ + "-w", + "ith" + ], + [ + "Ġro", + "s" + ], + [ + "_P", + "A" + ], + [ + "Ġresult", + "ado" + ], + [ + "Ġconf", + "idential" + ], + [ + "ĠTok", + "yo" + ], + [ + "ĉ", + "using" + ], + [ + "ĠMath", + "f" + ], + [ + "omb", + "ine" + ], + [ + "ĠESP", + "N" + ], + [ + "Ġdeal", + "ers" + ], + [ + "Ġdismiss", + "ed" + ], + [ + "TR", + "Y" + ], + [ + "Ġte", + "ens" + ], + [ + "rec", + "ords" + ], + [ + "Ġw", + "ings" + ], + [ + "g", + "allery" + ], + [ + "account", + "s" + ], + [ + "_L", + "IB" + ], + [ + "Ġj", + "acket" + ], + [ + "ĠNS", + "Object" + ], + [ + "Ġst", + "ones" + ], + [ + "ĠDel", + "ivery" + ], + [ + "ĠD", + "iet" + ], + [ + "/w", + "atch" + ], + [ + "Ġto", + "ilet" + ], + [ + "ĠG", + "uest" + ], + [ + ".d", + "ay" + ], + [ + "Ġint", + "val" + ], + [ + "Vis", + "it" + ], + [ + "Ġinvestig", + "ated" + ], + [ + "Ġpent", + "ru" + ], + [ + "ĠThe", + "atre" + ], + [ + "andid", + "ates" + ], + [ + "L", + "ang" + ], + [ + "ĠS", + "erv" + ], + [ + "Ġcont", + "rollers" + ], + [ + "Ġset", + "Title" + ], + [ + "N", + "P" + ], + [ + "am", + "y" + ], + [ + "fl", + "at" + ], + [ + "(", + "ui" + ], + [ + "_d", + "ocument" + ], + [ + "è", + "ĥ½" + ], + [ + "ĠC", + "oin" + ], + [ + "ĠAd", + "ams" + ], + [ + "pt", + "ic" + ], + [ + "Ġproduct", + "ive" + ], + [ + "Ġaccompl", + "ished" + ], + [ + "čĊčĊ", + "čĊčĊ" + ], + [ + "Ġdefer", + "red" + ], + [ + "ient", + "es" + ], + [ + "Ġs", + "inc" + ], + [ + "ol", + "ars" + ], + [ + "Right", + "arrow" + ], + [ + "Ġvari", + "ations" + ], + [ + "(", + "offset" + ], + [ + ".Layout", + "Inflater" + ], + [ + "Ġsus", + "pend" + ], + [ + "Ġprevent", + "ion" + ], + [ + "_pr", + "ivate" + ], + [ + "_", + "js" + ], + [ + "âĺ", + "ħ" + ], + [ + "Ġw", + "ieder" + ], + [ + "at", + "um" + ], + [ + "Ĵ", + "Į" + ], + [ + "Ġappear", + "ances" + ], + [ + ".D", + "ocument" + ], + [ + "Ġvalid", + "ates" + ], + [ + "cal", + "endar" + ], + [ + "}", + "\";Ċ" + ], + [ + ".d", + "emo" + ], + [ + "con", + "ut" + ], + [ + "Ġcorre", + "ction" + ], + [ + "ĠDe", + "al" + ], + [ + "Ġbatter", + "ies" + ], + [ + ".d", + "uration" + ], + [ + ",", + "\\" + ], + [ + "_m", + "arker" + ], + [ + "m", + "ulti" + ], + [ + "Ġh", + "alt" + ], + [ + "Ġc", + "ms" + ], + [ + "Ġsh", + "aped" + ], + [ + "B", + "ro" + ], + [ + "re", + "duce" + ], + [ + "Ġ", + "####" + ], + [ + "CT", + "OR" + ], + [ + "ĠBen", + "ef" + ], + [ + "Ġicon", + "ic" + ], + [ + "Ġp", + "iano" + ], + [ + "Ġeffect", + "iveness" + ], + [ + "|", + ".Ċ" + ], + [ + "Ġa", + "jax" + ], + [ + "Ġv", + "olumes" + ], + [ + "à¸", + "¡" + ], + [ + "Ġcl", + "js" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "Ċ" + ], + [ + "ath", + "s" + ], + [ + "ra", + "its" + ], + [ + "å¤", + "§" + ], + [ + "Ñ", + "ĸ" + ], + [ + "_m", + "ult" + ], + [ + "Ġfasc", + "inating" + ], + [ + "A", + "verage" + ], + [ + "Ġpr", + "é" + ], + [ + "ĠChair", + "man" + ], + [ + ".find", + "Element" + ], + [ + "_p", + "in" + ], + [ + "Ġcomp", + "aring" + ], + [ + "Ġdark", + "ness" + ], + [ + "-F", + "i" + ], + [ + "-", + "server" + ], + [ + "Ġselect", + "ing" + ], + [ + "ster", + "dam" + ], + [ + "ĠPart", + "s" + ], + [ + "FORM", + "ATION" + ], + [ + "Ġnot", + "ing" + ], + [ + "Ġp", + "ile" + ], + [ + "og", + "s" + ], + [ + "Ġpa", + "lette" + ], + [ + "_d", + "o" + ], + [ + "it", + "ize" + ], + [ + "()", + "(" + ], + [ + "Ġdef", + "ining" + ], + [ + "Ġremain", + "der" + ], + [ + "Un", + "its" + ], + [ + "_T", + "ASK" + ], + [ + "Http", + "Client" + ], + [ + "S", + "ocial" + ], + [ + "Ġfund", + "ra" + ], + [ + "N", + "R" + ], + [ + "ch", + "est" + ], + [ + "C", + "urrency" + ], + [ + ".ad", + "apter" + ], + [ + "Ġd", + "op" + ], + [ + "un", + "ting" + ], + [ + "ANG", + "UAGE" + ], + [ + "\"", + "He" + ], + [ + "ĉ", + "index" + ], + [ + "_p", + "ackage" + ], + [ + ".I", + "con" + ], + [ + "Ġrep", + "et" + ], + [ + "m", + "ass" + ], + [ + "=\"", + ".$" + ], + [ + "ĠS", + "ud" + ], + [ + "Ġl", + "id" + ], + [ + "pro", + "vince" + ], + [ + "ì", + "ľ" + ], + [ + "G", + "PIO" + ], + [ + "Ð", + "ļ" + ], + [ + "ĠMy", + "SQL" + ], + [ + "Ġdoc", + "s" + ], + [ + "ĠG", + "A" + ], + [ + "Ġip", + "sum" + ], + [ + "K", + "ernel" + ], + [ + "Ġaccept", + "s" + ], + [ + "Ġfit", + "ting" + ], + [ + "Ġcu", + "ando" + ], + [ + "Ġd", + "uplic" + ], + [ + "ĠBro", + "ther" + ], + [ + "ĠK", + "le" + ], + [ + "num", + "s" + ], + [ + "Ġmor", + "ph" + ], + [ + "Ġ", + "########" + ], + [ + "ĠCG", + "Point" + ], + [ + "<", + "unsigned" + ], + [ + "ä¾", + "ĭ" + ], + [ + "ĠD", + "uke" + ], + [ + ".set", + "Bounds" + ], + [ + "q", + "s" + ], + [ + "or", + "ic" + ], + [ + "j", + "er" + ], + [ + "Ġregard", + "ed" + ], + [ + "Http", + "Request" + ], + [ + "Ġbond", + "s" + ], + [ + "Ġthorough", + "ly" + ], + [ + "enc", + "ent" + ], + [ + "Ġhighlight", + "ed" + ], + [ + "Ġac", + "res" + ], + [ + "Ġwork", + "place" + ], + [ + "ĠL", + "ux" + ], + [ + "Ġqu", + "ot" + ], + [ + ".in", + "flate" + ], + [ + "Ġdocument", + "ed" + ], + [ + "Ġadd", + "iction" + ], + [ + "Ġmut", + "ation" + ], + [ + ".c", + "ity" + ], + [ + "Ġbott", + "les" + ], + [ + "ĠRepos", + "itory" + ], + [ + "on", + "n" + ], + [ + "err", + "no" + ], + [ + "ARI", + "ABLE" + ], + [ + "åº", + "¦" + ], + [ + "_B", + "EGIN" + ], + [ + "gl", + "as" + ], + [ + "'", + "})Ċ" + ], + [ + "ĠMass", + "age" + ], + [ + "ĠWh", + "it" + ], + [ + "reg", + "ex" + ], + [ + "W", + "A" + ], + [ + "Ġout", + "let" + ], + [ + "-", + "head" + ], + [ + "Ġexp", + "ired" + ], + [ + "ĠTh", + "ai" + ], + [ + "/", + "include" + ], + [ + "grad", + "ient" + ], + [ + "scan", + "f" + ], + [ + "Ġse", + "am" + ], + [ + "w", + "al" + ], + [ + "ĉb", + "uf" + ], + [ + "B", + "earer" + ], + [ + "Ġprec", + "ious" + ], + [ + "if", + "acts" + ], + [ + "co", + "ord" + ], + [ + "Ġexpl", + "oration" + ], + [ + ".get", + "Y" + ], + [ + "(h", + "andle" + ], + [ + "Top", + "ic" + ], + [ + "ĠV", + "ent" + ], + [ + "r", + "hs" + ], + [ + "----", + "--Ċ" + ], + [ + "ĠB", + "right" + ], + [ + "Ġg", + "uild" + ], + [ + "m", + "other" + ], + [ + "st", + "orm" + ], + [ + "Ġmunicip", + "al" + ], + [ + "Ġin", + "k" + ], + [ + ".T", + "YPE" + ], + [ + "w", + "l" + ], + [ + "...", + "", + "", + "manual" + ], + [ + "ĠTechn", + "ical" + ], + [ + "Ġcorpor", + "ation" + ], + [ + "ĠH", + "W" + ], + [ + "ank", + "a" + ], + [ + "T", + "AIL" + ], + [ + "ist", + "as" + ], + [ + "Ġperform", + "s" + ], + [ + "ĠBeh", + "avior" + ], + [ + ".F", + "or" + ], + [ + "_", + "ORDER" + ], + [ + "ĠK", + "ick" + ], + [ + "Ġcallback", + "s" + ], + [ + "_d", + "r" + ], + [ + "ue", + "go" + ], + [ + "h", + "ub" + ], + [ + "uff", + "icient" + ], + [ + "sk", + "y" + ], + [ + "Ġb", + "p" + ], + [ + "ht", + "able" + ], + [ + "ĠON", + "LY" + ], + [ + "ĠAUTH", + "ORS" + ], + [ + ".Arg", + "ument" + ], + [ + "\"", + "};Ċ" + ], + [ + "ĠTh", + "under" + ], + [ + "ĠK", + "om" + ], + [ + ".Sh", + "ould" + ], + [ + "A", + "UTH" + ], + [ + "ah", + "u" + ], + [ + "_p", + "ayment" + ], + [ + "Ġst", + "arter" + ], + [ + "ìĦ", + "ľ" + ], + [ + "ìļ", + "©" + ], + [ + "B", + "log" + ], + [ + ".p", + "atch" + ], + [ + "Ġgovern", + "ed" + ], + [ + "ass", + "y" + ], + [ + "-f", + "ound" + ], + [ + "Ġthe", + "ater" + ], + [ + "ĠFont", + "Weight" + ], + [ + "ĠBat", + "man" + ], + [ + "\"", + "If" + ], + [ + ".R", + "andom" + ], + [ + "_d", + "elta" + ], + [ + "ĠC", + "E" + ], + [ + "Auth", + "enticated" + ], + [ + "Ġdr", + "one" + ], + [ + "Ġc", + "ous" + ], + [ + "r", + "adius" + ], + [ + "M", + "er" + ], + [ + "(", + "None" + ], + [ + "ĠN", + "J" + ], + [ + "_", + "headers" + ], + [ + "Ġam", + "er" + ], + [ + "py", + "test" + ], + [ + "ĠA", + "ctions" + ], + [ + "ĉĉĉ", + "ĠĠĠĠ" + ], + [ + "Ġet", + "t" + ], + [ + "Ġh", + "oly" + ], + [ + "Ġun", + "comfort" + ], + [ + "ĠN", + "in" + ], + [ + "ĠDec", + "imal" + ], + [ + "ĠM", + "essages" + ], + [ + ".s", + "ender" + ], + [ + "]", + "])Ċ" + ], + [ + "Ġembr", + "ace" + ], + [ + "Th", + "ough" + ], + [ + "/", + "sp" + ], + [ + "Ġcult", + "ures" + ], + [ + "Ġhigh", + "way" + ], + [ + "t", + "ar" + ], + [ + ".f", + "ail" + ], + [ + "_h", + "idden" + ], + [ + "ĠcomponentDid", + "Mount" + ], + [ + "ĠW", + "right" + ], + [ + "Ġj", + "ag" + ], + [ + "_", + "il" + ], + [ + "../../", + "../" + ], + [ + "ig", + "u" + ], + [ + "F", + "ood" + ], + [ + "Ġa", + "ce" + ], + [ + "Ġa", + "ños" + ], + [ + "US", + "D" + ], + [ + "Ġmut", + "ual" + ], + [ + "Log", + "ic" + ], + [ + "Ġtem", + "ple" + ], + [ + "Ġbrief", + "ly" + ], + [ + "ĠT", + "rip" + ], + [ + "class", + "method" + ], + [ + "default", + "s" + ], + [ + "Ġch", + "unks" + ], + [ + ",,", + ",," + ], + [ + "ĠRe", + "ason" + ], + [ + "$", + "id" + ], + [ + "-up", + "s" + ], + [ + "Ġdam", + "n" + ], + [ + "Ġtruck", + "s" + ], + [ + "Ġun", + "limited" + ], + [ + "Ġsc", + "ulpt" + ], + [ + "ĠC", + "ards" + ], + [ + "Ġaut", + "or" + ], + [ + "ĠTest", + "ing" + ], + [ + "Ġdies", + "e" + ], + [ + "sh", + "ops" + ], + [ + "ç", + "´" + ], + [ + "(p", + "ayload" + ], + [ + "ĠP", + "ATH" + ], + [ + "ĠMem", + "orial" + ], + [ + "Ġridic", + "ulous" + ], + [ + "eg", + "ree" + ], + [ + "-w", + "inning" + ], + [ + "Ġre", + "hab" + ], + [ + "Ġsophistic", + "ated" + ], + [ + "wp", + "db" + ], + [ + "ĉ", + "path" + ], + [ + "!", + "\";Ċ" + ], + [ + "_S", + "YS" + ], + [ + ".s", + "peed" + ], + [ + "Ġso", + "ap" + ], + [ + "s", + "uffix" + ], + [ + "W", + "rap" + ], + [ + "Ġenh", + "ancement" + ], + [ + "Ã", + "ī" + ], + [ + "ú", + "b" + ], + [ + "Ġplay", + "list" + ], + [ + "Ġmix", + "ing" + ], + [ + "ant", + "idad" + ], + [ + "=\"", + "\";Ċ" + ], + [ + "ĠRev", + "ision" + ], + [ + "ĠBe", + "at" + ], + [ + ".in", + "c" + ], + [ + "-w", + "ay" + ], + [ + "enc", + "ias" + ], + [ + "ul", + "ers" + ], + [ + "C", + "at" + ], + [ + "id", + "el" + ], + [ + "ĠSh", + "ip" + ], + [ + ".set", + "Color" + ], + [ + "Ġthreat", + "ening" + ], + [ + ".mod", + "ules" + ], + [ + "Ġafter", + "wards" + ], + [ + "ĠD", + "ashboard" + ], + [ + "Ċ", + "ĠĊ" + ], + [ + "Sign", + "al" + ], + [ + "Ġpr", + "imer" + ], + [ + "orne", + "ys" + ], + [ + "ici", + "ary" + ], + [ + "Ġl", + "igne" + ], + [ + "_p", + "redict" + ], + [ + "Ġa", + "est" + ], + [ + "_", + "https" + ], + [ + ">", + ":" + ], + [ + "ĠL", + "ex" + ], + [ + "Ġrencont", + "res" + ], + [ + "eg", + "ral" + ], + [ + "sc", + "ala" + ], + [ + "_f", + "amily" + ], + [ + "ÃŁ", + "en" + ], + [ + "_s", + "ym" + ], + [ + "Ġuncert", + "ainty" + ], + [ + "ĠVAL", + "UE" + ], + [ + "Ġ}", + ";čĊčĊ" + ], + [ + "Ġbro", + "ader" + ], + [ + "Ġh", + "orses" + ], + [ + "ãģ", + "Ŀ" + ], + [ + "ĠK", + "al" + ], + [ + "ob", + "a" + ], + [ + "_IN", + "ET" + ], + [ + "ĠK", + "ill" + ], + [ + "j", + "query" + ], + [ + "am", + "ination" + ], + [ + "[", + "@\"" + ], + [ + "Ġm", + "uj" + ], + [ + "##", + "#Ċ" + ], + [ + "First", + "OrDefault" + ], + [ + "then", + "Return" + ], + [ + "C", + "he" + ], + [ + "/", + "footer" + ], + [ + "Ġpark", + "s" + ], + [ + "as", + "je" + ], + [ + "ĠG", + "ulf" + ], + [ + "Ġmod", + "est" + ], + [ + ".", + "Init" + ], + [ + "ï¼Ł", + "ĊĊ" + ], + [ + "Ġpros", + "pects" + ], + [ + "Ġs", + "vg" + ], + [ + "Ġå", + "ı" + ], + [ + ".D", + "ialog" + ], + [ + "_N", + "ET" + ], + [ + "Ġ(", + "($" + ], + [ + "Ġe", + "k" + ], + [ + "ĠW", + "arning" + ], + [ + "ĠM", + "K" + ], + [ + "<", + "LM" + ], + [ + "Ġ'", + "čĊ" + ], + [ + "i", + "em" + ], + [ + "h", + "etic" + ], + [ + "Ġi", + "x" + ], + [ + "th", + "ink" + ], + [ + "-sh", + "adow" + ], + [ + "ĠE", + "ld" + ], + [ + "ĠNev", + "ada" + ], + [ + "ĠLe", + "af" + ], + [ + "ĠG", + "ROUP" + ], + [ + "Ġprom", + "o" + ], + [ + "ent", + "ine" + ], + [ + "ĉ", + "Map" + ], + [ + "ĠModel", + "s" + ], + [ + "ĠK", + "rist" + ], + [ + "_k", + "ernel" + ], + [ + "-m", + "ade" + ], + [ + "Ġc", + "err" + ], + [ + "As", + "sets" + ], + [ + "ell", + "ar" + ], + [ + "Ġinv", + "oked" + ], + [ + ".v", + "ue" + ], + [ + "Ġcult", + "iv" + ], + [ + "C", + "losed" + ], + [ + "Ġgener", + "ates" + ], + [ + "ffff", + "ff" + ], + [ + "thes", + "ize" + ], + [ + "s", + "qrt" + ], + [ + "ĠCast", + "le" + ], + [ + ".c", + "ar" + ], + [ + "Ġke", + "en" + ], + [ + "und", + "a" + ], + [ + "ĠC", + "row" + ], + [ + "ĠSing", + "h" + ], + [ + "y", + "thon" + ], + [ + "Ġbe", + "ans" + ], + [ + "l", + "arg" + ], + [ + "æĸĩ", + "ä»¶" + ], + [ + "Aw", + "esome" + ], + [ + "unc", + "ate" + ], + [ + "Path", + "s" + ], + [ + "o", + "ji" + ], + [ + "(c", + "urr" + ], + [ + "CON", + "DS" + ], + [ + "Ġm", + "im" + ], + [ + "Ġshould", + "ers" + ], + [ + "H", + "ard" + ], + [ + "ast", + "es" + ], + [ + "а", + "еÑĤ" + ], + [ + "Ġconv", + "ince" + ], + [ + "de", + "cess" + ], + [ + "m", + "ade" + ], + [ + "ĠC", + "MD" + ], + [ + ".", + "Im" + ], + [ + "Ġcha", + "os" + ], + [ + "ens", + "ively" + ], + [ + "Ġcool", + "ing" + ], + [ + "Ġbur", + "ied" + ], + [ + "('", + "@" + ], + [ + "_S", + "e" + ], + [ + "ĉĉĉĉĉĉĉĉ", + "ĉĉĉĉĉĉĉĉ" + ], + [ + ".com", + "pany" + ], + [ + ".sub", + "mit" + ], + [ + "ph", + "ant" + ], + [ + "Ġboot", + "strap" + ], + [ + "_h", + "elp" + ], + [ + "à", + "§" + ], + [ + ".d", + "ump" + ], + [ + "Ġdif", + "er" + ], + [ + "_m", + "apping" + ], + [ + "Ġcirc", + "ular" + ], + [ + "Ġescort", + "s" + ], + [ + "Ġb", + "ere" + ], + [ + "Ġgrad", + "u" + ], + [ + "ĠLeg", + "end" + ], + [ + "im", + "edia" + ], + [ + "ĠBar", + "celona" + ], + [ + "Ġbed", + "s" + ], + [ + "åĪ", + "°" + ], + [ + "ãĢ", + "Ĭ" + ], + [ + "_v", + "olume" + ], + [ + "Ġtremend", + "ous" + ], + [ + "Ġsc", + "aling" + ], + [ + "Ġp", + "ins" + ], + [ + "en", + "as" + ], + [ + "type", + "param" + ], + [ + "D", + "ashboard" + ], + [ + "render", + "er" + ], + [ + "Ġsp", + "i" + ], + [ + "Ġ&", + "$" + ], + [ + "ĠSk", + "in" + ], + [ + "alm", + "art" + ], + [ + "Ġh", + "ockey" + ], + [ + "Ġ'\"", + ".$" + ], + [ + "Ġerr", + "no" + ], + [ + "Ġb", + "ew" + ], + [ + "Follow", + "ing" + ], + [ + ".M", + "odule" + ], + [ + "er", + "able" + ], + [ + "ĠM", + "ilitary" + ], + [ + "ĠR", + "io" + ], + [ + "_", + "available" + ], + [ + "ĠSur", + "face" + ], + [ + "Ġst", + "ab" + ], + [ + "IF", + "IER" + ], + [ + "ĠL", + "IST" + ], + [ + "Ġd", + "ashboard" + ], + [ + "Ġcl", + "usters" + ], + [ + ".pl", + "ugin" + ], + [ + "Ġj", + "ou" + ], + [ + "ĠDec", + "or" + ], + [ + "F", + "our" + ], + [ + "Ġdel", + "le" + ], + [ + "******", + "/Ċ" + ], + [ + "ia", + "z" + ], + [ + "in", + "de" + ], + [ + "ch", + "ing" + ], + [ + "Ġget", + "Item" + ], + [ + ".Add", + "ress" + ], + [ + "ment", + "ed" + ], + [ + "A", + "meric" + ], + [ + "Pl", + "ain" + ], + [ + "Ġus", + "b" + ], + [ + "ĠPract", + "ice" + ], + [ + "_", + "ment" + ], + [ + ".bl", + "ue" + ], + [ + "H", + "int" + ], + [ + "ÑĢаÐ", + "²" + ], + [ + "Ġconn", + "ector" + ], + [ + "Ġinher", + "ited" + ], + [ + "и", + "в" + ], + [ + "Ġinterval", + "s" + ], + [ + "Ġc", + "ere" + ], + [ + "Ġu", + "d" + ], + [ + "Ġin", + "con" + ], + [ + ".Ex", + "ists" + ], + [ + "ĠM", + "ic" + ], + [ + "F", + "K" + ], + [ + "(c", + "ard" + ], + [ + ".Set", + "tings" + ], + [ + "Ġexhib", + "ition" + ], + [ + "Ġon", + "Pressed" + ], + [ + "Ġrest", + "ored" + ], + [ + "eng", + "u" + ], + [ + ".", + "def" + ], + [ + "Ġrec", + "v" + ], + [ + ".\"", + ");čĊ" + ], + [ + "enc", + "oder" + ], + [ + "ather", + "ine" + ], + [ + "(", + "dest" + ], + [ + "az", + "ed" + ], + [ + "#", + "endregion" + ], + [ + "sem", + "bl" + ], + [ + ",", + "M" + ], + [ + "ob", + "y" + ], + [ + "Ġп", + "еÑĢ" + ], + [ + ".C", + "all" + ], + [ + "Ġattend", + "ance" + ], + [ + "-b", + "order" + ], + [ + "Ġaddress", + "ing" + ], + [ + "ê", + "n" + ], + [ + "ĠLe", + "v" + ], + [ + "Ġb", + "ash" + ], + [ + "ben", + "ch" + ], + [ + "C", + "redentials" + ], + [ + "Sp", + "acing" + ], + [ + "(", + "of" + ], + [ + "_RE", + "SET" + ], + [ + "ig", + "uous" + ], + [ + "Ġcr", + "uel" + ], + [ + "Ġcross", + "ed" + ], + [ + "Ġle", + "ur" + ], + [ + "ĠG", + "olf" + ], + [ + "or", + "rect" + ], + [ + "Ġpack", + "ets" + ], + [ + "ĠData", + "Set" + ], + [ + "Ġpart", + "ly" + ], + [ + "SEQU", + "ENTIAL" + ], + [ + "Ġindic", + "ation" + ], + [ + "ĠS", + "alt" + ], + [ + "ac", + "ia" + ], + [ + "Ġ*", + ");Ċ" + ], + [ + "ĉ", + "info" + ], + [ + "ĠView", + "Bag" + ], + [ + "on", + "z" + ], + [ + "Ġeditor", + "ial" + ], + [ + "ĠA", + "rena" + ], + [ + "Ġs", + "ir" + ], + [ + "_", + "Static" + ], + [ + "(", + "socket" + ], + [ + "s", + "u" + ], + [ + "cho", + "ose" + ], + [ + ".m", + "onth" + ], + [ + ".M", + "y" + ], + [ + "é", + "ri" + ], + [ + ";", + "font" + ], + [ + "do", + "es" + ], + [ + "Ġcon", + "verter" + ], + [ + "Ġsal", + "v" + ], + [ + "Ġl", + "r" + ], + [ + "Ġinflu", + "enced" + ], + [ + "(f", + "eature" + ], + [ + "ĠQue", + "ens" + ], + [ + "let", + "t" + ], + [ + "_M", + "ON" + ], + [ + "&", + "amp" + ], + [ + "Touch", + "ableOpacity" + ], + [ + "O", + "FF" + ], + [ + "Ġmetab", + "ol" + ], + [ + "(", + "iter" + ], + [ + "Ġvit", + "amin" + ], + [ + "ĠIND", + "IRECT" + ], + [ + "aut", + "om" + ], + [ + "_p", + "ublic" + ], + [ + "Ġadjust", + "ment" + ], + [ + "Ġspecial", + "ized" + ], + [ + "w", + "indows" + ], + [ + ".add", + "All" + ], + [ + "Ġaccording", + "ly" + ], + [ + "ĠJ", + "OptionPane" + ], + [ + "Ġcell", + "spacing" + ], + [ + "Ġqu", + "ad" + ], + [ + "Ġcre", + "ep" + ], + [ + "Ġout", + "lets" + ], + [ + "}`", + ")Ċ" + ], + [ + "Ġpri", + "est" + ], + [ + "_TH", + "READ" + ], + [ + "ĠMar", + "x" + ], + [ + "ĠBy", + "Val" + ], + [ + "Ġc", + "ual" + ], + [ + "éĿ", + "¢" + ], + [ + "Ġtempor", + "arily" + ], + [ + "An", + "n" + ], + [ + "ke", + "leton" + ], + [ + "å", + "¥" + ], + [ + "ĠLO", + "C" + ], + [ + "au", + "er" + ], + [ + "der", + "ive" + ], + [ + "Ġbeh", + "aviors" + ], + [ + "as", + "ename" + ], + [ + "ĠCent", + "ury" + ], + [ + "Ġhor", + "rible" + ], + [ + "ME", + "SS" + ], + [ + "_", + "List" + ], + [ + "we", + "i" + ], + [ + "P", + "at" + ], + [ + "ĠCh", + "oice" + ], + [ + "_F", + "ROM" + ], + [ + "ĉ", + "line" + ], + [ + ".in", + "voke" + ], + [ + ".B", + "ottom" + ], + [ + "Ġnow", + "here" + ], + [ + ".\"", + "ĊĊĊĊ" + ], + [ + "_", + "export" + ], + [ + "Ġstrugg", + "led" + ], + [ + ".Ap", + "pearance" + ], + [ + "ĠJ", + "Button" + ], + [ + "ĠJer", + "emy" + ], + [ + "([", + "[" + ], + [ + "Ġkick", + "ed" + ], + [ + "mar", + "shal" + ], + [ + "st", + "aff" + ], + [ + "es", + "ity" + ], + [ + "Ġqu", + "iz" + ], + [ + "_e", + "ffect" + ], + [ + "Ġ}", + "));ĊĊ" + ], + [ + "m", + "el" + ], + [ + "b", + "anner" + ], + [ + "ĠP", + "IN" + ], + [ + "Ġin", + "vention" + ], + [ + "Ġcons", + "olid" + ], + [ + "Ġop", + "s" + ], + [ + "ĠB", + "etween" + ], + [ + "j", + "ack" + ], + [ + "ern", + "ational" + ], + [ + "Ġsacr", + "ifice" + ], + [ + "ag", + "ation" + ], + [ + "ĠJ", + "oy" + ], + [ + "Ġam", + "endment" + ], + [ + "ĠS", + "old" + ], + [ + "Ġprison", + "ers" + ], + [ + "ан", + "нÑĭ" + ], + [ + "Doc", + "uments" + ], + [ + ")", + "])Ċ" + ], + [ + "ust", + "ed" + ], + [ + "ĠLine", + "arLayout" + ], + [ + "os", + "o" + ], + [ + "_E", + "M" + ], + [ + ".s", + "elf" + ], + [ + ".M", + "iddle" + ], + [ + ")", + "//" + ], + [ + "Ġ\\", + "'" + ], + [ + "Ġfuck", + "ed" + ], + [ + "ĠM", + "urray" + ], + [ + "Ġprof", + "ound" + ], + [ + "_E", + "LEMENT" + ], + [ + "ult", + "a" + ], + [ + "il", + "ers" + ], + [ + "port", + "folio" + ], + [ + "J", + "une" + ], + [ + "t", + "cp" + ], + [ + "mod", + "ified" + ], + [ + "ĠTr", + "ace" + ], + [ + "ĠK", + "el" + ], + [ + "aly", + "zer" + ], + [ + ")", + "=>" + ], + [ + "ĠRep", + "air" + ], + [ + "_B", + "E" + ], + [ + "Br", + "and" + ], + [ + "u", + "art" + ], + [ + "pre", + "view" + ], + [ + "Ġiniti", + "atives" + ], + [ + "run", + "ning" + ], + [ + "b", + "ang" + ], + [ + "ĉ", + "update" + ], + [ + "ĠCo", + "ach" + ], + [ + "R", + "ich" + ], + [ + "Ġy", + "outube" + ], + [ + "Ġrit", + "ual" + ], + [ + "app", + "a" + ], + [ + "ĠRobin", + "son" + ], + [ + "prec", + "ision" + ], + [ + "////////////////////////////////////////////////////////////////", + "////////////" + ], + [ + "=[", + "]Ċ" + ], + [ + "Ġcelebr", + "ated" + ], + [ + "OT", + "O" + ], + [ + "Ġin", + "clusion" + ], + [ + "J", + "P" + ], + [ + "'", + ";čĊčĊ" + ], + [ + "Ġnot", + "able" + ], + [ + "(_", + "." + ], + [ + "Man", + "aged" + ], + [ + "Ġgu", + "ides" + ], + [ + "&", + "nbsp" + ], + [ + "ated", + "Route" + ], + [ + "ĠAd", + "just" + ], + [ + "Ġcol", + "ored" + ], + [ + "_s", + "cores" + ], + [ + "ĠTes", + "la" + ], + [ + "_pro", + "gress" + ], + [ + ".in", + "st" + ], + [ + "['", + "_" + ], + [ + ".fl", + "ags" + ], + [ + "Ġf", + "close" + ], + [ + "_O", + "PER" + ], + [ + "ż", + "y" + ], + [ + "_n", + "ote" + ], + [ + "Ġtrans", + "gender" + ], + [ + "å", + "ķ" + ], + [ + "RI", + "PT" + ], + [ + "Ġabs", + "ent" + ], + [ + "Ġam", + "et" + ], + [ + "Ġoper", + "and" + ], + [ + "ë", + "©" + ], + [ + "Ġh", + "ood" + ], + [ + "to", + "LowerCase" + ], + [ + "av", + "o" + ], + [ + "ĠCirc", + "uit" + ], + [ + "ĠL", + "ind" + ], + [ + "--", + "}}Ċ" + ], + [ + "=", + "m" + ], + [ + "Ġsup", + "press" + ], + [ + "ĠM", + "AP" + ], + [ + "i", + "ang" + ], + [ + "-", + "admin" + ], + [ + "Ġside", + "bar" + ], + [ + "ĠB", + "u" + ], + [ + "ĠH", + "ex" + ], + [ + ",", + "F" + ], + [ + "ĠSign", + "al" + ], + [ + "Ġtrans", + "parency" + ], + [ + "ĠFeder", + "ation" + ], + [ + "/", + "V" + ], + [ + "Re", + "q" + ], + [ + "Ġpul", + "se" + ], + [ + "Ġt", + "ends" + ], + [ + "Num", + "bers" + ], + [ + "%", + "'" + ], + [ + "Ġde", + "port" + ], + [ + "dat", + "as" + ], + [ + "_U", + "INT" + ], + [ + "_", + "tra" + ], + [ + "ok", + "o" + ], + [ + "Ġ\"", + "?" + ], + [ + "comp", + "et" + ], + [ + "sole", + "te" + ], + [ + "und", + "ry" + ], + [ + "Ġover", + "lap" + ], + [ + "}`", + ",Ċ" + ], + [ + ".", + "ly" + ], + [ + "_sum", + "mary" + ], + [ + "ĠL", + "ost" + ], + [ + ".C", + "enter" + ], + [ + "Ġdis", + "ability" + ], + [ + ".Serial", + "ization" + ], + [ + "Ġge", + "om" + ], + [ + "Ġ?", + ":" + ], + [ + "ĠW", + "o" + ], + [ + "Ġsh", + "ipped" + ], + [ + "Ĥ", + "æķ°" + ], + [ + "Ġu", + "gly" + ], + [ + "Ġexcit", + "ement" + ], + [ + "Ġext", + "erior" + ], + [ + "Ġcheck", + "out" + ], + [ + "Ġk", + "ur" + ], + [ + ",", + "D" + ], + [ + "ĠAl", + "aska" + ], + [ + "Ġsyn", + "thetic" + ], + [ + "ĠB", + "udget" + ], + [ + "ĠSub", + "scribe" + ], + [ + "Ġ&", + "Ċ" + ], + [ + "ÈĻ", + "i" + ], + [ + "ĠY", + "u" + ], + [ + "ĉ", + "query" + ], + [ + "}", + ".Ċ" + ], + [ + "Ġtr", + "aged" + ], + [ + "ass", + "en" + ], + [ + "Ġaccommod", + "ation" + ], + [ + "Ġphys", + "ician" + ], + [ + "Ġren", + "amed" + ], + [ + "Ġtid", + "ak" + ], + [ + "z", + "Äħ" + ], + [ + "Ġmin", + "us" + ], + [ + "ny", + "ch" + ], + [ + "_EX", + "CEPTION" + ], + [ + "thread", + "s" + ], + [ + "Ġt", + "ire" + ], + [ + "_c", + "reated" + ], + [ + "ens", + "ure" + ], + [ + "Ġworth", + "y" + ], + [ + "Ġexc", + "use" + ], + [ + "Ġclo", + "th" + ], + [ + ".parent", + "Node" + ], + [ + "/pl", + "atform" + ], + [ + "ĠU", + "FC" + ], + [ + "ĠG", + "tk" + ], + [ + "un", + "ny" + ], + [ + "Ġg", + "ibt" + ], + [ + "ke", + "ley" + ], + [ + "h", + "um" + ], + [ + "(t", + "x" + ], + [ + "ĉ", + "dev" + ], + [ + "Ġout", + "fit" + ], + [ + "do", + "ors" + ], + [ + "Ġf", + "on" + ], + [ + "ic", + "ut" + ], + [ + "vol", + "atile" + ], + [ + "Ġhom", + "osex" + ], + [ + "Max", + "imum" + ], + [ + "Ġexp", + "end" + ], + [ + "Ġ});ĊĊ", + "Ċ" + ], + [ + "E", + "q" + ], + [ + "ond", + "ers" + ], + [ + "dep", + "artment" + ], + [ + "ĠPhys", + "ics" + ], + [ + "\"", + "});Ċ" + ], + [ + "Ġpar", + "ad" + ], + [ + ".S", + "tr" + ], + [ + "Ġse", + "le" + ], + [ + "IF", + "IED" + ], + [ + "Ġdel", + "ivers" + ], + [ + "iv", + "an" + ], + [ + "Ġrespons", + "ibilities" + ], + [ + "Ġadvoc", + "ates" + ], + [ + "è", + "µ" + ], + [ + "ĠR", + "ID" + ], + [ + ".param", + "eters" + ], + [ + "M", + "etrics" + ], + [ + "ron", + "ics" + ], + [ + "ĠUITableView", + "Cell" + ], + [ + "A", + "bsolute" + ], + [ + "ip", + "se" + ], + [ + "yl", + "um" + ], + [ + "MLE", + "lement" + ], + [ + "_VAL", + "ID" + ], + [ + "<", + "title" + ], + [ + "D", + "lg" + ], + [ + "p", + "aces" + ], + [ + "Ġsynd", + "rome" + ], + [ + "be", + "ans" + ], + [ + "_d", + "atabase" + ], + [ + "oz", + "illa" + ], + [ + "ĠM", + "eg" + ], + [ + "DB", + "G" + ], + [ + "Ġl", + "ub" + ], + [ + "Bag", + "Constraints" + ], + [ + "ab", + "ad" + ], + [ + "Ġproject", + "ed" + ], + [ + "_BY", + "TE" + ], + [ + ".Size", + "F" + ], + [ + "st", + "reet" + ], + [ + "ĊĊĊĊ", + "ĊĊĊĊĊĊ" + ], + [ + "ĠLO", + "SS" + ], + [ + "Ġdirect", + "ors" + ], + [ + "/", + "news" + ], + [ + "Ġnurs", + "ing" + ], + [ + "ĠD", + "one" + ], + [ + ".", + "HTTP" + ], + [ + "dis", + "count" + ], + [ + "ĠR", + "ot" + ], + [ + "To", + "Many" + ], + [ + "Ġen", + "abling" + ], + [ + "Ġauss", + "i" + ], + [ + "ost", + "a" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "čĊ" + ], + [ + "è½", + "½" + ], + [ + "Ġhel", + "icopt" + ], + [ + "ĠIn", + "side" + ], + [ + "ä¿¡", + "æģ¯" + ], + [ + "is", + "per" + ], + [ + "ĠAll", + "ah" + ], + [ + "ARCH", + "AR" + ], + [ + "Ġroll", + "s" + ], + [ + "Com", + "pare" + ], + [ + "X", + "P" + ], + [ + "Index", + "Of" + ], + [ + "S", + "UM" + ], + [ + "Ġass", + "ured" + ], + [ + "ĠPhys", + "ical" + ], + [ + "End", + "point" + ], + [ + ".G", + "lobal" + ], + [ + ".d", + "etail" + ], + [ + "Ġthe", + "ft" + ], + [ + ".j", + "upiter" + ], + [ + "Ġhum", + "or" + ], + [ + ".R", + "ender" + ], + [ + "A", + "lex" + ], + [ + ".c", + "ap" + ], + [ + "Ġbuff", + "ers" + ], + [ + "Ġdis", + "pose" + ], + [ + "t", + "ion" + ], + [ + ".p", + "resent" + ], + [ + "z", + "el" + ], + [ + ",", + "P" + ], + [ + "Ġdesper", + "ate" + ], + [ + ".get", + "Column" + ], + [ + "Ġtw", + "in" + ], + [ + "ì", + "ĸ" + ], + [ + ".c", + "an" + ], + [ + "Ġf", + "lee" + ], + [ + "ĠIran", + "ian" + ], + [ + "Ġstick", + "y" + ], + [ + "ĠU", + "TC" + ], + [ + "L", + "T" + ], + [ + "////////////////////////////////", + "////////////////" + ], + [ + "Ġl", + "icensing" + ], + [ + "_PO", + "INT" + ], + [ + "ĠM", + "aps" + ], + [ + "Ġl", + "ol" + ], + [ + "=", + "models" + ], + [ + "-t", + "ab" + ], + [ + "ĠN", + "ash" + ], + [ + "_log", + "ger" + ], + [ + "tor", + "ch" + ], + [ + "ĠCON", + "SEQUENTIAL" + ], + [ + "Not", + "Empty" + ], + [ + "/", + "react" + ], + [ + "Ġp", + "f" + ], + [ + "Ġassert", + "ion" + ], + [ + "Ġsubsequ", + "ently" + ], + [ + "_c", + "an" + ], + [ + "Ġpand", + "emic" + ], + [ + "og", + "ue" + ], + [ + "\"+", + "Ċ" + ], + [ + "_", + "ent" + ], + [ + "_P", + "aram" + ], + [ + ".ĊĊ", + "ĊĊĊĊĊĊ" + ], + [ + "Res", + "earch" + ], + [ + "C", + "apture" + ], + [ + "Ġbel", + "oved" + ], + [ + "d", + "em" + ], + [ + "Ġextract", + "ed" + ], + [ + "Ġf", + "ights" + ], + [ + "ER", + "C" + ], + [ + "(a", + "uth" + ], + [ + "position", + "s" + ], + [ + "Ġrevers", + "ed" + ], + [ + "(st", + "ack" + ], + [ + "Ġ_", + ")" + ], + [ + "uto", + "ff" + ], + [ + "_fl", + "ow" + ], + [ + "ç", + "Ĥ¹" + ], + [ + "(", + "Game" + ], + [ + "Ġex", + "cluded" + ], + [ + "ĠCS", + "V" + ], + [ + "c", + "g" + ], + [ + "ĠT", + "itan" + ], + [ + "p", + "ause" + ], + [ + "Ġcer", + "ca" + ], + [ + "Ġdump", + "ster" + ], + [ + "L", + "ess" + ], + [ + "Ġkotlin", + "x" + ], + [ + "aster", + "xml" + ], + [ + "Ġpoint", + "ers" + ], + [ + "Ġfl", + "ows" + ], + [ + "ĠT", + "un" + ], + [ + "ĠMain", + "Activity" + ], + [ + "Ġdis", + "cret" + ], + [ + "Ġcomb", + "inations" + ], + [ + "vis", + "it" + ], + [ + "_b", + "ind" + ], + [ + "oot", + "ing" + ], + [ + "d", + "ater" + ], + [ + "_look", + "up" + ], + [ + ".n", + "io" + ], + [ + "Ġswe", + "at" + ], + [ + "ĠR", + "d" + ], + [ + "Ġscient", + "ist" + ], + [ + "ĠP", + "ixel" + ], + [ + "@", + "NgModule" + ], + [ + "Play", + "ing" + ], + [ + "Ġunf", + "old" + ], + [ + "Trans", + "late" + ], + [ + "ĠLaw", + "rence" + ], + [ + "ĠFIX", + "ME" + ], + [ + "B", + "ill" + ], + [ + "ĠR", + "IGHT" + ], + [ + "Ġwhere", + "ver" + ], + [ + "Ġo", + "ok" + ], + [ + "vid", + "ence" + ], + [ + "Ġ]", + "];" + ], + [ + "ĠSk", + "ill" + ], + [ + "unist", + "d" + ], + [ + "ĠðŁ", + "ĻĤ" + ], + [ + "Ġfem", + "ales" + ], + [ + "--", + ")Ċ" + ], + [ + "İ·", + "åıĸ" + ], + [ + "ĠF", + "red" + ], + [ + "Over", + "all" + ], + [ + "Ù", + "Ĥ" + ], + [ + "Ġess", + "ence" + ], + [ + "Ġthere", + "by" + ], + [ + "Ġw", + "ounded" + ], + [ + "ĠD", + "OWN" + ], + [ + "les", + "son" + ], + [ + "text", + "ure" + ], + [ + "R", + "ound" + ], + [ + "Ġautom", + "ated" + ], + [ + "ĠÐ", + "¡" + ], + [ + "ĠUp", + "dates" + ], + [ + "Ġsh", + "ade" + ], + [ + "p", + "ublish" + ], + [ + "ĠG", + "ear" + ], + [ + "=", + "lambda" + ], + [ + "Ġle", + "ver" + ], + [ + ")", + "+\"" + ], + [ + "h", + "ill" + ], + [ + "Ġrad", + "ar" + ], + [ + "ry", + "ing" + ], + [ + "Ġ\"", + ")." + ], + [ + "f", + "illed" + ], + [ + "Ġline", + "up" + ], + [ + "Ġd", + "l" + ], + [ + "Ġworks", + "pace" + ], + [ + "V", + "o" + ], + [ + "_d", + "t" + ], + [ + "ë", + "²" + ], + [ + "_", + "Item" + ], + [ + "NS", + "URL" + ], + [ + ".", + "verify" + ], + [ + "ĠHawai", + "i" + ], + [ + "G", + "od" + ], + [ + "M", + "arch" + ], + [ + "Ġ[â̦", + "]" + ], + [ + "Ġpel", + "o" + ], + [ + "ur", + "ious" + ], + [ + "ĠPitt", + "sburgh" + ], + [ + ".", + "It" + ], + [ + "C", + "lean" + ], + [ + ">", + "\\<^" + ], + [ + "Ġi", + "os" + ], + [ + "s", + "ound" + ], + [ + "\"]", + ";" + ], + [ + "Ġfre", + "ed" + ], + [ + "rot", + "tle" + ], + [ + "ĠL", + "ower" + ], + [ + "[", + "count" + ], + [ + "å", + "Ŀ" + ], + [ + "Ġp", + "ale" + ], + [ + "ĠWay", + "ne" + ], + [ + "ear", + "th" + ], + [ + "_c", + "ategories" + ], + [ + "U", + "CK" + ], + [ + ".m", + "etadata" + ], + [ + "Ġsum", + "mon" + ], + [ + "H", + "OME" + ], + [ + "олÑĮ", + "з" + ], + [ + "Ġmanufact", + "ured" + ], + [ + "Ġdo", + "ck" + ], + [ + "Ġcompet", + "itors" + ], + [ + "_MODE", + "L" + ], + [ + "ok", + "ia" + ], + [ + "ĠH", + "ey" + ], + [ + "Î", + "¿" + ], + [ + "Ġback", + "ward" + ], + [ + "ĠPO", + "SS" + ], + [ + "rop", + "a" + ], + [ + "Ġc", + "ri" + ], + [ + "_O", + "BJ" + ], + [ + "Trans", + "port" + ], + [ + "-h", + "igh" + ], + [ + "Ġerot", + "ik" + ], + [ + "_s", + "lot" + ], + [ + "Ġart", + "ic" + ], + [ + "_f", + "ramework" + ], + [ + "-ser", + "if" + ], + [ + "ĠSql", + "DbType" + ], + [ + "')", + "(" + ], + [ + "+", + "\"/" + ], + [ + "Ġw", + "ore" + ], + [ + "S", + "il" + ], + [ + "Ġst", + "oring" + ], + [ + "ĠPh", + "ase" + ], + [ + "u", + "ant" + ], + [ + "Ġb", + "ump" + ], + [ + "in", + "ho" + ], + [ + "Ġd", + "ign" + ], + [ + "Ġback", + "s" + ], + [ + "q", + "q" + ], + [ + "(h", + "ash" + ], + [ + "Ġge", + "o" + ], + [ + "Ġt", + "ender" + ], + [ + "Log", + "o" + ], + [ + "!", + ")Ċ" + ], + [ + "ĠM", + "X" + ], + [ + "ĠAr", + "thur" + ], + [ + "esso", + "a" + ], + [ + "_C", + "h" + ], + [ + "Ġbed", + "rooms" + ], + [ + "=\"#", + "\"><" + ], + [ + "Ġth", + "roat" + ], + [ + "ins", + "ic" + ], + [ + ".int", + "eger" + ], + [ + "Ġpr", + "imitive" + ], + [ + "Truth", + "y" + ], + [ + "Ġfacilit", + "ate" + ], + [ + "Ġcreat", + "ivity" + ], + [ + "ĠD", + "NS" + ], + [ + "Ġg", + "ra" + ], + [ + "ue", + "z" + ], + [ + "Ġcount", + "less" + ], + [ + "ĠPol", + "and" + ], + [ + "'", + "M" + ], + [ + "ĠD", + "ist" + ], + [ + "Ġv", + "est" + ], + [ + "Ġcert", + "ification" + ], + [ + "á»", + "ij" + ], + [ + "h", + "eld" + ], + [ + "ext", + "ensions" + ], + [ + "(", + "static" + ], + [ + "Ġgr", + "ades" + ], + [ + "ĠU", + "ber" + ], + [ + "ãģ", + "Ł" + ], + [ + "Ġ[", + "])Ċ" + ], + [ + "dat", + "os" + ], + [ + "Ġget", + "Data" + ], + [ + "ĠCh", + "arg" + ], + [ + "ĠB", + "S" + ], + [ + ".m", + "icrosoft" + ], + [ + ".v", + "ideo" + ], + [ + ".d", + "irection" + ], + [ + "->{", + "'" + ], + [ + "l", + "ua" + ], + [ + "ape", + "st" + ], + [ + "Ġbo", + "iler" + ], + [ + "ere", + "k" + ], + [ + "Ġdec", + "ides" + ], + [ + ".j", + "ar" + ], + [ + "IS", + "C" + ], + [ + "ĠW", + "ords" + ], + [ + "(C", + "ON" + ], + [ + "EMPL", + "ATE" + ], + [ + "ree", + "ze" + ], + [ + "sh", + "ots" + ], + [ + "app", + "s" + ], + [ + "unt", + "ed" + ], + [ + ".set", + "Name" + ], + [ + "::", + "<" + ], + [ + "-b", + "old" + ], + [ + "ê", + "²" + ], + [ + "å¯", + "Ĩ" + ], + [ + "Long", + "rightarrow" + ], + [ + "Ġunf", + "air" + ], + [ + "Ġear", + "ning" + ], + [ + "Ġsh", + "elf" + ], + [ + "URE", + "MENT" + ], + [ + "Ġid", + "le" + ], + [ + "_M", + "ENU" + ], + [ + ".C", + "ustom" + ], + [ + "AG", + "ER" + ], + [ + "-", + "\"" + ], + [ + "_s", + "witch" + ], + [ + "b", + "ecause" + ], + [ + ")", + "view" + ], + [ + "m", + "are" + ], + [ + "_", + "condition" + ], + [ + "ĠStart", + "ing" + ], + [ + "M", + "vc" + ], + [ + "(p", + "re" + ], + [ + "d", + "ump" + ], + [ + "_LO", + "CK" + ], + [ + "at", + "etime" + ], + [ + ".c", + "allback" + ], + [ + "ĠC", + "er" + ], + [ + "op", + "ol" + ], + [ + "ib", + "rary" + ], + [ + "Ġres", + "ervation" + ], + [ + "ĉĉĉĉĉĉĉ", + "Ċ" + ], + [ + "lect", + "or" + ], + [ + "grad", + "uate" + ], + [ + "Ġgener", + "ous" + ], + [ + "Ġ", + "ion" + ], + [ + "ric", + "ao" + ], + [ + "m", + "q" + ], + [ + "_com", + "plete" + ], + [ + "(c", + "ursor" + ], + [ + "ĠForm", + "Control" + ], + [ + ":", + "center" + ], + [ + "Ġsub", + "stitute" + ], + [ + "ĠPl", + "anning" + ], + [ + "Ġp", + "ension" + ], + [ + "Ġrecommend", + "ation" + ], + [ + "ĠT", + "ags" + ], + [ + "Ġg", + "ef" + ], + [ + "Ġalbum", + "s" + ], + [ + "Ġwash", + "ing" + ], + [ + "ro", + "c" + ], + [ + "Ġtr", + "ains" + ], + [ + "at", + "ings" + ], + [ + "Ġex", + "ponent" + ], + [ + "ack", + "bar" + ], + [ + "-", + "ln" + ], + [ + "á", + "g" + ], + [ + ".Data", + "Annotations" + ], + [ + "ĠE", + "IF" + ], + [ + "ĠMalays", + "ia" + ], + [ + "ĉ", + "PORT" + ], + [ + "on", + "us" + ], + [ + "Ġcle", + "ver" + ], + [ + "Ġpe", + "u" + ], + [ + ">", + "ĊĊĊĊ" + ], + [ + "ĠArg", + "uments" + ], + [ + "Ġdebug", + "ging" + ], + [ + "(", + "right" + ], + [ + "'", + "D" + ], + [ + "com", + "pute" + ], + [ + "Ġfin", + "est" + ], + [ + "OR", + "AGE" + ], + [ + "Ġspect", + "acular" + ], + [ + "ph", + "rase" + ], + [ + "Ġind", + "ia" + ], + [ + "Ġlegend", + "ary" + ], + [ + "b", + "irth" + ], + [ + "Ġcom", + "posite" + ], + [ + "Ġg", + "rows" + ], + [ + "ĠT", + "D" + ], + [ + "Ġep", + "id" + ], + [ + "Ġlaunch", + "ing" + ], + [ + "]", + "][" + ], + [ + "Min", + "utes" + ], + [ + "ĠCh", + "a" + ], + [ + "Ġclean", + "ed" + ], + [ + "Ġwitness", + "es" + ], + [ + "uk", + "an" + ], + [ + "ĉ", + "Type" + ], + [ + "Ġhab", + "e" + ], + [ + "par", + "agraph" + ], + [ + "ĠJ", + "Panel" + ], + [ + "ĠH", + "ann" + ], + [ + "Ġvar", + "ied" + ], + [ + "ĠP", + "okemon" + ], + [ + "ĠM", + "UST" + ], + [ + "åĬ", + "¨" + ], + [ + ".vis", + "ibility" + ], + [ + "op", + "up" + ], + [ + "^", + "[" + ], + [ + ".exp", + "and" + ], + [ + "Ġ\"", + "'," + ], + [ + ".f", + "asterxml" + ], + [ + "_", + "auto" + ], + [ + "ĠShe", + "et" + ], + [ + "mark", + "er" + ], + [ + "Par", + "cel" + ], + [ + "ew", + "s" + ], + [ + "ĠStr", + "ategy" + ], + [ + "-m", + "aking" + ], + [ + "Ġun", + "ve" + ], + [ + "Ġtrail", + "ing" + ], + [ + "Ġclick", + "s" + ], + [ + "ĠGet", + "Component" + ], + [ + "ĉ", + "content" + ], + [ + "IG", + "ENCE" + ], + [ + "ERN", + "EL" + ], + [ + "NSMutable", + "Array" + ], + [ + "Ġb", + "reat" + ], + [ + "Ġharm", + "ful" + ], + [ + "¶", + "Ī" + ], + [ + "Ġbes", + "ides" + ], + [ + "Ġb", + "oring" + ], + [ + "Ġbrut", + "al" + ], + [ + "v", + "ang" + ], + [ + "(p", + "arse" + ], + [ + "qu", + "ick" + ], + [ + "Ġpy", + "test" + ], + [ + "Ġswitch", + "ing" + ], + [ + "()", + "]Ċ" + ], + [ + "Ġì", + "Ħ" + ], + [ + "L", + "ER" + ], + [ + "ĉf", + "ont" + ], + [ + "Ġnet", + "t" + ], + [ + ")", + "]ĊĊ" + ], + [ + "(/", + "\\" + ], + [ + "æŀ", + "ľ" + ], + [ + "to", + "Array" + ], + [ + "Ġbre", + "ed" + ], + [ + "ĠC", + "AR" + ], + [ + "ĠWe", + "apon" + ], + [ + "A", + "bs" + ], + [ + "t", + "ot" + ], + [ + "Ġset", + "Name" + ], + [ + "apt", + "ive" + ], + [ + "Ġ:", + "," + ], + [ + "Ġesc", + "aped" + ], + [ + "ord", + "en" + ], + [ + "ĠP", + "ri" + ], + [ + "th", + "umbnail" + ], + [ + "Ġdescri", + "ptions" + ], + [ + "/", + "styles" + ], + [ + "ĠPC", + "I" + ], + [ + "Ġal", + "phabet" + ], + [ + "astic", + "search" + ], + [ + "NOT", + "E" + ], + [ + "Ġc", + "ialis" + ], + [ + "ĠGr", + "iff" + ], + [ + "Ġpor", + "que" + ], + [ + "Ġprote", + "ins" + ], + [ + "pl", + "ays" + ], + [ + "Ġst", + "ating" + ], + [ + "Ġimag", + "ination" + ], + [ + "Ġfac", + "ial" + ], + [ + "ĠMe", + "chan" + ], + [ + "Ġarr", + "anged" + ], + [ + "_", + "used" + ], + [ + "Ġarrang", + "ements" + ], + [ + "ĠP", + "ipe" + ], + [ + "host", + "name" + ], + [ + "Ġprov", + "inc" + ], + [ + "T", + "it" + ], + [ + ".Flat", + "Style" + ], + [ + "ĠS", + "plit" + ], + [ + "ĠLo", + "ader" + ], + [ + ".c", + "c" + ], + [ + "Ġclin", + "ic" + ], + [ + "----------------", + "------------" + ], + [ + "Ġb", + "aking" + ], + [ + "ĠEN", + "T" + ], + [ + "ne", + "ath" + ], + [ + "ãĢģ", + "ĊĊ" + ], + [ + "AN", + "E" + ], + [ + ".EntityFramework", + "Core" + ], + [ + "app", + "ers" + ], + [ + ".", + "ic" + ], + [ + "ĠNg", + "Module" + ], + [ + "ĠF", + "ORM" + ], + [ + "Ġ'", + ";" + ], + [ + "-pro", + "fit" + ], + [ + "h", + "w" + ], + [ + "en", + "emy" + ], + [ + "ĠE", + "ye" + ], + [ + "Ġca", + "ution" + ], + [ + "t", + "own" + ], + [ + "Ġur", + "ged" + ], + [ + "ĠJim", + "my" + ], + [ + "ynchron", + "ous" + ], + [ + "-s", + "ized" + ], + [ + "m", + "aking" + ], + [ + ",", + "{" + ], + [ + "]", + "'," + ], + [ + "_", + "Object" + ], + [ + "ah", + "oma" + ], + [ + "Ġactiv", + "ist" + ], + [ + "IN", + "VAL" + ], + [ + "ĠCom", + "mercial" + ], + [ + "ĠOr", + "lando" + ], + [ + "(t", + "ab" + ], + [ + "ĠØ", + "¨" + ], + [ + "Al", + "gorithm" + ], + [ + "Ġher", + "itage" + ], + [ + "Get", + "Mapping" + ], + [ + "Ġfail", + "ures" + ], + [ + "ri", + "os" + ], + [ + "at", + "iva" + ], + [ + "Ġt", + "et" + ], + [ + "Ġcar", + "pet" + ], + [ + "(", + "Z" + ], + [ + "th", + "ree" + ], + [ + "Ġdisc", + "losure" + ], + [ + ".", + "ERROR" + ], + [ + "_c", + "alled" + ], + [ + "Ġd", + "ial" + ], + [ + "Ġoccas", + "ional" + ], + [ + ".E", + "rr" + ], + [ + "Ġfunc", + "ion" + ], + [ + "caff", + "old" + ], + [ + "Ġrele", + "asing" + ], + [ + "ï¼ī", + "ĊĊ" + ], + [ + "_", + "Value" + ], + [ + "ĠV", + "ari" + ], + [ + "y", + "ellow" + ], + [ + "Ġstrugg", + "les" + ], + [ + ".c", + "al" + ], + [ + "ĠDak", + "ota" + ], + [ + "ĉc", + "lose" + ], + [ + "Ġsand", + "wich" + ], + [ + "Ġanaly", + "tics" + ], + [ + "Ġ**", + ")" + ], + [ + "&", + "#" + ], + [ + "ĠJ", + "os" + ], + [ + "Ġpass", + "ive" + ], + [ + "AT", + "TR" + ], + [ + "Th", + "rowable" + ], + [ + "ĠM", + "un" + ], + [ + "ĠU", + "int" + ], + [ + "(dis", + "posing" + ], + [ + "ar", + "ak" + ], + [ + "ĠLe", + "aders" + ], + [ + "Ġaffect", + "ing" + ], + [ + "Ġitem", + "View" + ], + [ + "Ġeconom", + "ics" + ], + [ + "f", + "v" + ], + [ + "à¹", + "Ģ" + ], + [ + ".r", + "b" + ], + [ + "ĠOver", + "all" + ], + [ + "Ġwealth", + "y" + ], + [ + "Ġev", + "olved" + ], + [ + "nd", + "a" + ], + [ + "ĠH", + "us" + ], + [ + "re", + "strict" + ], + [ + "um", + "en" + ], + [ + "ĠA", + "gricult" + ], + [ + "!", + "ĊĊĊ" + ], + [ + "Ġexp", + "ires" + ], + [ + "Ġspokes", + "person" + ], + [ + "int", + "erval" + ], + [ + "ĠÃ", + "¢" + ], + [ + "Ġque", + "en" + ], + [ + "(n", + "il" + ], + [ + "ing", + "o" + ], + [ + "He", + "ap" + ], + [ + "Ù", + "İ" + ], + [ + "Ġcompl", + "ain" + ], + [ + "S", + "ym" + ], + [ + "ĠCl", + "one" + ], + [ + "ĠR", + "u" + ], + [ + "ĠW", + "ILL" + ], + [ + "ĠCr", + "ystal" + ], + [ + "/", + "content" + ], + [ + "ing", + "en" + ], + [ + "oint", + "ment" + ], + [ + "Last", + "Name" + ], + [ + "av", + "icon" + ], + [ + "ĠIB", + "M" + ], + [ + "ĠDim", + "ension" + ], + [ + "an", + "h" + ], + [ + "icip", + "ants" + ], + [ + "ĠAn", + "ne" + ], + [ + ".pro", + "gress" + ], + [ + "Ġal", + "go" + ], + [ + "ob", + "il" + ], + [ + "ĠV", + "oice" + ], + [ + "ĠF", + "E" + ], + [ + "Ġg", + "li" + ], + [ + "Ġv", + "ed" + ], + [ + "Ġprevent", + "s" + ], + [ + "\\", + "Column" + ], + [ + "Ġfol", + "k" + ], + [ + "ett", + "i" + ], + [ + "Ġm", + "n" + ], + [ + "ĠCL", + "ASS" + ], + [ + "Ġdisplay", + "ing" + ], + [ + "ĠK", + "l" + ], + [ + "ĠF", + "err" + ], + [ + "d", + "uto" + ], + [ + ".", + "ib" + ], + [ + "Ġd", + "ados" + ], + [ + "'", + "name" + ], + [ + "-s", + "pace" + ], + [ + "Ġit", + "alian" + ], + [ + "Ġin", + "verse" + ], + [ + "Ġd", + "ense" + ], + [ + "ut", + "er" + ], + [ + "ĠI", + "Enumerator" + ], + [ + "-s", + "ign" + ], + [ + "Ġnation", + "wide" + ], + [ + "Ġperson", + "a" + ], + [ + "Ġsol", + "ved" + ], + [ + "Ġdram", + "atically" + ], + [ + "Log", + "out" + ], + [ + "Ġgr", + "av" + ], + [ + "Ġanalys", + "es" + ], + [ + "ol", + "lo" + ], + [ + "Ġl", + "amp" + ], + [ + ".", + "team" + ], + [ + "ĠE", + "rot" + ], + [ + "=", + "[\"" + ], + [ + "Ġd", + "ancing" + ], + [ + "Ġ?>", + "/" + ], + [ + "Ġc", + "ater" + ], + [ + "ff", + "e" + ], + [ + "ĠSh", + "a" + ], + [ + "ĠB", + "os" + ], + [ + "ĠRE", + "QUIRE" + ], + [ + "ĠMon", + "ster" + ], + [ + "ĠR", + "B" + ], + [ + "ĠI", + "DE" + ], + [ + "Ġsu", + "its" + ], + [ + "Ġform", + "Data" + ], + [ + "(", + "theta" + ], + [ + "Ġsp", + "atial" + ], + [ + "=", + "NULL" + ], + [ + "ĠSql", + "Connection" + ], + [ + "Ġ", + "à" + ], + [ + "ĠV", + "enez" + ], + [ + "ĠMor", + "ning" + ], + [ + "Ġpublic", + "ations" + ], + [ + "ĠNON", + "INFRINGEMENT" + ], + [ + "first", + "Name" + ], + [ + "ud", + "s" + ], + [ + "W", + "ould" + ], + [ + "_HE", + "AD" + ], + [ + "Ġinvest", + "ed" + ], + [ + "st", + "able" + ], + [ + "f", + "red" + ], + [ + "Ġcommand", + "er" + ], + [ + "SE", + "S" + ], + [ + "âĢĶ", + "a" + ], + [ + "an", + "che" + ], + [ + "ĠM", + "ovement" + ], + [ + "ë", + "³" + ], + [ + "S", + "uite" + ], + [ + "Ġjur", + "isdiction" + ], + [ + "ë¦", + "¬" + ], + [ + "ĠB", + "eth" + ], + [ + "j", + "Query" + ], + [ + "ĠIs", + "a" + ], + [ + "Ġd", + "ental" + ], + [ + ",", + "*" + ], + [ + "ĠL", + "imit" + ], + [ + "ili", + "ation" + ], + [ + "=\"", + "{" + ], + [ + "b", + "ast" + ], + [ + "Ġt", + "urb" + ], + [ + "is", + "y" + ], + [ + "O", + "OK" + ], + [ + "Ġadvoc", + "ate" + ], + [ + "im", + "ag" + ], + [ + "LE", + "CTION" + ], + [ + "л", + "ÑĮ" + ], + [ + "(c", + "ategory" + ], + [ + ".de", + "c" + ], + [ + "Ġun", + "iqu" + ], + [ + "_s", + "n" + ], + [ + "Ġattract", + "ed" + ], + [ + "ĠÃ", + "ī" + ], + [ + "ĠRun", + "ning" + ], + [ + "_", + "edges" + ], + [ + "ĠDis", + "able" + ], + [ + "_A", + "S" + ], + [ + "åĽ", + "¾" + ], + [ + "Ġnetwork", + "ing" + ], + [ + "_br", + "anch" + ], + [ + "H", + "aving" + ], + [ + "toBe", + "Truthy" + ], + [ + "G", + "I" + ], + [ + "Ġcamp", + "s" + ], + [ + "se", + "p" + ], + [ + "-p", + "art" + ], + [ + "Ġ)ĊĊ", + "ĊĊĊĊĊĊ" + ], + [ + "ustral", + "ia" + ], + [ + "ĠRe", + "ports" + ], + [ + "rit", + "o" + ], + [ + "Ġwa", + "ist" + ], + [ + "_pl", + "us" + ], + [ + "ĠW", + "W" + ], + [ + "-p", + "erson" + ], + [ + "Apr", + "il" + ], + [ + "Ġs", + "ar" + ], + [ + ".t", + "ar" + ], + [ + "Ġagricult", + "ural" + ], + [ + "t", + "ic" + ], + [ + "Ġt", + "cp" + ], + [ + "Ġset", + "Value" + ], + [ + "agent", + "o" + ], + [ + "ĠAp", + "pe" + ], + [ + "p", + "iler" + ], + [ + "CA", + "DE" + ], + [ + "Ġan", + "che" + ], + [ + "atch", + "er" + ], + [ + "Ġcom", + "ics" + ], + [ + "Ġl", + "bs" + ], + [ + "_se", + "gment" + ], + [ + "']", + "=$" + ], + [ + "itt", + "ers" + ], + [ + "ich", + "er" + ], + [ + "G", + "INE" + ], + [ + "Ġutil", + "ize" + ], + [ + "ĠC", + "ursor" + ], + [ + "_ex", + "pression" + ], + [ + "Ġd", + "ag" + ], + [ + "<", + "long" + ], + [ + "Ġr", + "hyth" + ], + [ + "æı", + "IJ" + ], + [ + "Ġconsult", + "ation" + ], + [ + "Y", + "et" + ], + [ + "\"))", + "ĊĊ" + ], + [ + "_M", + "AC" + ], + [ + "c", + "ould" + ], + [ + "Ġ'", + "\\\\" + ], + [ + "ĠV", + "o" + ], + [ + "ĉ", + "http" + ], + [ + "Ġg", + "s" + ], + [ + "ph", + "er" + ], + [ + "-", + "grid" + ], + [ + "J", + "ames" + ], + [ + "J", + "ul" + ], + [ + "Ġsch", + "on" + ], + [ + "Ġtensor", + "flow" + ], + [ + "ĠLOG", + "GER" + ], + [ + "am", + "as" + ], + [ + "Ġsc", + "ipy" + ], + [ + "Ġconv", + "iction" + ], + [ + ".", + "ag" + ], + [ + "Ġadministr", + "ator" + ], + [ + "))", + "{čĊ" + ], + [ + "Ġn", + "un" + ], + [ + "\"", + "group" + ], + [ + "P", + "or" + ], + [ + "Ġnur", + "se" + ], + [ + "ex", + "pression" + ], + [ + "ak", + "y" + ], + [ + "ĠHe", + "avy" + ], + [ + ".", + "opt" + ], + [ + ".get", + "All" + ], + [ + "Ġover", + "l" + ], + [ + "/", + "\"," + ], + [ + "_c", + "ountry" + ], + [ + "ç", + "İ" + ], + [ + "ĠG", + "ENER" + ], + [ + "_r", + "oute" + ], + [ + "ĠD", + "al" + ], + [ + "Â", + "´" + ], + [ + "ol", + "oad" + ], + [ + "Ġuncomfort", + "able" + ], + [ + "(m", + "enu" + ], + [ + "Ġhost", + "name" + ], + [ + "'", + "\");Ċ" + ], + [ + "Ġcalcul", + "ations" + ], + [ + "-c", + "lick" + ], + [ + "Ġprotect", + "ive" + ], + [ + "ãĤ", + "¯" + ], + [ + "_F", + "orm" + ], + [ + "ung", + "s" + ], + [ + "Act", + "ual" + ], + [ + "m", + "f" + ], + [ + "ĠProcess", + "ing" + ], + [ + "ĠIn", + "ventory" + ], + [ + "(m", + "atrix" + ], + [ + "app", + "ropriate" + ], + [ + "w", + "eg" + ], + [ + "ij", + "a" + ], + [ + "Ġch", + "r" + ], + [ + "Ġr", + "ifle" + ], + [ + "-w", + "sj" + ], + [ + "k", + "ar" + ], + [ + "Ġindepend", + "ently" + ], + [ + "I", + "OS" + ], + [ + "Ġconsist", + "ency" + ], + [ + "v", + "n" + ], + [ + "/s", + "ystem" + ], + [ + "ĠCh", + "anges" + ], + [ + "Ġexp", + "ose" + ], + [ + "ici", + "ents" + ], + [ + "Ġrel", + "ate" + ], + [ + "ĉ", + "next" + ], + [ + "è", + "¨" + ], + [ + "ud", + "es" + ], + [ + "Ġglass", + "es" + ], + [ + "F", + "XML" + ], + [ + "....", + ".." + ], + [ + "ĠP", + "df" + ], + [ + "Ġappro", + "ve" + ], + [ + "Ġ{", + "\\" + ], + [ + "Ġexist", + "e" + ], + [ + "))", + "(" + ], + [ + "ARE", + "NT" + ], + [ + "оÐ", + "¿" + ], + [ + "ĠL", + "atest" + ], + [ + "ĠNiger", + "ia" + ], + [ + ".Inter", + "faces" + ], + [ + "Ġrem", + "oves" + ], + [ + "En", + "emy" + ], + [ + "Ġen", + "force" + ], + [ + "vert", + "s" + ], + [ + "ĉ", + "pos" + ], + [ + "_text", + "ure" + ], + [ + "W", + "ARD" + ], + [ + "ĠINC", + "IDENT" + ], + [ + "(", + "container" + ], + [ + "Ġdef", + "ending" + ], + [ + "ĠR", + "X" + ], + [ + "ĠH", + "ook" + ], + [ + "br", + "is" + ], + [ + "ĠFl", + "ask" + ], + [ + "Gr", + "ay" + ], + [ + ".", + ")Ċ" + ], + [ + "vis", + "ibility" + ], + [ + "ĠRedirectTo", + "Action" + ], + [ + "err", + "al" + ], + [ + "_e", + "lem" + ], + [ + "Ġres", + "on" + ], + [ + "front", + "end" + ], + [ + "_variable", + "s" + ], + [ + "ater", + "ia" + ], + [ + "Ġ+", + "\"" + ], + [ + "ave", + "led" + ], + [ + "RI", + "X" + ], + [ + "Ġdef", + "icit" + ], + [ + "_C", + "heck" + ], + [ + "YY", + "YY" + ], + [ + "To", + "One" + ], + [ + "sp", + "y" + ], + [ + "Ġun", + "ited" + ], + [ + "end", + "ent" + ], + [ + "Ġp", + "ode" + ], + [ + "ãģ", + "Į" + ], + [ + "C", + "AT" + ], + [ + "(f", + "mt" + ], + [ + "ĠBon", + "us" + ], + [ + "Ġre", + "ck" + ], + [ + "Â", + "º" + ], + [ + "Mod", + "ules" + ], + [ + "Ġvac", + "uum" + ], + [ + "R", + "adio" + ], + [ + "ĠDAM", + "AGE" + ], + [ + "P", + "en" + ], + [ + "ĠPark", + "er" + ], + [ + ";", + ";Ċ" + ], + [ + "ĠRe", + "ally" + ], + [ + "_n", + "eg" + ], + [ + "p", + "ending" + ], + [ + "Ġnomine", + "e" + ], + [ + "ĠC", + "ategories" + ], + [ + "ĠUl", + "tra" + ], + [ + "We", + "apon" + ], + [ + "Ġdef", + "ender" + ], + [ + "I", + "ss" + ], + [ + "ĠG", + "ender" + ], + [ + "ĠD", + "ress" + ], + [ + "Ġimpr", + "ison" + ], + [ + "Ġbank", + "rupt" + ], + [ + "imension", + "al" + ], + [ + "PH", + "A" + ], + [ + "ĠStr", + "ateg" + ], + [ + "ĠPROF", + "ITS" + ], + [ + "Ġp", + "atri" + ], + [ + "////////////////////////////////////////////////////////////////", + "////////////////" + ], + [ + "de", + "legate" + ], + [ + "Ġfor", + "State" + ], + [ + "Ġdev", + "oted" + ], + [ + "_m", + "ake" + ], + [ + "Ġterror", + "ists" + ], + [ + "ĠS", + "nap" + ], + [ + "_n", + "av" + ], + [ + "ĠA", + "A" + ], + [ + "ĠI", + "an" + ], + [ + "ĉ", + "app" + ], + [ + "Pl", + "acement" + ], + [ + "_h", + "dr" + ], + [ + "<", + "K" + ], + [ + "Ġs", + "ang" + ], + [ + "st", + "roke" + ], + [ + "-", + "Q" + ], + [ + ">", + "x" + ], + [ + ".T", + "ask" + ], + [ + "m", + "oney" + ], + [ + "ib", + "aba" + ], + [ + "'", + "});Ċ" + ], + [ + "ĠSpec", + "ific" + ], + [ + "ĠLine", + "ar" + ], + [ + "_O", + "PT" + ], + [ + "Hash", + "Code" + ], + [ + "(", + "Player" + ], + [ + ".Contains", + "Key" + ], + [ + "Ġcoll", + "apsed" + ], + [ + "trans", + "parent" + ], + [ + "_R", + "ANGE" + ], + [ + "View", + "er" + ], + [ + "(c", + "fg" + ], + [ + "Ġsort", + "ing" + ], + [ + "Ġinf", + "ected" + ], + [ + "ĠN", + "ach" + ], + [ + "Ġaccommod", + "ate" + ], + [ + ".element", + "s" + ], + [ + "_P", + "ART" + ], + [ + "ĠSex", + "y" + ], + [ + "=", + "get" + ], + [ + "(", + "year" + ], + [ + "Ġx", + "hr" + ], + [ + ":", + "]" + ], + [ + "ows", + "ki" + ], + [ + "Ġsum", + "mar" + ], + [ + "ĠÂ", + "¿" + ], + [ + "Ġint", + "e" + ], + [ + "Ġwork", + "flow" + ], + [ + "ĠTai", + "wan" + ], + [ + "vers", + "ions" + ], + [ + "åı", + "ij" + ], + [ + "Ġsurprising", + "ly" + ], + [ + "Ġopt", + "ical" + ], + [ + "Ġpro", + "ces" + ], + [ + "Ġdisag", + "ree" + ], + [ + "Ġnue", + "vo" + ], + [ + "ĠC", + "AM" + ], + [ + "sort", + "ed" + ], + [ + "le", + "ases" + ], + [ + "ist", + "le" + ], + [ + "Id", + "ent" + ], + [ + "ĉ", + "event" + ], + [ + "ject", + "ed" + ], + [ + "Ch", + "unk" + ], + [ + "V", + "ars" + ], + [ + ".pro", + "vider" + ], + [ + "Ġproceed", + "ings" + ], + [ + "Ġin", + "clusive" + ], + [ + "Ġart", + "work" + ], + [ + "end", + "ants" + ], + [ + "ï¼ļ", + "Ċ" + ], + [ + "se", + "en" + ], + [ + "Ġl", + "ig" + ], + [ + "Ġm", + "akers" + ], + [ + "_f", + "un" + ], + [ + "Ġlength", + "s" + ], + [ + "Path", + "Variable" + ], + [ + "[", + "item" + ], + [ + "à¸", + "µ" + ], + [ + "De", + "ad" + ], + [ + "FFFF", + "FF" + ], + [ + "ĠUr", + "ban" + ], + [ + "up", + "les" + ], + [ + "ich", + "en" + ], + [ + "(null", + "ptr" + ], + [ + ".s", + "pec" + ], + [ + ",", + "System" + ], + [ + "UR", + "ATION" + ], + [ + "(j", + "ob" + ], + [ + "å¼", + "ı" + ], + [ + "Ġtrack", + "er" + ], + [ + "Å", + "Ļ" + ], + [ + "ĠM", + "R" + ], + [ + "ĠSQL", + "ite" + ], + [ + "Ġd", + "to" + ], + [ + "Ġ;", + ";Ċ" + ], + [ + "Ġm", + "int" + ], + [ + "ĠInt", + "roduction" + ], + [ + "ca", + "o" + ], + [ + "Ġquestion", + "ed" + ], + [ + "Ġf", + "itted" + ], + [ + "rev", + "ision" + ], + [ + "s", + "q" + ], + [ + "Ġm", + "ig" + ], + [ + "_un", + "its" + ], + [ + "_", + "async" + ], + [ + "Ġf", + "lick" + ], + [ + "});ĊĊ", + "Ċ" + ], + [ + "Ġnot", + "re" + ], + [ + "}`", + "," + ], + [ + "F", + "ilters" + ], + [ + "Ġm", + "undo" + ], + [ + "_d", + "ays" + ], + [ + "Ġfr", + "m" + ], + [ + "ut", + "c" + ], + [ + "Ġval", + "s" + ], + [ + "ew", + "idth" + ], + [ + "ĠGener", + "ator" + ], + [ + "ĠArt", + "ist" + ], + [ + "ĠID", + "s" + ], + [ + "ĠArt", + "icles" + ], + [ + "re", + "ater" + ], + [ + "ĠComponent", + "Fixture" + ], + [ + ".", + "=" + ], + [ + "Ġr", + "ou" + ], + [ + "-", + "no" + ], + [ + ".b", + "ukkit" + ], + [ + "eg", + "g" + ], + [ + "ĠD", + "iff" + ], + [ + "atic", + "s" + ], + [ + "Ñĥ", + "Ñĩ" + ], + [ + "âĢĶ", + "ĊĊ" + ], + [ + "ĠChar", + "lotte" + ], + [ + "by", + "e" + ], + [ + "Ġ}", + ");čĊčĊ" + ], + [ + "ĠV", + "ik" + ], + [ + "ĠB", + "row" + ], + [ + "Ġl", + "v" + ], + [ + "ĠG", + "ib" + ], + [ + "-w", + "ing" + ], + [ + "GL", + "IGENCE" + ], + [ + "(I", + "l" + ], + [ + "ĠEngine", + "er" + ], + [ + ".W", + "ait" + ], + [ + "ĠP", + "ictures" + ], + [ + "Ġr", + "het" + ], + [ + "Ġth", + "ermal" + ], + [ + "Ġpr", + "aise" + ], + [ + "<", + ">();ĊĊ" + ], + [ + "ĠSp", + "ider" + ], + [ + "P", + "ause" + ], + [ + "ĠB", + "aker" + ], + [ + "Ġsl", + "ower" + ], + [ + "Ġ}", + "]Ċ" + ], + [ + "_en", + "queue" + ], + [ + "Ġdisappe", + "ared" + ], + [ + "ĠT", + "icket" + ], + [ + "IN", + "UX" + ], + [ + "_LOC", + "AL" + ], + [ + "аÑģ", + "Ñģ" + ], + [ + "@Inject", + "able" + ], + [ + "comm", + "unity" + ], + [ + "Gesture", + "Recognizer" + ], + [ + "åĽ", + "½" + ], + [ + "Ġsca", + "les" + ], + [ + "Ġ-", + "(" + ], + [ + "/", + "'+" + ], + [ + "ĠS", + "it" + ], + [ + "Ġexecut", + "ives" + ], + [ + "ard", + "ing" + ], + [ + "Ġad", + "vers" + ], + [ + "Ġback", + "wards" + ], + [ + "ĉ", + "context" + ], + [ + "ĠH", + "amp" + ], + [ + "ĠP", + "F" + ], + [ + "ĠDe", + "ck" + ], + [ + "ĠCra", + "ig" + ], + [ + "A", + "merican" + ], + [ + "Ġb", + "ell" + ], + [ + "Ġpro", + "l" + ], + [ + "uf", + "en" + ], + [ + "Ġr", + "ng" + ], + [ + "ar", + "shal" + ], + [ + "ĠSim", + "ply" + ], + [ + "first", + "name" + ], + [ + "sh", + "ore" + ], + [ + "J", + "uly" + ], + [ + "Ġmort", + "ality" + ], + [ + "ĠâĨĴ", + "ĊĊ" + ], + [ + "Help", + "ers" + ], + [ + "Ġbench", + "mark" + ], + [ + "em", + "ade" + ], + [ + "Ġorganis", + "ations" + ], + [ + ".g", + "son" + ], + [ + "ĠText", + "Field" + ], + [ + "Ġciv", + "ilians" + ], + [ + ".Array", + "s" + ], + [ + "ĠMiss", + "issippi" + ], + [ + "Ġinter", + "mediate" + ], + [ + "get", + "User" + ], + [ + "_cl", + "uster" + ], + [ + "Rel", + "ative" + ], + [ + "fore", + "ign" + ], + [ + ".querySelector", + "All" + ], + [ + "Fore", + "ignKey" + ], + [ + "Ġreason", + "ably" + ], + [ + "--------", + "-Ċ" + ], + [ + "C", + "ards" + ], + [ + "ĠK", + "am" + ], + [ + "ĠTh", + "or" + ], + [ + "Ġroll", + "er" + ], + [ + "-e", + "lement" + ], + [ + "ĠC", + "urrency" + ], + [ + "dd", + "ie" + ], + [ + "ALL", + "Y" + ], + [ + "ĠR", + "A" + ], + [ + "Ġper", + "met" + ], + [ + "aa", + "aa" + ], + [ + "Ġhom", + "ework" + ], + [ + "ĠV", + "it" + ], + [ + "Ġm", + "old" + ], + [ + "ĠF", + "er" + ], + [ + "[", + "start" + ], + [ + "Ġstatist", + "ical" + ], + [ + "Ġsc", + "ary" + ], + [ + "_H", + "OME" + ], + [ + ".B", + "egin" + ], + [ + "Con", + "struct" + ], + [ + "ogen", + "ic" + ], + [ + "ĠDEAL", + "INGS" + ], + [ + "Ġtamb", + "ién" + ], + [ + "ix", + "on" + ], + [ + ".", + "ind" + ], + [ + "ac", + "re" + ], + [ + "Ġtransform", + "s" + ], + [ + "ĠN", + "ap" + ], + [ + ".B", + "lock" + ], + [ + "uss", + "ia" + ], + [ + "pir", + "ation" + ], + [ + "ul", + "ent" + ], + [ + "Ġce", + "il" + ], + [ + "Cl", + "ause" + ], + [ + "na", + "ire" + ], + [ + "T", + "ES" + ], + [ + "Ġne", + "at" + ], + [ + "ST", + "D" + ], + [ + "ĠReg", + "Exp" + ], + [ + "per", + "form" + ], + [ + ":", + ")" + ], + [ + "Ġun", + "ions" + ], + [ + "Ġs", + "ublic" + ], + [ + "Ġw", + "inds" + ], + [ + "lo", + "ating" + ], + [ + "g", + "lich" + ], + [ + "Ġp", + "agination" + ], + [ + "S", + "kill" + ], + [ + "App", + "ly" + ], + [ + "ĠOper", + "ator" + ], + [ + "ist", + "ogram" + ], + [ + "Ġqual", + "ities" + ], + [ + "C", + "ross" + ], + [ + "Ġde", + "com" + ], + [ + "],", + "\"" + ], + [ + "ĠJ", + "uan" + ], + [ + ".mod", + "al" + ], + [ + ".Ch", + "ild" + ], + [ + "ĠRog", + "er" + ], + [ + "STIT", + "UTE" + ], + [ + ":CGRect", + "Make" + ], + [ + "a", + "lette" + ], + [ + "Ġst", + "a" + ], + [ + "as", + "ide" + ], + [ + "Ġbl", + "ur" + ], + [ + "ĠW", + "a" + ], + [ + "if", + "etime" + ], + [ + "re", + "ed" + ], + [ + "control", + "s" + ], + [ + "Ġb", + "ins" + ], + [ + "Ġп", + "ол" + ], + [ + "*/", + ",Ċ" + ], + [ + "U", + "IS" + ], + [ + "ĠR", + "ou" + ], + [ + "ĠDem", + "o" + ], + [ + "-", + "awesome" + ], + [ + "ĠCh", + "ain" + ], + [ + "Ġh", + "asta" + ], + [ + "ĠB", + "art" + ], + [ + ".", + "KEY" + ], + [ + "Ġvend", + "ors" + ], + [ + "nof", + "ollow" + ], + [ + "ĠD", + "est" + ], + [ + "_b", + "uilder" + ], + [ + "Ġarg", + "ues" + ], + [ + "_", + "answer" + ], + [ + "g", + "oto" + ], + [ + "ĠRES", + "ULT" + ], + [ + "ĠM", + "ON" + ], + [ + "Ġp", + "oder" + ], + [ + "o", + "ons" + ], + [ + "_C", + "ASE" + ], + [ + "Ġrep", + "lic" + ], + [ + "Ġfin", + "ancing" + ], + [ + "ĠD", + "ATE" + ], + [ + "c", + "ern" + ], + [ + "_tr", + "ack" + ], + [ + "t", + "ies" + ], + [ + "/", + "logo" + ], + [ + "ĠNE", + "GLIGENCE" + ], + [ + "get", + "Type" + ], + [ + ">", + "T" + ], + [ + "b", + "et" + ], + [ + "g", + "irl" + ], + [ + "ĠINCIDENT", + "AL" + ], + [ + "-s", + "ite" + ], + [ + ".tr", + "igger" + ], + [ + "ĠL", + "isa" + ], + [ + "_input", + "s" + ], + [ + "Ġrel", + "atives" + ], + [ + "Logged", + "In" + ], + [ + "Config", + "ure" + ], + [ + "I", + "K" + ], + [ + ".", + "accept" + ], + [ + "Res", + "ume" + ], + [ + "ĠD", + "raft" + ], + [ + "Ġ*", + ">(" + ], + [ + "ĠW", + "A" + ], + [ + "ed", + "ian" + ], + [ + "ern", + "ess" + ], + [ + "ĠLayout", + "Inflater" + ], + [ + "*/", + "čĊčĊ" + ], + [ + "oth", + "y" + ], + [ + "Ġoblig", + "ation" + ], + [ + "Sub", + "scribe" + ], + [ + "Ġth", + "umbnail" + ], + [ + "ex", + "ist" + ], + [ + "Ġins", + "isted" + ], + [ + "ĠU", + "ICollectionView" + ], + [ + "ĠAng", + "ular" + ], + [ + "Ġtable", + "ts" + ], + [ + "ĠImp", + "act" + ], + [ + "ãĢį", + "ĊĊ" + ], + [ + "ah", + "o" + ], + [ + "Ġcharacter", + "istic" + ], + [ + "g", + "d" + ], + [ + "Ġ=", + "================================================" + ], + [ + "our", + "t" + ], + [ + "`", + "." + ], + [ + "App", + "ro" + ], + [ + "Co", + "ordinate" + ], + [ + "Rem", + "ember" + ], + [ + "Ġmar", + "ine" + ], + [ + "]", + "=='" + ], + [ + "ĠAdmin", + "istrator" + ], + [ + ".get", + "Default" + ], + [ + "Ġforg", + "ot" + ], + [ + "ĠStruct", + "ure" + ], + [ + "V", + "ue" + ], + [ + "ars", + "ing" + ], + [ + "m", + "oment" + ], + [ + "k", + "w" + ], + [ + "_c", + "ursor" + ], + [ + "Att", + "ack" + ], + [ + "Ġath", + "letic" + ], + [ + "Ġdiagn", + "osed" + ], + [ + "Ġend", + "e" + ], + [ + "åĪ", + "łéϤ" + ], + [ + "H", + "ouse" + ], + [ + "ĠP", + "ARAM" + ], + [ + "Ġw", + "iki" + ], + [ + "ĠO", + "pp" + ], + [ + "Ġcons", + "ervation" + ], + [ + "Ġs", + "nd" + ], + [ + "_t", + "em" + ], + [ + "sub", + "str" + ], + [ + "ĠC", + "ape" + ], + [ + ".s", + "im" + ], + [ + "UT", + "ION" + ], + [ + "an", + "an" + ], + [ + "âĢĻ", + "un" + ], + [ + "Ġg", + "y" + ], + [ + "-", + "work" + ], + [ + "Ġcomp", + "elling" + ], + [ + "='", + "#" + ], + [ + "ĉs", + "ub" + ], + [ + "Ġdirect", + "ories" + ], + [ + "íĬ", + "¸" + ], + [ + "Ġtouch", + "es" + ], + [ + "out", + "ines" + ], + [ + ".C", + "ollection" + ], + [ + "s", + "chedule" + ], + [ + ".l", + "at" + ], + [ + "ĠDo", + "ctrine" + ], + [ + "CA", + "A" + ], + [ + "ĠRe", + "fer" + ], + [ + "Ġshift", + "s" + ], + [ + "Ġlik", + "elihood" + ], + [ + "pre", + "ter" + ], + [ + "ĠF", + "emale" + ], + [ + "Ġinter", + "cept" + ], + [ + "Ġl", + "ou" + ], + [ + "çĻ", + "»" + ], + [ + "Ġr", + "ug" + ], + [ + "ĠC", + "rown" + ], + [ + "Ġ************************************************************************", + "****" + ], + [ + "-", + "product" + ], + [ + "Ġprompt", + "ed" + ], + [ + "ung", + "le" + ], + [ + "d", + "ocker" + ], + [ + "ĠT", + "u" + ], + [ + "ĠUn", + "ique" + ], + [ + "_", + "Error" + ], + [ + "ul", + "os" + ], + [ + "Ġâ", + "Ħ" + ], + [ + "Ġ(", + "`" + ], + [ + "Get", + "ting" + ], + [ + "_s", + "cal" + ], + [ + "ĠEn", + "h" + ], + [ + "ü", + "t" + ], + [ + "Ġsust", + "ained" + ], + [ + "Ġp", + "atches" + ], + [ + "Ġpros", + "per" + ], + [ + "ĠG", + "aza" + ], + [ + "_l", + "ight" + ], + [ + "Ġin", + "cons" + ], + [ + "--------", + "Ċ" + ], + [ + "ĉĉ", + "ĠĠĠĠĠĠ" + ], + [ + "S", + "F" + ], + [ + "C", + "N" + ], + [ + ":", + "\";Ċ" + ], + [ + "ĠColl", + "ins" + ], + [ + "(", + "*)" + ], + [ + "Ġcomp", + "ilation" + ], + [ + "']", + "čĊ" + ], + [ + "Ġcon", + "sequence" + ], + [ + ",", + "..." + ], + [ + "Ġd", + "m" + ], + [ + "ĠB", + "LOCK" + ], + [ + "Cl", + "uster" + ], + [ + "Ġsk", + "i" + ], + [ + "(arg", + "c" + ], + [ + "T", + "uple" + ], + [ + "Ġjo", + "ins" + ], + [ + "ĠSher", + "iff" + ], + [ + "W", + "ar" + ], + [ + "ind", + "i" + ], + [ + "Ġcomment", + "ed" + ], + [ + "H", + "OST" + ], + [ + "Ġinv", + "itation" + ], + [ + "apan", + "ese" + ], + [ + "Ġperm", + "its" + ], + [ + "preced", + "ented" + ], + [ + "_z", + "one" + ], + [ + "ĠA", + "my" + ], + [ + "_R", + "D" + ], + [ + "Min", + "imum" + ], + [ + "Ġinv", + "ocation" + ], + [ + ".en", + "able" + ], + [ + "icht", + "en" + ], + [ + "-", + "owned" + ], + [ + "\"", + "id" + ], + [ + "_PO", + "INTER" + ], + [ + "F", + "ac" + ], + [ + "Ġspecific", + "ations" + ], + [ + "Ġnom", + "ination" + ], + [ + "Ġg", + "p" + ], + [ + "<", + "(" + ], + [ + "Ġrob", + "ots" + ], + [ + "ĠJ", + "erry" + ], + [ + "Ġhold", + "ers" + ], + [ + "Ġw", + "and" + ], + [ + "c", + "ms" + ], + [ + "Ġ}", + "))Ċ" + ], + [ + ".To", + "ast" + ], + [ + "ĠI", + "List" + ], + [ + "B", + "ased" + ], + [ + "z", + "oom" + ], + [ + "/", + "style" + ], + [ + "ĠBe", + "ck" + ], + [ + "M", + "en" + ], + [ + "Ġcontrib", + "uting" + ], + [ + "Ġund", + "o" + ], + [ + "ĠO", + "H" + ], + [ + "Ġadd", + "Object" + ], + [ + "Ġe", + "igen" + ], + [ + "sign", + "up" + ], + [ + "éĶ", + "Ļ" + ], + [ + "Ġdist", + "ant" + ], + [ + "PAR", + "ATOR" + ], + [ + "ĠM", + "ari" + ], + [ + "Ġm", + "á" + ], + [ + "E", + "mp" + ], + [ + "ó", + "s" + ], + [ + "Ġì", + "Īĺ" + ], + [ + "ev", + "t" + ], + [ + "+", + "j" + ], + [ + "p", + "ark" + ], + [ + "ĠSt", + "ay" + ], + [ + "ĠD", + "un" + ], + [ + "Ġso", + "y" + ], + [ + ">", + "%" + ], + [ + "az", + "ines" + ], + [ + "Ġti", + "empo" + ], + [ + "(m", + "e" + ], + [ + "p", + "resent" + ], + [ + ".Th", + "is" + ], + [ + "Ġedit", + "ors" + ], + [ + "F", + "IELD" + ], + [ + ".W", + "ork" + ], + [ + "ĠUn", + "iverse" + ], + [ + "Ġdr", + "unk" + ], + [ + ".t", + "imer" + ], + [ + "Ġalter", + "ed" + ], + [ + "ĠN", + "ar" + ], + [ + "ëł", + "¥" + ], + [ + ".Act", + "ive" + ], + [ + "id", + "or" + ], + [ + "ç", + "Ń" + ], + [ + ".delta", + "Time" + ], + [ + "Ġawk", + "ward" + ], + [ + "&", + "quot" + ], + [ + "ĠSaf", + "ari" + ], + [ + "Ġtr", + "icks" + ], + [ + "MENT", + "S" + ], + [ + "div", + "ision" + ], + [ + "Ġvary", + "ing" + ], + [ + "ĠHigh", + "way" + ], + [ + "Ġphotograph", + "er" + ], + [ + "ĠSt", + "ewart" + ], + [ + "Ġlast", + "ing" + ], + [ + ".P", + "re" + ], + [ + ".amazon", + "aws" + ], + [ + "ĠL", + "uck" + ], + [ + ".D", + "escription" + ], + [ + "ĠN", + "az" + ], + [ + "n", + "eg" + ], + [ + "Ġc", + "ó" + ], + [ + "<<\"", + "\\" + ], + [ + "ĠSur", + "v" + ], + [ + "ĠU", + "nc" + ], + [ + "Rec", + "ipe" + ], + [ + ".Border", + "Style" + ], + [ + "Ġmod", + "ifications" + ], + [ + "-", + "at" + ], + [ + "AT", + "FORM" + ], + [ + "h", + "dr" + ], + [ + "ak", + "o" + ], + [ + "Ġsublic", + "ense" + ], + [ + "ĠJ", + "ump" + ], + [ + "Ġbe", + "im" + ], + [ + "ĠMan", + "hattan" + ], + [ + ".", + "bool" + ], + [ + "_h", + "w" + ], + [ + "ÑĤ", + "ÑĮ" + ], + [ + "B", + "in" + ], + [ + "Ġg", + "ateway" + ], + [ + "\"", + "\":" + ], + [ + "ĠU", + "IS" + ], + [ + ":\"", + "+" + ], + [ + "-", + "def" + ], + [ + "ĠReg", + "ular" + ], + [ + "/", + "testing" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "string", + "stream" + ], + [ + "Ġdis", + "par" + ], + [ + "Ġmob", + "il" + ], + [ + "-", + "read" + ], + [ + "ĠAd", + "apter" + ], + [ + "ĠCh", + "ampions" + ], + [ + "Ġsched", + "uler" + ], + [ + "Ġk", + "ills" + ], + [ + "ĠM", + "ultiple" + ], + [ + "ir", + "ror" + ], + [ + "Ġgod", + "s" + ], + [ + "AD", + "O" + ], + [ + "ak", + "te" + ], + [ + "ĠUs", + "uario" + ], + [ + ".c", + "ircular" + ], + [ + "Ġre", + "cept" + ], + [ + "ĠEx", + "pr" + ], + [ + "Ġelder", + "ly" + ], + [ + "Ġnic", + "ely" + ], + [ + "Ġbest", + "e" + ], + [ + "W", + "ant" + ], + [ + "Ġclass", + "ical" + ], + [ + ".s", + "prite" + ], + [ + "obj", + "c" + ], + [ + "ĠM", + "ason" + ], + [ + "Ġsist", + "ema" + ], + [ + ".Bl", + "ack" + ], + [ + "es", + "o" + ], + [ + "ĠZe", + "it" + ], + [ + "Ġdiv", + "id" + ], + [ + "Ġent", + "ers" + ], + [ + "_sub", + "ject" + ], + [ + "ĠPlan", + "et" + ], + [ + ".w", + "arning" + ], + [ + "ĠG", + "ram" + ], + [ + "_t", + "okens" + ], + [ + "Ġhousehold", + "s" + ], + [ + "_c", + "ustomer" + ], + [ + "user", + "Name" + ], + [ + "c", + "ross" + ], + [ + "Ġp", + "ione" + ], + [ + "Ġass", + "ists" + ], + [ + "_S", + "M" + ], + [ + "ib", + "o" + ], + [ + "Ġlo", + "yal" + ], + [ + "Ġuse", + "less" + ], + [ + "#", + "elif" + ], + [ + "ĠUlt", + "imate" + ], + [ + "C", + "ome" + ], + [ + "g", + "el" + ], + [ + "Ġd", + "ich" + ], + [ + "xy", + "z" + ], + [ + "ik", + "el" + ], + [ + "ob", + "ra" + ], + [ + "_s", + "can" + ], + [ + "ĠInter", + "ior" + ], + [ + "ĠN", + "ice" + ], + [ + "Ġpl", + "ac" + ], + [ + "ĉt", + "arget" + ], + [ + "Ġvir", + "al" + ], + [ + "ass", + "o" + ], + [ + "()", + "/" + ], + [ + "und", + "e" + ], + [ + "ĠAd", + "obe" + ], + [ + "O", + "s" + ], + [ + "vis", + "ited" + ], + [ + "ĠO", + "W" + ], + [ + "ĠFe", + "ed" + ], + [ + "ĠSe", + "quence" + ], + [ + "Ġman", + "ages" + ], + [ + "in", + "son" + ], + [ + "ĠLouis", + "iana" + ], + [ + "{", + "})" + ], + [ + "ĠH", + "ab" + ], + [ + "ĠL", + "D" + ], + [ + "Ġb", + "ip" + ], + [ + "pr", + "ites" + ], + [ + "(e", + "lem" + ], + [ + ".h", + "ibernate" + ], + [ + "él", + "é" + ], + [ + "Ġoh", + "ne" + ], + [ + "_trans", + "action" + ], + [ + "Ġann", + "unci" + ], + [ + "P", + "ublished" + ], + [ + "ĠH", + "onda" + ], + [ + "ĠT", + "am" + ], + [ + "ĠP", + "acket" + ], + [ + "_", + "selector" + ], + [ + "Ġchalleng", + "ed" + ], + [ + "Process", + "ing" + ], + [ + "-h", + "over" + ], + [ + "Ġtr", + "ainer" + ], + [ + "_c", + "ancel" + ], + [ + "ĠNS", + "Dictionary" + ], + [ + "ab", + "ric" + ], + [ + "ĠM", + "LS" + ], + [ + "_s", + "ensor" + ], + [ + "Ġshr", + "ink" + ], + [ + "ĠF", + "X" + ], + [ + "th", + "reshold" + ], + [ + "ĉH", + "X" + ], + [ + "-m", + "ark" + ], + [ + "`", + ".`" + ], + [ + "S", + "cheme" + ], + [ + "(f", + "ull" + ], + [ + "_w", + "riter" + ], + [ + "ĠS", + "ys" + ], + [ + "Ġf", + "led" + ], + [ + "ĠC", + "in" + ], + [ + "-w", + "idget" + ], + [ + "ĠPre", + "vious" + ], + [ + "G", + "ender" + ], + [ + "_", + "question" + ], + [ + "Fe", + "ed" + ], + [ + "Ġscr", + "ut" + ], + [ + "(p", + "refix" + ], + [ + "ãĢĤ", + "ãĢĤ" + ], + [ + "Ġin", + "fections" + ], + [ + "Part", + "s" + ], + [ + "Ġhier", + "archy" + ], + [ + "_DE", + "LETE" + ], + [ + "ĠPat", + "ient" + ], + [ + "_p", + "ay" + ], + [ + "Ġprom", + "oted" + ], + [ + "Ġì", + "ĭ" + ], + [ + "Ġcivil", + "ian" + ], + [ + "Ġagricult", + "ure" + ], + [ + "ĠP", + "iece" + ], + [ + "Ġst", + "ance" + ], + [ + "uts", + "che" + ], + [ + "Ass", + "ign" + ], + [ + ".A", + "CTION" + ], + [ + "F", + "ig" + ], + [ + "_r", + "adius" + ], + [ + "ĠS", + "ync" + ], + [ + "du", + "cer" + ], + [ + "f", + "ailure" + ], + [ + "ens", + "ed" + ], + [ + "pt", + "ime" + ], + [ + "B", + "M" + ], + [ + "_dat", + "etime" + ], + [ + "qu", + "ivo" + ], + [ + "QUE", + "UE" + ], + [ + "èĢ", + "ħ" + ], + [ + "Ap", + "pear" + ], + [ + "Ġsum", + "mit" + ], + [ + ":", + "void" + ], + [ + "Ġv", + "ine" + ], + [ + "è®", + "¤" + ], + [ + "on", + "ne" + ], + [ + "_TR", + "ANS" + ], + [ + ".g", + "reen" + ], + [ + "_", + "cc" + ], + [ + "Ġhung", + "ry" + ], + [ + "Ġ\"", + ">" + ], + [ + "()", + ");čĊčĊ" + ], + [ + "Ex", + "tract" + ], + [ + "iz", + "ens" + ], + [ + "Ġsol", + "ver" + ], + [ + "Not", + "ify" + ], + [ + "Ġeng", + "lish" + ], + [ + "ĠSh", + "opping" + ], + [ + "inter", + "faces" + ], + [ + "RE", + "Q" + ], + [ + "Ġil", + "leg" + ], + [ + "ĠUI", + "ImageView" + ], + [ + "Ġdis", + "connect" + ], + [ + "ĠUnt", + "il" + ], + [ + "ĠConserv", + "ative" + ], + [ + "@", + "Column" + ], + [ + "Ġshift", + "ed" + ], + [ + "Ġ:", + "čĊ" + ], + [ + "Ġf", + "ich" + ], + [ + "Ġd", + "la" + ], + [ + "Ġsh", + "oe" + ], + [ + "\"),", + "čĊ" + ], + [ + "ular", + "ity" + ], + [ + "_RE", + "SP" + ], + [ + "We", + "ather" + ], + [ + "UI", + "Application" + ], + [ + ".", + "iterator" + ], + [ + "Ġag", + "ing" + ], + [ + ".P", + "arent" + ], + [ + "ow", + "ie" + ], + [ + "(e", + "qual" + ], + [ + "ĠCon", + "v" + ], + [ + "/", + "default" + ], + [ + "Ġmeas", + "uring" + ], + [ + ".pre", + "v" + ], + [ + ".Is", + "Valid" + ], + [ + ".F", + "at" + ], + [ + "Ġs", + "Äĥ" + ], + [ + "key", + "words" + ], + [ + "with", + "out" + ], + [ + "Ġso", + "vere" + ], + [ + "Ġex", + "changes" + ], + [ + "Ġm", + "elt" + ], + [ + "Ġis", + "lands" + ], + [ + "ĠInt", + "egr" + ], + [ + "Ġjump", + "ing" + ], + [ + "Ġg", + "le" + ], + [ + "Ġjournal", + "ism" + ], + [ + "Ġd", + "ated" + ], + [ + "Local", + "ized" + ], + [ + "ĠRef", + "resh" + ], + [ + "Part", + "icle" + ], + [ + "Ġa", + "a" + ], + [ + "ĠSTR", + "ICT" + ], + [ + "Ġb", + "od" + ], + [ + ".Pro", + "cess" + ], + [ + "_A", + "UTO" + ], + [ + "ĠP", + "ublished" + ], + [ + "e", + "very" + ], + [ + "Ġtechn", + "ological" + ], + [ + "ls", + "x" + ], + [ + "Ġir", + "rit" + ], + [ + "Add", + "itional" + ], + [ + "Ġdel", + "imiter" + ], + [ + "_l", + "anguage" + ], + [ + "-", + "area" + ], + [ + "bo", + "ys" + ], + [ + "ĠT", + "ube" + ], + [ + "Ġw", + "at" + ], + [ + "Ġmechan", + "ics" + ], + [ + "_", + "owner" + ], + [ + "Sp", + "ell" + ], + [ + "ĠSt", + "ories" + ], + [ + ".Append", + "Line" + ], + [ + "Table", + "View" + ], + [ + "h", + "em" + ], + [ + "st", + "ick" + ], + [ + "oll", + "ower" + ], + [ + "I", + "FF" + ], + [ + "ĠU", + "V" + ], + [ + "oll", + "ision" + ], + [ + "S", + "UB" + ], + [ + "Ġcompar", + "able" + ], + [ + "Ġdon", + "de" + ], + [ + "s", + "ales" + ], + [ + "ll", + "vm" + ], + [ + "Ġ}", + "],Ċ" + ], + [ + "OTT", + "OM" + ], + [ + "ĠPur", + "pose" + ], + [ + "L", + "ab" + ], + [ + "Ġinterview", + "ed" + ], + [ + "o", + "is" + ], + [ + "as", + "il" + ], + [ + ".set", + "Id" + ], + [ + "ĠIn", + "struction" + ], + [ + "--", + ">" + ], + [ + "ĠMod", + "ified" + ], + [ + "ation", + "ally" + ], + [ + "ĠMe", + "eting" + ], + [ + "è¯", + "¯" + ], + [ + "#", + "region" + ], + [ + "Ġrout", + "ing" + ], + [ + ".f", + "ocus" + ], + [ + "ĠYou", + "th" + ], + [ + "<", + "D" + ], + [ + "ĠN", + "ag" + ], + [ + "contact", + "s" + ], + [ + "Ġform", + "ing" + ], + [ + "Ġm", + "ie" + ], + [ + "',['", + "../" + ], + [ + "ĠB", + "P" + ], + [ + "Ġapp", + "et" + ], + [ + "ĠTe", + "acher" + ], + [ + "ĠT", + "P" + ], + [ + "Ġann", + "ually" + ], + [ + "outed", + "EventArgs" + ], + [ + "ĠSpe", + "aker" + ], + [ + "Ġre", + "name" + ], + [ + "CF", + "G" + ], + [ + "(\"", + "//" + ], + [ + "æİ", + "¥" + ], + [ + "/p", + "ages" + ], + [ + "Ġpr", + "és" + ], + [ + "ĠSp", + "ell" + ], + [ + ".All", + "ow" + ], + [ + "ĠINT", + "ERRU" + ], + [ + "Ġ(", + "#" + ], + [ + "âĢĻ", + "ĊĊ" + ], + [ + "_G", + "eneric" + ], + [ + ".im", + "show" + ], + [ + "_t", + "im" + ], + [ + "-", + "face" + ], + [ + "(&", + "(" + ], + [ + "atin", + "um" + ], + [ + "Ġrevolution", + "ary" + ], + [ + "ĠH", + "ours" + ], + [ + "r", + "ain" + ], + [ + "Ġany", + "time" + ], + [ + "Ġab", + "b" + ], + [ + ".j", + "sp" + ], + [ + "Scroll", + "View" + ], + [ + "ĠTr", + "uth" + ], + [ + "Ġanticip", + "ated" + ], + [ + "Ġacc", + "ent" + ], + [ + ".", + "checked" + ], + [ + "Ġspec", + "ifies" + ], + [ + "Ġca", + "f" + ], + [ + "Ġcell", + "padding" + ], + [ + "Ġcook", + "ed" + ], + [ + "ĠH", + "ugh" + ], + [ + "pe", + "ek" + ], + [ + "_R", + "ATE" + ], + [ + "Ġd", + "orm" + ], + [ + "/", + "čĊ" + ], + [ + "IV", + "ITY" + ], + [ + ".Cont", + "roller" + ], + [ + "(p", + "art" + ], + [ + ".con", + "straint" + ], + [ + "Ġinv", + "asion" + ], + [ + "MO", + "VE" + ], + [ + "Ġgl", + "uc" + ], + [ + "l", + "ename" + ], + [ + "Ġam", + "en" + ], + [ + "eng", + "lish" + ], + [ + "ĠSw", + "itzerland" + ], + [ + "\";ĊĊ", + "Ċ" + ], + [ + "pe", + "st" + ], + [ + ".col", + "lect" + ], + [ + "N", + "ib" + ], + [ + "ĠD", + "ict" + ], + [ + "ĠE", + "mb" + ], + [ + "(sub", + "ject" + ], + [ + "Ġoutr", + "age" + ], + [ + "Ġdec", + "iding" + ], + [ + "Ġsent", + "enced" + ], + [ + "F", + "echa" + ], + [ + "\"", + "A" + ], + [ + "Ġqu", + "er" + ], + [ + "Ġfont", + "Family" + ], + [ + "Ġqu", + "adr" + ], + [ + "-", + "Y" + ], + [ + "_C", + "ACHE" + ], + [ + "Ġanaly", + "zed" + ], + [ + "Ġg", + "aining" + ], + [ + "ĠAgain", + "st" + ], + [ + "ĠSou", + "l" + ], + [ + "ta", + "u" + ], + [ + "Ġlight", + "weight" + ], + [ + "ĠT", + "F" + ], + [ + "ĠEffect", + "s" + ], + [ + ".T", + "ypes" + ], + [ + ".add", + "Class" + ], + [ + "Ġv", + "egan" + ], + [ + "é", + "ģ" + ], + [ + ".'", + "\"" + ], + [ + "ĠExpl", + "orer" + ], + [ + ".d", + "etect" + ], + [ + ".sh", + "ift" + ], + [ + "Ġoblig", + "ations" + ], + [ + "last", + "Name" + ], + [ + "Ġassoci", + "ations" + ], + [ + "ĠTime", + "Span" + ], + [ + "un", + "ter" + ], + [ + "ĠF", + "resh" + ], + [ + "Compat", + "ible" + ], + [ + "P", + "ub" + ], + [ + "id", + "ges" + ], + [ + ".", + "option" + ], + [ + "var", + "i" + ], + [ + ".hash", + "Code" + ], + [ + "Ġg", + "eb" + ], + [ + ".", + "section" + ], + [ + "-", + "not" + ], + [ + "ĠSub", + "mit" + ], + [ + "T", + "N" + ], + [ + "reg", + "istry" + ], + [ + "_m", + "edia" + ], + [ + "Ġn", + "aj" + ], + [ + "ff", + "t" + ], + [ + "Ġm", + "ate" + ], + [ + "-th", + "ird" + ], + [ + "Ġp", + "ockets" + ], + [ + "est", + "a" + ], + [ + "Ġb", + "ent" + ], + [ + "ĠN", + "ord" + ], + [ + "Ġretail", + "ers" + ], + [ + "ĠMor", + "ris" + ], + [ + ".\"\"", + "\"ĊĊ" + ], + [ + "W", + "rong" + ], + [ + "Ġ", + "ÅĽ" + ], + [ + "R", + "ay" + ], + [ + ".", + "ec" + ], + [ + "ĠB", + "ind" + ], + [ + "_H", + "AND" + ], + [ + "(n", + "on" + ], + [ + "is", + "Valid" + ], + [ + "Ġsimilar", + "ly" + ], + [ + "_L", + "IMIT" + ], + [ + "Ġdynam", + "ics" + ], + [ + "Ġdist", + "inction" + ], + [ + "ãģ", + "Ĩ" + ], + [ + "<", + "N" + ], + [ + "Ġor", + "th" + ], + [ + "ĠToy", + "ota" + ], + [ + "ĠK", + "ate" + ], + [ + "ĠL", + "S" + ], + [ + "or", + "ie" + ], + [ + "ĠSpr", + "ings" + ], + [ + "Ġf", + "reak" + ], + [ + "last", + "name" + ], + [ + "_M", + "ULT" + ], + [ + "-st", + "ep" + ], + [ + "\"", + "(" + ], + [ + "AD", + "DR" + ], + [ + "Ġentert", + "aining" + ], + [ + "_CON", + "F" + ], + [ + "Ġdec", + "oded" + ], + [ + "Ġst", + "reak" + ], + [ + "Ġwait", + "ed" + ], + [ + "Ġnot", + "ified" + ], + [ + "rodu", + "ced" + ], + [ + "vis", + "ual" + ], + [ + ".Layout", + "Params" + ], + [ + "æ", + "°" + ], + [ + "es", + "ian" + ], + [ + "f", + "its" + ], + [ + "s", + "pring" + ], + [ + "ĠBern", + "ie" + ], + [ + "User", + "Defaults" + ], + [ + "Ġped", + "est" + ], + [ + "Ap", + "pearance" + ], + [ + "ĠW", + "iki" + ], + [ + "ĠNOT", + "ICE" + ], + [ + "Ġs", + "sh" + ], + [ + "Ġdur", + "ante" + ], + [ + "ĠZ", + "ip" + ], + [ + "ı", + "r" + ], + [ + "ĠNAT", + "O" + ], + [ + "Ġtw", + "elve" + ], + [ + "Ġro", + "yal" + ], + [ + "ï", + "¸" + ], + [ + "Ġmer", + "chant" + ], + [ + "ĠF", + "urniture" + ], + [ + "']", + "),Ċ" + ], + [ + ",", + "X" + ], + [ + "Ġfold", + "ers" + ], + [ + "ĠG", + "ate" + ], + [ + "ĉf", + "unc" + ], + [ + "p", + "ick" + ], + [ + "_us", + "uario" + ], + [ + "ĠV", + "erm" + ], + [ + "ment", + "ion" + ], + [ + "ur", + "pose" + ], + [ + "Ġalert", + "s" + ], + [ + "x", + "ious" + ], + [ + "_s", + "ig" + ], + [ + "ĠF", + "u" + ], + [ + "Ġ(", + ":" + ], + [ + "Ġd", + "umb" + ], + [ + "åħ", + "³" + ], + [ + "Ġaccur", + "ately" + ], + [ + "éĩ", + "į" + ], + [ + "R", + "B" + ], + [ + "-s", + "creen" + ], + [ + "ĠV", + "ER" + ], + [ + "j", + "our" + ], + [ + "Ġrom", + "ance" + ], + [ + "uc", + "ceed" + ], + [ + ".", + "choice" + ], + [ + "Ġad", + "ip" + ], + [ + "_d", + "ims" + ], + [ + "Serial", + "izable" + ], + [ + "ãĤ", + "ĭ" + ], + [ + ".j", + "ob" + ], + [ + "Ġpro", + "g" + ], + [ + "uch", + "ar" + ], + [ + "Ġg", + "ently" + ], + [ + "ĠR", + "SS" + ], + [ + "ict", + "ured" + ], + [ + "_ENABLE", + "D" + ], + [ + "ĉ", + "label" + ], + [ + "aw", + "ks" + ], + [ + "ĠEn", + "sure" + ], + [ + "rem", + "ember" + ], + [ + "ìł", + "ķ" + ], + [ + "Ġtrans", + "mit" + ], + [ + "{{", + "$" + ], + [ + ".Trans", + "action" + ], + [ + "ur", + "se" + ], + [ + "_rel", + "ative" + ], + [ + "Ġs", + "ized" + ], + [ + "ĠX", + "X" + ], + [ + "ĠPr", + "incess" + ], + [ + "ĠL", + "arry" + ], + [ + "Ġpr", + "ó" + ], + [ + "ĠÑģÑĤ", + "ÑĢ" + ], + [ + "Ġs", + "isters" + ], + [ + "estr", + "uct" + ], + [ + "Ġcheck", + "point" + ], + [ + ":", + "length" + ], + [ + "ĠCar", + "los" + ], + [ + "/", + "icon" + ], + [ + "_T", + "ARGET" + ], + [ + "T", + "okens" + ], + [ + "Ġpat", + "ience" + ], + [ + "ĠSe", + "lected" + ], + [ + "q", + "ty" + ], + [ + ".show", + "Message" + ], + [ + "Ġwild", + "life" + ], + [ + "ĠP", + "rops" + ], + [ + "b", + "m" + ], + [ + "-", + "arrow" + ], + [ + "Ġpar", + "cel" + ], + [ + "fire", + "base" + ], + [ + "ĠBen", + "jamin" + ], + [ + "cess", + "o" + ], + [ + ".t", + "im" + ], + [ + "ĠG", + "arc" + ], + [ + ".", + "any" + ], + [ + "ĠHOW", + "EVER" + ], + [ + "ĠK", + "o" + ], + [ + "Ġgrab", + "bed" + ], + [ + "_f", + "rames" + ], + [ + "Ġobject", + "AtIndex" + ], + [ + "ĠADV", + "ISED" + ], + [ + "Ġsub", + "ur" + ], + [ + "ĉ", + "GL" + ], + [ + "Ġ})", + "}Ċ" + ], + [ + "-l", + "ength" + ], + [ + "ìĭ", + "ľ" + ], + [ + "ĠPot", + "ter" + ], + [ + "_b", + "uff" + ], + [ + ".g", + "ui" + ], + [ + "ĠEnc", + "oding" + ], + [ + "E", + "lect" + ], + [ + "-m", + "essage" + ], + [ + "Ġ", + "�" + ], + [ + "Ġ", + "ÈĻi" + ], + [ + "ĠArgument", + "NullException" + ], + [ + "а", + "ÑĨи" + ], + [ + "Ġmin", + "imize" + ], + [ + "Ġrespond", + "ing" + ], + [ + "$_", + "['" + ], + [ + "ĠInd", + "ividual" + ], + [ + "á", + "c" + ], + [ + "ĠIN", + "TER" + ], + [ + "Ġmast", + "urb" + ], + [ + "ĠB", + "in" + ], + [ + "('", + "$" + ], + [ + "ëĵ", + "ľ" + ], + [ + "Ġopen", + "ly" + ], + [ + "Ġ>", + "<" + ], + [ + "Ġun", + "to" + ], + [ + "olog", + "ically" + ], + [ + "ĠM", + "ul" + ], + [ + "VID", + "IA" + ], + [ + "Ġsl", + "im" + ], + [ + "ĠCommission", + "er" + ], + [ + "(", + "on" + ], + [ + "Ġunder", + "neath" + ], + [ + "/", + "db" + ], + [ + "v", + "ote" + ], + [ + "(", + "Message" + ], + [ + "ĠP", + "ope" + ], + [ + "Def", + "ined" + ], + [ + "Ġsw", + "ift" + ], + [ + "ur", + "f" + ], + [ + "Ġadapt", + "ed" + ], + [ + "SE", + "L" + ], + [ + "Ġreven", + "ues" + ], + [ + "Ġdiv", + "ine" + ], + [ + "=", + "y" + ], + [ + "Grad", + "ient" + ], + [ + "_", + "act" + ], + [ + "Ġ/*!", + "<" + ], + [ + "Ġpoly", + "gon" + ], + [ + "ĠF", + "DA" + ], + [ + "ĠC", + "arr" + ], + [ + "at", + "ables" + ], + [ + "(std", + "out" + ], + [ + "Ġrefr", + "iger" + ], + [ + "Ġco", + "ordin" + ], + [ + "avor", + "ites" + ], + [ + "ÑĪ", + "и" + ], + [ + "Ġcompass", + "ion" + ], + [ + "ĠPOSS", + "IBILITY" + ], + [ + "-", + "secondary" + ], + [ + "ur", + "acy" + ], + [ + "Ġcomp", + "romise" + ], + [ + "_A", + "V" + ], + [ + "_", + "os" + ], + [ + "Ġbes", + "ide" + ], + [ + "ĥ", + "Ŀ" + ], + [ + "Ġl", + "n" + ], + [ + ".pl", + "ugins" + ], + [ + "Cap", + "acity" + ], + [ + "al", + "ah" + ], + [ + ".b", + "in" + ], + [ + "ĠC", + "RC" + ], + [ + "_b", + "alance" + ], + [ + "Ġflex", + "Direction" + ], + [ + "Ġam", + "bit" + ], + [ + "Ġnick", + "name" + ], + [ + "ĠFor", + "ces" + ], + [ + "C", + "LE" + ], + [ + "ĠSh", + "ell" + ], + [ + "Ġs", + "ail" + ], + [ + "ĠW", + "riter" + ], + [ + "ĠA", + "lice" + ], + [ + "d", + "w" + ], + [ + "ĠInd", + "ians" + ], + [ + "ĠMar", + "shall" + ], + [ + "_S", + "RC" + ], + [ + "Ġnormal", + "ized" + ], + [ + "ĠJ", + "ag" + ], + [ + "ãĤ", + "Ĵ" + ], + [ + "ze", + "it" + ], + [ + "r", + "pc" + ], + [ + "ÃŃ", + "c" + ], + [ + ".in", + "line" + ], + [ + "Ġtrav", + "ers" + ], + [ + "_n", + "umeric" + ], + [ + "Ġutil", + "ities" + ], + [ + "Ġev", + "ac" + ], + [ + "IN", + "PUT" + ], + [ + "ĉ", + "register" + ], + [ + "M", + "X" + ], + [ + "ĠCamp", + "bell" + ], + [ + "Ġdatas", + "ets" + ], + [ + "Ġdem", + "anded" + ], + [ + "Ġinitial", + "State" + ], + [ + "g", + "an" + ], + [ + "Ġe", + "i" + ], + [ + "Un", + "expected" + ], + [ + "-", + "web" + ], + [ + "tr", + "ait" + ], + [ + ",", + "Y" + ], + [ + "ĠT", + "odd" + ], + [ + "Ġske", + "leton" + ], + [ + "Ġoptim", + "ize" + ], + [ + "ç¬", + "¬" + ], + [ + "ĠU", + "pon" + ], + [ + "ĠSt", + "Object" + ], + [ + "Ġap", + "lic" + ], + [ + ".'", + "", + "P" + ], + [ + "v", + "ron" + ], + [ + ".", + "UN" + ], + [ + "Ġpaint", + "er" + ], + [ + "izar", + "re" + ], + [ + "Ġl", + "av" + ], + [ + "Ġp", + "om" + ], + [ + "p", + "reg" + ], + [ + "=", + "function" + ], + [ + "(", + "serial" + ], + [ + "ific", + "a" + ], + [ + "um", + "ing" + ], + [ + "åľ", + "°" + ], + [ + "ãģ", + "Ĥ" + ], + [ + "-", + "op" + ], + [ + "U", + "CH" + ], + [ + "ĠH", + "end" + ], + [ + ".prop", + "Types" + ], + [ + "Ġy", + "o" + ], + [ + "Ġrout", + "ines" + ], + [ + "Ġcar", + "ing" + ], + [ + "S", + "em" + ], + [ + "Ġres", + "erves" + ], + [ + "Ġprior", + "ities" + ], + [ + "red", + "its" + ], + [ + "IST", + "R" + ], + [ + "Content", + "Type" + ], + [ + "ĠSch", + "w" + ], + [ + "/", + "media" + ], + [ + "Ġe", + "str" + ], + [ + "Ġclim", + "bing" + ], + [ + "-", + "week" + ], + [ + "cher", + "che" + ], + [ + "s", + "ensor" + ], + [ + "To", + "Array" + ], + [ + "ĠMont", + "real" + ], + [ + "Ġcloud", + "s" + ], + [ + "ĠInject", + "able" + ], + [ + "ĠR", + "ice" + ], + [ + "Ġpropag", + "anda" + ], + [ + "_pro", + "vider" + ], + [ + "Ġind", + "oor" + ], + [ + "Ġin", + "aug" + ], + [ + "Ġdipl", + "om" + ], + [ + "Ġmess", + "aging" + ], + [ + "_m", + "ut" + ], + [ + "å", + "¦Ĥ" + ], + [ + "Ġk", + "w" + ], + [ + "ON", + "S" + ], + [ + "ari", + "ans" + ], + [ + "R", + "PC" + ], + [ + ")", + "]čĊ" + ], + [ + "-r", + "ay" + ], + [ + "ĠS", + "or" + ], + [ + "m", + "all" + ], + [ + "Ġmarket", + "place" + ], + [ + "Ġv", + "tk" + ], + [ + "M", + "a" + ], + [ + "og", + "an" + ], + [ + "ig", + "i" + ], + [ + "Ġspons", + "ored" + ], + [ + "ĠD", + "ani" + ], + [ + ".S", + "EVER" + ], + [ + ">'", + ".$" + ], + [ + "m", + "ultipart" + ], + [ + "ĠW", + "ol" + ], + [ + "Ġtable", + "Name" + ], + [ + "ĠUser", + "name" + ], + [ + "Background", + "Color" + ], + [ + "Ġf", + "right" + ], + [ + "_E", + "MAIL" + ], + [ + "Sept", + "ember" + ], + [ + "_val", + "s" + ], + [ + "op", + "ia" + ], + [ + "Ġsp", + "otted" + ], + [ + "-", + "Ch" + ], + [ + "Ġdata", + "Source" + ], + [ + "/", + "\"Ċ" + ], + [ + "ек", + "ÑĤ" + ], + [ + "ĠRequest", + "Method" + ], + [ + "ĠRe", + "place" + ], + [ + "-d", + "o" + ], + [ + "ah", + "n" + ], + [ + "ĠPh", + "D" + ], + [ + "]", + ".ĊĊ" + ], + [ + "N", + "ON" + ], + [ + "g", + "ement" + ], + [ + "ĠTh", + "r" + ], + [ + "Ġquiet", + "ly" + ], + [ + "Ġtort", + "ure" + ], + [ + "Ġte", + "as" + ], + [ + "ĠC", + "Y" + ], + [ + "Ġa", + "tr" + ], + [ + "develop", + "ment" + ], + [ + "-d", + "etail" + ], + [ + "Ġlight", + "er" + ], + [ + "Ġarg", + "uing" + ], + [ + "Ġdes", + "erves" + ], + [ + "Ġcur", + "riculum" + ], + [ + "_CON", + "TEXT" + ], + [ + "ÅĤ", + "y" + ], + [ + "H", + "ITE" + ], + [ + "ĉ", + "ID" + ], + [ + "/", + "uploads" + ], + [ + "Ġt", + "its" + ], + [ + "re", + "o" + ], + [ + "_d", + "rop" + ], + [ + ".", + "UTF" + ], + [ + "Ġpick", + "up" + ], + [ + "Ġgro", + "cery" + ], + [ + "ĠP", + "ure" + ], + [ + "Ġeas", + "iest" + ], + [ + "Ph", + "il" + ], + [ + ".f", + "eature" + ], + [ + "(\"", + "*" + ], + [ + "Ġinvest", + "or" + ], + [ + "t", + "ok" + ], + [ + "Ġj", + "ar" + ], + [ + "L", + "os" + ], + [ + "âĢĶâĢĶâĢĶâĢĶ", + "âĢĶâĢĶâĢĶâĢĶ" + ], + [ + ".", + "queue" + ], + [ + "-s", + "peed" + ], + [ + "M", + "al" + ], + [ + "um", + "blr" + ], + [ + "ĠCON", + "ST" + ], + [ + "ĠH", + "RESULT" + ], + [ + "ĠD", + "ance" + ], + [ + "(file", + "Path" + ], + [ + "Ġattrib", + "uted" + ], + [ + "à¥", + "į" + ], + [ + "ĠB", + "und" + ], + [ + "co", + "ins" + ], + [ + "Ġs", + "ão" + ], + [ + "Ġp", + "ir" + ], + [ + "person", + "al" + ], + [ + "Ġpre", + "lim" + ], + [ + "Ġprop", + "ose" + ], + [ + "ĠT", + "L" + ], + [ + "]", + "])" + ], + [ + "ĠSub", + "scription" + ], + [ + "ĠK", + "re" + ], + [ + ",", + "len" + ], + [ + ".First", + "OrDefault" + ], + [ + ")", + "--" + ], + [ + "_product", + "s" + ], + [ + ".Get", + "Bytes" + ], + [ + "Sh", + "ip" + ], + [ + "Ġenc", + "rypt" + ], + [ + "ĠS", + "G" + ], + [ + "ĠM", + "yst" + ], + [ + "h", + "ir" + ], + [ + "Ġiter", + "ate" + ], + [ + "Ġint", + "end" + ], + [ + ".mock", + "ito" + ], + [ + "Ġch", + "apters" + ], + [ + "(", + "angle" + ], + [ + "ĠV", + "lad" + ], + [ + "è®", + "¾" + ], + [ + "'", + ".ĊĊ" + ], + [ + "Response", + "Body" + ], + [ + "ĠAb", + "d" + ], + [ + "de", + "al" + ], + [ + "Ġbar", + "riers" + ], + [ + "-out", + "line" + ], + [ + "b", + "ill" + ], + [ + "ĠF", + "alls" + ], + [ + "_se", + "cond" + ], + [ + ".", + "include" + ], + [ + ".", + "ceil" + ], + [ + "Ġoccup", + "ation" + ], + [ + "ph", + "ony" + ], + [ + ".move", + "To" + ], + [ + "ĠJenn", + "ifer" + ], + [ + "AST", + "ER" + ], + [ + ";", + "\"><" + ], + [ + "ĠEn", + "abled" + ], + [ + "Ġtermin", + "ate" + ], + [ + "ĠI", + "o" + ], + [ + "l", + "ations" + ], + [ + "ĠTHE", + "ORY" + ], + [ + "Ġear", + "liest" + ], + [ + "Ġr", + "ack" + ], + [ + "ĠSc", + "ar" + ], + [ + "sh", + "ake" + ], + [ + "ch", + "ip" + ], + [ + "Ġu", + "v" + ], + [ + "Ġall", + "iance" + ], + [ + "п", + "иÑģ" + ], + [ + "ĠGOOD", + "S" + ], + [ + "z", + "ione" + ], + [ + "ĠV", + "I" + ], + [ + "Ġ{", + "-" + ], + [ + "Ġfilter", + "ing" + ], + [ + "Ġmis", + "con" + ], + [ + ".Dock", + "Style" + ], + [ + "Ġb", + "ush" + ], + [ + "Ġj", + "unk" + ], + [ + "æ", + "Į" + ], + [ + "ĠQ", + "UE" + ], + [ + "Ġhook", + "s" + ], + [ + "Ġfirm", + "ware" + ], + [ + "Ġmiddle", + "ware" + ], + [ + "d", + "ic" + ], + [ + "ĠOak", + "land" + ], + [ + "Ġarr", + "ives" + ], + [ + "P", + "ayload" + ], + [ + "p", + "ixel" + ], + [ + "]", + "|" + ], + [ + "Ġstart", + "Date" + ], + [ + ".P", + "RO" + ], + [ + "_a", + "udio" + ], + [ + "Ġmid", + "field" + ], + [ + "igid", + "body" + ], + [ + "ĠSw", + "iss" + ], + [ + "ĠCl", + "ip" + ], + [ + "ĠD", + "ump" + ], + [ + "ĠText", + "Box" + ], + [ + "Ġg", + "eh" + ], + [ + "y", + "ield" + ], + [ + "od", + "s" + ], + [ + "Ġrefer", + "endum" + ], + [ + "Back", + "end" + ], + [ + "ĠC", + "ream" + ], + [ + "Ġdomin", + "ated" + ], + [ + "ĠArch", + "ive" + ], + [ + "Ġrid", + "ers" + ], + [ + ".prepare", + "Statement" + ], + [ + "Ġqu", + "ando" + ], + [ + "Ġche", + "f" + ], + [ + "w", + "iki" + ], + [ + "in", + "el" + ], + [ + "am", + "pling" + ], + [ + "(\"", + "\\\\" + ], + [ + "Ġs", + "ag" + ], + [ + "_pro", + "xy" + ], + [ + "ãģ", + "ķ" + ], + [ + "p", + "do" + ], + [ + ".getElementsBy", + "TagName" + ], + [ + "Ġdemonstr", + "ation" + ], + [ + "ĠN", + "PC" + ], + [ + "Ġarch", + "ivo" + ], + [ + "end", + "ance" + ], + [ + "Ġefficient", + "ly" + ], + [ + "(", + "actual" + ], + [ + ".t", + "ableView" + ], + [ + "Ġm", + "ush" + ], + [ + "Ġbe", + "ars" + ], + [ + "_thread", + "s" + ], + [ + "j", + "as" + ], + [ + "ah", + "un" + ], + [ + "Ġne", + "ural" + ], + [ + "Ġdesign", + "ing" + ], + [ + "ĠG", + "DP" + ], + [ + "Ġlift", + "ed" + ], + [ + "çĽ", + "®" + ], + [ + "ĠJ", + "oint" + ], + [ + "ĠIn", + "clude" + ], + [ + "ĠGi", + "ants" + ], + [ + "Ġwithdraw", + "al" + ], + [ + "ĠR", + "ent" + ], + [ + "n", + "ative" + ], + [ + "ĠSe", + "ek" + ], + [ + "gress", + "ion" + ], + [ + "_C", + "PU" + ], + [ + "\\", + "S" + ], + [ + "ĠSh", + "ield" + ], + [ + "Ġsol", + "ic" + ], + [ + "Ġbo", + "om" + ], + [ + "yect", + "o" + ], + [ + "Ġmanufact", + "ure" + ], + [ + "ĠâĢ", + "ĭ" + ], + [ + "Ġb", + "box" + ], + [ + "Ġearth", + "qu" + ], + [ + "ollect", + "ors" + ], + [ + ":@\"", + "%" + ], + [ + "Ġlo", + "ops" + ], + [ + "J", + "e" + ], + [ + "alk", + "ing" + ], + [ + "ĠWh", + "ats" + ], + [ + "ĠBo", + "ys" + ], + [ + ".", + "book" + ], + [ + "ARG", + "E" + ], + [ + "_p", + "ixel" + ], + [ + "Ġsus", + "pects" + ], + [ + "Î", + "¹" + ], + [ + "us", + "p" + ], + [ + "ĠBM", + "W" + ], + [ + "ie", + "ces" + ], + [ + "(p", + "erson" + ], + [ + "å¼", + "Ģ" + ], + [ + "é", + "»" + ], + [ + "ĠPod", + "cast" + ], + [ + "Ġb", + "ou" + ], + [ + "(", + "Item" + ], + [ + "Ã", + "»" + ], + [ + "(", + "Input" + ], + [ + "Http", + "Get" + ], + [ + "Ġb", + "urg" + ], + [ + ")", + "^" + ], + [ + "BO", + "ARD" + ], + [ + "*/", + "," + ], + [ + "Ġg", + "ulp" + ], + [ + "ĠB", + "enn" + ], + [ + "Ġdeck", + "s" + ], + [ + ".status", + "Code" + ], + [ + "Ġac", + "ute" + ], + [ + "Ġh", + "ug" + ], + [ + "ug", + "u" + ], + [ + "Ġp", + "led" + ], + [ + ",\"", + "%" + ], + [ + "h", + "ape" + ], + [ + "Ġз", + "ап" + ], + [ + "ĠMain", + "e" + ], + [ + ".re", + "al" + ], + [ + "Ġd", + "alam" + ], + [ + "ĠMin", + "or" + ], + [ + ".F", + "loat" + ], + [ + "dis", + "p" + ], + [ + "Ġt", + "l" + ], + [ + "Ġen", + "count" + ], + [ + "=>", + "$" + ], + [ + "Ġf", + "g" + ], + [ + "te", + "es" + ], + [ + "ĠRec", + "omm" + ], + [ + "ä", + "l" + ], + [ + "Ġchem", + "istry" + ], + [ + "Block", + "s" + ], + [ + "O", + "ID" + ], + [ + "Ġfore", + "x" + ], + [ + "ĠApp", + "end" + ], + [ + "Ġ{", + "*" + ], + [ + "ĠSup", + "ply" + ], + [ + "CG", + "Float" + ], + [ + "(b", + "l" + ], + [ + "Ġat", + "e" + ], + [ + "ador", + "a" + ], + [ + "Ġg", + "ust" + ], + [ + "Ass", + "oci" + ], + [ + ">", + ".Ċ" + ], + [ + "F", + "ETCH" + ], + [ + ".s", + "erial" + ], + [ + "widget", + "s" + ], + [ + "ard", + "less" + ], + [ + "ie", + "fs" + ], + [ + "_F", + "ULL" + ], + [ + "ernet", + "es" + ], + [ + "ĠP", + "red" + ], + [ + "Ø", + "Ń" + ], + [ + "äº", + "ĭ" + ], + [ + "ub", + "ernetes" + ], + [ + "ĠL", + "aura" + ], + [ + "Ġl", + "abeled" + ], + [ + "High", + "light" + ], + [ + "Ġanno", + "ying" + ], + [ + "/", + "update" + ], + [ + "(d", + "escription" + ], + [ + "Ġintim", + "id" + ], + [ + "$", + "c" + ], + [ + "\"))", + ")Ċ" + ], + [ + ".A", + "P" + ], + [ + "Ġ[]", + "*" + ], + [ + "ĠEX", + "IT" + ], + [ + ".H", + "ost" + ], + [ + "ĠOP", + "EN" + ], + [ + ".send", + "Message" + ], + [ + "_c", + "amera" + ], + [ + "_t", + "ile" + ], + [ + "Ġth", + "erm" + ], + [ + "onom", + "ous" + ], + [ + "Ġdis", + "adv" + ], + [ + "Ġna", + "ar" + ], + [ + "index", + "Of" + ], + [ + "ĠP", + "P" + ], + [ + ".prot", + "ocol" + ], + [ + "AF", + "E" + ], + [ + "Ġtext", + "ures" + ], + [ + "################################", + "################" + ], + [ + "umb", + "ai" + ], + [ + ".st", + "ats" + ], + [ + "ĠG", + "E" + ], + [ + "Ġi", + "e" + ], + [ + "ĠST", + "D" + ], + [ + "ĠM", + "ann" + ], + [ + ".ref", + "lect" + ], + [ + "K", + "B" + ], + [ + "Ġd", + "ive" + ], + [ + ".w", + "av" + ], + [ + "/*", + "----------------------------------------------------------------" + ], + [ + "/", + "settings" + ], + [ + ".l", + "ifecycle" + ], + [ + "Ġda", + "ughters" + ], + [ + "or", + "us" + ], + [ + "ub", + "er" + ], + [ + "N", + "ING" + ], + [ + "st", + "ri" + ], + [ + "ĠT", + "ip" + ], + [ + "Ġz", + "n" + ], + [ + "Ġswitch", + "ed" + ], + [ + "in", + "et" + ], + [ + "uff", + "y" + ], + [ + "ĠTransport", + "ation" + ], + [ + "(", + "conf" + ], + [ + "fr", + "ica" + ], + [ + "ĠX", + "L" + ], + [ + "ĠLe", + "ad" + ], + [ + "_per", + "cent" + ], + [ + "<", + "Map" + ], + [ + "Ġthr", + "ust" + ], + [ + "or", + "b" + ], + [ + "ik", + "k" + ], + [ + "Ġtra", + "uma" + ], + [ + "Access", + "or" + ], + [ + "ĠF", + "it" + ], + [ + "ĠString", + "Buffer" + ], + [ + "ex", + "pl" + ], + [ + "(s", + "creen" + ], + [ + "Ġaud", + "iences" + ], + [ + "ĠO", + "PTION" + ], + [ + "_", + "round" + ], + [ + "[", + "node" + ], + [ + "be", + "h" + ], + [ + "->", + "__" + ], + [ + "per", + "missions" + ], + [ + "ĠD", + "etermine" + ], + [ + ".M", + "an" + ], + [ + "Ġadv", + "ances" + ], + [ + ".", + "InputStream" + ], + [ + "Ġstrong", + "est" + ], + [ + "Ġe", + "Bay" + ], + [ + "Ġ#", + "-" + ], + [ + "Ġdir", + "name" + ], + [ + "ĠS", + "MS" + ], + [ + "Ġmedic", + "ations" + ], + [ + "Ġam", + "ended" + ], + [ + "Ġchurch", + "es" + ], + [ + "ĠImper", + "ial" + ], + [ + "$", + "row" + ], + [ + "ĠMad", + "ison" + ], + [ + "ĠIn", + "sp" + ], + [ + "Ġaff", + "air" + ], + [ + "Ġpsych", + "ology" + ], + [ + "v", + "h" + ], + [ + "Ġsever", + "ity" + ], + [ + "âĢ", + "IJ" + ], + [ + "Ġstri", + "ps" + ], + [ + "A", + "H" + ], + [ + "vert", + "ising" + ], + [ + "Ġcon", + "se" + ], + [ + "IM", + "AGE" + ], + [ + "ĠSt", + "ats" + ], + [ + "ĉs", + "c" + ], + [ + ".C", + "ursor" + ], + [ + "Ġfree", + "ze" + ], + [ + "ss", + "on" + ], + [ + "(x", + "ml" + ], + [ + "ĠSus", + "an" + ], + [ + ".t", + "ile" + ], + [ + "ed", + "ed" + ], + [ + "ĠĠĠĠ", + "ĉĉĉ" + ], + [ + "uel", + "le" + ], + [ + "ĠMitch", + "ell" + ], + [ + "b", + "ased" + ], + [ + "Oper", + "and" + ], + [ + "½", + "æķ°" + ], + [ + "ĠF", + "F" + ], + [ + "ĉstr", + "cpy" + ], + [ + "ounc", + "es" + ], + [ + "ild", + "o" + ], + [ + ".execute", + "Query" + ], + [ + "Ġapproach", + "ing" + ], + [ + "ĠSe", + "ven" + ], + [ + "Ġn", + "uts" + ], + [ + "Ġr", + "ic" + ], + [ + "ass", + "ignment" + ], + [ + "Ġcalcul", + "ator" + ], + [ + "ĠMur", + "phy" + ], + [ + "ĠB", + "ou" + ], + [ + "í", + "Ħ" + ], + [ + "Ġbut", + "t" + ], + [ + "Ġt", + "icks" + ], + [ + "Project", + "s" + ], + [ + "il", + "ib" + ], + [ + ".text", + "Color" + ], + [ + "m", + "ov" + ], + [ + "_log", + "o" + ], + [ + "(", + "template" + ], + [ + "ĠIN", + "IT" + ], + [ + "Ġimage", + "View" + ], + [ + "scri", + "ptions" + ], + [ + "OR", + "ITY" + ], + [ + "Con", + "sumer" + ], + [ + "Ġun", + "precedented" + ], + [ + "Ġtour", + "ist" + ], + [ + "Ġbr", + "on" + ], + [ + "Ġcontract", + "or" + ], + [ + "Ġlic", + "ence" + ], + [ + "ĠN", + "am" + ], + [ + "æ", + "¯" + ], + [ + "(", + "transform" + ], + [ + "_AT", + "T" + ], + [ + "P", + "ref" + ], + [ + "ĠG", + "am" + ], + [ + "Ġvess", + "els" + ], + [ + "Ġh", + "av" + ], + [ + "L", + "ater" + ], + [ + ".To", + "Lower" + ], + [ + "Ġurl", + "s" + ], + [ + "Ġbreak", + "down" + ], + [ + "Ġpen", + "alties" + ], + [ + "Ġf", + "oster" + ], + [ + "ĠU", + "E" + ], + [ + "Ġcl", + "ue" + ], + [ + "com", + "ed" + ], + [ + "åIJį", + "ç§°" + ], + [ + "-m", + "ain" + ], + [ + "Ġp", + "ts" + ], + [ + "Ġcount", + "ed" + ], + [ + "ict", + "s" + ], + [ + "/", + "post" + ], + [ + "Ġget", + "attr" + ], + [ + "Ġp", + "ing" + ], + [ + "ANCE", + "L" + ], + [ + "Ġp", + "ec" + ], + [ + "Ñħ", + "од" + ], + [ + "ant", + "om" + ], + [ + "ĠBlue", + "print" + ], + [ + "ĠEvent", + "Emitter" + ], + [ + "Ġl", + "ä" + ], + [ + "æ", + "²" + ], + [ + "Ġstr", + "aw" + ], + [ + "(", + "comp" + ], + [ + "'", + "une" + ], + [ + ">", + "N" + ], + [ + "-", + "client" + ], + [ + "es", + "Module" + ], + [ + "-b", + "ase" + ], + [ + "Ġret", + "reat" + ], + [ + "_s", + "imple" + ], + [ + "ĉĉĉĉĉĉ", + "Ġ" + ], + [ + "fe", + "e" + ], + [ + "')", + "čĊčĊ" + ], + [ + "Control", + "Item" + ], + [ + "Ġsubscri", + "bers" + ], + [ + "ple", + "ase" + ], + [ + "ĠE", + "ff" + ], + [ + "Ġp", + "ound" + ], + [ + "ĠBy", + "tes" + ], + [ + "ĠTe", + "a" + ], + [ + "_", + "activity" + ], + [ + "Ġmax", + "im" + ], + [ + "Ġop", + "code" + ], + [ + "B", + "SD" + ], + [ + ".", + "constant" + ], + [ + ";", + "}" + ], + [ + "omb", + "res" + ], + [ + "Ġcare", + "ers" + ], + [ + ")", + ".ĊĊĊĊ" + ], + [ + "Ġsp", + "reading" + ], + [ + "-exp", + "anded" + ], + [ + "ĠOr", + "d" + ], + [ + "amar", + "in" + ], + [ + "Ġmob", + "ility" + ], + [ + "Un", + "fortunately" + ], + [ + "ak", + "k" + ], + [ + "N", + "L" + ], + [ + "_", + "redirect" + ], + [ + "ĠP", + "G" + ], + [ + "ĠS", + "ensor" + ], + [ + "b", + "ol" + ], + [ + "t", + "ap" + ], + [ + "_MEM", + "ORY" + ], + [ + "ĠUI", + "Alert" + ], + [ + "plit", + "ude" + ], + [ + "We", + "bsite" + ], + [ + "ĠLog", + "o" + ], + [ + "lo", + "ve" + ], + [ + "[", + "ind" + ], + [ + "Ġalto", + "gether" + ], + [ + "Ġwonder", + "ed" + ], + [ + "Ġes", + "per" + ], + [ + "ĠLib", + "eral" + ], + [ + "Ġo", + "ss" + ], + [ + "Ġel", + "it" + ], + [ + "Ġst", + "iff" + ], + [ + "od", + "ox" + ], + [ + "_ment", + "ions" + ], + [ + "ĠDou", + "glas" + ], + [ + "_p", + "id" + ], + [ + "ĠC", + "K" + ], + [ + "ĠinitWith", + "Frame" + ], + [ + ".b", + "log" + ], + [ + "p", + "kg" + ], + [ + "ang", + "hai" + ], + [ + "QUI", + "RED" + ], + [ + "u", + "u" + ], + [ + "Ġm", + "kdir" + ], + [ + "AT", + "AL" + ], + [ + "Ġun", + "h" + ], + [ + "in", + "ces" + ], + [ + "st", + "h" + ], + [ + "Ġhypo", + "thesis" + ], + [ + "Ġc", + "ata" + ], + [ + "ĠT", + "B" + ], + [ + "ĠCl", + "ar" + ], + [ + "Ġpre", + "decess" + ], + [ + "Ġsitu", + "ated" + ], + [ + "-w", + "orld" + ], + [ + "))", + "/" + ], + [ + "Ġhead", + "lines" + ], + [ + ".st", + "at" + ], + [ + "Ġout", + "break" + ], + [ + "sp", + "ath" + ], + [ + "_FLAG", + "S" + ], + [ + "ĠServlet", + "Exception" + ], + [ + "S", + "un" + ], + [ + "F", + "ROM" + ], + [ + "ĠD", + "ir" + ], + [ + "ãĥ»ãĥ»", + "ãĥ»" + ], + [ + "_co", + "ord" + ], + [ + "ĠOpt", + "im" + ], + [ + "Mon", + "itor" + ], + [ + ".b", + "it" + ], + [ + "XX", + "X" + ], + [ + "Ġtod", + "as" + ], + [ + "f", + "eld" + ], + [ + "ÑĢ", + "и" + ], + [ + "im", + "ir" + ], + [ + "Ġpolit", + "ically" + ], + [ + "Ġmolec", + "ular" + ], + [ + "Ġtrad", + "ed" + ], + [ + "Ġ{{", + "$" + ], + [ + "ĠSw", + "edish" + ], + [ + "Ġ'@", + "/" + ], + [ + "_RE", + "AL" + ], + [ + "Ġw", + "arehouse" + ], + [ + "t", + "oday" + ], + [ + ",", + "L" + ], + [ + "or", + "p" + ], + [ + "<", + "section" + ], + [ + "-", + "br" + ], + [ + "ym", + "e" + ], + [ + "ĠUser", + "Service" + ], + [ + "Ġlib", + "erty" + ], + [ + "Ġmoment", + "o" + ], + [ + "(", + "Image" + ], + [ + "<", + "size" + ], + [ + "S", + "ch" + ], + [ + "Ġj", + "og" + ], + [ + "i", + "ology" + ], + [ + "arent", + "ly" + ], + [ + "Ġquant", + "um" + ], + [ + "ĠAb", + "u" + ], + [ + "Ġr", + "im" + ], + [ + "Ġman", + "a" + ], + [ + "Font", + "Size" + ], + [ + "Build", + "ing" + ], + [ + "st", + "airs" + ], + [ + "AIL", + "ABLE" + ], + [ + "Ġ&", + "'" + ], + [ + "Ġs", + "ect" + ], + [ + "Ġs", + "igh" + ], + [ + "(b", + "atch" + ], + [ + ".I", + "Container" + ], + [ + "p", + "oll" + ], + [ + "ĠCor", + "ps" + ], + [ + "Î", + "µ" + ], + [ + "ar", + "u" + ], + [ + "ĠK", + "ay" + ], + [ + ".r", + "ange" + ], + [ + "_click", + "ed" + ], + [ + "ĠRobert", + "s" + ], + [ + ".N", + "etwork" + ], + [ + "fin", + "ish" + ], + [ + "-", + "Man" + ], + [ + "Ġcolleg", + "es" + ], + [ + "ĠF", + "ine" + ], + [ + "\"))", + ",Ċ" + ], + [ + "f", + "ilm" + ], + [ + "Ġrem", + "inded" + ], + [ + "Ġgest", + "ure" + ], + [ + "out", + "il" + ], + [ + "Ġthread", + "ing" + ], + [ + "Ġobj", + "et" + ], + [ + "Ġt", + "ours" + ], + [ + "activ", + "ated" + ], + [ + ".m", + "kdir" + ], + [ + "=", + "user" + ], + [ + "Ġre", + "de" + ], + [ + "f", + "ü" + ], + [ + "_SY", + "STEM" + ], + [ + "p", + "v" + ], + [ + "Ġcon", + "gr" + ], + [ + "Ġmass", + "asje" + ], + [ + "Ġpract", + "ition" + ], + [ + "Un", + "iversity" + ], + [ + "Ġtab", + "index" + ], + [ + "Ð", + "ĺ" + ], + [ + "S", + "ets" + ], + [ + "Ġcount", + "ies" + ], + [ + "g", + "uest" + ], + [ + "f", + "an" + ], + [ + "Ġword", + "en" + ], + [ + ".d", + "i" + ], + [ + "на", + "Ñĩ" + ], + [ + "Â", + "¿" + ], + [ + "ig", + "Decimal" + ], + [ + "Ġsh", + "ore" + ], + [ + "Ġg", + "ö" + ], + [ + "Ġrep", + "airs" + ], + [ + "Ġhelp", + "ers" + ], + [ + "Ġcenter", + "ed" + ], + [ + "OL", + "LOW" + ], + [ + "Ġmap", + "StateToProps" + ], + [ + "Ġc", + "ents" + ], + [ + "<", + "A" + ], + [ + "Ġexpect", + "ation" + ], + [ + "Oct", + "ober" + ], + [ + "Ġbg", + "color" + ], + [ + "ca", + "les" + ], + [ + ".C", + "ON" + ], + [ + "ĠV", + "el" + ], + [ + "Ġcry", + "ing" + ], + [ + "-se", + "ason" + ], + [ + "Ġfunction", + "ing" + ], + [ + "_LOC", + "ATION" + ], + [ + "ü", + "ss" + ], + [ + "ber", + "y" + ], + [ + "Par", + "a" + ], + [ + "omin", + "ator" + ], + [ + "-", + "le" + ], + [ + "Ġeth", + "ical" + ], + [ + "has", + "htags" + ], + [ + "emp", + "lo" + ], + [ + "Ġn", + "úmero" + ], + [ + "(", + "activity" + ], + [ + ".St", + "op" + ], + [ + ".str", + "ftime" + ], + [ + "IL", + "D" + ], + [ + "Ġto", + "e" + ], + [ + "ĉ", + "Node" + ], + [ + "\")", + "čĊčĊ" + ], + [ + "ĠPu", + "erto" + ], + [ + "Ġexec", + "uting" + ], + [ + "ĠG", + "UID" + ], + [ + "Ġoppos", + "ing" + ], + [ + "al", + "ph" + ], + [ + "Ġexhib", + "it" + ], + [ + "_fl", + "ash" + ], + [ + "Ġme", + "ille" + ], + [ + "Ġjson", + "Object" + ], + [ + "H", + "ero" + ], + [ + "aint", + "ed" + ], + [ + "_D", + "OM" + ], + [ + "Ġw", + "il" + ], + [ + "Ġslo", + "pe" + ], + [ + "Ġm", + "Ã¥" + ], + [ + "ĠIraq", + "i" + ], + [ + "Ġorgan", + "ize" + ], + [ + "ĉj", + "Query" + ], + [ + "H", + "UD" + ], + [ + "sh", + "ine" + ], + [ + ".", + "we" + ], + [ + "ĠSk", + "ills" + ], + [ + "pons", + "or" + ], + [ + "Ġcon", + "clusions" + ], + [ + "Ġre", + "forms" + ], + [ + "Ġrel", + "uct" + ], + [ + "n", + "amed" + ], + [ + "ĠOl", + "iver" + ], + [ + "Ġ//", + "}Ċ" + ], + [ + "-", + "looking" + ], + [ + "Ġf", + "og" + ], + [ + "ĠH", + "O" + ], + [ + "ĠF", + "ried" + ], + [ + "Ġinev", + "itable" + ], + [ + "ĠData", + "GridView" + ], + [ + "H", + "our" + ], + [ + "il", + "les" + ], + [ + "log", + "ical" + ], + [ + "Ġconnect", + "ivity" + ], + [ + ".tw", + "ig" + ], + [ + "ĠK", + "yle" + ], + [ + "(d", + "st" + ], + [ + "-", + "Sh" + ], + [ + "ĠStud", + "ios" + ], + [ + "(", + "Level" + ], + [ + ".j", + "et" + ], + [ + "_PRO", + "TO" + ], + [ + "-de", + "coration" + ], + [ + "OT", + "HER" + ], + [ + "Ġread", + "ily" + ], + [ + ".Param", + "eter" + ], + [ + "Ġmultip", + "ly" + ], + [ + "ĠL", + "IB" + ], + [ + "ar", + "med" + ], + [ + "Ġsoon", + "er" + ], + [ + "æ", + "Ħ" + ], + [ + "_", + "ES" + ], + [ + "Ġfoss", + "il" + ], + [ + "ĠA", + "nc" + ], + [ + "âĢľ", + "This" + ], + [ + "l", + "odash" + ], + [ + "Py", + "thon" + ], + [ + "Ġhist", + "ogram" + ], + [ + "west", + "ern" + ], + [ + "Ġinf", + "ant" + ], + [ + "Ġco", + "ordinator" + ], + [ + "Ġn", + "ib" + ], + [ + ":", + "m" + ], + [ + "Ġres", + "pected" + ], + [ + "Ġdef", + "init" + ], + [ + "&", + "T" + ], + [ + "_p", + "ad" + ], + [ + "ĠTr", + "igger" + ], + [ + "th", + "al" + ], + [ + "Ġimage", + "Named" + ], + [ + "Ġbeat", + "en" + ], + [ + "ĉ", + "rc" + ], + [ + "ĠPal", + "ace" + ], + [ + "Ġhaz", + "ard" + ], + [ + "Ġisol", + "ation" + ], + [ + "_", + "rc" + ], + [ + "cont", + "re" + ], + [ + "OUT", + "PUT" + ], + [ + "Ġre", + "ign" + ], + [ + "ĠPl", + "ate" + ], + [ + "AT", + "ES" + ], + [ + "Ġfl", + "ux" + ], + [ + "Ġpack", + "s" + ], + [ + ".get", + "Selected" + ], + [ + "Ġparticip", + "ated" + ], + [ + "Ġneed", + "le" + ], + [ + "-de", + "pth" + ], + [ + "::::", + "::" + ], + [ + "-l", + "aw" + ], + [ + "ins", + "pace" + ], + [ + "on", + "itor" + ], + [ + "=", + "no" + ], + [ + "ĠAt", + "omic" + ], + [ + "ĠBr", + "ain" + ], + [ + "Edit", + "able" + ], + [ + "-s", + "c" + ], + [ + "red", + "ential" + ], + [ + "ĠP", + "erry" + ], + [ + "k", + "ie" + ], + [ + "Ġ", + "----------Ċ" + ], + [ + ".st", + "roke" + ], + [ + "(", + "Intent" + ], + [ + "Ġun", + "ity" + ], + [ + "um", + "lah" + ], + [ + "F", + "urther" + ], + [ + "Ġpr", + "ze" + ], + [ + "Ġs", + "ø" + ], + [ + "ãĤ", + "Ĭ" + ], + [ + "ĠPROC", + "UREMENT" + ], + [ + "ĠH", + "ousing" + ], + [ + "Ġatt", + "orneys" + ], + [ + "Ġcomp", + "ose" + ], + [ + "atter", + "ing" + ], + [ + "\"", + "What" + ], + [ + "dra", + "ul" + ], + [ + "Ġstraight", + "forward" + ], + [ + "In", + "stant" + ], + [ + ".J", + "TextField" + ], + [ + "Ġtr", + "ades" + ], + [ + "л", + "а" + ], + [ + "Ġ{", + "!" + ], + [ + "Ġl", + "ately" + ], + [ + "IM", + "G" + ], + [ + "ĠA", + "ld" + ], + [ + "ĠIN", + "NER" + ], + [ + "Ġcart", + "oon" + ], + [ + ".S", + "ource" + ], + [ + "F", + "ALSE" + ], + [ + "Ġd", + "ough" + ], + [ + "f", + "en" + ], + [ + "(", + "rect" + ], + [ + "Data", + "Table" + ], + [ + "N", + "ick" + ], + [ + "ĠBut", + "ter" + ], + [ + "read", + "s" + ], + [ + "_com", + "ments" + ], + [ + "EN", + "V" + ], + [ + "ĠConnect", + "icut" + ], + [ + "-F", + "IRST" + ], + [ + "ĉĉĉ", + "ĠĠĠĠĠ" + ], + [ + "ach", + "i" + ], + [ + ".M", + "sg" + ], + [ + "re", + "ction" + ], + [ + "Ġrelax", + "ed" + ], + [ + "Ġsha", + "ft" + ], + [ + "Ġe", + "f" + ], + [ + "ĠAdd", + "ing" + ], + [ + "Ġbre", + "ach" + ], + [ + "Ġ", + "ï¼ļ" + ], + [ + "ram", + "a" + ], + [ + "Ġconduct", + "ing" + ], + [ + "Ġ(", + ";" + ], + [ + "(g", + "l" + ], + [ + "ĠCA", + "USED" + ], + [ + "ash", + "i" + ], + [ + "ĠF", + "LAG" + ], + [ + "ĠCom", + "merce" + ], + [ + "ĠIN", + "TEGER" + ], + [ + "h", + "ours" + ], + [ + "ĠSchool", + "s" + ], + [ + "Ġn", + "ucle" + ], + [ + "Ag", + "ain" + ], + [ + "pro", + "j" + ], + [ + "Ġsevent", + "h" + ], + [ + "EMPL", + "ARY" + ], + [ + "(m", + "ock" + ], + [ + "']", + ",čĊ" + ], + [ + "_S", + "PEED" + ], + [ + ">", + "false" + ], + [ + "Ġsp", + "a" + ], + [ + "ĠN", + "ear" + ], + [ + "ì", + "ķ" + ], + [ + "Ġintr", + "ig" + ], + [ + "_m", + "embers" + ], + [ + "w", + "ave" + ], + [ + "Ġanalyst", + "s" + ], + [ + "_O", + "S" + ], + [ + "ed", + "in" + ], + [ + "ĠF", + "ri" + ], + [ + "Ġretrie", + "ved" + ], + [ + "Reg", + "ular" + ], + [ + "_", + "obs" + ], + [ + "EX", + "PORT" + ], + [ + "')}}", + "\"" + ], + [ + "\"", + "class" + ], + [ + "__", + "((" + ], + [ + "b", + "ucket" + ], + [ + "Ġst", + "ro" + ], + [ + "ĠP", + "atch" + ], + [ + "yst", + "ick" + ], + [ + "ful", + "ness" + ], + [ + "ap", + "os" + ], + [ + "D", + "a" + ], + [ + "ĉĉĉĉĉ", + "ĠĠĠ" + ], + [ + "Ġen", + "rich" + ], + [ + "un", + "ordered" + ], + [ + "h", + "ole" + ], + [ + "C", + "ong" + ], + [ + "<", + "Product" + ], + [ + "ĠC", + "urt" + ], + [ + "(", + "the" + ], + [ + "_l", + "ower" + ], + [ + "Ġavoid", + "ing" + ], + [ + "Ġbu", + "zz" + ], + [ + "Ġv", + "iable" + ], + [ + "ub", + "a" + ], + [ + "-", + "is" + ], + [ + "are", + "l" + ], + [ + "Ġact", + "ed" + ], + [ + "-d", + "etails" + ], + [ + "à¸", + "ĩ" + ], + [ + "ĠThe", + "ory" + ], + [ + "ĠP", + "un" + ], + [ + "ĠAn", + "onymous" + ], + [ + "...", + "\"Ċ" + ], + [ + "è", + "res" + ], + [ + "åı", + "¯" + ], + [ + "ĠV", + "ision" + ], + [ + "_se", + "m" + ], + [ + "ash", + "a" + ], + [ + "Ġcelebr", + "ity" + ], + [ + "Ġend", + "Date" + ], + [ + "Ġpop", + "ulate" + ], + [ + "Ġcu", + "is" + ], + [ + "qu", + "ant" + ], + [ + "f", + "loor" + ], + [ + "Ġglob", + "ally" + ], + [ + "Ġcru", + "ise" + ], + [ + "ĠStan", + "ley" + ], + [ + "Ġb", + "ikes" + ], + [ + ".get", + "Connection" + ], + [ + "Ġpoor", + "ly" + ], + [ + "_", + "other" + ], + [ + "amp", + "ing" + ], + [ + ".\"", + ");ĊĊ" + ], + [ + "od", + "i" + ], + [ + "_A", + "DMIN" + ], + [ + ".color", + "s" + ], + [ + "ĠG", + "aming" + ], + [ + ">", + "';ĊĊ" + ], + [ + "STR", + "UCT" + ], + [ + "Q", + "R" + ], + [ + "ID", + "s" + ], + [ + "(arg", + "uments" + ], + [ + "_a", + "ux" + ], + [ + "(", + "Event" + ], + [ + "_PR", + "IVATE" + ], + [ + "ĠTre", + "k" + ], + [ + "Ġdownload", + "s" + ], + [ + "m", + "utable" + ], + [ + "_STR", + "UCT" + ], + [ + "(w", + "x" + ], + [ + "Ġdom", + "ains" + ], + [ + "js", + "px" + ], + [ + "ĠVi", + "agra" + ], + [ + "Command", + "s" + ], + [ + "J", + "s" + ], + [ + ".c", + "fg" + ], + [ + "Content", + "Pane" + ], + [ + "ĠEdit", + "Text" + ], + [ + "à¥į", + "à¤" + ], + [ + "Att", + "ach" + ], + [ + "ĠAR", + "M" + ], + [ + "posit", + "ive" + ], + [ + "ĠGener", + "ated" + ], + [ + "Ġse", + "ized" + ], + [ + "=", + ":" + ], + [ + "Ġelectron", + "ics" + ], + [ + "ĠApp", + "Component" + ], + [ + "/", + "',Ċ" + ], + [ + ".equals", + "IgnoreCase" + ], + [ + "Do", + "ctrine" + ], + [ + "d", + "isk" + ], + [ + "ĠPolit", + "ical" + ], + [ + "CH", + "O" + ], + [ + "<", + "F" + ], + [ + "ĉ", + "height" + ], + [ + "ĠB", + "ug" + ], + [ + ".", + "le" + ], + [ + "ik", + "h" + ], + [ + "Ġmill", + "iseconds" + ], + [ + "Ġconstit", + "u" + ], + [ + "m", + "ag" + ], + [ + ".n", + "l" + ], + [ + "-r", + "ange" + ], + [ + "ang", + "gal" + ], + [ + "',", + "[" + ], + [ + "ropol", + "itan" + ], + [ + "ĠÃ", + "ľ" + ], + [ + "ĠU", + "C" + ], + [ + ".d", + "esc" + ], + [ + "-L", + "AST" + ], + [ + "f", + "stream" + ], + [ + "ib", + "il" + ], + [ + "Ġf", + "ier" + ], + [ + "VER", + "Y" + ], + [ + "Ġë", + "³" + ], + [ + "IR", + "T" + ], + [ + "_", + "UI" + ], + [ + "(", + "abs" + ], + [ + "Ġkne", + "es" + ], + [ + "Ġro", + "okie" + ], + [ + "ĠV", + "ac" + ], + [ + "are", + "na" + ], + [ + "comm", + "end" + ], + [ + "-", + "\\" + ], + [ + "ĠSUB", + "STITUTE" + ], + [ + "So", + "ft" + ], + [ + "Ġpart", + "ir" + ], + [ + "we", + "alth" + ], + [ + "è¦", + "ģ" + ], + [ + "(d", + "ataset" + ], + [ + "ĠCl", + "imate" + ], + [ + "-", + "show" + ], + [ + "Ġreli", + "ability" + ], + [ + "_ch", + "unk" + ], + [ + "ä»", + "£" + ], + [ + "_st", + "ock" + ], + [ + "ĠEX", + "EMPLARY" + ], + [ + "ï¸", + "ı" + ], + [ + "Ġv", + "ÃŃ" + ], + [ + "Ġsm", + "iled" + ], + [ + "Ġdr", + "ill" + ], + [ + ".F", + "unction" + ], + [ + "ĠS", + "I" + ], + [ + "Ġreg", + "ression" + ], + [ + "-", + "X" + ], + [ + "ĠJ", + "ar" + ], + [ + "p", + "ref" + ], + [ + "ĉs", + "uccess" + ], + [ + "ĠHit", + "ler" + ], + [ + "Ġinst", + "inct" + ], + [ + "Ġfem", + "mes" + ], + [ + "Ġlo", + "ver" + ], + [ + "<", + "Ċ" + ], + [ + "Ġmulti", + "plier" + ], + [ + "r", + "il" + ], + [ + "Res", + "ize" + ], + [ + "ĠAuthor", + "ization" + ], + [ + "ĠK", + "an" + ], + [ + "Dispatch", + "ToProps" + ], + [ + "Ġc", + "rops" + ], + [ + "t", + "okens" + ], + [ + "ec", + "n" + ], + [ + "ential", + "ly" + ], + [ + "ĠINTERRU", + "PTION" + ], + [ + "f", + "ake" + ], + [ + "Und", + "efined" + ], + [ + "ĠA", + "K" + ], + [ + "ĠTest", + "Case" + ], + [ + "Ġr", + "ab" + ], + [ + "Ġtor", + "rent" + ], + [ + "ĠO", + "t" + ], + [ + "B", + "ars" + ], + [ + "Ġlect", + "ure" + ], + [ + "Ġen", + "jo" + ], + [ + "Ġrespond", + "s" + ], + [ + "Ġindex", + "ed" + ], + [ + "Of", + "Work" + ], + [ + "_ch", + "ain" + ], + [ + "))", + "->" + ], + [ + "ĠBeaut", + "y" + ], + [ + "Ġ`", + "<" + ], + [ + "Ġtouch", + "ing" + ], + [ + "Ġ|", + "--" + ], + [ + "ĉf", + "lag" + ], + [ + "normal", + "ize" + ], + [ + "Ġtr", + "apped" + ], + [ + "Ġestablish", + "ing" + ], + [ + "/b", + "uild" + ], + [ + "A", + "J" + ], + [ + "f", + "y" + ], + [ + "-", + "react" + ], + [ + "av", + "n" + ], + [ + "RI", + "PTION" + ], + [ + "Ġk", + "ut" + ], + [ + "ĠF", + "ashion" + ], + [ + "ĠIn", + "form" + ], + [ + "cur", + "ities" + ], + [ + "<", + "byte" + ], + [ + "ĠUkr", + "ain" + ], + [ + "Ġs", + "ug" + ], + [ + "Ġconsist", + "ing" + ], + [ + "ood", + "le" + ], + [ + ".", + "ctx" + ], + [ + ".To", + "List" + ], + [ + "Ġcomment", + "ary" + ], + [ + "Ġtransf", + "ers" + ], + [ + "Ġn", + "ost" + ], + [ + "ih", + "ad" + ], + [ + "ĠU", + "pper" + ], + [ + "Ġconf", + "using" + ], + [ + "miss", + "ing" + ], + [ + "-", + "cl" + ], + [ + "Ġbound", + "ing" + ], + [ + "Ġcongress", + "ional" + ], + [ + "Ġreve", + "aling" + ], + [ + "d", + "h" + ], + [ + "r", + "up" + ], + [ + "Ġt", + "res" + ], + [ + "re", + "peat" + ], + [ + ",", + "ĊĊĊĊ" + ], + [ + "_t", + "ac" + ], + [ + "Ġexp", + "ed" + ], + [ + "G", + "irl" + ], + [ + "h", + "orizontal" + ], + [ + "Ġ\"../../", + "../" + ], + [ + "(", + "option" + ], + [ + "Ġwe", + "iter" + ], + [ + "ĉs", + "ql" + ], + [ + "Ġ=>", + "{Ċ" + ], + [ + "Ġgar", + "lic" + ], + [ + "Ġre", + "pr" + ], + [ + "Ġrepl", + "ies" + ], + [ + "(", + "prop" + ], + [ + "Ġspir", + "its" + ], + [ + "Ġins", + "pire" + ], + [ + "Ġbas", + "ement" + ], + [ + ".re", + "ject" + ], + [ + "Ġhint", + "s" + ], + [ + "Ġpoll", + "ing" + ], + [ + "ĉ", + "ĠĊ" + ], + [ + "_r", + "ating" + ], + [ + "Ġc", + "ath" + ], + [ + "av", + "ier" + ], + [ + "Ġcomp", + "ressed" + ], + [ + "ĠV", + "S" + ], + [ + "]", + "'" + ], + [ + "Ġjud", + "icial" + ], + [ + "ĠT", + "rend" + ], + [ + "tr", + "aining" + ], + [ + "EST", + "AMP" + ], + [ + "ogn", + "ition" + ], + [ + "Ä", + "ģ" + ], + [ + "SE", + "NT" + ], + [ + "vent", + "ions" + ], + [ + "Ġconsult", + "ant" + ], + [ + "um", + "ph" + ], + [ + "Ġuser", + "Service" + ], + [ + ",", + "NULL" + ], + [ + "k", + "h" + ], + [ + "D", + "ear" + ], + [ + "_B", + "AD" + ], + [ + "it", + "ations" + ], + [ + "Ġmet", + "aph" + ], + [ + "'", + "é" + ], + [ + "and", + "ise" + ], + [ + "-f", + "ont" + ], + [ + ".ch", + "art" + ], + [ + "Ġs", + "g" + ], + [ + "_", + "Controller" + ], + [ + ".j", + "peg" + ], + [ + "ĠUL", + "ONG" + ], + [ + "ĉg", + "ame" + ], + [ + "(", + "ss" + ], + [ + "ĠM", + "aj" + ], + [ + "ĉg", + "o" + ], + [ + "ĠS", + "ad" + ], + [ + "ĠB", + "erg" + ], + [ + "ĠM", + "ine" + ], + [ + "P", + "ack" + ], + [ + "Ġres", + "istant" + ], + [ + "ĠR", + "OM" + ], + [ + "Ġp", + "eg" + ], + [ + "ĠStan", + "ford" + ], + [ + "ĠY", + "ahoo" + ], + [ + "Ġsca", + "led" + ], + [ + "Ġl", + "an" + ], + [ + "=", + "[]" + ], + [ + "\"/", + ">", + "ččĊ" + ], + [ + "Ġs", + "ud" + ], + [ + "ĉ", + "background" + ], + [ + "Ġsch", + "olars" + ], + [ + "-m", + "uted" + ], + [ + "ar", + "á" + ], + [ + "Ġ=", + "====" + ], + [ + "Ġ__", + "__" + ], + [ + "C", + "reat" + ], + [ + "ene", + "ver" + ], + [ + "/w", + "p" + ], + [ + "ĠV", + "PN" + ], + [ + "Error", + "Code" + ], + [ + ")", + "],Ċ" + ], + [ + "(b", + "uilder" + ], + [ + "ĠEn", + "emy" + ], + [ + "S", + "ensor" + ], + [ + "us", + "a" + ], + [ + "Ġtr", + "iggers" + ], + [ + "Ġplayoff", + "s" + ], + [ + "_RE", + "Q" + ], + [ + "Ġ(", + "~" + ], + [ + "ĠBar", + "ry" + ], + [ + "Ġperman", + "ently" + ], + [ + "ĠR", + "UN" + ], + [ + "Ġb", + "ure" + ], + [ + ".Fat", + "alf" + ], + [ + "Ġch", + "ick" + ], + [ + "ĉ", + "panic" + ], + [ + "ps", + "i" + ], + [ + "ok", + "a" + ], + [ + "éĢ", + "ī" + ], + [ + ">", + "[" + ], + [ + "Ġunderstand", + "s" + ], + [ + "ĠJun", + "ior" + ], + [ + "ĠIN", + "FO" + ], + [ + "=", + "mysqli" + ], + [ + "ust", + "ain" + ], + [ + "-s", + "ource" + ], + [ + "s", + "erv" + ], + [ + "ĠC", + "REATE" + ], + [ + ".", + "au" + ], + [ + "Ġsell", + "s" + ], + [ + "ĠĠĊ", + "ĠĠĊ" + ], + [ + "E", + "urope" + ], + [ + "z", + "w" + ], + [ + "pre", + "h" + ], + [ + "ĠNS", + "A" + ], + [ + "Ġx", + "y" + ], + [ + "à¸", + "´" + ], + [ + "ĠB", + "eyond" + ], + [ + "Inst", + "ead" + ], + [ + "Non", + "Query" + ], + [ + "Ġar", + "ise" + ], + [ + "Ġavoid", + "ed" + ], + [ + ".em", + "place" + ], + [ + "_model", + "s" + ], + [ + "}", + "),Ċ" + ], + [ + "Ġh", + "id" + ], + [ + "Ġ&", + "_" + ], + [ + ".p", + "oints" + ], + [ + ".get", + "Width" + ], + [ + ".Ex", + "ec" + ], + [ + "Ġ//", + "//" + ], + [ + "ĠS", + "essions" + ], + [ + "...", + "\\" + ], + [ + "ĠCol", + "omb" + ], + [ + "Ġacceler", + "ation" + ], + [ + "rest", + "ore" + ], + [ + "Ġ", + "ile" + ], + [ + "ob", + "ic" + ], + [ + "<", + "Node" + ], + [ + "ĠD", + "X" + ], + [ + "ĠBes", + "ides" + ], + [ + ".", + "age" + ], + [ + "ĠCont", + "ains" + ], + [ + "N", + "ational" + ], + [ + "ĠIm", + "plementation" + ], + [ + "Ġeff", + "ic" + ], + [ + "ĠR", + "M" + ], + [ + "H", + "y" + ], + [ + "ĠWed", + "ding" + ], + [ + "ok", + "ies" + ], + [ + "Ġrec", + "ursive" + ], + [ + "Ġprosec", + "utors" + ], + [ + ".Se", + "lection" + ], + [ + "ĠForm", + "ula" + ], + [ + "Been", + "Called" + ], + [ + "[i", + "i" + ], + [ + "ĠFr", + "an" + ], + [ + "Ġtraged", + "y" + ], + [ + "_F", + "EATURE" + ], + [ + "Ļ", + "¨" + ], + [ + "comp", + "ass" + ], + [ + "ĠB", + "h" + ], + [ + "?", + "ĊĊĊ" + ], + [ + ".w", + "riter" + ], + [ + "ĠH", + "our" + ], + [ + "Db", + "Context" + ], + [ + "io", + "v" + ], + [ + "am", + "on" + ], + [ + "re", + "pr" + ], + [ + "é", + "ĥ" + ], + [ + "ĉf", + "i" + ], + [ + "']", + "]" + ], + [ + "ĠD", + "ry" + ], + [ + ".", + "ro" + ], + [ + "ĠO", + "bserv" + ], + [ + "æł", + "ĩ" + ], + [ + "Form", + "er" + ], + [ + "ĠB", + "alance" + ], + [ + "ĉ", + "json" + ], + [ + "Ġpr", + "zy" + ], + [ + "I", + "SS" + ], + [ + "(", + "sock" + ], + [ + "ĠL", + "INE" + ], + [ + "Ġde", + "ce" + ], + [ + "Ġal", + "ly" + ], + [ + "Ġtend", + "ency" + ], + [ + "F", + "un" + ], + [ + "Ġschem", + "es" + ], + [ + "Ġinter", + "ven" + ], + [ + "æĺ", + "İ" + ], + [ + "Ġad", + "verse" + ], + [ + "quote", + "lev" + ], + [ + "Ġsacr", + "ific" + ], + [ + "_s", + "ide" + ], + [ + "Ġmut", + "ex" + ], + [ + "AG", + "IC" + ], + [ + "Ġocc", + "urring" + ], + [ + "ĠCommunic", + "ation" + ], + [ + "um", + "ar" + ], + [ + "ç¼", + "ĸ" + ], + [ + "ĠTreat", + "ment" + ], + [ + ".p", + "erson" + ], + [ + "ĠL", + "C" + ], + [ + "Ġe", + "ch" + ], + [ + "(", + "(\"" + ], + [ + "ĠDise", + "ase" + ], + [ + "ä", + "d" + ], + [ + "ĠA", + "Z" + ], + [ + ".A", + "ccount" + ], + [ + "Ġcontinu", + "ously" + ], + [ + "END", + "ING" + ], + [ + "ĠRET", + "URN" + ], + [ + "-", + "string" + ], + [ + ".f", + "ilename" + ], + [ + "syn", + "thesize" + ], + [ + "Res", + "ponder" + ], + [ + "(", + "opts" + ], + [ + "reg", + "s" + ], + [ + "Ġn", + "uest" + ], + [ + "Pe", + "er" + ], + [ + "//", + "------------------------------------------------" + ], + [ + "Ġg", + "auge" + ], + [ + "ĠK", + "in" + ], + [ + ".s", + "chema" + ], + [ + "Ġarr", + "ange" + ], + [ + "ĠBl", + "ake" + ], + [ + "_Type", + "Info" + ], + [ + "C", + "over" + ], + [ + "ĠHamp", + "shire" + ], + [ + "P", + "aper" + ], + [ + "-in", + "ner" + ], + [ + "util", + "ity" + ], + [ + "Ġcross", + "origin" + ], + [ + "F", + "OR" + ], + [ + "Ġign", + "oring" + ], + [ + "ĠD", + "D" + ], + [ + "av", + "an" + ], + [ + "Ġtrad", + "itions" + ], + [ + "Ġget", + "String" + ], + [ + "Ġeth", + "ics" + ], + [ + "ĠMaterial", + "s" + ], + [ + "DE", + "SC" + ], + [ + "Ġen", + "zym" + ], + [ + "io", + "let" + ], + [ + "ĠCh", + "ip" + ], + [ + "ĠMc", + "Donald" + ], + [ + "Ġn", + "erve" + ], + [ + "ç", + "Ħ" + ], + [ + "\")", + "]" + ], + [ + "æ±", + "Ĥ" + ], + [ + "ĠS", + "ugar" + ], + [ + "_S", + "IM" + ], + [ + "j", + "peg" + ], + [ + "Ġdiscret", + "ion" + ], + [ + "ĠT", + "N" + ], + [ + "bo", + "ve" + ], + [ + "ĠMin", + "imum" + ], + [ + "ĠForm", + "Group" + ], + [ + "Ġwork", + "force" + ], + [ + "ĠExec", + "ution" + ], + [ + "err", + "er" + ], + [ + "ĉ", + "ĠĠĠĠĉ" + ], + [ + "Ġpres", + "cribed" + ], + [ + ".Text", + "Align" + ], + [ + "OP", + "EN" + ], + [ + "ĠP", + "B" + ], + [ + "im", + "ity" + ], + [ + "ĠEx", + "ternal" + ], + [ + "°", + "C" + ], + [ + "ĠApplication", + "Controller" + ], + [ + "Ġb", + "arr" + ], + [ + "imp", + "licit" + ], + [ + "_d", + "ot" + ], + [ + "ĠCol", + "on" + ], + [ + "C", + "OLOR" + ], + [ + ".Pro", + "ject" + ], + [ + "*", + "", + "}Ċ" + ], + [ + "pl", + "aint" + ], + [ + "get", + "Text" + ], + [ + "Ġindivid", + "ually" + ], + [ + "Ġcheck", + "box" + ], + [ + "U", + "Y" + ], + [ + "ĠL", + "amb" + ], + [ + "Ġdys", + "function" + ], + [ + "ĠL", + "ar" + ], + [ + "à", + "°" + ], + [ + "ĠCre", + "ating" + ], + [ + "');ĊĊ", + "Ċ" + ], + [ + "\"", + "They" + ], + [ + "loc", + "ations" + ], + [ + "_C", + "ORE" + ], + [ + "Inter", + "action" + ], + [ + "umbn", + "ails" + ], + [ + "ĠPart", + "ner" + ], + [ + "b", + "rit" + ], + [ + "Ġless", + "er" + ], + [ + "ĠSl", + "ot" + ], + [ + "set", + "Attribute" + ], + [ + "ĠW", + "ave" + ], + [ + ".p", + "o" + ], + [ + "/", + "store" + ], + [ + "Ġbrows", + "ing" + ], + [ + "_p", + "d" + ], + [ + "sum", + "e" + ], + [ + "s", + "ed" + ], + [ + "Cur", + "ve" + ], + [ + "Ġpl", + "asma" + ], + [ + "Ġsusp", + "icious" + ], + [ + "ìĿ", + "¸" + ], + [ + "ĠB", + "ah" + ], + [ + "ĠExp", + "licit" + ], + [ + "_C", + "C" + ], + [ + ".Client", + "Size" + ], + [ + "\\", + "View" + ], + [ + "Ġsub", + "stit" + ], + [ + "lo", + "on" + ], + [ + "ĠG", + "AME" + ], + [ + "ĠB", + "rid" + ], + [ + "Ľ", + "建" + ], + [ + "_", + "User" + ], + [ + "Ġsqu", + "ares" + ], + [ + "f", + "one" + ], + [ + "Ġsac", + "red" + ], + [ + "ug", + "hs" + ], + [ + "]", + "interface" + ], + [ + "ĠTh", + "row" + ], + [ + "ĠK", + "irk" + ], + [ + "Ġemp", + "ire" + ], + [ + "Ġassess", + "ed" + ], + [ + "T", + "ax" + ], + [ + "ĠHe", + "aven" + ], + [ + "-b", + "uffer" + ], + [ + "_STAT", + "IC" + ], + [ + "én", + "é" + ], + [ + "-b", + "ordered" + ], + [ + "Ġpun", + "ct" + ], + [ + "(m", + "ode" + ], + [ + "Ġke", + "ine" + ], + [ + "S", + "ent" + ], + [ + "ĠCal", + "cul" + ], + [ + "ĠE", + "ve" + ], + [ + "Ġsty", + "lish" + ], + [ + "Ġoil", + "s" + ], + [ + ".Test", + "Case" + ], + [ + "Ġtrad", + "emark" + ], + [ + "Ġliter", + "ary" + ], + [ + "Ġconcentr", + "ations" + ], + [ + "ĠRel", + "ations" + ], + [ + "(", + "Class" + ], + [ + "Ġstd", + "in" + ], + [ + "Ġv", + "æ" + ], + [ + "back", + "up" + ], + [ + ".", + "VERSION" + ], + [ + ".AutoScale", + "Dimensions" + ], + [ + "st", + "arter" + ], + [ + "Transaction", + "al" + ], + [ + "-", + "panel" + ], + [ + "St", + "udio" + ], + [ + "k", + "c" + ], + [ + "ĠCh", + "amber" + ], + [ + "ĠSpi", + "el" + ], + [ + "Ġr", + "ho" + ], + [ + "ا", + "ÙĦ" + ], + [ + "!", + "'" + ], + [ + ".At", + "tributes" + ], + [ + "Ġmurder", + "ed" + ], + [ + "apeut", + "ic" + ], + [ + "Ġint", + "imate" + ], + [ + "Ġtext", + "Field" + ], + [ + "ĠBuff", + "alo" + ], + [ + "d", + "ummy" + ], + [ + "\"", + "%" + ], + [ + "ĠLib", + "erty" + ], + [ + "ob", + "ar" + ], + [ + "ĠT", + "ank" + ], + [ + "ĠPop", + "ular" + ], + [ + "erv", + "isor" + ], + [ + "ĠIn", + "iti" + ], + [ + "ĠM", + "all" + ], + [ + "ĠP", + "rior" + ], + [ + "C", + "AP" + ], + [ + "ĠCl", + "ay" + ], + [ + "ĠCert", + "ificate" + ], + [ + ".L", + "ock" + ], + [ + "-st", + "rip" + ], + [ + "-dr", + "iven" + ], + [ + "/", + "all" + ], + [ + "ĠMessageBox", + "Buttons" + ], + [ + "_SE", + "CRET" + ], + [ + "_p", + "b" + ], + [ + "Ġr", + "ats" + ], + [ + "ा", + "à¤" + ], + [ + "Ġn", + "t" + ], + [ + ".R", + "outer" + ], + [ + "_top", + "ic" + ], + [ + "Ġt", + "ennis" + ], + [ + "ĠP", + "UBLIC" + ], + [ + "ĠActiv", + "atedRoute" + ], + [ + "Ġ'", + ",Ċ" + ], + [ + "Ġcost", + "ume" + ], + [ + "Ġj", + "okes" + ], + [ + ".", + "Handle" + ], + [ + "ĉ", + "byte" + ], + [ + "Ġflav", + "ors" + ], + [ + "(", + "cc" + ], + [ + "Ġperson", + "as" + ], + [ + "ĉ", + "image" + ], + [ + "ĠN", + "azi" + ], + [ + "Ġgram", + "mar" + ], + [ + "Ġú", + "lt" + ], + [ + "Ġval", + "ve" + ], + [ + "Ġv", + "ic" + ], + [ + "ĠR", + "achel" + ], + [ + "_in", + "valid" + ], + [ + "P", + "refs" + ], + [ + "std", + "int" + ], + [ + "(r", + "oute" + ], + [ + "Ġhtml", + "specialchars" + ], + [ + "Ġpe", + "oples" + ], + [ + "pl", + "ine" + ], + [ + "Ġn", + "v" + ], + [ + "ĠQu", + "ant" + ], + [ + "opp", + "ers" + ], + [ + "Ġcurrent", + "User" + ], + [ + "ĠC", + "atal" + ], + [ + "Ġrecon", + "c" + ], + [ + "Ġconj", + "unction" + ], + [ + "l", + "x" + ], + [ + "amb", + "urg" + ], + [ + "Ġinflu", + "ential" + ], + [ + "d", + "anger" + ], + [ + "ind", + "ers" + ], + [ + "Ġ%", + "@\"," + ], + [ + ".config", + "uration" + ], + [ + "os", + "ome" + ], + [ + ".", + "identity" + ], + [ + "Ġpick", + "er" + ], + [ + "n", + "ost" + ], + [ + "ĠDI", + "Y" + ], + [ + "Aug", + "ust" + ], + [ + "ab", + "lo" + ], + [ + "Le", + "af" + ], + [ + "ĠRec", + "o" + ], + [ + "ck", + "o" + ], + [ + "DO", + "C" + ], + [ + "ĠH", + "erm" + ], + [ + ":", + "any" + ], + [ + "ĠInt", + "erview" + ], + [ + "ĠT", + "ex" + ], + [ + "x", + "fe" + ], + [ + "(", + "work" + ], + [ + "Ġle", + "ap" + ], + [ + "He", + "ading" + ], + [ + "Ġqu", + "arters" + ], + [ + "\\", + "Bundle" + ], + [ + "re", + "b" + ], + [ + "Per", + "haps" + ], + [ + "ĠG", + "mbH" + ], + [ + "B", + "irth" + ], + [ + "ĉ", + "sum" + ], + [ + "ĠWat", + "son" + ], + [ + ".n", + "il" + ], + [ + "ç", + "¡" + ], + [ + "{", + "}ĊĊ" + ], + [ + "ica", + "id" + ], + [ + "Get", + "ter" + ], + [ + "\"", + "name" + ], + [ + "Ġ\"", + "čĊ" + ], + [ + "_n", + "one" + ], + [ + "z", + "m" + ], + [ + "ac", + "ute" + ], + [ + "uest", + "o" + ], + [ + "Ġs", + "ous" + ], + [ + "Ġre", + "build" + ], + [ + "Ġnewsp", + "apers" + ], + [ + "ĠH", + "az" + ], + [ + "Ġk", + "its" + ], + [ + "if", + "o" + ], + [ + "Bl", + "ur" + ], + [ + "Ġsu", + "ited" + ], + [ + "-", + "In" + ], + [ + "à", + "¯" + ], + [ + "ĠKe", + "ith" + ], + [ + "ĠNor", + "way" + ], + [ + "IN", + "IT" + ], + [ + "ire", + "ccion" + ], + [ + "iet", + "ies" + ], + [ + "_us", + "age" + ], + [ + "ĠDou", + "g" + ], + [ + "r", + "ise" + ], + [ + "Ġtr", + "illion" + ], + [ + "im", + "ited" + ], + [ + "ĠR", + "EL" + ], + [ + "al", + "ic" + ], + [ + "Ġcritic", + "ized" + ], + [ + "the", + "orem" + ], + [ + "Ġce", + "ase" + ], + [ + "Ġsid", + "ew" + ], + [ + "ĠT", + "erry" + ], + [ + "Ġsubs", + "idi" + ], + [ + "Ġfirm", + "ly" + ], + [ + "Ġaw", + "s" + ], + [ + "Ġh", + "ott" + ], + [ + "Ġdress", + "ing" + ], + [ + "bad", + "ge" + ], + [ + "ĠApp", + "lications" + ], + [ + "è¿", + "ĶåĽŀ" + ], + [ + "Ġlaugh", + "ed" + ], + [ + "Ġh", + "obby" + ], + [ + "Ġmus", + "icians" + ], + [ + "Ġ*", + "." + ], + [ + ".", + "placeholder" + ], + [ + "Ġcount", + "ers" + ], + [ + "ĠCap", + "itol" + ], + [ + "SD", + "K" + ], + [ + "Ġhel", + "met" + ], + [ + "and", + "box" + ], + [ + "qu", + "it" + ], + [ + "Ġcriminal", + "s" + ], + [ + "Ġteen", + "ager" + ], + [ + "(", + "update" + ], + [ + "G", + "l" + ], + [ + ".se", + "lection" + ], + [ + "Ġdis", + "charge" + ], + [ + "Ġpresent", + "ing" + ], + [ + "ufact", + "urer" + ], + [ + "_UN", + "KNOWN" + ], + [ + "Ġstress", + "ed" + ], + [ + "å", + "ύ" + ], + [ + "Pro", + "to" + ], + [ + "_cor", + "rect" + ], + [ + "ha", + "us" + ], + [ + "Ġren", + "ov" + ], + [ + "Ġfire", + "arms" + ], + [ + "Ġtechn", + "ically" + ], + [ + "-b", + "rowser" + ], + [ + "Ġc", + "andy" + ], + [ + "St", + "roke" + ], + [ + "Ġexec", + "utor" + ], + [ + "Ġocc", + "urrence" + ], + [ + "ĠIP", + "v" + ], + [ + "_INTER", + "FACE" + ], + [ + "ĠRetrie", + "ve" + ], + [ + ".b", + "ad" + ], + [ + "Ex", + "change" + ], + [ + "Nav", + "bar" + ], + [ + "ĠK", + "id" + ], + [ + "(get", + "ApplicationContext" + ], + [ + "_ST", + "OP" + ], + [ + "ĠB", + "oss" + ], + [ + "List", + "eners" + ], + [ + "Ġshoot", + "er" + ], + [ + "ĠAl", + "b" + ], + [ + "ä", + "ch" + ], + [ + "Ġp", + "ix" + ], + [ + ".key", + "Code" + ], + [ + "al", + "one" + ], + [ + "Ġabs", + "urd" + ], + [ + "ĠC", + "um" + ], + [ + "ĠNewton", + "soft" + ], + [ + "ik", + "t" + ], + [ + "Ġlaugh", + "ing" + ], + [ + "Ġcapital", + "ism" + ], + [ + "ree", + "Node" + ], + [ + "T", + "x" + ], + [ + "_QU", + "ERY" + ], + [ + ".S", + "leep" + ], + [ + "(", + "login" + ], + [ + "Web", + "Element" + ], + [ + "Ġcelebr", + "ating" + ], + [ + "Ġde", + "precated" + ], + [ + "Ġma", + "ar" + ], + [ + "Ġart", + "istic" + ], + [ + "_ASS", + "OC" + ], + [ + "ĠBorder", + "Radius" + ], + [ + "ĉw", + "p" + ], + [ + "Ġsurviv", + "ors" + ], + [ + "In", + "ner" + ], + [ + "-", + "red" + ], + [ + "Ġprosec", + "ution" + ], + [ + "_", + "pp" + ], + [ + "(\"", + "", + "$" + ], + [ + "Ġcomm", + "a" + ], + [ + "un", + "checked" + ], + [ + "graph", + "ics" + ], + [ + "r", + "ors" + ], + [ + "G", + "ROUND" + ], + [ + "(", + "public" + ], + [ + "Ġcustom", + "ized" + ], + [ + "ĠArk", + "ansas" + ], + [ + "ĠR", + "ew" + ], + [ + "Ġexp", + "iration" + ], + [ + "×", + "ķ" + ], + [ + "ĠC", + "ul" + ], + [ + "Ġn", + "ons" + ], + [ + ".F", + "ilter" + ], + [ + "Ġsen", + "ator" + ], + [ + "_def", + "inition" + ], + [ + "ash", + "ington" + ], + [ + "ym", + "ph" + ], + [ + "/", + "J" + ], + [ + "Ġf", + "use" + ], + [ + "ram", + "id" + ], + [ + "ĠSup", + "plier" + ], + [ + "Ġaut", + "ocomplete" + ], + [ + "Ġ}", + ")," + ], + [ + ".\"", + "ĊĊĊ" + ], + [ + "_function", + "s" + ], + [ + "ĉ", + "to" + ], + [ + ".e", + "val" + ], + [ + "ĠT", + "Object" + ], + [ + "Re", + "ferences" + ], + [ + "Ġhe", + "ated" + ], + [ + "H", + "AL" + ], + [ + "Ġ))", + "}Ċ" + ], + [ + "}", + "$" + ], + [ + "ĠB", + "arr" + ], + [ + "_UN", + "IT" + ], + [ + "+", + "$" + ], + [ + "Ġget", + "Value" + ], + [ + "ip", + "ed" + ], + [ + "ch", + "ied" + ], + [ + "(v", + "m" + ], + [ + "c", + "ue" + ], + [ + "_int", + "eger" + ], + [ + "_c", + "ourse" + ], + [ + "th", + "ird" + ], + [ + "Ġrevis", + "ed" + ], + [ + "**", + "/Ċ" + ], + [ + "_D", + "IRECT" + ], + [ + "Out", + "Of" + ], + [ + "(\"", + "(" + ], + [ + "ĠFe", + "el" + ], + [ + "Ġre", + "ass" + ], + [ + "Ġsub", + "title" + ], + [ + "per", + "i" + ], + [ + "n", + "f" + ], + [ + "Ġenjo", + "ys" + ], + [ + "Ġtreat", + "s" + ], + [ + ")", + "this" + ], + [ + "-t", + "abs" + ], + [ + "anc", + "ers" + ], + [ + "Ġcontin", + "ent" + ], + [ + "Ġcard", + "io" + ], + [ + "S", + "er" + ], + [ + ".", + "question" + ], + [ + "Ġph", + "rases" + ], + [ + "Valid", + "ators" + ], + [ + "Ġpop", + "ul" + ], + [ + "Ġl", + "ÃŃ" + ], + [ + "s", + "ong" + ], + [ + "_IN", + "TERNAL" + ], + [ + "Ġadvis", + "er" + ], + [ + "Ġp", + "uzz" + ], + [ + "Ġambit", + "ious" + ], + [ + "ĠT", + "ob" + ], + [ + "ĠD", + "P" + ], + [ + "Ġpres", + "idency" + ], + [ + "Ġsurre", + "nder" + ], + [ + "Ġwatch", + "es" + ], + [ + "_b", + "inary" + ], + [ + "ĠSo", + "on" + ], + [ + "Ġcan", + "ada" + ], + [ + "(\"", + "\")Ċ" + ], + [ + "]", + "='" + ], + [ + "ĠBr", + "andon" + ], + [ + "eps", + "ilon" + ], + [ + "r", + "w" + ], + [ + ".add", + "Child" + ], + [ + ".C", + "opy" + ], + [ + "Pr", + "incipal" + ], + [ + "Ph", + "otos" + ], + [ + "Ġmarg", + "inal" + ], + [ + "Ġbas", + "ics" + ], + [ + "e", + "ing" + ], + [ + "M", + "ust" + ], + [ + "_", + "String" + ], + [ + "Ġo", + "le" + ], + [ + "M", + "agento" + ], + [ + ".c", + "ustomer" + ], + [ + "(p", + "rev" + ], + [ + "à¸", + "¥" + ], + [ + "Ġlo", + "yalty" + ], + [ + "C", + "og" + ], + [ + "Ġprot", + "ocols" + ], + [ + "ĠCom", + "panies" + ], + [ + "Ġtheoret", + "ical" + ], + [ + "Ġaccess", + "ing" + ], + [ + "ĠZ", + "en" + ], + [ + ".", + "ones" + ], + [ + "att", + "ice" + ], + [ + "_w", + "orld" + ], + [ + "z", + "es" + ], + [ + "Ġtatto", + "o" + ], + [ + "Ġmen", + "os" + ], + [ + "Ġinter", + "sect" + ], + [ + "\"]", + ";ĊĊ" + ], + [ + "bel", + "ie" + ], + [ + "Ġin", + "active" + ], + [ + ".read", + "line" + ], + [ + "-label", + "led" + ], + [ + ".d", + "one" + ], + [ + "lick", + "r" + ], + [ + "ĠW", + "ORK" + ], + [ + "Ġderiv", + "ative" + ], + [ + "Ġd", + "atabases" + ], + [ + "âĤ", + "Ĥ" + ], + [ + "Ġs", + "x" + ], + [ + ".is", + "Array" + ], + [ + "Ġy", + "s" + ], + [ + "Ġp", + "ada" + ], + [ + "ĠBul", + "let" + ], + [ + "(`", + "/" + ], + [ + "is", + "Active" + ], + [ + "ĠCG", + "Size" + ], + [ + "(equal", + "To" + ], + [ + "ĠColum", + "bus" + ], + [ + "Ġmar", + "ry" + ], + [ + "DE", + "V" + ], + [ + "_l", + "imits" + ], + [ + "ron", + "es" + ], + [ + "I", + "AS" + ], + [ + "Ġt", + "au" + ], + [ + "min", + "o" + ], + [ + "_W", + "rite" + ], + [ + "ĠW", + "ine" + ], + [ + "Ġ[", + "['" + ], + [ + "ĠP", + "ull" + ], + [ + "rit", + "ers" + ], + [ + "ri", + "ents" + ], + [ + "Ġsh", + "ifting" + ], + [ + "up", + "p" + ], + [ + "_TIM", + "ER" + ], + [ + "ĠCondition", + "s" + ], + [ + "áº", + "¥" + ], + [ + "ĠOr", + "ders" + ], + [ + "ĠSt", + "rength" + ], + [ + "æī", + "Ģ" + ], + [ + "Ġvalid", + "ity" + ], + [ + "Ġf", + "ot" + ], + [ + "et", + "ur" + ], + [ + "Ġb", + "olt" + ], + [ + "åĨ", + "ħ" + ], + [ + "ĠAl", + "ong" + ], + [ + "os", + "hi" + ], + [ + "Ġassum", + "ptions" + ], + [ + "Ġmag", + "azines" + ], + [ + "_S", + "PI" + ], + [ + "Ġp", + "unt" + ], + [ + "_PRO", + "DUCT" + ], + [ + "Ġrel", + "ay" + ], + [ + "ĠJ", + "avascript" + ], + [ + ".", + "te" + ], + [ + "-", + "es" + ], + [ + "Ġwidget", + "s" + ], + [ + "(f", + "s" + ], + [ + "<", + "Item" + ], + [ + "_ex", + "tra" + ], + [ + "Ġrecru", + "iting" + ], + [ + "E", + "t" + ], + [ + "Ġnecess", + "ity" + ], + [ + "p", + "w" + ], + [ + "Ġnov", + "els" + ], + [ + "uss", + "els" + ], + [ + "Cre", + "ator" + ], + [ + "ĠM", + "VP" + ], + [ + "ĠO", + "C" + ], + [ + "th", + "ood" + ], + [ + "cl", + "ients" + ], + [ + "))", + "*" + ], + [ + "Ġcharacter", + "ized" + ], + [ + "_SE", + "ND" + ], + [ + "ut", + "i" + ], + [ + "T", + "y" + ], + [ + ".from", + "Json" + ], + [ + "@", + "Service" + ], + [ + "ãĤ", + "Ĥ" + ], + [ + "Ch", + "ris" + ], + [ + "_", + "Is" + ], + [ + "ĠJohn", + "ny" + ], + [ + "Ġclean", + "er" + ], + [ + "ĠInitial", + "izes" + ], + [ + "UN", + "K" + ], + [ + "(", + "axis" + ], + [ + "еÐ", + "·" + ], + [ + "ie", + "val" + ], + [ + "ĠWar", + "riors" + ], + [ + "}", + ")(" + ], + [ + "DM", + "I" + ], + [ + "âĻ", + "Ģ" + ], + [ + "ĠTre", + "asury" + ], + [ + "Ġfe", + "as" + ], + [ + "Ġsl", + "a" + ], + [ + "_EN", + "UM" + ], + [ + "l", + "hs" + ], + [ + "ĠIn", + "stit" + ], + [ + "ipp", + "ers" + ], + [ + "Line", + "ar" + ], + [ + "Re", + "ading" + ], + [ + "quir", + "ies" + ], + [ + "-c", + "ell" + ], + [ + "ch", + "rome" + ], + [ + ".S", + "earch" + ], + [ + "IN", + "A" + ], + [ + "ç±»", + "åŀĭ" + ], + [ + "ĠĊ", + "ĠĊ" + ], + [ + "ĠSam", + "uel" + ], + [ + "Ġmill", + "s" + ], + [ + "Ġdon", + "ate" + ], + [ + "ĠGe", + "o" + ], + [ + "(", + "rows" + ], + [ + "Ġshe", + "ep" + ], + [ + "Ġé", + "l" + ], + [ + "ä½", + "ĵ" + ], + [ + "Ġb", + "em" + ], + [ + "_UN", + "USED" + ], + [ + "ĠR", + "CC" + ], + [ + "Ġintrodu", + "cing" + ], + [ + "att", + "a" + ], + [ + "ĠP", + "riority" + ], + [ + "ĠF", + "B" + ], + [ + "ĠSer", + "ge" + ], + [ + ">", + "\";" + ], + [ + "atch", + "ing" + ], + [ + "ĠKnow", + "ledge" + ], + [ + "ĉ", + "The" + ], + [ + ";", + "margin" + ], + [ + "less", + "ness" + ], + [ + "op", + "ard" + ], + [ + "um", + "atic" + ], + [ + "()", + "));čĊ" + ], + [ + "Ġf", + "als" + ], + [ + "(c", + "ache" + ], + [ + "Type", + "Id" + ], + [ + "éĢ", + "ļ" + ], + [ + "_", + "choice" + ], + [ + "ĠGo", + "th" + ], + [ + "ĠS", + "ites" + ], + [ + "M", + "G" + ], + [ + "_b", + "order" + ], + [ + "Ind", + "ices" + ], + [ + "Compar", + "er" + ], + [ + "ĠRed", + "istribution" + ], + [ + "Ġclo", + "set" + ], + [ + "Ġvers", + "atile" + ], + [ + "Input", + "s" + ], + [ + "****************", + "****" + ], + [ + "Ġob", + "esity" + ], + [ + "qu", + "iz" + ], + [ + "gr", + "a" + ], + [ + "(g", + "lobal" + ], + [ + "åĬ", + "¡" + ], + [ + "Ġcollect", + "or" + ], + [ + "Ġk", + "or" + ], + [ + "ov", + "able" + ], + [ + "AD", + "C" + ], + [ + "ĠEvent", + "Handler" + ], + [ + ".", + "nc" + ], + [ + "Ġplay", + "back" + ], + [ + "ient", + "os" + ], + [ + "_p", + "erm" + ], + [ + "_W", + "ARNING" + ], + [ + "ĠOlymp", + "ics" + ], + [ + ".n", + "orm" + ], + [ + "ĠBroad", + "cast" + ], + [ + "_sm", + "all" + ], + [ + "dr", + "ive" + ], + [ + ".", + "iloc" + ], + [ + "Ġtyp", + "ed" + ], + [ + "M", + "EM" + ], + [ + "_con", + "s" + ], + [ + "DM", + "ETHOD" + ], + [ + "Ġl", + "un" + ], + [ + ".d", + "istance" + ], + [ + "(p", + "ar" + ], + [ + "po", + "on" + ], + [ + "Ġb", + "ast" + ], + [ + "activ", + "ities" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + ":", + "čĊčĊ" + ], + [ + "S", + "ER" + ], + [ + ")", + "&&" + ], + [ + "_l", + "st" + ], + [ + "ĠPol", + "ish" + ], + [ + "Ġknock", + "ed" + ], + [ + "Ġfrustr", + "ation" + ], + [ + "au", + "kee" + ], + [ + "Ġph", + "osph" + ], + [ + "iqu", + "id" + ], + [ + "_c", + "oeff" + ], + [ + "æŃ", + "¤" + ], + [ + "L", + "atest" + ], + [ + "ĠD", + "ust" + ], + [ + "T", + "ipo" + ], + [ + "Ġmaint", + "ains" + ], + [ + "Ġmar", + "sh" + ], + [ + "inc", + "inn" + ], + [ + "l", + "bl" + ], + [ + "C", + "are" + ], + [ + "Ġneighborhood", + "s" + ], + [ + "_g", + "pio" + ], + [ + "ĠAr", + "senal" + ], + [ + "D", + "em" + ], + [ + "ĠW", + "he" + ], + [ + "_h", + "ook" + ], + [ + "Ġl", + "dc" + ], + [ + "ĠHar", + "per" + ], + [ + "ĠBer", + "keley" + ], + [ + "Ġgrad", + "uated" + ], + [ + "Per", + "cent" + ], + [ + "Ġarr", + "iving" + ], + [ + "ĠAdvent", + "ure" + ], + [ + "(s", + "cope" + ], + [ + "('", + "*" + ], + [ + "qu", + "arter" + ], + [ + "ĠMar", + "ie" + ], + [ + "Spe", + "aking" + ], + [ + "_code", + "gen" + ], + [ + "Ġimm", + "un" + ], + [ + "c", + "aster" + ], + [ + "ãĤ", + "Į" + ], + [ + "åķ", + "Ĩ" + ], + [ + "ĠDim", + "ensions" + ], + [ + ".rec", + "ord" + ], + [ + "Ġtext", + "o" + ], + [ + "ĠMich", + "elle" + ], + [ + "P", + "ending" + ], + [ + "(", + "by" + ], + [ + "_P", + "AR" + ], + [ + "uch", + "t" + ], + [ + "be", + "e" + ], + [ + ".Th", + "read" + ], + [ + "amp", + "ire" + ], + [ + "k", + "now" + ], + [ + "ĠClin", + "ical" + ], + [ + "Ġmargin", + "Bottom" + ], + [ + "Ġdistingu", + "ish" + ], + [ + ".F", + "ull" + ], + [ + ".", + "undefined" + ], + [ + "ĠSequ", + "elize" + ], + [ + "################################################################", + "############" + ], + [ + "Ġeduc", + "ated" + ], + [ + "_O", + "VER" + ], + [ + "åº", + "ı" + ], + [ + "ĠÂł", + "ĠÂł" + ], + [ + "_e", + "ach" + ], + [ + "Ġur", + "ge" + ], + [ + "de", + "part" + ], + [ + "Ġdon", + "ors" + ], + [ + "ĠA", + "u" + ], + [ + "Ġbill", + "ions" + ], + [ + "Ġbelong", + "ing" + ], + [ + "_", + "age" + ], + [ + "_", + "Int" + ], + [ + "Ġsub", + "stances" + ], + [ + "m", + "achine" + ], + [ + "!!", + "!ĊĊ" + ], + [ + "Ġjson", + "ify" + ], + [ + "ib", + "bean" + ], + [ + "ĠC", + "ad" + ], + [ + "Ġend", + "Time" + ], + [ + "Ġc", + "ycling" + ], + [ + "ĠUIT", + "extField" + ], + [ + "Ġle", + "verage" + ], + [ + "Ġvan", + "illa" + ], + [ + "e", + "at" + ], + [ + "La", + "unch" + ], + [ + "(", + "pt" + ], + [ + "st", + "ates" + ], + [ + "ĠControl", + "s" + ], + [ + "ĠRes", + "pons" + ], + [ + "ĠJ", + "ake" + ], + [ + "Ġas", + "leep" + ], + [ + "fort", + "unate" + ], + [ + ".next", + "Line" + ], + [ + "Size", + "Mode" + ], + [ + "ìĿ", + "¼" + ], + [ + "Testing", + "Module" + ], + [ + "G", + "erman" + ], + [ + "ĠInvest", + "ig" + ], + [ + ".re", + "verse" + ], + [ + "ĠB", + "ACK" + ], + [ + "(", + "DateTime" + ], + [ + "Ġnon", + "profit" + ], + [ + "ĠEx", + "pect" + ], + [ + "Ġt", + "anto" + ], + [ + "']", + ")," + ], + [ + "ĉ", + "the" + ], + [ + "M", + "ultiple" + ], + [ + "(get", + "Activity" + ], + [ + "_W", + "AIT" + ], + [ + "Ġj", + "á" + ], + [ + "de", + "cor" + ], + [ + "lev", + "ance" + ], + [ + "ĠGit", + "Hub" + ], + [ + "min", + "ation" + ], + [ + "_qu", + "antity" + ], + [ + ".Sc", + "anner" + ], + [ + "ĠL", + "ion" + ], + [ + "éĶĻ", + "误" + ], + [ + "Ġd", + "re" + ], + [ + "Ġtan", + "tra" + ], + [ + "Ġcontent", + "Type" + ], + [ + "Ġf", + "id" + ], + [ + "_", + "alt" + ], + [ + "NS", + "IndexPath" + ], + [ + "-", + "pl" + ], + [ + "åĮ", + "ĸ" + ], + [ + "Ġantib", + "iot" + ], + [ + "table", + "s" + ], + [ + "ac", + "ial" + ], + [ + "ĠReg", + "istry" + ], + [ + "Ġol", + "ive" + ], + [ + "ig", + "ers" + ], + [ + "Ġsubscri", + "ber" + ], + [ + "_p", + "res" + ], + [ + "ĠSy", + "ntax" + ], + [ + "Ġlo", + "vers" + ], + [ + ".", + "Byte" + ], + [ + "old", + "ers" + ], + [ + "_for", + "ward" + ], + [ + "al", + "ways" + ], + [ + "C", + "aption" + ], + [ + "Pr", + "iv" + ], + [ + "ĠT", + "ampa" + ], + [ + "is", + "ateur" + ], + [ + "-labelled", + "by" + ], + [ + "ĠTo", + "String" + ], + [ + "Ġì", + "Ĥ¬" + ], + [ + "Ġinit", + "iated" + ], + [ + "W", + "F" + ], + [ + "Ġinstitution", + "al" + ], + [ + "in", + "ject" + ], + [ + "ĠSc", + "r" + ], + [ + "Ġdo", + "ctrine" + ], + [ + "Ġsp", + "acious" + ], + [ + "is", + "ure" + ], + [ + "ĠAn", + "a" + ], + [ + "\"", + "time" + ], + [ + "ess", + "aging" + ], + [ + "Ġc", + "id" + ], + [ + "ĠN", + "an" + ], + [ + "Ġin", + "complete" + ], + [ + "T", + "AG" + ], + [ + "-b", + "uild" + ], + [ + "Dec", + "ember" + ], + [ + "Ġres", + "idual" + ], + [ + "(P", + "DO" + ], + [ + "ĠList", + "en" + ], + [ + "Ġg", + "lyph" + ], + [ + "Ġg", + "aps" + ], + [ + "ne", + "a" + ], + [ + ".R", + "ect" + ], + [ + "Ġsa", + "u" + ], + [ + "ĠPhot", + "ograph" + ], + [ + "Ġexec", + "utable" + ], + [ + "ĠExp", + "ert" + ], + [ + "Cor", + "outine" + ], + [ + "_s", + "izes" + ], + [ + "ĠN", + "L" + ], + [ + ".is", + "Valid" + ], + [ + ");", + "}Ċ" + ], + [ + "-", + "reg" + ], + [ + "Ġc", + "iting" + ], + [ + "c", + "wd" + ], + [ + "ĠOtt", + "awa" + ], + [ + "ĠB", + "att" + ], + [ + "Ġrenew", + "able" + ], + [ + "Ġprelim", + "inary" + ], + [ + "Ġas", + "ylum" + ], + [ + "Ġw", + "rist" + ], + [ + "Ġutil", + "iz" + ], + [ + "Ġdet", + "ention" + ], + [ + "F", + "ast" + ], + [ + "Ġan", + "ge" + ], + [ + "incinn", + "ati" + ], + [ + "Ġste", + "ering" + ], + [ + "ĠNa", + "N" + ], + [ + "ios", + "ity" + ], + [ + "/", + "page" + ], + [ + "Ġè", + "¿" + ], + [ + "ster", + "ol" + ], + [ + "Ġdis", + "g" + ], + [ + "(", + "DB" + ], + [ + "ĠDESC", + "RIPTION" + ], + [ + "Ġ_", + "$" + ], + [ + "Ġobst", + "acle" + ], + [ + "Ġb", + "izarre" + ], + [ + "Ġextr", + "action" + ], + [ + "_ex", + "pected" + ], + [ + "Ġlos", + "es" + ], + [ + "ĠCele", + "br" + ], + [ + "Ġhtml", + "For" + ], + [ + "Ġexplo", + "it" + ], + [ + "олÑĮз", + "ов" + ], + [ + "XY", + "Z" + ], + [ + "Ġmagn", + "et" + ], + [ + "amp", + "ed" + ], + [ + "Ġat", + "oms" + ], + [ + "S", + "ources" + ], + [ + "pect", + "ives" + ], + [ + "Ñģ", + "ли" + ], + [ + "Ġ=", + "čĊ" + ], + [ + "Ġd", + "are" + ], + [ + "ĠWal", + "ter" + ], + [ + "Ġbright", + "ness" + ], + [ + "Ġan", + "notations" + ], + [ + "ë", + "ı" + ], + [ + "is", + "ke" + ], + [ + "S", + "chedule" + ], + [ + ".", + "images" + ], + [ + "ros", + "so" + ], + [ + "Ġ\"", + ".." + ], + [ + "g", + "amma" + ], + [ + "Ġin", + "structor" + ], + [ + "Ġover", + "write" + ], + [ + "-", + "am" + ], + [ + "Ġdevast", + "ating" + ], + [ + "ĠSaint", + "s" + ], + [ + "Ġh", + "s" + ], + [ + "Ġbon", + "uses" + ], + [ + "$", + "output" + ], + [ + "ij", + "d" + ], + [ + "(Action", + "Event" + ], + [ + "mon", + "itor" + ], + [ + "Ġmatt", + "ress" + ], + [ + "Jan", + "uary" + ], + [ + ".j", + "p" + ], + [ + "Ġcar", + "acter" + ], + [ + "Ġim", + "pose" + ], + [ + "_re", + "st" + ], + [ + "ĠSign", + "ature" + ], + [ + "Ġcoron", + "avirus" + ], + [ + "ãģ", + "Ĭ" + ], + [ + "_com", + "pare" + ], + [ + "Me", + "asure" + ], + [ + "it", + "ated" + ], + [ + "el", + "ijk" + ], + [ + "ig", + "os" + ], + [ + "es", + "ar" + ], + [ + "Ġrush", + "ed" + ], + [ + "met", + "ry" + ], + [ + "_SE", + "PARATOR" + ], + [ + "_W", + "E" + ], + [ + "_ATTR", + "IBUTE" + ], + [ + "Ġy", + "aml" + ], + [ + "Ġspec", + "s" + ], + [ + "ĠR", + "ah" + ], + [ + "ph", + "eric" + ], + [ + "ĠInvest", + "ment" + ], + [ + "ä", + "ll" + ], + [ + "Ġappe", + "aling" + ], + [ + "Ġview", + "port" + ], + [ + "ç", + "©" + ], + [ + "Ġmargin", + "Left" + ], + [ + "Ġsub", + "tract" + ], + [ + "ĠED", + "IT" + ], + [ + "ĉ", + "ArrayList" + ], + [ + "gr", + "ading" + ], + [ + "ĠF", + "ailure" + ], + [ + "as", + "per" + ], + [ + "EE", + "K" + ], + [ + "(n", + "ow" + ], + [ + "<", + "object" + ], + [ + "ĠAl", + "ignment" + ], + [ + "ple", + "ado" + ], + [ + "q", + "tt" + ], + [ + "(", + "ERROR" + ], + [ + "ĠIN", + "VALID" + ], + [ + "Ġuser", + "id" + ], + [ + "ra", + "ises" + ], + [ + "ID", + "I" + ], + [ + "Ġvari", + "ance" + ], + [ + "ĠN", + "il" + ], + [ + "/", + "delete" + ], + [ + "_M", + "AIN" + ], + [ + ".T", + "oken" + ], + [ + ".C", + "ategory" + ], + [ + ">", + ")Ċ" + ], + [ + "Coll", + "ision" + ], + [ + "ĠGre", + "ater" + ], + [ + "ĠR", + "acing" + ], + [ + "al", + "an" + ], + [ + "Ġmon", + "etary" + ], + [ + ",", + "new" + ], + [ + "ĠS", + "orry" + ], + [ + ".", + "Enable" + ], + [ + "ĠInstant", + "iate" + ], + [ + "oll", + "en" + ], + [ + "ë©", + "´" + ], + [ + "ĠCall", + "ing" + ], + [ + "_h", + "our" + ], + [ + "AD", + "A" + ], + [ + "Ġsh", + "y" + ], + [ + ")", + "**" + ], + [ + "Ġ==", + ">" + ], + [ + "Ġes", + "pecial" + ], + [ + "Ġinterpre", + "ted" + ], + [ + "!", + "=\"" + ], + [ + "Ġpharm", + "acy" + ], + [ + ".s", + "ingle" + ], + [ + "ĠC", + "ialis" + ], + [ + "Ġpar", + "as" + ], + [ + ".to", + "UpperCase" + ], + [ + "ĠDem", + "on" + ], + [ + "Pr", + "ime" + ], + [ + "Ġrank", + "ings" + ], + [ + "Add", + "ing" + ], + [ + "_H", + "ASH" + ], + [ + "ĠEx", + "am" + ], + [ + "Ú", + "©" + ], + [ + "ĠVict", + "or" + ], + [ + "Ok", + "ay" + ], + [ + "\"]", + ";čĊ" + ], + [ + "Ġfort", + "une" + ], + [ + "ĠF", + "ETCH" + ], + [ + "exp", + "and" + ], + [ + ".Inter", + "op" + ], + [ + "Ġb", + "arn" + ], + [ + "æ", + "¶Ī" + ], + [ + "ue", + "vo" + ], + [ + "Ġspec", + "ulation" + ], + [ + "âĶĢâĶĢ", + "âĶĢâĶĢ" + ], + [ + "ĠN", + "u" + ], + [ + "ĠBl", + "ues" + ], + [ + "(f", + "name" + ], + [ + "Ġinhab", + "it" + ], + [ + "Ġ\\\"", + "%" + ], + [ + "C", + "ES" + ], + [ + "ular", + "io" + ], + [ + "_c", + "r" + ], + [ + "Ġvalid", + "ated" + ], + [ + "Ġmid", + "night" + ], + [ + "ank", + "ing" + ], + [ + "Ġincorpor", + "ate" + ], + [ + "Ġpurs", + "uit" + ], + [ + "EX", + "P" + ], + [ + "pr", + "ime" + ], + [ + "P", + "id" + ], + [ + "-", + "US" + ], + [ + "ĠN", + "urs" + ], + [ + "ĠW", + "heel" + ], + [ + "é", + "ĺ" + ], + [ + "Ġin", + "p" + ], + [ + "Ġsupport", + "ive" + ], + [ + ".m", + "ember" + ], + [ + "ĠSh", + "ot" + ], + [ + ".Check", + "Box" + ], + [ + "Ġaff", + "irm" + ], + [ + "T", + "or" + ], + [ + "Full", + "Year" + ], + [ + "Ġconsider", + "ably" + ], + [ + "cred", + "entials" + ], + [ + "_", + "opts" + ], + [ + "R", + "oll" + ], + [ + "(", + "round" + ], + [ + "Ġcom", + "ent" + ], + [ + "_U", + "ART" + ], + [ + "Ġext", + "ending" + ], + [ + "R", + "G" + ], + [ + "result", + "ado" + ], + [ + "it", + "u" + ], + [ + ".get", + "Session" + ], + [ + "Ġattr", + "action" + ], + [ + "&", + "D" + ], + [ + "$", + "html" + ], + [ + "ĠJess", + "ica" + ], + [ + "ĠAssoci", + "ate" + ], + [ + "a", + "ñ" + ], + [ + "_", + "ed" + ], + [ + "ĠL", + "ag" + ], + [ + "Ġorig", + "ins" + ], + [ + "())", + "->" + ], + [ + "add", + "EventListener" + ], + [ + "IAL", + "OG" + ], + [ + "åIJ", + "¦" + ], + [ + ".Com", + "pare" + ], + [ + "Al", + "bum" + ], + [ + "ĠK", + "u" + ], + [ + "<", + "Q" + ], + [ + "arg", + "est" + ], + [ + "Ġpro", + "long" + ], + [ + "Ġconfig", + "urations" + ], + [ + "Ġaccident", + "ally" + ], + [ + "_ph", + "oto" + ], + [ + "Ġ''", + ";čĊ" + ], + [ + "Ġver", + "se" + ], + [ + "B", + "ob" + ], + [ + "Ġfarm", + "ing" + ], + [ + "del", + "ivery" + ], + [ + "ĠM", + "ack" + ], + [ + "Ġuse", + "Selector" + ], + [ + ".bootstrap", + "cdn" + ], + [ + "keep", + "ing" + ], + [ + "en", + "y" + ], + [ + ".", + "upload" + ], + [ + "ĠM", + "ETHOD" + ], + [ + "cre", + "ator" + ], + [ + "<", + "_" + ], + [ + "ĠE", + "aster" + ], + [ + ".", + "--" + ], + [ + "UI", + "Button" + ], + [ + "ãĤ", + "ī" + ], + [ + "om", + "eters" + ], + [ + "Ġsh", + "ine" + ], + [ + "Ġh", + "ogy" + ], + [ + "\\", + "s" + ], + [ + "Ġh", + "arness" + ], + [ + ".C", + "ell" + ], + [ + "Ġlif", + "ting" + ], + [ + "Ġcomb", + "ines" + ], + [ + "ĠOcc", + "up" + ], + [ + "ex", + "clude" + ], + [ + "pat", + "ial" + ], + [ + "Ġres", + "pir" + ], + [ + "_f", + "it" + ], + [ + "Ġfif", + "ty" + ], + [ + "ĠM", + "ol" + ], + [ + "Ġtun", + "ed" + ], + [ + "-d", + "imensional" + ], + [ + "Ġq", + "s" + ], + [ + "Ġto", + "ps" + ], + [ + ">", + "\";ĊĊ" + ], + [ + "quis", + "ite" + ], + [ + "ch", + "annels" + ], + [ + "/", + "res" + ], + [ + "ĠAn", + "alytics" + ], + [ + ".app", + "compat" + ], + [ + "/", + "to" + ], + [ + "Ġon", + "Error" + ], + [ + "(", + "attr" + ], + [ + "IR", + "M" + ], + [ + "Ġrag", + "az" + ], + [ + "-", + "as" + ], + [ + ".Se", + "cond" + ], + [ + "orient", + "ed" + ], + [ + "Ġdon", + "n" + ], + [ + "Ġlight", + "ning" + ], + [ + "f", + "id" + ], + [ + "ĠP", + "le" + ], + [ + "ãģ¾", + "ãģĻ" + ], + [ + "t", + "ro" + ], + [ + ".Tr", + "ue" + ], + [ + "O", + "bservable" + ], + [ + "×", + "Ļ" + ], + [ + "umb", + "ing" + ], + [ + "Ġpros", + "pective" + ], + [ + "-f", + "ilter" + ], + [ + "Ġpurs", + "uant" + ], + [ + "(p", + "oints" + ], + [ + ".B", + "ind" + ], + [ + "Ġp", + "alm" + ], + [ + "clear", + "fix" + ], + [ + "ö", + "s" + ], + [ + "ĠG", + "onz" + ], + [ + "Ġwe", + "aken" + ], + [ + "Dr", + "ive" + ], + [ + "en", + "ido" + ], + [ + "l", + "ld" + ], + [ + "ob", + "ox" + ], + [ + "ane", + "an" + ], + [ + "G", + "ot" + ], + [ + "ä¿", + "Ŀ" + ], + [ + "Reg", + "ex" + ], + [ + "æ", + "ĥ" + ], + [ + "Ġsal", + "ad" + ], + [ + "ass", + "is" + ], + [ + "\"", + "net" + ], + [ + "inherit", + "Doc" + ], + [ + "ĠR", + "V" + ], + [ + "qu", + "ier" + ], + [ + "Ġcl", + "azz" + ], + [ + "ı", + "ÅŁ" + ], + [ + "oster", + "one" + ], + [ + "Ġair", + "line" + ], + [ + ".list", + "dir" + ], + [ + "Ġdownload", + "ing" + ], + [ + "ĠP", + "alm" + ], + [ + "w", + "aukee" + ], + [ + "&", + "lt" + ], + [ + ".B", + "L" + ], + [ + "_IN", + "LINE" + ], + [ + "off", + "s" + ], + [ + "<<", + "(" + ], + [ + "_new", + "s" + ], + [ + "Ġch", + "ase" + ], + [ + "/", + "><" + ], + [ + "Ġeuro", + "s" + ], + [ + "ĠEgypt", + "ian" + ], + [ + "ĠSt", + "ainless" + ], + [ + "_BO", + "OL" + ], + [ + "ĠG", + "uild" + ], + [ + "ĠD", + "ynam" + ], + [ + "[index", + "Path" + ], + [ + "Ġ", + "ï" + ], + [ + "Ġmemor", + "able" + ], + [ + "ĠCh", + "ampion" + ], + [ + "Resource", + "Manager" + ], + [ + ".Log", + "in" + ], + [ + "ĠForm", + "er" + ], + [ + "yp", + "ed" + ], + [ + "Ġl", + "leg" + ], + [ + ";", + "\"," + ], + [ + "D", + "WORD" + ], + [ + "Ġtax", + "i" + ], + [ + "Ġbom", + "bs" + ], + [ + "ra", + "h" + ], + [ + ".t", + "ags" + ], + [ + "_test", + "s" + ], + [ + "st", + "ones" + ], + [ + "âĢĿ", + ")" + ], + [ + "[", + "g" + ], + [ + "r", + "type" + ], + [ + "Ġv", + "u" + ], + [ + "Ġhost", + "ile" + ], + [ + "Ch", + "ars" + ], + [ + "ĠPatri", + "ots" + ], + [ + "/", + "status" + ], + [ + "<", + "B" + ], + [ + "ĠIn", + "come" + ], + [ + "ĠD", + "ad" + ], + [ + "Ġpat", + "rol" + ], + [ + "_CH", + "ANGE" + ], + [ + "Ġup", + "graded" + ], + [ + "Ġch", + "ina" + ], + [ + "set", + "q" + ], + [ + "Start", + "ed" + ], + [ + ".U", + "ndef" + ], + [ + "Ġcheck", + "sum" + ], + [ + "Ġfrustr", + "ated" + ], + [ + "{", + "o" + ], + [ + "Ġen", + "f" + ], + [ + "Ġwood", + "s" + ], + [ + "ĠAny", + "one" + ], + [ + "Enc", + "ode" + ], + [ + "ĠQt", + "Widgets" + ], + [ + "are", + "as" + ], + [ + "Ġshe", + "er" + ], + [ + "sk", + "i" + ], + [ + "end", + "point" + ], + [ + "_T", + "est" + ], + [ + "S", + "oup" + ], + [ + "~~~~~~~~", + "~~~~~~~~" + ], + [ + "(f", + "iles" + ], + [ + "ĉĉĉĉĉ", + "čĊ" + ], + [ + ".sp", + "ark" + ], + [ + "Ġval", + "ued" + ], + [ + "Ġ%", + "Ċ" + ], + [ + ".control", + "s" + ], + [ + "ĠXCTAssert", + "Equal" + ], + [ + "Ġf", + "ame" + ], + [ + "ĠR", + "ic" + ], + [ + "D", + "OT" + ], + [ + "ĠAlbert", + "a" + ], + [ + "ä½", + "¿" + ], + [ + "os", + "al" + ], + [ + ".Web", + "Controls" + ], + [ + "Ġ", + "------------" + ], + [ + "ĠM", + "is" + ], + [ + "ĠS", + "YS" + ], + [ + "Non", + "null" + ], + [ + "=", + "item" + ], + [ + "Ġexp", + "ire" + ], + [ + "Dec", + "ode" + ], + [ + "_", + "operation" + ], + [ + "ĠValid", + "ator" + ], + [ + ".C", + "ENTER" + ], + [ + "uff", + "s" + ], + [ + "*", + "m" + ], + [ + "Ġav", + "ant" + ], + [ + "æ¬", + "¡" + ], + [ + "âĢľ", + "You" + ], + [ + ".per", + "mission" + ], + [ + "...", + ")" + ], + [ + "ĠL", + "ic" + ], + [ + "_co", + "ords" + ], + [ + ".n", + "ombre" + ], + [ + "c", + "lo" + ], + [ + ".Int", + "ernal" + ], + [ + "ĠCh", + "o" + ], + [ + "_s", + "w" + ], + [ + "ĉ", + "Il" + ], + [ + "cl", + "k" + ], + [ + "Ġcast", + "le" + ], + [ + "(l", + "ayer" + ], + [ + "p", + "it" + ], + [ + "Ġgu", + "ided" + ], + [ + "Ġâĸ", + "Ī" + ], + [ + "Ġsuper", + "b" + ], + [ + "Ġsup", + "plements" + ], + [ + "_c", + "ent" + ], + [ + "Ġpe", + "ek" + ], + [ + "IN", + "ARY" + ], + [ + ".Content", + "Alignment" + ], + [ + "f", + "alls" + ], + [ + "\"))", + ";" + ], + [ + "W", + "all" + ], + [ + ").", + "čĊ" + ], + [ + "ĠD", + "anny" + ], + [ + "irm", + "ingham" + ], + [ + "IAL", + "IZ" + ], + [ + "(", + "create" + ], + [ + "\"", + "In" + ], + [ + "Service", + "Provider" + ], + [ + "Ġpr", + "iced" + ], + [ + "mac", + "ro" + ], + [ + "am", + "ac" + ], + [ + ".", + "box" + ], + [ + "----", + "Ċ" + ], + [ + "ãĥ", + "«" + ], + [ + "ĠS", + "uit" + ], + [ + "ur", + "st" + ], + [ + "br", + "u" + ], + [ + "ourn", + "als" + ], + [ + "num", + "ero" + ], + [ + "__", + "()Ċ" + ], + [ + "D", + "as" + ], + [ + "ĠM", + "itt" + ], + [ + "ud", + "er" + ], + [ + "?", + "\\" + ], + [ + "f", + "u" + ], + [ + "[", + "B" + ], + [ + "Ġ:", + ")ĊĊ" + ], + [ + "(int", + "er" + ], + [ + "br", + "ains" + ], + [ + "Ġatt", + "itudes" + ], + [ + "Ver", + "ify" + ], + [ + "Ġsign", + "atures" + ], + [ + "ack", + "Bar" + ], + [ + "Ġg", + "d" + ], + [ + "J", + "ack" + ], + [ + ".c", + "at" + ], + [ + "Ġz", + "z" + ], + [ + "war", + "f" + ], + [ + "FT", + "ER" + ], + [ + "\");ĊĊ", + "Ċ" + ], + [ + "Al", + "ive" + ], + [ + "IC", + "LE" + ], + [ + "ĠWh", + "atever" + ], + [ + "Ġout", + "lined" + ], + [ + "s", + "prite" + ], + [ + "еÐ", + "²" + ], + [ + "_A", + "B" + ], + [ + "_DE", + "PTH" + ], + [ + "Ġcrush", + "ed" + ], + [ + "aa", + "a" + ], + [ + "(e", + "v" + ], + [ + "æľ", + "º" + ], + [ + "Ant", + "i" + ], + [ + "IC", + "O" + ], + [ + "is", + "EqualTo" + ], + [ + ".s", + "un" + ], + [ + "ic", + "ulo" + ], + [ + "s", + "ale" + ], + [ + "_h", + "ex" + ], + [ + "ĠV", + "k" + ], + [ + "apt", + "or" + ], + [ + "Un", + "ion" + ], + [ + "ĠDis", + "count" + ], + [ + "list", + "a" + ], + [ + ".Undef", + "Or" + ], + [ + "Ġautom", + "ation" + ], + [ + "N", + "or" + ], + [ + "å¯", + "¹" + ], + [ + "åı", + "Ĥæķ°" + ], + [ + "Ġref", + "lex" + ], + [ + "ĠLa", + "ure" + ], + [ + ".showMessage", + "Dialog" + ], + [ + ".t", + "emp" + ], + [ + "Ġa", + "kan" + ], + [ + "Ġ__", + "____" + ], + [ + ".Is", + "True" + ], + [ + "ARE", + "D" + ], + [ + "ag", + "le" + ], + [ + "E", + "nergy" + ], + [ + "Ġquant", + "ities" + ], + [ + "âĢĻ", + "é" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "Ġcitizens", + "hip" + ], + [ + "m", + "outh" + ], + [ + "Ġin", + "appropriate" + ], + [ + "ĠOut", + "door" + ], + [ + "White", + "Space" + ], + [ + "An", + "onymous" + ], + [ + "load", + "s" + ], + [ + "webElement", + "Properties" + ], + [ + "T", + "en" + ], + [ + "Ġacc", + "idents" + ], + [ + "Ġadvertis", + "ement" + ], + [ + "ĠY", + "emen" + ], + [ + "(c", + "all" + ], + [ + "Ġsl", + "avery" + ], + [ + "Ñģ", + "п" + ], + [ + "ĠL", + "am" + ], + [ + "_BIT", + "S" + ], + [ + "ome", + "ga" + ], + [ + "ĠO", + "le" + ], + [ + "Ġkid", + "n" + ], + [ + "_A", + "n" + ], + [ + "ĠR", + "aid" + ], + [ + "Cre", + "ation" + ], + [ + "s", + "aved" + ], + [ + "Ġpro", + "port" + ], + [ + "W", + "ARNING" + ], + [ + "\\", + "P" + ], + [ + "Ġp", + "wd" + ], + [ + "Data", + "Reader" + ], + [ + "is", + "cher" + ], + [ + "ade", + "on" + ], + [ + "ĠP", + "redict" + ], + [ + "Ġreason", + "ing" + ], + [ + "Ġdestroy", + "ing" + ], + [ + "H", + "el" + ], + [ + "*", + "d" + ], + [ + "ĠLeg", + "isl" + ], + [ + "_P", + "r" + ], + [ + "ĉĉĉ", + "ĠĠĠĠĠĠĠ" + ], + [ + "Ġsymp", + "ath" + ], + [ + "Ġch", + "ess" + ], + [ + "Ġm", + "am" + ], + [ + ":", + "hover" + ], + [ + "Ġconvert", + "s" + ], + [ + "Ġp", + "ela" + ], + [ + "Ġprogress", + "ion" + ], + [ + "Ġ\"_", + "\"" + ], + [ + "ĠG", + "ill" + ], + [ + "ĉ", + "show" + ], + [ + "Ġsupposed", + "ly" + ], + [ + "ac", + "curacy" + ], + [ + "el", + "in" + ], + [ + "Ġunf", + "olding" + ], + [ + "ĠHy", + "per" + ], + [ + "Ġw", + "anna" + ], + [ + "Ġup", + "s" + ], + [ + "(", + "#" + ], + [ + "ĠCr", + "iminal" + ], + [ + "(", + "Point" + ], + [ + "at", + "Lng" + ], + [ + "act", + "ly" + ], + [ + "Ġcontract", + "ors" + ], + [ + "']", + "}" + ], + [ + "draul", + "ic" + ], + [ + "ód", + "igo" + ], + [ + "ĠT", + "T" + ], + [ + "ĠW", + "ide" + ], + [ + "ĠAR", + "G" + ], + [ + "_", + "ic" + ], + [ + "FLAG", + "S" + ], + [ + "S", + "chool" + ], + [ + "Ġclear", + "ing" + ], + [ + "-be", + "ing" + ], + [ + "={", + "[" + ], + [ + ",", + "const" + ], + [ + "man", + "ent" + ], + [ + "Over", + "lay" + ], + [ + "('", + "\"" + ], + [ + "éĩ", + "ı" + ], + [ + "ĠT", + "imestamp" + ], + [ + "Ġmail", + "ing" + ], + [ + "ĠC", + "ake" + ], + [ + ".Th", + "at" + ], + [ + "Ġmed", + "itation" + ], + [ + "q", + "p" + ], + [ + "Ġemp", + "resa" + ], + [ + "ĠL", + "ions" + ], + [ + "Ġw", + "eld" + ], + [ + "ĠLinked", + "In" + ], + [ + "Ġc", + "ush" + ], + [ + "Ġgen", + "ome" + ], + [ + ".Index", + "Of" + ], + [ + "ag", + "ain" + ], + [ + "Ġf", + "allback" + ], + [ + "Ġcamp", + "ing" + ], + [ + "re", + "dd" + ], + [ + "-strip", + "ed" + ], + [ + "Ġd", + "v" + ], + [ + "Fe", + "bruary" + ], + [ + "ĠPro", + "xy" + ], + [ + "us", + "k" + ], + [ + "Ġdies", + "el" + ], + [ + "W", + "RITE" + ], + [ + "RE", + "AK" + ], + [ + "L", + "orem" + ], + [ + ".In", + "voke" + ], + [ + "-", + "div" + ], + [ + "Inter", + "ceptor" + ], + [ + "ĠD", + "H" + ], + [ + "ia", + "les" + ], + [ + "Ġvill", + "ages" + ], + [ + "Ø", + "´" + ], + [ + "ĠEN", + "V" + ], + [ + "S", + "ys" + ], + [ + ".X", + "R" + ], + [ + "Ġpo", + "em" + ], + [ + "Ã", + "Ĥ" + ], + [ + "c", + "ade" + ], + [ + "pl", + "ots" + ], + [ + "Ġ{", + "(" + ], + [ + ".g", + "it" + ], + [ + "/s", + "vg" + ], + [ + "nc", + "mp" + ], + [ + "ĠÄ", + "į" + ], + [ + "ain", + "es" + ], + [ + "åĩ", + "½æķ°" + ], + [ + "Ġ(", + ")ĊĊ" + ], + [ + "ops", + "is" + ], + [ + "ĠRel", + "ationship" + ], + [ + "_", + "aut" + ], + [ + "ĠB", + "omb" + ], + [ + "ĉ", + "com" + ], + [ + "*", + "sizeof" + ], + [ + "off", + "icial" + ], + [ + "_p", + "ayload" + ], + [ + "ĉĉĉĉĉ", + "ĠĠ" + ], + [ + ".m", + "anager" + ], + [ + "ĠA", + "round" + ], + [ + "ĉs", + "end" + ], + [ + "ĠEx", + "ercise" + ], + [ + "ĠB", + "illy" + ], + [ + "iv", + "i" + ], + [ + "Ġneed", + "ing" + ], + [ + "_url", + "s" + ], + [ + "_t", + "asks" + ], + [ + "ĠH", + "em" + ], + [ + "Ġtear", + "Down" + ], + [ + "enc", + "rypt" + ], + [ + ".t", + "ie" + ], + [ + "Ġas", + "m" + ], + [ + "IC", + "H" + ], + [ + "ĠCGRect", + "Make" + ], + [ + "ìĦ", + "±" + ], + [ + "ul", + "ong" + ], + [ + "Ġit", + "r" + ], + [ + "ĠG", + "ST" + ], + [ + "Ġoffer", + "ings" + ], + [ + "ro", + "be" + ], + [ + "EE", + "E" + ], + [ + "oper", + "ators" + ], + [ + "_PRO", + "P" + ], + [ + "ind", + "ent" + ], + [ + "A", + "DE" + ], + [ + "or", + "f" + ], + [ + "ë", + "IJ" + ], + [ + "Ġbless", + "ed" + ], + [ + "vas", + "cular" + ], + [ + "Ġcon", + "oc" + ], + [ + "H", + "appy" + ], + [ + "B", + "ridge" + ], + [ + "ilit", + "ation" + ], + [ + "j", + "oint" + ], + [ + "ĠAdmin", + "istr" + ], + [ + "-", + "transform" + ], + [ + "Ġmeant", + "ime" + ], + [ + "/", + "K" + ], + [ + "ĠBed", + "room" + ], + [ + "Ġrig", + "id" + ], + [ + "Ġbrows", + "ers" + ], + [ + "EM", + "PTY" + ], + [ + ".S", + "erialize" + ], + [ + "_", + "ED" + ], + [ + "Ġst", + "itch" + ], + [ + "Ġj", + "an" + ], + [ + "ell", + "t" + ], + [ + "Ġbr", + "ace" + ], + [ + "Ġtr", + "ails" + ], + [ + "p", + "ublished" + ], + [ + "å¯Ĩ", + "çłģ" + ], + [ + "}", + "')Ċ" + ], + [ + "Ġac", + "ids" + ], + [ + "Ġ!", + "!!" + ], + [ + "_d", + "irect" + ], + [ + ">", + "());Ċ" + ], + [ + "aj", + "Äħ" + ], + [ + "_O", + "CC" + ], + [ + "Ġplan", + "ets" + ], + [ + "æ", + "Ł¥" + ], + [ + "ĠDub", + "lin" + ], + [ + "Ġser", + "ie" + ], + [ + ".print", + "f" + ], + [ + "de", + "ep" + ], + [ + "`", + ")" + ], + [ + "Ġ\\", + "$" + ], + [ + "ĠÎ", + "¼" + ], + [ + "_V", + "IDEO" + ], + [ + "end", + "ors" + ], + [ + "ĠC", + "rypto" + ], + [ + "F", + "ar" + ], + [ + ".Trans", + "parent" + ], + [ + ".T", + "R" + ], + [ + "ias", + "m" + ], + [ + "_tr", + "aining" + ], + [ + "Ġteach", + "es" + ], + [ + "ĠB", + "elt" + ], + [ + "Ġlimit", + "ing" + ], + [ + "ĠK", + "ath" + ], + [ + "ĠIndex", + "Path" + ], + [ + "Ġachie", + "vements" + ], + [ + "Ġser", + "á" + ], + [ + "interop", + "Require" + ], + [ + "Ġdis", + "se" + ], + [ + ".I", + "f" + ], + [ + "arm", + "ing" + ], + [ + "uls", + "ion" + ], + [ + "P", + "o" + ], + [ + "_DE", + "TAIL" + ], + [ + "Prot", + "otype" + ], + [ + "ĠC", + "AL" + ], + [ + "Ġagre", + "es" + ], + [ + ".v", + "o" + ], + [ + ".Execute", + "NonQuery" + ], + [ + "ĠTop", + "ic" + ], + [ + "Ġ'", + "{}" + ], + [ + "Ar", + "m" + ], + [ + "Ġe", + "cc" + ], + [ + "M", + "ag" + ], + [ + "Ġserial", + "ized" + ], + [ + "ĉ", + "conn" + ], + [ + "c", + "ached" + ], + [ + "=", + "tf" + ], + [ + "ĠByte", + "Array" + ], + [ + "prot", + "obuf" + ], + [ + "var", + "char" + ], + [ + "ĉ", + "ASSERT" + ], + [ + "Ġlist", + "e" + ], + [ + "_tr", + "igger" + ], + [ + "·", + "¸" + ], + [ + "Fe", + "el" + ], + [ + "T", + "ahoma" + ], + [ + "ĠL", + "ik" + ], + [ + "Ġstruct", + "ured" + ], + [ + "erg", + "us" + ], + [ + ".In", + "itial" + ], + [ + "_", + "ge" + ], + [ + "cl", + "js" + ], + [ + ".cont", + "act" + ], + [ + "Ġand", + "ere" + ], + [ + "$", + "stmt" + ], + [ + "_C", + "URRENT" + ], + [ + "ĠDis", + "cover" + ], + [ + "$", + "res" + ], + [ + "form", + "atter" + ], + [ + "H", + "a" + ], + [ + "vang", + "st" + ], + [ + "Ġem", + "erge" + ], + [ + "ãĢĤ", + "âĢĿ" + ], + [ + "ĠCabin", + "et" + ], + [ + "-s", + "quare" + ], + [ + "éĥ", + "¨" + ], + [ + "Ġr", + "age" + ], + [ + "ĠA", + "J" + ], + [ + "ĠV", + "T" + ], + [ + "sh", + "adow" + ], + [ + "ĠFa", + "ith" + ], + [ + "en", + "ames" + ], + [ + "pret", + "ty" + ], + [ + "has", + "il" + ], + [ + "part", + "y" + ], + [ + "Ġvar", + "char" + ], + [ + "Ġf", + "otos" + ], + [ + "Ġal", + "um" + ], + [ + "ĠBelg", + "ium" + ], + [ + ".y", + "label" + ], + [ + "Ġde", + "j" + ], + [ + "_num", + "bers" + ], + [ + "Ġh", + "u" + ], + [ + ".set", + "Adapter" + ], + [ + "ĠUs", + "ually" + ], + [ + "(s", + "ample" + ], + [ + ".Sh", + "ared" + ], + [ + "Ġbook", + "ed" + ], + [ + "Ġ>>", + "=" + ], + [ + "Ġmin", + "erals" + ], + [ + "\">" + ], + [ + "pro", + "g" + ], + [ + "bo", + "o" + ], + [ + "_m", + "d" + ], + [ + "_p", + "ack" + ], + [ + "(ex", + "press" + ], + [ + "ut", + "z" + ], + [ + "\\", + "Auth" + ], + [ + ",", + "id" + ], + [ + "ĠCh", + "ile" + ], + [ + "act", + "ice" + ], + [ + "Ġrecruit", + "ment" + ], + [ + "Ġpos", + "es" + ], + [ + "Ġvulner", + "ability" + ], + [ + "inst", + "anc" + ], + [ + "or", + "um" + ], + [ + "d", + "ess" + ], + [ + "Ġx", + "l" + ], + [ + "%%%%%%%%%%%%%%%%", + "%%%%%%%%%%%%%%%%" + ], + [ + "(", + "fig" + ], + [ + "Ġdelet", + "ing" + ], + [ + ".d", + "el" + ], + [ + ")", + "')Ċ" + ], + [ + "ĠWeek", + "ly" + ], + [ + "??", + "?" + ], + [ + "(str", + "cmp" + ], + [ + "sm", + "ith" + ], + [ + "Ġpurs", + "uing" + ], + [ + "-", + "so" + ], + [ + "ĠApp", + "s" + ], + [ + "/", + "'Ċ" + ], + [ + "Ġdec", + "is" + ], + [ + "FO", + "RE" + ], + [ + "Every", + "one" + ], + [ + "Ġl", + "anes" + ], + [ + "V", + "irtual" + ], + [ + ".", + "attach" + ], + [ + "(", + "Log" + ], + [ + "ĠMed", + "icaid" + ], + [ + "(", + "Path" + ], + [ + "ĠTurn", + "er" + ], + [ + "/", + "application" + ], + [ + "Ġport", + "rait" + ], + [ + "Ġopp", + "ose" + ], + [ + "check", + "out" + ], + [ + "Ġfinish", + "es" + ], + [ + "_M", + "E" + ], + [ + "Bar", + "rier" + ], + [ + "S", + "ong" + ], + [ + "V", + "AR" + ], + [ + "Ear", + "lier" + ], + [ + "rell", + "a" + ], + [ + "Ġh", + "ast" + ], + [ + "az", + "ar" + ], + [ + "Ġpull", + "s" + ], + [ + "ng", + "x" + ], + [ + "Ġinspir", + "ing" + ], + [ + "Ñĥ", + "Ñİ" + ], + [ + "-d", + "irection" + ], + [ + "Ġexplos", + "ive" + ], + [ + "Ġcreated", + "At" + ], + [ + "st", + "o" + ], + [ + "Ġwhe", + "at" + ], + [ + "ĠB", + "uilt" + ], + [ + "'", + "ai" + ], + [ + "Ġtrack", + "ed" + ], + [ + "ham", + "mad" + ], + [ + "RowAt", + "IndexPath" + ], + [ + "_", + "heap" + ], + [ + "D", + "ue" + ], + [ + "Ġconnect", + "s" + ], + [ + ".p", + "ublish" + ], + [ + "em", + "u" + ], + [ + "Ġbul", + "lets" + ], + [ + "B", + "AR" + ], + [ + "ol", + "ate" + ], + [ + "Ġintern", + "ally" + ], + [ + "Ġcatch", + "ing" + ], + [ + "-p", + "assword" + ], + [ + "ou", + "ched" + ], + [ + "æĢ", + "§" + ], + [ + "e", + "ous" + ], + [ + "Ġx", + "range" + ], + [ + "Q", + "uality" + ], + [ + "v", + "v" + ], + [ + "Man", + "age" + ], + [ + "(", + "($" + ], + [ + "ac", + "ements" + ], + [ + "ĠBro", + "thers" + ], + [ + "ĠHE", + "AD" + ], + [ + "ĠUn", + "supported" + ], + [ + "s", + "an" + ], + [ + "es", + "i" + ], + [ + "**", + "*Ċ" + ], + [ + "Ġadapt", + "ation" + ], + [ + "ĠWork", + "er" + ], + [ + "']", + "/" + ], + [ + ".save", + "fig" + ], + [ + "(", + "trans" + ], + [ + "Ø", + "¬" + ], + [ + "ne", + "e" + ], + [ + "Cor", + "rect" + ], + [ + "...", + "\")Ċ" + ], + [ + "Ġsubmit", + "ting" + ], + [ + "-p", + "ath" + ], + [ + "ĉ", + "last" + ], + [ + "iss", + "an" + ], + [ + ".x", + "label" + ], + [ + "ĠS", + "epar" + ], + [ + "/", + "no" + ], + [ + "_b", + "est" + ], + [ + "ĠM", + "ills" + ], + [ + "_s", + "ock" + ], + [ + "(f", + "lag" + ], + [ + "Ġdest", + "inations" + ], + [ + "em", + "ption" + ], + [ + "ĠF", + "AIL" + ], + [ + "å", + "ĴĮ" + ], + [ + "Ġr", + "p" + ], + [ + "f", + "act" + ], + [ + "ĉ", + "len" + ], + [ + "D", + "AY" + ], + [ + "Ġse", + "iz" + ], + [ + "_d", + "st" + ], + [ + "l", + "ip" + ], + [ + ".Line", + "ar" + ], + [ + "ĠB", + "asket" + ], + [ + "$", + "t" + ], + [ + "$", + "i" + ], + [ + "-", + "brand" + ], + [ + "ĠNe", + "il" + ], + [ + "ĠE", + "q" + ], + [ + "Ġth", + "ou" + ], + [ + "og", + "ene" + ], + [ + "Ġscholar", + "ship" + ], + [ + "æĽ", + "´" + ], + [ + "Ġs", + "wo" + ], + [ + "ag", + "inator" + ], + [ + "en", + "i" + ], + [ + "(", + "book" + ], + [ + "Ġbl", + "ink" + ], + [ + "th", + "us" + ], + [ + "Ġcancell", + "ationToken" + ], + [ + "ĠPalestin", + "ians" + ], + [ + "Ġprofit", + "able" + ], + [ + "Ġback", + "pack" + ], + [ + "ens", + "on" + ], + [ + "<", + "Long" + ], + [ + "Ġp", + "ools" + ], + [ + "Ġst", + "icks" + ], + [ + "Ġspokes", + "woman" + ], + [ + "Be", + "ing" + ], + [ + "ĠHer", + "itage" + ], + [ + "ĠN", + "ike" + ], + [ + "SH", + "A" + ], + [ + "ĠNotImplemented", + "Exception" + ], + [ + "$", + "core" + ], + [ + "ĠR", + "ico" + ], + [ + "/", + "latest" + ], + [ + "ĠC", + "zech" + ], + [ + "ner", + "Radius" + ], + [ + "(l", + "ines" + ], + [ + "Ġsem", + "ester" + ], + [ + "Ġw", + "ounds" + ], + [ + "Pro", + "cedure" + ], + [ + ".m", + "ail" + ], + [ + "()", + "):Ċ" + ], + [ + "Ġcor", + "rid" + ], + [ + "ter", + "ed" + ], + [ + "ĠN", + "CAA" + ], + [ + "Ġgal", + "axy" + ], + [ + "_k", + "ind" + ], + [ + "il", + "k" + ], + [ + "Ġtr", + "as" + ], + [ + "_P", + "OL" + ], + [ + "ĠH", + "et" + ], + [ + "Ġrefuge", + "e" + ], + [ + "Ġteen", + "age" + ], + [ + ".b", + "inding" + ], + [ + "post", + "al" + ], + [ + "Ġiç", + "in" + ], + [ + "ĠData", + "Type" + ], + [ + "é", + "ĸ" + ], + [ + "ycl", + "erview" + ], + [ + ",", + "value" + ], + [ + "_id", + "entifier" + ], + [ + "<", + "b" + ], + [ + "Ġout", + "file" + ], + [ + "čĊ", + "ĠĠĠĠčĊ" + ], + [ + "Ġcr", + "é" + ], + [ + "Ġrespond", + "ents" + ], + [ + "ĠBe", + "ast" + ], + [ + "ce", + "led" + ], + [ + "Ġinter", + "f" + ], + [ + "-th", + "eme" + ], + [ + "g", + "if" + ], + [ + "ĠR", + "angers" + ], + [ + "IT", + "AL" + ], + [ + "Ġauthentic", + "ate" + ], + [ + "Com", + "pletion" + ], + [ + "urs", + "ors" + ], + [ + "Ġcin", + "ema" + ], + [ + "Ġdisc", + "our" + ], + [ + "ĠJ", + "aw" + ], + [ + "OCK", + "ET" + ], + [ + "Ġpr", + "ayers" + ], + [ + "ĠL", + "uis" + ], + [ + "fr", + "ag" + ], + [ + "=[", + "Ċ" + ], + [ + "Ġbr", + "ave" + ], + [ + "_p", + "ose" + ], + [ + "C", + "ertificate" + ], + [ + "-", + "fe" + ], + [ + "ifer", + "ay" + ], + [ + "ĠFl", + "ags" + ], + [ + "Container", + "Gap" + ], + [ + "ĠC", + "rit" + ], + [ + "Result", + "Set" + ], + [ + "ĉc", + "ur" + ], + [ + "Ġcorrespond", + "s" + ], + [ + "St", + "aff" + ], + [ + ".Http", + "ServletRequest" + ], + [ + "Ġneur", + "ons" + ], + [ + "ĠMain", + "AxisAlignment" + ], + [ + "ed", + "ar" + ], + [ + "Ġg", + "ad" + ], + [ + "_p", + "arts" + ], + [ + "ĠÎ", + "²" + ], + [ + "Ġf", + "x" + ], + [ + "/", + "files" + ], + [ + "ĠB", + "ros" + ], + [ + "hip", + "s" + ], + [ + "Ġgluc", + "ose" + ], + [ + "Ġfar", + "ms" + ], + [ + "Ġment", + "ally" + ], + [ + "rest", + "aurant" + ], + [ + "Table", + "Name" + ], + [ + "ĠMer", + "cedes" + ], + [ + ".", + "Visual" + ], + [ + "Ġan", + "ch" + ], + [ + "inal", + "g" + ], + [ + "_r", + "untime" + ], + [ + "Ġpropri", + "etary" + ], + [ + "Ġintent", + "ions" + ], + [ + "iz", + "i" + ], + [ + "S", + "lice" + ], + [ + ";", + "\">", + "true" + ], + [ + "ĠNY", + "C" + ], + [ + "Ġb", + "ored" + ], + [ + "ĠD", + "etect" + ], + [ + "Ġapp", + "ar" + ], + [ + "Ġje", + "ans" + ], + [ + "ĠT", + "ak" + ], + [ + "I", + "OD" + ], + [ + "ĠH", + "orse" + ], + [ + "(", + "FILE" + ], + [ + "(", + "?" + ], + [ + "ri", + "que" + ], + [ + "optim", + "izer" + ], + [ + "n", + "at" + ], + [ + "lo", + "ys" + ], + [ + "ĉ", + "Token" + ], + [ + "oub", + "ted" + ], + [ + "u", + "ess" + ], + [ + "oco", + "a" + ], + [ + "Data", + "Member" + ], + [ + "_P", + "OWER" + ], + [ + "class", + "List" + ], + [ + "Push", + "Button" + ], + [ + "ĠWi", + "Fi" + ], + [ + ".", + "Stream" + ], + [ + ".g", + "uild" + ], + [ + "Ġn", + "og" + ], + [ + "ĠPortug", + "al" + ], + [ + "ĠUnt", + "er" + ], + [ + "Pr", + "imitive" + ], + [ + "b", + "oss" + ], + [ + "ĠDe", + "utsch" + ], + [ + "Ġerot", + "ic" + ], + [ + "Ġstr", + "conv" + ], + [ + ".Try", + "Parse" + ], + [ + "Ġgr", + "ams" + ], + [ + ".S", + "uccess" + ], + [ + "_p", + "k" + ], + [ + "ĠHar", + "vey" + ], + [ + "-m", + "inded" + ], + [ + ".c", + "ountry" + ], + [ + "[]", + "\"" + ], + [ + "Ġang", + "el" + ], + [ + "Ġbe", + "ats" + ], + [ + "ĠV", + "or" + ], + [ + "il", + "io" + ], + [ + ".m", + "aster" + ], + [ + "s", + "omething" + ], + [ + "ĠP", + "ACK" + ], + [ + "(", + "if" + ], + [ + "Request", + "Body" + ], + [ + "Ġant", + "es" + ], + [ + "/w", + "idget" + ], + [ + "Ġmod", + "o" + ], + [ + "ĠA", + "W" + ], + [ + "find", + "er" + ], + [ + "Ġoptim", + "ized" + ], + [ + "Ġmiss", + "iles" + ], + [ + "N", + "B" + ], + [ + "ĉint", + "ernal" + ], + [ + "t", + "ex" + ], + [ + "ĠS", + "ri" + ], + [ + "Ġdam", + "aging" + ], + [ + "ĠM", + "ais" + ], + [ + "-", + "Allow" + ], + [ + "ĠZ", + "h" + ], + [ + "-", + "alt" + ], + [ + "Ġ", + "));ĊĊ" + ], + [ + "è", + "ī" + ], + [ + "Ġinflu", + "ences" + ], + [ + "Ġc", + "atal" + ], + [ + "_REG", + "ISTER" + ], + [ + "ĠAPI", + "s" + ], + [ + "-cent", + "ury" + ], + [ + "Ġbi", + "ology" + ], + [ + "ĠAct", + "ual" + ], + [ + "Ġhe", + "els" + ], + [ + "TR", + "ACE" + ], + [ + "_D", + "IG" + ], + [ + "D", + "ataset" + ], + [ + "ĠM", + "atter" + ], + [ + "Ġclass", + "ifier" + ], + [ + ".w", + "ikipedia" + ], + [ + "ĠRog", + "ers" + ], + [ + "Ġdon", + "ated" + ], + [ + "raw", + "ler" + ], + [ + "en", + "en" + ], + [ + "Ġcas", + "inos" + ], + [ + "ort", + "al" + ], + [ + "Ġpr", + "ive" + ], + [ + "s", + "pe" + ], + [ + "duc", + "ers" + ], + [ + ".", + "ep" + ], + [ + "Ġgr", + "asp" + ], + [ + "ac", + "ji" + ], + [ + "Ġd", + "airy" + ], + [ + "Ġb", + "uses" + ], + [ + ".com", + "m" + ], + [ + ".", + "ins" + ], + [ + "ĠI", + "RS" + ], + [ + "ĠBe", + "er" + ], + [ + "ad", + "c" + ], + [ + "o", + "ard" + ], + [ + "_M", + "ET" + ], + [ + "Ġ'", + "+'" + ], + [ + "r", + "ans" + ], + [ + "Ġkind", + "a" + ], + [ + "ĠâĶ", + "Ĥ" + ], + [ + "ĠM", + "aur" + ], + [ + "аÐ", + "³" + ], + [ + "Ġband", + "width" + ], + [ + "ib", + "us" + ], + [ + "ĠD", + "ifferent" + ], + [ + "(m", + "at" + ], + [ + "ĠRes", + "ume" + ], + [ + "_UN", + "S" + ], + [ + "est", + "ablish" + ], + [ + "Ġfon", + "ction" + ], + [ + "Sub", + "scription" + ], + [ + "_com", + "pany" + ], + [ + "Ġlight", + "ly" + ], + [ + ".con", + "firm" + ], + [ + ".y", + "aml" + ], + [ + "ĠBo", + "ost" + ], + [ + "Com", + "merce" + ], + [ + "-", + "template" + ], + [ + "_DEL", + "AY" + ], + [ + "ĠH", + "I" + ], + [ + "Ġn", + "avig" + ], + [ + "(S", + "ender" + ], + [ + "ĠH", + "S" + ], + [ + "_", + "\"+" + ], + [ + "ĠRE", + "QUEST" + ], + [ + "Ġw", + "ifi" + ], + [ + "=\"", + "\"Ċ" + ], + [ + "])", + "->" + ], + [ + "Ġro", + "pe" + ], + [ + "Ġviol", + "ated" + ], + [ + "Ġgl", + "ance" + ], + [ + "ĠK", + "urd" + ], + [ + "Ġè", + "®" + ], + [ + "de", + "ck" + ], + [ + "ĠIS", + "BN" + ], + [ + "Ġin", + "fect" + ], + [ + "ĠF", + "oo" + ], + [ + "Ġget", + "ter" + ], + [ + "Ġt", + "ener" + ], + [ + "ap", + "pe" + ], + [ + ".h", + "h" + ], + [ + "_h", + "ot" + ], + [ + "<", + "AM" + ], + [ + "p", + "oly" + ], + [ + "!", + "\",Ċ" + ], + [ + "Ġconver", + "ting" + ], + [ + "ĠW", + "WE" + ], + [ + "RO", + "S" + ], + [ + "('", + "{" + ], + [ + "Com", + "mit" + ], + [ + ")", + "L" + ], + [ + "ĠO", + "re" + ], + [ + "Ġsp", + "arse" + ], + [ + "Ġdis", + "posal" + ], + [ + "Ġcan", + "celed" + ], + [ + "åIJ", + "İ" + ], + [ + "Ġa", + "er" + ], + [ + "Ġvin", + "yl" + ], + [ + "á»", + "ĥ" + ], + [ + "rec", + "ogn" + ], + [ + "ark", + "ing" + ], + [ + "Ġtrick", + "y" + ], + [ + "*", + "s" + ], + [ + "Ġproceed", + "s" + ], + [ + "Ġis", + "o" + ], + [ + "Ġco", + "conut" + ], + [ + "Ġcraft", + "ed" + ], + [ + "IEL", + "DS" + ], + [ + "Ġquest", + "o" + ], + [ + "Ġcomm", + "un" + ], + [ + "_CON", + "NECT" + ], + [ + "Ġtraff", + "icking" + ], + [ + "De", + "ep" + ], + [ + "a", + "ções" + ], + [ + "c", + "odigo" + ], + [ + "ve", + "au" + ], + [ + "Ġbet", + "ray" + ], + [ + "int", + "a" + ], + [ + "T", + "ED" + ], + [ + "æ", + "r" + ], + [ + "m", + "art" + ], + [ + "_B", + "US" + ], + [ + "/", + "sc" + ], + [ + "ial", + "ly" + ], + [ + "Ġcigaret", + "tes" + ], + [ + "è¯", + "ģ" + ], + [ + "(n", + "n" + ], + [ + "Ġmodel", + "ing" + ], + [ + "/", + "products" + ], + [ + "w", + "arn" + ], + [ + "Ġmet", + "ro" + ], + [ + "ĠI", + "v" + ], + [ + "&", + ")" + ], + [ + "ĠC", + "able" + ], + [ + "Î", + "»" + ], + [ + "Compar", + "ison" + ], + [ + "g", + "ary" + ], + [ + "ĠB", + "A" + ], + [ + "P", + "ART" + ], + [ + "Ġp", + "v" + ], + [ + "_up", + "dated" + ], + [ + "C", + "redit" + ], + [ + "orth", + "y" + ], + [ + "observ", + "able" + ], + [ + "Ġthe", + "atre" + ], + [ + "B", + "LE" + ], + [ + ";", + "}ĊĊ" + ], + [ + "la", + "unch" + ], + [ + "_str", + "ings" + ], + [ + "ug", + "o" + ], + [ + "ĠR", + "PG" + ], + [ + "-", + "auth" + ], + [ + "Ð", + "ł" + ], + [ + "hol", + "m" + ], + [ + "ĠP", + "and" + ], + [ + "U", + "id" + ], + [ + "Ġim", + "ply" + ], + [ + "ìľ", + "¼" + ], + [ + "']", + "='" + ], + [ + "/", + "User" + ], + [ + "Ġstr", + "cat" + ], + [ + "нÑĭ", + "й" + ], + [ + "Data", + "Adapter" + ], + [ + "Ġland", + "sc" + ], + [ + "Ġdipl", + "omatic" + ], + [ + "ï¼", + "ĵ" + ], + [ + "************************************************************************", + "****" + ], + [ + "ĠCh", + "icken" + ], + [ + "Ġbc", + "rypt" + ], + [ + ".In", + "f" + ], + [ + "[", + "col" + ], + [ + "ĠQu", + "antity" + ], + [ + "-", + "position" + ], + [ + "Ġdiet", + "ary" + ], + [ + "Ġfil", + "mm" + ], + [ + "Is", + "rael" + ], + [ + "Pre", + "v" + ], + [ + "ĠMill", + "ion" + ], + [ + "Ġrem", + "ed" + ], + [ + "Ġbill", + "ing" + ], + [ + "Ġout", + "doors" + ], + [ + ".t", + "m" + ], + [ + "Ġn", + "ad" + ], + [ + "F", + "org" + ], + [ + "Z", + "Z" + ], + [ + "Ġs", + "sl" + ], + [ + "],", + "'" + ], + [ + "K", + "T" + ], + [ + "f", + "req" + ], + [ + "=", + "document" + ], + [ + "bl", + "ur" + ], + [ + "¬", + "¸" + ], + [ + "ĠJeff", + "erson" + ], + [ + "C", + "s" + ], + [ + "(s", + "ave" + ], + [ + "Ġstr", + "ap" + ], + [ + "Ind", + "ia" + ], + [ + "Ġide", + "ology" + ], + [ + "BO", + "SE" + ], + [ + "ĠF", + "P" + ], + [ + "(", + "ans" + ], + [ + "Ġfe", + "ver" + ], + [ + "ĠY", + "am" + ], + [ + "K", + "ing" + ], + [ + "à", + "²" + ], + [ + "AT", + "ING" + ], + [ + "bo", + "hydr" + ], + [ + "roll", + "back" + ], + [ + "Ġnew", + "Node" + ], + [ + "ĠN", + "VIDIA" + ], + [ + "Ġhon", + "our" + ], + [ + "ĠCon", + "firm" + ], + [ + "xb", + "d" + ], + [ + "Ġsuccess", + "or" + ], + [ + "/", + "u" + ], + [ + "l", + "iv" + ], + [ + "ourn", + "aments" + ], + [ + "Att", + "achment" + ], + [ + "Ġgr", + "up" + ], + [ + "Ġtri", + "be" + ], + [ + "Ġca", + "res" + ], + [ + "e", + "ft" + ], + [ + "_s", + "ame" + ], + [ + "'", + "label" + ], + [ + "Ġ", + "ãĢIJ" + ], + [ + "M", + "otor" + ], + [ + "Ġin", + "exp" + ], + [ + "Ġ\"", + "(\"" + ], + [ + "_POS", + "ITION" + ], + [ + "Ġval", + "ley" + ], + [ + "ĠResult", + "Set" + ], + [ + "Ġpres", + "erved" + ], + [ + "Ġmut", + "ations" + ], + [ + "Ġquestion", + "ing" + ], + [ + "mun", + "ition" + ], + [ + "parse", + "Int" + ], + [ + "ĠS", + "r" + ], + [ + "ĠMet", + "adata" + ], + [ + "âĢĿ", + "ï¼Į" + ], + [ + "timestamp", + "s" + ], + [ + "Ġtrans", + "itions" + ], + [ + "í", + "Ļ" + ], + [ + "Ñ", + "Ĭ" + ], + [ + "i", + "om" + ], + [ + ".D", + "o" + ], + [ + "Ġp", + "ine" + ], + [ + "Ġf", + "ung" + ], + [ + "Ġtrans", + "mitted" + ], + [ + "ct", + "ime" + ], + [ + "ĠF", + "am" + ], + [ + "Re", + "vision" + ], + [ + "B", + "as" + ], + [ + "UP", + "ER" + ], + [ + "D", + "estination" + ], + [ + "toHave", + "BeenCalled" + ], + [ + "Ġun", + "fortunate" + ], + [ + "IN", + "ES" + ], + [ + "_pro", + "f" + ], + [ + "Am", + "ong" + ], + [ + "ĠCy", + "ber" + ], + [ + "ĠB", + "attery" + ], + [ + "gen", + "re" + ], + [ + "ĠView", + "Model" + ], + [ + "-", + "=" + ], + [ + "Ġutil", + "ized" + ], + [ + "p", + "aint" + ], + [ + ".Integer", + "Field" + ], + [ + "ern", + "ity" + ], + [ + "comp", + "iler" + ], + [ + "âĢĭ", + "ĊĊ" + ], + [ + "ĠM", + "asters" + ], + [ + ".To", + "Array" + ], + [ + "Ġstrt", + "ol" + ], + [ + "ĠUkrain", + "ian" + ], + [ + "}", + "));Ċ" + ], + [ + "Ġsh", + "emale" + ], + [ + "\"", + "That" + ], + [ + "for", + "all" + ], + [ + "/", + "download" + ], + [ + "Ġrhet", + "oric" + ], + [ + ".l", + "atitude" + ], + [ + "ĠWH", + "EN" + ], + [ + "Ġshock", + "ing" + ], + [ + "IF", + "IC" + ], + [ + ".N", + "ormal" + ], + [ + "_F", + "OLDER" + ], + [ + "Ġdr", + "ift" + ], + [ + "Ġmount", + "ing" + ], + [ + "-", + "book" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "Ċ" + ], + [ + "ĠWire", + "less" + ], + [ + ">", + "\".$" + ], + [ + "Ġrel", + "ies" + ], + [ + "(", + "Console" + ], + [ + "Int", + "ernational" + ], + [ + "->", + "{$" + ], + [ + "M", + "id" + ], + [ + "Ġdis", + "sert" + ], + [ + "dd", + "s" + ], + [ + "Ġdepos", + "its" + ], + [ + "ĉd", + "river" + ], + [ + "#", + "ga" + ], + [ + "pr", + "ising" + ], + [ + "print", + "ln" + ], + [ + "Ġpres", + "enter" + ], + [ + "Ġmin", + "es" + ], + [ + "C", + "SS" + ], + [ + "ĠD", + "ual" + ], + [ + "(!", + "(" + ], + [ + "Ġk", + "am" + ], + [ + "Ġis", + "Loading" + ], + [ + "ĠProt", + "ect" + ], + [ + ".", + "upper" + ], + [ + "ar", + "ium" + ], + [ + "]:", + "ĊĊĊ" + ], + [ + "Y", + "ii" + ], + [ + "-sh", + "irt" + ], + [ + "ĠIM", + "AGE" + ], + [ + "_color", + "s" + ], + [ + "Ġur", + "gent" + ], + [ + ".Cont", + "ainer" + ], + [ + "!", + "(Ċ" + ], + [ + "S", + "aturday" + ], + [ + "Ġsoci", + "eties" + ], + [ + "ĠTh", + "an" + ], + [ + "ĠC", + "od" + ], + [ + "=", + "@" + ], + [ + "Ġattach", + "ments" + ], + [ + ".m", + "obile" + ], + [ + "Ġsp", + "ite" + ], + [ + "Ġb", + "ounce" + ], + [ + "raw", + "l" + ], + [ + "instanc", + "etype" + ], + [ + "ĠTr", + "uck" + ], + [ + "Ġmanip", + "ulation" + ], + [ + "(", + "Config" + ], + [ + "-in", + "st" + ], + [ + "Ġst", + "or" + ], + [ + "it", + "ution" + ], + [ + "Preferred", + "Gap" + ], + [ + "Ġmain", + "AxisAlignment" + ], + [ + "Ġlist", + "ened" + ], + [ + "''", + "'ĊĊ" + ], + [ + "ott", + "age" + ], + [ + "-", + "project" + ], + [ + ".AP", + "PLICATION" + ], + [ + "ĉ", + "root" + ], + [ + "Ġwh", + "it" + ], + [ + "Ġb", + "ilder" + ], + [ + "Ġk", + "er" + ], + [ + "Ġappl", + "iances" + ], + [ + "row", + "ave" + ], + [ + "ìĿ", + "Ģ" + ], + [ + "ematic", + "s" + ], + [ + "ĠO", + "rg" + ], + [ + "op", + "ing" + ], + [ + "_SE", + "ARCH" + ], + [ + "Ġch", + "am" + ], + [ + "add", + "ContainerGap" + ], + [ + "Ġ(", + ")." + ], + [ + "ĠAr", + "row" + ], + [ + "Il", + "legal" + ], + [ + "Current", + "ly" + ], + [ + "Ġus", + "a" + ], + [ + "Ġpassword", + "s" + ], + [ + "Ġre", + "nown" + ], + [ + "av", + "ern" + ], + [ + "ĠEv", + "il" + ], + [ + "Ġconc", + "at" + ], + [ + "Ġdu", + "o" + ], + [ + "Ġv", + "ale" + ], + [ + "ĠBe", + "an" + ], + [ + "Ġindic", + "ators" + ], + [ + "cm", + "ath" + ], + [ + "ĠP", + "ump" + ], + [ + "Nov", + "ember" + ], + [ + "ific", + "ant" + ], + [ + "_DOM", + "AIN" + ], + [ + "reg", + "ar" + ], + [ + "ĠPort", + "al" + ], + [ + "\"", + "$" + ], + [ + "Ġformer", + "ly" + ], + [ + "\"]", + ":Ċ" + ], + [ + "ĠVis", + "ibility" + ], + [ + ".getElementsBy", + "ClassName" + ], + [ + "_RE", + "D" + ], + [ + "Ġch", + "ampions" + ], + [ + "à", + "´" + ], + [ + "Val", + "or" + ], + [ + "_", + "es" + ], + [ + "*", + "a" + ], + [ + "-re", + "peat" + ], + [ + "B", + "and" + ], + [ + ".st", + "age" + ], + [ + "Ġbure", + "auc" + ], + [ + "C", + "nt" + ], + [ + "et", + "en" + ], + [ + "-", + "function" + ], + [ + "Ġm", + "uito" + ], + [ + "P", + "ID" + ], + [ + "_", + "editor" + ], + [ + "Ġcrash", + "ed" + ], + [ + "de", + "ad" + ], + [ + "k", + "at" + ], + [ + "ag", + "h" + ], + [ + "ĠEX", + "T" + ], + [ + "ass", + "er" + ], + [ + "-sm", + "all" + ], + [ + "Ġreal", + "iz" + ], + [ + "(", + "Entity" + ], + [ + "ú", + "s" + ], + [ + "ĠAct", + "ually" + ], + [ + "ĠEl", + "ite" + ], + [ + "Ġhel", + "m" + ], + [ + "(non", + "atomic" + ], + [ + "ash", + "er" + ], + [ + "Comm", + "unity" + ], + [ + "all", + "eng" + ], + [ + "ir", + "y" + ], + [ + "ĠG", + "rowth" + ], + [ + "Ġs", + "ue" + ], + [ + "Ġfrequ", + "encies" + ], + [ + "_des", + "criptor" + ], + [ + ".At", + "tribute" + ], + [ + "Ġrecip", + "ients" + ], + [ + "_N", + "S" + ], + [ + "/", + "\"+" + ], + [ + "ib", + "an" + ], + [ + "Ġath", + "lete" + ], + [ + "ĠI", + "gn" + ], + [ + "_D", + "MA" + ], + [ + "(d", + "s" + ], + [ + "ĠRequire", + "ments" + ], + [ + "AD", + "I" + ], + [ + "ere", + "z" + ], + [ + "\\", + "Admin" + ], + [ + "br", + "aska" + ], + [ + "ĠR", + "ust" + ], + [ + "Rel", + "ation" + ], + [ + "C", + "OD" + ], + [ + "ĠV", + "ERSION" + ], + [ + "em", + "ma" + ], + [ + "))", + "{" + ], + [ + ".D", + "uration" + ], + [ + "ĠC", + "amb" + ], + [ + "-", + "logo" + ], + [ + "Ġread", + "able" + ], + [ + "Ġcre", + "ators" + ], + [ + "()", + "];Ċ" + ], + [ + "Up", + "Down" + ], + [ + "-h", + "alf" + ], + [ + ".get", + "Month" + ], + [ + "(s", + "f" + ], + [ + "P", + "ic" + ], + [ + "Ġhun", + "ger" + ], + [ + ".t", + "x" + ], + [ + "Ġexceed", + "ed" + ], + [ + "_se", + "ed" + ], + [ + "(", + "^" + ], + [ + "_s", + "k" + ], + [ + ".per", + "form" + ], + [ + "Ġ>", + "::" + ], + [ + "Ġm", + "ongo" + ], + [ + "=", + "float" + ], + [ + "bind", + "Param" + ], + [ + "Sm", + "art" + ], + [ + "if", + "a" + ], + [ + "Ġse", + "curities" + ], + [ + "Ġpre", + "jud" + ], + [ + "Ġ,", + "\"" + ], + [ + "Ġcor", + "ps" + ], + [ + "Ġv", + "ra" + ], + [ + "amac", + "are" + ], + [ + "it", + "err" + ], + [ + "(M", + "edia" + ], + [ + "uch", + "e" + ], + [ + "Ġc", + "ob" + ], + [ + "Ġlib", + "er" + ], + [ + ".", + "geometry" + ], + [ + "Loc", + "ator" + ], + [ + "Ġsl", + "iding" + ], + [ + "Ġsurg", + "ical" + ], + [ + "_C", + "UR" + ], + [ + "Ġcon", + "sect" + ], + [ + "[", + "*" + ], + [ + "ĠRes", + "ort" + ], + [ + "St", + "ub" + ], + [ + "_DO", + "UBLE" + ], + [ + "ĠS", + "oph" + ], + [ + "Ġelect", + "oral" + ], + [ + "_dis", + "able" + ], + [ + "ĠÑģ", + "о" + ], + [ + "ĠLight", + "ning" + ], + [ + "Ġment", + "ions" + ], + [ + "oc", + "y" + ], + [ + "Ġle", + "aked" + ], + [ + "Ġrelax", + "ing" + ], + [ + "Pres", + "enter" + ], + [ + "v", + "sp" + ], + [ + "Ġgu", + "ilt" + ], + [ + "=-", + "=-" + ], + [ + ".re", + "ply" + ], + [ + "ĠMir", + "ror" + ], + [ + "C", + "amp" + ], + [ + "Ġ+#+", + "#+#+" + ], + [ + "Ġ+#+#+#+", + "#+#+" + ], + [ + ".A", + "uthor" + ], + [ + "Ġdirect", + "ive" + ], + [ + "-h", + "ook" + ], + [ + "íĦ", + "°" + ], + [ + "}ĊĊ", + "ĊĊĊ" + ], + [ + "@", + "pytest" + ], + [ + "_r", + "and" + ], + [ + "m", + "is" + ], + [ + "Ġcolor", + "ful" + ], + [ + "u", + "je" + ], + [ + "lass", + "es" + ], + [ + "ĠClass", + "es" + ], + [ + ".h", + "ave" + ], + [ + "%", + ")," + ], + [ + "é¢", + "ĺ" + ], + [ + "Ġdistur", + "bing" + ], + [ + "sub", + "string" + ], + [ + "ĠK", + "oh" + ], + [ + "In", + "vest" + ], + [ + "p", + "urchase" + ], + [ + "Ġrec", + "ycling" + ], + [ + "ĠA", + "RT" + ], + [ + "ier", + "archy" + ], + [ + "Ġf", + "ps" + ], + [ + ".check", + "Box" + ], + [ + "íķ", + "´" + ], + [ + "_m", + "aterial" + ], + [ + "duc", + "ation" + ], + [ + "Ġf", + "w" + ], + [ + "ud", + "it" + ], + [ + "Ġreview", + "ing" + ], + [ + "ĠS", + "id" + ], + [ + "S", + "yntax" + ], + [ + "ĠW", + "ritten" + ], + [ + "arg", + "ar" + ], + [ + "UM", + "E" + ], + [ + "/", + "q" + ], + [ + "Class", + "ifier" + ], + [ + "Off", + "icial" + ], + [ + "Ġj", + "azz" + ], + [ + "Ġom", + "ega" + ], + [ + "Ph", + "ysics" + ], + [ + "Ġl", + "ugar" + ], + [ + "_access", + "or" + ], + [ + ".command", + "s" + ], + [ + "Ab", + "ility" + ], + [ + "ĠB", + "atch" + ], + [ + "R", + "AM" + ], + [ + "Ġencount", + "ers" + ], + [ + ".", + "Qu" + ], + [ + "BY", + "TE" + ], + [ + "ĠD", + "istribution" + ], + [ + "Ġus", + "o" + ], + [ + "ĠReco", + "very" + ], + [ + "appro", + "ved" + ], + [ + "Ġden", + "ial" + ], + [ + "/sh", + "are" + ], + [ + "Linked", + "List" + ], + [ + ")čĊčĊ", + "čĊ" + ], + [ + "udd", + "y" + ], + [ + "Ġf", + "ines" + ], + [ + "Ġr", + "y" + ], + [ + "Un", + "icode" + ], + [ + "ĉ", + "render" + ], + [ + "Ġprem", + "ises" + ], + [ + "Ġp", + "on" + ], + [ + "ali", + "ases" + ], + [ + "/F", + "oundation" + ], + [ + "c", + "uda" + ], + [ + "ĠC", + "ock" + ], + [ + ",:", + ")" + ], + [ + "(f", + "older" + ], + [ + "Ġm", + "éd" + ], + [ + "dr", + "ag" + ], + [ + "Ġtal", + "ents" + ], + [ + "ĠĠĠ", + "ĊĊ" + ], + [ + "е", + "ÑģÑĤв" + ], + [ + "m", + "ob" + ], + [ + ".y", + "ml" + ], + [ + "Ġa", + "ster" + ], + [ + "Ġdis", + "cre" + ], + [ + "go", + "al" + ], + [ + "ĠGT", + "X" + ], + [ + "ĠS", + "UCCESS" + ], + [ + "ĠL", + "ONG" + ], + [ + "(f", + "ind" + ], + [ + "Ġsing", + "ular" + ], + [ + "_s", + "z" + ], + [ + "ĠEth", + "ereum" + ], + [ + "..", + "Ċ" + ], + [ + "Ġir", + "res" + ], + [ + "'))", + "{Ċ" + ], + [ + "Ġmin", + "isters" + ], + [ + "St", + "eps" + ], + [ + "ivers", + "al" + ], + [ + "ĠNever", + "theless" + ], + [ + "-", + "led" + ], + [ + "Ġ(", + "%)" + ], + [ + "ç¡", + "®" + ], + [ + "Ġtime", + "zone" + ], + [ + "Ġstr", + "anger" + ], + [ + "(re", + "nder" + ], + [ + "Ġsh", + "util" + ], + [ + "Ġm", + "ph" + ], + [ + "Ġtri", + "o" + ], + [ + "pp", + "y" + ], + [ + "Ġpred", + "omin" + ], + [ + "Ġend", + "ors" + ], + [ + "ĠRuss", + "ians" + ], + [ + "ĉ", + "row" + ], + [ + "Ġw", + "izard" + ], + [ + ".s", + "erialize" + ], + [ + "Ġcompl", + "ained" + ], + [ + "Ġs", + "ido" + ], + [ + "Ġdelight", + "ed" + ], + [ + "-m", + "e" + ], + [ + "ĠR", + "av" + ], + [ + "H", + "uman" + ], + [ + "ad", + "ays" + ], + [ + "rec", + "v" + ], + [ + "Work", + "ing" + ], + [ + "J", + "ump" + ], + [ + "ĠÃ¥", + "r" + ], + [ + "ĠAut", + "omatic" + ], + [ + "_B", + "ase" + ], + [ + "æł", + "¼" + ], + [ + "aur", + "ants" + ], + [ + "Â", + "¯" + ], + [ + "æ", + "¸" + ], + [ + "(C", + "Type" + ], + [ + "IF", + "I" + ], + [ + "(", + "amount" + ], + [ + "Ġbelie", + "ving" + ], + [ + "=", + "mysql" + ], + [ + "Ġf", + "ir" + ], + [ + "Ġrest", + "oration" + ], + [ + "ere", + "co" + ], + [ + "Ð", + "¢" + ], + [ + "_", + "'+" + ], + [ + "Ġe", + "book" + ], + [ + "Ġde", + "bris" + ], + [ + "(input", + "s" + ], + [ + "AY", + "OUT" + ], + [ + "Ġscre", + "aming" + ], + [ + "av", + "ia" + ], + [ + "land", + "er" + ], + [ + "Ġdist", + "ress" + ], + [ + "Ġas", + "sembled" + ], + [ + "ĠA", + "void" + ], + [ + "(", + "thread" + ], + [ + "ĠR", + "PC" + ], + [ + "_EX", + "IT" + ], + [ + "(", + "queue" + ], + [ + "и", + "ÑģÑĤ" + ], + [ + "D", + "ll" + ], + [ + "Ġsk", + "ull" + ], + [ + "_p", + "ub" + ], + [ + "che", + "z" + ], + [ + "min", + "ate" + ], + [ + "ens", + "en" + ], + [ + "Ġins", + "ane" + ], + [ + "b", + "ounds" + ], + [ + "ĠR", + "osen" + ], + [ + "Ġcondition", + "ing" + ], + [ + "process", + "ed" + ], + [ + "v", + "ideos" + ], + [ + "f", + "our" + ], + [ + ".Con", + "v" + ], + [ + "|", + ";Ċ" + ], + [ + "Person", + "al" + ], + [ + "cer", + "pt" + ], + [ + ":UIControlState", + "Normal" + ], + [ + "Ġdos", + "es" + ], + [ + "ĠKar", + "l" + ], + [ + "ĠFre", + "qu" + ], + [ + ".B", + "ASE" + ], + [ + "ĠV", + "ote" + ], + [ + "Ġcon", + "current" + ], + [ + "ĠMessageBox", + "Icon" + ], + [ + "ĠÃ", + "ĸ" + ], + [ + "ĠDub", + "ai" + ], + [ + "ĠR", + "etail" + ], + [ + ":", + "number" + ], + [ + "ĠOb", + "server" + ], + [ + "ĠBig", + "Integer" + ], + [ + "_", + "origin" + ], + [ + "_W", + "ORK" + ], + [ + "F", + "rames" + ], + [ + "Ġnot", + "ably" + ], + [ + ".", + "âĢľ" + ], + [ + "Ġtrop", + "ical" + ], + [ + "Ġn", + "iche" + ], + [ + "am", + "ina" + ], + [ + ".s", + "ys" + ], + [ + "(t", + "okens" + ], + [ + "mod", + "ify" + ], + [ + "os", + "it" + ], + [ + "st", + "rom" + ], + [ + "ĠCom", + "ics" + ], + [ + "O", + "PTION" + ], + [ + "T", + "icket" + ], + [ + "Ġfact", + "ories" + ], + [ + "Ġdis", + "put" + ], + [ + "_F", + "ile" + ], + [ + "ĠFin", + "n" + ], + [ + "ee", + "e" + ], + [ + "ĠDisc", + "ord" + ], + [ + "_m", + "oney" + ], + [ + ".t", + "pl" + ], + [ + "_s", + "afe" + ], + [ + "L", + "B" + ], + [ + "Ġgl", + "ut" + ], + [ + "J", + "K" + ], + [ + ".fl", + "ow" + ], + [ + "-", + "cont" + ], + [ + "g", + "os" + ], + [ + "Ġhor", + "izon" + ], + [ + "ĠR", + "ush" + ], + [ + "::", + "*" + ], + [ + "P", + "ipe" + ], + [ + "ull", + "a" + ], + [ + "bor", + "ough" + ], + [ + "he", + "imer" + ], + [ + "(m", + "ove" + ], + [ + "(", + "Text" + ], + [ + "}", + ");čĊčĊ" + ], + [ + "w", + "elcome" + ], + [ + "ĠCom", + "ponents" + ], + [ + "Ġgovern", + "ance" + ], + [ + "c", + "losed" + ], + [ + "ĉm", + "argin" + ], + [ + "Ġla", + "undry" + ], + [ + "ĠTerm", + "inal" + ], + [ + "iz", + "ards" + ], + [ + ".", + "âĢĶ" + ], + [ + ".rem", + "ote" + ], + [ + ".r", + "adius" + ], + [ + "ĠQue", + "bec" + ], + [ + "Ġd", + "h" + ], + [ + "T", + "ech" + ], + [ + "ĠM", + "ist" + ], + [ + "s", + "eller" + ], + [ + "_l", + "iteral" + ], + [ + "Ġgen", + "ius" + ], + [ + "Ġbr", + "ains" + ], + [ + "g", + "em" + ], + [ + "ĠMe", + "asure" + ], + [ + "Ġcata", + "st" + ], + [ + "r", + "ance" + ], + [ + ".Text", + "Field" + ], + [ + "Ġconsum", + "ing" + ], + [ + "Ġ'\\", + "''" + ], + [ + "oubted", + "ly" + ], + [ + "ĠC", + "ertain" + ], + [ + "E", + "v" + ], + [ + "ert", + "i" + ], + [ + "be", + "ing" + ], + [ + "Ex", + "perience" + ], + [ + "Ġ//", + "[" + ], + [ + "ĠArab", + "ic" + ], + [ + "ĠC", + "rist" + ], + [ + "ĠAz", + "ure" + ], + [ + "Ġhor", + "a" + ], + [ + "l", + "adesh" + ], + [ + "\\", + "Blueprint" + ], + [ + "d", + "ar" + ], + [ + ".re", + "l" + ], + [ + "Ġsup", + "rem" + ], + [ + "ĠRe", + "agan" + ], + [ + "ĠAt", + "tributes" + ], + [ + "-s", + "idebar" + ], + [ + "Ġuse", + "Styles" + ], + [ + "ĠA", + "irlines" + ], + [ + "Ġh", + "ills" + ], + [ + "/x", + "html" + ], + [ + "v", + "inc" + ], + [ + "_m", + "ock" + ], + [ + "Ċ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ" + ], + [ + "ĠP", + "ill" + ], + [ + ".Layout", + "Style" + ], + [ + "ĠCommand", + "er" + ], + [ + "]", + "<" + ], + [ + "sign", + "ature" + ], + [ + "Ġ{", + "}čĊ" + ], + [ + "Ġhat", + "red" + ], + [ + "Ġë", + "ĭ" + ], + [ + "ole", + "sterol" + ], + [ + "Ġ", + "********" + ], + [ + "ancell", + "or" + ], + [ + "c", + "rop" + ], + [ + "T", + "IM" + ], + [ + "ĉĉ", + "ĊĊ" + ], + [ + "ys", + "qli" + ], + [ + "uit", + "ive" + ], + [ + "ĉun", + "set" + ], + [ + "_s", + "el" + ], + [ + "Ġmen", + "us" + ], + [ + "t", + "ick" + ], + [ + "Ġconstit", + "ute" + ], + [ + "ĠElement", + "s" + ], + [ + "ĠRed", + "is" + ], + [ + "agg", + "io" + ], + [ + "_f", + "p" + ], + [ + "_de", + "pend" + ], + [ + "em", + "as" + ], + [ + "CA", + "ST" + ], + [ + "or", + "ange" + ], + [ + "j", + "on" + ], + [ + "ĠEm", + "ily" + ], + [ + "Ġpot", + "atoes" + ], + [ + "Ġre", + "ceptor" + ], + [ + "ĠElect", + "ronic" + ], + [ + "ĠL", + "ights" + ], + [ + "Ġcomb", + "ining" + ], + [ + "ĠSome", + "one" + ], + [ + "Ġ########", + "." + ], + [ + "ĠT", + "OD" + ], + [ + "/", + "show" + ], + [ + "X", + "d" + ], + [ + ".\"", + "'" + ], + [ + "af", + "x" + ], + [ + "Ġtr", + "agic" + ], + [ + "St", + "yled" + ], + [ + "ĠMar", + "co" + ], + [ + "G", + "allery" + ], + [ + "d", + "ale" + ], + [ + ".âĢĿ", + "ĊĊĊĊ" + ], + [ + "é", + "rie" + ], + [ + "/s", + "ervice" + ], + [ + "äº", + "Ĩ" + ], + [ + "Ġamb", + "ient" + ], + [ + "_SET", + "TINGS" + ], + [ + ".Ad", + "apter" + ], + [ + "l", + "ene" + ], + [ + "Ġtrav", + "els" + ], + [ + "Not", + "ice" + ], + [ + "Ġcle", + "ans" + ], + [ + "ĠF", + "em" + ], + [ + "ch", + "air" + ], + [ + "Ñĥ", + "н" + ], + [ + "/", + "my" + ], + [ + "_b", + "ad" + ], + [ + "ĠEcon", + "omics" + ], + [ + "IS", + "A" + ], + [ + "_C", + "NT" + ], + [ + "(M", + "enu" + ], + [ + "äº", + "İ" + ], + [ + "ĠR", + "idge" + ], + [ + "Ġlength", + "y" + ], + [ + "D", + "ot" + ], + [ + "Ġjump", + "s" + ], + [ + "Ġhe", + "y" + ], + [ + "$", + "pdf" + ], + [ + "Ġw", + "orm" + ], + [ + "Ġs", + "ut" + ], + [ + "Ġsh", + "er" + ], + [ + "iam", + "o" + ], + [ + "ĠCal", + "c" + ], + [ + "trie", + "ve" + ], + [ + "Ġc", + "ops" + ], + [ + "ĠCh", + "rom" + ], + [ + "Ġreg", + "ulated" + ], + [ + "reat", + "ment" + ], + [ + "ĠHigh", + "er" + ], + [ + "ok", + "s" + ], + [ + "Ġde", + "ze" + ], + [ + "LOC", + "ATION" + ], + [ + "ongs", + "To" + ], + [ + "Ġfin", + "ite" + ], + [ + "Ġvar", + "ies" + ], + [ + "Ġposition", + "ed" + ], + [ + "'", + "il" + ], + [ + "éĩ", + "ij" + ], + [ + "Ġh", + "ike" + ], + [ + "(d", + "one" + ], + [ + "play", + "list" + ], + [ + "Ġad", + "a" + ], + [ + "Ġcoast", + "al" + ], + [ + "ĠN", + "ancy" + ], + [ + ".DateTime", + "Field" + ], + [ + "Cpp", + "CodeGen" + ], + [ + "ĠSimilar", + "ly" + ], + [ + "re", + "ur" + ], + [ + "ĠCon", + "tr" + ], + [ + "ĠH", + "idden" + ], + [ + "ĠB", + "eta" + ], + [ + "atch", + "ed" + ], + [ + "_inst", + "all" + ], + [ + ".", + "Output" + ], + [ + "Look", + "up" + ], + [ + "ĠRich", + "mond" + ], + [ + "qu", + "ared" + ], + [ + "Ġm", + "anga" + ], + [ + "-control", + "s" + ], + [ + "ĠBern", + "ard" + ], + [ + "L", + "arge" + ], + [ + "Ġslic", + "es" + ], + [ + "Ġoff", + "ence" + ], + [ + "ĠM", + "ega" + ], + [ + "Ġest", + "ar" + ], + [ + "Ġjoint", + "s" + ], + [ + "Ġsum", + "m" + ], + [ + "_pl", + "atform" + ], + [ + "B", + "uff" + ], + [ + ".add", + "Subview" + ], + [ + "Ġret", + "ained" + ], + [ + "Let", + "ter" + ], + [ + ".d", + "im" + ], + [ + "Ġess", + "ere" + ], + [ + "ĠS", + "caffold" + ], + [ + "EX", + "PECT" + ], + [ + "ĉ", + "RE" + ], + [ + ".long", + "itude" + ], + [ + "ü", + "nd" + ], + [ + "Ġstat", + "ue" + ], + [ + ".add", + "Widget" + ], + [ + "ĠCar", + "ibbean" + ], + [ + "add", + "PreferredGap" + ], + [ + "il", + "de" + ], + [ + "UIL", + "abel" + ], + [ + "ĠOp", + "port" + ], + [ + "Ġimper", + "ial" + ], + [ + "urs", + "ion" + ], + [ + "Ġmand", + "ate" + ], + [ + "Ġpromot", + "ional" + ], + [ + "Ġv", + "k" + ], + [ + "ia", + "ÅĤ" + ], + [ + "Ġp", + "yl" + ], + [ + "ĠCre", + "ation" + ], + [ + "оз", + "д" + ], + [ + "Ġsim", + "pler" + ], + [ + ".", + "what" + ], + [ + "ĠRec", + "ent" + ], + [ + "St", + "orm" + ], + [ + ".", + "quantity" + ], + [ + "ĠL", + "ov" + ], + [ + "\"", + "-" + ], + [ + "ubb", + "les" + ], + [ + "_not", + "ification" + ], + [ + "(w", + "orld" + ], + [ + "ur", + "ger" + ], + [ + "*", + "(-" + ], + [ + ":", + "\"Ċ" + ], + [ + "h", + "m" + ], + [ + "ans", + "hip" + ], + [ + "ĠAl", + "most" + ], + [ + "Ġmotor", + "cycle" + ], + [ + "_f", + "ee" + ], + [ + "Ġabsor", + "b" + ], + [ + "ĠVin", + "cent" + ], + [ + "Ġsound", + "ed" + ], + [ + "ÃŃ", + "st" + ], + [ + "Ġpharm", + "aceutical" + ], + [ + "ht", + "ag" + ], + [ + "ĠKind", + "le" + ], + [ + "ital", + "ize" + ], + [ + "ĠEm", + "peror" + ], + [ + "oust", + "ic" + ], + [ + "Ġspecial", + "ists" + ], + [ + "åħ", + "¬" + ], + [ + "Border", + "Style" + ], + [ + "/", + "\\" + ], + [ + "RE", + "LATED" + ], + [ + "(',", + "'," + ], + [ + "(ex", + "pr" + ], + [ + "Ġh", + "t" + ], + [ + "åį", + "Ī" + ], + [ + "_C", + "reate" + ], + [ + "Ġspecial", + "ly" + ], + [ + "Ġ[]", + ";čĊ" + ], + [ + "Ġhe", + "el" + ], + [ + "Ġse", + "pt" + ], + [ + "_", + "arch" + ], + [ + "(in", + "itial" + ], + [ + "%", + ".ĊĊ" + ], + [ + "\\\",", + "\\\"" + ], + [ + "Ġdiscuss", + "es" + ], + [ + "Ġu", + "pt" + ], + [ + "Ġ[", + "&" + ], + [ + "Ġman", + "us" + ], + [ + ".h", + "and" + ], + [ + "ĠM", + "AIN" + ], + [ + "ĠDen", + "mark" + ], + [ + "Ġ],", + "čĊ" + ], + [ + "Ġcr", + "yst" + ], + [ + "Ġn", + "ack" + ], + [ + "Co", + "ords" + ], + [ + "_in", + "ner" + ], + [ + "Ġmid", + "st" + ], + [ + "Ġaw", + "ake" + ], + [ + "ĠÐ", + "ŀ" + ], + [ + "-b", + "reak" + ], + [ + "ÃŃ", + "vel" + ], + [ + "_P", + "ASS" + ], + [ + "ĠParam", + "s" + ], + [ + "Ġdet", + "r" + ], + [ + "Ġsp", + "ider" + ], + [ + "ĠCon", + "cept" + ], + [ + "Ġpre", + "nd" + ], + [ + "CH", + "ED" + ], + [ + ".Ex", + "it" + ], + [ + "Ġpop", + "ulated" + ], + [ + "Ġvirt", + "ue" + ], + [ + "_SE", + "SSION" + ], + [ + "Ġnou", + "vel" + ], + [ + "o", + "auth" + ], + [ + "Ġд", + "аннÑĭ" + ], + [ + "r", + "ink" + ], + [ + ".Header", + "Text" + ], + [ + "atur", + "ated" + ], + [ + "Ġer", + "st" + ], + [ + "Ġå", + "ħ" + ], + [ + "à¥", + "ĩ" + ], + [ + "_vis", + "ible" + ], + [ + "ey", + "er" + ], + [ + "Ġli", + "able" + ], + [ + "Ġde", + "be" + ], + [ + "Ġb", + "w" + ], + [ + "{-", + "#" + ], + [ + "_W", + "IN" + ], + [ + "df", + "s" + ], + [ + "H", + "over" + ], + [ + "ĠP", + "UT" + ], + [ + "-", + "angle" + ], + [ + "Ġnob", + "le" + ], + [ + "Ġtr", + "aces" + ], + [ + "enc", + "v" + ], + [ + "Ġuser", + "Data" + ], + [ + "_in", + "s" + ], + [ + "ĠS", + "uz" + ], + [ + "Ġnews", + "letters" + ], + [ + "ĠMod", + "i" + ], + [ + "Ġentreprene", + "urs" + ], + [ + "Ġtrib", + "ute" + ], + [ + "Ġrum", + "ors" + ], + [ + "Ġr", + "r" + ], + [ + "ĠQu", + "arter" + ], + [ + "ê³", + "ł" + ], + [ + "Ġfeed", + "s" + ], + [ + "ó", + "g" + ], + [ + "Ġen", + "velope" + ], + [ + "Ġle", + "ar" + ], + [ + "Ġk", + "ø" + ], + [ + "develop", + "er" + ], + [ + "Sim", + "ilar" + ], + [ + ":", + "\")Ċ" + ], + [ + "sub", + "scription" + ], + [ + "Mod", + "ifier" + ], + [ + "ital", + "ic" + ], + [ + "Ġn", + "asty" + ], + [ + "Ġtermin", + "ation" + ], + [ + "Ġchar", + "ming" + ], + [ + "Ġâ", + "Ł" + ], + [ + "ton", + "s" + ], + [ + ".tr", + "ace" + ], + [ + "h", + "ots" + ], + [ + "ĠU", + "R" + ], + [ + "M", + "ont" + ], + [ + "Ġjust", + "ified" + ], + [ + "ĠG", + "ang" + ], + [ + "ine", + "a" + ], + [ + "Ġb", + "og" + ], + [ + "(", + "ap" + ], + [ + "_", + "$" + ], + [ + "Ġcont", + "amin" + ], + [ + ".D", + "ot" + ], + [ + "ĉ", + "Debug" + ], + [ + "(", + "exports" + ], + [ + "Ġpa", + "ired" + ], + [ + "ĠAss", + "ignment" + ], + [ + "Ġautom", + "obile" + ], + [ + "ĵ", + "į" + ], + [ + "Ġph", + "ases" + ], + [ + "v", + "w" + ], + [ + "@", + "SuppressWarnings" + ], + [ + "=", + "\\" + ], + [ + "r", + "ant" + ], + [ + "-", + "ed" + ], + [ + "ĉ", + "await" + ], + [ + "Ġcert", + "ificates" + ], + [ + "'>", + "\"" + ], + [ + "Ġint", + "act" + ], + [ + "CT", + "RL" + ], + [ + "M", + "ike" + ], + [ + "greg", + "ation" + ], + [ + "AT", + "TERN" + ], + [ + "Ġre", + "public" + ], + [ + "_up", + "per" + ], + [ + "ili", + "ary" + ], + [ + "Ġcomput", + "ation" + ], + [ + "h", + "ire" + ], + [ + "ĠSh", + "in" + ], + [ + "_", + "ANY" + ], + [ + "ĠManufact", + "urer" + ], + [ + "ĠC", + "arm" + ], + [ + "Ġbear", + "ings" + ], + [ + "_c", + "omb" + ], + [ + "c", + "ad" + ], + [ + "ur", + "istic" + ], + [ + "Ġwholes", + "ale" + ], + [ + "Ġdon", + "or" + ], + [ + ".inter", + "faces" + ], + [ + "press", + "o" + ], + [ + "ĠBr", + "un" + ], + [ + "-c", + "lose" + ], + [ + "pro", + "ve" + ], + [ + "_S", + "K" + ], + [ + "ĉf", + "rame" + ], + [ + "et", + "ros" + ], + [ + "ĠP", + "ain" + ], + [ + "_EX", + "P" + ], + [ + "ĠL", + "T" + ], + [ + "_f", + "s" + ], + [ + ".dat", + "as" + ], + [ + "ĉ", + "ss" + ], + [ + "vo", + "ir" + ], + [ + "ĠA", + "xis" + ], + [ + "M", + "ajor" + ], + [ + "=\"", + "<" + ], + [ + "[", + "h" + ], + [ + "Ġprof", + "ess" + ], + [ + "igr", + "ate" + ], + [ + "(s", + "core" + ], + [ + "Key", + "word" + ], + [ + "\"", + "os" + ], + [ + "ĠĠĠĠ", + "ĉĊ" + ], + [ + "an", + "alysis" + ], + [ + "Ġre", + "play" + ], + [ + ".p", + "ass" + ], + [ + "\\", + "d" + ], + [ + "t", + "ls" + ], + [ + "Ġsan", + "ct" + ], + [ + ".l", + "ight" + ], + [ + "_m", + "obile" + ], + [ + "ÑģÑĤ", + "ÑĮ" + ], + [ + "ĉt", + "otal" + ], + [ + "u", + "ity" + ], + [ + "Ġpa", + "used" + ], + [ + "N", + "AS" + ], + [ + "Ġen", + "core" + ], + [ + "lo", + "e" + ], + [ + "Ġ-*", + "-ĊĊ" + ], + [ + ".h", + "igh" + ], + [ + "am", + "pler" + ], + [ + "ĠSec", + "ure" + ], + [ + "Ġfrag", + "ments" + ], + [ + "_", + "vel" + ], + [ + "ill", + "ary" + ], + [ + "ĠSte", + "in" + ], + [ + "ĠD", + "awn" + ], + [ + "Ġmax", + "imize" + ], + [ + "à¸", + "¢" + ], + [ + "Ġ/", + "^" + ], + [ + "Ġcontin", + "ually" + ], + [ + "Ġsh", + "adows" + ], + [ + "ĉ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "ĠI", + "ActionResult" + ], + [ + "Ġinform", + "ación" + ], + [ + "C", + "HECK" + ], + [ + ".Selected", + "Item" + ], + [ + "b", + "undle" + ], + [ + "ol", + "ley" + ], + [ + "<", + "Int" + ], + [ + "AIN", + "ER" + ], + [ + "ĠW", + "ing" + ], + [ + "tit", + "les" + ], + [ + "ount", + "ain" + ], + [ + "C", + "Y" + ], + [ + "ĠLoc", + "ale" + ], + [ + "form", + "er" + ], + [ + "<", + "context" + ], + [ + "R", + "adioButton" + ], + [ + "_s", + "chedule" + ], + [ + "Ġfab", + "ulous" + ], + [ + "Rob", + "ert" + ], + [ + "_PRO", + "FILE" + ], + [ + "Ġg", + "ates" + ], + [ + "IM", + "P" + ], + [ + "ĠPent", + "agon" + ], + [ + "g", + "old" + ], + [ + "b", + "ach" + ], + [ + "employ", + "ees" + ], + [ + "R", + "otate" + ], + [ + "Ġch", + "amp" + ], + [ + "Ġsel", + "bst" + ], + [ + "Al", + "tern" + ], + [ + "Ġconvert", + "View" + ], + [ + "/", + "," + ], + [ + "Ġ~", + "(" + ], + [ + "St", + "reet" + ], + [ + "_", + "place" + ], + [ + "Ġpersonal", + "ized" + ], + [ + "P", + "ublisher" + ], + [ + "ĠSO", + "CK" + ], + [ + "_NAMES", + "PACE" + ], + [ + "ĠStand", + "ards" + ], + [ + "so", + "ever" + ], + [ + "_C", + "ENTER" + ], + [ + "Inter", + "est" + ], + [ + "ô", + "t" + ], + [ + "tem", + "perature" + ], + [ + "View", + "port" + ], + [ + "get", + "Resource" + ], + [ + "Ġeat", + "en" + ], + [ + "Ġsem", + "pre" + ], + [ + "Ġab", + "normal" + ], + [ + "Ġc", + "ylinder" + ], + [ + "Ġtroub", + "les" + ], + [ + "n", + "od" + ], + [ + "Ñĭ", + "в" + ], + [ + "g", + "ames" + ], + [ + "_g", + "l" + ], + [ + "Pl", + "ane" + ], + [ + "g", + "rey" + ], + [ + "_t", + "bl" + ], + [ + ".Component", + "Placement" + ], + [ + "ĠCh", + "ase" + ], + [ + "Log", + "ging" + ], + [ + "man", + "y" + ], + [ + "ì", + "Ĩ" + ], + [ + "Ġfl", + "ame" + ], + [ + "=\"<" + ], + [ + "Ġtra", + "jectory" + ], + [ + "_r", + "ing" + ], + [ + "Ġhydro", + "gen" + ], + [ + "tr", + "on" + ], + [ + "Ġstat", + "ute" + ], + [ + "Ġcondition", + "al" + ], + [ + "Ġtr", + "ay" + ], + [ + "-s", + "chool" + ], + [ + "(w", + "idget" + ], + [ + "$", + "config" + ], + [ + "Ġrequest", + "ing" + ], + [ + ".", + "uint" + ], + [ + "et", + "on" + ], + [ + "brit", + "ies" + ], + [ + "Of", + "Type" + ], + [ + "AD", + "MIN" + ], + [ + "p", + "redict" + ], + [ + "Ġg", + "egen" + ], + [ + "ĠH", + "app" + ], + [ + "OC", + "UMENT" + ], + [ + "ĠA", + "part" + ], + [ + "Ġ----", + "-" + ], + [ + "ro", + "e" + ], + [ + "u", + "ide" + ], + [ + "just", + "ify" + ], + [ + "ĠSqu", + "ad" + ], + [ + "Ġprof", + "es" + ], + [ + ".b", + "ot" + ], + [ + "_c", + "urrency" + ], + [ + "inn", + "en" + ], + [ + "ĠM", + "umbai" + ], + [ + "ĠNum", + "bers" + ], + [ + "avana", + "ugh" + ], + [ + "agn", + "itude" + ], + [ + "âĢľ", + "There" + ], + [ + "=", + "http" + ], + [ + "çī", + "ĩ" + ], + [ + "Ġv", + "b" + ], + [ + "+'", + "{{", + "$" + ], + [ + "Ġin", + "ode" + ], + [ + "s", + "il" + ], + [ + "Ġh", + "ace" + ], + [ + "Ġsever", + "ely" + ], + [ + "ĠOver", + "view" + ], + [ + "Ġspr", + "aw" + ], + [ + "Ġbeach", + "es" + ], + [ + ":", + "left" + ], + [ + "·", + "»" + ], + [ + "($", + "{" + ], + [ + "ĠF", + "IRST" + ], + [ + "ĠSp", + "a" + ], + [ + "-", + "ass" + ], + [ + "Ġb", + "aise" + ], + [ + "ĠN", + "ODE" + ], + [ + "ĠP", + "izza" + ], + [ + "P", + "et" + ], + [ + "(se", + "q" + ], + [ + "\\", + "\">Ċ" + ], + [ + "CppMethod", + "Pointer" + ], + [ + "Ġv", + "p" + ], + [ + "Ġi", + "a" + ], + [ + "_se", + "conds" + ], + [ + "em", + "et" + ], + [ + "/b", + "lob" + ], + [ + "_TH", + "RESH" + ], + [ + "...", + "čĊ" + ], + [ + "D", + "est" + ], + [ + "ĠN", + "H" + ], + [ + ".data", + "Source" + ], + [ + "it", + "és" + ], + [ + "ĠJ", + "ak" + ], + [ + "s", + "ell" + ], + [ + "Ġwork", + "shops" + ], + [ + "<", + "u" + ], + [ + "Ġr", + "ivals" + ], + [ + "ĠEX", + "ISTS" + ], + [ + "h", + "om" + ], + [ + "-t", + "oken" + ], + [ + "compat", + "ible" + ], + [ + ".J", + "Panel" + ], + [ + "Ġphys", + "icians" + ], + [ + "art", + "in" + ], + [ + "Ġdes", + "irable" + ], + [ + "Ġdistinct", + "ive" + ], + [ + ".D", + "ep" + ], + [ + "g", + "id" + ], + [ + "ili", + "ate" + ], + [ + ",", + "max" + ], + [ + "Ġprem", + "iere" + ], + [ + "Ġq", + "Debug" + ], + [ + "Ġadvoc", + "acy" + ], + [ + "Ġwh", + "isper" + ], + [ + "P", + "t" + ], + [ + "Ġun", + "changed" + ], + [ + "_q", + "ty" + ], + [ + "请", + "æ±Ĥ" + ], + [ + "Se", + "ason" + ], + [ + "avel", + "ength" + ], + [ + "ĠP", + "ul" + ], + [ + "Ġd", + "ÃŃa" + ], + [ + "']", + "]],Ċ" + ], + [ + "al", + "is" + ], + [ + "(\"", + "&" + ], + [ + "bor", + "o" + ], + [ + "Ġb", + "m" + ], + [ + "ĠR", + "adi" + ], + [ + "w", + "rong" + ], + [ + "ĠGo", + "ing" + ], + [ + "ime", + "Type" + ], + [ + "ij", + "i" + ], + [ + "-", + "feedback" + ], + [ + "ĠN", + "ames" + ], + [ + "ĠB", + "apt" + ], + [ + "Ġprob", + "able" + ], + [ + "ĠE", + "ther" + ], + [ + "ĠPolit", + "ics" + ], + [ + "_prot", + "ocol" + ], + [ + "lin", + "ing" + ], + [ + "S", + "at" + ], + [ + "Ġcor", + "rel" + ], + [ + ".Pr", + "imary" + ], + [ + "(null", + "able" + ], + [ + "RI", + "ORITY" + ], + [ + "Ġcolor", + "ing" + ], + [ + "Ġutil", + "izing" + ], + [ + "d", + "as" + ], + [ + "Ġexport", + "ed" + ], + [ + "Ġcar", + "riers" + ], + [ + "Con", + "v" + ], + [ + ".", + "editor" + ], + [ + "i", + "ó" + ], + [ + "(h", + "andles" + ], + [ + "Ġapprec", + "iation" + ], + [ + ".", + "import" + ], + [ + "ĠAust", + "ria" + ], + [ + "ĠStr", + "ip" + ], + [ + "il", + "ight" + ], + [ + "Ġappropri", + "ately" + ], + [ + "ĠP", + "rest" + ], + [ + "ĠW", + "ir" + ], + [ + "ĠUI", + "Application" + ], + [ + "al", + "chemy" + ], + [ + "ĠM", + "ob" + ], + [ + "ĠD", + "etermin" + ], + [ + "ergus", + "on" + ], + [ + "register", + "ed" + ], + [ + "_con", + "vert" + ], + [ + "ĠVlad", + "imir" + ], + [ + ".Show", + "Dialog" + ], + [ + "ref", + "lect" + ], + [ + "Ġsh", + "ook" + ], + [ + "Ġass", + "ure" + ], + [ + "ĠO", + "ften" + ], + [ + "Ġcivil", + "ization" + ], + [ + "Ġvocab", + "ulary" + ], + [ + "fore", + "ground" + ], + [ + "ĠS", + "cope" + ], + [ + "Ġunw", + "anted" + ], + [ + "act", + "ing" + ], + [ + "Ġ(", + "[]" + ], + [ + "Ġmark", + "ing" + ], + [ + ".", + "original" + ], + [ + "ĠMO", + "VE" + ], + [ + "Ġsport", + "ing" + ], + [ + "ception", + "s" + ], + [ + "NS", + "Number" + ], + [ + "S", + "izes" + ], + [ + "Ġprovinc", + "ial" + ], + [ + "_Tr", + "ans" + ], + [ + "Ġproblem", + "atic" + ], + [ + "d", + "igit" + ], + [ + "ĠEm", + "ma" + ], + [ + "lock", + "s" + ], + [ + "ĠC", + "rew" + ], + [ + "ib", + "a" + ], + [ + "')", + ":" + ], + [ + "ish", + "a" + ], + [ + "Ġm", + "amm" + ], + [ + "Ġocc", + "ured" + ], + [ + "w", + "cs" + ], + [ + "(r", + "ule" + ], + [ + "Ġmerch", + "andise" + ], + [ + "es", + "pecially" + ], + [ + "ĠT", + "win" + ], + [ + "Ġn", + "aming" + ], + [ + "Ġs", + "log" + ], + [ + "Ġimpro", + "ves" + ], + [ + "Ġad", + "her" + ], + [ + ":", + "text" + ], + [ + ".h", + "adoop" + ], + [ + "_HT", + "TP" + ], + [ + ".to", + "List" + ], + [ + ".dis", + "abled" + ], + [ + "Ġl", + "enses" + ], + [ + ".in", + "i" + ], + [ + "ĠR", + "are" + ], + [ + "ĠUb", + "untu" + ], + [ + "Ġsc", + "ram" + ], + [ + "ol", + "ation" + ], + [ + "tit", + "ulo" + ], + [ + "Every", + "thing" + ], + [ + "Ġnod", + "ded" + ], + [ + "icht", + "ig" + ], + [ + "_const", + "ant" + ], + [ + "z", + "c" + ], + [ + "l", + "ift" + ], + [ + "ĠNot", + "ify" + ], + [ + "ond", + "o" + ], + [ + "ĠIN", + "F" + ], + [ + "(\"", + "+" + ], + [ + "ĠK", + "az" + ], + [ + "Ġd", + "read" + ], + [ + ".m", + "apper" + ], + [ + "le", + "ur" + ], + [ + "ĠCome", + "y" + ], + [ + "ĠN", + "B" + ], + [ + "ic", + "ers" + ], + [ + ".P", + "ush" + ], + [ + "ĠH", + "ack" + ], + [ + "ĠBrazil", + "ian" + ], + [ + "_pro", + "d" + ], + [ + "Ġ//", + "ĊĊ" + ], + [ + "Ġb", + "icycle" + ], + [ + "Ġun", + "available" + ], + [ + "Ġadoles", + "cent" + ], + [ + "bl", + "k" + ], + [ + "Ġmit", + "ig" + ], + [ + "_bl", + "ue" + ], + [ + "ì", + "ĺ" + ], + [ + "fade", + "In" + ], + [ + "ĠUtil", + "ities" + ], + [ + "ĠM", + "N" + ], + [ + ";", + "k" + ], + [ + "<", + "style" + ], + [ + "-", + "status" + ], + [ + "ind", + "o" + ], + [ + "Ġinn", + "ings" + ], + [ + "Ġg", + "j" + ], + [ + "Ġ||", + "=" + ], + [ + ".e", + "u" + ], + [ + ":", + "Number" + ], + [ + "Ġcuis", + "ine" + ], + [ + "ĠURL", + "s" + ], + [ + "ie", + "k" + ], + [ + "Ġw", + "ires" + ], + [ + "ĉ", + "ps" + ], + [ + "ie", + "g" + ], + [ + ".m", + "k" + ], + [ + "so", + "ap" + ], + [ + "Ġsom", + "etime" + ], + [ + "Ġst", + "ap" + ], + [ + "_s", + "eries" + ], + [ + ".T", + "arget" + ], + [ + "æ", + "º" + ], + [ + ".dest", + "ination" + ], + [ + "OUN", + "TER" + ], + [ + "R", + "aises" + ], + [ + "&", + "A" + ], + [ + "Ġsmart", + "phones" + ], + [ + "NI", + "Env" + ], + [ + ".s", + "dk" + ], + [ + "Ġhelicopt", + "er" + ], + [ + "Ġim", + "pe" + ], + [ + "ĠB", + "irth" + ], + [ + "A", + "U" + ], + [ + "b", + "readcrumbs" + ], + [ + "co", + "ords" + ], + [ + "Ġexplo", + "red" + ], + [ + "Ġl", + "od" + ], + [ + "ĠI", + "p" + ], + [ + "g", + "able" + ], + [ + "ian", + "e" + ], + [ + "Ġart", + "ifacts" + ], + [ + "Box", + "Layout" + ], + [ + "ا", + "ر" + ], + [ + "list", + "ener" + ], + [ + ".c", + "art" + ], + [ + "ĠH", + "uff" + ], + [ + "ĠHind", + "u" + ], + [ + "ĠData", + "Types" + ], + [ + "ĠDr", + "upal" + ], + [ + "IGN", + "ORE" + ], + [ + "Ġoffset", + "s" + ], + [ + "ĠR", + "TC" + ], + [ + "-", + "login" + ], + [ + "æ", + "®" + ], + [ + "ĠQ", + "Object" + ], + [ + "Ġprosec", + "utor" + ], + [ + "R", + "ock" + ], + [ + "_ch", + "at" + ], + [ + "W", + "ay" + ], + [ + "ì", + "²" + ], + [ + "Ġneg", + "lig" + ], + [ + "Ġd", + "ude" + ], + [ + ";", + "<" + ], + [ + "Ġdeleg", + "ates" + ], + [ + "_f", + "ailed" + ], + [ + "/", + "dev" + ], + [ + "/", + "work" + ], + [ + "(", + "New" + ], + [ + "et", + "able" + ], + [ + "()", + "\"" + ], + [ + "(", + "Icons" + ], + [ + "Ġp", + "ork" + ], + [ + "ĠModel", + "AndView" + ], + [ + "ĠV", + "IP" + ], + [ + "ĠK", + "or" + ], + [ + "m", + "ix" + ], + [ + "Ġox", + "id" + ], + [ + "ĠSC", + "REEN" + ], + [ + "ĠFour", + "th" + ], + [ + "/", + "\",Ċ" + ], + [ + "Ġte", + "e" + ], + [ + "ĠSte", + "vens" + ], + [ + "t", + "icks" + ], + [ + "Ġp", + "ledge" + ], + [ + "ib", + "bon" + ], + [ + "ĠLo", + "an" + ], + [ + "Ġne", + "o" + ], + [ + "n", + "umpy" + ], + [ + "ĠShared", + "Preferences" + ], + [ + "-", + "oriented" + ], + [ + "ĠLogger", + "Factory" + ], + [ + "ĠGraph", + "QL" + ], + [ + "zen", + "ia" + ], + [ + "\"", + "_" + ], + [ + "W", + "omen" + ], + [ + ".c", + "ast" + ], + [ + "Ġdeliber", + "ately" + ], + [ + "+", + "b" + ], + [ + "ĠAr", + "n" + ], + [ + "font", + "Size" + ], + [ + "Ġm", + "aze" + ], + [ + "Ġbl", + "amed" + ], + [ + ".m", + "as" + ], + [ + "}", + ")čĊ" + ], + [ + "eler", + "ik" + ], + [ + "Ġsc", + "anning" + ], + [ + "ĠWork", + "shop" + ], + [ + "Ġfind", + "en" + ], + [ + "Ġca", + "ut" + ], + [ + "UI", + "Font" + ], + [ + "(", + "return" + ], + [ + "al", + "in" + ], + [ + "cast", + "le" + ], + [ + "////////////////////////////////////////////////////////////////", + "////////" + ], + [ + "Ġincent", + "ive" + ], + [ + "op", + "ath" + ], + [ + "b", + "lob" + ], + [ + "Ġcigaret", + "te" + ], + [ + "Ġfert", + "il" + ], + [ + "*/", + "ĊĊĊ" + ], + [ + "ĠSh", + "ar" + ], + [ + "Ċ", + "ĠĠĠĠĠĠĊ" + ], + [ + "Ġunc", + "ertain" + ], + [ + "ĠS", + "ton" + ], + [ + "Oper", + "ations" + ], + [ + "ĠSp", + "encer" + ], + [ + "Ġdef", + "in" + ], + [ + "ĠS", + "olo" + ], + [ + "on", + "est" + ], + [ + "·»", + "åĬł" + ], + [ + "Ġu", + "omo" + ], + [ + "G", + "ive" + ], + [ + "Ġdent", + "ro" + ], + [ + ";", + "padding" + ], + [ + "ent", + "ai" + ], + [ + "ĠC", + "ars" + ], + [ + "Ġenthus", + "iasm" + ], + [ + "ĠOper", + "ating" + ], + [ + "S", + "kip" + ], + [ + "par", + "ation" + ], + [ + "Ġprotect", + "s" + ], + [ + "Ġre", + "ver" + ], + [ + "d", + "g" + ], + [ + "ĠC", + "incinnati" + ], + [ + "Ġconsect", + "etur" + ], + [ + "Ġm", + "uss" + ], + [ + "employ", + "ed" + ], + [ + "a", + "uses" + ], + [ + "ink", + "le" + ], + [ + ".", + "Values" + ], + [ + "£", + "¼" + ], + [ + "lo", + "v" + ], + [ + "_W", + "ARN" + ], + [ + "Ġbook", + "mark" + ], + [ + "ĠAp", + "ollo" + ], + [ + ".", + "axis" + ], + [ + "Ġm", + "ét" + ], + [ + "Ġop", + "ener" + ], + [ + "Ġtum", + "or" + ], + [ + "d", + "an" + ], + [ + "Ġelement", + "ary" + ], + [ + "Ġsk", + "ipped" + ], + [ + "ĠK", + "er" + ], + [ + "as", + "ia" + ], + [ + "_res", + "p" + ], + [ + "Ġdem", + "ol" + ], + [ + "ĠCan", + "adians" + ], + [ + "Ġt", + "astes" + ], + [ + "U", + "Integer" + ], + [ + "Ġ'", + "${" + ], + [ + ".aw", + "s" + ], + [ + "RO", + "ID" + ], + [ + "ri", + "ans" + ], + [ + "M", + "Q" + ], + [ + "ord", + "able" + ], + [ + "Ġcous", + "in" + ], + [ + "Prop", + "agation" + ], + [ + "(S", + "ession" + ], + [ + "ph", + "alt" + ], + [ + "UL", + "D" + ], + [ + "ĠSc", + "alar" + ], + [ + "Ġblo", + "ody" + ], + [ + "Ġ", + "à¦" + ], + [ + ".m", + "ask" + ], + [ + ",", + "q" + ], + [ + "ĠUn", + "its" + ], + [ + "Ġcent", + "res" + ], + [ + "ĠPr", + "im" + ], + [ + ".", + "]ĊĊ" + ], + [ + "ĠSh", + "aw" + ], + [ + "P", + "rom" + ], + [ + "ĠTh", + "ought" + ], + [ + "Check", + "er" + ], + [ + "_output", + "s" + ], + [ + "(", + "chan" + ], + [ + "E", + "INVAL" + ], + [ + "Ġb", + "ob" + ], + [ + "_c", + "mp" + ], + [ + "P", + "ed" + ], + [ + "Ġmat", + "rices" + ], + [ + "Ġvrou", + "wen" + ], + [ + "Ġgenu", + "inely" + ], + [ + "high", + "light" + ], + [ + "(d", + "isplay" + ], + [ + ")", + "!=" + ], + [ + "Ġdel", + "icate" + ], + [ + "ĠL", + "uther" + ], + [ + "ĠM", + "iles" + ], + [ + "Ġuser", + "ID" + ], + [ + "%", + "=" + ], + [ + "ate", + "urs" + ], + [ + "_B", + "UF" + ], + [ + "----", + "---Ċ" + ], + [ + "imit", + "ives" + ], + [ + "Ġsh", + "elves" + ], + [ + "sl", + "ow" + ], + [ + "_in", + "formation" + ], + [ + "LE", + "G" + ], + [ + "W", + "r" + ], + [ + ".form", + "s" + ], + [ + "cel", + "and" + ], + [ + "/", + "un" + ], + [ + ":", + "&" + ], + [ + ".âĢĻ", + "ĊĊ" + ], + [ + "=\"", + "%" + ], + [ + "Ġpro", + "st" + ], + [ + "Ġfont", + "size" + ], + [ + "uc", + "ión" + ], + [ + "get", + "ic" + ], + [ + "am", + "t" + ], + [ + "=\"", + "." + ], + [ + "Dec", + "or" + ], + [ + "B", + "rit" + ], + [ + "Ġ\"\"", + ")." + ], + [ + "Ġfound", + "ing" + ], + [ + ".File", + "Name" + ], + [ + "ĠT", + "ier" + ], + [ + "Ġdisc", + "lose" + ], + [ + "á", + "m" + ], + [ + ".s", + "yn" + ], + [ + ".View", + "Holder" + ], + [ + "lic", + "ant" + ], + [ + "_st", + "age" + ], + [ + "Mon", + "day" + ], + [ + "Ġdes", + "erialize" + ], + [ + "t", + "alk" + ], + [ + "Ġtradition", + "ally" + ], + [ + "æĢ", + "ģ" + ], + [ + "Ø", + "®" + ], + [ + "LE", + "X" + ], + [ + "Ġe", + "h" + ], + [ + "ĉ", + "ROM" + ], + [ + "Ġ{", + "})Ċ" + ], + [ + "Quest", + "ions" + ], + [ + "nc", + "py" + ], + [ + "Ġfix", + "ing" + ], + [ + "к", + "Ñĥ" + ], + [ + "_", + "Key" + ], + [ + ":", + "x" + ], + [ + "ĠSTR", + "ING" + ], + [ + "ĠÑĦ", + "ай" + ], + [ + "ĉ", + "left" + ], + [ + "ĠBen", + "ch" + ], + [ + "ell", + "ij" + ], + [ + "UR", + "RED" + ], + [ + "ĠDi", + "agram" + ], + [ + "}", + "catch" + ], + [ + "/", + "time" + ], + [ + "ĠMiss", + "ing" + ], + [ + "db", + "name" + ], + [ + "Ġs", + "ore" + ], + [ + "ĠW", + "alt" + ], + [ + "ugg", + "ing" + ], + [ + "rep", + "resent" + ], + [ + "ĠG", + "S" + ], + [ + "ne", + "ys" + ], + [ + "ĉ", + "page" + ], + [ + "Ġvol", + "can" + ], + [ + "(b", + "tn" + ], + [ + "Ġexceed", + "s" + ], + [ + "Ġ", + "erg" + ], + [ + "Ġpil", + "ots" + ], + [ + "ĠS", + "ed" + ], + [ + "ers", + "ions" + ], + [ + "Ġpat", + "ron" + ], + [ + "R", + "V" + ], + [ + "/", + "top" + ], + [ + ".", + "asset" + ], + [ + "_c", + "ross" + ], + [ + ".", + "Editor" + ], + [ + ".t", + "b" + ], + [ + "Ġwel", + "coming" + ], + [ + "SC", + "REEN" + ], + [ + ")", + "findViewById" + ], + [ + "C", + "oder" + ], + [ + "", + "\",Ċ" + ], + [ + "_P", + "in" + ], + [ + "ues", + "e" + ], + [ + "Ġover", + "rides" + ], + [ + "_", + "ready" + ], + [ + "Adv", + "anced" + ], + [ + "Ġop", + "i" + ], + [ + "-c", + "art" + ], + [ + "(\"/", + "\"," + ], + [ + "ĠDe", + "b" + ], + [ + "CR", + "Y" + ], + [ + "ĠVert", + "ical" + ], + [ + "ĠO", + "VER" + ], + [ + "ĠCorpor", + "ate" + ], + [ + "Ġ\"\"", + ";" + ], + [ + "Ġste", + "pping" + ], + [ + "e", + "j" + ], + [ + "Ġaccus", + "ations" + ], + [ + "Ġor", + "az" + ], + [ + "_t", + "ail" + ], + [ + "Ġindu", + "ced" + ], + [ + "Ġel", + "astic" + ], + [ + "Ġbl", + "own" + ], + [ + ",", + "//" + ], + [ + "Ġbackground", + "s" + ], + [ + "âĢĻ", + "une" + ], + [ + "-s", + "dk" + ], + [ + "Ġset", + "Interval" + ], + [ + "Ġincent", + "ives" + ], + [ + "Ġveget", + "able" + ], + [ + "_", + "On" + ], + [ + "exp", + "anded" + ], + [ + "p", + "ix" + ], + [ + "_sh", + "ader" + ], + [ + "ĠSP", + "DX" + ], + [ + "@", + "example" + ], + [ + "ĠW", + "rapper" + ], + [ + ".Z", + "ero" + ], + [ + "Pos", + "itive" + ], + [ + "Ġsp", + "inner" + ], + [ + "Ġinvent", + "ed" + ], + [ + "ĠG", + "ates" + ], + [ + "оÑĤ", + "оÑĢ" + ], + [ + "Ġcompar", + "isons" + ], + [ + "è", + "·" + ], + [ + ".pr", + "imary" + ], + [ + "data", + "Provider" + ], + [ + "add", + "itional" + ], + [ + "ĉ", + "options" + ], + [ + "s", + "napshot" + ], + [ + ".set", + "Horizontal" + ], + [ + "Ġ\"", + "{}" + ], + [ + "ĠFish", + "er" + ], + [ + "hal", + "ten" + ], + [ + "<", + "Type" + ], + [ + "Ġmax", + "Length" + ], + [ + "ĠM", + "t" + ], + [ + "Ġê°", + "Ģ" + ], + [ + ".jet", + "brains" + ], + [ + "Ġident", + "ifies" + ], + [ + "Ġflow", + "ing" + ], + [ + "ĠDisc", + "ussion" + ], + [ + "ats", + "by" + ], + [ + "Ġsch", + "w" + ], + [ + "ught", + "y" + ], + [ + "Ġr", + "ivers" + ], + [ + ".un", + "ique" + ], + [ + "_PH", + "Y" + ], + [ + "ed", + "ral" + ], + [ + "(", + "ll" + ], + [ + "Ġcs", + "rf" + ], + [ + "pp", + "ers" + ], + [ + "ü", + "l" + ], + [ + "ĠEs", + "pecially" + ], + [ + "port", + "ed" + ], + [ + "ĠHarr", + "ison" + ], + [ + "******", + "*/Ċ" + ], + [ + "Text", + "Color" + ], + [ + "ìĬ", + "µ" + ], + [ + "w", + "ire" + ], + [ + "Ġstatus", + "Code" + ], + [ + "ĠFin", + "ish" + ], + [ + "c", + "ence" + ], + [ + "ĠMcC", + "ain" + ], + [ + "ĠW", + "or" + ], + [ + "(", + "await" + ], + [ + "Ġ)", + "->" + ], + [ + "ĠRegister", + "ed" + ], + [ + "IN", + "ED" + ], + [ + "k", + "al" + ], + [ + "par", + "ison" + ], + [ + "Ġobj", + "eto" + ], + [ + "V", + "i" + ], + [ + "mand", + "a" + ], + [ + "Ġrenew", + "ed" + ], + [ + "ĠS", + "of" + ], + [ + "ess", + "el" + ], + [ + ".nd", + "array" + ], + [ + "Ġcr", + "ap" + ], + [ + "ç®", + "¡" + ], + [ + ".ab", + "spath" + ], + [ + "(", + "up" + ], + [ + "Ġclear", + "ance" + ], + [ + "ĠT", + "W" + ], + [ + "_C", + "OPY" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĉ" + ], + [ + "Ġforest", + "s" + ], + [ + "Ġarg", + "uably" + ], + [ + "ĠA", + "SS" + ], + [ + "he", + "y" + ], + [ + "am", + "el" + ], + [ + "_f", + "ore" + ], + [ + "ĠSou", + "theast" + ], + [ + "Ġab", + "used" + ], + [ + "Ġpract", + "icing" + ], + [ + "aked", + "irs" + ], + [ + "ä¸", + "»" + ], + [ + "_res", + "ources" + ], + [ + "Ġp", + "ond" + ], + [ + ".F", + "ixed" + ], + [ + "Last", + "Error" + ], + [ + "ĠPsych", + "ology" + ], + [ + "Ġ\"", + "//" + ], + [ + "!", + ":" + ], + [ + "Re", + "usable" + ], + [ + "Ġmens", + "aje" + ], + [ + "Ġro", + "spy" + ], + [ + "Ġb", + "our" + ], + [ + "Ġvar", + "ieties" + ], + [ + "Ġem", + "path" + ], + [ + "((", + "{" + ], + [ + "_", + "org" + ], + [ + "ĠM", + "es" + ], + [ + "ĠMag", + "ento" + ], + [ + "IST", + "ORY" + ], + [ + "Un", + "less" + ], + [ + "Ġh", + "j" + ], + [ + "ĠD", + "uty" + ], + [ + "J", + "un" + ], + [ + ",", + "size" + ], + [ + "Ġpaint", + "ings" + ], + [ + "Ġdisp", + "ens" + ], + [ + "d", + "art" + ], + [ + "Ġbehavior", + "al" + ], + [ + "Ġr", + "pc" + ], + [ + "cal", + "culate" + ], + [ + "fr", + "uit" + ], + [ + "_m", + "m" + ], + [ + "ĉp", + "thread" + ], + [ + "Max", + "Length" + ], + [ + "Ġc", + "urrencies" + ], + [ + "_cap", + "acity" + ], + [ + "ĠO", + "z" + ], + [ + "Ġfire", + "arm" + ], + [ + "Ġcoeff", + "icient" + ], + [ + "Ġbankrupt", + "cy" + ], + [ + "w", + "art" + ], + [ + "Ġfat", + "igue" + ], + [ + "AV", + "A" + ], + [ + "Ġes", + "pa" + ], + [ + "_p", + "c" + ], + [ + "ĠQu", + "otes" + ], + [ + "_L", + "IGHT" + ], + [ + "ĠT", + "ickets" + ], + [ + "Ġrel", + "ates" + ], + [ + "Ġpublish", + "ers" + ], + [ + "Ġunlock", + "ed" + ], + [ + "Ġ//", + "----------------------------------------------------------------" + ], + [ + "ĠInterrupt", + "edException" + ], + [ + "Ġout", + "look" + ], + [ + "r", + "n" + ], + [ + "Ġreb", + "els" + ], + [ + "W", + "ritten" + ], + [ + "Ġas", + "ian" + ], + [ + "ot", + "to" + ], + [ + "Ġ", + "ĉĉĉĉ" + ], + [ + "_g", + "pu" + ], + [ + "T", + "xt" + ], + [ + ".Image", + "View" + ], + [ + "Ġsu", + "is" + ], + [ + "_t", + "ables" + ], + [ + ".Rec", + "yclerView" + ], + [ + "Ġwhat", + "soever" + ], + [ + "è", + "ģ" + ], + [ + "]", + "++;Ċ" + ], + [ + "assert", + "True" + ], + [ + "_", + "verify" + ], + [ + "ĠR", + "ivers" + ], + [ + "Ġ", + "][" + ], + [ + "J", + "et" + ], + [ + "id", + "ian" + ], + [ + "S", + "ibling" + ], + [ + "Ġgen", + "res" + ], + [ + ".A", + "ccess" + ], + [ + "OP", + "S" + ], + [ + "Ġtr", + "ivial" + ], + [ + "à¸", + "ª" + ], + [ + "al", + "en" + ], + [ + "в", + "ед" + ], + [ + "ĠS", + "word" + ], + [ + "Ġscrut", + "iny" + ], + [ + "(c", + "b" + ], + [ + "Ġcomm", + "erce" + ], + [ + "Ġguarante", + "es" + ], + [ + "_ad", + "v" + ], + [ + "ĠL", + "ET" + ], + [ + "rec", + "io" + ], + [ + "Ġh", + "ilar" + ], + [ + "Ġback", + "yard" + ], + [ + "ãĢ", + "ı" + ], + [ + "Ġillustr", + "ated" + ], + [ + "/v", + "endor" + ], + [ + ".", + "Util" + ], + [ + "Ġw", + "ow" + ], + [ + "LO", + "Y" + ], + [ + "ĠMar", + "shal" + ], + [ + "\">", + "'.$" + ], + [ + "ĠB", + "ak" + ], + [ + "Ġmod", + "ifiers" + ], + [ + "d", + "ictionary" + ], + [ + "ĠSt", + "re" + ], + [ + "m", + "ultiple" + ], + [ + "\"))", + "," + ], + [ + "ĠC", + "ort" + ], + [ + "']", + "\")." + ], + [ + "(", + "admin" + ], + [ + "ĠCre", + "ator" + ], + [ + "Int", + "ernet" + ], + [ + "(", + "ms" + ], + [ + "log", + "y" + ], + [ + "DECL", + "ARE" + ], + [ + "ĠMarc", + "us" + ], + [ + "<<", + "<<" + ], + [ + "ãģ", + "ł" + ], + [ + "_m", + "y" + ], + [ + "(in", + "st" + ], + [ + "Ġsc", + "iences" + ], + [ + "ND", + "ER" + ], + [ + ".", + "enter" + ], + [ + "Ġit", + "u" + ], + [ + "Ġbeh", + "ave" + ], + [ + "P", + "an" + ], + [ + "omb", + "ies" + ], + [ + "='", + "<" + ], + [ + "'))", + ";čĊ" + ], + [ + "ĠM", + "ENU" + ], + [ + "ĠWork", + "ers" + ], + [ + ".No", + "Error" + ], + [ + "Ġbind", + "ings" + ], + [ + "Ġdis", + "abilities" + ], + [ + "{", + "\\" + ], + [ + "ĠM", + "unicip" + ], + [ + "Ġco", + "res" + ], + [ + "ur", + "ple" + ], + [ + "ĠN", + "okia" + ], + [ + "us", + "ions" + ], + [ + "ĠF", + "itness" + ], + [ + ".handle", + "Change" + ], + [ + "Ġjav", + "ascript" + ], + [ + "ìļ", + "Ķ" + ], + [ + "(", + "dec" + ], + [ + "Ġpack", + "ing" + ], + [ + "-de", + "pend" + ], + [ + "Ġtrans", + "cript" + ], + [ + "z", + "eros" + ], + [ + "_", + "alert" + ], + [ + "?", + "\",Ċ" + ], + [ + "lib", + "s" + ], + [ + "±", + "оÑĤ" + ], + [ + "Ġ|", + "ĊĊ" + ], + [ + "tr", + "ained" + ], + [ + "ĠG", + "ent" + ], + [ + "ĠR", + "ab" + ], + [ + "x", + "p" + ], + [ + "_config", + "uration" + ], + [ + "å¤", + "©" + ], + [ + "_", + "accept" + ], + [ + ".rec", + "yclerview" + ], + [ + ":", + "url" + ], + [ + "ĠMu", + "hammad" + ], + [ + "Ġprivile", + "ges" + ], + [ + "_b", + "ank" + ], + [ + "uk", + "u" + ], + [ + "w", + "allet" + ], + [ + "ĠRO", + "OT" + ], + [ + "Ġenc", + "uent" + ], + [ + "?", + "family" + ], + [ + "ĉ", + "position" + ], + [ + "Ġc", + "g" + ], + [ + "Ġprec", + "ip" + ], + [ + "method", + "s" + ], + [ + "_f", + "ast" + ], + [ + "in", + "crement" + ], + [ + "ĠT", + "iger" + ], + [ + "_OCC", + "URRED" + ], + [ + "qu", + "ip" + ], + [ + "ĠH", + "AS" + ], + [ + "_d", + "om" + ], + [ + "Ġw", + "reck" + ], + [ + "b", + "j" + ], + [ + "Ġd", + "ern" + ], + [ + "Ġorg", + "ans" + ], + [ + ".", + "entries" + ], + [ + "Ġ_", + "('" + ], + [ + "ram", + "ento" + ], + [ + "ĠJam", + "ie" + ], + [ + "Ġp", + "unk" + ], + [ + "IP", + "P" + ], + [ + "Ġprogram", + "a" + ], + [ + "Ġatt", + "ain" + ], + [ + "Ġpro", + "ves" + ], + [ + "/s", + "ign" + ], + [ + "Ġanswer", + "ing" + ], + [ + "Ġl", + "adder" + ], + [ + "************************", + "****" + ], + [ + "ĠW", + "almart" + ], + [ + "ĠCONT", + "ENT" + ], + [ + "duct", + "or" + ], + [ + "Ġver", + "bal" + ], + [ + "ĠP", + "ID" + ], + [ + "c", + "rypto" + ], + [ + "_CALL", + "BACK" + ], + [ + "Ġ=", + "================================" + ], + [ + "Ġpot", + "ent" + ], + [ + "Ġshort", + "s" + ], + [ + ".U", + "ri" + ], + [ + ".un", + "iform" + ], + [ + ";", + "border" + ], + [ + "ĠW", + "er" + ], + [ + "Ġhere", + "in" + ], + [ + "ll", + "a" + ], + [ + "ĠI", + "hr" + ], + [ + "P", + "ixmap" + ], + [ + "l", + "iteral" + ], + [ + "!", + ")ĊĊ" + ], + [ + "g", + "eneric" + ], + [ + "r", + "ust" + ], + [ + "_script", + "s" + ], + [ + "ost", + "o" + ], + [ + "it", + "us" + ], + [ + "ĠCoal", + "ition" + ], + [ + "Ġrem", + "ot" + ], + [ + "de", + "ploy" + ], + [ + "ĠEag", + "le" + ], + [ + "ãĢģ", + "ãĢĮ" + ], + [ + "Ġimportant", + "e" + ], + [ + "ĉ", + "object" + ], + [ + "Ġseason", + "al" + ], + [ + "ne", + "j" + ], + [ + "aid", + "u" + ], + [ + "Bind", + "View" + ], + [ + "ĠSi", + "erra" + ], + [ + "-b", + "g" + ], + [ + "Ġmake", + "Styles" + ], + [ + "[", + "offset" + ], + [ + "G", + "ames" + ], + [ + "Ġhorm", + "one" + ], + [ + "AR", + "IO" + ], + [ + "head", + "s" + ], + [ + "(", + "select" + ], + [ + "ĠStart", + "ed" + ], + [ + "@", + "param" + ], + [ + "_de", + "cl" + ], + [ + "_b", + "log" + ], + [ + "Ġa", + "ño" + ], + [ + "\\", + "Api" + ], + [ + "ĠMil", + "waukee" + ], + [ + "Pro", + "vid" + ], + [ + "An", + "imated" + ], + [ + "Ġcool", + "er" + ], + [ + "ĠSe", + "ed" + ], + [ + ".", + "Edit" + ], + [ + "Ï", + "Ħ" + ], + [ + "ĠT", + "aking" + ], + [ + "Ġborder", + "Color" + ], + [ + "-found", + "er" + ], + [ + ".Logger", + "Factory" + ], + [ + "Ġ\"\"", + "ĊĊ" + ], + [ + "AL", + "T" + ], + [ + "ĠL", + "ate" + ], + [ + "EDI", + "ATE" + ], + [ + "Ġ);ĊĊ", + "Ċ" + ], + [ + "af", + "a" + ], + [ + "Ġcancell", + "ation" + ], + [ + "At", + "om" + ], + [ + "ĠB", + "irmingham" + ], + [ + "emp", + "resa" + ], + [ + "HE", + "MA" + ], + [ + "asc", + "al" + ], + [ + "Ġup", + "side" + ], + [ + ".V", + "ersion" + ], + [ + "ĠF", + "older" + ], + [ + "ĠE", + "ight" + ], + [ + "ĠV", + "intage" + ], + [ + "ĠApp", + "Delegate" + ], + [ + "ĠPre", + "vention" + ], + [ + ".se", + "parator" + ], + [ + "ST", + "M" + ], + [ + "(", + "room" + ], + [ + "gener", + "ator" + ], + [ + "Ġc", + "attle" + ], + [ + "ĉ", + "Z" + ], + [ + "ĠPart", + "icle" + ], + [ + "'", + "};Ċ" + ], + [ + "Ġneighb", + "ours" + ], + [ + "ĠState", + "less" + ], + [ + "Ġalt", + "itude" + ], + [ + "Ġsa", + "int" + ], + [ + "об", + "ав" + ], + [ + "Ġconv", + "inc" + ], + [ + "ĠCont", + "ents" + ], + [ + "Ġje", + "une" + ], + [ + "(t", + "s" + ], + [ + "Serial", + "ization" + ], + [ + "(c", + "ollection" + ], + [ + "ĠJ", + "azz" + ], + [ + "ĠD", + "od" + ], + [ + "ĠR", + "och" + ], + [ + "ac", + "io" + ], + [ + "comm", + "ended" + ], + [ + "DEF", + "INE" + ], + [ + ".on", + "load" + ], + [ + "Ġspecial", + "ty" + ], + [ + "PL", + "ACE" + ], + [ + "_MO", + "VE" + ], + [ + "Ġaccount", + "able" + ], + [ + "Re", + "uters" + ], + [ + "Ġf", + "icken" + ], + [ + "Ġde", + "pr" + ], + [ + "W", + "ow" + ], + [ + "V", + "oid" + ], + [ + ".s", + "pace" + ], + [ + "à¸", + "Ĺ" + ], + [ + "Ġt", + "q" + ], + [ + "ĠP", + "ets" + ], + [ + "<", + "$" + ], + [ + "(C", + "urrent" + ], + [ + "ber", + "ries" + ], + [ + "plan", + "ation" + ], + [ + "Ġlist", + "Of" + ], + [ + "ĠTh", + "u" + ], + [ + "ĠPR", + "INT" + ], + [ + "Ġm", + "ismo" + ], + [ + "Ġdo", + "i" + ], + [ + "ch", + "k" + ], + [ + "ĠUn", + "icode" + ], + [ + "(", + "role" + ], + [ + "Ġvir", + "gin" + ], + [ + "<", + "Point" + ], + [ + "_RESP", + "ONSE" + ], + [ + "-h", + "ouse" + ], + [ + "ĠVenez", + "uela" + ], + [ + "EM", + "AIL" + ], + [ + "Ġp", + "úb" + ], + [ + "_ex", + "ist" + ], + [ + "B", + "all" + ], + [ + ".C", + "L" + ], + [ + "re", + "ferences" + ], + [ + "ĠBeautiful", + "Soup" + ], + [ + "ĉ", + "Expect" + ], + [ + "TH", + "IS" + ], + [ + "Ñĥ", + "д" + ], + [ + "b", + "ane" + ], + [ + "Ġtemp", + "oral" + ], + [ + "ER", + "IC" + ], + [ + "et", + "as" + ], + [ + "Ġrefresh", + "ing" + ], + [ + "Ġsec", + "ular" + ], + [ + "@", + "synthesize" + ], + [ + "ac", + "cur" + ], + [ + "Ġn", + "ella" + ], + [ + "ĠS", + "OL" + ], + [ + ".p", + "ipe" + ], + [ + "Ch", + "annels" + ], + [ + "èĩ", + "ª" + ], + [ + "Ġinsert", + "ion" + ], + [ + "á»", + "ĭ" + ], + [ + "el", + "ia" + ], + [ + "Ġadjust", + "able" + ], + [ + "Can", + "ada" + ], + [ + "ĠI", + "TEM" + ], + [ + "Ġcur", + "ves" + ], + [ + "ĠChe", + "ap" + ], + [ + "let", + "ing" + ], + [ + "Ġoptim", + "istic" + ], + [ + "al", + "lo" + ], + [ + "Ġpolit", + "ician" + ], + [ + "_down", + "load" + ], + [ + "=", + "edge" + ], + [ + "ORT", + "H" + ], + [ + "Ġmodel", + "o" + ], + [ + "art", + "o" + ], + [ + ".", + "rotate" + ], + [ + "Ġs", + "elenium" + ], + [ + "æĪ", + "ij" + ], + [ + "_al", + "ias" + ], + [ + "Ġrenown", + "ed" + ], + [ + ".'", + "." + ], + [ + "Ġc", + "zy" + ], + [ + "Ġal", + "les" + ], + [ + ".Com", + "piler" + ], + [ + "ĠB", + "ass" + ], + [ + "Conn", + "ector" + ], + [ + ".R", + "ole" + ], + [ + "L", + "INK" + ], + [ + "Ġc", + "riterion" + ], + [ + "lem", + "etry" + ], + [ + "Success", + "fully" + ], + [ + "/p", + "ng" + ], + [ + "Ġey", + "eb" + ], + [ + "asp", + "berry" + ], + [ + "(", + "gr" + ], + [ + "Ġd", + "angers" + ], + [ + "Ġcorrect", + "ed" + ], + [ + "Ġgl", + "ow" + ], + [ + "Ġelabor", + "ate" + ], + [ + "ĠB", + "ears" + ], + [ + "aw", + "ai" + ], + [ + "=\"", + "'+" + ], + [ + "Ġpromot", + "ions" + ], + [ + "Ġmathematic", + "al" + ], + [ + "Ġ\"", + "`" + ], + [ + "_Generic", + "Class" + ], + [ + "ĠChe", + "f" + ], + [ + ".S", + "ort" + ], + [ + "table", + "Name" + ], + [ + "R", + "IC" + ], + [ + "Ġvolunt", + "ary" + ], + [ + "ĠBl", + "ade" + ], + [ + "-e", + "lect" + ], + [ + "ĠCom", + "bat" + ], + [ + "ĠAb", + "ility" + ], + [ + "Ġab", + "dom" + ], + [ + "Ġd", + "uck" + ], + [ + "T", + "mp" + ], + [ + "åħ", + "¨" + ], + [ + "Ġer", + "ase" + ], + [ + ".P", + "h" + ], + [ + "ĠDefault", + "s" + ], + [ + "p", + "artment" + ], + [ + "_US", + "B" + ], + [ + "ê", + "te" + ], + [ + ";", + "'" + ], + [ + "Ġp", + "ads" + ], + [ + "ĠOb", + "amacare" + ], + [ + ".T", + "otal" + ], + [ + "Ġdiv", + "ert" + ], + [ + "Ġcr", + "icket" + ], + [ + "Ġrecre", + "ational" + ], + [ + "(", + "red" + ], + [ + "ĠC", + "le" + ], + [ + "R", + "U" + ], + [ + "Ġmist", + "aken" + ], + [ + "ĠMont", + "ana" + ], + [ + "Ġstr", + "ive" + ], + [ + "_sl", + "ider" + ], + [ + "ĠPl", + "astic" + ], + [ + "Ġdecor", + "ated" + ], + [ + "ĠV", + "P" + ], + [ + "lic", + "o" + ], + [ + "ĉf", + "alse" + ], + [ + "Ġpre", + "fs" + ], + [ + "(", + "\\\"" + ], + [ + "_f", + "alse" + ], + [ + "i", + "endo" + ], + [ + "Ġ@", + "$" + ], + [ + "B", + "ucket" + ], + [ + "act", + "ical" + ], + [ + "ĠZ", + "hang" + ], + [ + ".c", + "ols" + ], + [ + ".B", + "inding" + ], + [ + "Ġw", + "ax" + ], + [ + "_ST", + "ORAGE" + ], + [ + "Ġlaw", + "n" + ], + [ + "Ġr", + "f" + ], + [ + ".Sc", + "ene" + ], + [ + "ĠCal", + "culator" + ], + [ + ".d", + "esign" + ], + [ + "Ġres", + "il" + ], + [ + "л", + "ем" + ], + [ + "E", + "mploy" + ], + [ + "ĠPr", + "ices" + ], + [ + "ĠP", + "WM" + ], + [ + "ag", + "i" + ], + [ + ".e", + "valuate" + ], + [ + "ĉ", + "param" + ], + [ + "Ġbr", + "ass" + ], + [ + "bb", + "en" + ], + [ + "Ġinflamm", + "ation" + ], + [ + "ull", + "ivan" + ], + [ + "Ġan", + "not" + ], + [ + "Ġp", + "H" + ], + [ + "iam", + "eter" + ], + [ + "ĠB", + "TC" + ], + [ + "(", + "box" + ], + [ + "Story", + "board" + ], + [ + "Ġcl", + "ay" + ], + [ + ".assert", + "Raises" + ], + [ + "|", + "string" + ], + [ + ".App", + "ly" + ], + [ + "Ġmatch", + "er" + ], + [ + "und", + "ed" + ], + [ + "Ġsatisf", + "ying" + ], + [ + "Ġìł", + "ķ" + ], + [ + "Render", + "ing" + ], + [ + "_app", + "ro" + ], + [ + "ind", + "rome" + ], + [ + "AN", + "EL" + ], + [ + "_f", + "ix" + ], + [ + "br", + "ush" + ], + [ + ".M", + "atch" + ], + [ + "Ġsm", + "iling" + ], + [ + "on", + "aut" + ], + [ + "S", + "unday" + ], + [ + "Ġdelet", + "ion" + ], + [ + "Ġencour", + "ages" + ], + [ + "P", + "ull" + ], + [ + "Ġreven", + "ge" + ], + [ + "Ġqu", + "arry" + ], + [ + "tr", + "ade" + ], + [ + "Ġc", + "ables" + ], + [ + "(d", + "elta" + ], + [ + "ites", + "pace" + ], + [ + "Ġf", + "h" + ], + [ + ".b", + "unifu" + ], + [ + "Ġvi", + "el" + ], + [ + "_IN", + "CLUDED" + ], + [ + "ĠT", + "ail" + ], + [ + "ad", + "ar" + ], + [ + "of", + "s" + ], + [ + "Ġmet", + "als" + ], + [ + "g", + "om" + ], + [ + "_method", + "s" + ], + [ + "Ġn", + "j" + ], + [ + ".St", + "d" + ], + [ + "(w", + "in" + ], + [ + "$", + "('" + ], + [ + "Ġt", + "urtle" + ], + [ + "ur", + "on" + ], + [ + "Ġen", + "rolled" + ], + [ + "ĠH", + "z" + ], + [ + "ĠBox", + "Decoration" + ], + [ + "Ġp", + "ont" + ], + [ + "rel", + "ationship" + ], + [ + "B", + "i" + ], + [ + "³", + "»" + ], + [ + "Ġmas", + "cul" + ], + [ + "Ġsh", + "ades" + ], + [ + "Ġv", + "r" + ], + [ + "ĠLog", + "ic" + ], + [ + "Ġa", + "in" + ], + [ + "ĠD", + "IST" + ], + [ + "Ġcoll", + "ar" + ], + [ + "\"", + "profile" + ], + [ + "Generated", + "Value" + ], + [ + "ĠP", + "ossible" + ], + [ + "Ġe", + "ines" + ], + [ + "ĥ", + "ģ" + ], + [ + ".time", + "out" + ], + [ + "ĠE", + "c" + ], + [ + "Ġjer", + "sey" + ], + [ + ".D", + "ouble" + ], + [ + "Ġqual", + "ifying" + ], + [ + "v", + "or" + ], + [ + "CRE", + "EN" + ], + [ + "_A", + "pp" + ], + [ + "_rec", + "v" + ], + [ + "Ġali", + "ens" + ], + [ + "It", + "s" + ], + [ + "E", + "sc" + ], + [ + "i", + "ator" + ], + [ + "ĠE", + "clipse" + ], + [ + "Ġg", + "h" + ], + [ + "V", + "ict" + ], + [ + "ĉ", + "html" + ], + [ + "to", + "o" + ], + [ + ".", + "const" + ], + [ + "Ġant", + "erior" + ], + [ + "ĠW", + "u" + ], + [ + "(key", + "s" + ], + [ + "Ġul", + "tr" + ], + [ + "_p", + "oly" + ], + [ + "ĠT", + "ap" + ], + [ + "ĠB", + "ud" + ], + [ + "A", + "WS" + ], + [ + "Ġcrash", + "es" + ], + [ + "_t", + "ot" + ], + [ + "Cont", + "in" + ], + [ + "-h", + "anded" + ], + [ + "alth", + "ough" + ], + [ + "à¸", + "ļ" + ], + [ + "ific", + "ent" + ], + [ + "Ġde", + "ve" + ], + [ + "ut", + "ory" + ], + [ + "ĠW", + "orth" + ], + [ + "_M", + "S" + ], + [ + "Ġfloor", + "ing" + ], + [ + "Ġsell", + "ers" + ], + [ + "ĠThank", + "sgiving" + ], + [ + "Ġp", + "ng" + ], + [ + "Ġval", + "ores" + ], + [ + "Ġslee", + "ve" + ], + [ + "Ġfil", + "le" + ], + [ + "Ð", + "IJ" + ], + [ + "Ġappoint", + "ments" + ], + [ + "Ġv", + "im" + ], + [ + "User", + "Info" + ], + [ + "BO", + "OST" + ], + [ + "Ġpos", + "ed" + ], + [ + "initial", + "ized" + ], + [ + ".product", + "s" + ], + [ + "ĠLeaders", + "hip" + ], + [ + "man", + "uel" + ], + [ + "'", + "%" + ], + [ + "em", + "arks" + ], + [ + "Per", + "centage" + ], + [ + "(d", + "ist" + ], + [ + ".", + "avatar" + ], + [ + "(h", + "Object" + ], + [ + "ä»", + "Ĭ" + ], + [ + "_", + "iff" + ], + [ + "ic", + "one" + ], + [ + ";", + ")" + ], + [ + "_n", + "il" + ], + [ + "Ġab", + "ol" + ], + [ + "е", + "ÑģÑĤ" + ], + [ + "Ġven", + "ues" + ], + [ + ".Con", + "vert" + ], + [ + "!", + "')Ċ" + ], + [ + ".B", + "itmap" + ], + [ + "sk", + "in" + ], + [ + "_C", + "OLUMN" + ], + [ + "Re", + "v" + ], + [ + "G", + "RESS" + ], + [ + "g", + "ow" + ], + [ + "Ġw", + "ished" + ], + [ + "tract", + "s" + ], + [ + ".assert", + "False" + ], + [ + "Ġscreens", + "hot" + ], + [ + "Ġfo", + "is" + ], + [ + "Com", + "b" + ], + [ + "Line", + "Width" + ], + [ + "ĠGr", + "ab" + ], + [ + "Ġint", + "ensive" + ], + [ + "ĉ", + "sh" + ], + [ + "+", + ")" + ], + [ + ".first", + "Name" + ], + [ + "_PRO", + "CESS" + ], + [ + "Ġt", + "ilt" + ], + [ + "it", + "ored" + ], + [ + ".L", + "OG" + ], + [ + "Ġb", + "ak" + ], + [ + "Ġintention", + "ally" + ], + [ + ".play", + "ers" + ], + [ + "(c", + "anvas" + ], + [ + "))", + ")čĊ" + ], + [ + ".Pro", + "vider" + ], + [ + "_P", + "UBLIC" + ], + [ + "T", + "alk" + ], + [ + "ĠL", + "iv" + ], + [ + "ched", + "ulers" + ], + [ + "Ġl", + "c" + ], + [ + "ad", + "ic" + ], + [ + "feature", + "d" + ], + [ + ".res", + "ources" + ], + [ + "Full", + "Name" + ], + [ + "Ġmean", + "while" + ], + [ + "B", + "uffers" + ], + [ + "Ġres", + "olver" + ], + [ + "ĠS", + "AP" + ], + [ + "_T", + "E" + ], + [ + "G", + "NU" + ], + [ + "ĠForms", + "Module" + ], + [ + "_", + "wh" + ], + [ + "ĠS", + "we" + ], + [ + ".widget", + "s" + ], + [ + "Ġcabin", + "ets" + ], + [ + "Ġsus", + "cept" + ], + [ + "ĠB", + "ott" + ], + [ + "activ", + "ex" + ], + [ + "av", + "ar" + ], + [ + "ant", + "ics" + ], + [ + "Ġ\"", + "=\"" + ], + [ + "_k", + "wargs" + ], + [ + "Ġgame", + "Object" + ], + [ + "ĠAng", + "le" + ], + [ + ".I", + "ter" + ], + [ + "mar", + "sh" + ], + [ + "ĠB", + "irthday" + ], + [ + "ĠC", + "MS" + ], + [ + "request", + "s" + ], + [ + "ĠPear", + "l" + ], + [ + "_E", + "OL" + ], + [ + "Ġlin", + "ux" + ], + [ + "(", + "org" + ], + [ + "_M", + "ouse" + ], + [ + ".con", + "structor" + ], + [ + "Ġz", + "d" + ], + [ + "Ġk", + "icks" + ], + [ + "art", + "isan" + ], + [ + "Ġe", + "ax" + ], + [ + "K", + "n" + ], + [ + "pon", + "ge" + ], + [ + "ĠFin", + "land" + ], + [ + "Ġmet", + "res" + ], + [ + "ĠAss", + "essment" + ], + [ + "part", + "ner" + ], + [ + "/", + "pre" + ], + [ + "!", + "',Ċ" + ], + [ + "[", + "Int" + ], + [ + "Ġos", + "lo" + ], + [ + "date", + "picker" + ], + [ + "/", + "String" + ], + [ + "op", + "lay" + ], + [ + "ĠHe", + "brew" + ], + [ + ",", + "double" + ], + [ + "Ġtrab", + "al" + ], + [ + "+\"", + "\\" + ], + [ + "ĉ", + "EIF" + ], + [ + "/", + "text" + ], + [ + "_F", + "IRST" + ], + [ + "ĠP", + "ete" + ], + [ + "Ġe", + "go" + ], + [ + "Ġextr", + "as" + ], + [ + "P", + "DO" + ], + [ + "Ġreg", + "ulate" + ], + [ + "ĠQ", + "Widget" + ], + [ + "st", + "s" + ], + [ + "ĠSh", + "ows" + ], + [ + "ĠN", + "HS" + ], + [ + ".c", + "ourse" + ], + [ + "p", + "thread" + ], + [ + "ĠF", + "uel" + ], + [ + ".t", + "imes" + ], + [ + "ĠÂ", + "°" + ], + [ + "Ġstr", + "ides" + ], + [ + "($", + "('#" + ], + [ + "(", + "words" + ], + [ + "Ġrhyth", + "m" + ], + [ + "Ġsp", + "ont" + ], + [ + "Ġsens", + "ation" + ], + [ + "Ġsp", + "ike" + ], + [ + "C", + "losing" + ], + [ + "页", + "éĿ¢" + ], + [ + "N", + "umeric" + ], + [ + "Ġbreat", + "he" + ], + [ + "Ġfin", + "ale" + ], + [ + "_F", + "ACT" + ], + [ + "in", + "ion" + ], + [ + "Ġch", + "ill" + ], + [ + "Ġform", + "ally" + ], + [ + "ANG", + "ED" + ], + [ + "Ġ'", + ":'" + ], + [ + "ĠпÑĢ", + "и" + ], + [ + "a", + "q" + ], + [ + "ĠFab", + "ric" + ], + [ + "(l", + "at" + ], + [ + "ĠPr", + "incipal" + ], + [ + "Ġer", + "ro" + ], + [ + "oc", + "ale" + ], + [ + "N", + "om" + ], + [ + "Ġf", + "ost" + ], + [ + "_C", + "USTOM" + ], + [ + ".int", + "ellij" + ], + [ + "ert", + "ools" + ], + [ + "Ġcl", + "asse" + ], + [ + "adi", + "ents" + ], + [ + "Ġfundra", + "ising" + ], + [ + "EN", + "E" + ], + [ + "_OPTION", + "S" + ], + [ + "_", + "ob" + ], + [ + "//", + "}Ċ" + ], + [ + "Ġprote", + "ctions" + ], + [ + ".se", + "ed" + ], + [ + "N", + "V" + ], + [ + "term", + "inal" + ], + [ + ";;", + ";" + ], + [ + "P", + "redicate" + ], + [ + "Ġì", + "¶" + ], + [ + "Ġbomb", + "ing" + ], + [ + "G", + "F" + ], + [ + "Ġch", + "ew" + ], + [ + "))", + ")." + ], + [ + "qual", + "ified" + ], + [ + "]", + "={" + ], + [ + "list", + "en" + ], + [ + "C", + "ENT" + ], + [ + "d", + "igest" + ], + [ + "E", + "ast" + ], + [ + "Ġd", + "iver" + ], + [ + "Ġend", + "points" + ], + [ + "Ġe", + "e" + ], + [ + "Ġcolle", + "ague" + ], + [ + "Ġdissert", + "ation" + ], + [ + "_com", + "mit" + ], + [ + "_D", + "AT" + ], + [ + ".", + "rc" + ], + [ + "Ġbre", + "asts" + ], + [ + "ĠR", + "ug" + ], + [ + "ĠP", + "il" + ], + [ + "Contract", + "s" + ], + [ + "ĠBry", + "an" + ], + [ + "Web", + "View" + ], + [ + "Ġconcent", + "rate" + ], + [ + "ĠIn", + "ner" + ], + [ + "Ġ'", + "|" + ], + [ + "std", + "out" + ], + [ + "_S", + "ub" + ], + [ + ">", + "-->Ċ" + ], + [ + "V", + "ol" + ], + [ + "ĠS", + "SD" + ], + [ + "))", + ")," + ], + [ + ".", + "Optional" + ], + [ + "Ġnurs", + "es" + ], + [ + "Ġor", + "b" + ], + [ + "_", + "pe" + ], + [ + ");čĊ", + "čĊčĊ" + ], + [ + "pl", + "aced" + ], + [ + "ess", + "er" + ], + [ + "Ġther", + "apeutic" + ], + [ + "Ġwhites", + "pace" + ], + [ + "Ġa", + "ston" + ], + [ + "Success", + "ful" + ], + [ + "Ġpr", + "aised" + ], + [ + "ĠW", + "es" + ], + [ + "Ġe", + "ighth" + ], + [ + "ir", + "al" + ], + [ + "Ġvrou", + "w" + ], + [ + "Ġf", + "action" + ], + [ + "_b", + "ias" + ], + [ + "Ġw", + "itch" + ], + [ + "Ġnp", + "c" + ], + [ + "(s", + "b" + ], + [ + "ĠRod", + "rig" + ], + [ + "_b", + "ig" + ], + [ + "Dep", + "endency" + ], + [ + "ĠAb", + "raham" + ], + [ + "ard", + "i" + ], + [ + "C", + "AR" + ], + [ + "n", + "os" + ], + [ + "Ġabund", + "ance" + ], + [ + "Ġnut", + "rients" + ], + [ + "in", + "stein" + ], + [ + ".V", + "ert" + ], + [ + "ĠI", + "SS" + ], + [ + "<", + "U" + ], + [ + "Ġsum", + "s" + ], + [ + "_h", + "ist" + ], + [ + "Ġfar", + "mer" + ], + [ + "ĠA", + "br" + ], + [ + "Sh", + "ot" + ], + [ + "ĠBad", + "Request" + ], + [ + "Ġh", + "ass" + ], + [ + "ĠR", + "ails" + ], + [ + "Ġaffili", + "ated" + ], + [ + "æĿ", + "¥" + ], + [ + "Ġer", + "f" + ], + [ + "IN", + "F" + ], + [ + "ĠView", + "Holder" + ], + [ + "min", + "i" + ], + [ + "ĠR", + "oth" + ], + [ + "Ġfaith", + "ful" + ], + [ + "ĠPhill", + "ips" + ], + [ + "AND", + "OM" + ], + [ + "].", + "[" + ], + [ + "_P", + "AY" + ], + [ + "ĠAr", + "ctic" + ], + [ + "f", + "aker" + ], + [ + "D", + "igit" + ], + [ + "M", + "ale" + ], + [ + "std", + "err" + ], + [ + "se", + "ys" + ], + [ + "Ġ", + "Å¡" + ], + [ + "_rem", + "ote" + ], + [ + "li", + "que" + ], + [ + "Ġin", + "def" + ], + [ + "ĠIndust", + "ries" + ], + [ + "it", + "ra" + ], + [ + "_p", + "airs" + ], + [ + "<", + "iostream" + ], + [ + "Ġsal", + "aries" + ], + [ + "ik", + "en" + ], + [ + ".F", + "rame" + ], + [ + "PL", + "IC" + ], + [ + "_S", + "PEC" + ], + [ + "ĠMed", + "iterr" + ], + [ + "Ġsystem", + "atic" + ], + [ + "Ġinter", + "rog" + ], + [ + "Icon", + "Button" + ], + [ + "se", + "a" + ], + [ + "int", + "ro" + ], + [ + "ĠIss", + "ues" + ], + [ + "enc", + "rypted" + ], + [ + "Ġintern", + "ationally" + ], + [ + "Ġsn", + "printf" + ], + [ + "Ġpast", + "a" + ], + [ + "ĠBrad", + "ley" + ], + [ + "_", + "Status" + ], + [ + "AL", + "K" + ], + [ + "_P", + "AD" + ], + [ + ".l", + "aunch" + ], + [ + "<", + "select" + ], + [ + "Ġhar", + "dest" + ], + [ + "Ġph", + "y" + ], + [ + "Ġ((", + "*" + ], + [ + "-s", + "lide" + ], + [ + "ĠNob", + "ody" + ], + [ + "S", + "u" + ], + [ + "Ġas", + "ÃŃ" + ], + [ + "close", + "st" + ], + [ + "_initial", + "izer" + ], + [ + "Ġsupport", + "er" + ], + [ + "-g", + "en" + ], + [ + "Ġt", + "ales" + ], + [ + "Ġcor", + "p" + ], + [ + "_f", + "u" + ], + [ + "s", + "at" + ], + [ + "ne", + "ighbor" + ], + [ + ".M", + "igrations" + ], + [ + "Ġal", + "gun" + ], + [ + "Ġsin", + "on" + ], + [ + ".S", + "pec" + ], + [ + "?", + ",Ċ" + ], + [ + ".G", + "L" + ], + [ + "m", + "ale" + ], + [ + "Ġmon", + "itors" + ], + [ + "yl", + "an" + ], + [ + "-L", + "icense" + ], + [ + ".m", + "atches" + ], + [ + "ĠA", + "BS" + ], + [ + "ĠM", + "ast" + ], + [ + "ĠW", + "allet" + ], + [ + "($", + "(\"#" + ], + [ + "Dir", + "ty" + ], + [ + "Ġco", + "pe" + ], + [ + "Ġinterpol", + "ation" + ], + [ + "ous", + "ed" + ], + [ + "ĠJ", + "ets" + ], + [ + ".F", + "LAG" + ], + [ + ".C", + "ancel" + ], + [ + ".Event", + "s" + ], + [ + "ne", + "ver" + ], + [ + "ĠM", + "Hz" + ], + [ + ">", + "D" + ], + [ + "Ġs", + "ervlet" + ], + [ + "bast", + "ian" + ], + [ + "Ġ>", + "&" + ], + [ + "S", + "ID" + ], + [ + "_cl", + "k" + ], + [ + "Ġdiv", + "isions" + ], + [ + "}", + "',Ċ" + ], + [ + "Ġd", + "ildo" + ], + [ + "Ġpar", + "ade" + ], + [ + "m", + "ajor" + ], + [ + "Ġab", + "oard" + ], + [ + ";", + "++" + ], + [ + "Ġf", + "usion" + ], + [ + "\"},", + "{\"" + ], + [ + "ĠDialog", + "Result" + ], + [ + "ĉ", + "arr" + ], + [ + "-", + "em" + ], + [ + "_n", + "r" + ], + [ + "(h", + "andler" + ], + [ + ".N", + "ET" + ], + [ + ".Xtra", + "Reports" + ], + [ + "ĠSh", + "ah" + ], + [ + "ĠB", + "rief" + ], + [ + "-", + "," + ], + [ + "Ġprec", + "io" + ], + [ + "ĉĉĉ", + "ĠĠĠĠĠĠ" + ], + [ + "Ġt", + "ant" + ], + [ + "ĠGrand", + "e" + ], + [ + "/", + "xml" + ], + [ + "_IC", + "ON" + ], + [ + "ĠR", + "etro" + ], + [ + "un", + "que" + ], + [ + "Ġn", + "ag" + ], + [ + "to", + "Fixed" + ], + [ + "X", + "L" + ], + [ + "Ġdecl", + "aring" + ], + [ + "ĠCon", + "crete" + ], + [ + "ĠAm", + "azing" + ], + [ + "ĉprint", + "k" + ], + [ + "Ġdeb", + "ates" + ], + [ + "D", + "ATED" + ], + [ + "Ġaest", + "hetic" + ], + [ + "emet", + "ery" + ], + [ + "Routing", + "Module" + ], + [ + "ĠNash", + "ville" + ], + [ + "W", + "AYS" + ], + [ + "Ġw", + "olf" + ], + [ + "Ġobserv", + "ers" + ], + [ + "OT", + "A" + ], + [ + "ans", + "on" + ], + [ + "Ġe", + "a" + ], + [ + "Ġgreen", + "house" + ], + [ + "ĵį", + "ä½ľ" + ], + [ + "Ġst", + "air" + ], + [ + "Ġimmigr", + "ant" + ], + [ + "_app", + "ly" + ], + [ + "pe", + "are" + ], + [ + "ĠBloom", + "berg" + ], + [ + "_PL", + "AYER" + ], + [ + "Res", + "p" + ], + [ + "æŃ", + "£" + ], + [ + "Cho", + "oser" + ], + [ + "ĠI", + "Collection" + ], + [ + "P", + "eter" + ], + [ + "Er", + "ro" + ], + [ + ".detect", + "Changes" + ], + [ + "Map", + "s" + ], + [ + "Ġs", + "queeze" + ], + [ + "ĠHom", + "es" + ], + [ + "weg", + "ian" + ], + [ + "Ġformat", + "ting" + ], + [ + "Ġnegot", + "iate" + ], + [ + "ul", + "d" + ], + [ + "ĠN", + "ep" + ], + [ + "ĠQ", + "B" + ], + [ + "Ġeconom", + "ies" + ], + [ + "Ġ*/", + "," + ], + [ + "Ġredu", + "nd" + ], + [ + "ĠA", + "ber" + ], + [ + ".IsNullOr", + "WhiteSpace" + ], + [ + "yc", + "led" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĊ" + ], + [ + "_S", + "h" + ], + [ + "Ġske", + "pt" + ], + [ + "Ġre", + "created" + ], + [ + "Ġget", + "Type" + ], + [ + "Ġmarg", + "ins" + ], + [ + "Ġcolon", + "ial" + ], + [ + "ch", + "arts" + ], + [ + "//", + "@" + ], + [ + "Ġprocess", + "ors" + ], + [ + "è¯", + "´" + ], + [ + "b", + "atis" + ], + [ + "æĦ", + "ı" + ], + [ + "ator", + "io" + ], + [ + "mention", + "ed" + ], + [ + "P", + "atient" + ], + [ + "Ġpre", + "y" + ], + [ + "Check", + "box" + ], + [ + "_x", + "path" + ], + [ + ".s", + "kip" + ], + [ + "ĠMorm", + "on" + ], + [ + "ĠMemory", + "Stream" + ], + [ + "CRE", + "MENT" + ], + [ + "Ġk", + "u" + ], + [ + "m", + "eld" + ], + [ + "\\", + "Data" + ], + [ + "ĠK", + "ernel" + ], + [ + "il", + "tr" + ], + [ + "éĢ", + "ģ" + ], + [ + "(", + "profile" + ], + [ + "Car", + "bon" + ], + [ + "RO", + "LE" + ], + [ + "(", + "pl" + ], + [ + "]", + "*(" + ], + [ + ".m", + "emory" + ], + [ + "Ġmed", + "al" + ], + [ + "Ġadvis", + "or" + ], + [ + "it", + "ät" + ], + [ + "Ġh", + "dr" + ], + [ + "ier", + "ung" + ], + [ + "ĠProvid", + "es" + ], + [ + "(", + "alpha" + ], + [ + "Ġteen", + "agers" + ], + [ + "-", + "parser" + ], + [ + ".L", + "atLng" + ], + [ + "]", + "()Ċ" + ], + [ + "Ġfel", + "ony" + ], + [ + "ĉĉĉĊ", + "ĉĉĉĊ" + ], + [ + "BO", + "OK" + ], + [ + "Ġsl", + "ash" + ], + [ + "Ġclear", + "fix" + ], + [ + "ĠPro", + "phet" + ], + [ + "å®", + "¹" + ], + [ + "right", + "ness" + ], + [ + "-f", + "i" + ], + [ + ".k", + "ind" + ], + [ + "ert", + "on" + ], + [ + "J", + "im" + ], + [ + "Ġmanip", + "ulate" + ], + [ + "Ġworks", + "heet" + ], + [ + "ol", + "in" + ], + [ + "st", + "ars" + ], + [ + "Ġart", + "ifact" + ], + [ + "_EM", + "PTY" + ], + [ + "ĉm", + "ain" + ], + [ + "-------------", + "'", + ";" + ], + [ + "Ġexpress", + "ing" + ], + [ + "ĠI", + "Q" + ], + [ + "ĠF", + "act" + ], + [ + "/************************************************************************", + "*******Ċ" + ], + [ + "_m", + "ass" + ], + [ + "))", + ":" + ], + [ + "Ġcon", + "dom" + ], + [ + "Ġcreate", + "State" + ], + [ + "omet", + "own" + ], + [ + "Ġir", + "r" + ], + [ + "Ġ>", + "(" + ], + [ + ">", + "B" + ], + [ + "iter", + "ation" + ], + [ + "ãĥ", + "ª" + ], + [ + "Ġshirt", + "s" + ], + [ + "ount", + "y" + ], + [ + "->", + "$" + ], + [ + "_S", + "IGN" + ], + [ + "ĠD", + "ale" + ], + [ + "Ġj", + "j" + ], + [ + "E", + "asy" + ], + [ + "F", + "re" + ], + [ + "ĠN", + "y" + ], + [ + "Ġch", + "lor" + ], + [ + "match", + "ed" + ], + [ + "ĠG", + "erm" + ], + [ + "-", + "UA" + ], + [ + "ĠN", + "athan" + ], + [ + "educ", + "ation" + ], + [ + "-y", + "ard" + ], + [ + "-", + "che" + ], + [ + "h", + "ouses" + ], + [ + "r", + "itional" + ], + [ + "Ġprox", + "imity" + ], + [ + "Ġdies", + "em" + ], + [ + "áºŃ", + "p" + ], + [ + "Ġd", + "rought" + ], + [ + ".a", + "udio" + ], + [ + "ĠLe", + "o" + ], + [ + "Ġfavor", + "able" + ], + [ + "in", + "ch" + ], + [ + "ĠD", + "aw" + ], + [ + "rib", + "ly" + ], + [ + "_st", + "udent" + ], + [ + "id", + "able" + ], + [ + "O", + "VE" + ], + [ + "Ġlack", + "s" + ], + [ + "ounc", + "ing" + ], + [ + ".b", + "usiness" + ], + [ + "Ġre", + "open" + ], + [ + "may", + "be" + ], + [ + "_G", + "LOBAL" + ], + [ + "Ġdress", + "es" + ], + [ + "ĠEd", + "wards" + ], + [ + "ens", + "ible" + ], + [ + "ĠHard", + "ware" + ], + [ + "ĠEx", + "cellent" + ], + [ + "ĠTime", + "Unit" + ], + [ + "CTION", + "S" + ], + [ + "Ġsched", + "ules" + ], + [ + "Ġseg", + "ue" + ], + [ + "Op", + "ens" + ], + [ + "am", + "men" + ], + [ + "-", + "Identifier" + ], + [ + "Ġst", + "aring" + ], + [ + "Ġhapp", + "ily" + ], + [ + "ĠH", + "ob" + ], + [ + "'", + "_" + ], + [ + "Ġ\"", + ");" + ], + [ + "ament", + "os" + ], + [ + "et", + "ched" + ], + [ + "Ġ/>", + "}Ċ" + ], + [ + ".", + "Users" + ], + [ + "Ġinterrupt", + "ed" + ], + [ + "Contact", + "s" + ], + [ + "Ġreg", + "istro" + ], + [ + "in", + "burgh" + ], + [ + "CH", + "A" + ], + [ + "_", + "imp" + ], + [ + "ph", + "is" + ], + [ + "s", + "ay" + ], + [ + "Ġretail", + "er" + ], + [ + ".N", + "ODE" + ], + [ + "/", + "maps" + ], + [ + "_L", + "AST" + ], + [ + "ĠCh", + "arge" + ], + [ + "_g", + "uard" + ], + [ + "Coll", + "ider" + ], + [ + "ĠStateless", + "Widget" + ], + [ + "\":", + "[\"" + ], + [ + "(\"", + "../../" + ], + [ + "iox", + "ide" + ], + [ + "ĠS", + "und" + ], + [ + "Ġ''", + ";" + ], + [ + "un", + "set" + ], + [ + "add", + "Widget" + ], + [ + "л", + "Ñİ" + ], + [ + "el", + "les" + ], + [ + "alk", + "er" + ], + [ + "A", + "rc" + ], + [ + "Ġded", + "uct" + ], + [ + "G", + "UILayout" + ], + [ + "ĠV", + "illa" + ], + [ + "Ġfor", + "bidden" + ], + [ + "_", + "where" + ], + [ + "Ġ\\", + "/" + ], + [ + "ĠT", + "ib" + ], + [ + "_A", + "X" + ], + [ + "]", + "čĊčĊ" + ], + [ + "ĠB", + "ir" + ], + [ + "Ġb", + "end" + ], + [ + "ĠMA", + "KE" + ], + [ + "ĠM", + "ET" + ], + [ + "Ġfut", + "ures" + ], + [ + "Ġweight", + "ed" + ], + [ + "\"\"", + "\"čĊ" + ], + [ + "Ġauthor", + "ize" + ], + [ + "(pro", + "gram" + ], + [ + "},", + "{\"" + ], + [ + "Ġcoeff", + "icients" + ], + [ + "ê", + "s" + ], + [ + "Per", + "Page" + ], + [ + "ĠBath", + "room" + ], + [ + "ĠPublish", + "ing" + ], + [ + "G", + "PL" + ], + [ + "Ġsub", + "missions" + ], + [ + "ĠNUM", + "BER" + ], + [ + "j", + "Äħ" + ], + [ + "Ġaddition", + "ally" + ], + [ + "em", + "pre" + ], + [ + "ĠSh", + "el" + ], + [ + "ot", + "yp" + ], + [ + "S", + "olution" + ], + [ + "Ġth", + "under" + ], + [ + "_", + "ec" + ], + [ + "ĠĊ", + "ĠĠĠĠĊ" + ], + [ + "ĠF", + "ellow" + ], + [ + "Ġk", + "ay" + ], + [ + "Ġnew", + "State" + ], + [ + "ONT", + "AL" + ], + [ + "Im", + "plementation" + ], + [ + ".L", + "ook" + ], + [ + "Ġ", + "ents" + ], + [ + "Ġl", + "ors" + ], + [ + "ĠB", + "IG" + ], + [ + "f", + "ab" + ], + [ + "Ġaver", + "aged" + ], + [ + "ĠFe", + "edback" + ], + [ + "ĠW", + "ells" + ], + [ + "Ġm", + "artial" + ], + [ + "Ġind", + "ul" + ], + [ + "ĠComm", + "unist" + ], + [ + "ĠFore", + "x" + ], + [ + "ĠAgricult", + "ure" + ], + [ + "\"", + "[" + ], + [ + "Ġqu", + "ar" + ], + [ + "ĠK", + "ont" + ], + [ + "ĉ", + "view" + ], + [ + ".", + "Bytes" + ], + [ + "des", + "ktop" + ], + [ + "ĠM", + "akes" + ], + [ + "akes", + "peare" + ], + [ + ".Null", + "able" + ], + [ + "Ġspot", + "light" + ], + [ + "V", + "B" + ], + [ + "ow", + "y" + ], + [ + "(t", + "orch" + ], + [ + "tr", + "idge" + ], + [ + "_b", + "ounds" + ], + [ + "Ġapolog", + "ize" + ], + [ + ".add", + "Item" + ], + [ + "ant", + "d" + ], + [ + "*", + ");Ċ" + ], + [ + ",", + "u" + ], + [ + "(g", + "en" + ], + [ + "ç»", + "ĵ" + ], + [ + "re", + "ator" + ], + [ + "ĠC", + "ord" + ], + [ + "ou", + "pper" + ], + [ + ".m", + "etro" + ], + [ + "Ġ", + "ew" + ], + [ + "ĠW", + "ORD" + ], + [ + ".A", + "fter" + ], + [ + "Ġdet", + "ained" + ], + [ + "ĠHam", + "mer" + ], + [ + "ex", + "isting" + ], + [ + "Ġo", + "st" + ], + [ + "Ġmon", + "ument" + ], + [ + "-c", + "ustom" + ], + [ + "User", + "ID" + ], + [ + "ĠN", + "om" + ], + [ + "Ġre", + "jection" + ], + [ + "(d", + "im" + ], + [ + "Ġsingle", + "ton" + ], + [ + "ĉd", + "ie" + ], + [ + "ari", + "ance" + ], + [ + "re", + "ports" + ], + [ + "]", + "!=" + ], + [ + "eld", + "a" + ], + [ + "Ġpreval", + "ence" + ], + [ + "_reg", + "s" + ], + [ + ".\"", + "." + ], + [ + "Ġfemin", + "ist" + ], + [ + "Code", + "c" + ], + [ + "Ġ", + "**Ċ" + ], + [ + "(label", + "s" + ], + [ + "_M", + "ARK" + ], + [ + "FA", + "ILED" + ], + [ + "Ġadminister", + "ed" + ], + [ + "W", + "N" + ], + [ + "ĠĠĠĠĠĠĠĠ", + "ĉĉ" + ], + [ + "Ġn", + "oun" + ], + [ + "w", + "ig" + ], + [ + "Ġg", + "otta" + ], + [ + "Ġr", + "if" + ], + [ + "-", + "im" + ], + [ + "ĠPaul", + "o" + ], + [ + "ĠCommand", + "Type" + ], + [ + "]", + "))ĊĊ" + ], + [ + "-z", + "ero" + ], + [ + "Tr", + "aining" + ], + [ + "Ġl", + "ord" + ], + [ + "_", + "art" + ], + [ + "re", + "ddit" + ], + [ + "C", + "ert" + ], + [ + "Ġpes", + "o" + ], + [ + "R", + "ot" + ], + [ + "Ġend", + "anger" + ], + [ + ".d", + "r" + ], + [ + "user", + "Info" + ], + [ + "un", + "ts" + ], + [ + "n", + "v" + ], + [ + "ĠTrail", + "er" + ], + [ + "-f", + "irst" + ], + [ + "(m", + "ake" + ], + [ + "Ġbenef", + "ici" + ], + [ + "-bl", + "ack" + ], + [ + "i", + "ÃŁ" + ], + [ + "Ġund", + "oubtedly" + ], + [ + "Ġm", + "ex" + ], + [ + "ĠAnc", + "ient" + ], + [ + "(", + "as" + ], + [ + "Ġdes", + "cent" + ], + [ + "P", + "ick" + ], + [ + "Ġrep", + "lica" + ], + [ + "$", + "obj" + ], + [ + "ä", + "hr" + ], + [ + "Ġar", + "rows" + ], + [ + "ft", + "y" + ], + [ + "ĠLib", + "ya" + ], + [ + "ug", + "a" + ], + [ + "charg", + "ed" + ], + [ + "T", + "ur" + ], + [ + "Ġh", + "omic" + ], + [ + "iss", + "en" + ], + [ + "ĠF", + "ake" + ], + [ + "Ġbe", + "ers" + ], + [ + "Ġsc", + "attered" + ], + [ + "(", + "Time" + ], + [ + "UT", + "IL" + ], + [ + "Ġbureauc", + "r" + ], + [ + "/pl", + "ain" + ], + [ + "Ġstick", + "ing" + ], + [ + "FA", + "IL" + ], + [ + "ĠC", + "ovid" + ], + [ + "Th", + "ird" + ], + [ + "_p", + "resent" + ], + [ + "ĠPier", + "re" + ], + [ + "Ġë", + "ª" + ], + [ + "Ġ[...", + "]ĊĊ" + ], + [ + "Pro", + "b" + ], + [ + "ĠTra", + "ffic" + ], + [ + "ica", + "o" + ], + [ + "do", + "ctor" + ], + [ + "Ġ),", + "ĊĊ" + ], + [ + "T", + "abs" + ], + [ + "al", + "u" + ], + [ + "ï¼ļ", + "âĢľ" + ], + [ + "Ġinher", + "ent" + ], + [ + "_N", + "o" + ], + [ + "rit", + "is" + ], + [ + "ĠPro", + "of" + ], + [ + ".b", + "asename" + ], + [ + "ä¼", + "ļ" + ], + [ + "Ġch", + "im" + ], + [ + "ĠProt", + "ected" + ], + [ + "c", + "rit" + ], + [ + "Ġpr", + "one" + ], + [ + "Ġк", + "он" + ], + [ + "ĠHero", + "es" + ], + [ + "Ġan", + "xious" + ], + [ + "Ġan", + "os" + ], + [ + "Ġweek", + "ends" + ], + [ + "Ġs", + "ext" + ], + [ + "Ġredu", + "cer" + ], + [ + "=", + "UTF" + ], + [ + "h", + "alf" + ], + [ + "ĠS", + "aw" + ], + [ + ".m", + "m" + ], + [ + "Ġnue", + "va" + ], + [ + ".current", + "Target" + ], + [ + ".l", + "ua" + ], + [ + "_EXT", + "ENSION" + ], + [ + "ĉ", + "reg" + ], + [ + "ĠC", + "trl" + ], + [ + "_", + "align" + ], + [ + "accept", + "able" + ], + [ + "Ġrush", + "ing" + ], + [ + "fr", + "ac" + ], + [ + "Ġbo", + "asts" + ], + [ + "F", + "ive" + ], + [ + "Â", + "±" + ], + [ + "ĠTem", + "perature" + ], + [ + ">", + "):" + ], + [ + "Ġchar", + "ter" + ], + [ + "RE", + "ATED" + ], + [ + "Ġsubject", + "ed" + ], + [ + "Ġop", + "c" + ], + [ + "health", + "y" + ], + [ + "使", + "ç͍" + ], + [ + "ĠScient", + "ific" + ], + [ + "Ġfra", + "u" + ], + [ + "ri", + "ages" + ], + [ + "à¸", + "Ķ" + ], + [ + ".in", + "ventory" + ], + [ + "ation", + "ale" + ], + [ + "M", + "ad" + ], + [ + "min", + "utes" + ], + [ + ">>", + "();Ċ" + ], + [ + "ĠEn", + "v" + ], + [ + "Ġrecord", + "ings" + ], + [ + "Ġsusp", + "icion" + ], + [ + "sql", + "ite" + ], + [ + "ĉ", + "read" + ], + [ + "ãģ", + "¦" + ], + [ + "Ġwor", + "ries" + ], + [ + ".put", + "String" + ], + [ + "ĠSh", + "anghai" + ], + [ + "(", + "uid" + ], + [ + "r", + "er" + ], + [ + "ĠvÃŃ", + "de" + ], + [ + "\")", + ":" + ], + [ + "Ġmethod", + "ology" + ], + [ + "Ġк", + "оÑĤоÑĢ" + ], + [ + "cc", + "c" + ], + [ + "av", + "ad" + ], + [ + "Ġindu", + "ction" + ], + [ + "ĉ", + "Thread" + ], + [ + ",", + "string" + ], + [ + "ạ", + "i" + ], + [ + "neh", + "men" + ], + [ + "u", + "ition" + ], + [ + "Ġ*", + "__" + ], + [ + ".em", + "f" + ], + [ + "Ġì", + "ľ" + ], + [ + "/th", + "emes" + ], + [ + "ĠN", + "ine" + ], + [ + ".", + "One" + ], + [ + "ĠEm", + "bed" + ], + [ + "Ġf", + "az" + ], + [ + "u", + "ations" + ], + [ + "Ġpriv", + "ately" + ], + [ + "Ġl", + "ing" + ], + [ + "[", + "F" + ], + [ + "ush", + "i" + ], + [ + "Ġlaunch", + "es" + ], + [ + "(", + "KEY" + ], + [ + "G", + "MT" + ], + [ + "Ġaim", + "ing" + ], + [ + "pat", + "ible" + ], + [ + "ĠB", + "iden" + ], + [ + "i", + "w" + ], + [ + "ĠD", + "egree" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "Ġ$", + "('<" + ], + [ + "á", + "rios" + ], + [ + "to", + "UpperCase" + ], + [ + "ìł", + "ľ" + ], + [ + "ĠE", + "UR" + ], + [ + "Ġovers", + "ight" + ], + [ + "Ġtable", + "sp" + ], + [ + "Up", + "dates" + ], + [ + ".m", + "akedirs" + ], + [ + "Ġhum", + "idity" + ], + [ + "/", + "template" + ], + [ + "Al", + "ways" + ], + [ + "(", + "IS" + ], + [ + "_c", + "ert" + ], + [ + "D", + "ig" + ], + [ + "Ġunder", + "way" + ], + [ + "ort", + "on" + ], + [ + "ĠHur", + "ricane" + ], + [ + "Ġsp", + "ends" + ], + [ + "ĠSeg", + "ment" + ], + [ + "Ġfl", + "ies" + ], + [ + "ĠT", + "oggle" + ], + [ + "ĠLyn", + "ch" + ], + [ + "Ġs", + "enses" + ], + [ + "ĠK", + "os" + ], + [ + "set", + "Enabled" + ], + [ + "ist", + "ically" + ], + [ + "Ġtest", + "er" + ], + [ + "Ġadministr", + "ators" + ], + [ + "Ġtag", + "ged" + ], + [ + "Ð", + "ĵ" + ], + [ + "Ġshort", + "cut" + ], + [ + "ĠRes", + "olution" + ], + [ + "Ġsuperv", + "ision" + ], + [ + "ĠAsh", + "ley" + ], + [ + "Tr", + "acking" + ], + [ + "ul", + "atory" + ], + [ + "and", + "el" + ], + [ + "ist", + "en" + ], + [ + "Ġun", + "re" + ], + [ + "(d", + "iff" + ], + [ + "ANT", + "S" + ], + [ + "Ġr", + "ider" + ], + [ + "Ġs", + "Äħ" + ], + [ + ".S", + "eries" + ], + [ + "_", + "orders" + ], + [ + "ORIZ", + "ONTAL" + ], + [ + "Ġret", + "ention" + ], + [ + "ãĢĤ", + "", + "čĊčĊ" + ], + [ + "Ġdi", + "agonal" + ], + [ + "ĠC", + "ancellationToken" + ], + [ + "_", + "Internal" + ], + [ + "Ġru", + "in" + ], + [ + ".Q", + "t" + ], + [ + "ocr", + "atic" + ], + [ + "T", + "el" + ], + [ + "ĠAn", + "swers" + ], + [ + "m", + "atic" + ], + [ + "Ġx", + "p" + ], + [ + "at", + "em" + ], + [ + "_j", + "obs" + ], + [ + "_", + "any" + ], + [ + "Ġsen", + "iors" + ], + [ + "Ġland", + "mark" + ], + [ + "ĠQ", + "List" + ], + [ + "Ġman", + "eu" + ], + [ + "ot", + "ify" + ], + [ + "/", + "\";Ċ" + ], + [ + "/", + "server" + ], + [ + "ĠPhil", + "osoph" + ], + [ + "uten", + "ant" + ], + [ + "(", + "io" + ], + [ + "h", + "z" + ], + [ + "Ġauthentic", + "ated" + ], + [ + "d", + "v" + ], + [ + "-", + "Compatible" + ], + [ + "Origin", + "ally" + ], + [ + ",", + "function" + ], + [ + "ãĢĤ", + "čĊ" + ], + [ + "ĠRepresent", + "ative" + ], + [ + "as", + "ily" + ], + [ + "irc", + "uit" + ], + [ + ".d", + "t" + ], + [ + "(m", + "ath" + ], + [ + ".M", + "arshal" + ], + [ + "[", + "," + ], + [ + "ĠC", + "ities" + ], + [ + "_", + "turn" + ], + [ + "|", + ")Ċ" + ], + [ + "Ġcant", + "idad" + ], + [ + "al", + "ter" + ], + [ + "ĉ", + "ui" + ], + [ + "ĠNe", + "braska" + ], + [ + "Ġsk", + "irt" + ], + [ + ".b", + "g" + ], + [ + "Shared", + "Preferences" + ], + [ + "(", + "style" + ], + [ + "Ġg", + "rief" + ], + [ + "g", + "ew" + ], + [ + "Ġsaf", + "eg" + ], + [ + "ol", + "ang" + ], + [ + "_l", + "ists" + ], + [ + "ì", + "Ľ" + ], + [ + "Ġgran", + "ite" + ], + [ + "Ġhott", + "est" + ], + [ + ".j", + "dbc" + ], + [ + ".C", + "ustomer" + ], + [ + "Ġâī", + "¤" + ], + [ + "Ġwa", + "ar" + ], + [ + "_sc", + "ene" + ], + [ + "+'", + "/" + ], + [ + "ĠJ", + "TextField" + ], + [ + "Ġse", + "ating" + ], + [ + "Ġwe", + "ars" + ], + [ + "Ġ`", + "/" + ], + [ + "C", + "ases" + ], + [ + "ĠY", + "outube" + ], + [ + "ı", + "m" + ], + [ + "Ġbal", + "con" + ], + [ + ",", + "G" + ], + [ + "Meta", + "Data" + ], + [ + "-", + "price" + ], + [ + "SC", + "R" + ], + [ + "Un", + "ity" + ], + [ + "Ġtr", + "unk" + ], + [ + "={`", + "${" + ], + [ + "Ġearthqu", + "ake" + ], + [ + "Part", + "ial" + ], + [ + "Ġsub", + "st" + ], + [ + "Ġelim", + "in" + ], + [ + "=\"", + "'." + ], + [ + "//*", + "[@" + ], + [ + "Ġsuperv", + "isor" + ], + [ + "vro", + "let" + ], + [ + "_", + "article" + ], + [ + "Ġp", + "ane" + ], + [ + "b", + "io" + ], + [ + "Ġmot", + "ors" + ], + [ + "N", + "M" + ], + [ + "F", + "rank" + ], + [ + "Ġon", + "ion" + ], + [ + "-", + "word" + ], + [ + "Item", + "ClickListener" + ], + [ + "Ġb", + "rit" + ], + [ + "end", + "encies" + ], + [ + "Com", + "puter" + ], + [ + "_r", + "unning" + ], + [ + "(", + "day" + ], + [ + "-", + "he" + ], + [ + "(n", + "amed" + ], + [ + "ĠS", + "ach" + ], + [ + "о", + "Ñĩ" + ], + [ + "c", + "ampaign" + ], + [ + ".Ab", + "stract" + ], + [ + "(w", + "rapper" + ], + [ + ".p", + "ay" + ], + [ + "Ġu", + "w" + ], + [ + "Ge", + "o" + ], + [ + "r", + "ails" + ], + [ + "/", + "select" + ], + [ + "icht", + "e" + ], + [ + "son", + "s" + ], + [ + "E", + "VENT" + ], + [ + "Ġal", + "iment" + ], + [ + "Pro", + "viders" + ], + [ + "A", + "wait" + ], + [ + "_INTER", + "VAL" + ], + [ + ".", + "off" + ], + [ + "Ġgl", + "uten" + ], + [ + "_cl", + "oud" + ], + [ + "Ġw", + "en" + ], + [ + ".ex", + "tract" + ], + [ + "ĉ", + "button" + ], + [ + "/", + "MM" + ], + [ + "Part", + "y" + ], + [ + "Ġdem", + "ographic" + ], + [ + "_err", + "no" + ], + [ + "Ġh", + "iking" + ], + [ + "('", + "')Ċ" + ], + [ + "\",", + "@\"" + ], + [ + "Ġw", + "it" + ], + [ + "r", + "á" + ], + [ + "olog", + "ie" + ], + [ + "ĠSt", + "yles" + ], + [ + "ĠBrowser", + "Module" + ], + [ + ".Request", + "Mapping" + ], + [ + "ic", + "ans" + ], + [ + "P", + "AGE" + ], + [ + "cre", + "ation" + ], + [ + "ĠF", + "erguson" + ], + [ + "ud", + "ed" + ], + [ + "num", + "bers" + ], + [ + "ĠGT", + "K" + ], + [ + "Ġpresent", + "ations" + ], + [ + "ĠB", + "obby" + ], + [ + "_s", + "pan" + ], + [ + "est", + "yle" + ], + [ + "Ġilleg", + "ally" + ], + [ + "abel", + "a" + ], + [ + "Ġbattle", + "field" + ], + [ + "cap", + "acity" + ], + [ + "ter", + "ror" + ], + [ + "]", + "\");Ċ" + ], + [ + "Ġwar", + "rior" + ], + [ + "le", + "ader" + ], + [ + "ĠDB", + "G" + ], + [ + "ĠRe", + "venue" + ], + [ + "Ġvig", + "il" + ], + [ + "Ġcounter", + "parts" + ], + [ + "(", + "Error" + ], + [ + "ACT", + "ER" + ], + [ + "Ġhe", + "eft" + ], + [ + "Ġselection", + "s" + ], + [ + "ze", + "ug" + ], + [ + "t", + "om" + ], + [ + "-t", + "wo" + ], + [ + ".", + ";Ċ" + ], + [ + "_st", + "atement" + ], + [ + "ĠA", + "id" + ], + [ + "ĠV", + "ul" + ], + [ + "_r", + "gb" + ], + [ + "Ġpr", + "izes" + ], + [ + "Ġedit", + "able" + ], + [ + "ĉ", + "form" + ], + [ + "ın", + "ı" + ], + [ + ".de", + "cor" + ], + [ + "D", + "emo" + ], + [ + "lic", + "es" + ], + [ + "Ġen", + "ctype" + ], + [ + "rat", + "ulations" + ], + [ + "ĠR", + "OS" + ], + [ + "_ch", + "ars" + ], + [ + "ĠJ", + "ahr" + ], + [ + "part", + "ial" + ], + [ + "Ñĥ", + "ÑĤ" + ], + [ + "ĠRe", + "ceive" + ], + [ + "ĠL", + "ands" + ], + [ + "AP", + "TER" + ], + [ + "Ġch", + "opped" + ], + [ + "..", + "\"" + ], + [ + "ĠAn", + "aly" + ], + [ + "ĠU", + "ID" + ], + [ + "ĠR", + "adeon" + ], + [ + "ĠB", + "ee" + ], + [ + "Ġun", + "m" + ], + [ + ">", + "M" + ], + [ + ".find", + "all" + ], + [ + "Token", + "izer" + ], + [ + "ĠWH", + "AT" + ], + [ + "Ġs", + "j" + ], + [ + "D", + "rawing" + ], + [ + "E", + "ss" + ], + [ + "ON", + "D" + ], + [ + "Ĭ", + "¶" + ], + [ + "(p", + "acket" + ], + [ + "âĢĶ", + "but" + ], + [ + "Inv", + "ocation" + ], + [ + "ĠN", + "uclear" + ], + [ + "?", + ";Ċ" + ], + [ + "Ġgrand", + "es" + ], + [ + "ĠC", + "rypt" + ], + [ + "rem", + "ark" + ], + [ + "Ġ'../../", + "../../" + ], + [ + "Ġin", + "ability" + ], + [ + "m", + "agic" + ], + [ + "c", + "ats" + ], + [ + "Ġsim", + "ulate" + ], + [ + ":", + "${" + ], + [ + "in", + "flate" + ], + [ + "Ġen", + "er" + ], + [ + ":", + "NO" + ], + [ + "ip", + "les" + ], + [ + "Ġmer", + "it" + ], + [ + "ĠR", + "ated" + ], + [ + "Ġgl", + "ue" + ], + [ + "/b", + "log" + ], + [ + "Ġg", + "ren" + ], + [ + "Ġthr", + "illed" + ], + [ + ".C", + "H" + ], + [ + "unc", + "an" + ], + [ + "ĠPR", + "IMARY" + ], + [ + "Ġper", + "sec" + ], + [ + "Ġfe", + "ared" + ], + [ + ".M", + "IN" + ], + [ + "ĠThe", + "ater" + ], + [ + "é", + "Ĵ" + ], + [ + "ategor", + "ie" + ], + [ + "æ®", + "µ" + ], + [ + "Ġappet", + "ite" + ], + [ + "s", + "quare" + ], + [ + "ĠAlex", + "and" + ], + [ + ".User", + "Id" + ], + [ + "_g", + "t" + ], + [ + "_", + "enter" + ], + [ + "Ġgradu", + "ates" + ], + [ + "Fragment", + "Manager" + ], + [ + "Author", + "ize" + ], + [ + "-N", + "LS" + ], + [ + "(M", + "y" + ], + [ + "Ġtri", + "umph" + ], + [ + "ust", + "ing" + ], + [ + "_PARAM", + "S" + ], + [ + "Char", + "acters" + ], + [ + "(:", + ",:," + ], + [ + "_B", + "UILD" + ], + [ + "M", + "Hz" + ], + [ + "Ġwash", + "ed" + ], + [ + "Ġun", + "cle" + ], + [ + "Ste", + "ve" + ], + [ + "ard", + "own" + ], + [ + "", + "${" + ], + [ + "_confirm", + "ation" + ], + [ + "Ġtro", + "phy" + ], + [ + "Work", + "s" + ], + [ + "ĠElect", + "ronics" + ], + [ + "ĠMediterr", + "anean" + ], + [ + "_m", + "etrics" + ], + [ + "Ġannounc", + "ing" + ], + [ + "ĠD", + "AY" + ], + [ + "_pro", + "to" + ], + [ + "Ġp", + "ear" + ], + [ + "base", + "Url" + ], + [ + "ĉĉĉĉĉĉĉĉ", + "Ċ" + ], + [ + "Ġcoord", + "ination" + ], + [ + ":", + "N" + ], + [ + ".an", + "imate" + ], + [ + "ĠC", + "otton" + ], + [ + "_h", + "it" + ], + [ + "â", + "ľ" + ], + [ + "Ġjet", + "zt" + ], + [ + "if", + "ter" + ], + [ + "(f", + "ields" + ], + [ + "own", + "load" + ], + [ + "ific", + "acion" + ], + [ + ".c", + "uda" + ], + [ + "ĠLi", + "u" + ], + [ + ">", + "equals" + ], + [ + "ĠA", + "ce" + ], + [ + "ÑĢаÐ", + "¼" + ], + [ + "ĠSuper", + "man" + ], + [ + "ĠGarc", + "ia" + ], + [ + "Ġarrest", + "s" + ], + [ + "ag", + "ar" + ], + [ + "Ġ{}", + ")" + ], + [ + "Ġmac", + "ros" + ], + [ + "rou", + "pe" + ], + [ + "ê", + "tre" + ], + [ + "Ġtw", + "isted" + ], + [ + "str", + "uments" + ], + [ + "_", + "(\"" + ], + [ + "_", + "vertices" + ], + [ + "ĠTrans", + "ition" + ], + [ + "и", + "к" + ], + [ + "[", + "max" + ], + [ + "m", + "ind" + ], + [ + "Ġaccess", + "Token" + ], + [ + "Ġun", + "le" + ], + [ + "m", + "us" + ], + [ + "c", + "op" + ], + [ + "ĠF", + "actor" + ], + [ + "Ġcon", + "ced" + ], + [ + "Ġre", + "tr" + ], + [ + ".l", + "inalg" + ], + [ + "-s", + "lider" + ], + [ + "ob", + "l" + ], + [ + "_Static", + "Fields" + ], + [ + "Ġz", + "ombie" + ], + [ + "s", + "elling" + ], + [ + "Ġch", + "ap" + ], + [ + "Ġsh", + "aking" + ], + [ + "ĠTrans", + "late" + ], + [ + "ĠAm", + "sterdam" + ], + [ + "ĠE", + "TH" + ], + [ + "_EX", + "TERN" + ], + [ + "k", + "d" + ], + [ + "_d", + "isc" + ], + [ + "Ġpreced", + "ing" + ], + [ + "Ġpri", + "x" + ], + [ + "Object", + "Name" + ], + [ + "_mod", + "ified" + ], + [ + "ard", + "ware" + ], + [ + "Ġ?>", + "\">" + ], + [ + "ĠD", + "W" + ], + [ + "`", + "${" + ], + [ + "Ġ?>", + "\">ĊĊ" + ], + [ + "Ġspin", + "ning" + ], + [ + "_p", + "ending" + ], + [ + "Match", + "ers" + ], + [ + ".", + "Keys" + ], + [ + "ĠP", + "V" + ], + [ + "en", + "us" + ], + [ + "ant", + "is" + ], + [ + "Ġdisc", + "ard" + ], + [ + "Ġh", + "aul" + ], + [ + "Ġem", + "pir" + ], + [ + "Ġpath", + "way" + ], + [ + "Ġo", + "ak" + ], + [ + "м", + "ен" + ], + [ + "-ind", + "uced" + ], + [ + "Ġimp", + "air" + ], + [ + "ĠCal", + "gary" + ], + [ + ".is", + "Hidden" + ], + [ + "d", + "z" + ], + [ + "_", + "include" + ], + [ + "Ġg", + "m" + ], + [ + "Ġ'", + "('" + ], + [ + "P", + "Y" + ], + [ + "uggest", + "ions" + ], + [ + "Ġcommod", + "ity" + ], + [ + "c", + "ro" + ], + [ + "/", + "sub" + ], + [ + "Ġget", + "Instance" + ], + [ + "ĠLeg", + "acy" + ], + [ + "ĠK", + "il" + ], + [ + "B", + "al" + ], + [ + "(", + "short" + ], + [ + "In", + "form" + ], + [ + "+", + "x" + ], + [ + "*", + "r" + ], + [ + "ĠHope", + "fully" + ], + [ + "or", + "ate" + ], + [ + "Ġmach", + "en" + ], + [ + "Ġtreat", + "y" + ], + [ + "ĠO", + "ri" + ], + [ + ".p", + "ublic" + ], + [ + "-h", + "orizontal" + ], + [ + "Ġtact", + "ic" + ], + [ + "Ġb", + "ord" + ], + [ + "w", + "ares" + ], + [ + "Ġam", + "mo" + ], + [ + "ĠL", + "ists" + ], + [ + "Ġequ", + "ations" + ], + [ + "/", + "her" + ], + [ + "ĠNS", + "W" + ], + [ + "B", + "ounding" + ], + [ + "_C", + "ollections" + ], + [ + "Ġav", + "ail" + ], + [ + ".Drop", + "Down" + ], + [ + "è", + "°" + ], + [ + "Ġh", + "h" + ], + [ + "Ġl", + "Ãł" + ], + [ + ".p", + "b" + ], + [ + "Ġmemor", + "ial" + ], + [ + "ĠAT", + "TR" + ], + [ + "Ġexhaust", + "ed" + ], + [ + "Ġt", + "sp" + ], + [ + "ĉ", + "redirect" + ], + [ + "Ġlik", + "ewise" + ], + [ + "ST", + "ER" + ], + [ + "L", + "java" + ], + [ + "Ġcondem", + "ned" + ], + [ + "oca", + "ust" + ], + [ + "(str", + "ict" + ], + [ + "Ġexem", + "pt" + ], + [ + "Ġs", + "ms" + ], + [ + "Ġex", + "agger" + ], + [ + "S", + "YS" + ], + [ + "Ġl", + "ounge" + ], + [ + ":", + "^" + ], + [ + "Ġto", + "dd" + ], + [ + "de", + "b" + ], + [ + "ator", + "ial" + ], + [ + "ĠPort", + "er" + ], + [ + "Ġtu", + "ition" + ], + [ + "Ġexem", + "pl" + ], + [ + "Ġp", + "aren" + ], + [ + ".line", + "To" + ], + [ + "Ġkid", + "ney" + ], + [ + "Ġç", + "a" + ], + [ + "Ġc", + "ui" + ], + [ + "ï¼Į", + "请" + ], + [ + "X", + "C" + ], + [ + "Ġmo", + "ż" + ], + [ + "Ġnomin", + "ated" + ], + [ + "l", + "ung" + ], + [ + "Im", + "Gui" + ], + [ + "ĠB", + "uzz" + ], + [ + "Ġstere", + "o" + ], + [ + "port", + "al" + ], + [ + "res", + "as" + ], + [ + "Ġk", + "lass" + ], + [ + "Ġdraft", + "ed" + ], + [ + "Ġproject", + "ile" + ], + [ + "/g", + "pl" + ], + [ + "(param", + "eters" + ], + [ + "*", + ")Ċ" + ], + [ + "Ġassist", + "ed" + ], + [ + "ĠNS", + "Integer" + ], + [ + "s", + "itemap" + ], + [ + ":n", + "th" + ], + [ + ".View", + "s" + ], + [ + ".Argument", + "Parser" + ], + [ + "Ġme", + "er" + ], + [ + "z", + "ier" + ], + [ + "ĠD", + "ig" + ], + [ + "Ċ" + ], + [ + "Ġpl", + "ag" + ], + [ + "p", + "ine" + ], + [ + "Ġblank", + "et" + ], + [ + "Ġ:", + "", + "-" + ], + [ + "Ġl", + "cd" + ], + [ + "------------", + "---" + ], + [ + "(\"", + "\"" + ], + [ + "Ġtact", + "ical" + ], + [ + "ĠRon", + "ald" + ], + [ + "ex", + "tr" + ], + [ + "ĠF", + "est" + ], + [ + "Ġf", + "uer" + ], + [ + "-n", + "avigation" + ], + [ + "Ġk", + "b" + ], + [ + "gh", + "ost" + ], + [ + "Ġhandle", + "Change" + ], + [ + "_cl", + "s" + ], + [ + "()", + "!=" + ], + [ + "Com", + "parator" + ], + [ + ".v", + "m" + ], + [ + "ĠCo", + "x" + ], + [ + "_re", + "view" + ], + [ + "/", + "@" + ], + [ + "_c", + "ookie" + ], + [ + "Ġrecogn", + "ised" + ], + [ + "ld", + "ap" + ], + [ + "Thread", + "s" + ], + [ + "ĠSex", + "ual" + ], + [ + "ĠB", + "earing" + ], + [ + "(S", + "QL" + ], + [ + "Ġx", + "r" + ], + [ + "Ġth", + "igh" + ], + [ + "URL", + "Connection" + ], + [ + "ĠSU", + "V" + ], + [ + "Ġm", + "Context" + ], + [ + "Ġinc", + "idence" + ], + [ + "ĠE", + "ste" + ], + [ + ".s", + "up" + ], + [ + "_t", + "e" + ], + [ + "(EX", + "IT" + ], + [ + "C", + "MD" + ], + [ + "/", + "\">" + ], + [ + "Al", + "most" + ], + [ + "ĠU", + "ne" + ], + [ + "Ġand", + "eren" + ], + [ + "ĠSingle", + "ton" + ], + [ + "Ġb", + "ore" + ], + [ + "Th", + "ink" + ], + [ + "Ġn", + "arc" + ], + [ + "]", + "initWith" + ], + [ + "_sh", + "op" + ], + [ + "(str", + "ategy" + ], + [ + "!", + "'," + ], + [ + "her", + "its" + ], + [ + "ĠDes", + "k" + ], + [ + "_m", + "achine" + ], + [ + ".net", + "ty" + ], + [ + "ı", + "nda" + ], + [ + "=", + "<" + ], + [ + "ĠQ", + "R" + ], + [ + "ĠS", + "idebar" + ], + [ + ".split", + "Container" + ], + [ + "Ġon", + "Success" + ], + [ + "Ġmon", + "key" + ], + [ + "En", + "joy" + ], + [ + "(n", + "odes" + ], + [ + "pect", + "rum" + ], + [ + "Ġ(*", + "(" + ], + [ + "ĉU", + "INT" + ], + [ + ",", + "height" + ], + [ + "ĠNetwork", + "s" + ], + [ + ".t", + "ail" + ], + [ + ".l", + "inspace" + ], + [ + "Ġ\"", + "..." + ], + [ + "List", + "en" + ], + [ + "Æ", + "¡" + ], + [ + ".Ch", + "annel" + ], + [ + "-", + "defined" + ], + [ + "Re", + "peat" + ], + [ + "ad", + "just" + ], + [ + "ER", + "M" + ], + [ + "_", + "application" + ], + [ + ".assert", + "NotNull" + ], + [ + "-", + "stream" + ], + [ + "Ġr", + "abbit" + ], + [ + "Ġposition", + "ing" + ], + [ + "Ġw", + "oke" + ], + [ + "Ġf", + "ing" + ], + [ + "Ġmulti", + "player" + ], + [ + "Ġregister", + "ing" + ], + [ + "un", + "til" + ], + [ + "Ã¥", + "n" + ], + [ + "(", + "::" + ], + [ + "uss", + "ions" + ], + [ + "Ġpot", + "ato" + ], + [ + "ĠE", + "quals" + ], + [ + ".S", + "up" + ], + [ + "/ap", + "ache" + ], + [ + "Ġ(", + "=" + ], + [ + ".", + "\")" + ], + [ + ".p", + "tr" + ], + [ + "ĠSpe", + "ech" + ], + [ + ".cl", + "ip" + ], + [ + "ĠGab", + "riel" + ], + [ + "Ġmusic", + "ian" + ], + [ + "/", + "issues" + ], + [ + ".sh", + "op" + ], + [ + "ĠH", + "ier" + ], + [ + "_RE", + "T" + ], + [ + "_b", + "ucket" + ], + [ + "ãĥ", + "¡" + ], + [ + "av", + "s" + ], + [ + "Ġro", + "z" + ], + [ + "fl", + "ower" + ], + [ + "Write", + "Barrier" + ], + [ + "ĠMil", + "an" + ], + [ + "Ġlegisl", + "ature" + ], + [ + "ĠD", + "oll" + ], + [ + "Ġprov", + "ing" + ], + [ + ".concat", + "enate" + ], + [ + "âķ", + "IJ" + ], + [ + "Ġg", + "char" + ], + [ + "cdn", + "js" + ], + [ + "b", + "les" + ], + [ + "ĠList", + "ing" + ], + [ + "л", + "о" + ], + [ + ".xr", + "Label" + ], + [ + "ĠS", + "ak" + ], + [ + "just", + "ice" + ], + [ + "ĠVal", + "entine" + ], + [ + "un", + "less" + ], + [ + "Ġp", + "iger" + ], + [ + "(r", + "un" + ], + [ + "Ġtest", + "ified" + ], + [ + "AN", + "A" + ], + [ + "ĠRem", + "oves" + ], + [ + "))", + "));Ċ" + ], + [ + "rec", + "ated" + ], + [ + "ĠRuntime", + "Method" + ], + [ + "Ġcon", + "qu" + ], + [ + "ãĤ", + "¢" + ], + [ + "Ġt", + "issues" + ], + [ + "ail", + "er" + ], + [ + "ét", + "é" + ], + [ + "-", + "Star" + ], + [ + "Ġfl", + "ames" + ], + [ + ".set", + "Icon" + ], + [ + "Ġsup", + "ern" + ], + [ + "Ġvag", + "ina" + ], + [ + "-", + "variable" + ], + [ + "Ġwell", + "ness" + ], + [ + "C", + "UR" + ], + [ + "Ġbel", + "le" + ], + [ + ".get", + "Request" + ], + [ + "Ġp", + "oco" + ], + [ + "ben", + "h" + ], + [ + "ag", + "ens" + ], + [ + "Ġsp", + "ill" + ], + [ + "ĠJ", + "ur" + ], + [ + "Ġdispatch", + "er" + ], + [ + "н", + "ого" + ], + [ + "emon", + "ic" + ], + [ + "(dir", + "name" + ], + [ + "ĠÐ", + "Ķ" + ], + [ + "Ġpas", + "se" + ], + [ + "Ġg", + "anz" + ], + [ + "ric", + "ing" + ], + [ + "E", + "U" + ], + [ + "Ġmuj", + "eres" + ], + [ + "ess", + "en" + ], + [ + ".at", + "tribute" + ], + [ + "j", + "j" + ], + [ + "ĉĉ", + "ĠĊ" + ], + [ + "[", + "^" + ], + [ + "Ġstrtol", + "ower" + ], + [ + "lex", + "er" + ], + [ + "ect", + "ar" + ], + [ + "hot", + "el" + ], + [ + ".s", + "quare" + ], + [ + "Ġr", + "all" + ], + [ + "Ġlower", + "ed" + ], + [ + "hand", + "led" + ], + [ + "Mark", + "et" + ], + [ + "ĠUs", + "es" + ], + [ + "iv", + "as" + ], + [ + ".B", + "usiness" + ], + [ + "ãģĹãģ", + "¦" + ], + [ + "D", + "IV" + ], + [ + "Ġw", + "asted" + ], + [ + "Ġav", + "oir" + ], + [ + "ê", + "m" + ], + [ + "_ACC", + "OUNT" + ], + [ + ".", + "et" + ], + [ + "ĉ", + "SDL" + ], + [ + "k", + "ap" + ], + [ + "Ġf", + "ox" + ], + [ + "up", + "pet" + ], + [ + "{", + "},Ċ" + ], + [ + "\",", + "'" + ], + [ + "F", + "avorite" + ], + [ + "P", + "END" + ], + [ + "ĠA", + "ES" + ], + [ + "}", + ")," + ], + [ + "Ġded", + "uction" + ], + [ + "Ġpol", + "ÃŃt" + ], + [ + "Ġcomponent", + "Will" + ], + [ + "ĠT", + "elerik" + ], + [ + "_SE", + "LF" + ], + [ + "Ġm", + "use" + ], + [ + "C", + "raft" + ], + [ + "Ġd", + "ens" + ], + [ + "à¤", + "¿" + ], + [ + "(", + "tp" + ], + [ + "Ġt", + "asty" + ], + [ + "Ġbal", + "ances" + ], + [ + "Ġded", + "ication" + ], + [ + "ĠWall", + "ace" + ], + [ + "Ġun", + "law" + ], + [ + "\\\">", + "\\" + ], + [ + "Ġm", + "um" + ], + [ + "-", + "update" + ], + [ + "ement", + "e" + ], + [ + "Ġs", + "oda" + ], + [ + "Re", + "public" + ], + [ + "as", + "mine" + ], + [ + "é", + "ric" + ], + [ + "(", + "Status" + ], + [ + "ĠJson", + "Convert" + ], + [ + "ĠD", + "isk" + ], + [ + ".Red", + "irect" + ], + [ + "Ġfilm", + "ing" + ], + [ + "/m", + "ol" + ], + [ + "R", + "o" + ], + [ + "Ġv", + "ille" + ], + [ + "Ġtrab", + "aj" + ], + [ + "Ġsyn", + "thesis" + ], + [ + "reg", + "a" + ], + [ + "Ġr", + "l" + ], + [ + "S", + "cheduler" + ], + [ + "ISH", + "ED" + ], + [ + "current", + "User" + ], + [ + "(error", + "s" + ], + [ + "'", + "h" + ], + [ + "_b", + "ot" + ], + [ + "x", + "imo" + ], + [ + "ĠUS", + "ART" + ], + [ + "_s", + "uper" + ], + [ + "_DEC", + "REF" + ], + [ + "н", + "ой" + ], + [ + "_RO", + "W" + ], + [ + "Ġprom", + "otes" + ], + [ + "ĠT", + "A" + ], + [ + "Ġhor", + "as" + ], + [ + "ĠRep", + "resents" + ], + [ + "Ġname", + "of" + ], + [ + "ĠEx", + "c" + ], + [ + "ĠGar", + "age" + ], + [ + "Ġse", + "ine" + ], + [ + ",", + "#" + ], + [ + "Ġher", + "b" + ], + [ + "/", + "resources" + ], + [ + "Ġple", + "aded" + ], + [ + ".r", + "adioButton" + ], + [ + "Ġæ", + "ĺ" + ], + [ + "O", + "ps" + ], + [ + "ĠN", + "est" + ], + [ + "c", + "string" + ], + [ + "ĠDef", + "ence" + ], + [ + "Ġref", + "ere" + ], + [ + "_le", + "af" + ], + [ + "Ġrevel", + "ation" + ], + [ + "ë", + "§" + ], + [ + ".execute", + "Update" + ], + [ + "_W", + "ORLD" + ], + [ + "Ġexp", + "ans" + ], + [ + "(\"", + "\\\"" + ], + [ + "j", + "ab" + ], + [ + "Ġdoub", + "ts" + ], + [ + "ĠGe", + "ometry" + ], + [ + "Ġintrodu", + "ces" + ], + [ + "Ġsen", + "ators" + ], + [ + "Ġcan", + "al" + ], + [ + ".h", + "elper" + ], + [ + "ĠBi", + "ology" + ], + [ + "_SE", + "NS" + ], + [ + ".pre", + "vious" + ], + [ + "-t", + "ouch" + ], + [ + "ab", + "it" + ], + [ + "Ġimpact", + "ed" + ], + [ + "Ġbr", + "ackets" + ], + [ + ".d", + "irect" + ], + [ + "acc", + "um" + ], + [ + "Ġtest", + "osterone" + ], + [ + "ĉ", + "action" + ], + [ + "ĠCh", + "ance" + ], + [ + "Ġpe", + "aks" + ], + [ + "CppCodeGen", + "WriteBarrier" + ], + [ + "Ġun", + "belie" + ], + [ + "_p", + "ress" + ], + [ + ".R", + "el" + ], + [ + "ang", + "led" + ], + [ + "/", + "templates" + ], + [ + "--", + ">čĊ" + ], + [ + "l", + "ime" + ], + [ + "Ġsufficient", + "ly" + ], + [ + "_", + "nt" + ], + [ + "Exp", + "and" + ], + [ + ".is", + "file" + ], + [ + "Ġis", + "Empty" + ], + [ + "Ġq", + "t" + ], + [ + "Ġmul", + "her" + ], + [ + "ac", + "ob" + ], + [ + "Ge", + "orge" + ], + [ + "å¸", + "¸" + ], + [ + "Ġass", + "im" + ], + [ + "as", + "o" + ], + [ + "Ġcompr", + "ised" + ], + [ + "O", + "V" + ], + [ + "(CON", + "FIG" + ], + [ + "ĉw", + "riter" + ], + [ + "Ġdes", + "p" + ], + [ + "Ġten", + "ure" + ], + [ + "(c", + "r" + ], + [ + ".p", + "ool" + ], + [ + "ĠB", + "rend" + ], + [ + "Ġc", + "ensor" + ], + [ + "(time", + "out" + ], + [ + "Ġple", + "a" + ], + [ + ".W", + "rap" + ], + [ + "Ġtight", + "ly" + ], + [ + "ĠW", + "ere" + ], + [ + "ĠI", + "gnore" + ], + [ + "abe", + "i" + ], + [ + "Ġbr", + "idges" + ], + [ + "Ġcondem", + "n" + ], + [ + "Ġsimp", + "licity" + ], + [ + "Ġrout", + "inely" + ], + [ + "Ġblack", + "s" + ], + [ + "j", + "b" + ], + [ + "ĠP", + "it" + ], + [ + "U", + "tf" + ], + [ + "Ġ/", + "Ċ" + ], + [ + "re", + "load" + ], + [ + "Ġset", + "Object" + ], + [ + "/g", + "lobal" + ], + [ + "Ġf", + "atty" + ], + [ + "Ġsock", + "s" + ], + [ + "Could", + "n" + ], + [ + "Ġerot", + "isk" + ], + [ + "æĿ", + "¡" + ], + [ + "ĠPress", + "ure" + ], + [ + "ĠM", + "az" + ], + [ + "n", + "pos" + ], + [ + "tol", + "ower" + ], + [ + "ĠE", + "Q" + ], + [ + "ute", + "ur" + ], + [ + "ĠM", + "oment" + ], + [ + "Ġet", + "a" + ], + [ + "{{", + "--" + ], + [ + "Ġgraph", + "s" + ], + [ + "ĠGu", + "ar" + ], + [ + "r", + "ine" + ], + [ + "(", + "--" + ], + [ + "ĠHttp", + "Status" + ], + [ + "(st", + "udent" + ], + [ + "*", + "np" + ], + [ + "Ġrail", + "way" + ], + [ + "Ġas", + "ynchronous" + ], + [ + "_v", + "m" + ], + [ + "']", + ",'" + ], + [ + ",", + "text" + ], + [ + "mer", + "chant" + ], + [ + "(G", + "uid" + ], + [ + "ĠG", + "ra" + ], + [ + "ix", + "er" + ], + [ + "fetch", + "All" + ], + [ + ".add", + "Listener" + ], + [ + "fl", + "ip" + ], + [ + "*", + "$" + ], + [ + ">", + "()," + ], + [ + "Ġsun", + "light" + ], + [ + "ass", + "igned" + ], + [ + "Ġab", + "c" + ], + [ + "ĠC", + "OLUMN" + ], + [ + "ĠðŁĻĤ", + "ĊĊ" + ], + [ + ")", + "..." + ], + [ + "Ġen", + "semble" + ], + [ + "Ġnew", + "line" + ], + [ + "_S", + "INGLE" + ], + [ + "ied", + "ad" + ], + [ + "Ġdark", + "er" + ], + [ + "orm", + "ap" + ], + [ + "Ġl", + "ion" + ], + [ + "pl", + "its" + ], + [ + "Ġillustr", + "ation" + ], + [ + "ĠI", + "EEE" + ], + [ + "Ġv", + "ista" + ], + [ + "ous", + "ands" + ], + [ + "******", + "*" + ], + [ + "ĠTom", + "my" + ], + [ + "Ġh", + "ue" + ], + [ + "S", + "el" + ], + [ + "Ġa", + "ura" + ], + [ + "ĠTher", + "apy" + ], + [ + "Ġanim", + "ator" + ], + [ + ".con", + "straints" + ], + [ + "Ġv", + "ague" + ], + [ + "(\"", + "\")" + ], + [ + "Ġvill", + "ain" + ], + [ + "Ġbless", + "ing" + ], + [ + "Ġstring", + "Builder" + ], + [ + "ĠM", + "isc" + ], + [ + "ĠD", + "IR" + ], + [ + "f", + "ax" + ], + [ + "-", + "node" + ], + [ + "ĠWalk", + "ing" + ], + [ + "ĠA", + "U" + ], + [ + "s", + "ess" + ], + [ + "Ġgr", + "ill" + ], + [ + "VERT", + "ISE" + ], + [ + "ĠF", + "oods" + ], + [ + "Ġt", + "ournaments" + ], + [ + "Ã", + "ĵ" + ], + [ + "ĠMar", + "sh" + ], + [ + "Ġw", + "onders" + ], + [ + "Long", + "itude" + ], + [ + ".Command", + "Text" + ], + [ + "=", + "input" + ], + [ + "_enc", + "oder" + ], + [ + "page", + "Size" + ], + [ + "Ġget", + "State" + ], + [ + ">", + ">Ċ" + ], + [ + ".g", + "rey" + ], + [ + "p", + "od" + ], + [ + "Ġread", + "ings" + ], + [ + "Ġre", + "consider" + ], + [ + "Start", + "up" + ], + [ + "Ġexc", + "er" + ], + [ + ".b", + "alance" + ], + [ + "_c", + "ycle" + ], + [ + "_T", + "ime" + ], + [ + "LOC", + "AL" + ], + [ + "ĠE", + "FI" + ], + [ + "ĠRe", + "yn" + ], + [ + ".set", + "Foreground" + ], + [ + "by", + "n" + ], + [ + "Ġdis", + "connected" + ], + [ + "ACT", + "IVE" + ], + [ + "Ġembed", + "ding" + ], + [ + "ick", + "ers" + ], + [ + "Ġsurround", + "ings" + ], + [ + "*", + "c" + ], + [ + "Ġgar", + "ant" + ], + [ + "Ġb", + "f" + ], + [ + "Ġw", + "ipe" + ], + [ + "Ġ", + "ä¸ĭ" + ], + [ + "_T", + "RA" + ], + [ + "ado", + "x" + ], + [ + "ç", + "ķ" + ], + [ + "Ġsu", + "cks" + ], + [ + "ĠS", + "ongs" + ], + [ + "ĠAssoci", + "ates" + ], + [ + "ĠB", + "ald" + ], + [ + "ĠB", + "rett" + ], + [ + "ven", + "ile" + ], + [ + "Ġv", + "t" + ], + [ + "Ġin", + "ade" + ], + [ + "Ġres", + "igned" + ], + [ + "ĠGl", + "enn" + ], + [ + ".p", + "attern" + ], + [ + ".Data", + "Bind" + ], + [ + "Ñĥ", + "м" + ], + [ + "Layout", + "Inflater" + ], + [ + "ch", + "et" + ], + [ + "ĠTest", + "ament" + ], + [ + ".m", + "s" + ], + [ + "Ġp", + "av" + ], + [ + "ĠReact", + "DOM" + ], + [ + "ur", + "dy" + ], + [ + "AD", + "ATA" + ], + [ + "M", + "u" + ], + [ + "/", + "actions" + ], + [ + "ĠJ", + "s" + ], + [ + "_ex", + "tract" + ], + [ + "ĠBr", + "ing" + ], + [ + ":", + "id" + ], + [ + "str", + "t" + ], + [ + "iv", + "ation" + ], + [ + "Ġoutr", + "ight" + ], + [ + "az", + "u" + ], + [ + "loy", + "ment" + ], + [ + "и", + "Ñı" + ], + [ + "al", + "do" + ], + [ + "ĠP", + "ublisher" + ], + [ + "E", + "ducation" + ], + [ + "Pa", + "lette" + ], + [ + "_d", + "rv" + ], + [ + "Ġ($", + "(" + ], + [ + "ĠAnd", + "a" + ], + [ + "Ġrem", + "edy" + ], + [ + "Ġincons", + "istent" + ], + [ + "te", + "ction" + ], + [ + "Ġregul", + "ators" + ], + [ + "Ġshort", + "est" + ], + [ + "(p", + "air" + ], + [ + "ĠInstall", + "ation" + ], + [ + "Ġdefend", + "ants" + ], + [ + "Ġ(", + ");" + ], + [ + "-l", + "arge" + ], + [ + "M", + "el" + ], + [ + "Ġthreat", + "en" + ], + [ + "н", + "Ñı" + ], + [ + "Ġfet", + "ish" + ], + [ + "ot", + "ine" + ], + [ + "_d", + "ic" + ], + [ + "Ġ<", + "$" + ], + [ + "Ġst", + "agger" + ], + [ + "sp", + "i" + ], + [ + "$", + "response" + ], + [ + "S", + "erv" + ], + [ + "-b", + "orn" + ], + [ + "j", + "os" + ], + [ + "ĉ", + "img" + ], + [ + "ĉW", + "HERE" + ], + [ + "_l", + "t" + ], + [ + "å½", + "ĵ" + ], + [ + ".c", + "ost" + ], + [ + "ĠT", + "ue" + ], + [ + ".label", + "s" + ], + [ + "ĠL", + "V" + ], + [ + "wcs", + "store" + ], + [ + "ĠJes", + "se" + ], + [ + "à¸", + "«" + ], + [ + "Tr", + "ade" + ], + [ + "Ġpredecess", + "or" + ], + [ + "ë", + "Ĥ" + ], + [ + "fin", + "ally" + ], + [ + "_g", + "eneral" + ], + [ + "ogg", + "ler" + ], + [ + "_REG", + "ION" + ], + [ + "n", + "ement" + ], + [ + "Ġblog", + "ger" + ], + [ + "ĠHar", + "bor" + ], + [ + "ĠD", + "ataset" + ], + [ + "[", + "w" + ], + [ + "Ġattend", + "ees" + ], + [ + ".", + "ico" + ], + [ + "max", + "imum" + ], + [ + ".Un", + "lock" + ], + [ + "_SY", + "NC" + ], + [ + "ág", + "ina" + ], + [ + "Ġdown", + "s" + ], + [ + "ĠW", + "ii" + ], + [ + "])", + "/" + ], + [ + "Ġkick", + "ing" + ], + [ + "unic", + "ation" + ], + [ + "ĠD", + "AC" + ], + [ + "ĠID", + "S" + ], + [ + "ĠR", + "ental" + ], + [ + "Ġcurrent", + "Time" + ], + [ + "Ġvacc", + "ines" + ], + [ + "ĠDev", + "il" + ], + [ + "Ġn", + "ors" + ], + [ + "_m", + "ouse" + ], + [ + "urre", + "ction" + ], + [ + "(n", + "o" + ], + [ + "Ġ>", + "čĊ" + ], + [ + "Ġaggress", + "ion" + ], + [ + "Ġbre", + "eding" + ], + [ + ".s", + "ymbol" + ], + [ + "im", + "an" + ], + [ + "Absolute", + "Path" + ], + [ + "ĠWH", + "O" + ], + [ + "_fl", + "ush" + ], + [ + "-", + "root" + ], + [ + "arn", + "a" + ], + [ + "&", + "M" + ], + [ + "Ġf", + "athers" + ], + [ + "ĠR", + "ocket" + ], + [ + "ive", + "au" + ], + [ + "Ġw", + "ander" + ], + [ + "Ġcom", + "pos" + ], + [ + "ĠWar", + "rior" + ], + [ + "ĠSe", + "at" + ], + [ + "ĠClin", + "ic" + ], + [ + "_in", + "voice" + ], + [ + "(dis", + "patch" + ], + [ + "Product", + "o" + ], + [ + "at", + "uring" + ], + [ + "oss", + "ier" + ], + [ + "ĠM", + "AY" + ], + [ + "Ġd", + "agger" + ], + [ + "Ġsanit", + "ized" + ], + [ + "ĠR", + "FC" + ], + [ + "Ġpro", + "ph" + ], + [ + "Ġur", + "ine" + ], + [ + "Ġgr", + "ind" + ], + [ + "ĠExp", + "anded" + ], + [ + "des", + "cripcion" + ], + [ + "-f", + "w" + ], + [ + "ĠK", + "erry" + ], + [ + "=", + "name" + ], + [ + "Ġch", + "k" + ], + [ + "Ġnation", + "ally" + ], + [ + "Ġthe", + "e" + ], + [ + "In", + "c" + ], + [ + "Ġ?", + ">>" + ], + [ + ".R", + "adioButton" + ], + [ + ".Http", + "ServletResponse" + ], + [ + "/", + "Y" + ], + [ + "ĉf", + "ield" + ], + [ + "Ġhom", + "me" + ], + [ + "y", + "per" + ], + [ + "Ph", + "ysical" + ], + [ + "=", + "v" + ], + [ + "Ġdr", + "iv" + ], + [ + "ĠErr", + "ors" + ], + [ + "Ġc", + "Äĥ" + ], + [ + "De", + "ath" + ], + [ + "ĠW", + "INDOW" + ], + [ + "Ġpo", + "et" + ], + [ + "ĠSh", + "arp" + ], + [ + "ĠImm", + "utable" + ], + [ + "ĉ", + "create" + ], + [ + "Ġge", + "ht" + ], + [ + "ĠRe", + "form" + ], + [ + "ais", + "er" + ], + [ + "ĠInitial", + "ization" + ], + [ + "Ġimm", + "unity" + ], + [ + ".com", + "pose" + ], + [ + "Ġlat", + "ency" + ], + [ + "ĠLeban", + "on" + ], + [ + "ĠPar", + "ad" + ], + [ + "Ġfu", + "els" + ], + [ + "ĠEx", + "hib" + ], + [ + "co", + "h" + ], + [ + "%", + "\">Ċ" + ], + [ + "ĠCL", + "I" + ], + [ + ")", + "initWith" + ], + [ + "-Z", + "a" + ], + [ + "_C", + "LEAR" + ], + [ + "reg", + "n" + ], + [ + "Ġfin", + "ances" + ], + [ + ".st", + "andard" + ], + [ + "_C", + "ATEGORY" + ], + [ + ".lib", + "rary" + ], + [ + "Ġtravel", + "ers" + ], + [ + "_w", + "p" + ], + [ + "ĠE", + "valuation" + ], + [ + "start", + "ing" + ], + [ + "Ġ", + ")),Ċ" + ], + [ + "ep", + "isode" + ], + [ + "ĠV", + "ariant" + ], + [ + "Ġda", + "emon" + ], + [ + "ĠJul", + "ia" + ], + [ + "ĠN", + "R" + ], + [ + "Ġdoub", + "les" + ], + [ + "<", + "v" + ], + [ + "/r", + "untime" + ], + [ + "Ġinterpre", + "ter" + ], + [ + "ĠIN", + "DEX" + ], + [ + "ĠHol", + "mes" + ], + [ + "_D", + "IM" + ], + [ + "Ġp", + "addle" + ], + [ + "_ex", + "ample" + ], + [ + "Ġfore", + "ground" + ], + [ + ".r", + "outes" + ], + [ + "Ġs", + "owie" + ], + [ + "S", + "UCCESS" + ], + [ + "ĠC", + "DC" + ], + [ + "ĠB", + "D" + ], + [ + "_", + "-" + ], + [ + "as", + "ured" + ], + [ + "W", + "riting" + ], + [ + "Ġcurrent", + "Page" + ], + [ + "(", + "answer" + ], + [ + "ĠASC", + "II" + ], + [ + "à", + "¨" + ], + [ + "Ġsocial", + "ly" + ], + [ + "yy", + "y" + ], + [ + "ĠSpecial", + "ist" + ], + [ + "(c", + "ustomer" + ], + [ + "ist", + "ani" + ], + [ + "ke", + "st" + ], + [ + "ĠM", + "ak" + ], + [ + "Ġth", + "o" + ], + [ + ".", + "pt" + ], + [ + "(", + "comment" + ], + [ + "ĠCon", + "verter" + ], + [ + "g", + "am" + ], + [ + "b", + "ins" + ], + [ + ".", + "tele" + ], + [ + "ĠVeter", + "ans" + ], + [ + "_AL", + "LOC" + ], + [ + "олÑĮзов", + "аÑĤ" + ], + [ + "inn", + "amon" + ], + [ + ";", + "width" + ], + [ + "oh", + "l" + ], + [ + "Ġfant", + "as" + ], + [ + "Ġs", + "ung" + ], + [ + "ĉ", + "K" + ], + [ + "(", + "Json" + ], + [ + "Ġneighbour", + "hood" + ], + [ + "Ġv", + "ow" + ], + [ + "Ġs", + "ins" + ], + [ + "on", + "acci" + ], + [ + "Ġepoch", + "s" + ], + [ + "im", + "agen" + ], + [ + ".Ch", + "ange" + ], + [ + ".my", + "batis" + ], + [ + "Se", + "ek" + ], + [ + "W", + "ER" + ], + [ + "管", + "çIJĨ" + ], + [ + "Ġinter", + "ess" + ], + [ + "_", + "Event" + ], + [ + "eder", + "land" + ], + [ + "Ġterr", + "itor" + ], + [ + "Ġci", + "udad" + ], + [ + "uck", + "ed" + ], + [ + "Ġsn", + "ack" + ], + [ + "Ġtransport", + "ed" + ], + [ + "ĠMan", + "ifest" + ], + [ + "ĠD", + "AT" + ], + [ + "_th", + "eta" + ], + [ + "Ġw", + "ont" + ], + [ + ".ĊĊ", + "ĊĊĊĊĊĊĊĊ" + ], + [ + "Ĭ¶", + "æĢģ" + ], + [ + "ĠEp", + "ic" + ], + [ + "De", + "ck" + ], + [ + "l", + "tra" + ], + [ + "_Z", + "ERO" + ], + [ + "Ġ[]", + ";" + ], + [ + "/", + "scripts" + ], + [ + "Ġ----------------------------------------------------------------", + "----------------" + ], + [ + "æĥ", + "ħ" + ], + [ + "Ġwe", + "ed" + ], + [ + "N", + "BC" + ], + [ + "Ġrap", + "ed" + ], + [ + "ĠG", + "ateway" + ], + [ + "[", + "M" + ], + [ + "ĠTime", + "out" + ], + [ + "ench", + "mark" + ], + [ + ".View", + "Model" + ], + [ + "Ġporn", + "os" + ], + [ + "ĠY", + "a" + ], + [ + "th", + "ritis" + ], + [ + "ĠFly", + "nn" + ], + [ + "Ġme", + "ga" + ], + [ + "ac", + "in" + ], + [ + "Ġtrib", + "al" + ], + [ + ".app", + "le" + ], + [ + "ĠB", + "lo" + ], + [ + "â", + "n" + ], + [ + "ib", + "i" + ], + [ + "ro", + "v" + ], + [ + "ĠL", + "ives" + ], + [ + "^", + "." + ], + [ + "get", + "Request" + ], + [ + "ĠEst", + "ablish" + ], + [ + "cont", + "ainers" + ], + [ + "Ġst", + "arring" + ], + [ + "Ġcele", + "brities" + ], + [ + "ĠRel", + "ative" + ], + [ + "ĠHe", + "ights" + ], + [ + "Ġtq", + "dm" + ], + [ + "ĠNorth", + "west" + ], + [ + "iv", + "ic" + ], + [ + "ĉ", + "cl" + ], + [ + "Ġautom", + "otive" + ], + [ + "ent", + "ric" + ], + [ + "Ġfort", + "unate" + ], + [ + "Ġfire", + "place" + ], + [ + "se", + "ud" + ], + [ + "nick", + "name" + ], + [ + ";", + "s" + ], + [ + "_C", + "AL" + ], + [ + "h", + "alt" + ], + [ + "(n", + "s" + ], + [ + "_de", + "leted" + ], + [ + "Develop", + "ment" + ], + [ + "m", + "ovies" + ], + [ + "Ġident", + "ities" + ], + [ + "Ġprompt", + "ly" + ], + [ + "ا", + "ÙĨ" + ], + [ + "Ġant", + "e" + ], + [ + "Ġ\"", + "','" + ], + [ + "åı", + "£" + ], + [ + "imp", + "se" + ], + [ + "Ġy", + "ap" + ], + [ + "Type", + "Name" + ], + [ + "Ġb", + "itch" + ], + [ + "Ġassoci", + "ates" + ], + [ + "HE", + "ME" + ], + [ + "-", + "empty" + ], + [ + "ĠØ", + "ª" + ], + [ + "ol", + "vers" + ], + [ + "Ġpist", + "ol" + ], + [ + "Sc", + "oped" + ], + [ + "ag", + "ner" + ], + [ + "']", + "=='" + ], + [ + "ĠI", + "MP" + ], + [ + "ex", + "c" + ], + [ + "Ġo", + "mitted" + ], + [ + "Ġmind", + "set" + ], + [ + "Ġ[]", + "(" + ], + [ + "Ġor", + "n" + ], + [ + "_C", + "AM" + ], + [ + "A", + "vg" + ], + [ + "Localized", + "String" + ], + [ + "ĠN", + "atur" + ], + [ + "Ġcom", + "poser" + ], + [ + "ĠPlay", + "ing" + ], + [ + "Ġover", + "d" + ], + [ + "_", + "utf" + ], + [ + ".s", + "k" + ], + [ + "ĠF", + "ol" + ], + [ + "$", + "page" + ], + [ + ",", + "Object" + ], + [ + "Ġbe", + "es" + ], + [ + "al", + "ary" + ], + [ + "bul", + "let" + ], + [ + "_lib", + "rary" + ], + [ + "O", + "ffer" + ], + [ + "loc", + "ated" + ], + [ + "Ġ(_", + "," + ], + [ + "âĢľ", + "He" + ], + [ + "ĠOwn", + "ers" + ], + [ + ")", + ").Ċ" + ], + [ + "Ġb", + "ri" + ], + [ + ".Ad", + "min" + ], + [ + "kt", + "ion" + ], + [ + "лÑİ", + "Ñĩ" + ], + [ + "Ġerot", + "ici" + ], + [ + "Cancel", + "led" + ], + [ + "Ġa", + "gr" + ], + [ + "re", + "views" + ], + [ + "_d", + "ma" + ], + [ + "RI", + "CT" + ], + [ + "Ġg", + "fx" + ], + [ + "mp", + "i" + ], + [ + "pp", + "o" + ], + [ + "Ġ//", + "@" + ], + [ + "Ġupper", + "case" + ], + [ + "Ġcommit", + "ting" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "User", + "Data" + ], + [ + "Ġv", + "ai" + ], + [ + "ĉs", + "ort" + ], + [ + "Ġcongr", + "at" + ], + [ + "Ġd", + "ioxide" + ], + [ + "д", + "а" + ], + [ + ".", + "area" + ], + [ + "ĠJosh", + "ua" + ], + [ + "ĠK", + "och" + ], + [ + "_b", + "reak" + ], + [ + "az", + "ure" + ], + [ + "ist", + "ical" + ], + [ + "_AL", + "PHA" + ], + [ + "_", + "views" + ], + [ + "Ġelim", + "inating" + ], + [ + "OM", + "B" + ], + [ + "en", + "umer" + ], + [ + "ĠHy", + "dro" + ], + [ + "(*", + "(" + ], + [ + "ERT", + "ICAL" + ], + [ + "Ġinev", + "itably" + ], + [ + "Ġst", + "ole" + ], + [ + "-e", + "ast" + ], + [ + "ier", + "on" + ], + [ + "Ġl", + "inger" + ], + [ + "/d", + "oc" + ], + [ + "Å", + "º" + ], + [ + "ĠAl", + "ready" + ], + [ + "as", + "io" + ], + [ + "Ġ--", + "Ċ" + ], + [ + "Ġabb", + "rev" + ], + [ + "ĠAt", + "om" + ], + [ + "h", + "im" + ], + [ + "ĠINS", + "ERT" + ], + [ + "s", + "un" + ], + [ + "âĻ", + "ª" + ], + [ + "CON", + "NECT" + ], + [ + "er", + "ator" + ], + [ + "ĠM", + "anning" + ], + [ + "Ġ:", + "(" + ], + [ + "g", + "as" + ], + [ + "=>", + "'" + ], + [ + "Ġquery", + "set" + ], + [ + ";", + "}čĊ" + ], + [ + "ĠPop", + "ulation" + ], + [ + "uted", + "String" + ], + [ + "res", + "ident" + ], + [ + "_F", + "ONT" + ], + [ + "ĠRes", + "pond" + ], + [ + "Ġobsc", + "ure" + ], + [ + "Ġo", + "bservable" + ], + [ + "ĠContrib", + "utors" + ], + [ + "k", + "on" + ], + [ + "ĠMus", + "k" + ], + [ + "ex", + "ao" + ], + [ + "ĠT", + "ub" + ], + [ + "Boot", + "Application" + ], + [ + "S", + "OR" + ], + [ + ".H", + "orizontal" + ], + [ + ".find", + "By" + ], + [ + ".p", + "ower" + ], + [ + "Ġposit", + "ively" + ], + [ + "ven", + "ience" + ], + [ + "ĠJ", + "ong" + ], + [ + "Ġwh", + "istle" + ], + [ + "Ġз", + "наÑĩ" + ], + [ + "Ġl", + "ending" + ], + [ + "Ġdestruct", + "ive" + ], + [ + "Ġon", + "Delete" + ], + [ + "author", + "ization" + ], + [ + "();", + "?>" + ], + [ + "_", + "original" + ], + [ + "sc", + "ience" + ], + [ + "at", + "ra" + ], + [ + "?,", + "?," + ], + [ + "ĠAs", + "c" + ], + [ + "Ġconvinc", + "ing" + ], + [ + "$", + "a" + ], + [ + "org", + "en" + ], + [ + "_D", + "ate" + ], + [ + "ĠPro", + "vide" + ], + [ + "Ġlon", + "ely" + ], + [ + ")", + "'Ċ" + ], + [ + "ex", + "change" + ], + [ + ";", + "?>Ċ" + ], + [ + ".f", + "ast" + ], + [ + "S", + "amples" + ], + [ + "L", + "ondon" + ], + [ + "']", + ")čĊ" + ], + [ + "ĠI", + "onic" + ], + [ + "Ġp", + "esso" + ], + [ + "ĠKn", + "ights" + ], + [ + "ĠR", + "af" + ], + [ + "_attr", + "s" + ], + [ + "Ġrepe", + "al" + ], + [ + ">", + "Main" + ], + [ + "ĠOrder", + "ed" + ], + [ + "_N", + "ew" + ], + [ + "=\"", + "\">", + "\";Ċ" + ], + [ + "ĠS", + "ERVER" + ], + [ + "ĠHE", + "ADER" + ], + [ + "_", + "velocity" + ], + [ + "ĠIn", + "voke" + ], + [ + ".timestamp", + "s" + ], + [ + "Ġs", + "ulf" + ], + [ + "I", + "QUE" + ], + [ + "Ġinhabit", + "ants" + ], + [ + "ph", + "ins" + ], + [ + "azz", + "o" + ], + [ + "Ġmon", + "o" + ], + [ + "Leg", + "end" + ], + [ + "Ġnon", + "ce" + ], + [ + "IF", + "E" + ], + [ + ";", + "\";Ċ" + ], + [ + "-", + "create" + ], + [ + "\"", + "\",Ċ" + ], + [ + "per", + "mit" + ], + [ + "ĠImm", + "igration" + ], + [ + "Ġpath", + "name" + ], + [ + "ffect", + "ive" + ], + [ + "âĻĢ", + "âĻĢ" + ], + [ + "Ġex", + "ams" + ], + [ + "-", + "event" + ], + [ + "ĠT", + "ill" + ], + [ + "[m", + "id" + ], + [ + "F", + "IX" + ], + [ + ";", + "color" + ], + [ + "(", + "Order" + ], + [ + "_tra", + "its" + ], + [ + "Ġorder", + "By" + ], + [ + "Ġs", + "unt" + ], + [ + "ĠNich", + "olas" + ], + [ + "Ø", + "²" + ], + [ + "Ġsun", + "ny" + ], + [ + "in", + "ers" + ], + [ + "Ġaccess", + "ibility" + ], + [ + "ĠH", + "B" + ], + [ + ".com", + "p" + ], + [ + "ĉ", + "op" + ], + [ + "Ġminor", + "ities" + ], + [ + "ethe", + "us" + ], + [ + "Ġcollabor", + "ative" + ], + [ + "pr", + "it" + ], + [ + "H", + "IR" + ], + [ + "Ġwr", + "aps" + ], + [ + "ĉd", + "raw" + ], + [ + "g", + "od" + ], + [ + "ĠI", + "X" + ], + [ + ".app", + "s" + ], + [ + "ĠN", + "M" + ], + [ + "Ġirre", + "levant" + ], + [ + "ĠT", + "igers" + ], + [ + "Ġdi", + "ag" + ], + [ + "G", + "V" + ], + [ + "ĠAccess", + "ories" + ], + [ + "k", + "ont" + ], + [ + "Ġsimpl", + "ify" + ], + [ + "ĠF", + "avorite" + ], + [ + "_t", + "ools" + ], + [ + "([]", + ");Ċ" + ], + [ + "Ġtow", + "ers" + ], + [ + "B", + "es" + ], + [ + "Ġhun", + "ter" + ], + [ + "Ġsal", + "on" + ], + [ + "(b", + "uff" + ], + [ + "ĉ", + "debug" + ], + [ + "Ġmal", + "ware" + ], + [ + "M", + "oving" + ], + [ + "-", + "options" + ], + [ + ")", + "+'" + ], + [ + "ĠLO", + "VE" + ], + [ + "_S", + "OCKET" + ], + [ + "_f", + "in" + ], + [ + "ĠDel", + "aware" + ], + [ + "Ġsher", + "iff" + ], + [ + "-in", + "valid" + ], + [ + "ĠF", + "ULL" + ], + [ + "Ġп", + "од" + ], + [ + "el", + "as" + ], + [ + "\"", + "strings" + ], + [ + "ĠRepresent", + "atives" + ], + [ + "s", + "urface" + ], + [ + "res", + "olved" + ], + [ + "ht", + "docs" + ], + [ + "))", + ":čĊ" + ], + [ + "Ġpress", + "ures" + ], + [ + "Ġnorm", + "s" + ], + [ + "Ġpl", + "a" + ], + [ + "Ġs", + "urname" + ], + [ + "Ġpost", + "al" + ], + [ + "ĠDep", + "art" + ], + [ + "Ġsla", + "ughter" + ], + [ + "or", + "ida" + ], + [ + "Ġhe", + "bben" + ], + [ + "Ġdes", + "ar" + ], + [ + "comp", + "act" + ], + [ + "_L", + "ANG" + ], + [ + "åIJ", + "Ī" + ], + [ + "op", + "oly" + ], + [ + "_r", + "ad" + ], + [ + "ĠST", + "DMETHOD" + ], + [ + "L", + "azy" + ], + [ + "ĠĠĠ", + "ĉ" + ], + [ + "...", + "," + ], + [ + "(", + "web" + ], + [ + "ĠP", + "ont" + ], + [ + "Ġet", + "was" + ], + [ + "Ġup", + "ward" + ], + [ + "_h", + "at" + ], + [ + "Ġ],", + "ĊĊ" + ], + [ + "Ġbase", + "Url" + ], + [ + "Ġworry", + "ing" + ], + [ + "-add", + "on" + ], + [ + "(get", + "Class" + ], + [ + "S", + "PI" + ], + [ + "Ġcapt", + "uring" + ], + [ + ")", + "},Ċ" + ], + [ + "Effect", + "s" + ], + [ + "Ġcompet", + "ent" + ], + [ + "Ġf", + "oul" + ], + [ + "Ġsubscri", + "bing" + ], + [ + "ĠO", + "BJECT" + ], + [ + "IX", + "EL" + ], + [ + "b", + "ucks" + ], + [ + "(", + "edge" + ], + [ + "(p", + "ass" + ], + [ + "ĠPet", + "erson" + ], + [ + "Ġbo", + "obs" + ], + [ + "ĠD", + "elay" + ], + [ + "_s", + "quare" + ], + [ + "el", + "im" + ], + [ + "ot", + "ers" + ], + [ + "_P", + "C" + ], + [ + "%", + "E" + ], + [ + "on", + "click" + ], + [ + "ĠSV", + "G" + ], + [ + "Ġto", + "pped" + ], + [ + "Ġf", + "ist" + ], + [ + "sm", + "art" + ], + [ + "ĠR", + "alph" + ], + [ + "(", + "owner" + ], + [ + "j", + "ours" + ], + [ + "Ġbron", + "ze" + ], + [ + "ĠArgument", + "Exception" + ], + [ + "(", + "original" + ], + [ + "_S", + "CALE" + ], + [ + "_c", + "p" + ], + [ + "Ġrecomm", + "ends" + ], + [ + ".set", + "Style" + ], + [ + "S", + "ure" + ], + [ + "L", + "AND" + ], + [ + "Ġrepe", + "ating" + ], + [ + "M", + "att" + ], + [ + ".", + "Visibility" + ], + [ + "Ġenter", + "prises" + ], + [ + ".Set", + "up" + ], + [ + "(sc", + "ene" + ], + [ + "ĠRe", + "active" + ], + [ + "ur", + "ge" + ], + [ + "b", + "w" + ], + [ + ".P", + "ut" + ], + [ + "p", + "ersist" + ], + [ + ".c", + "ookie" + ], + [ + "ĠAud", + "i" + ], + [ + "`", + "s" + ], + [ + "sup", + "plier" + ], + [ + "(", + "Form" + ], + [ + "Â", + "¡" + ], + [ + "_s", + "o" + ], + [ + "Į", + "Ģ" + ], + [ + "ĠLeg", + "ion" + ], + [ + "t", + "te" + ], + [ + "N", + "d" + ], + [ + "L", + "oss" + ], + [ + "(", + "attrs" + ], + [ + ".sc", + "atter" + ], + [ + "Ġg", + "room" + ], + [ + "Ġgl", + "impse" + ], + [ + "Ġn", + "ails" + ], + [ + "Ġcum", + "ulative" + ], + [ + "Ġf", + "azer" + ], + [ + "_s", + "ervices" + ], + [ + ".N", + "um" + ], + [ + "ib", + "ilit" + ], + [ + "_res", + "olution" + ], + [ + "ĠT", + "x" + ], + [ + "umin", + "ium" + ], + [ + "op", + "a" + ], + [ + ".s", + "chedule" + ], + [ + "sm", + "tp" + ], + [ + "à¸", + "ķ" + ], + [ + "ur", + "ry" + ], + [ + "ü", + "k" + ], + [ + "go", + "og" + ], + [ + "_sign", + "ature" + ], + [ + ".int", + "o" + ], + [ + "ĠSte", + "ps" + ], + [ + "Ġhome", + "owners" + ], + [ + "ĠNS", + "URL" + ], + [ + "ĠP", + "AC" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĊĊ" + ], + [ + ">", + "')Ċ" + ], + [ + "en", + "h" + ], + [ + "Ġinc", + "ap" + ], + [ + "$", + "MESS" + ], + [ + "Ġmo", + "ins" + ], + [ + "ĠF", + "i" + ], + [ + "Ġoff", + "season" + ], + [ + "press", + "ions" + ], + [ + ">", + ".Ċ" + ], + [ + "ĠGr", + "ass" + ], + [ + "ĠGo", + "al" + ], + [ + "_p", + "df" + ], + [ + "Hand", + "lers" + ], + [ + "Ġstack", + "s" + ], + [ + ".get", + "FullYear" + ], + [ + "=[", + "];Ċ" + ], + [ + "è½", + "¦" + ], + [ + ",", + "V" + ], + [ + "(s", + "plit" + ], + [ + "Ñĥн", + "к" + ], + [ + "Ġbake", + "ca" + ], + [ + "Ġ~", + "/." + ], + [ + "pe", + "z" + ], + [ + "t", + "ails" + ], + [ + "ĠG", + "len" + ], + [ + "Ġset", + "Image" + ], + [ + "ĠCom", + "ic" + ], + [ + "B", + "LOCK" + ], + [ + "ĉ", + "This" + ], + [ + "o", + "ader" + ], + [ + "Ġcapital", + "ist" + ], + [ + "_ST", + "EP" + ], + [ + "(", + "Boolean" + ], + [ + "ĠCor", + "rect" + ], + [ + "r", + "ina" + ], + [ + "Ġconc", + "aten" + ], + [ + "å®", + "ŀ" + ], + [ + "()", + ":ĊĊ" + ], + [ + "Ġun", + "anim" + ], + [ + "ll", + "i" + ], + [ + "al", + "ars" + ], + [ + "-", + "ne" + ], + [ + "Ġdiv", + "or" + ], + [ + "ĠKick", + "starter" + ], + [ + "].", + "_" + ], + [ + "<", + "number" + ], + [ + "/m", + "enu" + ], + [ + "GR", + "APH" + ], + [ + "vis", + "itor" + ], + [ + "Ġimpro", + "per" + ], + [ + "_N", + "EXT" + ], + [ + "Ġb", + "isa" + ], + [ + "background", + "Color" + ], + [ + "/", + "input" + ], + [ + "Ġmo", + "i" + ], + [ + "Go", + "al" + ], + [ + "li", + "qu" + ], + [ + "Ġmiscon", + "duct" + ], + [ + "Ġcompr", + "ises" + ], + [ + "aw", + "ns" + ], + [ + "ĠP", + "ie" + ], + [ + "ra", + "is" + ], + [ + "role", + "um" + ], + [ + "Ġcur", + "se" + ], + [ + "y", + "u" + ], + [ + "_p", + "oll" + ], + [ + ".current", + "User" + ], + [ + "ES", + "H" + ], + [ + "])", + "[" + ], + [ + "Ġstory", + "t" + ], + [ + ")?", + ";Ċ" + ], + [ + "*", + "=" + ], + [ + "ĠB", + "urg" + ], + [ + "/", + "layout" + ], + [ + "_back", + "end" + ], + [ + ";", + "?>", + "*", + "'+" + ], + [ + "åĿ", + "Ģ" + ], + [ + "ac", + "ency" + ], + [ + "(", + "URL" + ], + [ + "_h", + "alf" + ], + [ + "=", + "l" + ], + [ + "Ġlist", + "View" + ], + [ + "(", + "section" + ], + [ + ".to", + "Array" + ], + [ + "+", + "/" + ], + [ + "ĠRodrig", + "uez" + ], + [ + "ist", + "ream" + ], + [ + "Ġelig", + "ibility" + ], + [ + "::", + "-" + ], + [ + ".new", + "Instance" + ], + [ + "P", + "B" + ], + [ + "ĠAs", + "sets" + ], + [ + "ĠCom", + "posite" + ], + [ + "ĠL", + "abs" + ], + [ + "ĠHam", + "as" + ], + [ + "++", + ");Ċ" + ], + [ + "Ġbl", + "k" + ], + [ + "ĠNe", + "o" + ], + [ + "L", + "uc" + ], + [ + "@", + "login" + ], + [ + "Ġun", + "aware" + ], + [ + ".m", + "et" + ], + [ + "_RE", + "LEASE" + ], + [ + "(", + "ST" + ], + [ + "AM", + "IL" + ], + [ + "ri", + "ke" + ], + [ + "Ġ(", + "){Ċ" + ], + [ + "(s", + "printf" + ], + [ + "ĠAccount", + "s" + ], + [ + "ĠV", + "IEW" + ], + [ + "ĠA", + "j" + ], + [ + "ãĤ", + "°" + ], + [ + "Ġwh", + "isk" + ], + [ + "Ġid", + "i" + ], + [ + "Ġro", + "de" + ], + [ + "Ġih", + "n" + ], + [ + "ĠElement", + "ary" + ], + [ + "Q", + "ty" + ], + [ + "Ġintrig", + "uing" + ], + [ + "Ġå", + "¤" + ], + [ + "J", + "obs" + ], + [ + "ĉ", + "offset" + ], + [ + "ĠAh", + "med" + ], + [ + "ĠTal", + "iban" + ], + [ + "Ġè", + "İ·åıĸ" + ], + [ + "Ġinject", + "ed" + ], + [ + ".Auth", + "entication" + ], + [ + "_line", + "ar" + ], + [ + ".Dec", + "imal" + ], + [ + "Ġapp", + "les" + ], + [ + "Ġshare", + "holders" + ], + [ + "Ġb", + "aked" + ], + [ + ".d", + "iff" + ], + [ + "ĠE", + "ddie" + ], + [ + "ok", + "ers" + ], + [ + "Ġconfront", + "ed" + ], + [ + "vo", + "ices" + ], + [ + "Ġt", + "us" + ], + [ + "ĠSp", + "in" + ], + [ + "N", + "ODE" + ], + [ + "_", + "Un" + ], + [ + "CT", + "X" + ], + [ + "/g", + "oogle" + ], + [ + "Tem", + "perature" + ], + [ + "Ġ'", + "')." + ], + [ + "Ġmagn", + "ificent" + ], + [ + "Ġstart", + "Index" + ], + [ + "semb", + "les" + ], + [ + "Any", + "one" + ], + [ + "z", + "k" + ], + [ + "eh", + "en" + ], + [ + "ĠD", + "ame" + ], + [ + ".", + "strict" + ], + [ + "Ġrepl", + "aces" + ], + [ + "Ġline", + "back" + ], + [ + "Ġpush", + "es" + ], + [ + "Ġche", + "ek" + ], + [ + "ĠSh", + "i" + ], + [ + "_BY", + "TES" + ], + [ + "RE", + "A" + ], + [ + "ả", + "n" + ], + [ + "_CON", + "NECTION" + ], + [ + "G", + "ateway" + ], + [ + "ĠTr", + "avis" + ], + [ + "ĠA", + "X" + ], + [ + "ĠBas", + "ically" + ], + [ + "ĠUp", + "grade" + ], + [ + "à", + "ª" + ], + [ + "th", + "emes" + ], + [ + "erm", + "o" + ], + [ + "k", + "or" + ], + [ + "F", + "emale" + ], + [ + "_att", + "ach" + ], + [ + "ĠìĤ¬", + "ìļ©" + ], + [ + "Ġpo", + "z" + ], + [ + "============", + "==Ċ" + ], + [ + "(s", + "ymbol" + ], + [ + "ĠS", + "ector" + ], + [ + "__", + ")ĊĊ" + ], + [ + "_p", + "adding" + ], + [ + "ï¼ļ", + "\"" + ], + [ + "Ġf", + "abs" + ], + [ + "Ġr", + "anged" + ], + [ + "set", + "Name" + ], + [ + "Ġp", + "error" + ], + [ + "â", + "Ĺ" + ], + [ + "ĠFile", + "Reader" + ], + [ + "Ġful", + "filled" + ], + [ + "_C", + "urrent" + ], + [ + "Ġdom", + "inate" + ], + [ + "Ġsm", + "ugg" + ], + [ + "Post", + "Mapping" + ], + [ + "_for", + "ce" + ], + [ + "Ġb", + "loc" + ], + [ + "ĠG", + "iant" + ], + [ + "(v", + "ideo" + ], + [ + "ĠC", + "U" + ], + [ + "System", + "Service" + ], + [ + "Ġ", + "elf" + ], + [ + "Ġkont", + "akt" + ], + [ + "ë", + "ª" + ], + [ + "ke", + "es" + ], + [ + "gt", + "k" + ], + [ + "Ġparam", + "Int" + ], + [ + "Ġmark", + "up" + ], + [ + "u", + "ales" + ], + [ + "Ġaccount", + "ed" + ], + [ + "Ġgang", + "bang" + ], + [ + "RY", + "PT" + ], + [ + "ĠW", + "rong" + ], + [ + "Ġcred", + "ited" + ], + [ + "ĠM", + "ESSAGE" + ], + [ + "Ġfl", + "aws" + ], + [ + "Ġbb", + "w" + ], + [ + "Ġmetab", + "olic" + ], + [ + "ĠO", + "EM" + ], + [ + "/", + "event" + ], + [ + "(C", + "ollectors" + ], + [ + "mont", + "on" + ], + [ + "ap", + "pear" + ], + [ + "Ġopt", + "ed" + ], + [ + "Ġche", + "at" + ], + [ + "Ġd", + "av" + ], + [ + "ĠPro", + "ceed" + ], + [ + "Ġê", + "¸" + ], + [ + "ank", + "ed" + ], + [ + "и", + "з" + ], + [ + "ans", + "k" + ], + [ + "ĠH", + "ang" + ], + [ + "ĠC", + "ler" + ], + [ + "Ġdis", + "gu" + ], + [ + "Ġc", + "map" + ], + [ + ".cl", + "js" + ], + [ + "Ġa", + "ument" + ], + [ + "le", + "z" + ], + [ + "ĠJo", + "ined" + ], + [ + "_re", + "ceived" + ], + [ + "Ġa", + "erial" + ], + [ + "ot", + "el" + ], + [ + "Ġgre", + "et" + ], + [ + "\"", + "s" + ], + [ + "ĠGen", + "esis" + ], + [ + "ĠCal", + "if" + ], + [ + "pan", + "ion" + ], + [ + "Ġtail", + "ored" + ], + [ + "m", + "apping" + ], + [ + "and", + "Expect" + ], + [ + ".tr", + "ack" + ], + [ + "at", + "omy" + ], + [ + "ĠO", + "w" + ], + [ + "ull", + "ah" + ], + [ + ".Y", + "es" + ], + [ + "ĠSimple", + "Name" + ], + [ + "db", + "h" + ], + [ + "'", + "en" + ], + [ + "Ġnons", + "ense" + ], + [ + "Ġphilosoph", + "ical" + ], + [ + "(get", + "Context" + ], + [ + "Ġis", + "so" + ], + [ + "ĠA", + "CE" + ], + [ + "start", + "Date" + ], + [ + "Ġb", + "ÄĻd" + ], + [ + "ĠAUTH", + "OR" + ], + [ + "ĠGlo", + "be" + ], + [ + "Ġinsect", + "s" + ], + [ + "_A", + "l" + ], + [ + "ush", + "ing" + ], + [ + "è®", + "°" + ], + [ + "/", + "Home" + ], + [ + "ĠLocal", + "Date" + ], + [ + "need", + "ed" + ], + [ + "hes", + "ive" + ], + [ + "Ġill", + "usion" + ], + [ + "äº", + "Į" + ], + [ + "Ġtr", + "at" + ], + [ + "x", + "o" + ], + [ + "/d", + "etail" + ], + [ + "_M", + "ATCH" + ], + [ + "Ġbroad", + "band" + ], + [ + "Ġw", + "al" + ], + [ + "ĠIllegal", + "StateException" + ], + [ + "IRE", + "CTION" + ], + [ + "Ġnor", + "theast" + ], + [ + "es", + "ium" + ], + [ + "ĠClient", + "e" + ], + [ + "ul", + "ance" + ], + [ + "nt", + "y" + ], + [ + "Ġt", + "ecn" + ], + [ + "Dev", + "ices" + ], + [ + "Ġgr", + "ains" + ], + [ + "ĠO", + "g" + ], + [ + "ĠS", + "EL" + ], + [ + "ud", + "iant" + ], + [ + "Ġ++", + ";Ċ" + ], + [ + "Ġexplan", + "ations" + ], + [ + "oc", + "co" + ], + [ + "Ġdi", + "ets" + ], + [ + "Ġco", + "hort" + ], + [ + "(", + "controller" + ], + [ + ".Iter", + "ator" + ], + [ + "-r", + "ich" + ], + [ + "ro", + "cess" + ], + [ + "G", + "D" + ], + [ + "Ġcar", + "bohydr" + ], + [ + "Ġfri", + "ed" + ], + [ + "ĠEmploy", + "ment" + ], + [ + "ìŀ", + "¥" + ], + [ + "ĠLeon", + "ard" + ], + [ + "_", + "${" + ], + [ + "qu", + "ares" + ], + [ + "Ġcompan", + "ions" + ], + [ + "Ġpar", + "is" + ], + [ + "Ġstim", + "ulation" + ], + [ + "ĠZ", + "oo" + ], + [ + "Ġre", + "levance" + ], + [ + "ĠCol", + "our" + ], + [ + "Ġspe", + "ar" + ], + [ + "ot", + "ional" + ], + [ + "ĠL", + "ite" + ], + [ + "ĠK", + "osten" + ], + [ + "ĠÃ", + "³" + ], + [ + "_att", + "achment" + ], + [ + "orph", + "ic" + ], + [ + "Ġdam", + "it" + ], + [ + "Ġd", + "lg" + ], + [ + "Ġthr", + "ive" + ], + [ + "CH", + "ANGE" + ], + [ + "ĠApp", + "arently" + ], + [ + "Ġat", + "ual" + ], + [ + "Ġroot", + "ed" + ], + [ + "(", + "images" + ], + [ + "aw", + "i" + ], + [ + "ari", + "at" + ], + [ + "Ġch", + "erry" + ], + [ + "STAT", + "IC" + ], + [ + "m", + "nt" + ], + [ + "ĠUser", + "Id" + ], + [ + "il", + "let" + ], + [ + "ĠHis", + "panic" + ], + [ + "Ġn", + "ak" + ], + [ + "Ġcent", + "ro" + ], + [ + "Ġdim", + "s" + ], + [ + "_initial", + "ize" + ], + [ + "ı", + "k" + ], + [ + "ĠCent", + "ers" + ], + [ + "RE", + "N" + ], + [ + "Ġevolution", + "ary" + ], + [ + "ĠTop", + "ics" + ], + [ + "_d", + "amage" + ], + [ + "em", + "er" + ], + [ + "Ġr", + "und" + ], + [ + "Ġpun", + "ished" + ], + [ + "Ġcub", + "ic" + ], + [ + "f", + "air" + ], + [ + "[]", + ";ĊĊ" + ], + [ + "Ġinstant", + "iate" + ], + [ + "Ġover", + "see" + ], + [ + "-", + "delete" + ], + [ + "unte", + "er" + ], + [ + "start", + "Time" + ], + [ + "ĠP", + "ipeline" + ], + [ + "_G", + "AME" + ], + [ + "ĠC", + "ir" + ], + [ + "ĉ", + "Null" + ], + [ + ".Format", + "ting" + ], + [ + "uc", + "umber" + ], + [ + "ĠR", + "ide" + ], + [ + "Ġz", + "oo" + ], + [ + "Ġcheck", + "er" + ], + [ + "åIJ", + "Į" + ], + [ + "=", + "C" + ], + [ + "Ġg", + "rit" + ], + [ + "\");", + "//" + ], + [ + "_x", + "y" + ], + [ + "ĠDe", + "claration" + ], + [ + "Ġcall", + "able" + ], + [ + "F", + "oo" + ], + [ + "ĠList", + "Item" + ], + [ + "Ġin", + "accur" + ], + [ + "ml", + "in" + ], + [ + "ĉ", + "Data" + ], + [ + "Ġev", + "olving" + ], + [ + "aw", + "an" + ], + [ + "Ġca", + "fe" + ], + [ + "fol", + "k" + ], + [ + "_ID", + "X" + ], + [ + "ĠAny", + "thing" + ], + [ + "ĠPalest", + "ine" + ], + [ + "ĠGrid", + "View" + ], + [ + "Ġcol", + "ony" + ], + [ + "ĠGerm", + "ans" + ], + [ + "(", + "+" + ], + [ + ".p", + "id" + ], + [ + ".js", + "x" + ], + [ + "ĠSuper", + "ior" + ], + [ + "Christ", + "ian" + ], + [ + "ĠL", + "ect" + ], + [ + "ĉ", + "Game" + ], + [ + "Ġinstrument", + "al" + ], + [ + "Anim", + "ations" + ], + [ + "д", + "ал" + ], + [ + "ĠMos", + "es" + ], + [ + "ĉĉčĊ", + "ĉĉčĊ" + ], + [ + "z", + "s" + ], + [ + "k", + "te" + ], + [ + "ä¸", + "ļ" + ], + [ + "_D", + "IST" + ], + [ + "bit", + "map" + ], + [ + "d", + "B" + ], + [ + "Ġp", + "ersistence" + ], + [ + "ÑĢ", + "оÑģ" + ], + [ + "$", + "l" + ], + [ + "B", + "ron" + ], + [ + "Ġ{", + "|" + ], + [ + "_ch", + "art" + ], + [ + "ĠCon", + "sum" + ], + [ + "Ġh", + "emp" + ], + [ + "Ġ\"", + "))Ċ" + ], + [ + "Ġattack", + "ers" + ], + [ + "Ġknowledge", + "able" + ], + [ + "Ġc", + "et" + ], + [ + "Ġvir", + "uses" + ], + [ + "'", + "I" + ], + [ + "Ġpitch", + "er" + ], + [ + "Ġsweep", + "ing" + ], + [ + "=", + "list" + ], + [ + "apt", + "ops" + ], + [ + ".de", + "pth" + ], + [ + "Ġinstruct", + "ed" + ], + [ + "ĠR", + "us" + ], + [ + "benh", + "avn" + ], + [ + "Ġи", + "н" + ], + [ + "S", + "ports" + ], + [ + "Ġon", + "set" + ], + [ + "æĿ", + "ĥ" + ], + [ + ".", + "RED" + ], + [ + "_s", + "i" + ], + [ + "ĠP", + "ST" + ], + [ + ".on", + "Change" + ], + [ + ">", + "tag" + ], + [ + "ĠR", + "oh" + ], + [ + "_char", + "acter" + ], + [ + "ĠLaw", + "s" + ], + [ + "ĠB", + "achelor" + ], + [ + "_s", + "wap" + ], + [ + ".re", + "activex" + ], + [ + "Ġreward", + "ing" + ], + [ + "Med", + "ium" + ], + [ + "-", + "[" + ], + [ + "ĠRec", + "ently" + ], + [ + "J", + "oint" + ], + [ + "part", + "ition" + ], + [ + "ĠMin", + "utes" + ], + [ + "Ġind", + "o" + ], + [ + "Ġabsor", + "bed" + ], + [ + "ĠG", + "N" + ], + [ + "_IN", + "D" + ], + [ + "Ġsab", + "er" + ], + [ + "Sp", + "awn" + ], + [ + "output", + "s" + ], + [ + "ĠJeff", + "rey" + ], + [ + "Ġmed", + "ieval" + ], + [ + "h", + "ed" + ], + [ + "Gu", + "ide" + ], + [ + "Ġpsy", + "cho" + ], + [ + "Ġgl", + "am" + ], + [ + "E", + "lim" + ], + [ + "äd", + "chen" + ], + [ + "_pl", + "ain" + ], + [ + "ĠS", + "au" + ], + [ + "-f", + "our" + ], + [ + "Ġanaly", + "zing" + ], + [ + "QU", + "ERY" + ], + [ + "Ġtom", + "ato" + ], + [ + "_button", + "s" + ], + [ + "V", + "EN" + ], + [ + ".set", + "Status" + ], + [ + ".", + "Url" + ], + [ + "+", + "ĊĊ" + ], + [ + "Ġcompl", + "aining" + ], + [ + "deg", + "ree" + ], + [ + "conf", + "irmed" + ], + [ + "Ġsub", + "t" + ], + [ + "p", + "arsed" + ], + [ + "Ġtor", + "que" + ], + [ + "Ġtroub", + "led" + ], + [ + "ĠT", + "ARGET" + ], + [ + "Ġtrad", + "emarks" + ], + [ + "ĠCo", + "ordinate" + ], + [ + "ĠV", + "iv" + ], + [ + "Ġ//", + "}ĊĊ" + ], + [ + "Ġapr", + "ès" + ], + [ + ".get", + "Position" + ], + [ + "(Key", + "Code" + ], + [ + "ĠSil", + "va" + ], + [ + "Ġmet", + "eor" + ], + [ + "Ġendorse", + "ment" + ], + [ + "Over", + "view" + ], + [ + "ĠP", + "oss" + ], + [ + ".In", + "ject" + ], + [ + "Ġeven", + "ly" + ], + [ + "Ġvisual", + "ization" + ], + [ + "Ġw", + "char" + ], + [ + "ĠH", + "DMI" + ], + [ + "Ġfun", + "ct" + ], + [ + "ick", + "name" + ], + [ + "','", + "','" + ], + [ + "Ġfor", + "wards" + ], + [ + "Managed", + "Object" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "ĉ", + "server" + ], + [ + "ĠOut", + "look" + ], + [ + "ĠChron", + "icle" + ], + [ + "Ġdub", + "bed" + ], + [ + "Ġd", + "ok" + ], + [ + "ĠW", + "ear" + ], + [ + ".A", + "L" + ], + [ + "pare", + "n" + ], + [ + ".", + "Interface" + ], + [ + "Inter", + "faces" + ], + [ + ".c", + "od" + ], + [ + "Ġd", + "ib" + ], + [ + ".Global", + "ization" + ], + [ + "ĠAcad", + "emic" + ], + [ + "Ġass", + "ms" + ], + [ + "Aut", + "om" + ], + [ + "Ġl", + "w" + ], + [ + "ĠN", + "W" + ], + [ + "Ġ&&", + "čĊ" + ], + [ + "Ġproble", + "ma" + ], + [ + "ĠManufact", + "uring" + ], + [ + "lim", + "its" + ], + [ + "-m", + "obile" + ], + [ + "Ġfil", + "me" + ], + [ + "/", + "map" + ], + [ + "Ġdo", + "it" + ], + [ + "ĠIn", + "k" + ], + [ + "Ġsu", + "ed" + ], + [ + ".", + "arr" + ], + [ + "Ġunder", + "min" + ], + [ + "ĠPro", + "c" + ], + [ + "croll", + "View" + ], + [ + "__", + "$" + ], + [ + "Ġsidew", + "alk" + ], + [ + "(", + "that" + ], + [ + "à¸", + "·" + ], + [ + "[", + "q" + ], + [ + "gram", + "mar" + ], + [ + "Ġt", + "ë" + ], + [ + "qu", + "ito" + ], + [ + "Ġspir", + "al" + ], + [ + "ext", + "ended" + ], + [ + "Ġf", + "ocal" + ], + [ + "Ġdig", + "ging" + ], + [ + "p", + "as" + ], + [ + "ĠT", + "all" + ], + [ + ".pro", + "xy" + ], + [ + "it", + "ures" + ], + [ + "TR", + "ACT" + ], + [ + "ĠRe", + "alm" + ], + [ + "Ġf", + "eder" + ], + [ + "Ġorient", + "ed" + ], + [ + "ĠAltern", + "ative" + ], + [ + "Ġo", + "we" + ], + [ + "Ġsour", + "ced" + ], + [ + "ink", + "er" + ], + [ + ".d", + "et" + ], + [ + "S", + "ep" + ], + [ + "ĠQ", + "ui" + ], + [ + "ĠPal", + "mer" + ], + [ + "(_", + "," + ], + [ + "s", + "amples" + ], + [ + "oy", + "er" + ], + [ + "ull", + "an" + ], + [ + "que", + "z" + ], + [ + "Ed", + "ges" + ], + [ + "Ġsh", + "out" + ], + [ + "ĠA", + "chie" + ], + [ + "Ġha", + "ar" + ], + [ + "_Con", + "struct" + ], + [ + "Ġprem", + "ature" + ], + [ + "Ġre", + "vert" + ], + [ + "').", + "Ċ" + ], + [ + "Ġs", + "chn" + ], + [ + "filter", + "ed" + ], + [ + "null", + "ptr" + ], + [ + "S", + "aved" + ], + [ + "itect", + "ure" + ], + [ + "CL", + "A" + ], + [ + "Ġv", + "l" + ], + [ + "st", + "ell" + ], + [ + "ĉ", + "Me" + ], + [ + "ĠL", + "ip" + ], + [ + "n", + "ational" + ], + [ + "Ġwh", + "olly" + ], + [ + "Ġspr", + "ings" + ], + [ + ".T", + "imer" + ], + [ + "ĉs", + "rc" + ], + [ + "els", + "en" + ], + [ + "åħ", + "¶" + ], + [ + "Ġcommunic", + "ating" + ], + [ + "ĠQu", + "iz" + ], + [ + "Ġt", + "eng" + ], + [ + "Ġge", + "z" + ], + [ + "ĠOut", + "side" + ], + [ + ".S", + "ign" + ], + [ + "(c", + "s" + ], + [ + "Ġdisput", + "es" + ], + [ + "ĠWe", + "iss" + ], + [ + "ann", + "es" + ], + [ + ">", + "No" + ], + [ + "ĠB", + "ach" + ], + [ + ".remove", + "All" + ], + [ + "re", + "fer" + ], + [ + "/d", + "ashboard" + ], + [ + "ĠA", + "jax" + ], + [ + "Index", + "Changed" + ], + [ + "ĠWe", + "ak" + ], + [ + "'", + "\"Ċ" + ], + [ + "Ġs", + "ights" + ], + [ + "access", + "Token" + ], + [ + "ĠJ", + "oi" + ], + [ + "(d", + "omain" + ], + [ + "ĉc", + "v" + ], + [ + "Ġcontin", + "uation" + ], + [ + "Ġpl", + "um" + ], + [ + "ad", + "ir" + ], + [ + ".set", + "Message" + ], + [ + "Ġ", + "ï¼Į" + ], + [ + "Ġsw", + "allow" + ], + [ + "ĠL", + "amp" + ], + [ + "Ġq", + "w" + ], + [ + "Ġu", + "u" + ], + [ + "C", + "oin" + ], + [ + "ub", + "ic" + ], + [ + "ĠDe", + "als" + ], + [ + "r", + "ace" + ], + [ + "Ġdict", + "ator" + ], + [ + "Ġmem", + "e" + ], + [ + "turn", + "ed" + ], + [ + "ĠJul", + "ie" + ], + [ + ".grid", + "Column" + ], + [ + "Ġpup", + "py" + ], + [ + "Ġp", + "am" + ], + [ + "Ġ)", + "{čĊ" + ], + [ + "Ġinv", + "iting" + ], + [ + "Ġf", + "rench" + ], + [ + "v", + "im" + ], + [ + "Ġwr", + "apping" + ], + [ + "Ġ#-", + "}Ċ" + ], + [ + "([", + "-" + ], + [ + "Ear", + "ly" + ], + [ + "Ġsh", + "iny" + ], + [ + ".f", + "aces" + ], + [ + "Ġreb", + "ell" + ], + [ + "abc", + "def" + ], + [ + "ä", + "lt" + ], + [ + "Ġest", + "imation" + ], + [ + "ph", + "ys" + ], + [ + "los", + "ures" + ], + [ + "_RE", + "L" + ], + [ + "Ġex", + "clusion" + ], + [ + "ĠSk", + "ype" + ], + [ + "we", + "ise" + ], + [ + "-st", + "op" + ], + [ + "no", + "thing" + ], + [ + "ĠE", + "gg" + ], + [ + "is", + "ors" + ], + [ + "Rich", + "ard" + ], + [ + "Ġcounsel", + "ing" + ], + [ + "Ġcomm", + "em" + ], + [ + "ĠQ", + "MessageBox" + ], + [ + "ĠSy", + "nd" + ], + [ + "ĠFro", + "st" + ], + [ + "ĠCompet", + "ition" + ], + [ + "ĠAw", + "ake" + ], + [ + "Ġt", + "ed" + ], + [ + "ic", + "iones" + ], + [ + "ĠDev", + "Components" + ], + [ + "VERTISE", + "MENT" + ], + [ + "ott", + "i" + ], + [ + ".run", + "ner" + ], + [ + "Ġuniqu", + "ely" + ], + [ + ".fl", + "ag" + ], + [ + "ĉ", + "rs" + ], + [ + "_g", + "eneric" + ], + [ + "Ġ``", + "`Ċ" + ], + [ + "ACH", + "INE" + ], + [ + "Ġme", + "in" + ], + [ + "(", + "Application" + ], + [ + "(", + "br" + ], + [ + "Ġrat", + "ios" + ], + [ + ":", + "," + ], + [ + "ĠXCT", + "est" + ], + [ + "ustain", + "able" + ], + [ + "-", + "www" + ], + [ + "it", + "les" + ], + [ + "_T", + "EMP" + ], + [ + "Ġs", + "yst" + ], + [ + "umeric", + "UpDown" + ], + [ + "ĉassert", + "True" + ], + [ + "Ġw", + "f" + ], + [ + ".", + "peek" + ], + [ + "ĠBul", + "g" + ], + [ + "Ġterr", + "ifying" + ], + [ + ".M", + "ODE" + ], + [ + "ĠG", + "W" + ], + [ + "á", + "r" + ], + [ + "Ġf", + "ic" + ], + [ + "Ġcommit", + "ments" + ], + [ + "-", + "tech" + ], + [ + "ĠL", + "iquid" + ], + [ + "ope", + "z" + ], + [ + "z", + "heimer" + ], + [ + "a", + "ña" + ], + [ + "-m", + "edia" + ], + [ + "(", + "animated" + ], + [ + "_go", + "al" + ], + [ + "Ġg", + "um" + ], + [ + "yst", + "one" + ], + [ + ".S", + "ET" + ], + [ + "ĠW", + "end" + ], + [ + "set", + "CellValue" + ], + [ + "Ġmsg", + "s" + ], + [ + "c", + "ash" + ], + [ + "AL", + "LOC" + ], + [ + "/", + "aws" + ], + [ + "Ġmic", + "rowave" + ], + [ + ".Point", + "er" + ], + [ + "ĉ", + "Console" + ], + [ + "_s", + "orted" + ], + [ + "ĠFil", + "ip" + ], + [ + "Pro", + "d" + ], + [ + "Ġ//!", + "<" + ], + [ + "ing", + "roup" + ], + [ + "Ġk", + "s" + ], + [ + "_T", + "RI" + ], + [ + "Ġteas", + "poon" + ], + [ + "ĠAT", + "T" + ], + [ + "Ġrecover", + "ing" + ], + [ + "ĠG", + "LOBAL" + ], + [ + ".P", + "ar" + ], + [ + "Ġ/>", + ";Ċ" + ], + [ + "Ġmar", + "ble" + ], + [ + "ul", + "ators" + ], + [ + "ĠC", + "ycle" + ], + [ + "Ġher", + "bs" + ], + [ + "_m", + "etric" + ], + [ + ")", + "!" + ], + [ + "_C", + "LOCK" + ], + [ + "_", + "Button" + ], + [ + "H", + "arry" + ], + [ + "è¿", + "Ľ" + ], + [ + "Ġstr", + "ains" + ], + [ + "ĠApp", + "Bar" + ], + [ + "ĠCh", + "an" + ], + [ + "/v", + "ideo" + ], + [ + "Ġb", + "am" + ], + [ + ".Pro", + "gress" + ], + [ + "$", + "f" + ], + [ + "lem", + "en" + ], + [ + "Ġir", + "regular" + ], + [ + "ĠD", + "uncan" + ], + [ + "ĠM", + "int" + ], + [ + "-v", + "ideo" + ], + [ + "à¦", + "¾" + ], + [ + "ó", + "wn" + ], + [ + "ĠEM", + "PTY" + ], + [ + "Ġstack", + "ed" + ], + [ + "ĠH", + "A" + ], + [ + "_c", + "ut" + ], + [ + "Ġwhere", + "in" + ], + [ + "ĠW", + "ays" + ], + [ + "(count", + "er" + ], + [ + "è¯", + "ķ" + ], + [ + "Form", + "Group" + ], + [ + "Ġble", + "w" + ], + [ + "c", + "ourses" + ], + [ + "Ġproduct", + "os" + ], + [ + "ry", + "s" + ], + [ + "ĠRest", + "r" + ], + [ + "Ġsty", + "ling" + ], + [ + ">", + "s" + ], + [ + "Ġp", + "iv" + ], + [ + "Ġit", + "ertools" + ], + [ + "get", + "Repository" + ], + [ + "ĠI", + "k" + ], + [ + "_dev", + "ices" + ], + [ + "lay", + "ui" + ], + [ + "Ġhalf", + "way" + ], + [ + "Ġfran", + "ç" + ], + [ + "Ġtun", + "ing" + ], + [ + "O", + "A" + ], + [ + "_N", + "ode" + ], + [ + "ar", + "de" + ], + [ + "Ġfier", + "ce" + ], + [ + "lic", + "ted" + ], + [ + "#", + "čĊ" + ], + [ + "Ġbreak", + "through" + ], + [ + "ĠE", + "rik" + ], + [ + "Ġb", + "ride" + ], + [ + "Ġ.", + "\"" + ], + [ + "cul", + "us" + ], + [ + "ins", + "ide" + ], + [ + "ĠIndian", + "apolis" + ], + [ + "ĠE", + "E" + ], + [ + "Ġy", + "og" + ], + [ + "urre", + "t" + ], + [ + ".f", + "s" + ], + [ + ".", + "grad" + ], + [ + "_c", + "ards" + ], + [ + "_ac", + "curacy" + ], + [ + "_ep", + "i" + ], + [ + "qu", + "eda" + ], + [ + "/", + "org" + ], + [ + "é", + "ªĮ" + ], + [ + "Ġcom", + "pte" + ], + [ + "))", + "[" + ], + [ + "Out", + "side" + ], + [ + "G", + "reater" + ], + [ + "ĠRender", + "er" + ], + [ + ".", + "actor" + ], + [ + "Account", + "s" + ], + [ + "Id", + "le" + ], + [ + "_h", + "ours" + ], + [ + "ern", + "er" + ], + [ + "Jo", + "ined" + ], + [ + "Ġmen", + "j" + ], + [ + "requ", + "ires" + ], + [ + "ĠO", + "PER" + ], + [ + ".remove", + "Child" + ], + [ + "ĉs", + "p" + ], + [ + "Ġes", + "se" + ], + [ + "r", + "ift" + ], + [ + "xF", + "E" + ], + [ + "ĠSh", + "akespeare" + ], + [ + "________", + "____" + ], + [ + "Ġbudget", + "s" + ], + [ + "Model", + "State" + ], + [ + "fill", + "able" + ], + [ + "-", + "component" + ], + [ + "oc", + "os" + ], + [ + "ĠBUT", + "TON" + ], + [ + "/", + "io" + ], + [ + ",", + "out" + ], + [ + "s", + "ms" + ], + [ + "Th", + "omas" + ], + [ + "ĠAr", + "med" + ], + [ + "res", + "ume" + ], + [ + "Ġrot", + "ating" + ], + [ + "ĠV", + "ault" + ], + [ + "Ġse", + "us" + ], + [ + ".", + "(*" + ], + [ + "Ġa", + "mino" + ], + [ + "Ġ[]", + ");ĊĊ" + ], + [ + "Ġprov", + "oc" + ], + [ + "no", + "x" + ], + [ + ".Get", + "Enumerator" + ], + [ + "====", + "===Ċ" + ], + [ + "æĸ", + "Ļ" + ], + [ + "_sc", + "roll" + ], + [ + "Ġfil", + "med" + ], + [ + "ĠS", + "oci" + ], + [ + "g", + "ap" + ], + [ + "g", + "ro" + ], + [ + "V", + "ote" + ], + [ + "\"", + "But" + ], + [ + "_R", + "C" + ], + [ + "An", + "imal" + ], + [ + "Â", + "Ģ" + ], + [ + "ib", + "ile" + ], + [ + "Ġaw", + "aken" + ], + [ + "ore", + "st" + ], + [ + "in", + "ja" + ], + [ + "ĠI", + "van" + ], + [ + "(", + "Command" + ], + [ + "Ġ", + "*****" + ], + [ + "Î", + "·" + ], + [ + "Ġkv", + "inder" + ], + [ + "/h", + "elpers" + ], + [ + "_c", + "ases" + ], + [ + "t", + "g" + ], + [ + "ìĦ", + "¸" + ], + [ + "Register", + "ed" + ], + [ + "ĉp", + "ass" + ], + [ + "_d", + "igits" + ], + [ + "Ġcont", + "our" + ], + [ + "Ġinf", + "ants" + ], + [ + "Ġjust", + "ification" + ], + [ + "ĠFort", + "unately" + ], + [ + "Con", + "tr" + ], + [ + "ĠonCreate", + "View" + ], + [ + "_S", + "AMPLE" + ], + [ + "Ġallow", + "Null" + ], + [ + "Ġn", + "ud" + ], + [ + "Ġfet", + "ched" + ], + [ + "_e", + "qu" + ], + [ + "ĠUn", + "able" + ], + [ + "=\\\"", + "\"" + ], + [ + ">", + "{Ċ" + ], + [ + "Ġcommit", + "tees" + ], + [ + "ist", + "ema" + ], + [ + "+", + "\"." + ], + [ + "ÃŃ", + "an" + ], + [ + "m", + "ant" + ], + [ + "Ġsou", + "theast" + ], + [ + "ï¼Į", + "Ċ" + ], + [ + "dialog", + "s" + ], + [ + "PRO", + "JECT" + ], + [ + "charg", + "er" + ], + [ + "-", + "port" + ], + [ + "(u", + "uid" + ], + [ + ".", + "export" + ], + [ + "S", + "ix" + ], + [ + "ĠR", + "P" + ], + [ + "P", + "rem" + ], + [ + "Ġconsc", + "ience" + ], + [ + "Ġmargin", + "Right" + ], + [ + "_d", + "istribution" + ], + [ + "y", + "aml" + ], + [ + "res", + "izing" + ], + [ + "D", + "ock" + ], + [ + "ĠLoc", + "ations" + ], + [ + "G", + "Y" + ], + [ + "Se", + "ed" + ], + [ + "B", + "UFFER" + ], + [ + "oss", + "ip" + ], + [ + "ull", + "en" + ], + [ + "Th", + "ings" + ], + [ + "-", + "self" + ], + [ + ".p", + "oll" + ], + [ + "PL", + "AYER" + ], + [ + "Ġå", + "®" + ], + [ + "G", + "ROUP" + ], + [ + "ĠA", + "way" + ], + [ + "Ġg", + "ospel" + ], + [ + "xf", + "d" + ], + [ + "M", + "ary" + ], + [ + "ĠPort", + "able" + ], + [ + "T", + "URE" + ], + [ + "Ġutil", + "is" + ], + [ + "Ġse", + "it" + ], + [ + "Ġstr", + "and" + ], + [ + "Ġtrans", + "c" + ], + [ + "Ġ(", + "^" + ], + [ + "ĠAl", + "fred" + ], + [ + ".m", + "em" + ], + [ + ".c", + "ircle" + ], + [ + "Ġ~", + "/" + ], + [ + "for", + "cing" + ], + [ + "Ġr", + "iot" + ], + [ + "pro", + "x" + ], + [ + "TH", + "ON" + ], + [ + "iz", + "ación" + ], + [ + "ĠN", + "I" + ], + [ + "ro", + "st" + ], + [ + "Ġdis", + "pro" + ], + [ + "_in", + "stances" + ], + [ + "ï¼Į", + "âĢľ" + ], + [ + "ograph", + "er" + ], + [ + "end", + "as" + ], + [ + "ĠIsa", + "ac" + ], + [ + "ĠP", + "ine" + ], + [ + "/d", + "is" + ], + [ + "Ġcolor", + "With" + ], + [ + "iter", + "ate" + ], + [ + "_str", + "ide" + ], + [ + "Ġpun", + "to" + ], + [ + ".Event", + "Args" + ], + [ + "(", + "center" + ], + [ + "Ġneighb", + "oring" + ], + [ + "ĠPr", + "ison" + ], + [ + "ĠMess", + "enger" + ], + [ + "Ġepid", + "emic" + ], + [ + "da", + "o" + ], + [ + "_com", + "plex" + ], + [ + "Ġgr", + "avel" + ], + [ + "_D", + "IP" + ], + [ + "é", + "ment" + ], + [ + "ĠA", + "ri" + ], + [ + "_bit", + "map" + ], + [ + ".qu", + "it" + ], + [ + "(", + "valid" + ], + [ + "Ġp", + "end" + ], + [ + "Ġrespir", + "atory" + ], + [ + "Ġre", + "bound" + ], + [ + "Default", + "Value" + ], + [ + "ãĥ", + "Ń" + ], + [ + "Ġcomm", + "its" + ], + [ + ".test", + "s" + ], + [ + "_f", + "r" + ], + [ + "it", + "et" + ], + [ + ".s", + "f" + ], + [ + "Ġspace", + "craft" + ], + [ + "c", + "ritical" + ], + [ + "Ġde", + "pressed" + ], + [ + "ĠAny", + "Object" + ], + [ + "Ġun", + "b" + ], + [ + "Ġdisc", + "ern" + ], + [ + "(m", + "ysql" + ], + [ + "L", + "atin" + ], + [ + "ĠB", + "og" + ], + [ + "ĠWild", + "life" + ], + [ + "To", + "File" + ], + [ + "iox", + "id" + ], + [ + "@", + "RestController" + ], + [ + "Ġ\"$", + "(" + ], + [ + "Ġ<<", + "\"" + ], + [ + "Ġdefect", + "s" + ], + [ + "Ġdat", + "um" + ], + [ + "h", + "in" + ], + [ + "Ġreal", + "izar" + ], + [ + "any", + "ahu" + ], + [ + "ĠS", + "ig" + ], + [ + "@", + "Data" + ], + [ + "ad", + "aptive" + ], + [ + "ĠC", + "atherine" + ], + [ + ".c", + "r" + ], + [ + "ĠCO", + "OKIE" + ], + [ + "Ġp", + "ictured" + ], + [ + "ĠFight", + "er" + ], + [ + "Query", + "able" + ], + [ + "ĠAny", + "way" + ], + [ + "ĠGL", + "FW" + ], + [ + "_n", + "amespace" + ], + [ + "_", + "ft" + ], + [ + "Ġ]", + ")" + ], + [ + "Organ", + "ization" + ], + [ + "Ġconstit", + "utes" + ], + [ + "Ġqu", + "and" + ], + [ + "(ch", + "unk" + ], + [ + "\"/", + ">čĊ" + ], + [ + "ĠL", + "akes" + ], + [ + "main", + "window" + ], + [ + "Car", + "thy" + ], + [ + "sp", + "in" + ], + [ + "(c", + "sv" + ], + [ + ":", + "red" + ], + [ + "-com", + "merce" + ], + [ + "à¸", + "¹" + ], + [ + "Ġdiscover", + "ing" + ], + [ + "Ġe", + "co" + ], + [ + "_f", + "ac" + ], + [ + "inc", + "eton" + ], + [ + "ĠGre", + "ens" + ], + [ + "j", + "wt" + ], + [ + "Ø", + "µ" + ], + [ + "ĠBron", + "cos" + ], + [ + "ĠGood", + "s" + ], + [ + "(G", + "TK" + ], + [ + "Ġreturn", + "Value" + ], + [ + "Ġsi", + "empre" + ], + [ + "Ġneut", + "r" + ], + [ + "w", + "ent" + ], + [ + "ĠN", + "atal" + ], + [ + "Ġenthusi", + "astic" + ], + [ + "á»", + "į" + ], + [ + "F", + "N" + ], + [ + "/d", + "atabase" + ], + [ + "C", + "atalog" + ], + [ + "Ġbr", + "un" + ], + [ + "ĠK", + "ash" + ], + [ + "_P", + "l" + ], + [ + "isc", + "rim" + ], + [ + ",", + "width" + ], + [ + "Ġin", + "mates" + ], + [ + "Ass", + "ignment" + ], + [ + "ĠH", + "aven" + ], + [ + "Ġplay", + "ground" + ], + [ + "ex", + "am" + ], + [ + "@", + "Controller" + ], + [ + "ul", + "iar" + ], + [ + ".get", + "Parent" + ], + [ + "Ġ\"", + ";ĊĊ" + ], + [ + ":", + "size" + ], + [ + "iss", + "ors" + ], + [ + "Ġf", + "is" + ], + [ + "Ġal", + "c" + ], + [ + "ens", + "ation" + ], + [ + "ĠN", + "ixon" + ], + [ + "Ġmight", + "y" + ], + [ + "-", + "str" + ], + [ + "_s", + "pecial" + ], + [ + "_A", + "DC" + ], + [ + "ĠTw", + "ig" + ], + [ + "um", + "bling" + ], + [ + "-", + "address" + ], + [ + "Ġher", + "oin" + ], + [ + "Y", + "TE" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĊ" + ], + [ + "F", + "riend" + ], + [ + "Ġa", + "ve" + ], + [ + "ĠP", + "NG" + ], + [ + "ĠKurd", + "ish" + ], + [ + "DataSet", + "Changed" + ], + [ + "Ġbl", + "ades" + ], + [ + "br", + "al" + ], + [ + "St", + "eam" + ], + [ + "Ġsig", + "u" + ], + [ + "IRT", + "UAL" + ], + [ + "ac", + "os" + ], + [ + "UD", + "P" + ], + [ + "(d", + "atabase" + ], + [ + "he", + "c" + ], + [ + "ĠString", + "s" + ], + [ + "_scal", + "ar" + ], + [ + "ĉd", + "esc" + ], + [ + "ĠT", + "LS" + ], + [ + ";", + "\"Ċ" + ], + [ + "ĠCor", + "byn" + ], + [ + "Simple", + "Name" + ], + [ + "u", + "ell" + ], + [ + "ĠEnt", + "re" + ], + [ + "ell", + "ites" + ], + [ + "-", + "place" + ], + [ + "Ġfrank", + "ly" + ], + [ + "ĠE", + "rf" + ], + [ + "CE", + "L" + ], + [ + "Ġpa", + "ÃŃs" + ], + [ + "Ġh", + "edge" + ], + [ + "Ġlat", + "ent" + ], + [ + "ĠIR", + "Q" + ], + [ + "ĠH", + "erald" + ], + [ + "ĠP", + "rec" + ], + [ + "ë³", + "´" + ], + [ + ".T", + "EXT" + ], + [ + "Sal", + "ary" + ], + [ + "Ġaut", + "umn" + ], + [ + "Ġtrav", + "ail" + ], + [ + ".S", + "um" + ], + [ + "Ġc", + "ared" + ], + [ + "M", + "or" + ], + [ + "Ġint", + "uitive" + ], + [ + "Ġj", + "ournals" + ], + [ + "_", + "IT" + ], + [ + "ĠT", + "rou" + ], + [ + "ä¼", + "ł" + ], + [ + "Has", + "ColumnName" + ], + [ + "Com", + "posite" + ], + [ + "Ġsp", + "ice" + ], + [ + "_d", + "isk" + ], + [ + "_CODE", + "S" + ], + [ + "ĠInt", + "roduced" + ], + [ + "ion", + "a" + ], + [ + "Ġnue", + "stra" + ], + [ + "o", + "ct" + ], + [ + "ĠĠĠĠĊĠĠĠĠĊ", + "ĠĠĠĠĊ" + ], + [ + "(param", + "eter" + ], + [ + "Ġstud", + "ios" + ], + [ + "Ġproject", + "Id" + ], + [ + "Ġbd", + "sm" + ], + [ + ".Sql", + "Client" + ], + [ + "im", + "izer" + ], + [ + "ĠC", + "ARD" + ], + [ + "+", + "t" + ], + [ + "a", + "an" + ], + [ + ".s", + "ol" + ], + [ + "_Ad", + "just" + ], + [ + "Ġright", + "eous" + ], + [ + "ĠLog", + "ging" + ], + [ + ".f", + "ilters" + ], + [ + "_T", + "AB" + ], + [ + "ĉs", + "ys" + ], + [ + "roph", + "ic" + ], + [ + "other", + "apy" + ], + [ + "ĠB", + "rowse" + ], + [ + "key", + "board" + ], + [ + "R", + "ON" + ], + [ + "+", + "\\" + ], + [ + "ro", + "pped" + ], + [ + "Ġext", + "ensively" + ], + [ + "f", + "k" + ], + [ + "Ġl", + "ime" + ], + [ + "year", + "s" + ], + [ + "Ex", + "c" + ], + [ + "Ġs", + "ph" + ], + [ + "Ġche", + "ating" + ], + [ + "and", + "ro" + ], + [ + "ÃŃ", + "o" + ], + [ + "Ġpr", + "ince" + ], + [ + "o", + "ire" + ], + [ + "ĠD", + "estination" + ], + [ + "ĠConvert", + "s" + ], + [ + "Ġup", + "stream" + ], + [ + "o", + "led" + ], + [ + "Ġserv", + "ants" + ], + [ + "Ġsem", + "antic" + ], + [ + "Ġcr", + "unch" + ], + [ + "Ġevent", + "ual" + ], + [ + "run", + "ner" + ], + [ + "/", + "error" + ], + [ + "Sp", + "in" + ], + [ + "Ġsecret", + "ly" + ], + [ + "Ġas", + "semble" + ], + [ + ".P", + "erson" + ], + [ + "end", + "error" + ], + [ + "_", + "<" + ], + [ + "Ġp", + "endant" + ], + [ + "S", + "leep" + ], + [ + "ĠChem", + "istry" + ], + [ + "Ġboss", + "es" + ], + [ + "l", + "k" + ], + [ + "))", + "),Ċ" + ], + [ + "Block", + "ly" + ], + [ + "DE", + "VICE" + ], + [ + "Ġreflect", + "ing" + ], + [ + "Ġam", + "ple" + ], + [ + "Mill", + "iseconds" + ], + [ + "ĠPresident", + "ial" + ], + [ + "Ġus", + "uarios" + ], + [ + "ĠN", + "Z" + ], + [ + "ĠSal", + "ary" + ], + [ + "ĠA", + "manda" + ], + [ + "_n", + "p" + ], + [ + "j", + "ury" + ], + [ + "Ġkö", + "n" + ], + [ + "Ġtherap", + "ist" + ], + [ + "Ġhomosex", + "ual" + ], + [ + "ĠDr", + "ake" + ], + [ + "-w", + "indow" + ], + [ + "ĠLoc", + "ated" + ], + [ + ".D", + "river" + ], + [ + "ĠV", + "IDEO" + ], + [ + "Ġmerch", + "ants" + ], + [ + "ĠC", + "hest" + ], + [ + "-", + "lock" + ], + [ + "/", + "php" + ], + [ + "Ġmil", + "ano" + ], + [ + "_ST", + "YLE" + ], + [ + "arg", + "er" + ], + [ + "ide", + "a" + ], + [ + "G", + "UID" + ], + [ + "adv", + "anced" + ], + [ + "me", + "al" + ], + [ + "Options", + "ItemSelected" + ], + [ + "='", + "%" + ], + [ + "ĠCh", + "am" + ], + [ + ":", + "data" + ], + [ + "(st", + "at" + ], + [ + "Will", + "Appear" + ], + [ + "Ġinform", + "al" + ], + [ + "aj", + "i" + ], + [ + "Ġre", + "productive" + ], + [ + "ĠC", + "AS" + ], + [ + "ãģ", + "£" + ], + [ + "F", + "UNC" + ], + [ + "ĠR", + "uth" + ], + [ + ")+", + "(" + ], + [ + "CON", + "ST" + ], + [ + "ĠF", + "ans" + ], + [ + "Ġgroup", + "Id" + ], + [ + "xffff", + "ffff" + ], + [ + "Ġsam", + "pler" + ], + [ + "Ġ}}", + "\">" + ], + [ + ".", + "the" + ], + [ + "Ġh", + "ollow" + ], + [ + "W", + "AY" + ], + [ + "ĠFac", + "ulty" + ], + [ + "Attrib", + "utedString" + ], + [ + "ĠLook", + "s" + ], + [ + "ĠR", + "ex" + ], + [ + "j", + "k" + ], + [ + "ĠM", + "IL" + ], + [ + "Ġb", + "ard" + ], + [ + ".L", + "ong" + ], + [ + "Ġliv", + "est" + ], + [ + "Ġsk", + "al" + ], + [ + "ic", + "ism" + ], + [ + "MA", + "IN" + ], + [ + "Ġmu", + "cho" + ], + [ + "B", + "ODY" + ], + [ + "Ġes", + "e" + ], + [ + "ĉ", + "use" + ], + [ + "F", + "oot" + ], + [ + ".SQL", + "Exception" + ], + [ + "Ġinherit", + "ance" + ], + [ + "re", + "ceived" + ], + [ + "Ġput", + "as" + ], + [ + "ed", + "is" + ], + [ + "als", + "a" + ], + [ + "ĠError", + "Message" + ], + [ + "Book", + "ing" + ], + [ + "Ġtr", + "act" + ], + [ + "ac", + "z" + ], + [ + "ĠC", + "ant" + ], + [ + "_reg", + "ex" + ], + [ + "Ġide", + "ological" + ], + [ + "Ġj", + "ihad" + ], + [ + "h", + "os" + ], + [ + "/s", + "ys" + ], + [ + "col", + "m" + ], + [ + "(p", + "ool" + ], + [ + "Ġest", + "án" + ], + [ + "ĠP", + "ending" + ], + [ + "em", + "ás" + ], + [ + "Ġktó", + "ry" + ], + [ + "));ĊĊ", + "Ċ" + ], + [ + "trans", + "actions" + ], + [ + "Ġw", + "ield" + ], + [ + "it", + "ere" + ], + [ + "ert", + "ure" + ], + [ + "_s", + "s" + ], + [ + "Ġstretch", + "ing" + ], + [ + "Ġprison", + "er" + ], + [ + ".Read", + "All" + ], + [ + "Ġbes", + "ch" + ], + [ + "--", + ";čĊ" + ], + [ + "Ġcr", + "isp" + ], + [ + "_SC", + "AN" + ], + [ + "Ġa", + "e" + ], + [ + "Str", + "ict" + ], + [ + "ĠMin", + "neapolis" + ], + [ + "ĠBo", + "eing" + ], + [ + "ar", + "is" + ], + [ + "re", + "k" + ], + [ + "_p", + "ipe" + ], + [ + "Ġpri", + "ests" + ], + [ + "(E", + "IF" + ], + [ + "eh", + "icles" + ], + [ + "ĠInter", + "active" + ], + [ + "b", + "etween" + ], + [ + "ĉNull", + "Check" + ], + [ + "ĠBl", + "air" + ], + [ + "ĠL", + "t" + ], + [ + "_in", + "line" + ], + [ + "eth", + "yl" + ], + [ + "Â", + "¼" + ], + [ + "_p", + "ackages" + ], + [ + "Ġbarrel", + "s" + ], + [ + "_", + "he" + ], + [ + "Ġreg", + "exp" + ], + [ + "_", + "pts" + ], + [ + "_H", + "andler" + ], + [ + "ing", + "ular" + ], + [ + "ĠN", + "issan" + ], + [ + "ĠR", + "anch" + ], + [ + "Ġper", + "ch" + ], + [ + "Un", + "supported" + ], + [ + "Sm", + "ith" + ], + [ + "ĠLeg", + "ends" + ], + [ + "M", + "i" + ], + [ + "Ġg", + "f" + ], + [ + "st", + "eder" + ], + [ + "Ġacqu", + "iring" + ], + [ + "Ġsim", + "ulator" + ], + [ + "()", + ",\"" + ], + [ + "re", + "ceive" + ], + [ + "Ġin", + "place" + ], + [ + "A", + "CTION" + ], + [ + "ĠWeb", + "Driver" + ], + [ + "files", + "ystem" + ], + [ + "<", + "Order" + ], + [ + "lo", + "pen" + ], + [ + "ĠHE", + "IGHT" + ], + [ + ".set", + "Border" + ], + [ + "į", + "°" + ], + [ + "__", + "[\"" + ], + [ + "Ġcl", + "amp" + ], + [ + "Seg", + "oe" + ], + [ + "b", + "ands" + ], + [ + "to", + "List" + ], + [ + "amb", + "a" + ], + [ + ">'", + "+Ċ" + ], + [ + "Ġcred", + "ible" + ], + [ + "am", + "at" + ], + [ + "play", + "ing" + ], + [ + ".setImage", + "Resource" + ], + [ + "qu", + "el" + ], + [ + "Ġpod", + "r" + ], + [ + "ge", + "om" + ], + [ + "E", + "k" + ], + [ + "ĠQ", + "atar" + ], + [ + "Ġg", + "eld" + ], + [ + "?", + "',Ċ" + ], + [ + "Ġc", + "yl" + ], + [ + "(", + "ax" + ], + [ + "ĠW", + "I" + ], + [ + "ur", + "ally" + ], + [ + "ĠBr", + "asil" + ], + [ + "Ġsen", + "za" + ], + [ + "ale", + "y" + ], + [ + "on", + "en" + ], + [ + "Ġb", + "ah" + ], + [ + "Ġmolec", + "ule" + ], + [ + "R", + "ad" + ], + [ + "è¿", + "°" + ], + [ + "AN", + "CH" + ], + [ + "-", + "background" + ], + [ + "-", + "agent" + ], + [ + "Ġprol", + "ifer" + ], + [ + ":", + "boolean" + ], + [ + "Ġt", + "ide" + ], + [ + "erial", + "izer" + ], + [ + "_", + ";čĊ" + ], + [ + "F", + "ee" + ], + [ + "**", + ")" + ], + [ + "erg", + "y" + ], + [ + "ĠHon", + "or" + ], + [ + ".Log", + "ging" + ], + [ + "ir", + "is" + ], + [ + "Ġunder", + "mine" + ], + [ + "ĠD", + "y" + ], + [ + "Ġt", + "yr" + ], + [ + "Ġde", + "que" + ], + [ + "Ġdam", + "er" + ], + [ + "([]", + ")Ċ" + ], + [ + ".layout", + "ControlItem" + ], + [ + "pe", + "ated" + ], + [ + "C", + "AN" + ], + [ + "rag", + "ments" + ], + [ + "L", + "and" + ], + [ + ")", + "]);Ċ" + ], + [ + "ĠS", + "ah" + ], + [ + "ĠDE", + "CL" + ], + [ + "With", + "in" + ], + [ + "ĠN", + "amespace" + ], + [ + "an", + "other" + ], + [ + "sem", + "bling" + ], + [ + ".des", + "cribe" + ], + [ + "Con", + "sum" + ], + [ + "ĠF", + "ear" + ], + [ + "g", + "iven" + ], + [ + "Or", + "ange" + ], + [ + "<", + "boolean" + ], + [ + "Ġstead", + "ily" + ], + [ + "pa", + "Repository" + ], + [ + "Ġresult", + "Set" + ], + [ + "_", + "ENTER" + ], + [ + "_re", + "peat" + ], + [ + "Ġt", + "ones" + ], + [ + "ĠPRO", + "P" + ], + [ + "n", + "al" + ], + [ + "part", + "icle" + ], + [ + "Ġsign", + "aling" + ], + [ + "Ġaccess", + "ory" + ], + [ + "ĉĉĉĉĉĉ", + "ĠĠ" + ], + [ + "Ġvie", + "le" + ], + [ + "ĠNo", + "ah" + ], + [ + "-", + "ag" + ], + [ + "Ġmur", + "ders" + ], + [ + "Ġa", + "ired" + ], + [ + "ĠPL", + "AY" + ], + [ + "ĠS", + "ullivan" + ], + [ + "_C", + "ore" + ], + [ + "Ġul", + "ong" + ], + [ + "Ġblog", + "ging" + ], + [ + ">", + "This" + ], + [ + "Ġdata", + "Index" + ], + [ + "Ġprint", + "able" + ], + [ + "ĠE", + "yes" + ], + [ + "_target", + "s" + ], + [ + "(P", + "y" + ], + [ + ".", + "over" + ], + [ + "Ġbr", + "u" + ], + [ + "am", + "pton" + ], + [ + "Ġplaint", + "iff" + ], + [ + "<", + "Key" + ], + [ + "b", + "ull" + ], + [ + "ĠâŁ", + "¨" + ], + [ + "Iss", + "ue" + ], + [ + ".cor", + "nerRadius" + ], + [ + "C", + "ritical" + ], + [ + "_p", + "hi" + ], + [ + ".", + "angle" + ], + [ + "Ġdynam", + "ically" + ], + [ + "!", + "\");čĊ" + ], + [ + ">", + ");Ċ" + ], + [ + "in", + "vest" + ], + [ + ".*", + "ĊĊ" + ], + [ + "Ġt", + "élé" + ], + [ + "Ġsuper", + "f" + ], + [ + "Ġcas", + "cade" + ], + [ + "DT", + "D" + ], + [ + "Ġviv", + "id" + ], + [ + "Ġsubsid", + "ies" + ], + [ + "ĠH", + "ass" + ], + [ + "Ġcoll", + "aps" + ], + [ + "Ġcer", + "amic" + ], + [ + "{}", + "\"." + ], + [ + "ĠLeak", + "age" + ], + [ + "-tr", + "ash" + ], + [ + "coll", + "apsed" + ], + [ + "-s", + "ocial" + ], + [ + "ĠCh", + "ad" + ], + [ + "Ġincl", + "ined" + ], + [ + "Ġst", + "o" + ], + [ + "Ġstory", + "board" + ], + [ + ".p", + "ayment" + ], + [ + "stack", + "overflow" + ], + [ + "ĠRaid", + "ers" + ], + [ + "Ġ#", + "'" + ], + [ + "olic", + "ies" + ], + [ + "ìľ¼", + "ë¡ľ" + ], + [ + "em", + "ap" + ], + [ + "Ġk", + "j" + ], + [ + "Ġqu", + "ota" + ], + [ + "ĠGard", + "ens" + ], + [ + "ë²", + "Ī" + ], + [ + "ĠAng", + "els" + ], + [ + "Ġof", + "t" + ], + [ + "Ġlower", + "case" + ], + [ + "Ġi", + "Param" + ], + [ + "Ġche", + "apest" + ], + [ + "un", + "ta" + ], + [ + "_p", + "kt" + ], + [ + "ic", + "ators" + ], + [ + "Ġle", + "urs" + ], + [ + "Ġdecre", + "ases" + ], + [ + "ĉ", + "define" + ], + [ + "PRE", + "C" + ], + [ + "amm", + "ers" + ], + [ + "ĠPre", + "paredStatement" + ], + [ + "(d", + "irection" + ], + [ + "Ġcre", + "ws" + ], + [ + "ark", + "ed" + ], + [ + "ĠMem", + "phis" + ], + [ + "ĠS", + "ell" + ], + [ + "G", + "TK" + ], + [ + "Ġm", + "aid" + ], + [ + ":", + "disable" + ], + [ + "éĽ", + "Ĩ" + ], + [ + "ĠP", + "f" + ], + [ + "Ġal", + "beit" + ], + [ + "open", + "h" + ], + [ + "?>", + "\">Ċ" + ], + [ + ".get", + "Source" + ], + [ + "(s", + "cale" + ], + [ + "D", + "u" + ], + [ + "ĠP", + "IL" + ], + [ + "_ref", + "resh" + ], + [ + "Ġbet", + "s" + ], + [ + "(c", + "ar" + ], + [ + "ĠV", + "on" + ], + [ + "|", + "--------------------------------------------------------------------------Ċ" + ], + [ + "ĠGr", + "at" + ], + [ + "M", + "uch" + ], + [ + "(", + "Dialog" + ], + [ + ".stop", + "Propagation" + ], + [ + "Ġte", + "k" + ], + [ + "Ġex", + "its" + ], + [ + "'],", + "$" + ], + [ + "Ġphone", + "Number" + ], + [ + "uc", + "s" + ], + [ + "ec", + "imal" + ], + [ + "------------", + "--" + ], + [ + "in", + "p" + ], + [ + ".po", + "jo" + ], + [ + "Ġcor", + "pus" + ], + [ + "Ġpractition", + "ers" + ], + [ + ".p", + "ic" + ], + [ + "\"", + "testing" + ], + [ + "Ġstring", + "By" + ], + [ + ".Not", + "Null" + ], + [ + "Ġr", + "ang" + ], + [ + ".D", + "ynamic" + ], + [ + "_R", + "ender" + ], + [ + "аÑĤ", + "а" + ], + [ + "Wait", + "ing" + ], + [ + "ĠW", + "ik" + ], + [ + "Ġoverwhel", + "med" + ], + [ + "%", + "\">" + ], + [ + "ĠA", + "E" + ], + [ + "}}", + ">Ċ" + ], + [ + "u", + "w" + ], + [ + "_t", + "yp" + ], + [ + "Ġbuck", + "ets" + ], + [ + "Ġgre", + "eting" + ], + [ + "Ġla", + "ughter" + ], + [ + "Ġant", + "agon" + ], + [ + "uggest", + "ion" + ], + [ + "-", + "email" + ], + [ + "ĉt", + "op" + ], + [ + "Ġer", + "os" + ], + [ + "_tr", + "i" + ], + [ + "Ġiss", + "uing" + ], + [ + "Ġh", + "á" + ], + [ + "Ġisol", + "ate" + ], + [ + "Over", + "flow" + ], + [ + ",", + "E" + ], + [ + "Ġnut", + "ritional" + ], + [ + "ĠAbb", + "ott" + ], + [ + "Ġn", + "f" + ], + [ + ".t", + "ouch" + ], + [ + ".fetch", + "all" + ], + [ + "_z", + "ip" + ], + [ + "\")", + "}Ċ" + ], + [ + "Ġam", + "at" + ], + [ + "ĠC", + "isco" + ], + [ + "Ġn", + "Ã¥" + ], + [ + "PLE", + "X" + ], + [ + "Ġse", + "i" + ], + [ + "f", + "oto" + ], + [ + ".to", + "Json" + ], + [ + "å¤", + "ļ" + ], + [ + "ĠKle", + "in" + ], + [ + "Ġlib", + "c" + ], + [ + "Ġmin", + "ers" + ], + [ + "å", + "¢" + ], + [ + "-", + "print" + ], + [ + "ĠP", + "ride" + ], + [ + "T", + "odos" + ], + [ + "Ġmask", + "ed" + ], + [ + "Ġset", + "Data" + ], + [ + "Ġtele", + "fon" + ], + [ + "Ġunh", + "appy" + ], + [ + "ĠT", + "ables" + ], + [ + "ge", + "b" + ], + [ + "(", + "debug" + ], + [ + "_all", + "owed" + ], + [ + "-", + "access" + ], + [ + "Ġlog", + "istics" + ], + [ + "Ġg", + "ems" + ], + [ + "ĠM", + "ature" + ], + [ + "Ġr", + "sp" + ], + [ + "ĠAl", + "le" + ], + [ + ".get", + "Bytes" + ], + [ + "\\", + "web" + ], + [ + "ynchron", + "ized" + ], + [ + "Par", + "agraph" + ], + [ + "Ġth", + "rottle" + ], + [ + ".sql", + "ite" + ], + [ + "cons", + "ulta" + ], + [ + "ĠSe", + "ah" + ], + [ + "C", + "e" + ], + [ + "Ġsub", + "mar" + ], + [ + "ER", + "E" + ], + [ + "V", + "ous" + ], + [ + "Ġre", + "ddit" + ], + [ + "Ġsql", + "alchemy" + ], + [ + "-m", + "ile" + ], + [ + "oc", + "ide" + ], + [ + "P", + "our" + ], + [ + "}}", + "\">Ċ" + ], + [ + "st", + "ead" + ], + [ + "Ġ@", + "(" + ], + [ + "Ġ[", + "])" + ], + [ + "ĠAd", + "s" + ], + [ + "Ġover", + "load" + ], + [ + "r", + "idden" + ], + [ + "ĠDes", + "ert" + ], + [ + "ĠW", + "rap" + ], + [ + "ĠPortug", + "uese" + ], + [ + "et", + "z" + ], + [ + "ĉf", + "irst" + ], + [ + "Ġmile", + "stone" + ], + [ + "æĹ", + "ł" + ], + [ + "Ñĥ", + "Ñī" + ], + [ + "(s", + "uccess" + ], + [ + "<", + "Vector" + ], + [ + "co", + "ol" + ], + [ + "Ġ[", + "]);Ċ" + ], + [ + "erv", + "als" + ], + [ + "Ġin", + "vert" + ], + [ + "\"", + "io" + ], + [ + "cur", + "so" + ], + [ + "fr", + "agment" + ], + [ + "Ġfeas", + "ible" + ], + [ + ".set", + "Position" + ], + [ + "Ġel", + "m" + ], + [ + "Ġimag", + "in" + ], + [ + "@", + "Spring" + ], + [ + "Ġb", + "ats" + ], + [ + "pu", + "és" + ], + [ + "ga", + "lement" + ], + [ + "ns", + "ic" + ], + [ + "gi", + "ene" + ], + [ + "ell", + "ation" + ], + [ + "ĠBa", + "iley" + ], + [ + "Sh", + "ar" + ], + [ + "ĠT", + "ul" + ], + [ + "ĠH", + "K" + ], + [ + "Ġfree", + "zing" + ], + [ + "gl", + "m" + ], + [ + "ce", + "ans" + ], + [ + "-c", + "ut" + ], + [ + "_c", + "ircle" + ], + [ + "åij", + "ĺ" + ], + [ + "n", + "egative" + ], + [ + "Ġind", + "ian" + ], + [ + "s", + "alt" + ], + [ + "Ġt", + "ing" + ], + [ + "ĉm", + "od" + ], + [ + "Ġs", + "int" + ], + [ + "ak", + "in" + ], + [ + "um", + "l" + ], + [ + "ĠText", + "Input" + ], + [ + "Ġpop", + "ped" + ], + [ + "T", + "MP" + ], + [ + "Ġpark", + "ed" + ], + [ + "×Ļ", + "×" + ], + [ + "ĠF", + "usion" + ], + [ + "Ġhe", + "ater" + ], + [ + "ET", + "F" + ], + [ + "ro", + "zen" + ], + [ + "h", + "all" + ], + [ + "ĠM", + "ik" + ], + [ + "lev", + "ard" + ], + [ + "-", + "heart" + ], + [ + "ĉ", + "order" + ], + [ + "M", + "aking" + ], + [ + "Ġpled", + "ged" + ], + [ + "Ġdir", + "s" + ], + [ + "$", + "post" + ], + [ + "ĠH", + "err" + ], + [ + "stant", + "iate" + ], + [ + ",", + "\"Ċ" + ], + [ + ".get", + "Color" + ], + [ + "ĠS", + "AT" + ], + [ + "Ġtimed", + "elta" + ], + [ + "ĠM", + "ai" + ], + [ + "ĉm", + "ethod" + ], + [ + "Ġid", + "iot" + ], + [ + "ĠTr", + "av" + ], + [ + "ident", + "ified" + ], + [ + "ĠDiv", + "ine" + ], + [ + ".get", + "Path" + ], + [ + "D", + "ash" + ], + [ + "Ġinf", + "iltr" + ], + [ + "Ġhandle", + "Submit" + ], + [ + "bro", + "ok" + ], + [ + ".g", + "eneric" + ], + [ + ".short", + "cuts" + ], + [ + "................................", + "................................" + ], + [ + "Ġdat", + "ings" + ], + [ + "ĠM", + "V" + ], + [ + "", + "#" + ], + [ + "}", + "\"ĊĊ" + ], + [ + "Ġimprison", + "ment" + ], + [ + "ason", + "ic" + ], + [ + "rou", + "d" + ], + [ + "uc", + "ion" + ], + [ + "æĬ", + "¥" + ], + [ + "Ġdia", + "lect" + ], + [ + "Ġon", + "Mouse" + ], + [ + "const", + "expr" + ], + [ + ".label", + "Control" + ], + [ + "Ġwe", + "aker" + ], + [ + "Ġman", + "kind" + ], + [ + "ĠRE", + "CE" + ], + [ + "Ġd", + "iz" + ], + [ + "Ġapp", + "Bar" + ], + [ + "Ġqu", + "é" + ], + [ + "f", + "ra" + ], + [ + "_default", + "s" + ], + [ + "Ġal", + "iqu" + ], + [ + "_at", + "om" + ], + [ + ":", + "indexPath" + ], + [ + "Ġmiss", + "es" + ], + [ + "Ġvis", + "ually" + ], + [ + "ĠH", + "ands" + ], + [ + "STR", + "U" + ], + [ + "i", + "ates" + ], + [ + "_", + "asset" + ], + [ + "F", + "inder" + ], + [ + "mid", + "t" + ], + [ + "Ġsn", + "acks" + ], + [ + "(__", + "('" + ], + [ + ".", + "uri" + ], + [ + "ĠIn", + "strument" + ], + [ + "ven", + "ir" + ], + [ + "($", + "__" + ], + [ + ".Dot", + "NetBar" + ], + [ + "Ġconfig", + "s" + ], + [ + "Ġguess", + "ed" + ], + [ + "ि", + "à¤" + ], + [ + "Ġinitial", + "izer" + ], + [ + "Ġ?", + "\"," + ], + [ + "ĠVer", + "izon" + ], + [ + "man", + "ifest" + ], + [ + "ge", + "ben" + ], + [ + ".d", + "etails" + ], + [ + "G", + "ate" + ], + [ + "pons", + "ible" + ], + [ + "ĠEl", + "im" + ], + [ + ",", + "str" + ], + [ + "Ġwrit", + "ings" + ], + [ + "ĠD", + "erek" + ], + [ + "ĠCo", + "ordinator" + ], + [ + "Ġpill", + "ow" + ], + [ + "Ġnotice", + "able" + ], + [ + "R", + "s" + ], + [ + "Ġduplic", + "ates" + ], + [ + "ern", + "els" + ], + [ + "k", + "J" + ], + [ + ".z", + "z" + ], + [ + "oll", + "and" + ], + [ + "ĠSE", + "CTION" + ], + [ + "_f", + "name" + ], + [ + "uff", + "led" + ], + [ + "'].'", + "", + "\")Ċ" + ], + [ + "ĠD", + "ollar" + ], + [ + "Ġem", + "oji" + ], + [ + "Car", + "ousel" + ], + [ + "-", + "player" + ], + [ + "Ġadjust", + "ing" + ], + [ + "Ġjug", + "a" + ], + [ + "alleng", + "es" + ], + [ + "g", + "ene" + ], + [ + "(body", + "Parser" + ], + [ + "lop", + "edia" + ], + [ + "ĠBeh", + "ind" + ], + [ + "Ġslee", + "ves" + ], + [ + "Ġdrag", + "ging" + ], + [ + "ĠChe", + "vrolet" + ], + [ + "Ġb", + "iz" + ], + [ + "iv", + "ities" + ], + [ + "ĠFrequ", + "ency" + ], + [ + ",", + "char" + ], + [ + ".W", + "HITE" + ], + [ + "_pre", + "view" + ], + [ + ")", + "';Ċ" + ], + [ + "_", + "ax" + ], + [ + "ION", + "S" + ], + [ + ".c", + "pu" + ], + [ + ".input", + "s" + ], + [ + "UB", + "E" + ], + [ + "_fe", + "ed" + ], + [ + "ĠSup", + "plement" + ], + [ + "!", + ")." + ], + [ + "es", + "us" + ], + [ + "ĠU", + "DP" + ], + [ + "Ġmicro", + "phone" + ], + [ + "Ġconf", + "irms" + ], + [ + ".is", + "NotEmpty" + ], + [ + "\":\"", + "\",Ċ" + ], + [ + "_S", + "CREEN" + ], + [ + "ĉ", + "expected" + ], + [ + "+-+-", + "+-+-" + ], + [ + "ĠH", + "ait" + ], + [ + "fast", + "call" + ], + [ + "Ġdep", + "ict" + ], + [ + "v", + "b" + ], + [ + "_p", + "icture" + ], + [ + "ĉd", + "escription" + ], + [ + "ĠW", + "ife" + ], + [ + "uc", + "i" + ], + [ + "Ġv", + "icious" + ], + [ + "ä»", + "ĸ" + ], + [ + "ue", + "ba" + ], + [ + "Ġset", + "User" + ], + [ + "ãģ", + "¡" + ], + [ + "Ġd", + "iving" + ], + [ + "Ġoper", + "a" + ], + [ + "user", + "content" + ], + [ + "ar", + "ah" + ], + [ + ")", + "}," + ], + [ + "y", + "un" + ], + [ + "vel", + "t" + ], + [ + "Ġun", + "covered" + ], + [ + "Ġh", + "ips" + ], + [ + "Ġosc", + "ill" + ], + [ + "Ġassert", + "ing" + ], + [ + "ĠX", + "i" + ], + [ + ".re", + "store" + ], + [ + "ke", + "a" + ], + [ + "Ġsp", + "elling" + ], + [ + "Ġder", + "ive" + ], + [ + "ab", + "we" + ], + [ + "ĠD", + "ow" + ], + [ + ".set", + "Type" + ], + [ + "_v", + "s" + ], + [ + "Ġco", + "zy" + ], + [ + ".c", + "ategories" + ], + [ + "O", + "rg" + ], + [ + "_m", + "gr" + ], + [ + "Ġd", + "ungeon" + ], + [ + "collection", + "View" + ], + [ + "ĠBl", + "ank" + ], + [ + "ac", + "ias" + ], + [ + "ä", + "ä" + ], + [ + "_clean", + "up" + ], + [ + "_ACT", + "IVITY" + ], + [ + "Ġtri", + "angles" + ], + [ + ".Menu", + "Item" + ], + [ + "Ġip", + "hone" + ], + [ + "ĠW", + "on" + ], + [ + "]", + "]ĊĊ" + ], + [ + "ĠCompar", + "ison" + ], + [ + ".D", + "oc" + ], + [ + "Ġcan", + "onical" + ], + [ + "ĠSud", + "an" + ], + [ + "')", + "{" + ], + [ + "Up", + "Inside" + ], + [ + "b", + "uiltin" + ], + [ + "ENC", + "Y" + ], + [ + "x", + "be" + ], + [ + "Ġch", + "uck" + ], + [ + "Ġcontrad", + "ict" + ], + [ + "Ġnuest", + "ro" + ], + [ + "Ġarchitect", + "ural" + ], + [ + "ĠF", + "ib" + ], + [ + "Ġcomp", + "ares" + ], + [ + "*", + "k" + ], + [ + "C", + "fg" + ], + [ + "çĦ", + "¡" + ], + [ + "nt", + "en" + ], + [ + "Match", + "es" + ], + [ + "ĠDOWN", + "LOAD" + ], + [ + "_HAND", + "LER" + ], + [ + "man", + "agement" + ], + [ + "[", + "S" + ], + [ + "EN", + "G" + ], + [ + "ÂĢ", + "Â" + ], + [ + "f", + "ang" + ], + [ + "Ġsl", + "ipped" + ], + [ + "ĠL", + "anka" + ], + [ + "esc", + "aping" + ], + [ + "Ġtack", + "les" + ], + [ + "ĠPed", + "ro" + ], + [ + ".P", + "rop" + ], + [ + ".'", + "'" + ], + [ + ".G", + "enerated" + ], + [ + ".New", + "Guid" + ], + [ + "at", + "rigesimal" + ], + [ + "ill", + "on" + ], + [ + "Ġstat", + "istic" + ], + [ + "spec", + "ies" + ], + [ + "hold", + "ing" + ], + [ + "Dr", + "upal" + ], + [ + "Ġfundament", + "ally" + ], + [ + "Ġbond", + "age" + ], + [ + "Ġres", + "olutions" + ], + [ + "Inline", + "Data" + ], + [ + "\\", + "Type" + ], + [ + "est", + "ion" + ], + [ + ".w", + "rap" + ], + [ + "Ġwar", + "riors" + ], + [ + "ĠLOC", + "AL" + ], + [ + "Arch", + "ive" + ], + [ + "Ġembr", + "aced" + ], + [ + "á»", + "§" + ], + [ + ".V", + "er" + ], + [ + "ĠAff", + "ordable" + ], + [ + "oles", + "ale" + ], + [ + "ĠAp", + "plied" + ], + [ + "ĠCon", + "version" + ], + [ + "m", + "ega" + ], + [ + "_c", + "am" + ], + [ + "Ġcer", + "emon" + ], + [ + "aur", + "us" + ], + [ + "ĠVol", + "k" + ], + [ + ".op", + "ens" + ], + [ + "/", + "about" + ], + [ + "ĠSt", + "d" + ], + [ + "j", + "ournal" + ], + [ + "())", + "{čĊ" + ], + [ + ",\"", + "\\" + ], + [ + "(", + "Arrays" + ], + [ + "ĠD", + "ense" + ], + [ + "ase", + "ña" + ], + [ + "än", + "ner" + ], + [ + "/", + "stat" + ], + [ + "user", + "Data" + ], + [ + "Ġg", + "erman" + ], + [ + "Ġt", + "z" + ], + [ + "worth", + "y" + ], + [ + "Format", + "Exception" + ], + [ + "ph", + "erd" + ], + [ + "Ġsm", + "iles" + ], + [ + "ĠWh", + "enever" + ], + [ + "(", + "adapter" + ], + [ + ".bad", + "logic" + ], + [ + "Ġbrief", + "ing" + ], + [ + ".Grid", + "Column" + ], + [ + "-", + "char" + ], + [ + "dim", + "ension" + ], + [ + "ĠC", + "opper" + ], + [ + "Ġnin", + "th" + ], + [ + "Ġ'", + "{{" + ], + [ + "Ġr", + "av" + ], + [ + "_T", + "able" + ], + [ + "Ġderiv", + "atives" + ], + [ + "ĠR", + "aise" + ], + [ + "ĠF", + "ut" + ], + [ + "arm", + "or" + ], + [ + "-p", + "adding" + ], + [ + "Ġre", + "min" + ], + [ + "ĉ", + "style" + ], + [ + "ĠMembers", + "hip" + ], + [ + "Ġspread", + "s" + ], + [ + "Ġgall", + "eries" + ], + [ + "ĠClar", + "ke" + ], + [ + "Ġcon", + "ception" + ], + [ + "min", + "ute" + ], + [ + "Ġab", + "usive" + ], + [ + "_ad", + "j" + ], + [ + "Ġterr", + "ific" + ], + [ + "Ġover", + "t" + ], + [ + "our", + "cing" + ], + [ + "Ġentr", + "ada" + ], + [ + "level", + "s" + ], + [ + "Ġcrit", + "ique" + ], + [ + "Ġrespect", + "s" + ], + [ + "ĠM", + "MA" + ], + [ + "i", + "ene" + ], + [ + "Ġenc", + "aps" + ], + [ + "ĠRay", + "mond" + ], + [ + "Div", + "ider" + ], + [ + "iv", + "able" + ], + [ + "b", + "az" + ], + [ + "Ġ@", + "_;Ċ" + ], + [ + "ĠCl", + "aire" + ], + [ + "Ġur", + "ging" + ], + [ + "CE", + "E" + ], + [ + "Ġtransform", + "er" + ], + [ + "disc", + "ord" + ], + [ + "ĠJ", + "ourney" + ], + [ + "t", + "os" + ], + [ + "Ġcompet", + "itions" + ], + [ + "ĠO", + "BJ" + ], + [ + "ĠB", + "is" + ], + [ + "Ġrelax", + "ation" + ], + [ + "id", + "y" + ], + [ + "_IN", + "STANCE" + ], + [ + "ĠP", + "ref" + ], + [ + "d", + "ados" + ], + [ + "ici", + "encies" + ], + [ + "ĠMedia", + "Query" + ], + [ + "ĠC", + "ube" + ], + [ + "ĠStr", + "ange" + ], + [ + "g", + "pu" + ], + [ + "(d", + "ays" + ], + [ + "_Init", + "Struct" + ], + [ + "Ġfinger", + "print" + ], + [ + "em", + "at" + ], + [ + "ĠGe", + "cko" + ], + [ + "Ġr", + "ails" + ], + [ + "ĠL", + "um" + ], + [ + "str", + "action" + ], + [ + "ig", + "ung" + ], + [ + "(m", + "ovie" + ], + [ + "_d", + "ictionary" + ], + [ + "_int", + "errupt" + ], + [ + "ĠQ", + "C" + ], + [ + "ik", + "ed" + ], + [ + "append", + "Child" + ], + [ + "rec", + "ipient" + ], + [ + "r", + "é" + ], + [ + "V", + "e" + ], + [ + "Ġtow", + "el" + ], + [ + ".last", + "IndexOf" + ], + [ + "Ġplace", + "bo" + ], + [ + "ĠW", + "ie" + ], + [ + ".es", + "p" + ], + [ + "(", + "Debug" + ], + [ + "oper", + "ative" + ], + [ + "Ġdece", + "ased" + ], + [ + "&", + "id" + ], + [ + "ĉm", + "utex" + ], + [ + "el", + "ic" + ], + [ + "Ġb", + "apt" + ], + [ + "ĉ", + "čĊčĊ" + ], + [ + "Ġfar", + "ther" + ], + [ + "H", + "alf" + ], + [ + ".dis", + "able" + ], + [ + ".menu", + "Strip" + ], + [ + "le", + "ccion" + ], + [ + "Ġresult", + "Code" + ], + [ + "Ġc", + "ans" + ], + [ + "-e", + "lection" + ], + [ + "f", + "emale" + ], + [ + "_F", + "IX" + ], + [ + "aus", + "ible" + ], + [ + "ĠP", + "OWER" + ], + [ + "Ġrecon", + "struction" + ], + [ + "Ġsc", + "ans" + ], + [ + ".Xtra", + "Bars" + ], + [ + "âĢĺ", + "s" + ], + [ + "Rem", + "oved" + ], + [ + "Ġparagraph", + "s" + ], + [ + "_m", + "argin" + ], + [ + "Ġl", + "ymph" + ], + [ + "Ġb", + "os" + ], + [ + "ling", + "ton" + ], + [ + "ĠBapt", + "ist" + ], + [ + "Ġadvertis", + "ements" + ], + [ + "ĠMan", + "age" + ], + [ + "/", + "yyyy" + ], + [ + "IO", + "US" + ], + [ + "ENC", + "ES" + ], + [ + "ĠF", + "iction" + ], + [ + "ĉm", + "enu" + ], + [ + "ĠFile", + "OutputStream" + ], + [ + "ov", + "an" + ], + [ + "ĠF", + "eng" + ], + [ + "Ġsk", + "ipping" + ], + [ + "get", + "Class" + ], + [ + "ann", + "i" + ], + [ + "Ġreb", + "ounds" + ], + [ + "Ġpublic", + "ity" + ], + [ + "Ġing", + "res" + ], + [ + "use", + "ment" + ], + [ + "Ġthought", + "ful" + ], + [ + ".Ch", + "art" + ], + [ + "Ġhat", + "te" + ], + [ + "pass", + "port" + ], + [ + "Ġhook", + "ed" + ], + [ + "ĠL", + "ens" + ], + [ + "Ġflag", + "ship" + ], + [ + "Ġst", + "ip" + ], + [ + "ĠG", + "EN" + ], + [ + "Ġcl", + "ues" + ], + [ + "ip", + "v" + ], + [ + "ĠR", + "ise" + ], + [ + "ĠG", + "ew" + ], + [ + "tab", + "lename" + ], + [ + "Ġfore", + "most" + ], + [ + "_", + "validate" + ], + [ + "_an", + "alysis" + ], + [ + "oll", + "a" + ], + [ + "Ġqual", + "ifications" + ], + [ + "Ġdistrib", + "utions" + ], + [ + "ĠFl", + "ower" + ], + [ + "Ġt", + "ense" + ], + [ + "Ġthank", + "ful" + ], + [ + "Ġcl", + "utch" + ], + [ + "Ġun", + "ified" + ], + [ + "ro", + "ads" + ], + [ + "Ġsit", + "i" + ], + [ + "Ġst", + "all" + ], + [ + "_P", + "RIORITY" + ], + [ + "c", + "stdlib" + ], + [ + "_USER", + "NAME" + ], + [ + ".by", + "tes" + ], + [ + "?", + "page" + ], + [ + "ermal", + "ink" + ], + [ + "ĠVe", + "get" + ], + [ + "/v", + "nd" + ], + [ + "-", + "author" + ], + [ + ".N", + "ONE" + ], + [ + "ĠCon", + "current" + ], + [ + "ĠC", + "ry" + ], + [ + "Ġstart", + "ers" + ], + [ + "ĠInter", + "action" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠ" + ], + [ + "ĠLE", + "VEL" + ], + [ + "E", + "ll" + ], + [ + "Ġcom", + "boBox" + ], + [ + "ĠTh", + "eresa" + ], + [ + "te", + "k" + ], + [ + "_H", + "andle" + ], + [ + "Ġab", + "y" + ], + [ + ".g", + "dx" + ], + [ + ",", + "end" + ], + [ + "(L", + "ocal" + ], + [ + "O", + "l" + ], + [ + "kn", + "ife" + ], + [ + "ar", + "ial" + ], + [ + "ĠH", + "off" + ], + [ + "Ġprostituer", + "ade" + ], + [ + "Do", + "ctor" + ], + [ + "Inst", + "ances" + ], + [ + ".Set", + "Value" + ], + [ + "ĉf", + "rom" + ], + [ + "Ġlux", + "urious" + ], + [ + "Ind", + "ent" + ], + [ + "Alloc", + "ator" + ], + [ + "_D", + "RAW" + ], + [ + "(\",", + "\"," + ], + [ + "ĠFr", + "ances" + ], + [ + "Ġgroup", + "Box" + ], + [ + "(s", + "chema" + ], + [ + "Print", + "f" + ], + [ + "OR", + "IES" + ], + [ + "-", + "gradient" + ], + [ + "Ġre", + "put" + ], + [ + "ar", + "in" + ], + [ + "_D", + "ONE" + ], + [ + "in", + "cre" + ], + [ + "ig", + "nty" + ], + [ + "Ġex", + "ert" + ], + [ + "Ġ-", + "." + ], + [ + "/", + "App" + ], + [ + "-th", + "rough" + ], + [ + "Ġdecl", + "ining" + ], + [ + "Ġdess", + "ert" + ], + [ + "Ġinc", + "umb" + ], + [ + "Ġdesign", + "ation" + ], + [ + ".P", + "ORT" + ], + [ + ",", + "strong" + ], + [ + "Ġsand", + "box" + ], + [ + "Ġw", + "ines" + ], + [ + "ĠP", + "av" + ], + [ + "$", + "str" + ], + [ + "ask", + "ell" + ], + [ + "Ġh", + "ö" + ], + [ + "ĠP", + "Y" + ], + [ + "Get", + "Instance" + ], + [ + "Text", + "Input" + ], + [ + "game", + "Object" + ], + [ + "/", + "events" + ], + [ + "created", + "At" + ], + [ + "Ġlocal", + "Var" + ], + [ + "ĠWH", + "ITE" + ], + [ + "per", + "ed" + ], + [ + "ile", + "ge" + ], + [ + "eff", + "icient" + ], + [ + ",", + "color" + ], + [ + "c", + "ate" + ], + [ + "ĠC", + "afe" + ], + [ + "Ġsimilar", + "ities" + ], + [ + "Ġp", + "umps" + ], + [ + "ĠHung", + "ary" + ], + [ + ".User", + "name" + ], + [ + "Ġsk", + "ate" + ], + [ + "Ġtouchdown", + "s" + ], + [ + "Ġacceler", + "ate" + ], + [ + "ĠH", + "elen" + ], + [ + "OM", + "EM" + ], + [ + "ĠK", + "un" + ], + [ + "_v", + "ol" + ], + [ + "Ġfind", + "All" + ], + [ + "ĠMens", + "chen" + ], + [ + "a", + "head" + ], + [ + ");", + "\"" + ], + [ + "kom", + "men" + ], + [ + "Ġpossess", + "ed" + ], + [ + ".arg", + "max" + ], + [ + ".trans", + "ition" + ], + [ + "AR", + "P" + ], + [ + "OLUM", + "E" + ], + [ + "(s", + "cript" + ], + [ + "ĠÐ", + "ĺ" + ], + [ + "ĠF", + "inding" + ], + [ + "on", + "ces" + ], + [ + "I", + "o" + ], + [ + "B", + "old" + ], + [ + "Ġrenew", + "al" + ], + [ + "_D", + "IALOG" + ], + [ + "Ġdis", + "reg" + ], + [ + "INT", + "ERN" + ], + [ + "Ġt", + "oute" + ], + [ + "Ġelect", + "r" + ], + [ + "ĠG", + "ross" + ], + [ + "ĉ", + "true" + ], + [ + ".F", + "ields" + ], + [ + "ĠW", + "IDTH" + ], + [ + "ĠD", + "ent" + ], + [ + "ĠÃ", + "ģ" + ], + [ + "NS", + "Notification" + ], + [ + "Ġa", + "os" + ], + [ + "Ġme", + "lee" + ], + [ + ".", + "Validation" + ], + [ + "ĠDE", + "C" + ], + [ + "-depend", + "ent" + ], + [ + "Ġsu", + "ic" + ], + [ + "T", + "raits" + ], + [ + "$", + "message" + ], + [ + "ĠD", + "ear" + ], + [ + "ĉ", + "FILE" + ], + [ + "l", + "anguages" + ], + [ + ".P", + "rot" + ], + [ + ".add", + "r" + ], + [ + "-g", + "eneration" + ], + [ + "IC", + "ON" + ], + [ + "Ġtrans", + "plant" + ], + [ + "-d", + "escription" + ], + [ + "Ġch", + "asing" + ], + [ + "Ġche", + "es" + ], + [ + "Ġ}", + "*/Ċ" + ], + [ + "Tr", + "ad" + ], + [ + "qu", + "eries" + ], + [ + "/widget", + "s" + ], + [ + "sub", + "package" + ], + [ + "Ġes", + "pec" + ], + [ + "Ġcr", + "acked" + ], + [ + "Ġcompet", + "itor" + ], + [ + "P", + "urchase" + ], + [ + "-", + "team" + ], + [ + "olec", + "ular" + ], + [ + "or", + "Thunk" + ], + [ + "&", + "P" + ], + [ + "Ġrel", + "ent" + ], + [ + "/", + "#{" + ], + [ + "Ġproduct", + "Id" + ], + [ + "Ġè", + "¾" + ], + [ + "ĠL", + "av" + ], + [ + "ĠAl", + "ter" + ], + [ + ".M", + "ode" + ], + [ + "AD", + "IO" + ], + [ + "gr", + "p" + ], + [ + "æ", + "·»åĬł" + ], + [ + "Qu", + "it" + ], + [ + "Ġdepth", + "s" + ], + [ + "-c", + "ategory" + ], + [ + "ĠD", + "ATABASE" + ], + [ + "S", + "PELL" + ], + [ + "ĠFal", + "con" + ], + [ + "ĠQString", + "List" + ], + [ + "Ġ''", + "." + ], + [ + "ĠIn", + "stitution" + ], + [ + "d", + "amage" + ], + [ + "az", + "or" + ], + [ + "bel", + "ongsTo" + ], + [ + "ver", + "ages" + ], + [ + "ĠN", + "ONE" + ], + [ + "ipp", + "ets" + ], + [ + ",", + "\\Ċ" + ], + [ + "Ġfoot", + "print" + ], + [ + "_", + "archive" + ], + [ + "n", + "ak" + ], + [ + ".get", + "Field" + ], + [ + "ĠRef", + "lection" + ], + [ + "Ġ'", + "]" + ], + [ + "ĠH", + "BO" + ], + [ + "_dis", + "count" + ], + [ + "Ġin", + "cest" + ], + [ + "ĠD", + "odge" + ], + [ + "ĠW", + "ade" + ], + [ + ".N", + "O" + ], + [ + "\"", + "encoding" + ], + [ + "ĠBlock", + "chain" + ], + [ + "Ġlaws", + "uits" + ], + [ + "ĠM", + "aint" + ], + [ + "ch", + "ten" + ], + [ + "Ġét", + "ait" + ], + [ + "Ġktó", + "re" + ], + [ + "_", + "ctl" + ], + [ + "(t", + "imer" + ], + [ + "B", + "attle" + ], + [ + "iz", + "o" + ], + [ + "ay", + "ed" + ], + [ + "I", + "OR" + ], + [ + "ĠGlas", + "gow" + ], + [ + "Ġsyn", + "th" + ], + [ + "_log", + "s" + ], + [ + ".p", + "ose" + ], + [ + "_Adjust", + "orThunk" + ], + [ + "((", + "&" + ], + [ + "Ġuns", + "ure" + ], + [ + "yst", + "ate" + ], + [ + "íķĺ", + "ëĬĶ" + ], + [ + "O", + "ULD" + ], + [ + ".", + "ng" + ], + [ + "Ġdefault", + "dict" + ], + [ + "work", + "space" + ], + [ + "Ġselect", + "ive" + ], + [ + "Picker", + "Controller" + ], + [ + "YNAM", + "IC" + ], + [ + ".method", + "s" + ], + [ + "Ġpath", + "ways" + ], + [ + "ĠF", + "ew" + ], + [ + "K", + "G" + ], + [ + "CRY", + "PT" + ], + [ + "follow", + "ing" + ], + [ + "ĠD", + "LC" + ], + [ + "ĠS", + "ara" + ], + [ + "Ġpres", + "et" + ], + [ + "estruct", + "or" + ], + [ + "ĠK", + "urt" + ], + [ + "Ġair", + "plane" + ], + [ + "Ġo", + "mp" + ], + [ + "ĠParent", + "s" + ], + [ + "ĠMart", + "inez" + ], + [ + ".com", + "plete" + ], + [ + "Ġbroad", + "ly" + ], + [ + "Ġsc", + "are" + ], + [ + "ĠM", + "é" + ], + [ + "Ġelim", + "ination" + ], + [ + "Ġpou", + "red" + ], + [ + "/", + "sw" + ], + [ + "Ġcom", + "un" + ], + [ + "Ġm", + "asc" + ], + [ + "ĠOrgan", + "ic" + ], + [ + "ĠString", + "Utils" + ], + [ + "il", + "ateral" + ], + [ + "Ġreluct", + "ant" + ], + [ + "-", + "age" + ], + [ + "Ġn", + "z" + ], + [ + ".\"", + "\\" + ], + [ + "Ġpast", + "or" + ], + [ + "ale", + "z" + ], + [ + "Ġe", + "fect" + ], + [ + "pro", + "v" + ], + [ + "/", + "init" + ], + [ + "Ġp", + "enn" + ], + [ + "und", + "s" + ], + [ + "Ġs", + "size" + ], + [ + "ĠPro", + "j" + ], + [ + "bas", + "ename" + ], + [ + "Ġsh", + "ells" + ], + [ + "ĠNe", + "ck" + ], + [ + "ĠEn", + "forcement" + ], + [ + "vid", + "ed" + ], + [ + "st", + "own" + ], + [ + "S", + "phere" + ], + [ + "$", + "r" + ], + [ + "uss", + "en" + ], + [ + "af", + "il" + ], + [ + "ĠTele", + "gram" + ], + [ + "Ġanaly", + "tical" + ], + [ + "нÑĭ", + "е" + ], + [ + "us", + "ually" + ], + [ + "x", + "n" + ], + [ + "Ġhistor", + "ian" + ], + [ + "ĠGreg", + "ory" + ], + [ + "ol", + "ph" + ], + [ + "ĠUn", + "a" + ], + [ + "Ġcon", + "tributes" + ], + [ + "%", + "-" + ], + [ + "anti", + "ago" + ], + [ + "ÑĢ", + "ед" + ], + [ + ".reg", + "ion" + ], + [ + "Ġab", + "rupt" + ], + [ + "ĠUnsupported", + "OperationException" + ], + [ + "ĠT", + "ASK" + ], + [ + "_f", + "inish" + ], + [ + "Ġnot", + "orious" + ], + [ + "ĠV", + "s" + ], + [ + "ĠM", + "Q" + ], + [ + "Ġsun", + "set" + ], + [ + "Ġun", + "acceptable" + ], + [ + "ar", + "cer" + ], + [ + "Ġill", + "umin" + ], + [ + "ĠOr", + "b" + ], + [ + "Ġb", + "h" + ], + [ + "E", + "ste" + ], + [ + "_dis", + "patch" + ], + [ + "Ġr", + "ipped" + ], + [ + "Ġtou", + "jours" + ], + [ + "ĠPar", + "cel" + ], + [ + "_", + "ll" + ], + [ + ".user", + "Name" + ], + [ + ".class", + "es" + ], + [ + "S", + "OURCE" + ], + [ + "(", + "Number" + ], + [ + "ел", + "Ñı" + ], + [ + "Ġhead", + "phones" + ], + [ + "(s", + "ide" + ], + [ + "const", + "itution" + ], + [ + "ann", + "ah" + ], + [ + "čĊ", + "ĠĠĠĠĠĠĠĠčĊ" + ], + [ + "Ġcl", + "iff" + ], + [ + "-", + "ref" + ], + [ + "Ġmo", + "strar" + ], + [ + "ĠPow", + "ell" + ], + [ + "+", + "y" + ], + [ + "ĠB", + "G" + ], + [ + "_f", + "ragment" + ], + [ + ".P", + "ort" + ], + [ + "Ġreal", + "izing" + ], + [ + "param", + "ref" + ], + [ + "Ġh", + "ometown" + ], + [ + "@", + "Table" + ], + [ + "+\"", + "", + "--}}Ċ" + ], + [ + "F", + "rench" + ], + [ + "Entity", + "Manager" + ], + [ + "ĠPl", + "ain" + ], + [ + "////////////////////////////////////////////////////////////////", + "////" + ], + [ + "Â", + "³" + ], + [ + "(", + "RE" + ], + [ + "c", + "apt" + ], + [ + "Ġorgan", + "isms" + ], + [ + "Ġj", + "ets" + ], + [ + "ol", + "ocation" + ], + [ + "ĠApp", + "RoutingModule" + ], + [ + "Ġgl", + "orious" + ], + [ + "æľ", + "į" + ], + [ + "Ġdisc", + "arded" + ], + [ + "ĉĉĉĉ", + "ĠĠĠĠĠ" + ], + [ + "ĠArn", + "old" + ], + [ + "l", + "ug" + ], + [ + "Ġpar", + "l" + ], + [ + "Ġhorm", + "ones" + ], + [ + "Ġm", + "ah" + ], + [ + "ĠSon", + "ic" + ], + [ + "Ġorgan", + "izers" + ], + [ + "_PL", + "ATFORM" + ], + [ + ".in", + "v" + ], + [ + "Ġch", + "ord" + ], + [ + "vent", + "ional" + ], + [ + "ĉ", + "of" + ], + [ + "Ep", + "isode" + ], + [ + ".", + "Enum" + ], + [ + "unk", + "t" + ], + [ + "ĠD", + "h" + ], + [ + "ĠJ", + "ared" + ], + [ + "ĠN", + "ak" + ], + [ + "Ġint", + "ends" + ], + [ + "End", + "ian" + ], + [ + "Ġa", + "ustralia" + ], + [ + "_c", + "v" + ], + [ + "(res", + "olve" + ], + [ + "Ġclin", + "ics" + ], + [ + "lik", + "ed" + ], + [ + "ASH", + "INGTON" + ], + [ + "in", + "ha" + ], + [ + "'", + "*" + ], + [ + "ĠN", + "P" + ], + [ + "_b", + "eh" + ], + [ + "Ġh", + "f" + ], + [ + "Ġw", + "ür" + ], + [ + "c", + "ategoria" + ], + [ + "$", + "form" + ], + [ + "Ġsub", + "way" + ], + [ + "Ġis", + "Active" + ], + [ + "pop", + "ular" + ], + [ + "C", + "our" + ], + [ + "Ġco", + "oldown" + ], + [ + "Ġa", + "insi" + ], + [ + "ĠGL", + "uint" + ], + [ + "ere", + "al" + ], + [ + "Ġarray", + "Of" + ], + [ + "Ġh", + "atch" + ], + [ + "========", + "==" + ], + [ + "ress", + "es" + ], + [ + "_P", + "P" + ], + [ + ".", + "^" + ], + [ + "_dec", + "ay" + ], + [ + "ĠB", + "less" + ], + [ + "met", + "rics" + ], + [ + "ĠCOPY", + "ING" + ], + [ + "ĠDump", + "ster" + ], + [ + "ĠJos", + "é" + ], + [ + "ĠDesign", + "s" + ], + [ + "<" + ], + [ + "Ġ\"", + "}Ċ" + ], + [ + "time", + "zone" + ], + [ + "Ġe", + "er" + ], + [ + "max", + "cdn" + ], + [ + "ĠE", + "SC" + ], + [ + "ig", + "aret" + ], + [ + "_conn", + "ected" + ], + [ + "_re", + "verse" + ], + [ + "Ġquestion", + "able" + ], + [ + "ĠUS", + "C" + ], + [ + "Ġtut", + "ti" + ], + [ + "Ġdrop", + "out" + ], + [ + "ĠActiv", + "ities" + ], + [ + "ĠW", + "inds" + ], + [ + "'))", + ");Ċ" + ], + [ + "Ġcon", + "gest" + ], + [ + "ÄŁ", + "ı" + ], + [ + "Ġprolong", + "ed" + ], + [ + "è¿", + "Ļ" + ], + [ + "ĠCross", + "AxisAlignment" + ], + [ + "LE", + "EP" + ], + [ + "ĠVAL", + "ID" + ], + [ + "ĠG", + "az" + ], + [ + "Ġdepend", + "ence" + ], + [ + "ĠP", + "rix" + ], + [ + ".Compiler", + "Services" + ], + [ + "j", + "ump" + ], + [ + "Ġstr", + "at" + ], + [ + "c", + "irc" + ], + [ + "ĠC", + "USTOM" + ], + [ + "x", + "aa" + ], + [ + "Ġb", + "mp" + ], + [ + "Ġb", + "ureau" + ], + [ + "Ġw", + "aren" + ], + [ + "N", + "X" + ], + [ + "(", + "Window" + ], + [ + "ĠChrist", + "ie" + ], + [ + "_F", + "E" + ], + [ + "Ġt", + "n" + ], + [ + "ĠOm", + "ega" + ], + [ + "communic", + "ations" + ], + [ + "Home", + "Page" + ], + [ + "com", + "pletion" + ], + [ + "Ġsupply", + "ing" + ], + [ + "YP", + "ES" + ], + [ + "á", + "vel" + ], + [ + "åĪ", + "¶" + ], + [ + "(c", + "lick" + ], + [ + "\\", + "Contracts" + ], + [ + "/", + "questions" + ], + [ + "Ġe", + "z" + ], + [ + "AM", + "S" + ], + [ + ".m", + "esh" + ], + [ + "Ġ'", + "", + "\\Ċ" + ], + [ + "Rob", + "ot" + ], + [ + "Json", + "Object" + ], + [ + "ĠD", + "F" + ], + [ + "ĠProcess", + "or" + ], + [ + "_sh", + "ould" + ], + [ + ".prot", + "obuf" + ], + [ + "-", + "users" + ], + [ + "Ġemb", + "ry" + ], + [ + "F", + "ONT" + ], + [ + "Ġstart", + "ups" + ], + [ + "ĠData", + "Source" + ], + [ + ")", + "#" + ], + [ + "uro", + "s" + ], + [ + "_C", + "olor" + ], + [ + "Ġstand", + "alone" + ], + [ + "}", + "[" + ], + [ + "j", + "d" + ], + [ + "Ġforg", + "ive" + ], + [ + "Ġng", + "x" + ], + [ + "ĠGener", + "ally" + ], + [ + "Ġconfig", + "urable" + ], + [ + "/", + "order" + ], + [ + "Ġv", + "as" + ], + [ + "')", + "\";Ċ" + ], + [ + "ĠR", + "R" + ], + [ + "ĠT", + "roy" + ], + [ + "Ġcomprom", + "ised" + ], + [ + "ĠSw", + "an" + ], + [ + "int", + "endent" + ], + [ + "Cent", + "ral" + ], + [ + "_", + "keeper" + ], + [ + "Ġar", + "quivo" + ], + [ + "ĠRead", + "Only" + ], + [ + "_cur", + "ve" + ], + [ + "k", + "v" + ], + [ + "ent", + "in" + ], + [ + "è", + "±" + ], + [ + "ĠE", + "y" + ], + [ + ".im", + "read" + ], + [ + "ĠP", + "am" + ], + [ + "if", + "fe" + ], + [ + "at", + "ivity" + ], + [ + "xb", + "c" + ], + [ + "Ġgr", + "im" + ], + [ + "-f", + "illed" + ], + [ + "names", + "e" + ], + [ + "']", + ":" + ], + [ + "Ġa", + "ur" + ], + [ + "ĠGib", + "son" + ], + [ + ".Mouse", + "Event" + ], + [ + "Ġl", + "ado" + ], + [ + "avad", + "oc" + ], + [ + "Ġfam", + "il" + ], + [ + "ĠM", + "oder" + ], + [ + "f", + "ps" + ], + [ + "ãĢĢ", + "ãĢĢ" + ], + [ + "-", + "example" + ], + [ + "ĠAl", + "zheimer" + ], + [ + "ĠU", + "tf" + ], + [ + "_arg", + "uments" + ], + [ + "Con", + "clusion" + ], + [ + "text", + "Content" + ], + [ + "rem", + "aining" + ], + [ + "Ġinterrupt", + "s" + ], + [ + "ĠBack", + "up" + ], + [ + "ĠM", + "ong" + ], + [ + "Ġrecept", + "ors" + ], + [ + "h", + "istor" + ], + [ + ".cor", + "outines" + ], + [ + "Ġsh", + "outed" + ], + [ + "Al", + "arm" + ], + [ + "Ġcomb", + "ust" + ], + [ + "Ġg", + "rote" + ], + [ + "ult", + "ural" + ], + [ + "(", + "ids" + ], + [ + "----------------------------------------------------------------", + "----------------" + ], + [ + "ipl", + "inary" + ], + [ + "O", + "pts" + ], + [ + "ĠY", + "ale" + ], + [ + "local", + "Storage" + ], + [ + "Ġequ", + "ival" + ], + [ + "ĠF", + "leet" + ], + [ + "\\", + "b" + ], + [ + "*", + "pi" + ], + [ + "ĠQ", + "Label" + ], + [ + "æ", + "¡" + ], + [ + "Ġv", + "x" + ], + [ + "ĠA", + "CL" + ], + [ + "Ġsu", + "cesso" + ], + [ + "Ġper", + "c" + ], + [ + "ĠNot", + "re" + ], + [ + "Ġan", + "arch" + ], + [ + "R", + "ing" + ], + [ + "sp", + "b" + ], + [ + "Ġstr", + "pos" + ], + [ + "st", + "ores" + ], + [ + "ĠMap", + "le" + ], + [ + "(Main", + "Activity" + ], + [ + "(\"", + "\"))" + ], + [ + "Ġview", + "Holder" + ], + [ + "Qu", + "ad" + ], + [ + "Ġig", + "ual" + ], + [ + "ors", + "che" + ], + [ + ".m", + "argin" + ], + [ + "Ġind", + "ie" + ], + [ + "Ġfr", + "anc" + ], + [ + "ĠForm", + "Builder" + ], + [ + "ĠPart", + "icip" + ], + [ + ".fl", + "ash" + ], + [ + "Ġstorm", + "s" + ], + [ + "U", + "lt" + ], + [ + "Ġf", + "en" + ], + [ + "[", + "new" + ], + [ + "E", + "ver" + ], + [ + "=\"", + "Ċ" + ], + [ + "Ġlocal", + "ized" + ], + [ + "_f", + "ollow" + ], + [ + "Ġn", + "ave" + ], + [ + "Ġdomin", + "ance" + ], + [ + "(t", + "ile" + ], + [ + "J", + "ournal" + ], + [ + "ĠV", + "C" + ], + [ + "Ġpenet", + "ration" + ], + [ + "ï¼", + "ķ" + ], + [ + "Ġcomp", + "artment" + ], + [ + "Ġb", + "ids" + ], + [ + "Form", + "atted" + ], + [ + "******", + "/ĊĊ" + ], + [ + "(c", + "ity" + ], + [ + "âĢĶ", + "it" + ], + [ + "[", + "C" + ], + [ + "Ġuse", + "Callback" + ], + [ + "a", + "ub" + ], + [ + ")", + "?." + ], + [ + "ĠV", + "AR" + ], + [ + "ĠSe", + "bastian" + ], + [ + "ĠM", + "oss" + ], + [ + "Ġabund", + "ant" + ], + [ + "G", + "reg" + ], + [ + "ÑĤ", + "а" + ], + [ + "_c", + "i" + ], + [ + "Ġbib", + "li" + ], + [ + "CR", + "M" + ], + [ + "ĠAt", + "tempt" + ], + [ + "ism", + "e" + ], + [ + "d", + "ash" + ], + [ + "ãĢ", + "İ" + ], + [ + "_m", + "u" + ], + [ + ".Formatting", + "Enabled" + ], + [ + "Ind", + "eed" + ], + [ + "-d", + "irect" + ], + [ + "Ġsuck", + "ing" + ], + [ + "Ġp", + "ne" + ], + [ + "ocab", + "ulary" + ], + [ + "ĠPack", + "ers" + ], + [ + ".N", + "avigation" + ], + [ + "Ġp", + "ied" + ], + [ + "cri", + "bing" + ], + [ + "ĠSt", + "uart" + ], + [ + ".To", + "Double" + ], + [ + "ĠSecond", + "ary" + ], + [ + "S", + "aving" + ], + [ + "ĠD", + "ut" + ], + [ + "ĠM", + "add" + ], + [ + "M", + "agic" + ], + [ + ",", + "H" + ], + [ + ".document", + "Element" + ], + [ + "ĠB", + "ST" + ], + [ + "Ġdiff", + "ers" + ], + [ + "Ġmore", + "over" + ], + [ + "_", + "nd" + ], + [ + "SE", + "ARCH" + ], + [ + "п", + "ÑĢав" + ], + [ + "æ", + "´" + ], + [ + "to", + "Match" + ], + [ + "Ġdecre", + "asing" + ], + [ + "-m", + "ember" + ], + [ + "amp", + "us" + ], + [ + "(", + "boost" + ], + [ + "D", + "aily" + ], + [ + "Data", + "GridView" + ], + [ + "ĠHttp", + "Context" + ], + [ + "Ġh", + "ipp" + ], + [ + "_work", + "ers" + ], + [ + "-l", + "anguage" + ], + [ + "é", + "ĵ" + ], + [ + "Ġconsist", + "ed" + ], + [ + "ath", + "ing" + ], + [ + "ĠMer", + "cury" + ], + [ + "$", + "content" + ], + [ + "Ġpract", + "iced" + ], + [ + "ĠMod", + "ules" + ], + [ + "_D", + "AY" + ], + [ + "Ġweakness", + "es" + ], + [ + "ĠL", + "odge" + ], + [ + "Ġn", + "ar" + ], + [ + "ĠM", + "ate" + ], + [ + "Ġj", + "p" + ], + [ + "ĠHttp", + "Headers" + ], + [ + "Ġsm", + "o" + ], + [ + "ĠT", + "OKEN" + ], + [ + "]", + ")(" + ], + [ + "Ġaqu", + "i" + ], + [ + "sw", + "agen" + ], + [ + "Ġs", + "rv" + ], + [ + "ĉ", + "ans" + ], + [ + "A", + "round" + ], + [ + "ĠMan", + "uel" + ], + [ + "Ġfiction", + "al" + ], + [ + "ĠIM", + "G" + ], + [ + "Ġ.", + "'" + ], + [ + "ĠB", + "erry" + ], + [ + "Ġwall", + "paper" + ], + [ + "sex", + "ual" + ], + [ + "ier", + "o" + ], + [ + "Ġ", + "çļĦ" + ], + [ + "ìĨ", + "Į" + ], + [ + "Backing", + "Field" + ], + [ + "ĠAd", + "rian" + ], + [ + "BASE", + "PATH" + ], + [ + "Ġrepe", + "ats" + ], + [ + "Ġbl", + "ues" + ], + [ + "Ġunp", + "redict" + ], + [ + "_c", + "oll" + ], + [ + "st", + "acle" + ], + [ + "ĠT", + "umblr" + ], + [ + "ĠEl", + "f" + ], + [ + "Ġass", + "urance" + ], + [ + "Ġc", + "ensus" + ], + [ + "ĠIM", + "PORT" + ], + [ + "END", + "ER" + ], + [ + "an", + "os" + ], + [ + "Ġ=", + "(" + ], + [ + "ĠEll", + "is" + ], + [ + "\"", + "ĊĊĊĊ" + ], + [ + ".w", + "in" + ], + [ + "ĠA", + "bove" + ], + [ + "al", + "on" + ], + [ + "_t", + "ick" + ], + [ + "Ġrepresent", + "ations" + ], + [ + "Ġæ", + "ķ" + ], + [ + "w", + "id" + ], + [ + "ĠAr", + "ms" + ], + [ + "List", + "a" + ], + [ + "_f", + "ailure" + ], + [ + "_c", + "m" + ], + [ + ".Flat", + "Appearance" + ], + [ + "Ġthr", + "one" + ], + [ + "P", + "atch" + ], + [ + "ĠV", + "oy" + ], + [ + "eng", + "l" + ], + [ + "Ġnegot", + "iating" + ], + [ + ">", + "`" + ], + [ + "Ġshoot", + "s" + ], + [ + "ĠF", + "PS" + ], + [ + ".Y", + "ear" + ], + [ + "ĠK", + "iss" + ], + [ + "enc", + "ión" + ], + [ + "reet", + "ing" + ], + [ + "From", + "File" + ], + [ + "Ġresign", + "ation" + ], + [ + "Ø", + "·" + ], + [ + "Ġtw", + "ins" + ], + [ + "ưá»", + "£" + ], + [ + "Ġge", + "bru" + ], + [ + ".get", + "Content" + ], + [ + ".T", + "ree" + ], + [ + "ĠEmploy", + "ees" + ], + [ + "ĠF", + "IFA" + ], + [ + "Ġcert", + "ainty" + ], + [ + "(C", + "l" + ], + [ + "Ġtot", + "als" + ], + [ + "edit", + "able" + ], + [ + "à¥", + "Ģ" + ], + [ + ".Report", + "ing" + ], + [ + "M", + "as" + ], + [ + "qu", + "iet" + ], + [ + ".r", + "ules" + ], + [ + "ĠV", + "O" + ], + [ + "con", + "exion" + ], + [ + ",", + "K" + ], + [ + "Ġalloc", + "ator" + ], + [ + "ĠPow", + "der" + ], + [ + "\\", + "Repository" + ], + [ + "Be", + "at" + ], + [ + "_t", + "ipo" + ], + [ + "Ġ['", + "'," + ], + [ + "_IN", + "TR" + ], + [ + "Ġ<<", + "<" + ], + [ + "<", + "hr" + ], + [ + "\")", + "==" + ], + [ + "ugg", + "age" + ], + [ + "ĠC", + "raw" + ], + [ + "Ġé", + "galement" + ], + [ + "Ġg", + "inger" + ], + [ + "Ġprim", + "era" + ], + [ + "Ġprod", + "uto" + ], + [ + "lt", + "k" + ], + [ + ".User", + "Name" + ], + [ + "Ġstr", + "error" + ], + [ + "m", + "ith" + ], + [ + "_n", + "b" + ], + [ + "Ġdis", + "comfort" + ], + [ + "'];", + "?>", + "\");čĊ" + ], + [ + "drop", + "IfExists" + ], + [ + "ĠB", + "eg" + ], + [ + "_H", + "AL" + ], + [ + "Ġcross", + "AxisAlignment" + ], + [ + "ĠE", + "vidence" + ], + [ + "Ġpec", + "uliar" + ], + [ + "Ġinstit", + "ute" + ], + [ + "ve", + "is" + ], + [ + "Ġf", + "ft" + ], + [ + "Ã", + "ģ" + ], + [ + "Ġzo", + "ekt" + ], + [ + "an", + "aly" + ], + [ + "ĠHom", + "eland" + ], + [ + "Ġpen", + "etr" + ], + [ + "udden", + "ly" + ], + [ + "ĉ", + "element" + ], + [ + "ĠB", + "ren" + ], + [ + "ĠTr", + "udeau" + ], + [ + "ĠCub", + "an" + ], + [ + "j", + "am" + ], + [ + "us", + "lim" + ], + [ + "_e", + "v" + ], + [ + "Ġst", + "ems" + ], + [ + "}", + "%" + ], + [ + "Ŀ", + "å§ĭ" + ], + [ + "Ġbrand", + "ing" + ], + [ + "Ġcorrespond", + "ence" + ], + [ + ".j", + "query" + ], + [ + "¢", + "åįķ" + ], + [ + "ĠRead", + "s" + ], + [ + "(Http", + "StatusCode" + ], + [ + "ass", + "in" + ], + [ + "(s", + "lot" + ], + [ + "ĠGrad", + "uate" + ], + [ + "///", + "<" + ], + [ + "Ġinform", + "ations" + ], + [ + "EN", + "ABLE" + ], + [ + "Ġp", + "uis" + ], + [ + "Ġfind", + "er" + ], + [ + "ĠBr", + "is" + ], + [ + "Ġnett", + "steder" + ], + [ + "_m", + "id" + ], + [ + "Ġo", + "gs" + ], + [ + "ĠSter", + "ling" + ], + [ + "Ġar", + "rog" + ], + [ + "str", + "ftime" + ], + [ + "|", + "ĊĊ" + ], + [ + "Ġvo", + "x" + ], + [ + "ĠReg", + "ardless" + ], + [ + "Ġes", + "o" + ], + [ + "ĠCom", + "fort" + ], + [ + ".Boolean", + "Field" + ], + [ + "Ġu", + "h" + ], + [ + "AC", + "Y" + ], + [ + "Ġsque", + "ez" + ], + [ + "ĠV", + "ic" + ], + [ + "cont", + "ro" + ], + [ + ".", + "lo" + ], + [ + "Ġ", + "ire" + ], + [ + "ĠCom", + "edy" + ], + [ + "ë", + "¶" + ], + [ + "Ġorigin", + "ated" + ], + [ + "Ġsh", + "ipment" + ], + [ + "|", + "max" + ], + [ + "_g", + "uid" + ], + [ + "lev", + "ation" + ], + [ + "на", + "Ñı" + ], + [ + "(", + "undefined" + ], + [ + "ĠD", + "DR" + ], + [ + "Ġshoot", + "ings" + ], + [ + "ĠLat", + "ino" + ], + [ + "END", + "OR" + ], + [ + "Ġaver", + "aging" + ], + [ + "Ġgre", + "eted" + ], + [ + "Ġthe", + "aters" + ], + [ + "о", + "е" + ], + [ + "Ġd", + "B" + ], + [ + "Ġg", + "st" + ], + [ + "Ġdef", + "inite" + ], + [ + ".", + "Storage" + ], + [ + ".h", + "er" + ], + [ + "Ġa", + "fore" + ], + [ + "ĠRe", + "ality" + ], + [ + "ĠGod", + "s" + ], + [ + "vers", + "ed" + ], + [ + "Ġhands", + "ome" + ], + [ + "Ġex", + "cluding" + ], + [ + "(", + "ad" + ], + [ + "Qu", + "otes" + ], + [ + "ĠS", + "cheme" + ], + [ + "?", + "q" + ], + [ + "ĠT", + "amil" + ], + [ + "T", + "icks" + ], + [ + "Ġp", + "est" + ], + [ + "'", + "n" + ], + [ + "Ġporn", + "ography" + ], + [ + "_mod", + "al" + ], + [ + "Ġ", + "----------" + ], + [ + "Ġdis", + "posable" + ], + [ + "F", + "REE" + ], + [ + "Ġsh", + "ark" + ], + [ + "C", + "HE" + ], + [ + "Ġdep", + "icted" + ], + [ + "Ġdemonstr", + "ations" + ], + [ + "ĠK", + "illed" + ], + [ + "ĠR", + "ULE" + ], + [ + "Ġobs", + "essed" + ], + [ + "Ġsimpl", + "ified" + ], + [ + "Post", + "al" + ], + [ + "Ġconcept", + "ual" + ], + [ + "Ġp", + "st" + ], + [ + "L", + "as" + ], + [ + "_PRO", + "JECT" + ], + [ + "ucceed", + "ed" + ], + [ + "ol", + "u" + ], + [ + "ÄŁ", + "i" + ], + [ + "Ġpersonal", + "ities" + ], + [ + "Ġres", + "hape" + ], + [ + "Ġenc", + "losed" + ], + [ + "ĉp", + "tr" + ], + [ + "Ġtutor", + "ials" + ], + [ + "Ġexpl", + "oded" + ], + [ + "_DIRECT", + "ORY" + ], + [ + "åĨħ", + "容" + ], + [ + "Ġcan", + "on" + ], + [ + "Ġrecogn", + "ise" + ], + [ + "P", + "AD" + ], + [ + "ĠAppro", + "x" + ], + [ + "ĠRest", + "ore" + ], + [ + "ĠImport", + "ant" + ], + [ + "Ġheav", + "ier" + ], + [ + ".Se", + "quential" + ], + [ + "Ear", + "th" + ], + [ + "ĠMil", + "k" + ], + [ + ".set", + "Request" + ], + [ + ".t", + "em" + ], + [ + "Ġre", + "construct" + ], + [ + "Ġskept", + "ical" + ], + [ + "_Pr", + "ivate" + ], + [ + "BU", + "F" + ], + [ + "qu", + "a" + ], + [ + ":", + "a" + ], + [ + "Ġse", + "k" + ], + [ + "Ġd", + "well" + ], + [ + "oss", + "a" + ], + [ + "Ġreward", + "ed" + ], + [ + "и", + "й" + ], + [ + "(top", + "ic" + ], + [ + "_part", + "ition" + ], + [ + "Ġ__", + "________________" + ], + [ + "Key", + "words" + ], + [ + "ĠFr", + "anco" + ], + [ + "L", + "ite" + ], + [ + "Ġn", + "aken" + ], + [ + "Ġз", + "а" + ], + [ + "O", + "BJECT" + ], + [ + "Ġcraft", + "s" + ], + [ + "ĠSw", + "ap" + ], + [ + ".X", + "na" + ], + [ + ".Con", + "nect" + ], + [ + "Ġbalcon", + "y" + ], + [ + "(re", + "al" + ], + [ + "ĠBarn", + "es" + ], + [ + "b", + "ir" + ], + [ + "ĠTw", + "enty" + ], + [ + "ay", + "an" + ], + [ + "at", + "ars" + ], + [ + "ĠProp", + "el" + ], + [ + "ĠIh", + "nen" + ], + [ + "Up", + "grade" + ], + [ + "Ġcur", + "b" + ], + [ + "-", + "second" + ], + [ + "Ġn", + "eph" + ], + [ + ".p", + "res" + ], + [ + "ìŀ", + "ħ" + ], + [ + ".se", + "q" + ], + [ + "Ġp", + "added" + ], + [ + "\"", + "?" + ], + [ + "j", + "l" + ], + [ + "ãĥ", + "¬" + ], + [ + "')", + "", + "a" + ], + [ + "Co", + "ordinates" + ], + [ + "Ġen", + "acted" + ], + [ + "ENT", + "S" + ], + [ + "Ġl", + "ac" + ], + [ + ".f", + "inal" + ], + [ + "ĠPhp", + "Storm" + ], + [ + "c", + "alled" + ], + [ + "Ġin", + "quiries" + ], + [ + ".m", + "iddleware" + ], + [ + "ĠD", + "owntown" + ], + [ + "/", + "';Ċ" + ], + [ + "Ġkil", + "omet" + ], + [ + "ac", + "cel" + ], + [ + "Ġqu", + "ien" + ], + [ + "w", + "string" + ], + [ + "set", + "Data" + ], + [ + "Ġman", + "era" + ], + [ + "Ġmod", + "ular" + ], + [ + "rim", + "p" + ], + [ + "Ġtar", + "iffs" + ], + [ + "âĢĻ", + "il" + ], + [ + "_TH", + "ROW" + ], + [ + "/c", + "olor" + ], + [ + "ĠHT", + "MLElement" + ], + [ + "Ġcar", + "ro" + ], + [ + "Ġpr", + "ere" + ], + [ + "Ġplot", + "ting" + ], + [ + "ĠPos", + "itive" + ], + [ + "ĠMach", + "ines" + ], + [ + "OT", + "ES" + ], + [ + "á»", + "Ľ" + ], + [ + "ple", + "asant" + ], + [ + "Ġal", + "te" + ], + [ + "Ġa", + "inda" + ], + [ + "th", + "ese" + ], + [ + "Ġc", + "ors" + ], + [ + "ip", + "ay" + ], + [ + "ĠAdvis", + "ory" + ], + [ + "ĠRub", + "io" + ], + [ + "j", + "q" + ], + [ + "Ġl", + "imestone" + ], + [ + "Ġdet", + "ached" + ], + [ + "设", + "ç½®" + ], + [ + "ten", + "ant" + ], + [ + "ĠDep", + "th" + ], + [ + "al", + "ore" + ], + [ + "ĠÑģÑĤÑĢ", + "ок" + ], + [ + "ĠF", + "ORE" + ], + [ + "ĠL", + "ay" + ], + [ + "p", + "resentation" + ], + [ + ")", + "');Ċ" + ], + [ + ".sub", + "plots" + ], + [ + "Ï", + "ĥ" + ], + [ + "N", + "OW" + ], + [ + "G", + "ar" + ], + [ + "hand", + "les" + ], + [ + "ab", + "ra" + ], + [ + "put", + "ies" + ], + [ + "ĠElect", + "rical" + ], + [ + "M", + "iddle" + ], + [ + "rop", + "ic" + ], + [ + "ĠJ", + "D" + ], + [ + "ĠD", + "yn" + ], + [ + "ĠB", + "ristol" + ], + [ + "ĠMc", + "Carthy" + ], + [ + "Ġstri", + "ker" + ], + [ + "Ġenumer", + "able" + ], + [ + "ĠEv", + "an" + ], + [ + ".default", + "s" + ], + [ + "qu", + "ences" + ], + [ + ")", + "||" + ], + [ + "ĉt", + "oken" + ], + [ + "â", + "Ĺı" + ], + [ + "-d", + "ropdown" + ], + [ + "ST", + "ORE" + ], + [ + "ĠGraph", + "ic" + ], + [ + "(", + "pp" + ], + [ + "Ex", + "pl" + ], + [ + "Ġup", + "wards" + ], + [ + "ĠD", + "istributed" + ], + [ + "ĠW", + "EB" + ], + [ + "J", + "er" + ], + [ + "is", + "NaN" + ], + [ + "çĶŁ", + "æĪIJ" + ], + [ + ">", + "R" + ], + [ + "üss", + "en" + ], + [ + "ef", + "s" + ], + [ + "Ġun", + "cover" + ], + [ + "Ġl", + "ud" + ], + [ + ".cal", + "culate" + ], + [ + "Ġint", + "ptr" + ], + [ + "Ġmidfield", + "er" + ], + [ + ".", + "Headers" + ], + [ + "Ġm", + "f" + ], + [ + "ere", + "f" + ], + [ + ".M", + "etro" + ], + [ + "ĠSpe", + "aking" + ], + [ + ":", + "b" + ], + [ + "Ġcryptoc", + "urrencies" + ], + [ + "Ġdem", + "ons" + ], + [ + "ĉ", + "EXPECT" + ], + [ + "Ġw", + "icked" + ], + [ + "y", + "outube" + ], + [ + ":", + "Int" + ], + [ + "ĠHind", + "i" + ], + [ + "ĠC", + "AT" + ], + [ + "ĠØ", + "¹" + ], + [ + "r", + "ar" + ], + [ + "om", + "ore" + ], + [ + "/", + "per" + ], + [ + "/lic", + "ense" + ], + [ + "Ġre", + "im" + ], + [ + "Ġawait", + "ing" + ], + [ + "Ġle", + "thal" + ], + [ + "ĠE", + "F" + ], + [ + "round", + "ed" + ], + [ + "ĠPl", + "atinum" + ], + [ + "ĠвÑģ", + "е" + ], + [ + ".co", + "ords" + ], + [ + ".De", + "vice" + ], + [ + "/", + "item" + ], + [ + "ĠW", + "enn" + ], + [ + "compile", + "Components" + ], + [ + "ĠK", + "inder" + ], + [ + ".remove", + "Item" + ], + [ + "Ġand", + "a" + ], + [ + "bn", + "b" + ], + [ + "Ġpr", + "a" + ], + [ + "(", + "transaction" + ], + [ + "Ġembarrass", + "ing" + ], + [ + "ĉ", + "BOOL" + ], + [ + ".content", + "View" + ], + [ + "Ġevent", + "data" + ], + [ + "at", + "ore" + ], + [ + "Ġprovided", + "In" + ], + [ + "ir", + "ma" + ], + [ + "Ġz", + "ona" + ], + [ + "_H", + "W" + ], + [ + "æ", + "Ļ" + ], + [ + "Ġst", + "ove" + ], + [ + "Ġcounter", + "part" + ], + [ + "_Pro", + "duct" + ], + [ + "_MAN", + "AGER" + ], + [ + "Ġinfr", + "ing" + ], + [ + "ĠE", + "RA" + ], + [ + "_p", + "arty" + ], + [ + "Ñ", + "ij" + ], + [ + "Ġin", + "ici" + ], + [ + "_", + "Request" + ], + [ + "Ġmir", + "acle" + ], + [ + "Ġcancel", + "Button" + ], + [ + "S", + "py" + ], + [ + "at", + "ó" + ], + [ + "Ġpol", + "ish" + ], + [ + "ĠNic", + "ole" + ], + [ + ".display", + "Name" + ], + [ + "\\Request", + "s" + ], + [ + "Ġuse", + "History" + ], + [ + "Router", + "Module" + ], + [ + "Ġst", + "ared" + ], + [ + "ID", + "ER" + ], + [ + "Ñĥнк", + "ÑĨи" + ], + [ + "Ġnot", + "a" + ], + [ + "$", + "arr" + ], + [ + "pec", + "ified" + ], + [ + "Ġto", + "pp" + ], + [ + "_DR", + "IVER" + ], + [ + "/", + "ng" + ], + [ + "å", + "ł" + ], + [ + "_t", + "m" + ], + [ + "%", + "timeout" + ], + [ + "<", + "s" + ], + [ + "Ġ(", + "*)" + ], + [ + "ĠHttp", + "Request" + ], + [ + "_TR", + "ACK" + ], + [ + "(n", + "ote" + ], + [ + "ĠExp", + "lore" + ], + [ + "_s", + "erv" + ], + [ + "Ġç", + "»" + ], + [ + "B", + "inder" + ], + [ + "+", + "\"," + ], + [ + ".", + "att" + ], + [ + "ĠEth", + "i" + ], + [ + "Ġc", + "ódigo" + ], + [ + "='", + "\\" + ], + [ + ".l", + "ines" + ], + [ + "(", + "Of" + ], + [ + "å°", + "Ĩ" + ], + [ + "miss", + "ible" + ], + [ + "Ġv", + "é" + ], + [ + "Ġac", + "oustic" + ], + [ + "Ġcraft", + "ing" + ], + [ + "n", + "it" + ], + [ + ".b", + "a" + ], + [ + "ĠLuc", + "y" + ], + [ + "Ġi", + "Pod" + ], + [ + "Ġpup", + "ils" + ], + [ + "-m", + "ax" + ], + [ + "_w", + "r" + ], + [ + "(c", + "p" + ], + [ + "ĠRE", + "PORT" + ], + [ + "Ġd", + "ns" + ], + [ + "ĠRe", + "ferences" + ], + [ + "Ġundert", + "aken" + ], + [ + "Ġkø", + "benhavn" + ], + [ + "Ġch", + "ai" + ], + [ + "ĠC", + "roat" + ], + [ + "_", + "Log" + ], + [ + "rown", + "ed" + ], + [ + "_m", + "ed" + ], + [ + "ĉ", + "date" + ], + [ + "#", + "__" + ], + [ + "Ġcost", + "umes" + ], + [ + "ĠRe", + "quires" + ], + [ + "aff", + "le" + ], + [ + "ç", + "Ĭ¶æĢģ" + ], + [ + "-S", + "emit" + ], + [ + "ela", + "ide" + ], + [ + "еÑĤ", + "од" + ], + [ + "Ġp", + "estic" + ], + [ + "Ġd", + "ra" + ], + [ + "DOC", + "UMENT" + ], + [ + "Ġ...", + "čĊ" + ], + [ + "}`", + "}Ċ" + ], + [ + "ĠA", + "uction" + ], + [ + "ĠD", + "ock" + ], + [ + "xxxx", + "xxxx" + ], + [ + "(get", + "String" + ], + [ + "ħ", + "į" + ], + [ + "Ġborder", + "Width" + ], + [ + "ĠMach", + "inery" + ], + [ + "Ġpredict", + "able" + ], + [ + ".S", + "H" + ], + [ + "Ġam", + "plitude" + ], + [ + ".for", + "Root" + ], + [ + "IN", + "avigation" + ], + [ + "Table", + "Model" + ], + [ + "at", + "trib" + ], + [ + "Ġmaneu", + "ver" + ], + [ + "Ġexc", + "av" + ], + [ + "B", + "ERS" + ], + [ + "Ġd", + "apat" + ], + [ + "Ġinstall", + "ations" + ], + [ + ".A", + "sync" + ], + [ + "Ġr", + "ays" + ], + [ + "=", + "âĢĿ" + ], + [ + ";", + "ččĊ" + ], + [ + ".c", + "rypto" + ], + [ + "_db", + "g" + ], + [ + "ĠEnum", + "erable" + ], + [ + "Of", + "Size" + ], + [ + "_epoch", + "s" + ], + [ + "m", + "w" + ], + [ + "M", + "ENU" + ], + [ + "out", + "line" + ], + [ + "ĠP", + "apers" + ], + [ + "============", + "Ċ" + ], + [ + "Ġuniform", + "s" + ], + [ + "ĠG", + "ig" + ], + [ + "-", + "package" + ], + [ + "ĠJen", + "kins" + ], + [ + "ĠHome", + "Page" + ], + [ + ".is", + "Selected" + ], + [ + "Ġmechan", + "ic" + ], + [ + "M", + "K" + ], + [ + "ĠS", + "ounds" + ], + [ + "//----------------------------------------------------------------------------", + "-Ċ" + ], + [ + "Ġresearch", + "ing" + ], + [ + "Ġinf", + "os" + ], + [ + "ograph", + "ics" + ], + [ + "ers", + "et" + ], + [ + "(['", + "/" + ], + [ + "ĠTim", + "ber" + ], + [ + ".", + "agent" + ], + [ + ".to", + "JSON" + ], + [ + "_command", + "s" + ], + [ + "par", + "ing" + ], + [ + "_ad", + "just" + ], + [ + ".n", + "ome" + ], + [ + "(g", + "lm" + ], + [ + "Status", + "Bar" + ], + [ + "file", + "path" + ], + [ + "?", + "âĢĻ" + ], + [ + "Ġdetect", + "ive" + ], + [ + "Ġunser", + "er" + ], + [ + "ĠTib", + "et" + ], + [ + "EN", + "DED" + ], + [ + "(se", + "ed" + ], + [ + "Ġsne", + "ak" + ], + [ + "Ġam", + "or" + ], + [ + "=\"", + "//" + ], + [ + "ĠPan", + "thers" + ], + [ + "all", + "ax" + ], + [ + "ĠL", + "IVE" + ], + [ + "ĉD", + "WORD" + ], + [ + "]=", + "-" + ], + [ + "Ġtorn", + "ado" + ], + [ + "/", + "min" + ], + [ + "Ġlung", + "s" + ], + [ + "-c", + "urrent" + ], + [ + "ĠBook", + "ing" + ], + [ + "åĪĹ", + "表" + ], + [ + "Ġenjoy", + "ment" + ], + [ + "à¤", + "°" + ], + [ + "J", + "A" + ], + [ + "typ", + "ed" + ], + [ + ".B", + "tn" + ], + [ + "f", + "at" + ], + [ + "ug", + "al" + ], + [ + "ĠSh", + "ares" + ], + [ + "Ġdis", + "gr" + ], + [ + "ĠB", + "AR" + ], + [ + "ĠFO", + "X" + ], + [ + "Op", + "code" + ], + [ + "ĠS", + "z" + ], + [ + "key", + "down" + ], + [ + "iction", + "aries" + ], + [ + "Ġdetail", + "ing" + ], + [ + "}", + "))Ċ" + ], + [ + "Ġp", + "ok" + ], + [ + "Ġdemonstr", + "ating" + ], + [ + "Ġnot", + "ation" + ], + [ + "l", + "ayers" + ], + [ + "@", + "if" + ], + [ + "ĠN", + "PR" + ], + [ + ".strict", + "Equal" + ], + [ + "ĠRec", + "ipes" + ], + [ + ".T", + "ensor" + ], + [ + "Ġliqu", + "or" + ], + [ + "Ġdeb", + "ts" + ], + [ + ".ends", + "With" + ], + [ + "W", + "heel" + ], + [ + ".P", + "os" + ], + [ + "CS", + "V" + ], + [ + "$", + "arity" + ], + [ + "Ġun", + "stable" + ], + [ + "(", + "loss" + ], + [ + "ENS", + "OR" + ], + [ + "Ġele", + "ven" + ], + [ + "ĠL", + "opez" + ], + [ + "ĠHop", + "kins" + ], + [ + "con", + "om" + ], + [ + "ĠS", + "eth" + ], + [ + "Ġpo", + "ems" + ], + [ + "Qu", + "ant" + ], + [ + "Ġg", + "sl" + ], + [ + "Ġsy", + "rup" + ], + [ + "Ġs", + "ibling" + ], + [ + "Ġc", + "ass" + ], + [ + "-v", + "ous" + ], + [ + "ö", + "t" + ], + [ + "_P", + "ATTERN" + ], + [ + "_SE", + "CTION" + ], + [ + "est", + "imated" + ], + [ + "up", + "grade" + ], + [ + ".m", + "ongodb" + ], + [ + "ĠBo", + "at" + ], + [ + "_C", + "TX" + ], + [ + "Ġfetch", + "ing" + ], + [ + "ust", + "in" + ], + [ + "pi", + "el" + ], + [ + "M", + "arg" + ], + [ + "Ref", + "lection" + ], + [ + "Ġd", + "uct" + ], + [ + "ĠMunicip", + "al" + ], + [ + "Ġb", + "x" + ], + [ + ".Get", + "Current" + ], + [ + "ml", + "ink" + ], + [ + "ĠAccount", + "ing" + ], + [ + "ĠGene", + "va" + ], + [ + "_P", + "os" + ], + [ + "Ġpass", + "er" + ], + [ + "Ġhear", + "ings" + ], + [ + "com", + "pan" + ], + [ + "Ġfrag", + "ile" + ], + [ + "Initial", + "izer" + ], + [ + "walk", + "er" + ], + [ + ".M", + "aterial" + ], + [ + "ĠHun", + "ting" + ], + [ + "trys", + "ide" + ], + [ + "Ġk", + "at" + ], + [ + "Ġcl", + "erk" + ], + [ + "á", + "Ł" + ], + [ + "do", + "ing" + ], + [ + "ĉg", + "roup" + ], + [ + "Ġsan", + "ction" + ], + [ + ".l", + "b" + ], + [ + "ĠL", + "azy" + ], + [ + "ĠCon", + "straint" + ], + [ + "P", + "agination" + ], + [ + "Ġpou", + "vez" + ], + [ + "ĠInd", + "icates" + ], + [ + "M", + "ER" + ], + [ + "Ġcour", + "s" + ], + [ + "Ġyear", + "ly" + ], + [ + "Ġgros", + "se" + ], + [ + "abb", + "rev" + ], + [ + "ĠD", + "ON" + ], + [ + "Ġproceed", + "ed" + ], + [ + "ent", + "lich" + ], + [ + "Ġproperty", + "Name" + ], + [ + "ĠTe", + "aching" + ], + [ + "st", + "adt" + ], + [ + "Ġc", + "utoff" + ], + [ + "orn", + "ers" + ], + [ + "Ġa", + "frica" + ], + [ + "Ġrend", + "ers" + ], + [ + "ĠYan", + "kees" + ], + [ + "ĠTool", + "bar" + ], + [ + "sp", + "aces" + ], + [ + ".fill", + "Style" + ], + [ + "Ġseg", + "undo" + ], + [ + "_str", + "len" + ], + [ + ".F", + "irebase" + ], + [ + "å¤", + "Ħ" + ], + [ + "Ġmention", + "ing" + ], + [ + "\\", + "(" + ], + [ + "ĠVal", + "ve" + ], + [ + "Set", + "ter" + ], + [ + "Ġsp", + "ans" + ], + [ + "ĠAl", + "cohol" + ], + [ + "ĠLet", + "ters" + ], + [ + "\\x", + "e" + ], + [ + "ĠT", + "K" + ], + [ + "_B", + "LE" + ], + [ + ".get", + "Result" + ], + [ + "<", + "Player" + ], + [ + "ĠP", + "att" + ], + [ + "Ġeas", + "ing" + ], + [ + "Ġtur", + "key" + ], + [ + "ĠF", + "en" + ], + [ + "')", + "\"" + ], + [ + "Ġconf", + "ined" + ], + [ + "Ġin", + "clus" + ], + [ + "Sup", + "erview" + ], + [ + "(with", + "Identifier" + ], + [ + "enc", + "ial" + ], + [ + "Ġstuff", + "ed" + ], + [ + "Th", + "eta" + ], + [ + "Ġeconom", + "ists" + ], + [ + "}", + "));ĊĊ" + ], + [ + "co", + "okies" + ], + [ + "ĠRo", + "ose" + ], + [ + "ĠChe", + "ese" + ], + [ + "Ġfich", + "ier" + ], + [ + "Ġen", + "forced" + ], + [ + "AB", + "B" + ], + [ + "no", + "ÅĽci" + ], + [ + "_AL", + "LOW" + ], + [ + "Ġrecru", + "ited" + ], + [ + "Ġexpend", + "iture" + ], + [ + "-n", + "ight" + ], + [ + "Ġassert", + "NotNull" + ], + [ + "_ex", + "ecute" + ], + [ + "ĠØ", + "¯" + ], + [ + "IN", + "DEX" + ], + [ + "_F", + "MT" + ], + [ + "Ġresc", + "ued" + ], + [ + "ĠMonth", + "ly" + ], + [ + "ĠCons", + "ervation" + ], + [ + "ĠG", + "eb" + ], + [ + "Ob", + "ama" + ], + [ + "Ep", + "och" + ], + [ + "ic", + "ies" + ], + [ + "ĠOr", + "t" + ], + [ + "Ġso", + "it" + ], + [ + "(", + "icon" + ], + [ + "F", + "riends" + ], + [ + "m", + "ol" + ], + [ + "Ġground", + "ed" + ], + [ + "ĠC", + "ause" + ], + [ + "ad", + "ena" + ], + [ + "WE", + "EN" + ], + [ + "ĠL", + "un" + ], + [ + "IT", + "IVE" + ], + [ + ".", + "loop" + ], + [ + "_un", + "til" + ], + [ + "Ġcor", + "r" + ], + [ + ".ed", + "ges" + ], + [ + "Ġhyp", + "oth" + ], + [ + "ched", + "uling" + ], + [ + "trans", + "lator" + ], + [ + "ĠÐ", + "ľ" + ], + [ + "R", + "om" + ], + [ + "ãĢij", + "ĊĊ" + ], + [ + "ĠX", + "amarin" + ], + [ + "Ġviol", + "ating" + ], + [ + ".", + "anchor" + ], + [ + "---", + "ĊĊ" + ], + [ + "Ġtr", + "ader" + ], + [ + "AD", + "VERTISEMENT" + ], + [ + "Ġuns", + "ere" + ], + [ + "ĠD", + "AO" + ], + [ + "Ġbl", + "ond" + ], + [ + "ĠP", + "AT" + ], + [ + ".g", + "lob" + ], + [ + "Ġè¾", + "ĵ" + ], + [ + "Ġsplit", + "ting" + ], + [ + "Ġun", + "subscribe" + ], + [ + "Ġatmos", + "pheric" + ], + [ + "ĠTr", + "im" + ], + [ + "Ġcit", + "ation" + ], + [ + "Ġin", + "ference" + ], + [ + "ĠF", + "t" + ], + [ + "ĠDar", + "win" + ], + [ + "find", + "One" + ], + [ + "ĠG", + "el" + ], + [ + "(", + "Convert" + ], + [ + "Ġaccess", + "or" + ], + [ + ";", + "text" + ], + [ + "(s", + "orted" + ], + [ + "Ġjud", + "ged" + ], + [ + ");", + "\\" + ], + [ + ":", + "p" + ], + [ + "Ġme", + "ine" + ], + [ + "ĠS", + "lim" + ], + [ + ".Command", + "s" + ], + [ + "Ġper", + "ceive" + ], + [ + "coh", + "olic" + ], + [ + "<", + "Data" + ], + [ + ".entry", + "Set" + ], + [ + "Ġassert", + "False" + ], + [ + "ĠPat", + "rol" + ], + [ + "ense", + "m" + ], + [ + "ÅĤ", + "Äħ" + ], + [ + "¨", + "¡" + ], + [ + "W", + "IDTH" + ], + [ + "ĠRes", + "cue" + ], + [ + "ĠU", + "IF" + ], + [ + "_THRESH", + "OLD" + ], + [ + "ĠMich", + "el" + ], + [ + "ATER", + "IAL" + ], + [ + "opens", + "ource" + ], + [ + "ĠD", + "iana" + ], + [ + "Ġinv", + "ites" + ], + [ + "_B", + "ODY" + ], + [ + "Ġreserv", + "oir" + ], + [ + "Ġro", + "i" + ], + [ + "c", + "ust" + ], + [ + "(t", + "c" + ], + [ + "ï¼ģ", + "\");Ċ" + ], + [ + "Ġfest", + "ivals" + ], + [ + "Ġperform", + "ers" + ], + [ + "Ġclim", + "bed" + ], + [ + "Ġj", + "ungle" + ], + [ + "String", + "Length" + ], + [ + "Ġunlaw", + "ful" + ], + [ + "ier", + "re" + ], + [ + "vertis", + "ement" + ], + [ + "Ġst", + "akes" + ], + [ + "Ġh", + "ats" + ], + [ + "Mod", + "ify" + ], + [ + "ĠLET", + "TER" + ], + [ + ".H", + "ide" + ], + [ + "Ġstat", + "utory" + ], + [ + "_", + "white" + ], + [ + "ĠPer", + "l" + ], + [ + "uten", + "berg" + ], + [ + "em", + "ple" + ], + [ + ".W", + "orld" + ], + [ + "Ġoverlook", + "ed" + ], + [ + "Ġcon", + "cludes" + ], + [ + "/*", + "================================================================" + ], + [ + "-w", + "ise" + ], + [ + "ĉ", + "stream" + ], + [ + "pop", + "ulation" + ], + [ + "Ġevent", + "o" + ], + [ + "Ġillustr", + "ations" + ], + [ + "ft", + "s" + ], + [ + "Ġaut", + "of" + ], + [ + "ĠPro", + "cedure" + ], + [ + "Ġdes", + "erved" + ], + [ + "-t", + "imes" + ], + [ + "Ġg", + "ol" + ], + [ + "N", + "SError" + ], + [ + "cre", + "st" + ], + [ + "ĠPak", + "istani" + ], + [ + "any", + "ch" + ], + [ + "get", + "Current" + ], + [ + "Ġl", + "ar" + ], + [ + "nt", + "l" + ], + [ + "ĠRe", + "becca" + ], + [ + "Ġm", + "ateria" + ], + [ + "Ġfind", + "By" + ], + [ + "/", + "ad" + ], + [ + "Callback", + "s" + ], + [ + "ĠAl", + "s" + ], + [ + "ĠKat", + "ie" + ], + [ + "ĠObservable", + "Collection" + ], + [ + "ĠDocument", + "ation" + ], + [ + "Typ", + "ed" + ], + [ + "ĠCulture", + "Info" + ], + [ + "ĠTim", + "othy" + ], + [ + "Ġlater", + "al" + ], + [ + "\"", + "type" + ], + [ + "Ġun", + "authorized" + ], + [ + "Ġteach", + "ings" + ], + [ + "Ġdebug", + "ger" + ], + [ + "[", + "value" + ], + [ + "Ġal", + "ors" + ], + [ + "Ġu", + "z" + ], + [ + "Ġsc", + "atter" + ], + [ + "Ġdown", + "ward" + ], + [ + "Ġmig", + "li" + ], + [ + "status", + "Code" + ], + [ + "Ġ(", + "))" + ], + [ + "ĠM", + "W" + ], + [ + "Ġм", + "ож" + ], + [ + "RO", + "SS" + ], + [ + ".b", + "uf" + ], + [ + "Ġfair", + "y" + ], + [ + "ĠInf", + "rastructure" + ], + [ + "=>", + "\"" + ], + [ + "t", + "lement" + ], + [ + "$", + "(\"" + ], + [ + "From", + "String" + ], + [ + "ĠB", + "ild" + ], + [ + "Ġconvent", + "ions" + ], + [ + "_n", + "ative" + ], + [ + "ĠIns", + "pector" + ], + [ + "ĠP", + "ist" + ], + [ + "ub", + "ar" + ], + [ + "Ġreg", + "s" + ], + [ + "ĠP", + "ilot" + ], + [ + "Th", + "us" + ], + [ + ">'", + "+" + ], + [ + "Ġc", + "ela" + ], + [ + ".new", + "s" + ], + [ + "(", + "Product" + ], + [ + "L", + "iving" + ], + [ + "R", + "ussia" + ], + [ + "Ġfac", + "et" + ], + [ + "et", + "ical" + ], + [ + "Ġ['", + "$" + ], + [ + "/", + "[" + ], + [ + "ĠD", + "ire" + ], + [ + "Ġg", + "ases" + ], + [ + "ĠIN", + "FORMATION" + ], + [ + "ĠE", + "at" + ], + [ + "ĠFor", + "ums" + ], + [ + "ĠChar", + "acters" + ], + [ + "_m", + "et" + ], + [ + "Ġìĭ", + "ľ" + ], + [ + "Ġk", + "ings" + ], + [ + "ach", + "ie" + ], + [ + "ĠL", + "ambda" + ], + [ + "Ġtim", + "ers" + ], + [ + "ĠLight", + "ing" + ], + [ + "ĠCase", + "y" + ], + [ + "add", + "ir" + ], + [ + "and", + "ex" + ], + [ + ".", + "answer" + ], + [ + "ĠH", + "ip" + ], + [ + "ĠPr", + "incip" + ], + [ + "Start", + "Date" + ], + [ + "Ġ", + "ãĢĮ" + ], + [ + "t", + "res" + ], + [ + "Ġ&", + "#" + ], + [ + ".Max", + "Value" + ], + [ + "ĠPro", + "blems" + ], + [ + "Ġlat", + "ex" + ], + [ + "Of", + "Class" + ], + [ + "ĠLyn", + "n" + ], + [ + "//", + "'" + ], + [ + "Ġvoy", + "age" + ], + [ + "Ġshut", + "tle" + ], + [ + "ĠRoll", + "er" + ], + [ + "ĠRuntime", + "Error" + ], + [ + "uy", + "a" + ], + [ + "D", + "ic" + ], + [ + "ĉb", + "uilder" + ], + [ + "Ġbul", + "lying" + ], + [ + "Ġsimple", + "st" + ], + [ + ".c", + "alled" + ], + [ + "ĠL", + "R" + ], + [ + "Ġmor", + "ality" + ], + [ + "Ġst", + "urdy" + ], + [ + "tr", + "acking" + ], + [ + ".sw", + "agger" + ], + [ + "_B", + "IND" + ], + [ + "IT", + "OR" + ], + [ + "-url", + "encoded" + ], + [ + "ĠÑ", + "ħ" + ], + [ + "ĠTr", + "inity" + ], + [ + "Ġtr", + "aps" + ], + [ + "Ġ|", + "-" + ], + [ + "Ġset", + "Text" + ], + [ + "Ġbarg", + "ain" + ], + [ + "Ġbr", + "akes" + ], + [ + ".get", + "Code" + ], + [ + "Ġmigr", + "ate" + ], + [ + "Ġrib", + "bon" + ], + [ + ")", + "return" + ], + [ + "Ġcharg", + "er" + ], + [ + "ac", + "om" + ], + [ + "ADI", + "US" + ], + [ + "ĠAmb", + "assador" + ], + [ + "-a", + "fter" + ], + [ + "Ġann", + "i" + ], + [ + "ĉs", + "pin" + ], + [ + "Con", + "cept" + ], + [ + "ĠHend", + "erson" + ], + [ + "ĠH", + "OST" + ], + [ + ".r", + "ank" + ], + [ + "ĠNor", + "theast" + ], + [ + "Ġber", + "lin" + ], + [ + "Ġrequ", + "is" + ], + [ + ".f", + "eed" + ], + [ + "Ġsource", + "Mapping" + ], + [ + "ĠRen", + "contre" + ], + [ + ".", + "ajax" + ], + [ + "nest", + "js" + ], + [ + "Ġtre", + "k" + ], + [ + "ĠN", + "acional" + ], + [ + "Ġ&", + "[" + ], + [ + "Ġpay", + "able" + ], + [ + "ort", + "ex" + ], + [ + "Ġde", + "pt" + ], + [ + "field", + "Name" + ], + [ + "Ġcomple", + "tes" + ], + [ + "ĠR", + "VA" + ], + [ + "Ġon", + "ions" + ], + [ + "al", + "ignment" + ], + [ + "Form", + "ats" + ], + [ + "Ġ'", + "{$" + ], + [ + "Hash", + "Set" + ], + [ + "ĠB", + "od" + ], + [ + ".Invariant", + "Culture" + ], + [ + "Ġsettlement", + "s" + ], + [ + "Ġhy", + "dr" + ], + [ + ".", + "updated" + ], + [ + "vent", + "h" + ], + [ + "(", + "seconds" + ], + [ + "=\"/", + "\"" + ], + [ + "Ġweb", + "page" + ], + [ + "(", + "ĊĊ" + ], + [ + "Ġt", + "ir" + ], + [ + "Ġto", + "es" + ], + [ + "ĠBr", + "ick" + ], + [ + "Ġamb", + "ition" + ], + [ + "P", + "ot" + ], + [ + "=", + "max" + ], + [ + "ET", + "IME" + ], + [ + "Ġdep", + "ot" + ], + [ + "c", + "alls" + ], + [ + "ĠNor", + "wegian" + ], + [ + "`", + ":" + ], + [ + "Ġbur", + "ger" + ], + [ + "Ġprofess", + "ors" + ], + [ + "ĠAl", + "locate" + ], + [ + "-third", + "s" + ], + [ + "-ch", + "art" + ], + [ + "Ġfor", + "d" + ], + [ + "*", + "N" + ], + [ + ".k", + "otlin" + ], + [ + "Ġpaper", + "work" + ], + [ + "ĠDE", + "VICE" + ], + [ + "%", + "@\"," + ], + [ + "res", + "pect" + ], + [ + "(m", + "p" + ], + [ + "é", + "«ĺ" + ], + [ + "-", + "if" + ], + [ + "Ġcush", + "ion" + ], + [ + "ob", + "ot" + ], + [ + "Ġpar", + "c" + ], + [ + "SP", + "ACE" + ], + [ + "ĠNet", + "anyahu" + ], + [ + "Ġself", + "ish" + ], + [ + "fe", + "at" + ], + [ + "Ġclient", + "es" + ], + [ + "-to", + "ols" + ], + [ + "Ġpor", + "ch" + ], + [ + "Ġj", + "q" + ], + [ + ".", + "verbose" + ], + [ + "Ġlib", + "erals" + ], + [ + "]", + ")ĊĊĊ" + ], + [ + "p", + "ies" + ], + [ + "Not", + "Blank" + ], + [ + "(", + "term" + ], + [ + "ÈĽ", + "i" + ], + [ + "_Param", + "s" + ], + [ + ".normal", + "ize" + ], + [ + "B", + "ullet" + ], + [ + "AS", + "IC" + ], + [ + "(h", + "ex" + ], + [ + "_client", + "e" + ], + [ + "+", + "," + ], + [ + "_D", + "I" + ], + [ + "Ġforth", + "coming" + ], + [ + "}", + "\")]Ċ" + ], + [ + "se", + "o" + ], + [ + "U", + "m" + ], + [ + ">", + "Name" + ], + [ + "Ġcomfort", + "ably" + ], + [ + "irection", + "al" + ], + [ + "W", + "ITH" + ], + [ + "/", + "pr" + ], + [ + "ĠP", + "oor" + ], + [ + "ĠVit", + "amin" + ], + [ + "v", + "ic" + ], + [ + "G", + "H" + ], + [ + "Ġprior", + "it" + ], + [ + "ĠN", + "N" + ], + [ + "ĠC", + "losed" + ], + [ + "¤", + "í" + ], + [ + "Ġis", + "Open" + ], + [ + "\\", + "Console" + ], + [ + "And", + "Feel" + ], + [ + ".S", + "UCCESS" + ], + [ + "_OPER", + "ATION" + ], + [ + "pol", + "ation" + ], + [ + "ĠT", + "as" + ], + [ + "ps", + "z" + ], + [ + ">", + "'." + ], + [ + "C", + "URRENT" + ], + [ + "V", + "endor" + ], + [ + "host", + "s" + ], + [ + "ĠE", + "rd" + ], + [ + ">tag", + "ger" + ], + [ + "ĠsourceMapping", + "URL" + ], + [ + "Ġmar", + "athon" + ], + [ + "_c", + "losed" + ], + [ + "Ġexem", + "ption" + ], + [ + "Ġrecogn", + "izes" + ], + [ + "ides", + "how" + ], + [ + "'", + "$" + ], + [ + "('/", + "');Ċ" + ], + [ + "m", + "its" + ], + [ + "war", + "z" + ], + [ + "ĠCh", + "erry" + ], + [ + "µ", + "¬" + ], + [ + "n", + "or" + ], + [ + "port", + "e" + ], + [ + "Ġw", + "l" + ], + [ + "_back", + "up" + ], + [ + ".get", + "Boolean" + ], + [ + ".get", + "Resource" + ], + [ + "Ġdefinit", + "ive" + ], + [ + ".", + "EditText" + ], + [ + "Ġs", + "ÃŃ" + ], + [ + ".C", + "ONT" + ], + [ + "ĠPL", + "AYER" + ], + [ + ".c", + "ards" + ], + [ + "ĠSh", + "ore" + ], + [ + "('/", + "')Ċ" + ], + [ + "cl", + "uir" + ], + [ + "Web", + "Driver" + ], + [ + "(m", + "onth" + ], + [ + "-re", + "lease" + ], + [ + "Ġins", + "pector" + ], + [ + "å", + "£" + ], + [ + "ĠN", + "F" + ], + [ + "_cl", + "ip" + ], + [ + "åŃ", + "IJ" + ], + [ + "Ġinteract", + "ing" + ], + [ + ".t", + "mp" + ], + [ + "Ġ''", + "'ĊĊ" + ], + [ + "Ġde", + "e" + ], + [ + "Ġfro", + "st" + ], + [ + "\"]", + "))Ċ" + ], + [ + "ĠPl", + "aces" + ], + [ + "Th", + "rows" + ], + [ + "f", + "ork" + ], + [ + "/", + "day" + ], + [ + "i", + "Phone" + ], + [ + "ĠM", + "IC" + ], + [ + "Ġfold", + "ing" + ], + [ + "Ġcro", + "re" + ], + [ + "ĠCh", + "iefs" + ], + [ + "pher", + "ical" + ], + [ + "(", + "price" + ], + [ + ".Write", + "String" + ], + [ + "Ġexit", + "ing" + ], + [ + "]", + "',Ċ" + ], + [ + "ight", + "ing" + ], + [ + "Ing", + "redient" + ], + [ + "(", + "vertex" + ], + [ + "Ġscroll", + "View" + ], + [ + "h", + "f" + ], + [ + ":", + "new" + ], + [ + "SE", + "N" + ], + [ + "se", + "ctor" + ], + [ + "Ġsp", + "ins" + ], + [ + "ĠS", + "cheduler" + ], + [ + "ote", + "chn" + ], + [ + "sem", + "icolon" + ], + [ + "Font", + "OfSize" + ], + [ + "ĠSpecific", + "ally" + ], + [ + "fl", + "amm" + ], + [ + ".Object", + "Id" + ], + [ + "Ġcont", + "a" + ], + [ + "_per", + "missions" + ], + [ + "ĉF", + "ROM" + ], + [ + "IC", + "ODE" + ], + [ + "/", + "kg" + ], + [ + "ĠHot", + "els" + ], + [ + "-m", + "ed" + ], + [ + "ĠD", + "in" + ], + [ + "Ġn", + "avy" + ], + [ + "get", + "Param" + ], + [ + "Ġm", + "end" + ], + [ + "Ġportray", + "ed" + ], + [ + "ĠMet", + "ropolitan" + ], + [ + "Paint", + "er" + ], + [ + "Ġref", + "erral" + ], + [ + "_g", + "ood" + ], + [ + "Ġmar", + "vel" + ], + [ + "osa", + "ic" + ], + [ + ">", + "(&" + ], + [ + ".", + "ur" + ], + [ + "Ġest", + "os" + ], + [ + "Will", + "iam" + ], + [ + "Ġtim", + "ber" + ], + [ + "Ġquel", + "ques" + ], + [ + "ĠDoc", + "uments" + ], + [ + ".X", + "aml" + ], + [ + "Ġbatch", + "es" + ], + [ + "éģ", + "ĵ" + ], + [ + "ĠRe", + "leased" + ], + [ + "T", + "ail" + ], + [ + "CO", + "OKIE" + ], + [ + "he", + "id" + ], + [ + "_st", + "ation" + ], + [ + "ĠV", + "ia" + ], + [ + "S", + "ale" + ], + [ + "ĠRe", + "peat" + ], + [ + "Ġprom", + "in" + ], + [ + "ĠZ", + "o" + ], + [ + "-", + "forward" + ], + [ + "ĠI", + "on" + ], + [ + "it", + "ary" + ], + [ + "Ġj", + "us" + ], + [ + "-", + "request" + ], + [ + "Ġproud", + "ly" + ], + [ + "ĠStream", + "ing" + ], + [ + "(Mouse", + "Event" + ], + [ + "ĠS", + "print" + ], + [ + "_", + "rotation" + ], + [ + "Re", + "positories" + ], + [ + "Ġt", + "art" + ], + [ + "ĠÑģ", + "в" + ], + [ + "Ġm", + "appings" + ], + [ + "è", + "ª" + ], + [ + "C", + "u" + ], + [ + "C", + "ycle" + ], + [ + "Ġb", + "un" + ], + [ + "ĉl", + "ua" + ], + [ + "ãĥ", + "ī" + ], + [ + "Ġ((", + "!" + ], + [ + "Ġcollect", + "ively" + ], + [ + "ĠCon", + "d" + ], + [ + "Ġwsz", + "yst" + ], + [ + "(l", + "ib" + ], + [ + "openh", + "agen" + ], + [ + "_s", + "kip" + ], + [ + ".Column", + "Header" + ], + [ + "é", + "Ĥ" + ], + [ + "peri", + "enced" + ], + [ + "ı", + "è¿°" + ], + [ + "_p", + "rops" + ], + [ + "Ġcontr", + "ace" + ], + [ + "Ġmatch", + "up" + ], + [ + "ab", + "etic" + ], + [ + ".m", + "embers" + ], + [ + "RE", + "CT" + ], + [ + "(d", + "at" + ], + [ + "Ġs", + "og" + ], + [ + "ren", + "om" + ], + [ + "_M", + "ethod" + ], + [ + "Custom", + "ers" + ], + [ + "full", + "name" + ], + [ + "Z", + "N" + ], + [ + "re", + "try" + ], + [ + "Ġk", + "ap" + ], + [ + "ĠNe", + "u" + ], + [ + "è", + "Ĭ" + ], + [ + "add", + "Child" + ], + [ + "will", + "Return" + ], + [ + "_p", + "ermalink" + ], + [ + "Ġener", + "getic" + ], + [ + "ĠW", + "et" + ], + [ + "ĠMor", + "r" + ], + [ + "Ġg", + "cd" + ], + [ + "count", + "s" + ], + [ + ",", + "type" + ], + [ + "d", + "ig" + ], + [ + "(", + "Login" + ], + [ + "Ġcr", + "acks" + ], + [ + "Ġbacter", + "ial" + ], + [ + "ĠMe", + "at" + ], + [ + "ĠArm", + "strong" + ], + [ + "ĠBron", + "ze" + ], + [ + "Ġapprox", + "imate" + ], + [ + "_dir", + "s" + ], + [ + "lig", + "a" + ], + [ + "ÅĤ", + "ad" + ], + [ + "Ġkind", + "ness" + ], + [ + "Ġcont", + "re" + ], + [ + "ĠE", + "VERY" + ], + [ + "M", + "ET" + ], + [ + "Ġannounc", + "ements" + ], + [ + "g", + "pio" + ], + [ + "ĠWaitFor", + "Seconds" + ], + [ + "ĠPhotos", + "hop" + ], + [ + "Ġdis", + "contin" + ], + [ + "/", + "dd" + ], + [ + "Ġtop", + "ology" + ], + [ + "an", + "ical" + ], + [ + ".", + "interface" + ], + [ + "auc", + "oup" + ], + [ + ".Hash", + "Set" + ], + [ + "ARI", + "ANT" + ], + [ + "(r", + "outes" + ], + [ + "ĠT", + "eh" + ], + [ + "Ġh", + "ype" + ], + [ + "]", + "\")." + ], + [ + "Ġsl", + "am" + ], + [ + "Ġbro", + "th" + ], + [ + "-", + "inter" + ], + [ + "ĠR", + "id" + ], + [ + "-m", + "anager" + ], + [ + "Cancel", + "ar" + ], + [ + "ĠP", + "agination" + ], + [ + "Ġsound", + "track" + ], + [ + "Ġpost", + "erior" + ], + [ + "Ġscr", + "ub" + ], + [ + "cre", + "ating" + ], + [ + "-", + "*" + ], + [ + "ir", + "teen" + ], + [ + ".d", + "y" + ], + [ + ".s", + "ymmetric" + ], + [ + "Ġ\"\"", + "." + ], + [ + "============", + "===" + ], + [ + "Ġch", + "assis" + ], + [ + "ĠnumberOf", + "Rows" + ], + [ + "Develop", + "er" + ], + [ + "_b", + "ins" + ], + [ + "ĠO", + "UR" + ], + [ + "ri", + "eb" + ], + [ + "Pro", + "s" + ], + [ + "Ġwi", + "ÄĻ" + ], + [ + "\"", + "d" + ], + [ + "Ġasync", + "io" + ], + [ + "ze", + "igen" + ], + [ + "_s", + "pi" + ], + [ + ".A", + "LL" + ], + [ + "Ġscre", + "ws" + ], + [ + "Ch", + "inese" + ], + [ + "Ġapi", + "Key" + ], + [ + "Ġun", + "successful" + ], + [ + "ĠSeah", + "awks" + ], + [ + "OR", + "G" + ], + [ + "ç«", + "ł" + ], + [ + "Ġprofession", + "ally" + ], + [ + "ĠCou", + "pon" + ], + [ + "åŃĹ", + "段" + ], + [ + "Con", + "vention" + ], + [ + "Ġpol", + "ym" + ], + [ + "æī", + "ĭ" + ], + [ + "Ġsalv", + "ation" + ], + [ + "Ġengine", + "ered" + ], + [ + "ĠW", + "rest" + ], + [ + "ĠG", + "CC" + ], + [ + "Ġwar", + "mer" + ], + [ + "Layout", + "Constraint" + ], + [ + "Ġag", + "grav" + ], + [ + "Script", + "s" + ], + [ + "vent", + "ure" + ], + [ + "Ġrefriger", + "ator" + ], + [ + "Ġinnov", + "ations" + ], + [ + "ĠRun", + "ner" + ], + [ + "N", + "IC" + ], + [ + "ĠRoll", + "ing" + ], + [ + "Control", + "Events" + ], + [ + "Ġlo", + "os" + ], + [ + "p", + "ac" + ], + [ + "ĉ", + "panel" + ], + [ + "ef", + "e" + ], + [ + "ĠBudd", + "ha" + ], + [ + "------------", + "--Ċ" + ], + [ + "åº", + "ĵ" + ], + [ + "(for", + "Key" + ], + [ + "Ġl", + "umin" + ], + [ + "Ġ(", + "?" + ], + [ + "ĠA", + "IDS" + ], + [ + ",", + "user" + ], + [ + "im", + "ientos" + ], + [ + "content", + "Type" + ], + [ + "ant", + "lr" + ], + [ + "é", + "¦" + ], + [ + "ĠW", + "elt" + ], + [ + "Produ", + "ction" + ], + [ + "m", + "ight" + ], + [ + "ĠV", + "II" + ], + [ + "\",", + "(" + ], + [ + "Ġobserv", + "ing" + ], + [ + "Ġdeliber", + "ate" + ], + [ + "(", + "control" + ], + [ + "Ġwith", + "d" + ], + [ + "Ġsem", + "ana" + ], + [ + "ST", + "ACK" + ], + [ + "uch", + "en" + ], + [ + "N", + "ice" + ], + [ + "ĠDeutsch", + "land" + ], + [ + "ĠSpec", + "ifies" + ], + [ + "d", + "ma" + ], + [ + "iz", + "io" + ], + [ + "ĠF", + "acts" + ], + [ + "_pop", + "up" + ], + [ + "ĠDirect", + "ors" + ], + [ + "{", + ":" + ], + [ + "[", + "R" + ], + [ + "ĠÑį", + "леменÑĤ" + ], + [ + "Ġpl", + "at" + ], + [ + "Ġdirect", + "ing" + ], + [ + "ä¸", + "ī" + ], + [ + "ĠGil", + "bert" + ], + [ + "â̦", + ".ĊĊ" + ], + [ + ".q", + "ml" + ], + [ + "Ġthere", + "after" + ], + [ + "Ġdis", + "position" + ], + [ + "d", + "raft" + ], + [ + "Ġsurge", + "on" + ], + [ + "ĠIns", + "ider" + ], + [ + "Bl", + "end" + ], + [ + "ĠT", + "rev" + ], + [ + "tr", + "insic" + ], + [ + "Top", + "ics" + ], + [ + "rie", + "ve" + ], + [ + "_FILE", + "NAME" + ], + [ + "Ġaut", + "res" + ], + [ + "J", + "ose" + ], + [ + "Produ", + "cer" + ], + [ + "er", + "us" + ], + [ + "Ġpet", + "it" + ], + [ + "ĠN", + "EXT" + ], + [ + "ĠF", + "ilters" + ], + [ + "Ġreplic", + "ate" + ], + [ + "\"]", + ")." + ], + [ + "Ġl", + "enders" + ], + [ + "]", + "\",Ċ" + ], + [ + ";", + "charset" + ], + [ + "Cpp", + "Object" + ], + [ + "Ġfl", + "oral" + ], + [ + "ĠT", + "ipo" + ], + [ + "Ġcirc", + "uits" + ], + [ + "e", + "asy" + ], + [ + "(&", + "$" + ], + [ + "itt", + "a" + ], + [ + "ery", + "l" + ], + [ + "_COMM", + "ON" + ], + [ + "'}}", + ">Ċ" + ], + [ + "-back", + "ed" + ], + [ + "(var", + "iable" + ], + [ + "(", + "Index" + ], + [ + "Ġvo", + "ir" + ], + [ + "_loc", + "ations" + ], + [ + "++)", + "{" + ], + [ + "ĠLouis", + "ville" + ], + [ + "Ġgrat", + "itude" + ], + [ + ".Mock", + "ito" + ], + [ + "ĠP", + "owers" + ], + [ + "ie", + "urs" + ], + [ + "Ġge", + "ographic" + ], + [ + "ra", + "le" + ], + [ + "Ġc", + "ra" + ], + [ + "ĠSp", + "urs" + ], + [ + "iph", + "ertext" + ], + [ + "AC", + "ION" + ], + [ + "-", + "common" + ], + [ + "Ġvict", + "ories" + ], + [ + "ĠFinal", + "s" + ], + [ + ".sh", + "uffle" + ], + [ + "-m", + "illion" + ], + [ + "_PRO", + "C" + ], + [ + "ass", + "ume" + ], + [ + "Ġil", + "s" + ], + [ + "DB", + "C" + ], + [ + "Boot", + "Test" + ], + [ + "Ġl", + "avor" + ], + [ + ".test", + "ing" + ], + [ + ".", + "ast" + ], + [ + "\"]", + "/" + ], + [ + "m", + "oid" + ], + [ + "Ġqual", + "ification" + ], + [ + "ges", + "ch" + ], + [ + "ĉ", + "put" + ], + [ + "Ġair", + "ports" + ], + [ + "J", + "I" + ], + [ + "Te", + "acher" + ], + [ + "_un", + "iform" + ], + [ + "Ġn", + "ama" + ], + [ + "ĠB", + "ast" + ], + [ + "ert", + "ype" + ], + [ + "c", + "apture" + ], + [ + "get", + "All" + ], + [ + "ĠReyn", + "olds" + ], + [ + "oo", + "led" + ], + [ + ".com", + "ments" + ], + [ + "Ġch", + "in" + ], + [ + ").", + "*" + ], + [ + "Ġи", + "ли" + ], + [ + "t", + "gl" + ], + [ + "ud", + "os" + ], + [ + "Ġd", + "ÃŃas" + ], + [ + "ch", + "ai" + ], + [ + ".pro", + "gram" + ], + [ + "Ġps", + "z" + ], + [ + "ĉ", + "icon" + ], + [ + "ph", + "il" + ], + [ + "ent", + "ral" + ], + [ + "_WR", + "AP" + ], + [ + "ov", + "i" + ], + [ + "Ġnost", + "alg" + ], + [ + "In", + "finity" + ], + [ + "ĉy", + "ield" + ], + [ + "Ġvit", + "amins" + ], + [ + "Qu", + "aternion" + ], + [ + "S", + "ink" + ], + [ + "_g", + "oods" + ], + [ + "Ġ", + "........" + ], + [ + "ĠW", + "ings" + ], + [ + "ur", + "idad" + ], + [ + "-st", + "ory" + ], + [ + "\"]", + ")ĊĊ" + ], + [ + "idel", + "ity" + ], + [ + "Type", + "Def" + ], + [ + "G", + "tk" + ], + [ + "Ġí", + "Į" + ], + [ + "_M", + "ain" + ], + [ + "Ġche", + "z" + ], + [ + "ĠR", + "aven" + ], + [ + "Ġpay", + "roll" + ], + [ + "Ġfreel", + "ance" + ], + [ + "LL", + "U" + ], + [ + "ĠM", + "end" + ], + [ + "ed", + "ay" + ], + [ + "Api", + "ModelProperty" + ], + [ + ".Form", + "BorderStyle" + ], + [ + "Ġeconom", + "ist" + ], + [ + "stan", + "bul" + ], + [ + "Ġfre", + "ight" + ], + [ + "-A", + "gent" + ], + [ + "(m", + "eta" + ], + [ + "Ġsym", + "metry" + ], + [ + "Ġ'", + ".." + ], + [ + ".C", + "alendar" + ], + [ + "-", + "aut" + ], + [ + "g", + "f" + ], + [ + "p", + "ent" + ], + [ + "yc", + "lopedia" + ], + [ + "Ġwish", + "ing" + ], + [ + "ĊĊĊĊĊĊĊĊ", + "ĊĊĊĊ" + ], + [ + "Ġgentle", + "man" + ], + [ + "Ġê", + "³" + ], + [ + "=", + "#" + ], + [ + "Ġlect", + "ures" + ], + [ + "âĢľ", + "In" + ], + [ + "Ġ!", + "_" + ], + [ + "Ġh", + "b" + ], + [ + "ĠV", + "endor" + ], + [ + "Recent", + "ly" + ], + [ + "_n", + "otes" + ], + [ + "æıIJ", + "示" + ], + [ + "\"", + "My" + ], + [ + "Headers", + "Height" + ], + [ + "_S", + "O" + ], + [ + "Ġunw", + "illing" + ], + [ + "Ġsuper", + "hero" + ], + [ + "g", + "io" + ], + [ + "ps", + "y" + ], + [ + "ĠPe", + "er" + ], + [ + "j", + "avax" + ], + [ + "&", + "apos" + ], + [ + "ĠCr", + "isis" + ], + [ + "ord", + "inal" + ], + [ + "Mem", + "cpy" + ], + [ + "++++++++", + "++++++++" + ], + [ + "-", + "val" + ], + [ + "Ġwork", + "book" + ], + [ + "-", + "ap" + ], + [ + "=", + "k" + ], + [ + "Ġmetal", + "lic" + ], + [ + "_", + "peer" + ], + [ + "By", + "PrimaryKey" + ], + [ + "_S", + "D" + ], + [ + "u", + "ator" + ], + [ + "_SH", + "ADER" + ], + [ + ")", + "Math" + ], + [ + ".Trans", + "form" + ], + [ + "Ġc", + "ows" + ], + [ + "Ph", + "i" + ], + [ + "ĠC", + "lem" + ], + [ + "(_", + "(\"" + ], + [ + "ĠL", + "ud" + ], + [ + "-d", + "elay" + ], + [ + "ĠSec", + "urities" + ], + [ + "ĠOrth", + "odox" + ], + [ + "Sym", + "fony" + ], + [ + "(re", + "port" + ], + [ + "Ġent", + "ertain" + ], + [ + "E", + "PS" + ], + [ + "iz", + "oph" + ], + [ + "ex", + "ual" + ], + [ + "IR", + "D" + ], + [ + "ä»", + "İ" + ], + [ + "Ġl", + "ith" + ], + [ + "Ġsanit", + "ize" + ], + [ + "Ġfemin", + "ine" + ], + [ + "IS", + "BN" + ], + [ + ".auth", + "entication" + ], + [ + "_p", + "ipeline" + ], + [ + "/", + "constants" + ], + [ + "ĠCON", + "F" + ], + [ + "Ġluc", + "r" + ], + [ + "ric", + "ia" + ], + [ + ".t", + "tf" + ], + [ + ".set", + "Content" + ], + [ + "Ġst", + "an" + ], + [ + "ore", + "an" + ], + [ + "ĠL", + "loyd" + ], + [ + ".raw", + "Value" + ], + [ + "Ġg", + "or" + ], + [ + "ĠBrow", + "ns" + ], + [ + "Re", + "gression" + ], + [ + "Ġlower", + "ing" + ], + [ + "na", + "issance" + ], + [ + "Ġbl", + "ows" + ], + [ + "Ġam", + "azed" + ], + [ + "Ġun", + "related" + ], + [ + "Re", + "views" + ], + [ + "Ġrub", + "y" + ], + [ + "ĠMod", + "ifier" + ], + [ + "Ġgi", + "ants" + ], + [ + ".", + "thread" + ], + [ + "Ġcontain", + "ment" + ], + [ + "ĠStart", + "Coroutine" + ], + [ + "um", + "at" + ], + [ + "ore", + "lease" + ], + [ + "ĠR", + "andy" + ], + [ + "@", + "endif" + ], + [ + "D", + "igest" + ], + [ + "Ġsubur", + "ban" + ], + [ + "=\"", + ");Ċ" + ], + [ + "Ġann", + "once" + ], + [ + ".", + "variable" + ], + [ + "\\F", + "oundation" + ], + [ + "Ġa", + "cre" + ], + [ + "V", + "an" + ], + [ + "Ġt", + "uples" + ], + [ + "d", + "ns" + ], + [ + "ĠStand", + "ing" + ], + [ + "_l", + "arge" + ], + [ + "Ġbox", + "ing" + ], + [ + "Support", + "ActionBar" + ], + [ + "ĠFort", + "une" + ], + [ + "ĠR", + "um" + ], + [ + "_m", + "ultiple" + ], + [ + "arch", + "ical" + ], + [ + "Ġf", + "write" + ], + [ + "_", + "quote" + ], + [ + "Ġfool", + "ish" + ], + [ + "Ġcompr", + "ising" + ], + [ + "Ġо", + "п" + ], + [ + "-", + "selected" + ], + [ + "v", + "f" + ], + [ + "ma", + "id" + ], + [ + "N", + "ama" + ], + [ + "(d", + "atetime" + ], + [ + "Ġindirect", + "ly" + ], + [ + "g", + "art" + ], + [ + "fix", + "tures" + ], + [ + "ch", + "os" + ], + [ + "ĠH", + "alo" + ], + [ + "Ġrec", + "urring" + ], + [ + "-", + "news" + ], + [ + "v", + "il" + ], + [ + "ĠNurs", + "ing" + ], + [ + "-", + "produ" + ], + [ + "ĠH", + "Q" + ], + [ + "\\Http", + "Foundation" + ], + [ + "enc", + "i" + ], + [ + "au", + "en" + ], + [ + "Ġv", + "y" + ], + [ + "ocr", + "acy" + ], + [ + "Ġdeleg", + "ation" + ], + [ + "Ġas", + "phalt" + ], + [ + "Ġset", + "Selected" + ], + [ + "k", + "ok" + ], + [ + "/", + "rest" + ], + [ + "met", + "ics" + ], + [ + "ĠNS", + "Date" + ], + [ + "Ġtravel", + "led" + ], + [ + "Ġrec", + "ib" + ], + [ + "Ġm", + "ime" + ], + [ + "CL", + "IENT" + ], + [ + "ĠG", + "U" + ], + [ + "ĠH", + "ANDLE" + ], + [ + "/", + "Q" + ], + [ + "[", + "z" + ], + [ + "Ġbother", + "ed" + ], + [ + "ĠBB", + "Q" + ], + [ + "ç", + "as" + ], + [ + "_ex", + "amples" + ], + [ + "_F", + "IN" + ], + [ + "Ġwhite", + "Color" + ], + [ + "Ġastr", + "onom" + ], + [ + "-d", + "ir" + ], + [ + "Ġsovere", + "ign" + ], + [ + "Ġb", + "reeze" + ], + [ + "Ġin", + "ning" + ], + [ + "ĠEd", + "monton" + ], + [ + "g", + "li" + ], + [ + ".blog", + "spot" + ], + [ + "js", + "x" + ], + [ + "Ġvers", + "a" + ], + [ + "ĠMoh", + "ammed" + ], + [ + ".J", + "ob" + ], + [ + "-t", + "oggler" + ], + [ + "Ġп", + "олÑĮзоваÑĤ" + ], + [ + "ard", + "on" + ], + [ + "Ġnew", + "born" + ], + [ + "Ġnav", + "al" + ], + [ + "note", + "q" + ], + [ + "Ġtum", + "blr" + ], + [ + "Ġh", + "entai" + ], + [ + "ĠTyp", + "ically" + ], + [ + "Ġlo", + "ot" + ], + [ + ".S", + "prite" + ], + [ + "Fl", + "ight" + ], + [ + "Ġw", + "avelength" + ], + [ + "-s", + "k" + ], + [ + "ĠEl", + "le" + ], + [ + "_", + "exports" + ], + [ + "Ġ", + "Ñı" + ], + [ + "ĠI", + "H" + ], + [ + "izoph", + "ren" + ], + [ + "Ġí", + "ģ" + ], + [ + "_pr", + "imary" + ], + [ + "Ġmo", + "is" + ], + [ + "ĠB", + "N" + ], + [ + "Ġsystem", + "ic" + ], + [ + "Ġdifer", + "entes" + ], + [ + "IN", + "CT" + ], + [ + "Ġ''", + "ĊĊ" + ], + [ + "$", + "q" + ], + [ + "Widget", + "Item" + ], + [ + "cl", + "ide" + ], + [ + "$", + "file" + ], + [ + "L", + "emma" + ], + [ + "/", + "table" + ], + [ + "ag", + "rid" + ], + [ + "ĠMongo", + "DB" + ], + [ + "int", + "e" + ], + [ + "Ġapp", + "rent" + ], + [ + "ÂŃ", + "ing" + ], + [ + ".D", + "b" + ], + [ + "ĠÃ", + "Ĥ" + ], + [ + "ham", + "mer" + ], + [ + "='", + "';Ċ" + ], + [ + "Ġbro", + "kers" + ], + [ + "it", + "lement" + ], + [ + "sembl", + "ies" + ], + [ + "E", + "le" + ], + [ + "{", + "x" + ], + [ + "Ġlast", + "name" + ], + [ + "<", + "-" + ], + [ + "Ġfl", + "atten" + ], + [ + "_b", + "and" + ], + [ + ".R", + "oot" + ], + [ + ".read", + "FileSync" + ], + [ + "====", + "==" + ], + [ + ".r", + "x" + ], + [ + "?", + "čĊ" + ], + [ + "Ġmetaph", + "or" + ], + [ + "T", + "i" + ], + [ + "con", + "te" + ], + [ + "Ġdeb", + "it" + ], + [ + "Ġcont", + "empt" + ], + [ + "Cpp", + "Type" + ], + [ + "æĶ", + "¯" + ], + [ + "Form", + "Field" + ], + [ + "r", + "atio" + ], + [ + "os", + "opher" + ], + [ + "Ġimpl", + "ant" + ], + [ + "P", + "URE" + ], + [ + "Ġal", + "ta" + ], + [ + "_man", + "agement" + ], + [ + "Ġref", + "ine" + ], + [ + "ĠCheck", + "Box" + ], + [ + "ĠChar", + "l" + ], + [ + "-", + "version" + ], + [ + "cond", + "itional" + ], + [ + "ven", + "ues" + ], + [ + "Ġrif", + "les" + ], + [ + "Ġoff", + "spring" + ], + [ + "Ġmill", + "ing" + ], + [ + "Ġshar", + "ply" + ], + [ + "Ġunder", + "water" + ], + [ + "(", + "origin" + ], + [ + "_", + "Control" + ], + [ + "Ġ.", + "$" + ], + [ + "Pl", + "ugins" + ], + [ + "Ġdry", + "ing" + ], + [ + "Ġillustr", + "ates" + ], + [ + "-", + "u" + ], + [ + "Ġveget", + "arian" + ], + [ + "n", + "pc" + ], + [ + "He", + "art" + ], + [ + ";", + "',Ċ" + ], + [ + "com", + "ma" + ], + [ + "te", + "enth" + ], + [ + "as", + "an" + ], + [ + "/s", + "pec" + ], + [ + "_m", + "oves" + ], + [ + "-m", + "argin" + ], + [ + "Ġing", + "en" + ], + [ + "³³", + "Âł" + ], + [ + "Ġpro", + "jet" + ], + [ + "Ġo", + "tra" + ], + [ + "Ġbr", + "as" + ], + [ + ".", + "utc" + ], + [ + "Ġsle", + "pt" + ], + [ + "=", + "sub" + ], + [ + "ab", + "ilit" + ], + [ + "post", + "er" + ], + [ + "Ġs", + "dk" + ], + [ + "ounc", + "ill" + ], + [ + "Ġw", + "d" + ], + [ + "Pre", + "paredStatement" + ], + [ + "ĠDr", + "um" + ], + [ + "(", + "attribute" + ], + [ + "ĠEther", + "net" + ], + [ + "ĉ", + "DB" + ], + [ + "Cal", + "ifornia" + ], + [ + "c", + "ube" + ], + [ + "[", + "I" + ], + [ + ".C", + "reated" + ], + [ + "ĠH", + "M" + ], + [ + "Ġtr", + "acing" + ], + [ + "Forms", + "Module" + ], + [ + "-", + "you" + ], + [ + ".c", + "urrency" + ], + [ + "feed", + "ing" + ], + [ + "Ġt", + "body" + ], + [ + "L", + "i" + ], + [ + "acc", + "ion" + ], + [ + "n", + "as" + ], + [ + "Ġtr", + "ouver" + ], + [ + "N", + "ONE" + ], + [ + "\"}", + ",čĊ" + ], + [ + "Ġf", + "tp" + ], + [ + "With", + "Identifier" + ], + [ + "pol", + "ate" + ], + [ + "File", + "Info" + ], + [ + "Ġpurs", + "ued" + ], + [ + "ĠĠĠĠčĊ", + "ĠĠĠĠčĊ" + ], + [ + "DE", + "SCRIPTION" + ], + [ + "}", + "*/Ċ" + ], + [ + "From", + "Nib" + ], + [ + "Ġdecor", + "ative" + ], + [ + "_S", + "SL" + ], + [ + "(ch", + "at" + ], + [ + "T", + "LS" + ], + [ + "Ġsurpr", + "ises" + ], + [ + "al", + "culate" + ], + [ + "ĠS", + "plash" + ], + [ + "(", + "Configuration" + ], + [ + "ĠS", + "EM" + ], + [ + "im", + "son" + ], + [ + "/lib", + "rary" + ], + [ + "<", + "Double" + ], + [ + ".", + "robot" + ], + [ + "³³³³", + "³³³³" + ], + [ + "ĠCP", + "F" + ], + [ + "ĠUnder", + "standing" + ], + [ + "Ġcos", + "metic" + ], + [ + "ĠX", + "t" + ], + [ + "t", + "ips" + ], + [ + "+", + "k" + ], + [ + "(\"", + "'" + ], + [ + "ĠP", + "DT" + ], + [ + "W", + "AR" + ], + [ + ".get", + "Object" + ], + [ + "ĠTrad", + "itional" + ], + [ + ".sl", + "ug" + ], + [ + "ĠDi", + "pl" + ], + [ + "=\"", + "\"," + ], + [ + "ĠFil", + "ms" + ], + [ + "ĠAn", + "im" + ], + [ + ".h", + "elp" + ], + [ + "Ġemb", + "assy" + ], + [ + "ĠBoot", + "s" + ], + [ + "Ġb", + "unk" + ], + [ + "-r", + "isk" + ], + [ + "Ġp", + "ci" + ], + [ + "Ġ/", + "\\." + ], + [ + "ĠI", + "PT" + ], + [ + "Ġcrash", + "ing" + ], + [ + "Ġip", + "v" + ], + [ + "_", + "ke" + ], + [ + "ĠRES", + "P" + ], + [ + ".Log", + "Error" + ], + [ + "Ġinade", + "quate" + ], + [ + "I", + "on" + ], + [ + "ĠF", + "ür" + ], + [ + "ric", + "ula" + ], + [ + "Ġshould", + "Be" + ], + [ + "al", + "ready" + ], + [ + "'].\"", + "" + ], + [ + "G", + "ED" + ], + [ + "fa", + "q" + ], + [ + "Ġoption", + "ally" + ], + [ + "_D", + "is" + ], + [ + "ĠSuccess", + "ful" + ], + [ + "ĠC", + "ensus" + ], + [ + "Ġinc", + "arcer" + ], + [ + "_C", + "ARD" + ], + [ + "Ġav", + "iation" + ], + [ + "ĠG", + "ym" + ], + [ + "Author", + "ity" + ], + [ + ".B", + "ean" + ], + [ + "sh", + "ader" + ], + [ + "Not", + "Exist" + ], + [ + "_Text", + "Changed" + ], + [ + "ĠST", + "OP" + ], + [ + "(", + "team" + ], + [ + "\"", + "H" + ], + [ + "w", + "g" + ], + [ + "Ġgr", + "inder" + ], + [ + "Ġstri", + "pe" + ], + [ + "Ġpres", + "ervation" + ], + [ + "Cl", + "aim" + ], + [ + "avers", + "al" + ], + [ + "ware", + "house" + ], + [ + "target", + "s" + ], + [ + "Tr", + "ust" + ], + [ + "Ġal", + "lev" + ], + [ + ",", + "www" + ], + [ + "ous", + "se" + ], + [ + "_ch", + "an" + ], + [ + "_S", + "ize" + ], + [ + "system", + "s" + ], + [ + "Ġobj", + "ection" + ], + [ + "ĠK", + "ane" + ], + [ + "Ġcor", + "ros" + ], + [ + "ĠD", + "SL" + ], + [ + "Ġu", + "a" + ], + [ + "ĠM", + "H" + ], + [ + "ĠStrateg", + "ic" + ], + [ + "_t", + "cp" + ], + [ + "Ġê°", + "Ĵ" + ], + [ + "Ġborrow", + "ed" + ], + [ + "ĠA", + "ch" + ], + [ + "ĉ", + "command" + ], + [ + "Ġg", + "ps" + ], + [ + "le", + "ston" + ], + [ + "iche", + "ver" + ], + [ + "ĠU", + "A" + ], + [ + "Ġassault", + "ed" + ], + [ + "Ġspecial", + "izes" + ], + [ + "ĉ", + "search" + ], + [ + "Hot", + "el" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "čĊ" + ], + [ + "ĠP", + "itch" + ], + [ + "Ġ", + "Ùģ" + ], + [ + "READ", + "Y" + ], + [ + "Ġparent", + "al" + ], + [ + "Ġg", + "éné" + ], + [ + "Ġdonn", + "ées" + ], + [ + "Ġdet", + "ain" + ], + [ + "T", + "ARGET" + ], + [ + "Ġprotagon", + "ist" + ], + [ + "Ġclear", + "Interval" + ], + [ + "ĠIcon", + "Button" + ], + [ + "ĠGet", + "All" + ], + [ + "Type", + "Info" + ], + [ + "E", + "H" + ], + [ + "âĢľ", + "They" + ], + [ + "Ġ{", + "[" + ], + [ + "Ġg", + "ag" + ], + [ + "Ġ", + "Ú©" + ], + [ + "ĠD", + "ropdown" + ], + [ + ".f", + "ree" + ], + [ + "g", + "one" + ], + [ + "im", + "ens" + ], + [ + "Ġinst", + "al" + ], + [ + "ĉc", + "url" + ], + [ + "_C", + "AN" + ], + [ + "ĠB", + "one" + ], + [ + "ï¼", + "Ķ" + ], + [ + "ony", + "ms" + ], + [ + "-g", + "overnment" + ], + [ + ".binding", + "Navigator" + ], + [ + "ĠD", + "ans" + ], + [ + "ĠMc", + "L" + ], + [ + "(", + "en" + ], + [ + ">(", + "_" + ], + [ + "ÐĴ", + "Ñĭ" + ], + [ + ".*", + ";čĊ" + ], + [ + "=", + "j" + ], + [ + "-c", + "or" + ], + [ + "S", + "on" + ], + [ + ".ToolStrip", + "Item" + ], + [ + "-", + "around" + ], + [ + "_X", + "ML" + ], + [ + "end", + "Date" + ], + [ + "Ġsl", + "ack" + ], + [ + "Ġrot", + "ated" + ], + [ + "Ġno", + "qa" + ], + [ + "Ġc", + "ottage" + ], + [ + "Ġencontr", + "ar" + ], + [ + "_s", + "kill" + ], + [ + "hou", + "ette" + ], + [ + "!", + "čĊ" + ], + [ + ".", + "weather" + ], + [ + "Ġemphas", + "ized" + ], + [ + "å®", + "¶" + ], + [ + "ĠÑģ", + "пиÑģ" + ], + [ + "ĠComp", + "iler" + ], + [ + "(", + "android" + ], + [ + "ĠâĢ", + "º" + ], + [ + ".", + "turn" + ], + [ + "Ġsup", + "pression" + ], + [ + "_c", + "alls" + ], + [ + "Ġ*", + "@" + ], + [ + "(str", + "len" + ], + [ + ".h", + "ex" + ], + [ + "ĠB", + "ills" + ], + [ + "ĠR", + "SA" + ], + [ + "Ï", + "Ĥ" + ], + [ + "ĠEs", + "cape" + ], + [ + "ement", + "ia" + ], + [ + "Ġfront", + "end" + ], + [ + "Ġp", + "int" + ], + [ + "_ex", + "c" + ], + [ + "zz", + "o" + ], + [ + "[", + "],Ċ" + ], + [ + "Ġ\"','", + "\"" + ], + [ + ".", + "Environment" + ], + [ + "Ġafore", + "mentioned" + ], + [ + "Ġend", + "ure" + ], + [ + "prot", + "otype" + ], + [ + "ther", + "apy" + ], + [ + "ss", + "i" + ], + [ + "D", + "eg" + ], + [ + "_pl", + "ugins" + ], + [ + ".user", + "Info" + ], + [ + "Print", + "er" + ], + [ + "ĠPRO", + "GRAM" + ], + [ + "Ġru", + "ins" + ], + [ + "Ġempir", + "ical" + ], + [ + "Ġcraw", + "l" + ], + [ + "ĠBo", + "iler" + ], + [ + "-", + "comment" + ], + [ + ".sub", + "plot" + ], + [ + "_", + "et" + ], + [ + "Ġ'.", + "'," + ], + [ + "min", + "or" + ], + [ + "ĠCustom", + "s" + ], + [ + "Ġy", + "aw" + ], + [ + "under", + "line" + ], + [ + "ĠCom", + "o" + ], + [ + "(", + "('" + ], + [ + "(m", + "ean" + ], + [ + "Ġcha", + "que" + ], + [ + "ĠBlock", + "s" + ], + [ + ".r", + "ad" + ], + [ + "ilib", + "rium" + ], + [ + "Ġweb", + "driver" + ], + [ + "Ġmel", + "hor" + ], + [ + "d", + "ana" + ], + [ + "ĠAb", + "use" + ], + [ + "ĠSouth", + "west" + ], + [ + "ĠP", + "aren" + ], + [ + "PERT", + "IES" + ], + [ + "ĉ", + "IL" + ], + [ + "Ġscre", + "am" + ], + [ + "v", + "u" + ], + [ + "Ġin", + "comes" + ], + [ + "Ġn", + "im" + ], + [ + "Ġl", + "ace" + ], + [ + "Ġcompens", + "ate" + ], + [ + "Re", + "verse" + ], + [ + "D", + "at" + ], + [ + "_att", + "ack" + ], + [ + "Ġn", + "our" + ], + [ + "ach", + "en" + ], + [ + "ce", + "k" + ], + [ + "<", + "Func" + ], + [ + "w", + "ie" + ], + [ + "com", + "pressed" + ], + [ + "-m", + "atch" + ], + [ + "(\"", + "\")]Ċ" + ], + [ + "im", + "ized" + ], + [ + ".", + "orientation" + ], + [ + ".compare", + "To" + ], + [ + "Ġmass", + "aggi" + ], + [ + "Ġìľ", + "Ħ" + ], + [ + "Ġel", + "bow" + ], + [ + "Ġant", + "ioxid" + ], + [ + "undred", + "s" + ], + [ + "/", + "tools" + ], + [ + "ĠR", + "OW" + ], + [ + "an", + "mar" + ], + [ + "ĠW", + "ow" + ], + [ + "_t", + "icket" + ], + [ + "Program", + "ming" + ], + [ + "Ġthe", + "or" + ], + [ + "-re", + "view" + ], + [ + "()", + ")));Ċ" + ], + [ + "ĠRichard", + "son" + ], + [ + "ĠP", + "ocket" + ], + [ + "]", + "[]" + ], + [ + "am", + "pp" + ], + [ + "_", + "health" + ], + [ + "ĠP", + "OP" + ], + [ + "ĠNav", + "al" + ], + [ + "Gu", + "ess" + ], + [ + "Ġancest", + "or" + ], + [ + ".Get", + "All" + ], + [ + ".local", + "Scale" + ], + [ + "ĠM", + "apper" + ], + [ + "Ġaccum", + "ulation" + ], + [ + "Ġsim", + "ulated" + ], + [ + "ĠDr", + "ivers" + ], + [ + "Ġd", + "és" + ], + [ + "cur", + "ring" + ], + [ + "Ġele", + "phant" + ], + [ + "Ġadvert", + "ised" + ], + [ + "Ġmail", + "box" + ], + [ + "SH", + "IFT" + ], + [ + "ĠMon", + "ica" + ], + [ + "Ġan", + "c" + ], + [ + "Ġward", + "robe" + ], + [ + "Ing", + "redients" + ], + [ + "Ġ||", + "čĊ" + ], + [ + "ipp", + "y" + ], + [ + "Ġantibiot", + "ics" + ], + [ + "av", + "ings" + ], + [ + "(c", + "x" + ], + [ + "ĠFerr", + "ari" + ], + [ + "ĠAn", + "imator" + ], + [ + ".d", + "type" + ], + [ + "rem", + "oved" + ], + [ + "order", + "by" + ], + [ + "Ġc", + "res" + ], + [ + "oc", + "ê" + ], + [ + "Ġp", + "ym" + ], + [ + "ĠCirc", + "ular" + ], + [ + "@", + "index" + ], + [ + "ĠW", + "arm" + ], + [ + "S", + "ay" + ], + [ + "ĠAss", + "istance" + ], + [ + "Ġcur", + "tain" + ], + [ + "ĠMont", + "e" + ], + [ + "IL", + "ER" + ], + [ + "ĠC", + "VE" + ], + [ + "ĠD", + "uck" + ], + [ + "ĠAll", + "ows" + ], + [ + "_f", + "ire" + ], + [ + "ĠDer", + "by" + ], + [ + "Ġre", + "pos" + ], + [ + "Ġhttp", + "Client" + ], + [ + "Ġpsych", + "iat" + ], + [ + "Ġnow", + "adays" + ], + [ + "Ġcaut", + "ious" + ], + [ + "ĠComput", + "ing" + ], + [ + "Ġcompletion", + "Handler" + ], + [ + "ĠWel", + "sh" + ], + [ + "ĠB", + "EST" + ], + [ + "Ġstress", + "ful" + ], + [ + "_P", + "E" + ], + [ + "æĹ¥", + "æľŁ" + ], + [ + "ĠData", + "Frame" + ], + [ + "ĉ", + "Integer" + ], + [ + "_P", + "rint" + ], + [ + "M", + "oves" + ], + [ + "Ġtransform", + "ing" + ], + [ + ".B", + "atch" + ], + [ + "y", + "ahoo" + ], + [ + "Position", + "s" + ], + [ + "ze", + "j" + ], + [ + "Ġno", + "od" + ], + [ + "io", + "res" + ], + [ + "_", + "*" + ], + [ + "Ġcl", + "k" + ], + [ + "ĠF", + "loyd" + ], + [ + "Ġh", + "ap" + ], + [ + "font", + "size" + ], + [ + "Ġn", + "az" + ], + [ + ".not", + "ification" + ], + [ + "ĠDep", + "ression" + ], + [ + "Ġac", + "ne" + ], + [ + "***", + "ĊĊ" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĊ" + ], + [ + ".cont", + "ents" + ], + [ + "yn", + "th" + ], + [ + "ĠStra", + "ight" + ], + [ + "')}}", + "\">", + "\"+" + ], + [ + "Ġtoken", + "izer" + ], + [ + "Ġsovere", + "ignty" + ], + [ + "ĠP", + "ence" + ], + [ + "()", + "\");Ċ" + ], + [ + "Ġpesso", + "as" + ], + [ + ".G", + "e" + ], + [ + "ĠIn", + "cluded" + ], + [ + "Ġpag", + "ina" + ], + [ + "Ġex", + "posing" + ], + [ + "е", + "ÑĪ" + ], + [ + "_SC", + "RIPT" + ], + [ + "/$", + "'," + ], + [ + "Th", + "umbnail" + ], + [ + "×", + "Ķ" + ], + [ + "webElement", + "X" + ], + [ + "webElementX", + "paths" + ], + [ + "press", + "ure" + ], + [ + "ĠCur", + "ry" + ], + [ + "_C", + "P" + ], + [ + "OL", + "UTION" + ], + [ + "ILE", + "S" + ], + [ + "prot", + "ect" + ], + [ + "ool", + "a" + ], + [ + "Work", + "space" + ], + [ + "{", + "};Ċ" + ], + [ + "ĠU", + "NS" + ], + [ + "Ġsymp", + "athy" + ], + [ + "ro", + "ker" + ], + [ + "Ġrem", + "odel" + ], + [ + "ĉc", + "ell" + ], + [ + "Ġat", + "op" + ], + [ + ".Full", + "Name" + ], + [ + "Ġfa", + "ut" + ], + [ + "ĠE", + "asily" + ], + [ + "_d", + "ynamic" + ], + [ + "Ġfr", + "amed" + ], + [ + "Ġmot", + "ive" + ], + [ + "è·", + "¯" + ], + [ + "s", + "am" + ], + [ + "Ġmar", + "ca" + ], + [ + "ĠText", + "EditingController" + ], + [ + "Ġde", + "structor" + ], + [ + "cre", + "am" + ], + [ + "Ġr", + "ude" + ], + [ + "ĠB", + "old" + ], + [ + "ĠInd", + "igenous" + ], + [ + "Ġg", + "ens" + ], + [ + "Ġrel", + "acion" + ], + [ + "(s", + "ystem" + ], + [ + "ĠUIF", + "ont" + ], + [ + "_char", + "ge" + ], + [ + "UST", + "ER" + ], + [ + "E", + "V" + ], + [ + ".N", + "amespace" + ], + [ + "Ġmer", + "ger" + ], + [ + "Ġcal", + "loc" + ], + [ + "g", + "ang" + ], + [ + "Bad", + "Request" + ], + [ + "Ġs", + "per" + ], + [ + "-d", + "esign" + ], + [ + "Ġâ", + "ĩ" + ], + [ + "Ch", + "an" + ], + [ + "Ġorgan", + "ism" + ], + [ + ",", + ")" + ], + [ + "=", + "id" + ], + [ + "_pl", + "ane" + ], + [ + "ĠC", + "ases" + ], + [ + "elf", + "ast" + ], + [ + "ĠLegisl", + "ature" + ], + [ + "ĠF", + "aker" + ], + [ + "Ġinv", + "oking" + ], + [ + "-", + "utils" + ], + [ + "().", + "'" + ], + [ + ".f", + "ace" + ], + [ + "Ġguard", + "ian" + ], + [ + "my", + "Modal" + ], + [ + "Ġclip", + "board" + ], + [ + "ĠAT", + "M" + ], + [ + "Ġpe", + "as" + ], + [ + "ĠS", + "ylv" + ], + [ + ".c", + "alc" + ], + [ + "ĠContact", + "s" + ], + [ + "int", + "Value" + ], + [ + "Ġmodify", + "ing" + ], + [ + "ĠBar", + "b" + ], + [ + ".", + "loss" + ], + [ + "_per", + "centage" + ], + [ + "Ask", + "ed" + ], + [ + "(l", + "st" + ], + [ + "ategor", + "ical" + ], + [ + "-", + "files" + ], + [ + "ĠRoman", + "ia" + ], + [ + ".A", + "c" + ], + [ + "Ġh", + "ai" + ], + [ + "ĠF", + "lying" + ], + [ + "Ġ", + "ż" + ], + [ + "j", + "p" + ], + [ + "ĠTr", + "ainer" + ], + [ + ".", + "arc" + ], + [ + "_de", + "g" + ], + [ + "Ġtrace", + "back" + ], + [ + "Or", + "Fail" + ], + [ + "F", + "LOW" + ], + [ + ".", + "old" + ], + [ + "oy", + "a" + ], + [ + "g", + "mt" + ], + [ + "is", + "empty" + ], + [ + "Ġvacc", + "ination" + ], + [ + "Ġob", + "solete" + ], + [ + "recogn", + "ized" + ], + [ + "Ġru", + "ined" + ], + [ + "ĠRe", + "in" + ], + [ + "ĠTr", + "acking" + ], + [ + "xf", + "b" + ], + [ + "ا", + "ÛĮ" + ], + [ + "Ġvæ", + "re" + ], + [ + "Ġbr", + "yster" + ], + [ + "ĠIT", + "S" + ], + [ + "Ġdest", + "iny" + ], + [ + "Ġsw", + "ear" + ], + [ + "Ġred", + "es" + ], + [ + "Ġcl", + "f" + ], + [ + "Ġfl", + "ipped" + ], + [ + "ĉ", + "head" + ], + [ + "Bl", + "uetooth" + ], + [ + "ĠOver", + "rides" + ], + [ + ":", + "Boolean" + ], + [ + "_", + "=" + ], + [ + "_l", + "r" + ], + [ + "sp", + "awn" + ], + [ + ":", + "index" + ], + [ + "VAL", + "UES" + ], + [ + "is", + "key" + ], + [ + "?", + "\");Ċ" + ], + [ + ".syn", + "thetic" + ], + [ + "ĠCheck", + "ing" + ], + [ + "struct", + "ures" + ], + [ + "ip", + "ing" + ], + [ + "Ġvoc", + "als" + ], + [ + "-", + "Up" + ], + [ + "ĠManufact", + "urers" + ], + [ + "ĠMar", + "riage" + ], + [ + "代", + "çłģ" + ], + [ + "Ġgar", + "ner" + ], + [ + "_C", + "lient" + ], + [ + "par", + "allel" + ], + [ + "RI", + "END" + ], + [ + "Ġvine", + "gar" + ], + [ + "seg", + "ue" + ], + [ + "J", + "B" + ], + [ + "Ġcontact", + "ing" + ], + [ + "ĠCar", + "roll" + ], + [ + "Ġout", + "reach" + ], + [ + "t", + "ensor" + ], + [ + "_var", + "iant" + ], + [ + "Ġthe", + "at" + ], + [ + "lic", + "able" + ], + [ + "{", + "|" + ], + [ + "t", + "iny" + ], + [ + "_", + "letter" + ], + [ + "Ġp", + "encil" + ], + [ + "HeadersHeight", + "SizeMode" + ], + [ + "ilt", + "ro" + ], + [ + ".auto", + "configure" + ], + [ + ".d", + "rag" + ], + [ + ".use", + "State" + ], + [ + "ĠB", + "MI" + ], + [ + "h", + "int" + ], + [ + "Com", + "pile" + ], + [ + "*", + "\\" + ], + [ + "en", + "ary" + ], + [ + "Ġl", + "vl" + ], + [ + ".C", + "ache" + ], + [ + "+", + "=\"" + ], + [ + "_t", + "v" + ], + [ + "ruit", + "ment" + ], + [ + "Ġf", + "read" + ], + [ + "Art", + "icles" + ], + [ + "f", + "ila" + ], + [ + "Ġpack", + "aged" + ], + [ + "âĺ", + "Ĩ" + ], + [ + "AT", + "HER" + ], + [ + "ĠPl", + "anned" + ], + [ + "s", + "cheme" + ], + [ + "Ġdi", + "ary" + ], + [ + "Ġoff", + "enses" + ], + [ + "/", + "", + "F" + ], + [ + "ĠSt", + "ick" + ], + [ + "Ġc", + "erc" + ], + [ + "ĠS", + "lee" + ], + [ + "ĉĉ", + "ĠĠĠĠĠĠĠĠ" + ], + [ + "<", + "Image" + ], + [ + "Ġè®", + "¾" + ], + [ + "-", + "editor" + ], + [ + "pie", + "ces" + ], + [ + "ĠD", + "rama" + ], + [ + "Ġ//", + "////////////////" + ], + [ + "ĠT", + "asks" + ], + [ + "AR", + "C" + ], + [ + "g", + "ateway" + ], + [ + ".get", + "cwd" + ], + [ + ".M", + "etadata" + ], + [ + "Ġguess", + "ing" + ], + [ + "åľ°", + "åĿĢ" + ], + [ + "Ġsm", + "arter" + ], + [ + "ĠGet", + "Enumerator" + ], + [ + "Ġe", + "fter" + ], + [ + "/", + "operators" + ], + [ + "ĠGL", + "float" + ], + [ + "Ġf", + "ør" + ], + [ + "Ġop", + "aque" + ], + [ + "ä¿Ŀ", + "åŃĺ" + ], + [ + "Sp", + "read" + ], + [ + "SY", + "STEM" + ], + [ + "Ġinv", + "ersion" + ], + [ + "ĠBasket", + "ball" + ], + [ + "Ġsim", + "ulations" + ], + [ + "Ġden", + "ies" + ], + [ + "Ġa", + "vez" + ], + [ + "_list", + "ener" + ], + [ + "Ġenh", + "ancing" + ], + [ + "ĠMy", + "th" + ], + [ + "ĠL", + "akers" + ], + [ + "_M", + "D" + ], + [ + "Nd", + "Ex" + ], + [ + "D", + "ATABASE" + ], + [ + "Ġt", + "á»" + ], + [ + "ar", + "th" + ], + [ + "[", + "left" + ], + [ + "Ġcontest", + "s" + ], + [ + "st", + "ile" + ], + [ + "(K", + "ERN" + ], + [ + "_f", + "c" + ], + [ + "_p", + "m" + ], + [ + "Ġpres", + "idents" + ], + [ + "Ġhospital", + "ity" + ], + [ + "Ġfade", + "In" + ], + [ + "RO", + "PERTY" + ], + [ + "_m", + "aps" + ], + [ + "ĠDefinition", + "s" + ], + [ + "Ġassess", + "ing" + ], + [ + "Ġus", + "ar" + ], + [ + "Ġquant", + "itative" + ], + [ + "mo", + "z" + ], + [ + "Be", + "autiful" + ], + [ + "[", + "((" + ], + [ + "b", + "ons" + ], + [ + "f", + "requency" + ], + [ + "Cont", + "ain" + ], + [ + "Ġpuzz", + "les" + ], + [ + "ĠCast", + "ro" + ], + [ + "Ġv", + "illa" + ], + [ + "Ġkind", + "ly" + ], + [ + "Font", + "Awesome" + ], + [ + "ern", + "a" + ], + [ + "epoch", + "s" + ], + [ + "_dat", + "as" + ], + [ + "ĉ", + "ip" + ], + [ + ".p", + "adding" + ], + [ + "ĠCont", + "est" + ], + [ + "Ġed", + "itions" + ], + [ + "Ġdispro", + "portion" + ], + [ + "ĠI", + "CO" + ], + [ + "Ġcome", + "back" + ], + [ + "=", + "value" + ], + [ + "ri", + "ad" + ], + [ + "-s", + "ort" + ], + [ + "Sub", + "mitted" + ], + [ + "(n", + "etwork" + ], + [ + "ĠC", + "el" + ], + [ + "Ġinstall", + "ment" + ], + [ + "l", + "ashes" + ], + [ + ".List", + "View" + ], + [ + "ĠV", + "atican" + ], + [ + "(Media", + "Type" + ], + [ + "IV", + "ED" + ], + [ + "reach", + "able" + ], + [ + ":", + "Is" + ], + [ + "ĠC", + "ITY" + ], + [ + "äº", + "¬" + ], + [ + "ĠHelp", + "ful" + ], + [ + "Ġba", + "ÅŁ" + ], + [ + "%", + "čĊ" + ], + [ + "Ġpsych", + "iatric" + ], + [ + "Ġrec", + "ycled" + ], + [ + "FORM", + "AT" + ], + [ + "ĠG", + "row" + ], + [ + "b", + "ine" + ], + [ + "G", + "it" + ], + [ + ".s", + "s" + ], + [ + "ĠWe", + "apons" + ], + [ + "ĠSt", + "y" + ], + [ + "_", + "arrow" + ], + [ + "*", + "self" + ], + [ + "ire", + "ment" + ], + [ + "Ġdeg", + "li" + ], + [ + "App", + "Delegate" + ], + [ + "_b", + "anner" + ], + [ + "Ġcoordin", + "ated" + ], + [ + "ĠWeb", + "cam" + ], + [ + "Ġcelebr", + "ations" + ], + [ + ".", + "act" + ], + [ + "********************************", + "****************" + ], + [ + "(", + "show" + ], + [ + "Ġweek", + "day" + ], + [ + "Ġconc", + "erts" + ], + [ + "ол", + "н" + ], + [ + "cl", + "in" + ], + [ + "Ġcr", + "on" + ], + [ + "ĠN", + "im" + ], + [ + ".set", + "Vertical" + ], + [ + "ĠEll", + "en" + ], + [ + "س", + "ت" + ], + [ + "ĠS", + "AM" + ], + [ + "E", + "ff" + ], + [ + "g", + "z" + ], + [ + "ste", + "am" + ], + [ + "Ġant", + "ique" + ], + [ + "ph", + "ysical" + ], + [ + "ĠForm", + "Data" + ], + [ + ".set", + "ter" + ], + [ + "ĠPO", + "INT" + ], + [ + "B", + "on" + ], + [ + "Ġflav", + "our" + ], + [ + "erv", + "ention" + ], + [ + "_ENT", + "ITY" + ], + [ + "ĉ", + "ĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "Ġintr", + "insic" + ], + [ + "Ġæ", + "İ" + ], + [ + "append", + "To" + ], + [ + "aram", + "el" + ], + [ + ")", + "])" + ], + [ + "ĠRecomm", + "end" + ], + [ + ")", + "m" + ], + [ + "OutOf", + "Range" + ], + [ + "Ġkn", + "ight" + ], + [ + "Ġsat", + "ellites" + ], + [ + "ĠTit", + "ans" + ], + [ + "Ġweigh", + "ed" + ], + [ + "ĠD", + "ana" + ], + [ + "e", + "ase" + ], + [ + "Ġs", + "ip" + ], + [ + "S", + "IM" + ], + [ + "ĠDevelop", + "ers" + ], + [ + "mal", + "ink" + ], + [ + "/", + "check" + ], + [ + "_P", + "LL" + ], + [ + "n", + "ung" + ], + [ + "Ġdry", + "er" + ], + [ + "=", + "A" + ], + [ + ".d", + "w" + ], + [ + "_S", + "QL" + ], + [ + "Ġsub", + "plot" + ], + [ + "D", + "ROP" + ], + [ + "Ġprot", + "otypes" + ], + [ + "Ġhour", + "ly" + ], + [ + "display", + "Name" + ], + [ + "Ġas", + "i" + ], + [ + "ĠViol", + "ence" + ], + [ + "Ġastr", + "onaut" + ], + [ + "Ġdat", + "atype" + ], + [ + "Ġinformation", + "al" + ], + [ + "Ġinvestig", + "ative" + ], + [ + "etermin", + "ed" + ], + [ + "ren", + "al" + ], + [ + ";", + "'>" + ], + [ + "ĉc", + "ol" + ], + [ + "V", + "G" + ], + [ + "_", + "boolean" + ], + [ + "re", + "cent" + ], + [ + "Ġ*", + ")ĊĊ" + ], + [ + "ĠRain", + "bow" + ], + [ + "om", + "men" + ], + [ + "Ġl", + "ur" + ], + [ + "Ġopp", + "ression" + ], + [ + "(\",", + "\");Ċ" + ], + [ + "ĠFac", + "ility" + ], + [ + "DEF", + "INED" + ], + [ + "Ġne", + "on" + ], + [ + "Ġoff", + "ender" + ], + [ + "AF", + "P" + ], + [ + "ĠClean", + "ing" + ], + [ + "[]", + "):" + ], + [ + "Ġund", + "ocumented" + ], + [ + ".Re", + "positories" + ], + [ + "ĠG", + "uitar" + ], + [ + "аÑģÑģ", + "ив" + ], + [ + "Sk", + "ills" + ], + [ + "Ġtestim", + "on" + ], + [ + "rypt", + "ography" + ], + [ + "ĠAm", + "ber" + ], + [ + "ĠSt", + "alin" + ], + [ + "Ġl", + "one" + ], + [ + "Ġap", + "enas" + ], + [ + "Ġdies", + "es" + ], + [ + "ĠAr", + "duino" + ], + [ + "è½", + "¬" + ], + [ + "==", + "-" + ], + [ + "_A", + "ct" + ], + [ + "Ġc", + "oded" + ], + [ + "âĸ", + "ł" + ], + [ + "amb", + "urger" + ], + [ + "-link", + "s" + ], + [ + "Ġarm", + "our" + ], + [ + ".H", + "igh" + ], + [ + "get", + "Content" + ], + [ + "st", + "ag" + ], + [ + "Ġhe", + "ck" + ], + [ + "ĠìĹ", + "Ĩ" + ], + [ + "ĠMc", + "Connell" + ], + [ + "ĠCon", + "cert" + ], + [ + "ĠAl", + "loc" + ], + [ + "ä", + "re" + ], + [ + ".replace", + "All" + ], + [ + "Ġpart", + "itions" + ], + [ + "rot", + "t" + ], + [ + "ĠF", + "le" + ], + [ + "_T", + "REE" + ], + [ + "reason", + "able" + ], + [ + "ĠReport", + "ing" + ], + [ + "Ġbillion", + "aire" + ], + [ + "s", + "cores" + ], + [ + "min", + "s" + ], + [ + "-", + "eye" + ], + [ + "M", + "ORE" + ], + [ + "ab", + "ort" + ], + [ + "ĠSW", + "T" + ], + [ + "Ġin", + "verted" + ], + [ + "ĠTe", + "achers" + ], + [ + ";", + "n" + ], + [ + "Ġast", + "ro" + ], + [ + "н", + "ов" + ], + [ + "ани", + "ÑĨ" + ], + [ + "product", + "o" + ], + [ + "c", + "ountries" + ], + [ + "ĠO", + "wen" + ], + [ + "Ġcont", + "amination" + ], + [ + "Ġv", + "ibe" + ], + [ + "ĠEll", + "i" + ], + [ + ".s", + "cript" + ], + [ + "ĠOl", + "ive" + ], + [ + "D", + "MA" + ], + [ + "v", + "ier" + ], + [ + ":", + "semicolon" + ], + [ + "-m", + "odule" + ], + [ + "gress", + "ive" + ], + [ + "ag", + "u" + ], + [ + "_", + "players" + ], + [ + "Ġresult", + "ados" + ], + [ + "start", + "ed" + ], + [ + "scroll", + "Top" + ], + [ + "====", + "=" + ], + [ + "Ġweigh", + "ing" + ], + [ + "Ġ[[", + "[" + ], + [ + "z", + "ahl" + ], + [ + "(", + "NS" + ], + [ + "ĠAssert", + "ion" + ], + [ + "le", + "ague" + ], + [ + ".setText", + "Color" + ], + [ + "ĉ", + "Message" + ], + [ + "Ġmom", + "s" + ], + [ + "_A", + "F" + ], + [ + ".", + "wh" + ], + [ + "AL", + "S" + ], + [ + "Ġaut", + "re" + ], + [ + "]", + "ĊĊĊĊ" + ], + [ + ".op", + "acity" + ], + [ + "ĠBudd", + "hist" + ], + [ + "Ġde", + "af" + ], + [ + "ĠOrgan", + "isation" + ], + [ + "(G", + "lobal" + ], + [ + "ens", + "ch" + ], + [ + "Ġhead", + "ache" + ], + [ + "ĠAli", + "en" + ], + [ + "_in", + "ode" + ], + [ + "ĠSt", + "ark" + ], + [ + "Ġæ", + "ī" + ], + [ + "-l", + "nd" + ], + [ + "ore", + "f" + ], + [ + "_fe", + "at" + ], + [ + "Ġpedest", + "rian" + ], + [ + "Ġnom", + "inal" + ], + [ + "Ġbal", + "loon" + ], + [ + "Ġspr", + "ites" + ], + [ + "Prototype", + "Of" + ], + [ + "ĠA", + "post" + ], + [ + "ĠF", + "EATURE" + ], + [ + "O", + "H" + ], + [ + "Ġre", + "cess" + ], + [ + "ĠDon", + "na" + ], + [ + "con", + "sumer" + ], + [ + "$", + "GLOBALS" + ], + [ + "ĠG", + "IF" + ], + [ + "-", + "frame" + ], + [ + "In", + "icio" + ], + [ + "Ġpass", + "ages" + ], + [ + "Date", + "String" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠ" + ], + [ + ".by", + "te" + ], + [ + "B", + "ug" + ], + [ + "initial", + "izer" + ], + [ + "p", + "kt" + ], + [ + "od", + "ium" + ], + [ + "ĠD", + "ER" + ], + [ + ".", + "ops" + ], + [ + "ler", + "i" + ], + [ + "Ġgift", + "ed" + ], + [ + "Ġdet", + "ach" + ], + [ + "ter", + "rain" + ], + [ + "elt", + "ers" + ], + [ + "ãģ", + "ı" + ], + [ + ".", + "loader" + ], + [ + "ĠN", + "GO" + ], + [ + "str", + "ncmp" + ], + [ + "K", + "h" + ], + [ + "(font", + "Size" + ], + [ + "ro", + "cket" + ], + [ + "Ġpreced", + "ent" + ], + [ + "ĠAur", + "ora" + ], + [ + "ĠEx", + "periment" + ], + [ + "is", + "phere" + ], + [ + "Enc", + "oded" + ], + [ + "ĠâĢĵ", + "ĊĊ" + ], + [ + "Ġpy", + "ramid" + ], + [ + "ĠAnn", + "iversary" + ], + [ + "of", + "il" + ], + [ + "ë", + "Ł" + ], + [ + "(", + "plugin" + ], + [ + "C", + "oeff" + ], + [ + "Ġcooper", + "ate" + ], + [ + "Ġpredomin", + "antly" + ], + [ + "IS", + "M" + ], + [ + "Ph", + "rase" + ], + [ + "_DEF", + "INE" + ], + [ + "Fl", + "ip" + ], + [ + "AMIL", + "Y" + ], + [ + "ĠMark", + "ets" + ], + [ + "ĠStream", + "Reader" + ], + [ + "ĠComb", + "ine" + ], + [ + "Ġmanus", + "cript" + ], + [ + "z", + "za" + ], + [ + ",", + "tp" + ], + [ + "Wh", + "atever" + ], + [ + "IT", + "ICAL" + ], + [ + "ighb", + "our" + ], + [ + "Data", + "Provider" + ], + [ + ".Text", + "ure" + ], + [ + "priv", + "acy" + ], + [ + ".S", + "DK" + ], + [ + "Ġre", + "charge" + ], + [ + "Ġc", + "pp" + ], + [ + "ĠC", + "FG" + ], + [ + "(h", + "older" + ], + [ + "(p", + "y" + ], + [ + "m", + "ot" + ], + [ + "Ġsav", + "oir" + ], + [ + "ĠR", + "osa" + ], + [ + "ĠPC", + "s" + ], + [ + "Ġí", + "Ļ" + ], + [ + ".her", + "oku" + ], + [ + "Ġf", + "ren" + ], + [ + "ĠR", + "iley" + ], + [ + "ag", + "ate" + ], + [ + "Ġs", + "ond" + ], + [ + ".x", + "lsx" + ], + [ + "Ġh", + "acked" + ], + [ + "st", + "ad" + ], + [ + "G", + "i" + ], + [ + "Ġsan", + "ity" + ], + [ + "ĠSql", + "DataAdapter" + ], + [ + "...", + "\"," + ], + [ + "ĠP", + "ussy" + ], + [ + "Ġ", + "****************" + ], + [ + "Ġhass", + "le" + ], + [ + "_P", + "ARENT" + ], + [ + "ĠU", + "AE" + ], + [ + "Ġbegin", + "ners" + ], + [ + "(", + "Client" + ], + [ + "Ġstatist", + "ically" + ], + [ + ".h", + "our" + ], + [ + "ed", + "elta" + ], + [ + "Ġtr", + "action" + ], + [ + "uel", + "ve" + ], + [ + "ar", + "at" + ], + [ + "Ġsa", + "una" + ], + [ + "IN", + "VALID" + ], + [ + "Ġindict", + "ment" + ], + [ + "AL", + "LE" + ], + [ + "Ġdiss", + "ent" + ], + [ + "ĠTyp", + "ography" + ], + [ + "Ġintention", + "al" + ], + [ + "s", + "it" + ], + [ + "ĠAn", + "imals" + ], + [ + "Ġcoun", + "tryside" + ], + [ + "Ġu", + "art" + ], + [ + "}", + "\\\"" + ], + [ + "Ġseam", + "less" + ], + [ + "¾", + "示" + ], + [ + "Ġaut", + "os" + ], + [ + "Ġ\"'", + "\";Ċ" + ], + [ + "Fl", + "ush" + ], + [ + "ANN", + "OT" + ], + [ + "Ġal", + "gebra" + ], + [ + "ass", + "oc" + ], + [ + "ĠW", + "aters" + ], + [ + "Ġprepar", + "ations" + ], + [ + "ron", + "ym" + ], + [ + "[,", + "]" + ], + [ + "S", + "ans" + ], + [ + "Ġarm", + "ies" + ], + [ + "ipe", + "g" + ], + [ + "Ġcream", + "y" + ], + [ + ".", + "art" + ], + [ + "et", + "re" + ], + [ + "ĠAn", + "imated" + ], + [ + "Ġun", + "pleasant" + ], + [ + "eme", + "an" + ], + [ + "g", + "reat" + ], + [ + "i", + "Äħ" + ], + [ + "ĠEar", + "lier" + ], + [ + "Ġch", + "ic" + ], + [ + "Ġpres", + "erving" + ], + [ + "(ex", + "ec" + ], + [ + "ĠInvest", + "igation" + ], + [ + "ĉG", + "PIO" + ], + [ + "Ġrig", + "orous" + ], + [ + "ij", + "o" + ], + [ + "=", + "num" + ], + [ + "Ġtool", + "Strip" + ], + [ + ")", + "set" + ], + [ + "+\"", + "&" + ], + [ + "ĠAcc", + "eler" + ], + [ + "Ġdevelopment", + "al" + ], + [ + "is", + "posable" + ], + [ + "Ġflaw", + "ed" + ], + [ + "re", + "ne" + ], + [ + "Up", + "dating" + ], + [ + "Ġwatch", + "dog" + ], + [ + "Ġden", + "ominator" + ], + [ + "Ġsubur", + "bs" + ], + [ + "Ġ...", + ")" + ], + [ + "Ġconv", + "ictions" + ], + [ + "c", + "losure" + ], + [ + ".I", + "P" + ], + [ + "Ġtransl", + "ates" + ], + [ + ".sw", + "t" + ], + [ + ".Tr", + "ace" + ], + [ + "Ġmet", + "tre" + ], + [ + ".is", + "Enabled" + ], + [ + "ĠEffect", + "ive" + ], + [ + ".to", + "Int" + ], + [ + "Ġen", + "chant" + ], + [ + "Ġst", + "unned" + ], + [ + "Ġpo", + "i" + ], + [ + "/", + "code" + ], + [ + "ad", + "m" + ], + [ + ".datab", + "inding" + ], + [ + "ĠL", + "orem" + ], + [ + "________________________________", + "________________________________" + ], + [ + "Ġled", + "ger" + ], + [ + "Ġcar", + "a" + ], + [ + "ĠG", + "ir" + ], + [ + "Ġwa", + "its" + ], + [ + "Un", + "o" + ], + [ + "Ġc", + "wd" + ], + [ + "è¾", + "ij" + ], + [ + "ĠT", + "Result" + ], + [ + "Ġre", + "jo" + ], + [ + "Ġem", + "itted" + ], + [ + "ĠWest", + "minster" + ], + [ + "ä¸Ģ", + "个" + ], + [ + "ne", + "k" + ], + [ + "_T", + "is" + ], + [ + "Ġen", + "act" + ], + [ + "ĉ", + "with" + ], + [ + "org", + "ia" + ], + [ + "Ġj", + "ue" + ], + [ + "Per", + "form" + ], + [ + "SP", + "ATH" + ], + [ + ".top", + "ic" + ], + [ + "ĠD", + "aten" + ], + [ + "áº", + "§" + ], + [ + "Ġsit", + "io" + ], + [ + "_M", + "M" + ], + [ + "\"", + "So" + ], + [ + "b", + "ial" + ], + [ + "Ġsc", + "oped" + ], + [ + "Re", + "quires" + ], + [ + "ĠT", + "OTAL" + ], + [ + "ĠCh", + "ancellor" + ], + [ + "(", + "contents" + ], + [ + "Ġste", + "alth" + ], + [ + "dev", + "ices" + ], + [ + "-p", + "ass" + ], + [ + "ili", + "h" + ], + [ + "ĠMal", + "colm" + ], + [ + "ĠDep", + "ot" + ], + [ + "Ġconfig", + "ur" + ], + [ + "a", + "ussian" + ], + [ + "_con", + "straint" + ], + [ + "в", + "еÑĤ" + ], + [ + "G", + "RA" + ], + [ + "ĠR", + "ates" + ], + [ + ".dataGridView", + "TextBoxColumn" + ], + [ + "ĠNob", + "el" + ], + [ + "it", + "ics" + ], + [ + "Ġignor", + "ant" + ], + [ + "ĠReport", + "er" + ], + [ + "ĠEb", + "ola" + ], + [ + "ĠSh", + "ock" + ], + [ + "_re", + "lation" + ], + [ + "ĠNin", + "ja" + ], + [ + ")", + "c" + ], + [ + "Ġt", + "icker" + ], + [ + ".is", + "Checked" + ], + [ + "ĠSup", + "pliers" + ], + [ + "ĠRap", + "id" + ], + [ + "Level", + "s" + ], + [ + "âĤ¬", + "âĦ¢" + ], + [ + "ĉ", + "queue" + ], + [ + "Ġch", + "op" + ], + [ + "ĠUn", + "ix" + ], + [ + "re", + "ject" + ], + [ + "-c", + "alendar" + ], + [ + "(s", + "ort" + ], + [ + "è", + "ne" + ], + [ + "erc", + "icio" + ], + [ + "Ġh", + "ect" + ], + [ + "CALL", + "TYPE" + ], + [ + "rou", + "pon" + ], + [ + "Ġrent", + "als" + ], + [ + "auth", + "ors" + ], + [ + "{", + "name" + ], + [ + "ĠF", + "IFO" + ], + [ + "Ġl", + "assen" + ], + [ + "ĠN", + "ous" + ], + [ + "Ġsn", + "apped" + ], + [ + "Ġfert", + "ility" + ], + [ + "\"", + "log" + ], + [ + "click", + "ed" + ], + [ + "Ġplant", + "ing" + ], + [ + "Ġg", + "b" + ], + [ + "/", + "output" + ], + [ + "PE", + "AT" + ], + [ + "Ġc", + "ategoria" + ], + [ + "Ġb", + "ach" + ], + [ + "Prof", + "essor" + ], + [ + "in", + "th" + ], + [ + "\"]", + "čĊ" + ], + [ + "Rec", + "order" + ], + [ + "ser", + "de" + ], + [ + "ĠTrans", + "mission" + ], + [ + "tr", + "ad" + ], + [ + "Ġtur", + "bo" + ], + [ + "_VER", + "TEX" + ], + [ + "\\", + "Event" + ], + [ + "il", + "ver" + ], + [ + "Ġbod", + "ily" + ], + [ + "ĠS", + "ources" + ], + [ + "Ġkill", + "ings" + ], + [ + ".xr", + "TableCell" + ], + [ + "Ġfold", + "ed" + ], + [ + "/", + "legal" + ], + [ + "un", + "er" + ], + [ + "ĠR", + "ifle" + ], + [ + "ĠM", + "IDI" + ], + [ + "_Selected", + "IndexChanged" + ], + [ + ".Size", + "Type" + ], + [ + "ĠWeb", + "Socket" + ], + [ + "Ġsele", + "ccion" + ], + [ + "S", + "and" + ], + [ + "ot", + "ros" + ], + [ + "Ġenv", + "ision" + ], + [ + "/", + "etc" + ], + [ + "ĠMel", + "issa" + ], + [ + "Sp", + "ot" + ], + [ + "но", + "е" + ], + [ + "_", + "ARM" + ], + [ + "At", + "tempt" + ], + [ + "ĠB", + "I" + ], + [ + "ãģ", + "Ķ" + ], + [ + "ĠD", + "U" + ], + [ + "Ġback", + "lash" + ], + [ + "str", + "ide" + ], + [ + "/", + "classes" + ], + [ + "Ġtext", + "Color" + ], + [ + "_st", + "aff" + ], + [ + "ob", + "lin" + ], + [ + "agent", + "a" + ], + [ + ".c", + "ollections" + ], + [ + "ill", + "age" + ], + [ + "'", + "čĊčĊ" + ], + [ + "fl", + "atten" + ], + [ + "_s", + "ales" + ], + [ + "_M", + "ASTER" + ], + [ + "T", + "W" + ], + [ + "_d", + "a" + ], + [ + "P", + "itch" + ], + [ + "ph", + "ies" + ], + [ + "Ġz", + "ombies" + ], + [ + "ĠV", + "ERY" + ], + [ + "ĠPharm", + "acy" + ], + [ + "Ġprogress", + "Bar" + ], + [ + "Ġhas", + "htag" + ], + [ + "S", + "idebar" + ], + [ + "@", + "stop" + ], + [ + "(p", + "c" + ], + [ + "ол", + "ж" + ], + [ + "MA", + "KE" + ], + [ + "ĠCor", + "on" + ], + [ + "Ġkv", + "inner" + ], + [ + "ĠM", + "aid" + ], + [ + "b", + "ob" + ], + [ + ".title", + "Label" + ], + [ + "Ġsuccess", + "es" + ], + [ + "ĠDemocr", + "acy" + ], + [ + "ĠSurg", + "ery" + ], + [ + "Ġcou", + "gar" + ], + [ + "Ġcur", + "so" + ], + [ + "Ġl", + "oro" + ], + [ + "ist", + "ency" + ], + [ + "Sen", + "ior" + ], + [ + "æ", + "k" + ], + [ + "ĠA", + "AA" + ], + [ + "ĠBO", + "OK" + ], + [ + "к", + "о" + ], + [ + "W", + "STR" + ], + [ + "Ġ*/", + ",Ċ" + ], + [ + "oy", + "al" + ], + [ + ".v", + "ector" + ], + [ + "ĠS", + "PEC" + ], + [ + "SS", + "F" + ], + [ + "Ġcomp", + "uls" + ], + [ + "ĠAppe", + "als" + ], + [ + "ĠW", + "inston" + ], + [ + "ĠMock", + "ito" + ], + [ + "con", + "trib" + ], + [ + ".", + "available" + ], + [ + "entity", + "Manager" + ], + [ + "ari", + "as" + ], + [ + "_s", + "ale" + ], + [ + "_r", + "s" + ], + [ + "Ġdec", + "oding" + ], + [ + "Ġloc", + "ator" + ], + [ + "ol", + "ith" + ], + [ + "Ġk", + "ol" + ], + [ + "Ġasc", + "ii" + ], + [ + "ĠR", + "ut" + ], + [ + "/", + "interface" + ], + [ + "ĉĉĉĉĉĉ", + "ĠĠĠ" + ], + [ + "ĠN", + "umer" + ], + [ + ".fl", + "ip" + ], + [ + "-d", + "el" + ], + [ + "Ġbol", + "ster" + ], + [ + "on", + "omic" + ], + [ + "Ġz", + "m" + ], + [ + "L", + "G" + ], + [ + "Find", + "By" + ], + [ + "Ġadapt", + "ive" + ], + [ + "lo", + "o" + ], + [ + "Ġv", + "ue" + ], + [ + "(re", + "verse" + ], + [ + "_c", + "anvas" + ], + [ + ".", + "roles" + ], + [ + "ific", + "ado" + ], + [ + "ven", + "ient" + ], + [ + "\"", + "As" + ], + [ + "ĠEn", + "tr" + ], + [ + "al", + "igned" + ], + [ + "Ġbere", + "its" + ], + [ + "///", + "ĊĊ" + ], + [ + ".g", + "wt" + ], + [ + ".", + "employee" + ], + [ + "_cl", + "i" + ], + [ + "Ġanticip", + "ate" + ], + [ + "éĻ", + "IJ" + ], + [ + "Ġp", + "ik" + ], + [ + "Ġmush", + "rooms" + ], + [ + "(t", + "t" + ], + [ + "Ġo", + "ma" + ], + [ + "ĠSan", + "chez" + ], + [ + "_g", + "oogle" + ], + [ + ".", + "Valid" + ], + [ + "ĠFile", + "Name" + ], + [ + "iv", + "ative" + ], + [ + "k", + "ed" + ], + [ + "-w", + "ar" + ], + [ + "Ġm", + "aturity" + ], + [ + "и", + "д" + ], + [ + "Ġmin", + "er" + ], + [ + "Reduc", + "ers" + ], + [ + "ĠLat", + "Lng" + ], + [ + "_ST", + "D" + ], + [ + "D", + "igits" + ], + [ + "Cal", + "c" + ], + [ + "-up", + "load" + ], + [ + "Ġhand", + "ic" + ], + [ + "ี", + "à¹Ī" + ], + [ + "egr", + "ated" + ], + [ + "ĠST", + "M" + ], + [ + "C", + "lients" + ], + [ + "ĠTur", + "bo" + ], + [ + "SY", + "NC" + ], + [ + "Ġphotograph", + "ers" + ], + [ + ".", + "Out" + ], + [ + ".char", + "acter" + ], + [ + "B", + "UILD" + ], + [ + ".un", + "lock" + ], + [ + "Ġar", + "ises" + ], + [ + "ĠCommand", + "s" + ], + [ + "(\"", + "\");čĊ" + ], + [ + "_F", + "ORE" + ], + [ + ";", + "'," + ], + [ + "+\"", + "'" + ], + [ + ".", + "Images" + ], + [ + "\")", + "{" + ], + [ + "ĠM", + "eyer" + ], + [ + "Ġneg", + "atively" + ], + [ + "ĠD", + "LL" + ], + [ + "Ġex", + "e" + ], + [ + "Ġdef", + "iciency" + ], + [ + "Ġwild", + "ly" + ], + [ + "-s", + "witch" + ], + [ + "con", + "struction" + ], + [ + "Ġexception", + "ally" + ], + [ + "ĠL", + "iz" + ], + [ + "/j", + "ava" + ], + [ + "Ġtheir", + "s" + ], + [ + "ĠCont", + "emporary" + ], + [ + "l", + "is" + ], + [ + ".fill", + "Rect" + ], + [ + "ĠN", + "FC" + ], + [ + "Ġre", + "he" + ], + [ + "(num", + "bers" + ], + [ + "Ġr", + "aster" + ], + [ + "Ġfig", + "uring" + ], + [ + "Ġshow", + "c" + ], + [ + "ĠJ", + "ill" + ], + [ + "Ġarc", + "ade" + ], + [ + "ĠConstruct", + "s" + ], + [ + "md", + "l" + ], + [ + "('", + "|" + ], + [ + "Ġident", + "ifiers" + ], + [ + "Ġst", + "ellar" + ], + [ + "(", + "Connection" + ], + [ + "Ġ\"", + "{{" + ], + [ + "y", + "or" + ], + [ + "(m", + "ysqli" + ], + [ + "Ġdo", + "ve" + ], + [ + "Of", + "Birth" + ], + [ + ".dis", + "connect" + ], + [ + "_h", + "i" + ], + [ + "Ġzw", + "ischen" + ], + [ + "ĠGr", + "und" + ], + [ + "i", + "ros" + ], + [ + "_A", + "rray" + ], + [ + ".on", + "click" + ], + [ + "ans", + "om" + ], + [ + "An", + "swers" + ], + [ + "ĉ", + "remove" + ], + [ + "F", + "a" + ], + [ + "Ġhur", + "ry" + ], + [ + "-in", + "f" + ], + [ + "Ġget", + "Class" + ], + [ + "ĠReg", + "ulation" + ], + [ + "ĠFLAG", + "S" + ], + [ + "m", + "isc" + ], + [ + "K", + "en" + ], + [ + "_", + "heading" + ], + [ + "G", + "Hz" + ], + [ + "-", + "entry" + ], + [ + "Ġbi", + "ography" + ], + [ + "S", + "ig" + ], + [ + "-m", + "f" + ], + [ + "Watch", + "er" + ], + [ + "âĢľ", + "A" + ], + [ + "}", + "px" + ], + [ + "Ġsp", + "icy" + ], + [ + "_s", + "q" + ], + [ + "L", + "ost" + ], + [ + "(tr", + "ack" + ], + [ + "а", + "ли" + ], + [ + "Desc", + "ending" + ], + [ + "<", + "bits" + ], + [ + "qu", + "ine" + ], + [ + "ĠAdv", + "oc" + ], + [ + "_S", + "N" + ], + [ + "ĠHann", + "ah" + ], + [ + "PO", + "P" + ], + [ + "Ġem", + "itter" + ], + [ + "Ġc", + "yn" + ], + [ + "ĠC", + "AD" + ], + [ + "?", + ")." + ], + [ + "/", + "set" + ], + [ + "ĠS", + "ister" + ], + [ + "ĠEnd", + "point" + ], + [ + "Ġmen", + "or" + ], + [ + "Ġinter", + "p" + ], + [ + "r", + "k" + ], + [ + "id", + "le" + ], + [ + "Ġout", + "fits" + ], + [ + ".", + "vertex" + ], + [ + "Ġc", + "lic" + ], + [ + "ARE", + "N" + ], + [ + "Ġpost", + "ure" + ], + [ + "ĠOpport", + "unity" + ], + [ + "v", + "x" + ], + [ + "ĠFor", + "bes" + ], + [ + ".D", + "irection" + ], + [ + "Ġres", + "ide" + ], + [ + "Ġremember", + "ing" + ], + [ + "nest", + "y" + ], + [ + "Auto", + "resizing" + ], + [ + "pro", + "viders" + ], + [ + "ĠA", + "H" + ], + [ + "Ġhur", + "ting" + ], + [ + "ĠL", + "ily" + ], + [ + "eval", + "uate" + ], + [ + "lij", + "k" + ], + [ + "p", + "apers" + ], + [ + "ĠSm", + "ash" + ], + [ + "ĠL", + "AST" + ], + [ + "Ġwell", + "s" + ], + [ + "w", + "asher" + ], + [ + "_RO", + "LE" + ], + [ + "ĠD", + "anger" + ], + [ + "*", + "((" + ], + [ + "_re", + "pository" + ], + [ + "ĠRes", + "olve" + ], + [ + "ĠRoom", + "s" + ], + [ + "_R", + "G" + ], + [ + "ĠQ", + "T" + ], + [ + "o", + "op" + ], + [ + "ĠHe", + "ap" + ], + [ + "Ġslow", + "ing" + ], + [ + "Ġgrat", + "uite" + ], + [ + "_c", + "atalog" + ], + [ + "Ġpol", + "ynomial" + ], + [ + "L", + "y" + ], + [ + "pc", + "s" + ], + [ + "F", + "ox" + ], + [ + "ĠC", + "yr" + ], + [ + "Ġdim", + "in" + ], + [ + "/", + "month" + ], + [ + "S", + "alt" + ], + [ + "Ġh", + "ind" + ], + [ + ".P", + "ER" + ], + [ + "For", + "um" + ], + [ + "c", + "en" + ], + [ + "_p", + "ol" + ], + [ + "íĺ", + "¸" + ], + [ + "Ġin", + "ser" + ], + [ + "(", + "~" + ], + [ + "@", + "test" + ], + [ + "ĠGold", + "man" + ], + [ + "Ġupload", + "ing" + ], + [ + "F", + "c" + ], + [ + "Ġkom", + "mer" + ], + [ + "Ġm", + "itt" + ], + [ + "_log", + "ged" + ], + [ + "Ġbu", + "cks" + ], + [ + "-l", + "ayer" + ], + [ + ")", + "};Ċ" + ], + [ + "ĠO", + "M" + ], + [ + "Ġv", + "eg" + ], + [ + "col", + "our" + ], + [ + "Ġоб", + "ÑĬ" + ], + [ + "Std", + "String" + ], + [ + "_", + "que" + ], + [ + "ĠT", + "ian" + ], + [ + "Ġspecial", + "ize" + ], + [ + "и", + "п" + ], + [ + "Ġк", + "л" + ], + [ + "tr", + "ial" + ], + [ + "-", + "edge" + ], + [ + "Ġm", + "ars" + ], + [ + "OG", + "LE" + ], + [ + "Ġempath", + "y" + ], + [ + "ĠB", + "om" + ], + [ + "Ġcoll", + "isions" + ], + [ + "Ġcart", + "e" + ], + [ + "ĠTe", + "il" + ], + [ + "ĠM", + "PL" + ], + [ + "Ġporn", + "ô" + ], + [ + "Ġa", + "irlines" + ], + [ + "A", + "ws" + ], + [ + "N", + "s" + ], + [ + "ĠSp", + "awn" + ], + [ + "(", + "use" + ], + [ + "é»", + "ĺ认" + ], + [ + "Ġy", + "acc" + ], + [ + "st", + "or" + ], + [ + "Ġconf", + "ess" + ], + [ + "Ġpe", + "que" + ], + [ + "r", + "age" + ], + [ + "?", + "\"Ċ" + ], + [ + "/dat", + "atables" + ], + [ + "ĠSh", + "ower" + ], + [ + "__", + "/" + ], + [ + "Ġcryst", + "als" + ], + [ + "Ġbus", + "car" + ], + [ + "ĠH", + "aus" + ], + [ + "iz", + "ação" + ], + [ + "_", + "entities" + ], + [ + "ķ", + "Į" + ], + [ + "ļ", + "Į" + ], + [ + "x", + "cc" + ], + [ + "v", + "irt" + ], + [ + "-che", + "vron" + ], + [ + "(", + "Result" + ], + [ + "c", + "ake" + ], + [ + "COM", + "E" + ], + [ + "Ġprohib", + "it" + ], + [ + "ĠCh", + "ess" + ], + [ + "Ġbe", + "aucoup" + ], + [ + "ĠÑĩ", + "ÑĤо" + ], + [ + "R", + "UN" + ], + [ + "ĠI", + "K" + ], + [ + "ó", + "ÅĤ" + ], + [ + "_", + "Update" + ], + [ + "Ġsle", + "ek" + ], + [ + "ĠSpec", + "ify" + ], + [ + "_c", + "redentials" + ], + [ + "ÅŁ", + "t" + ], + [ + "ĠUser", + "Name" + ], + [ + "ĉ", + "Value" + ], + [ + "Ġarray", + "List" + ], + [ + "Ġex", + "changed" + ], + [ + "ips", + "is" + ], + [ + ".re", + "lated" + ], + [ + "ĠSe", + "ite" + ], + [ + "_B", + "AR" + ], + [ + "ĠL", + "em" + ], + [ + "ĠW", + "ATCH" + ], + [ + "ĠC", + "lients" + ], + [ + "Ġ.", + "*" + ], + [ + "ĠEar", + "l" + ], + [ + "-re", + "port" + ], + [ + "Ġforeign", + "ers" + ], + [ + "Ġstrengthen", + "ing" + ], + [ + "ĉ", + "Description" + ], + [ + "(g", + "o" + ], + [ + ".tool", + "bar" + ], + [ + "Ġcalcul", + "ates" + ], + [ + "ĉs", + "ource" + ], + [ + "Ġcz", + "as" + ], + [ + "Ġre", + "cl" + ], + [ + "ab", + "o" + ], + [ + "Ġlocal", + "host" + ], + [ + "Ġ^", + "{Ċ" + ], + [ + ".P", + "op" + ], + [ + "ĠDes", + "igned" + ], + [ + "\\", + "Abstract" + ], + [ + "H", + "old" + ], + [ + "ĠGuid", + "elines" + ], + [ + "ipl", + "ine" + ], + [ + "Ġc", + "aching" + ], + [ + ".Re", + "ader" + ], + [ + "_ext", + "ernal" + ], + [ + ".str", + "ptime" + ], + [ + "ĠWeek", + "end" + ], + [ + "-M", + "ar" + ], + [ + "ĠBe", + "i" + ], + [ + "Ġ{*", + "}" + ], + [ + "ĠR", + "ud" + ], + [ + "Ġexpl", + "or" + ], + [ + "ĠBou", + "levard" + ], + [ + "C", + "ash" + ], + [ + "Ġprep", + "ares" + ], + [ + "Ġserial", + "ization" + ], + [ + "ew", + "ater" + ], + [ + "Ġad", + "c" + ], + [ + ":", + "ĊĊĊĊĊĊ" + ], + [ + "Re", + "fer" + ], + [ + "Ġsc", + "anned" + ], + [ + "}", + "}ĊĊ" + ], + [ + "ĠF", + "ul" + ], + [ + "Ġtour", + "ing" + ], + [ + "ãĥĥ", + "ãĤ¯" + ], + [ + ">", + "((" + ], + [ + "sur", + "vey" + ], + [ + "Ġí", + "ĺ" + ], + [ + "...", + "')Ċ" + ], + [ + "ĠDiv", + "ider" + ], + [ + "os", + "l" + ], + [ + "_C", + "ANCEL" + ], + [ + "_pre", + "pare" + ], + [ + "st", + "in" + ], + [ + "ĠHe", + "ath" + ], + [ + ".Primary", + "Key" + ], + [ + "ĠâĨ", + "IJ" + ], + [ + "ĠLocal", + "DateTime" + ], + [ + "Ġcooper", + "ative" + ], + [ + "L", + "earning" + ], + [ + ".en", + "queue" + ], + [ + "Ġgo", + "og" + ], + [ + "ĠReg", + "ression" + ], + [ + "im", + "ates" + ], + [ + "Ġvoy", + "eur" + ], + [ + "ĠDr", + "ink" + ], + [ + "pl", + "ug" + ], + [ + "Ġl", + "ender" + ], + [ + "man", + "a" + ], + [ + "Ġperson", + "nes" + ], + [ + "yp", + "se" + ], + [ + "Ġun", + "link" + ], + [ + "ĠRav", + "ens" + ], + [ + "Ġhur", + "d" + ], + [ + "Ġperiod", + "ically" + ], + [ + "ARG", + "S" + ], + [ + "ĠG", + "H" + ], + [ + "char", + "acters" + ], + [ + "...", + "\"ĊĊ" + ], + [ + "-", + "establish" + ], + [ + "Ġd", + "n" + ], + [ + "(", + "condition" + ], + [ + "ĠGr", + "avity" + ], + [ + "Ġest", + "as" + ], + [ + "_f", + "ocus" + ], + [ + "Creat", + "ure" + ], + [ + "(s", + "ite" + ], + [ + "Ġc", + "arr" + ], + [ + "ĠR", + "L" + ], + [ + "ĠR", + "I" + ], + [ + "ĠM", + "oto" + ], + [ + "AS", + "F" + ], + [ + "ĠLuck", + "ily" + ], + [ + "ĉ", + "Route" + ], + [ + "Ġent", + "ropy" + ], + [ + "(\"", + ",\"" + ], + [ + "Col", + "lect" + ], + [ + "(", + "contact" + ], + [ + "ĠFlo", + "rence" + ], + [ + "Ġpremium", + "s" + ], + [ + "Ġlif", + "ecycle" + ], + [ + "Ġb", + "ans" + ], + [ + "x", + "ef" + ], + [ + "Web", + "Kit" + ], + [ + "ĠFlo", + "ating" + ], + [ + "Ġcos", + "a" + ], + [ + "Spec", + "ific" + ], + [ + "ĠLo", + "ans" + ], + [ + "b", + "read" + ], + [ + "Ġdes", + "criptors" + ], + [ + "Ġ{", + ":." + ], + [ + "TH", + "READ" + ], + [ + "ĠT", + "rent" + ], + [ + "Ġsc", + "op" + ], + [ + "Q", + "A" + ], + [ + "ĠAnt", + "ar" + ], + [ + "p", + "el" + ], + [ + "_d", + "ifference" + ], + [ + "_ch", + "anges" + ], + [ + "(...", + ")" + ], + [ + "ĠR", + "otation" + ], + [ + "ĠLG", + "PL" + ], + [ + "ĠJ", + "UST" + ], + [ + "(T", + "ask" + ], + [ + "_sub", + "set" + ], + [ + "ĠTR", + "ANS" + ], + [ + "åĬ", + "Ľ" + ], + [ + "ĠSc", + "out" + ], + [ + "-p", + "opup" + ], + [ + "Ġsm", + "oked" + ], + [ + "_C", + "lass" + ], + [ + "Ġturn", + "over" + ], + [ + "br", + "akk" + ], + [ + "ĠRock", + "y" + ], + [ + "t", + "as" + ], + [ + ".Regular", + "Expressions" + ], + [ + "ĠElli", + "ott" + ], + [ + "ĠSp", + "inner" + ], + [ + "DU", + "CTION" + ], + [ + "Ġlib", + "re" + ], + [ + "Ġmol", + "to" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠ" + ], + [ + "ĠF", + "TP" + ], + [ + "m", + "peg" + ], + [ + "(f", + "eatures" + ], + [ + "Ġb", + "ald" + ], + [ + "ĠV", + "id" + ], + [ + "Ġsh", + "outing" + ], + [ + "L", + "int" + ], + [ + "Ġsock", + "ets" + ], + [ + "Ġpro", + "w" + ], + [ + "Ġnouvel", + "le" + ], + [ + "isc", + "ard" + ], + [ + "ĠS", + "ponsor" + ], + [ + "Ġconsult", + "a" + ], + [ + "))", + ");" + ], + [ + "Ind", + "ian" + ], + [ + "ĠR", + "aspberry" + ], + [ + "Ġteam", + "mate" + ], + [ + "ĠJ", + "WT" + ], + [ + "ĠGh", + "ana" + ], + [ + "Ġc", + "akes" + ], + [ + "pr", + "imer" + ], + [ + "form", + "a" + ], + [ + "erg", + "arten" + ], + [ + "_M", + "anager" + ], + [ + "Ġpre", + "season" + ], + [ + "G", + "AME" + ], + [ + "|", + "\"" + ], + [ + "ĠBro", + "ck" + ], + [ + "Ġoccup", + "y" + ], + [ + "Ġdecor", + "ations" + ], + [ + "á", + "nd" + ], + [ + "Ġc", + "ot" + ], + [ + "Ġpar", + "an" + ], + [ + "D", + "isk" + ], + [ + "rem", + "ain" + ], + [ + ">", + "?" + ], + [ + "Str", + "ong" + ], + [ + "Ġfr", + "ance" + ], + [ + "ĠE", + "ra" + ], + [ + "-c", + "r" + ], + [ + ".Buffer", + "edReader" + ], + [ + "ĠParad", + "ise" + ], + [ + "ĠV", + "AT" + ], + [ + "ĠAnd", + "ers" + ], + [ + "Ġlim", + "b" + ], + [ + "amp", + "oo" + ], + [ + "Ġimper", + "ative" + ], + [ + "UT", + "ILITY" + ], + [ + "ĠRec", + "ognition" + ], + [ + "Ġragaz", + "ze" + ], + [ + "Ġpop", + "s" + ], + [ + "yp", + "ress" + ], + [ + "Ġemb", + "argo" + ], + [ + "//", + "{Ċ" + ], + [ + "Ġsy", + "ll" + ], + [ + "P", + "TR" + ], + [ + "åŃĺ", + "åľ¨" + ], + [ + "Ġdid", + "nt" + ], + [ + "Mail", + "er" + ], + [ + "Ġacad", + "emics" + ], + [ + "ĠFra", + "uen" + ], + [ + "ne", + "ider" + ], + [ + "-", + "rel" + ], + [ + "Ġrain", + "bow" + ], + [ + "(", + "In" + ], + [ + "Ġslic", + "ed" + ], + [ + "============", + "=Ċ" + ], + [ + "(s", + "end" + ], + [ + "NSMutable", + "Dictionary" + ], + [ + "v", + "os" + ], + [ + "(p", + "ackage" + ], + [ + "Ġord", + "inance" + ], + [ + "view", + "er" + ], + [ + "ĠSant", + "os" + ], + [ + "-s", + "elling" + ], + [ + "Ġgo", + "v" + ], + [ + "ett", + "le" + ], + [ + "Ġfound", + "ers" + ], + [ + "Ġw", + "aking" + ], + [ + "sl", + "ashes" + ], + [ + "-p", + "ound" + ], + [ + "re", + "cht" + ], + [ + "ا", + "ت" + ], + [ + ".on", + "Click" + ], + [ + "Ġn", + "ord" + ], + [ + "st", + "änd" + ], + [ + "_", + "when" + ], + [ + "UT", + "ERS" + ], + [ + "ic", + "c" + ], + [ + "Ġcaps", + "ule" + ], + [ + "ĠW", + "id" + ], + [ + "M", + "arc" + ], + [ + "à¸", + "¸" + ], + [ + "ro", + "red" + ], + [ + "UG", + "E" + ], + [ + "LO", + "UD" + ], + [ + "ĠAud", + "it" + ], + [ + "ip", + "ients" + ], + [ + "op", + "ian" + ], + [ + "ĠS", + "ue" + ], + [ + "Ġwur", + "den" + ], + [ + ".H", + "elpers" + ], + [ + "Ġf", + "actions" + ], + [ + "[", + "np" + ], + [ + "-th", + "an" + ], + [ + "Ġre", + "co" + ], + [ + "Ġk", + "as" + ], + [ + "Ġcmd", + "s" + ], + [ + "/n", + "etwork" + ], + [ + "xb", + "f" + ], + [ + "get", + "Color" + ], + [ + "Ġbi", + "ased" + ], + [ + "ĠL", + "ak" + ], + [ + "D", + "atas" + ], + [ + "vent", + "s" + ], + [ + "Ġë", + "²" + ], + [ + "_P", + "S" + ], + [ + ".", + "Validate" + ], + [ + "Inv", + "oker" + ], + [ + "Ġne", + "uen" + ], + [ + "Ġju", + "venile" + ], + [ + "V", + "ISION" + ], + [ + "Ġdev", + "ote" + ], + [ + "Ġlin", + "ha" + ], + [ + "Ġdiscount", + "ed" + ], + [ + "\\", + "Config" + ], + [ + "Ġworth", + "while" + ], + [ + "Ġskin", + "ny" + ], + [ + "ĠC", + "ourses" + ], + [ + "le", + "ys" + ], + [ + "ĠMort", + "gage" + ], + [ + "K", + "evin" + ], + [ + "Ġannounc", + "es" + ], + [ + "])", + "*" + ], + [ + "res", + "ervation" + ], + [ + "Ġæķ", + "°" + ], + [ + "Ġprejud", + "ice" + ], + [ + "ĠString", + "Comparison" + ], + [ + "Ġbe", + "ard" + ], + [ + "-w", + "in" + ], + [ + "ĠS", + "ão" + ], + [ + "ĉ", + "ms" + ], + [ + "j", + "al" + ], + [ + "ĠE", + "arn" + ], + [ + "_", + "ports" + ], + [ + "ĠN", + "ombre" + ], + [ + "_C", + "OR" + ], + [ + "ĠB", + "UILD" + ], + [ + ".s", + "ound" + ], + [ + "Y", + "ellow" + ], + [ + "Ġlineback", + "er" + ], + [ + "Ġchar", + "itable" + ], + [ + "j", + "ug" + ], + [ + "_NON", + "NULL" + ], + [ + "ĠD", + "ental" + ], + [ + "\">", + "${" + ], + [ + "ĉm", + "atch" + ], + [ + "R", + "ussian" + ], + [ + "Ġvers", + "ch" + ], + [ + "Ġp", + "inned" + ], + [ + "Ġadopt", + "ing" + ], + [ + "Options", + "Menu" + ], + [ + "P", + "ag" + ], + [ + "Ġpair", + "ing" + ], + [ + "Ġt", + "read" + ], + [ + "erc", + "ises" + ], + [ + "ĠSp", + "read" + ], + [ + ")", + "i" + ], + [ + "ĠB", + "AD" + ], + [ + "_t", + "f" + ], + [ + "UI", + "ImageView" + ], + [ + "pop", + "ulate" + ], + [ + "b", + "ab" + ], + [ + "ĠÏ", + "ĥ" + ], + [ + "[", + "++" + ], + [ + "Ġopi", + "oid" + ], + [ + "Ġ##", + "Ċ" + ], + [ + "d", + "type" + ], + [ + "ĠStart", + "s" + ], + [ + "('/", + "')" + ], + [ + "Ġperson", + "als" + ], + [ + "-mark", + "et" + ], + [ + "Ġredund", + "ant" + ], + [ + "ĠEss", + "ential" + ], + [ + "Ġscrap", + "y" + ], + [ + "Ġи", + "м" + ], + [ + "a", + "cl" + ], + [ + "Ġcre", + "ar" + ], + [ + "ĠB", + "end" + ], + [ + "Ġrel", + "ieve" + ], + [ + "-", + "room" + ], + [ + "w", + "ife" + ], + [ + "Ġv", + "Ãł" + ], + [ + "ĠQ", + "Point" + ], + [ + "Ġqu", + "asi" + ], + [ + "Ġmethod", + "Name" + ], + [ + "\\x", + "c" + ], + [ + "ĠPer", + "u" + ], + [ + "/", + "The" + ], + [ + ".", + "orm" + ], + [ + "Ġv", + "iz" + ], + [ + "/p", + "df" + ], + [ + "Loc", + "ated" + ], + [ + "Ġconfront", + "ation" + ], + [ + "ĠChampionship", + "s" + ], + [ + "Ġhyp", + "ert" + ], + [ + "Ġd", + "j" + ], + [ + "ĠUser", + "Info" + ], + [ + "ĠåĪ", + "Ľå»º" + ], + [ + "\\x", + "b" + ], + [ + "(s", + "im" + ], + [ + "Ġ==", + "Ċ" + ], + [ + "Ġst", + "aging" + ], + [ + "Ġdr", + "astically" + ], + [ + "åŃ", + "¦" + ], + [ + "l", + "ords" + ], + [ + ".", + "less" + ], + [ + "вед", + "иÑĤе" + ], + [ + "ĠB", + "ucket" + ], + [ + "ĠM", + "am" + ], + [ + ".", + "term" + ], + [ + "_p", + "i" + ], + [ + "c", + "zy" + ], + [ + ".p", + "ub" + ], + [ + "prec", + "io" + ], + [ + "ĠV", + "irt" + ], + [ + "Ġrom", + "an" + ], + [ + "it", + "at" + ], + [ + "L", + "ex" + ], + [ + "_inf", + "os" + ], + [ + "Ä", + "°" + ], + [ + ".", + "other" + ], + [ + "VE", + "LO" + ], + [ + "Ġp", + "onder" + ], + [ + "Ġh", + "anno" + ], + [ + "(", + "Page" + ], + [ + "do", + "i" + ], + [ + "Ġpol", + "ite" + ], + [ + "Ġprogram", + "mer" + ], + [ + "D", + "ies" + ], + [ + "$", + "d" + ], + [ + "Ġrep", + "lication" + ], + [ + "add", + "Column" + ], + [ + "fr", + "ican" + ], + [ + "Ġl", + "eng" + ], + [ + "be", + "er" + ], + [ + "o", + "it" + ], + [ + "Ġw", + "asting" + ], + [ + "yl", + "im" + ], + [ + "me", + "asure" + ], + [ + "N", + "eg" + ], + [ + "Ġpart", + "ie" + ], + [ + ".con", + "sole" + ], + [ + "ĠGu", + "inea" + ], + [ + "TE", + "L" + ], + [ + "_f", + "act" + ], + [ + ".ch", + "unk" + ], + [ + "Ġl", + "ent" + ], + [ + "Ġall", + "er" + ], + [ + "Ġà¤", + "ķ" + ], + [ + "_id", + "le" + ], + [ + "Ġad", + "missions" + ], + [ + "JSON", + "Array" + ], + [ + "Ġv", + "ibration" + ], + [ + ".h", + "elpers" + ], + [ + "å¤", + "ĸ" + ], + [ + "Ġh", + "en" + ], + [ + "j", + "ohn" + ], + [ + "Ġì", + "ĥĿ" + ], + [ + "Ġjud", + "gement" + ], + [ + "Ġge", + "en" + ], + [ + "ter", + "ra" + ], + [ + "^", + "{" + ], + [ + "ĠI", + "z" + ], + [ + "Ġc", + "â" + ], + [ + "inst", + "ances" + ], + [ + "Ġthreat", + "ens" + ], + [ + "Ġm", + "üssen" + ], + [ + "Kind", + "OfClass" + ], + [ + "Ġstoryt", + "elling" + ], + [ + "_d", + "emo" + ], + [ + "ri", + "as" + ], + [ + "Priv", + "acy" + ], + [ + "h", + "ift" + ], + [ + "ĠY", + "i" + ], + [ + "es", + "or" + ], + [ + "íķ", + "ł" + ], + [ + "ens", + "itivity" + ], + [ + ".W", + "riter" + ], + [ + "à¸", + "Ĥ" + ], + [ + "D", + "istrict" + ], + [ + ".get", + "JSONObject" + ], + [ + "Im", + "pro" + ], + [ + "(get", + "Resources" + ], + [ + "ĠS", + "PELL" + ], + [ + "rodu", + "ce" + ], + [ + "Ġslow", + "ed" + ], + [ + "Ġlin", + "ewidth" + ], + [ + "Ġhonest", + "y" + ], + [ + "ĠCo", + "ord" + ], + [ + "ĠF", + "ork" + ], + [ + "ĠDispatch", + "Queue" + ], + [ + "ĠCl", + "iff" + ], + [ + "ĠW", + "iring" + ], + [ + "_TIM", + "ESTAMP" + ], + [ + "oll", + "ah" + ], + [ + "av", + "oid" + ], + [ + "++", + "];Ċ" + ], + [ + "sem", + "antic" + ], + [ + "-c", + "ss" + ], + [ + "Ġv", + "eto" + ], + [ + "ĠM", + "err" + ], + [ + "Ġlegisl", + "ators" + ], + [ + "CEE", + "DED" + ], + [ + "Ġquestion", + "naire" + ], + [ + "ĠP", + "ills" + ], + [ + "Cal", + "culate" + ], + [ + "(c", + "ore" + ], + [ + "'", + "e" + ], + [ + "Ġdis", + "like" + ], + [ + "ĠPre", + "ferences" + ], + [ + "_EX", + "TERNAL" + ], + [ + "è°", + "ĥ" + ], + [ + "Ġd", + "odge" + ], + [ + "æľį", + "åĬ¡" + ], + [ + ".n", + "ames" + ], + [ + ".draw", + "Image" + ], + [ + "_p", + "rom" + ], + [ + "uck", + "land" + ], + [ + "Ġ<$", + ">" + ], + [ + "ı", + "z" + ], + [ + "/s", + "ite" + ], + [ + "é¡", + "¹" + ], + [ + "rop", + "he" + ], + [ + "Ġcomp", + "elled" + ], + [ + "Ġl", + "aptops" + ], + [ + "Ġun", + "i" + ], + [ + "C", + "LOSE" + ], + [ + "Ġcasual", + "ties" + ], + [ + "ĠUn", + "iform" + ], + [ + "Term", + "inal" + ], + [ + ".", + "\",\"" + ], + [ + "D", + "AT" + ], + [ + "(T", + "reeNode" + ], + [ + "ĠGand", + "hi" + ], + [ + "(st", + "mt" + ], + [ + "AX", + "B" + ], + [ + "*", + "M" + ], + [ + "Ġumb", + "rella" + ], + [ + "an", + "imal" + ], + [ + "Ġgr", + "pc" + ], + [ + "Ġwhere", + "by" + ], + [ + "Ġfloat", + "s" + ], + [ + "ĉ", + "arg" + ], + [ + "Ġdb", + "g" + ], + [ + "Ġexceed", + "ing" + ], + [ + "Event", + "Type" + ], + [ + ".SaveChanges", + "Async" + ], + [ + "Ġ{", + "{{" + ], + [ + "Ġow", + "ed" + ], + [ + "ahren", + "heit" + ], + [ + "Ġì", + "§" + ], + [ + "Ġequ", + "ipo" + ], + [ + "ur", + "ai" + ], + [ + "Ġid", + "ol" + ], + [ + "]", + "\")Ċ" + ], + [ + "_m", + "ajor" + ], + [ + "Ġentire", + "ty" + ], + [ + "inger", + "print" + ], + [ + "ç", + "os" + ], + [ + "/", + "account" + ], + [ + "ĉ", + "right" + ], + [ + "urs", + "os" + ], + [ + "ĠE", + "DT" + ], + [ + "_INS", + "ERT" + ], + [ + "Ġsh", + "ining" + ], + [ + "Ġ<", + ":" + ], + [ + "Edge", + "Insets" + ], + [ + "Ġcolon", + "ies" + ], + [ + ".", + "IM" + ], + [ + "ĉĠ", + "ĉ" + ], + [ + "RO", + "AD" + ], + [ + "CC", + "CC" + ], + [ + "pl", + "acing" + ], + [ + "Ġget", + "Activity" + ], + [ + "em", + "acs" + ], + [ + "'", + "%(" + ], + [ + ".click", + "ed" + ], + [ + "ĠTh", + "em" + ], + [ + "is", + "ia" + ], + [ + "Bus", + "car" + ], + [ + ".re", + "name" + ], + [ + "Ġo", + "ath" + ], + [ + "Ġafter", + "ward" + ], + [ + "ĠU", + "FO" + ], + [ + "AP", + "S" + ], + [ + "ĠJackson", + "ville" + ], + [ + ".s", + "ome" + ], + [ + "Conf", + "irmed" + ], + [ + ".s", + "can" + ], + [ + "ig", + "Integer" + ], + [ + "Decor", + "ator" + ], + [ + "sh", + "ield" + ], + [ + "ress", + "ive" + ], + [ + ".d", + "id" + ], + [ + "请", + "è¾ĵåħ¥" + ], + [ + "Ġsh", + "utter" + ], + [ + "D", + "am" + ], + [ + "Ġparent", + "ing" + ], + [ + "ey", + "ed" + ], + [ + "$", + "item" + ], + [ + "-de", + "velop" + ], + [ + "Ġextract", + "s" + ], + [ + "Ġdecentral", + "ized" + ], + [ + "ĠEl", + "sa" + ], + [ + "_sp", + "in" + ], + [ + "])", + "+" + ], + [ + "-in", + "itial" + ], + [ + "Ġmult", + "itude" + ], + [ + "Ġsens", + "ory" + ], + [ + "ĠMODE", + "L" + ], + [ + "Ġsafeg", + "uard" + ], + [ + "ì", + "¹" + ], + [ + "Ġhunt", + "ers" + ], + [ + "ĠT", + "iny" + ], + [ + "IN", + "O" + ], + [ + "decor", + "ate" + ], + [ + "ĠNo", + "Such" + ], + [ + "H", + "o" + ], + [ + "(", + "Response" + ], + [ + "Ġr", + "uler" + ], + [ + "ĉ", + "short" + ], + [ + "Ġc", + "aster" + ], + [ + "Ġclient", + "Id" + ], + [ + "Ġp", + "db" + ], + [ + "ëı", + "Ħ" + ], + [ + "it", + "ic" + ], + [ + "ĠGame", + "State" + ], + [ + "Ġnew", + "Item" + ], + [ + ")ĊĊ", + "ĊĊĊĊ" + ], + [ + "ou", + "is" + ], + [ + "n", + "oc" + ], + [ + ".BL", + "ACK" + ], + [ + "_V", + "ECTOR" + ], + [ + "----------", + "", + "();" + ], + [ + ".get", + "P" + ], + [ + "any", + "e" + ], + [ + "Ġneur", + "on" + ], + [ + "if", + "old" + ], + [ + "ĠK", + "nown" + ], + [ + "Bit", + "coin" + ], + [ + "Any", + "way" + ], + [ + "ay", + "ette" + ], + [ + "Ġ'", + "['" + ], + [ + "Ãł", + "nh" + ], + [ + "m", + "gr" + ], + [ + "Ġcor", + "related" + ], + [ + "Ġn", + "ause" + ], + [ + "Ġment", + "ality" + ], + [ + "has", + "Many" + ], + [ + "ĠF", + "G" + ], + [ + "amp", + "ie" + ], + [ + "IT", + "U" + ], + [ + "F", + "s" + ], + [ + ".S", + "p" + ], + [ + "_b", + "etween" + ], + [ + "Dep", + "endencies" + ], + [ + "ou", + "g" + ], + [ + "Place", + "holder" + ], + [ + "=", + "text" + ], + [ + "ĠMan", + "aging" + ], + [ + "ocal", + "ypse" + ], + [ + "åĮ", + "Ĺ" + ], + [ + "_m", + "ag" + ], + [ + "f", + "ld" + ], + [ + "â", + "ij" + ], + [ + "C", + "AM" + ], + [ + "ĠHelp", + "ers" + ], + [ + "Ġd", + "ost" + ], + [ + "/", + "out" + ], + [ + "Ġassass", + "ination" + ], + [ + ".get", + "Image" + ], + [ + "ĠKenn", + "y" + ], + [ + ".'", + ")ĊĊ" + ], + [ + "){", + "//" + ], + [ + "ĠR", + "anger" + ], + [ + "Ġg", + "ek" + ], + [ + "Ġsinc", + "ere" + ], + [ + "<", + "Value" + ], + [ + "ĠD", + "OT" + ], + [ + "ĠVict", + "ory" + ], + [ + "Ġleg", + "ends" + ], + [ + "Ġpr", + "isons" + ], + [ + "(ex", + "pression" + ], + [ + "ĠR", + "abbit" + ], + [ + "_s", + "entence" + ], + [ + "Ġbit", + "es" + ], + [ + "Ġon", + "Failure" + ], + [ + "ĠâĪ", + "Ī" + ], + [ + "K", + "im" + ], + [ + ".g", + "ender" + ], + [ + "ĠÎ", + "»" + ], + [ + "Ġ[", + "." + ], + [ + "\"]", + ");" + ], + [ + "land", + "ing" + ], + [ + "-d", + "igit" + ], + [ + "TE", + "MP" + ], + [ + "ĉ", + "entry" + ], + [ + "Ġstrt", + "ok" + ], + [ + "Ġdesc", + "endants" + ], + [ + "um", + "no" + ], + [ + "Ġlean", + "ing" + ], + [ + "Ġspecific", + "s" + ], + [ + "q", + "n" + ], + [ + "ĠSp", + "art" + ], + [ + "Ġpor", + "r" + ], + [ + "EDIATE", + "K" + ], + [ + "Ġse", + "per" + ], + [ + "'", + "aut" + ], + [ + "ĠSTE", + "P" + ], + [ + "ĠBorder", + "Layout" + ], + [ + "Ġret", + "ros" + ], + [ + "ĠSalv", + "ador" + ], + [ + "ĠEN", + "GINE" + ], + [ + "x", + "dc" + ], + [ + "T", + "weet" + ], + [ + "v", + "k" + ], + [ + "Ġì", + "²" + ], + [ + "]", + "<<" + ], + [ + "het", + "ics" + ], + [ + "c", + "oding" + ], + [ + "Re", + "ach" + ], + [ + ".re", + "q" + ], + [ + "gu", + "ide" + ], + [ + ".s", + "cope" + ], + [ + "sh", + "irt" + ], + [ + "rog", + "ate" + ], + [ + "SET", + "TING" + ], + [ + "ĠProte", + "in" + ], + [ + "Ġe", + "ing" + ], + [ + ".", + "EMPTY" + ], + [ + ".d", + "f" + ], + [ + "Ġclear", + "er" + ], + [ + "Ġc", + "rossover" + ], + [ + "ĠTo", + "ys" + ], + [ + "Ġco", + "ated" + ], + [ + ".M", + "onth" + ], + [ + "ĠAtt", + "ach" + ], + [ + "/", + "run" + ], + [ + ".t", + "abs" + ], + [ + "Ġogs", + "Ã¥" + ], + [ + "B", + "rown" + ], + [ + ".D", + "ATE" + ], + [ + "Ġf", + "os" + ], + [ + "åŃĹ", + "符" + ], + [ + "W", + "ood" + ], + [ + "-th", + "ree" + ], + [ + "her", + "ited" + ], + [ + "Ġ", + "rop" + ], + [ + "(", + "ac" + ], + [ + "Ġembod", + "iment" + ], + [ + "ĠKenn", + "eth" + ], + [ + "Ġcan", + "non" + ], + [ + "Ġb", + "idding" + ], + [ + "čĊ" + ], + [ + ".get", + "Resources" + ], + [ + "Ġl", + "ump" + ], + [ + "_const", + "s" + ], + [ + "(", + "ext" + ], + [ + "ĉd", + "ir" + ], + [ + "â", + "Ŀ" + ], + [ + "Ġpadding", + "Top" + ], + [ + "Ġobs", + "ession" + ], + [ + "Ġb", + "anning" + ], + [ + "ĠApp", + "Module" + ], + [ + "Ġpart", + "isan" + ], + [ + "Ġcatalog", + "ue" + ], + [ + "Ġmin", + "ors" + ], + [ + "Ġpitch", + "es" + ], + [ + "we", + "ep" + ], + [ + "Ġundert", + "ake" + ], + [ + "Ġthem", + "ed" + ], + [ + "aud", + "it" + ], + [ + ".scroll", + "Top" + ], + [ + "Ġr", + "er" + ], + [ + "Ġsympt", + "om" + ], + [ + "Ġopen", + "ings" + ], + [ + ".block", + "s" + ], + [ + "open", + "id" + ], + [ + "Ġas", + "sh" + ], + [ + "-s", + "ave" + ], + [ + "ĠP", + "ig" + ], + [ + "Ġreg", + "ain" + ], + [ + "Ġin", + "icial" + ], + [ + "/f", + "avicon" + ], + [ + "ĉ", + "exp" + ], + [ + "Ġsp", + "ices" + ], + [ + "isk", + "a" + ], + [ + "claim", + "s" + ], + [ + "m", + "ak" + ], + [ + "definition", + "s" + ], + [ + "Ġcorrespond", + "ent" + ], + [ + "ĠCann", + "abis" + ], + [ + "__", + ",Ċ" + ], + [ + "ĠL", + "ucky" + ], + [ + "ĠGa", + "ussian" + ], + [ + "ĠN", + "early" + ], + [ + "C", + "AD" + ], + [ + "']", + "]Ċ" + ], + [ + "Ġadequ", + "ately" + ], + [ + "ĠT", + "ITLE" + ], + [ + "constitution", + "al" + ], + [ + "-m", + "m" + ], + [ + "_", + "override" + ], + [ + "Ġbl", + "as" + ], + [ + ".ready", + "State" + ], + [ + "Ġremin", + "is" + ], + [ + "Ġrein", + "forced" + ], + [ + "ĠColl", + "abor" + ], + [ + "Ġdecor", + "ating" + ], + [ + "Ġb", + "achelor" + ], + [ + "ERRU", + "PT" + ], + [ + "Ġup", + "right" + ], + [ + "ip", + "ation" + ], + [ + "ĠNob", + "le" + ], + [ + "Ġvalue", + "ForKey" + ], + [ + "Ġset", + "Loading" + ], + [ + ".I", + "gnore" + ], + [ + "å", + "ģ" + ], + [ + "G", + "lobals" + ], + [ + "ĠM", + "ent" + ], + [ + "AS", + "SES" + ], + [ + "Ġlim", + "bs" + ], + [ + "ĠH", + "UD" + ], + [ + "inc", + "i" + ], + [ + ".", + "iv" + ], + [ + "ĠQ", + "ModelIndex" + ], + [ + "F", + "use" + ], + [ + "Ġped", + "al" + ], + [ + "_F", + "REQ" + ], + [ + "(", + "verbose" + ], + [ + "Ġlong", + "itud" + ], + [ + "ĠChar", + "ter" + ], + [ + "ê", + "·¸" + ], + [ + "Ġbund", + "les" + ], + [ + ".", + "ignore" + ], + [ + "um", + "bo" + ], + [ + "EM", + "A" + ], + [ + "....", + "..." + ], + [ + "s", + "x" + ], + [ + ".C", + "ard" + ], + [ + "Ġhe", + "ute" + ], + [ + "Ġste", + "er" + ], + [ + "j", + "umlah" + ], + [ + "Ġ{", + "_" + ], + [ + "_Check", + "ed" + ], + [ + "Ġf", + "ax" + ], + [ + "ĠG", + "ust" + ], + [ + "itch", + "ens" + ], + [ + "Ġ", + "))ĊĊ" + ], + [ + "Ġremark", + "ably" + ], + [ + "/", + "XML" + ], + [ + "-", + "remove" + ], + [ + "_b", + "t" + ], + [ + "Ġinc", + "ub" + ], + [ + ".p", + "ackage" + ], + [ + ".current", + "Thread" + ], + [ + "ĠHigh", + "lander" + ], + [ + ".s", + "ide" + ], + [ + "s", + "plash" + ], + [ + "Ġ", + "ici" + ], + [ + "=", + "D" + ], + [ + "Ġp", + "uck" + ], + [ + "Ġball", + "ots" + ], + [ + "Ġhug", + "ely" + ], + [ + "co", + "eff" + ], + [ + "Ġp", + "Data" + ], + [ + ".C", + "OLUMN" + ], + [ + "ĠHe", + "aling" + ], + [ + "Ġord", + "in" + ], + [ + "!", + ")," + ], + [ + "Ġ'", + "',čĊ" + ], + [ + "(m", + "d" + ], + [ + "ĠS", + "ask" + ], + [ + "<", + "strong" + ], + [ + "Ġsurviv", + "or" + ], + [ + ".s", + "eries" + ], + [ + "Ġcaffe", + "ine" + ], + [ + "Ġ`", + "(" + ], + [ + ".TRA", + "ILING" + ], + [ + "_", + "Input" + ], + [ + "(\"", + "^" + ], + [ + "z", + "d" + ], + [ + "&", + ");Ċ" + ], + [ + "ĠP", + "ing" + ], + [ + "Ġv", + "oucher" + ], + [ + ".r", + "ating" + ], + [ + "-sh", + "irts" + ], + [ + "ĠRetrie", + "ves" + ], + [ + ".al", + "ibaba" + ], + [ + "Or", + "acle" + ], + [ + "_MO", + "V" + ], + [ + "Old", + "Data" + ], + [ + "Ġ/*", + "čĊ" + ], + [ + "Ġg", + "boolean" + ], + [ + "Ġ=>", + "čĊ" + ], + [ + "Ġr", + "á" + ], + [ + "Ġbl", + "unt" + ], + [ + "ĠImage", + "Icon" + ], + [ + "if", + "ik" + ], + [ + "RT", + "C" + ], + [ + "Ġfib", + "ers" + ], + [ + "Ġto", + "ile" + ], + [ + ".s", + "ent" + ], + [ + "ĠPy", + "Qt" + ], + [ + "$", + "app" + ], + [ + "Ġmed", + "io" + ], + [ + "Ġgrant", + "ing" + ], + [ + "Ġtsl", + "int" + ], + [ + "ĠM", + "ö" + ], + [ + "(fig", + "size" + ], + [ + "Ġhur", + "ricane" + ], + [ + "Ġlif", + "es" + ], + [ + "ĠÃ", + "Ħ" + ], + [ + "rocess", + "ing" + ], + [ + "_st", + "andard" + ], + [ + "-", + "option" + ], + [ + "'))", + ")" + ], + [ + "Ġvac", + "ant" + ], + [ + "å·", + "¥" + ], + [ + "ĠH", + "ollow" + ], + [ + "handle", + "Change" + ], + [ + "Ġdiv", + "ider" + ], + [ + "ĠEngine", + "ers" + ], + [ + "Ġsv", + "ens" + ], + [ + "Ġcompl", + "iant" + ], + [ + "t", + "anggal" + ], + [ + "ĠC", + "redits" + ], + [ + "ĠEm", + "irates" + ], + [ + "Rule", + "Context" + ], + [ + "Ġreal", + "ization" + ], + [ + "Ġdistr", + "acted" + ], + [ + "]+", + "=" + ], + [ + "Ġaug", + "ment" + ], + [ + "ĠD", + "w" + ], + [ + "ot", + "p" + ], + [ + "or", + "rent" + ], + [ + "Edit", + "ar" + ], + [ + ".st", + "ock" + ], + [ + "St", + "udy" + ], + [ + "pe", + "ctions" + ], + [ + "ĠGame", + "Manager" + ], + [ + "=", + "cut" + ], + [ + "Ġf", + "lock" + ], + [ + "ĠRom", + "ans" + ], + [ + "th", + "em" + ], + [ + "-h", + "op" + ], + [ + "Ġscreens", + "hots" + ], + [ + "Ġ/*", + "!Ċ" + ], + [ + "Ġconvers", + "ions" + ], + [ + "Ġnormal", + "ization" + ], + [ + "(config", + "uration" + ], + [ + "Ġa", + "eros" + ], + [ + "_se", + "curity" + ], + [ + "!", + "'Ċ" + ], + [ + "B", + "onus" + ], + [ + "ĠDR", + "IVER" + ], + [ + "ĉ", + "Date" + ], + [ + "t", + "ie" + ], + [ + "ĠWy", + "oming" + ], + [ + "St", + "and" + ], + [ + "it", + "re" + ], + [ + "Ġsh", + "oppers" + ], + [ + "Ġdisadv", + "antage" + ], + [ + "Ġlik", + "ing" + ], + [ + "ç¬", + "ij" + ], + [ + "Ġunderstand", + "able" + ], + [ + "SE", + "E" + ], + [ + "Ġh", + "oy" + ], + [ + "Ġnin", + "ete" + ], + [ + "Ġcon", + "fer" + ], + [ + "Ġnow", + "rap" + ], + [ + "ĠV", + "ern" + ], + [ + ",", + "čĊčĊ" + ], + [ + "imest", + "ep" + ], + [ + "Layout", + "Manager" + ], + [ + "à", + "·" + ], + [ + "ĉw", + "ait" + ], + [ + "PLE", + "TED" + ], + [ + "J", + "apan" + ], + [ + "Ġindu", + "ce" + ], + [ + "Ġå", + "¯" + ], + [ + "оз", + "в" + ], + [ + "_END", + "POINT" + ], + [ + ".h", + "orizontal" + ], + [ + "Ġacceler", + "ated" + ], + [ + "rim", + "on" + ], + [ + "IV", + "ES" + ], + [ + "Trans", + "actions" + ], + [ + "Le", + "an" + ], + [ + "ĠSO", + "UR" + ], + [ + "wh", + "ether" + ], + [ + "y", + "g" + ], + [ + "Ġo", + "id" + ], + [ + "ĠEntity", + "Manager" + ], + [ + "OUN", + "TRY" + ], + [ + "Ġfil", + "a" + ], + [ + "OLUM", + "NS" + ], + [ + "IN", + "UE" + ], + [ + "ĠAn", + "chor" + ], + [ + "TR", + "AN" + ], + [ + "wo", + "o" + ], + [ + "block", + "quote" + ], + [ + "ĠN", + "urse" + ], + [ + "ĠCar", + "p" + ], + [ + "Ġrede", + "em" + ], + [ + ".", + "try" + ], + [ + "ĠJ", + "P" + ], + [ + "Ġtimestamp", + "s" + ], + [ + "Ġ?>", + "\"><" + ], + [ + "ĠREM", + "OVE" + ], + [ + "ĠStar", + "bucks" + ], + [ + "Re", + "ally" + ], + [ + "Ġflood", + "ed" + ], + [ + ".C", + "allback" + ], + [ + "Drop", + "Down" + ], + [ + "ip", + "ro" + ], + [ + "Ġt", + "ended" + ], + [ + "l", + "te" + ], + [ + "Ġproport", + "ions" + ], + [ + "-", + "te" + ], + [ + "ĠR", + "ena" + ], + [ + "lic", + "ate" + ], + [ + "for", + "ces" + ], + [ + ".ex", + "tra" + ], + [ + ".auth", + "enticate" + ], + [ + "в", + "од" + ], + [ + "¡", + "°" + ], + [ + "Ġfor", + "ControlEvents" + ], + [ + "Ġsen", + "ha" + ], + [ + "Ġke", + "in" + ], + [ + "Ġmin", + "ist" + ], + [ + "ĠPre", + "ference" + ], + [ + "ĠTele", + "graph" + ], + [ + "Ñĥ", + "п" + ], + [ + "str", + "pos" + ], + [ + "Ġillness", + "es" + ], + [ + "Ġp", + "igs" + ], + [ + "Ġget", + "Intent" + ], + [ + "S", + "ol" + ], + [ + "ĠÂ", + "¡" + ], + [ + "(c", + "pu" + ], + [ + "[", + "prop" + ], + [ + "s", + "creens" + ], + [ + "');", + "?>" + ], + [ + "ĠAct", + "s" + ], + [ + "Ġstr", + "dup" + ], + [ + "Ġaver", + "ages" + ], + [ + "an", + "al" + ], + [ + "ĠCas", + "ual" + ], + [ + "Group", + "Box" + ], + [ + "ĠHand", + "book" + ], + [ + "/", + "comments" + ], + [ + "Ġnumber", + "ed" + ], + [ + "Ġbroadcast", + "ing" + ], + [ + "çĽ", + "ij" + ], + [ + ".native", + "Element" + ], + [ + ".m", + "u" + ], + [ + "Ġupdated", + "At" + ], + [ + "ĠDoes", + "n" + ], + [ + ".A", + "C" + ], + [ + ".c", + "oll" + ], + [ + "Ġrec", + "order" + ], + [ + "_sh", + "a" + ], + [ + "B", + "g" + ], + [ + "b", + "il" + ], + [ + "Ġbol", + "ts" + ], + [ + "Ġç", + "¬" + ], + [ + "Ġim", + "posing" + ], + [ + "ĠInformation", + "en" + ], + [ + "_flash", + "data" + ], + [ + "e", + "conomic" + ], + [ + "Rem", + "ark" + ], + [ + "uc", + "as" + ], + [ + "ĠOff", + "icers" + ], + [ + "ĠT", + "ER" + ], + [ + "W", + "alk" + ], + [ + "Ġmerc", + "ado" + ], + [ + "_g", + "enerate" + ], + [ + "H", + "Y" + ], + [ + "Call", + "ing" + ], + [ + "s", + "nap" + ], + [ + "script", + "Id" + ], + [ + ".", + "operation" + ], + [ + "ĠFl", + "ame" + ], + [ + "l", + "iness" + ], + [ + "Ġrent", + "ed" + ], + [ + "_t", + "oggle" + ], + [ + "-ch", + "anging" + ], + [ + "ĠT", + "Y" + ], + [ + "'", + "util" + ], + [ + "EE", + "P" + ], + [ + "Ġgraph", + "ql" + ], + [ + "ĠUn", + "i" + ], + [ + "Ġimp", + "ulse" + ], + [ + ".B", + "asic" + ], + [ + "Ġenerg", + "ies" + ], + [ + "M", + "ARY" + ], + [ + "ĠMar", + "cel" + ], + [ + "Ġmort", + "al" + ], + [ + "Ġf", + "res" + ], + [ + "m", + "ens" + ], + [ + "m", + "otion" + ], + [ + "Ġsample", + "d" + ], + [ + "âĢľ", + "That" + ], + [ + "id", + "ay" + ], + [ + "qu", + "ipment" + ], + [ + "get", + "Int" + ], + [ + "ĠA", + "bsolute" + ], + [ + ",'", + "\"" + ], + [ + "un", + "ed" + ], + [ + ".sh", + "are" + ], + [ + "Ġ}", + ")(" + ], + [ + "mm", + "m" + ], + [ + "ĠR", + "ising" + ], + [ + "ä»", + "»" + ], + [ + "Ġun", + "employed" + ], + [ + "x", + "fa" + ], + [ + ".f", + "ollow" + ], + [ + "ĉĉĉĉ", + "ĠĠĠĠĠĠ" + ], + [ + "sl", + "t" + ], + [ + ".P", + "hone" + ], + [ + "Ġkn", + "ives" + ], + [ + "Ġe", + "ve" + ], + [ + "on", + "Click" + ], + [ + "]", + "))čĊ" + ], + [ + "ĠW", + "itness" + ], + [ + "ĉ", + "NS" + ], + [ + "ĠE", + "OS" + ], + [ + "ĠSte", + "fan" + ], + [ + "ĠPri", + "est" + ], + [ + "âĢĶ", + "which" + ], + [ + "Get", + "String" + ], + [ + ".", + "By" + ], + [ + "Ġup", + "stairs" + ], + [ + "Ġdetr", + "iment" + ], + [ + "bro", + "ken" + ], + [ + "emb", + "ro" + ], + [ + "Ġnic", + "otine" + ], + [ + "il", + "ion" + ], + [ + "Ġaston", + "ishing" + ], + [ + "_", + "aff" + ], + [ + "ĠLess", + "on" + ], + [ + "Ġaccident", + "al" + ], + [ + "od", + "or" + ], + [ + "Ġdec", + "ir" + ], + [ + "Ġnew", + "Name" + ], + [ + "+", + "." + ], + [ + "çĽ", + "¸" + ], + [ + "igs", + "list" + ], + [ + "ĠG", + "ithub" + ], + [ + "Ġsuccess", + "ive" + ], + [ + "rac", + "ial" + ], + [ + "Ġen", + "viron" + ], + [ + "éªĮ", + "è¯ģ" + ], + [ + "Ġredirect", + "ed" + ], + [ + "T", + "OTAL" + ], + [ + "Ġgrab", + "bing" + ], + [ + "ĠL", + "ance" + ], + [ + "Ġfor", + "fe" + ], + [ + "_C", + "B" + ], + [ + "å¾", + "®" + ], + [ + "El", + "apsed" + ], + [ + "_w", + "ay" + ], + [ + "(Dialog", + "Interface" + ], + [ + "_me", + "asure" + ], + [ + "x", + "bb" + ], + [ + "D", + "og" + ], + [ + "Dep", + "art" + ], + [ + "-s", + "rc" + ], + [ + "res", + "olver" + ], + [ + "with", + "standing" + ], + [ + "_sh", + "ell" + ], + [ + "ĠLast", + "Name" + ], + [ + "ĠAv", + "iation" + ], + [ + "Ġbegin", + "ner" + ], + [ + "(\"%", + "." + ], + [ + "(to", + "ol" + ], + [ + "Ġн", + "ов" + ], + [ + ":", + "init" + ], + [ + "(A", + "PI" + ], + [ + "ĠMorr", + "ison" + ], + [ + "vt", + "Color" + ], + [ + "Ġstap", + "le" + ], + [ + "/", + "INFO" + ], + [ + "Ġsupern", + "atural" + ], + [ + "Ġste", + "ak" + ], + [ + "tim", + "eline" + ], + [ + "zz", + "le" + ], + [ + "\"", + "`ĊĊ" + ], + [ + "Second", + "ary" + ], + [ + "ĠNep", + "al" + ], + [ + ".String", + "Utils" + ], + [ + "Ġad", + "am" + ], + [ + "Ġ(", + "..." + ], + [ + "Ġsub", + "stitution" + ], + [ + "Ġboard", + "ing" + ], + [ + "ĠKey", + "word" + ], + [ + "ĠAss", + "ault" + ], + [ + "dbc", + "Template" + ], + [ + "Ġorder", + "Id" + ], + [ + "(", + "engine" + ], + [ + ".assert", + "That" + ], + [ + "ĠVen", + "us" + ], + [ + "Ġhomic", + "ide" + ], + [ + "ĠA", + "val" + ], + [ + "Ġg", + "utter" + ], + [ + "ĠSupport", + "ed" + ], + [ + "/p", + "art" + ], + [ + "Ġac", + "claimed" + ], + [ + "H", + "istor" + ], + [ + "Ġmes", + "es" + ], + [ + "ü", + "ber" + ], + [ + "ĠRen", + "ew" + ], + [ + "Ġgr", + "as" + ], + [ + "ĠE", + "k" + ], + [ + "Ġin", + "file" + ], + [ + "ind", + "y" + ], + [ + ".m", + "usic" + ], + [ + ".S", + "croll" + ], + [ + "ĠA", + "ges" + ], + [ + "ĠNar", + "uto" + ], + [ + "ĠG", + "ather" + ], + [ + "Ġconfirm", + "ing" + ], + [ + "=", + "(\"" + ], + [ + "Ġpitch", + "ed" + ], + [ + "ole", + "y" + ], + [ + "Fr", + "ance" + ], + [ + "+'", + "\"" + ], + [ + "$", + "total" + ], + [ + "Ġon", + "de" + ], + [ + "Ġd", + "itch" + ], + [ + "_s", + "igma" + ], + [ + "Ġcontinu", + "ity" + ], + [ + "re", + "ward" + ], + [ + "-", + "load" + ], + [ + "Ġproces", + "o" + ], + [ + "Lock", + "ed" + ], + [ + "st", + "aw" + ], + [ + "Ġsp", + "inal" + ], + [ + "l", + "azy" + ], + [ + "!", + "==" + ], + [ + "j", + "est" + ], + [ + "Ġd", + "un" + ], + [ + "ĠRod", + "gers" + ], + [ + "ĉ", + "grid" + ], + [ + "Ġlog", + "os" + ], + [ + "ĠBeng", + "al" + ], + [ + ".s", + "uper" + ], + [ + "Provid", + "es" + ], + [ + "Ġnut", + "rient" + ], + [ + ".T", + "imestamp" + ], + [ + "IZ", + "ATION" + ], + [ + "åĨ", + "Į" + ], + [ + "Ġf", + "ats" + ], + [ + "ĠX", + "xx" + ], + [ + "ct", + "ica" + ], + [ + "Target", + "s" + ], + [ + "Ġcont", + "ours" + ], + [ + "Ġre", + "ordered" + ], + [ + ":", + "Array" + ], + [ + "Ġtoler", + "ate" + ], + [ + "V", + "ir" + ], + [ + "Ġter", + "ribly" + ], + [ + "Ġbr", + "icks" + ], + [ + "(&", + "_" + ], + [ + "h", + "b" + ], + [ + "Port", + "al" + ], + [ + "ĠB", + "read" + ], + [ + ".", + "which" + ], + [ + "ÂŃ", + "t" + ], + [ + "as", + "InstanceOf" + ], + [ + "Ġj", + "object" + ], + [ + "ĉ", + "length" + ], + [ + "_M", + "T" + ], + [ + ";", + "\">čĊ" + ], + [ + "_EX", + "IST" + ], + [ + "Ġmat", + "ernal" + ], + [ + "RE", + "L" + ], + [ + "Ġê²½", + "ìļ°" + ], + [ + "he", + "e" + ], + [ + "Ġlayout", + "s" + ], + [ + "ĠL", + "ap" + ], + [ + "ais", + "y" + ], + [ + "Ġst", + "umbled" + ], + [ + "ĠU", + "IG" + ], + [ + "ĠS", + "co" + ], + [ + "Ġimp", + "aired" + ], + [ + "RES", + "SED" + ], + [ + "Ġab", + "uses" + ], + [ + "V", + "F" + ], + [ + "AR", + "B" + ], + [ + ".N", + "AME" + ], + [ + "r", + "ch" + ], + [ + "prim", + "ir" + ], + [ + "_com", + "pleted" + ], + [ + "Ġp", + "enny" + ], + [ + "Ch", + "rome" + ], + [ + "(b", + "egin" + ], + [ + "ern", + "en" + ], + [ + "-", + "checkbox" + ], + [ + "Plain", + "OldData" + ], + [ + "ĠL", + "PC" + ], + [ + "r", + "ade" + ], + [ + "sp", + "ir" + ], + [ + "Ġcon", + "ceived" + ], + [ + "T", + "ips" + ], + [ + "ĠIo", + "T" + ], + [ + "ĠG", + "an" + ], + [ + "èģ", + "Ķ" + ], + [ + "Ġbi", + "ases" + ], + [ + "Ġconsult", + "ants" + ], + [ + "ple", + "d" + ], + [ + "_", + "ht" + ], + [ + "associ", + "ated" + ], + [ + "],", + "ĊĊ" + ], + [ + "Ġdelight", + "ful" + ], + [ + "ĠÑĤ", + "ек" + ], + [ + "Hel", + "vetica" + ], + [ + "(", + "load" + ], + [ + "-exp", + "and" + ], + [ + "_W", + "IDGET" + ], + [ + "to", + "a" + ], + [ + "ĠA", + "kt" + ], + [ + "Ġom", + "n" + ], + [ + "Ġcl", + "auses" + ], + [ + "Int", + "el" + ], + [ + "*/", + "}Ċ" + ], + [ + "_reg", + "istration" + ], + [ + "Ġold", + "Value" + ], + [ + "Ġrest", + "oring" + ], + [ + "Ġun", + "real" + ], + [ + "O", + "VER" + ], + [ + "ĉĊĉĊ", + "ĉĊ" + ], + [ + "AT", + "S" + ], + [ + "_pro", + "be" + ], + [ + "Ġdiv", + "isor" + ], + [ + ".update", + "Dynamic" + ], + [ + "å¹", + "³" + ], + [ + "Produ", + "ces" + ], + [ + "st", + "amp" + ], + [ + ".j", + "boss" + ], + [ + "ĉt", + "ask" + ], + [ + "!", + "(:" + ], + [ + "Ġpsych", + "ic" + ], + [ + "@", + "class" + ], + [ + "M", + "artin" + ], + [ + "ĠPass", + "ed" + ], + [ + "clar", + "ations" + ], + [ + "h", + "el" + ], + [ + "а", + "Ñĩ" + ], + [ + "ĉc", + "opy" + ], + [ + "-b", + "in" + ], + [ + "z", + "an" + ], + [ + "ig", + "ram" + ], + [ + "া", + "à¦" + ], + [ + "(s", + "ig" + ], + [ + "ĠC", + "aval" + ], + [ + "_", + "##" + ], + [ + "Ġ%", + "=" + ], + [ + "out", + "lined" + ], + [ + "ĠAc", + "id" + ], + [ + "Ġunpredict", + "able" + ], + [ + "-d", + "ashboard" + ], + [ + "Hex", + "String" + ], + [ + "+", + "c" + ], + [ + ".P", + "ublic" + ], + [ + "áº", + "©" + ], + [ + "Ġconvey", + "or" + ], + [ + "ĠE", + "B" + ], + [ + "Ġselect", + "s" + ], + [ + "Ġknock", + "ing" + ], + [ + "ĠC", + "ec" + ], + [ + "IBUT", + "ES" + ], + [ + "owa", + "Äĩ" + ], + [ + "g", + "atsby" + ], + [ + "*", + "v" + ], + [ + "ent", + "ropy" + ], + [ + "Ġdispatch", + "ed" + ], + [ + "Ġcam", + "el" + ], + [ + "ĠSat", + "urn" + ], + [ + "Ġover", + "weight" + ], + [ + "(", + "phone" + ], + [ + "par", + "able" + ], + [ + "%", + "B" + ], + [ + "_v", + "ectors" + ], + [ + "Ġbrew", + "ing" + ], + [ + "ĠT", + "k" + ], + [ + "ĠDownload", + "s" + ], + [ + "ĠS", + "aved" + ], + [ + ".Pr", + "ice" + ], + [ + "Ġcur", + "ved" + ], + [ + "ĠParen", + "thood" + ], + [ + "è", + "¶" + ], + [ + ".p", + "nl" + ], + [ + "plet", + "ely" + ], + [ + ".D", + "ay" + ], + [ + "Ġadvertis", + "ers" + ], + [ + "Ġej", + "ec" + ], + [ + "Ġpr", + "zed" + ], + [ + "ë", + "¯" + ], + [ + "!", + "';Ċ" + ], + [ + "ĠK", + "ush" + ], + [ + "ĠT", + "AB" + ], + [ + "Ġquest", + "s" + ], + [ + "Ġcoinc", + "idence" + ], + [ + "umm", + "ies" + ], + [ + "ĠKash", + "mir" + ], + [ + "ĠEth", + "ics" + ], + [ + "_g", + "rowth" + ], + [ + "Ġakt", + "iv" + ], + [ + "Ġgroup", + "ing" + ], + [ + "å¢", + "ŀ" + ], + [ + "_tr", + "uth" + ], + [ + "åIJ", + "¬" + ], + [ + "t", + "odos" + ], + [ + "is", + "et" + ], + [ + "Tex", + "Coord" + ], + [ + "ä", + "tt" + ], + [ + "ĠZ", + "ur" + ], + [ + "ro", + "ys" + ], + [ + "_M", + "AGIC" + ], + [ + "Ġbrew", + "ery" + ], + [ + "(", + "State" + ], + [ + "ĠSM", + "ALL" + ], + [ + "ĠPl", + "ants" + ], + [ + "it", + "bart" + ], + [ + "each", + "er" + ], + [ + "ĠAd", + "elaide" + ], + [ + "L", + "u" + ], + [ + "Ġf", + "ick" + ], + [ + "und", + "les" + ], + [ + "_load", + "ed" + ], + [ + "и", + "е" + ], + [ + "P", + "oll" + ], + [ + "rit", + "ic" + ], + [ + "EL", + "Y" + ], + [ + "Ġ+", + "'" + ], + [ + "ĠProf", + "ession" + ], + [ + "Ġst", + "amps" + ], + [ + "ĠS", + "ew" + ], + [ + "scroll", + "View" + ], + [ + "Ġcomm", + "unist" + ], + [ + "/pro", + "blems" + ], + [ + "}čĊčĊ", + "čĊčĊ" + ], + [ + ",", + "o" + ], + [ + "Ġu", + "dp" + ], + [ + "Ġob", + "ese" + ], + [ + "appro", + "ve" + ], + [ + "ancell", + "ation" + ], + [ + "_G", + "ame" + ], + [ + "ĠHas", + "htable" + ], + [ + "adaptive", + "Styles" + ], + [ + "Ġpossess", + "es" + ], + [ + ".match", + "er" + ], + [ + "function", + "al" + ], + [ + "M", + "rs" + ], + [ + "ĉs", + "ave" + ], + [ + "ĠDb", + "Type" + ], + [ + "Ġk", + "en" + ], + [ + "get", + "Context" + ], + [ + "Ġm", + "ans" + ], + [ + "(", + "rel" + ], + [ + "ĠBrother", + "hood" + ], + [ + ")", + "`Ċ" + ], + [ + "è§", + "£" + ], + [ + ".In", + "formation" + ], + [ + "OutOfRange", + "Exception" + ], + [ + "ĠS", + "ek" + ], + [ + "C", + "as" + ], + [ + "Ġblog", + "gers" + ], + [ + "E", + "ither" + ], + [ + "(\"", + "\"\"" + ], + [ + "Ġpin", + "ch" + ], + [ + "Ġco", + "arse" + ], + [ + ")", + "p" + ], + [ + "ĠP", + "ulse" + ], + [ + "Ġlear", + "nt" + ], + [ + "Ġdent", + "ist" + ], + [ + "Ġon", + "change" + ], + [ + "Ġdirect", + "ives" + ], + [ + "(", + "actions" + ], + [ + "ny", + "der" + ], + [ + "ĠSh", + "ir" + ], + [ + "T", + "rait" + ], + [ + "_de", + "p" + ], + [ + "ĠP", + "ET" + ], + [ + "ĠRE", + "P" + ], + [ + ".App", + "Settings" + ], + [ + "cu", + "ador" + ], + [ + "iden", + "av" + ], + [ + "Ġenv", + "i" + ], + [ + "Ġsl", + "ammed" + ], + [ + "ĠSh", + "oot" + ], + [ + "Ġdate", + "Format" + ], + [ + ".j", + "oda" + ], + [ + "ve", + "ys" + ], + [ + "Ġ)", + ".ĊĊ" + ], + [ + "Ġcare", + "g" + ], + [ + "ĠPar", + "allel" + ], + [ + "_", + "translation" + ], + [ + ".function", + "s" + ], + [ + ".", + "obs" + ], + [ + "Runtime", + "Exception" + ], + [ + "[]", + "=" + ], + [ + "over", + "view" + ], + [ + "ĠSch", + "l" + ], + [ + "Ġno", + "isy" + ], + [ + "ĠOn", + "PropertyChanged" + ], + [ + "S", + "ending" + ], + [ + "Ġunf", + "amiliar" + ], + [ + "U", + "pon" + ], + [ + "ĠPrint", + "s" + ], + [ + ".t", + "yp" + ], + [ + "Ġflee", + "ing" + ], + [ + "ĉm", + "ove" + ], + [ + "(", + "Un" + ], + [ + "Ġq", + "r" + ], + [ + "×", + "ľ" + ], + [ + "_b", + "eta" + ], + [ + "Ġsk", + "ies" + ], + [ + "ĉm", + "e" + ], + [ + "W", + "ND" + ], + [ + "Ġstick", + "ers" + ], + [ + "bl", + "as" + ], + [ + "Ġinsert", + "s" + ], + [ + "Ġvers", + "es" + ], + [ + "ĠD", + "ew" + ], + [ + "Ġtang", + "ible" + ], + [ + "Ġhe", + "cho" + ], + [ + "P", + "OL" + ], + [ + "Ġte", + "ardown" + ], + [ + "om", + "nia" + ], + [ + "IB", + "E" + ], + [ + ".c", + "over" + ], + [ + "_str", + "ategy" + ], + [ + "^", + "-" + ], + [ + "set", + "Position" + ], + [ + "u", + "ale" + ], + [ + "S", + "igned" + ], + [ + "Ġif", + "ace" + ], + [ + "as", + "eline" + ], + [ + ".set", + "Time" + ], + [ + "ĠMin", + "eral" + ], + [ + "ĠFight", + "ing" + ], + [ + "sk", + "ins" + ], + [ + "Ġdiscrim", + "in" + ], + [ + "Ġdans", + "k" + ], + [ + "ĠPr", + "inceton" + ], + [ + "ac", + "ist" + ], + [ + "Ġ(", + "));Ċ" + ], + [ + "tr", + "acks" + ], + [ + "imon", + "ial" + ], + [ + "ad", + "ecimal" + ], + [ + "EP", + "ROM" + ], + [ + "ugg", + "le" + ], + [ + ".Not", + "ification" + ], + [ + "$", + "mail" + ], + [ + "c", + "antidad" + ], + [ + "ĠJ", + "ung" + ], + [ + "Ġseek", + "ers" + ], + [ + "Ġpl", + "ausible" + ], + [ + "t", + "ier" + ], + [ + "еÐ", + "¶" + ], + [ + "Ġr", + "apper" + ], + [ + "ĠMan", + "a" + ], + [ + "ĠHttp", + "StatusCode" + ], + [ + "Ġburn", + "t" + ], + [ + "los", + "es" + ], + [ + "ĠF", + "oto" + ], + [ + "ĠJson", + "Object" + ], + [ + "Inst", + "agram" + ], + [ + "Ġsys", + "call" + ], + [ + "Ġreal", + "ities" + ], + [ + "ĠMAT", + "LAB" + ], + [ + ":^", + "{Ċ" + ], + [ + "TER", + "M" + ], + [ + "ĠC", + "bd" + ], + [ + "ĠPar", + "agraph" + ], + [ + "Ġtrav", + "és" + ], + [ + "Ġconstruct", + "ing" + ], + [ + "Ġsw", + "al" + ], + [ + "Ġp", + "ige" + ], + [ + "LL", + "LL" + ], + [ + "-ex", + "isting" + ], + [ + "G", + "ets" + ], + [ + "Ġmelt", + "ed" + ], + [ + "Ġmitig", + "ate" + ], + [ + "H", + "en" + ], + [ + "Ġh", + "m" + ], + [ + "im", + "as" + ], + [ + "ĠA", + "o" + ], + [ + "ĠP", + "erez" + ], + [ + "ĠD", + "AL" + ], + [ + "Ġëĭ", + "¤" + ], + [ + "Ġdiv", + "is" + ], + [ + "Storyboard", + "Segue" + ], + [ + "ĠMod", + "ify" + ], + [ + "ĠÃľ", + "ber" + ], + [ + "_O", + "VERRIDE" + ], + [ + ".p", + "em" + ], + [ + "unt", + "os" + ], + [ + "Ġespa", + "ñ" + ], + [ + "Ġ{", + "?" + ], + [ + "ĠP", + "AY" + ], + [ + "_ip", + "v" + ], + [ + "ĠF", + "ury" + ], + [ + "__", + ".__" + ], + [ + "el", + "ow" + ], + [ + "-center", + "ed" + ], + [ + "check", + "s" + ], + [ + "_", + "Reg" + ], + [ + "-J", + "avadoc" + ], + [ + "ĉ", + "load" + ], + [ + "ĠLik", + "ewise" + ], + [ + "ا", + "Ùħ" + ], + [ + "UN", + "E" + ], + [ + ".se", + "m" + ], + [ + "x", + "cb" + ], + [ + "ĠC", + "ave" + ], + [ + "_s", + "leep" + ], + [ + "Ġsil", + "ently" + ], + [ + "ĠExt", + "reme" + ], + [ + ".To", + "Upper" + ], + [ + "ĉC", + "HECK" + ], + [ + "Ġc", + "ue" + ], + [ + "ĠQ", + "ByteArray" + ], + [ + "Ġcorrupt", + "ed" + ], + [ + "ĠD", + "é" + ], + [ + "Ġimp", + "ed" + ], + [ + "Get", + "Name" + ], + [ + "Ġinaccur", + "ate" + ], + [ + "Ġso", + "ber" + ], + [ + "е", + "е" + ], + [ + "Ġbar", + "code" + ], + [ + "--", + "){Ċ" + ], + [ + "ink", + "i" + ], + [ + "Ġé", + "p" + ], + [ + "Ġd", + "ri" + ], + [ + "ĠAL", + "T" + ], + [ + ">>>>", + ">>>>" + ], + [ + "ont", + "a" + ], + [ + "[", + "L" + ], + [ + "Ġinter", + "es" + ], + [ + "ver", + "ting" + ], + [ + "Ġdi", + "agnostics" + ], + [ + "p", + "dev" + ], + [ + "è", + "©" + ], + [ + "ĠIntegr", + "ated" + ], + [ + ").", + "'" + ], + [ + "_g", + "c" + ], + [ + "$", + "text" + ], + [ + ".g", + "ames" + ], + [ + "ĠT", + "erra" + ], + [ + "'", + "Re" + ], + [ + ".trans", + "fer" + ], + [ + "_F", + "IFO" + ], + [ + "get", + "Model" + ], + [ + "Ġbl", + "and" + ], + [ + "ĠCole", + "man" + ], + [ + "Ġpr", + "imes" + ], + [ + "Ġæ", + "Ī" + ], + [ + "Ġcross", + "es" + ], + [ + "n", + "k" + ], + [ + "G", + "ING" + ], + [ + "Ġ'", + "^" + ], + [ + "ĠB", + "lob" + ], + [ + "Ġinter", + "course" + ], + [ + "ĠBl", + "vd" + ], + [ + "Ġweigh", + "s" + ], + [ + "_reg", + "ular" + ], + [ + "ĠPer", + "th" + ], + [ + "Ġsepar", + "ating" + ], + [ + "Ġb", + "illed" + ], + [ + ".tab", + "Control" + ], + [ + "Ġpup", + "pet" + ], + [ + "Ġutil", + "ization" + ], + [ + "Ġâĸ", + "ł" + ], + [ + "Ġsucc", + "es" + ], + [ + "Ġl", + "amps" + ], + [ + "_pro", + "j" + ], + [ + "E", + "ric" + ], + [ + "Ġren", + "ovation" + ], + [ + "ĠFam", + "ilies" + ], + [ + "ĠB", + "its" + ], + [ + "part", + "ials" + ], + [ + "-M", + "en" + ], + [ + "s", + "olution" + ], + [ + "Ġd", + "warf" + ], + [ + ".IN", + "TEGER" + ], + [ + "ĠLO", + "CK" + ], + [ + ".", + "ct" + ], + [ + "Ġexcer", + "pt" + ], + [ + "ĠP", + "ix" + ], + [ + "ĠFirst", + "Name" + ], + [ + "ANT", + "ED" + ], + [ + "ĠAd", + "mir" + ], + [ + "-h", + "elp" + ], + [ + "P", + "rior" + ], + [ + "ĠAl", + "ign" + ], + [ + ".IN", + "STANCE" + ], + [ + "Line", + "Edit" + ], + [ + "('/", + ":" + ], + [ + "Ġin", + "et" + ], + [ + "od", + "us" + ], + [ + ".p", + "kl" + ], + [ + "ĠK", + "Y" + ], + [ + "up", + "ert" + ], + [ + "Ġn", + "erves" + ], + [ + "_grad", + "ient" + ], + [ + "}", + "','" + ], + [ + "_un", + "ref" + ], + [ + "Ġs", + "aturated" + ], + [ + "ĠConn", + "ected" + ], + [ + "ĠF", + "N" + ], + [ + "EX", + "IT" + ], + [ + "Ġtele", + "port" + ], + [ + "Ġav", + "ait" + ], + [ + "Page", + "Route" + ], + [ + "Ġdivor", + "ced" + ], + [ + "(l", + "ang" + ], + [ + "f", + "st" + ], + [ + "ĠT", + "yr" + ], + [ + "Ġmess", + "enger" + ], + [ + "if", + "stream" + ], + [ + "X", + "S" + ], + [ + "ĠBank", + "ing" + ], + [ + "Ġinfect", + "ious" + ], + [ + "ĠM", + "ons" + ], + [ + "_LO", + "OP" + ], + [ + "Ġzur", + "ück" + ], + [ + "Ġobt", + "ener" + ], + [ + "/re", + "pos" + ], + [ + "V", + "el" + ], + [ + "ac", + "ro" + ], + [ + "Ġuser", + "Repository" + ], + [ + "style", + "Type" + ], + [ + "ĠS", + "RC" + ], + [ + "VML", + "INUX" + ], + [ + "rec", + "ursive" + ], + [ + "/", + "bar" + ], + [ + "_ch", + "ip" + ], + [ + "omin", + "ated" + ], + [ + "ĠN", + "it" + ], + [ + "âĢĶ", + "to" + ], + [ + "ĠBudd", + "h" + ], + [ + "ом", + "еÑĢ" + ], + [ + "ĠM", + "AG" + ], + [ + "ĠC", + "HE" + ], + [ + "_d", + "en" + ], + [ + ".", + "raises" + ], + [ + "_de", + "gree" + ], + [ + "Ġpump", + "kin" + ], + [ + "_tem", + "plates" + ], + [ + "_M", + "EDIA" + ], + [ + "ĠTim", + "eline" + ], + [ + "Ġb", + "ots" + ], + [ + "Object", + "Type" + ], + [ + "Ġbu", + "ys" + ], + [ + ".post", + "s" + ], + [ + "C", + "AL" + ], + [ + "wait", + "ing" + ], + [ + "ĠDani", + "els" + ], + [ + "Ġd", + "abei" + ], + [ + "ĠS", + "igma" + ], + [ + "il", + "or" + ], + [ + "ig", + "el" + ], + [ + ",", + "W" + ], + [ + "AD", + "S" + ], + [ + "(", + "panel" + ], + [ + "ì²", + "´" + ], + [ + "it", + "ating" + ], + [ + ".p", + "alette" + ], + [ + "Ġmos", + "quito" + ], + [ + "Ġt", + "ego" + ], + [ + "(parse", + "Int" + ], + [ + "Ġdes", + "pués" + ], + [ + "p", + "romise" + ], + [ + "Ġw", + "ij" + ], + [ + "types", + "cript" + ], + [ + "ĠT", + "v" + ], + [ + "_IDENT", + "IFIER" + ], + [ + ").ĊĊ", + "Ċ" + ], + [ + "_fl", + "at" + ], + [ + "its", + "u" + ], + [ + "US", + "R" + ], + [ + "ex", + "perience" + ], + [ + "-f", + "it" + ], + [ + "ph", + "inx" + ], + [ + "_th", + "resh" + ], + [ + "Ġide", + "ally" + ], + [ + "ĠFre", + "eman" + ], + [ + ",", + "DB" + ], + [ + "_r", + "w" + ], + [ + "çŃ", + "ī" + ], + [ + "U", + "b" + ], + [ + "_stat", + "istics" + ], + [ + "=\"", + "\"><" + ], + [ + "Ġch", + "ore" + ], + [ + "Ġy", + "ork" + ], + [ + "inst", + "alled" + ], + [ + "Add", + "itionally" + ], + [ + "Ġp", + "stmt" + ], + [ + "yl", + "ko" + ], + [ + "::", + "Ċ" + ], + [ + "Fore", + "st" + ], + [ + "Ġhead", + "set" + ], + [ + "Ġgall", + "on" + ], + [ + "ÑĢ", + "ем" + ], + [ + "Ġwithdraw", + "n" + ], + [ + "ĠC", + "andidate" + ], + [ + "Ġmel", + "ting" + ], + [ + "Ġfree", + "zer" + ], + [ + "Ġh", + "l" + ], + [ + "_HE", + "LP" + ], + [ + "m", + "ime" + ], + [ + "(", + "/*" + ], + [ + "Ġth", + "irst" + ], + [ + "$", + "return" + ], + [ + "member", + "of" + ], + [ + "еÐ", + "±" + ], + [ + "ĠHttp", + "ServletRequest" + ], + [ + "(", + "ob" + ], + [ + "_", + "Result" + ], + [ + "Ġassert", + "ed" + ], + [ + "Ġfulfill", + "ing" + ], + [ + "Ġstret", + "ches" + ], + [ + "par", + "ated" + ], + [ + "-f", + "unded" + ], + [ + "Ġå", + "Ľ" + ], + [ + "ing", + "les" + ], + [ + "_c", + "a" + ], + [ + ".", + "condition" + ], + [ + "ĠDis", + "plays" + ], + [ + "Ġor", + "ang" + ], + [ + "ĠC", + "RE" + ], + [ + "Ġgl", + "Bind" + ], + [ + "ĠSelect", + "or" + ], + [ + "/", + "type" + ], + [ + "ĠAlex", + "a" + ], + [ + "ched", + "ules" + ], + [ + "ĠPen", + "insula" + ], + [ + "Ġpar", + "ity" + ], + [ + "ĉ", + "dest" + ], + [ + "ĠDo", + "ors" + ], + [ + "čĊ", + "ĉčĊ" + ], + [ + "_dim", + "ension" + ], + [ + "Ġa", + "load" + ], + [ + ".St", + "oredProcedure" + ], + [ + "(p", + "aren" + ], + [ + "ĠBur", + "ke" + ], + [ + "')", + "]Ċ" + ], + [ + "-", + "engine" + ], + [ + "Ġqu", + "ir" + ], + [ + "ĠHy", + "brid" + ], + [ + "ĠDo", + "e" + ], + [ + "Ġout", + "lines" + ], + [ + "ĠTrend", + "s" + ], + [ + "_N", + "V" + ], + [ + "per", + "iments" + ], + [ + "ĠH", + "in" + ], + [ + "?", + "'," + ], + [ + "ĉ", + "Text" + ], + [ + "F", + "UL" + ], + [ + "Ġsm", + "ells" + ], + [ + "Ġs", + "lick" + ], + [ + "Ġmis", + "erable" + ], + [ + "ĠArray", + "Adapter" + ], + [ + "Ġparam", + "String" + ], + [ + "H", + "om" + ], + [ + "_l", + "iterals" + ], + [ + "us", + "uarios" + ], + [ + "Ġprompt", + "ing" + ], + [ + "_l", + "azy" + ], + [ + "ĠActiv", + "ation" + ], + [ + "_", + "oc" + ], + [ + "We", + "ak" + ], + [ + "Ġan", + "ecd" + ], + [ + "ĠU", + "CLA" + ], + [ + "=", + "re" + ], + [ + "isse", + "ment" + ], + [ + "ĠEsc", + "orts" + ], + [ + "Ex", + "cellent" + ], + [ + "ĠP", + "ause" + ], + [ + "Ġre", + "positories" + ], + [ + "T", + "OR" + ], + [ + "ari", + "ate" + ], + [ + "_is", + "o" + ], + [ + "up", + "dates" + ], + [ + "hal", + "b" + ], + [ + "udi", + "ante" + ], + [ + "ë¡", + "Ŀ" + ], + [ + "Ġna", + "ive" + ], + [ + "ĠP", + "eg" + ], + [ + "ĠL", + "ounge" + ], + [ + "ARG", + "IN" + ], + [ + "(b", + "in" + ], + [ + "On", + "ClickListener" + ], + [ + "ĠFA", + "ILED" + ], + [ + "Ġl", + "ite" + ], + [ + "Ġd", + "zie" + ], + [ + "ĠL", + "iteral" + ], + [ + "iv", + "or" + ], + [ + "fc", + "ntl" + ], + [ + "Ġe", + "ats" + ], + [ + "Ġq", + "ed" + ], + [ + "Un", + "lock" + ], + [ + "rid", + "ing" + ], + [ + "und", + "ai" + ], + [ + "=", + "M" + ], + [ + "AT", + "TER" + ], + [ + "Configure", + "Await" + ], + [ + "ici", + "as" + ], + [ + "ustom", + "ed" + ], + [ + "Ġsuccess", + "ion" + ], + [ + "end", + "Time" + ], + [ + "ĠJ", + "upiter" + ], + [ + "Ġjud", + "ging" + ], + [ + "d", + "ration" + ], + [ + "_d", + "ocs" + ], + [ + ".m", + "o" + ], + [ + "Ġeduc", + "ators" + ], + [ + "ĠV", + "ine" + ], + [ + "Con", + "d" + ], + [ + "[", + "out" + ], + [ + "q", + "b" + ], + [ + "\\", + "Validator" + ], + [ + "Ġmean", + "ings" + ], + [ + "Ġpresent", + "ly" + ], + [ + "Ġdiv", + "iding" + ], + [ + "otten", + "ham" + ], + [ + "asc", + "ular" + ], + [ + "Ġtrail", + "ers" + ], + [ + "ĠC", + "LOSE" + ], + [ + "ам", + "и" + ], + [ + "âĢĻ", + "ai" + ], + [ + "ĠG", + "ain" + ], + [ + "w", + "or" + ], + [ + "Ġpl", + "anner" + ], + [ + "Ġdistrib", + "uting" + ], + [ + "v", + "at" + ], + [ + "month", + "s" + ], + [ + "x", + "label" + ], + [ + "H", + "F" + ], + [ + "V", + "iol" + ], + [ + ".BASE", + "LINE" + ], + [ + "еÑĤ", + "ÑģÑı" + ], + [ + "ĠR", + "otate" + ], + [ + "Ġtx", + "n" + ], + [ + ":", + "bold" + ], + [ + "Ġb", + "loss" + ], + [ + "Forg", + "ery" + ], + [ + "(", + "embed" + ], + [ + "Ġjak", + "o" + ], + [ + "s", + "printf" + ], + [ + "the", + "ir" + ], + [ + "Ġexhib", + "its" + ], + [ + "-", + "static" + ], + [ + "he", + "cy" + ], + [ + "get", + "ActiveSheet" + ], + [ + ".c", + "lients" + ], + [ + "ãģ", + "į" + ], + [ + "_h", + "ide" + ], + [ + "[", + "word" + ], + [ + "C", + "b" + ], + [ + "add", + "Item" + ], + [ + "ax", + "e" + ], + [ + "_r", + "adio" + ], + [ + "al", + "ion" + ], + [ + "mod", + "ifier" + ], + [ + "Ġsat", + "uration" + ], + [ + "Ġden", + "om" + ], + [ + "_p", + "ixels" + ], + [ + "m", + "ess" + ], + [ + "(f", + "l" + ], + [ + "at", + "if" + ], + [ + "Ġse", + "cs" + ], + [ + "Ġpro", + "stitution" + ], + [ + "Ġgrand", + "children" + ], + [ + "Ġparad", + "ise" + ], + [ + "ĠF", + "eld" + ], + [ + "_B", + "INARY" + ], + [ + "it", + "ous" + ], + [ + "à¹", + "Ħ" + ], + [ + "Ġflash", + "ing" + ], + [ + "-s", + "ided" + ], + [ + "Ġcontrad", + "iction" + ], + [ + "/*", + "ĊĊ" + ], + [ + "y", + "label" + ], + [ + "ĠT", + "et" + ], + [ + "Ġadm", + "ire" + ], + [ + "res", + "o" + ], + [ + "Ġlet", + "z" + ], + [ + "ĠSE", + "ARCH" + ], + [ + "sl", + "ots" + ], + [ + "ĠRew", + "ards" + ], + [ + "ĠH", + "og" + ], + [ + "ĠNS", + "Data" + ], + [ + "st", + "ash" + ], + [ + "F", + "all" + ], + [ + "ĠA", + "mer" + ], + [ + "Line", + "arLayout" + ], + [ + "/", + "photos" + ], + [ + "Ġfe", + "ather" + ], + [ + "Ġ|", + "čĊ" + ], + [ + "Download", + "s" + ], + [ + ".Start", + "sWith" + ], + [ + "Ġ//", + "#" + ], + [ + "ine", + "Transform" + ], + [ + "Ġaff", + "id" + ], + [ + "V", + "tbl" + ], + [ + "ĠRog", + "ue" + ], + [ + "scri", + "bed" + ], + [ + "Ġfa", + "uc" + ], + [ + "ĠMon", + "roe" + ], + [ + "Ġdecl", + "ares" + ], + [ + "mod", + "ern" + ], + [ + "re", + "on" + ], + [ + "ay", + "be" + ], + [ + "P", + "ASS" + ], + [ + "f", + "ers" + ], + [ + "_MULT", + "I" + ], + [ + "ĠMath", + "ematics" + ], + [ + "Ġsud", + "ah" + ], + [ + "_ATT", + "ACH" + ], + [ + "Ġnumber", + "With" + ], + [ + "ĠSol", + "omon" + ], + [ + "j", + "in" + ], + [ + "ograf", + "ia" + ], + [ + "ö", + "l" + ], + [ + "_d", + "esign" + ], + [ + "cul", + "ated" + ], + [ + "ĠL", + "una" + ], + [ + "ies", + "z" + ], + [ + "Ġ=>", + "'" + ], + [ + "Ġrevel", + "ations" + ], + [ + "Al", + "ong" + ], + [ + "(", + "ed" + ], + [ + "ĠF", + "ilename" + ], + [ + "Ġy", + "label" + ], + [ + "Sec", + "ure" + ], + [ + "Ġbus", + "ca" + ], + [ + "agn", + "osis" + ], + [ + "_RE", + "CE" + ], + [ + "Ġoverl", + "apping" + ], + [ + "Ext", + "ent" + ], + [ + "Ġanticip", + "ation" + ], + [ + "Check", + "s" + ], + [ + "ĠALS", + "O" + ], + [ + "or", + "c" + ], + [ + "iling", + "ual" + ], + [ + "it", + "ational" + ], + [ + "Ġadv", + "ancement" + ], + [ + "ou", + "ro" + ], + [ + "ĠP", + "redicate" + ], + [ + "å¾", + "Ĺ" + ], + [ + "er", + "ia" + ], + [ + "ĠPier", + "ce" + ], + [ + "or", + "io" + ], + [ + "Ġmer", + "its" + ], + [ + "Ġpe", + "anut" + ], + [ + ".P", + "ackage" + ], + [ + "ĠCon", + "duct" + ], + [ + "_SENS", + "OR" + ], + [ + "Ġbo", + "iling" + ], + [ + "Ġin", + "tra" + ], + [ + "ĠI", + "GN" + ], + [ + "ĠF", + "ur" + ], + [ + ".Ref", + "resh" + ], + [ + "ĠRe", + "ach" + ], + [ + "_dec", + "oder" + ], + [ + ".Ex", + "p" + ], + [ + "ĠÑĤ", + "ак" + ], + [ + "p", + "ill" + ], + [ + ",", + "Q" + ], + [ + "ĠGr", + "ill" + ], + [ + "Ġpop", + "ping" + ], + [ + ".A", + "g" + ], + [ + "Ġpro", + "yecto" + ], + [ + "Ġmile", + "age" + ], + [ + "Ġec", + "ological" + ], + [ + "]", + "]);Ċ" + ], + [ + "ĠÂ", + "Ń" + ], + [ + "sub", + "plot" + ], + [ + "ac", + "ad" + ], + [ + "ĠTry", + "ing" + ], + [ + "rec", + "ipes" + ], + [ + "$", + "criteria" + ], + [ + "ĠPers", + "ian" + ], + [ + "-b", + "ound" + ], + [ + "M", + "ASK" + ], + [ + "ĠG", + "esture" + ], + [ + "Ġk", + "k" + ], + [ + "ĠP", + "VC" + ], + [ + "Ġprohib", + "ition" + ], + [ + "Ġcom", + "ando" + ], + [ + "ĠLO", + "OK" + ], + [ + "Sh", + "opping" + ], + [ + "Ġdist", + "ortion" + ], + [ + "<", + "Boolean" + ], + [ + ".Get", + "Length" + ], + [ + "um", + "pt" + ], + [ + "\\", + "Product" + ], + [ + "ell", + "ery" + ], + [ + "Ġfire", + "wall" + ], + [ + "form", + "atted" + ], + [ + ".red", + "is" + ], + [ + "Ġes", + "a" + ], + [ + "ĠRh", + "ode" + ], + [ + "S", + "om" + ], + [ + ".n", + "on" + ], + [ + "Ġ'", + ")." + ], + [ + "Ġget", + "View" + ], + [ + "ạ", + "n" + ], + [ + "pr", + "us" + ], + [ + "Mat", + "thew" + ], + [ + "Ġs", + "ia" + ], + [ + "ĠF", + "ors" + ], + [ + "G", + "PU" + ], + [ + "ient", + "ras" + ], + [ + "_IN", + "ST" + ], + [ + "Ġol", + "arak" + ], + [ + "Ġimport", + "ing" + ], + [ + "T", + "CP" + ], + [ + "/", + "\");Ċ" + ], + [ + "e", + "ither" + ], + [ + "Ġfresh", + "ly" + ], + [ + "c", + "ascade" + ], + [ + "(char", + "acter" + ], + [ + "ĠJe", + "ep" + ], + [ + "ot", + "ics" + ], + [ + "_", + "UTIL" + ], + [ + ".Xtra", + "Printing" + ], + [ + ".first", + "Child" + ], + [ + "ĠEx", + "cell" + ], + [ + "Ġd", + "vd" + ], + [ + "Ġt", + "aller" + ], + [ + "Ġr", + "as" + ], + [ + "yp", + "ass" + ], + [ + "Ġassign", + "s" + ], + [ + "Ġgri", + "ev" + ], + [ + "-m", + "ore" + ], + [ + "J", + "D" + ], + [ + "ĠBurn", + "s" + ], + [ + "'", + ">čĊ" + ], + [ + ".D", + "ependency" + ], + [ + ".Query", + "String" + ], + [ + ".O", + "wner" + ], + [ + "Ġexp", + "iry" + ], + [ + "Th", + "u" + ], + [ + "(", + "Vec" + ], + [ + "Ġhazard", + "ous" + ], + [ + "Ġr", + "pm" + ], + [ + "AP", + "ON" + ], + [ + "Ġadd", + "Target" + ], + [ + "sv", + "ille" + ], + [ + "p", + "Net" + ], + [ + "ĠIm", + "g" + ], + [ + "ĠTIM", + "ER" + ], + [ + ".An", + "imation" + ], + [ + "Ġbe", + "k" + ], + [ + "Ġass", + "ort" + ], + [ + "Ġle", + "bih" + ], + [ + "Ġbody", + "Parser" + ], + [ + "Ġvibr", + "ating" + ], + [ + "ID", + "L" + ], + [ + "Ġbutter", + "knife" + ], + [ + "int", + "ers" + ], + [ + "Ġpersu", + "ade" + ], + [ + "ĠLGBT", + "Q" + ], + [ + "è", + "ĭ" + ], + [ + ".s", + "oft" + ], + [ + "Ġbe", + "ams" + ], + [ + "_s", + "ur" + ], + [ + ".D", + "ef" + ], + [ + "Ġl", + "abs" + ], + [ + "ĉ", + "plt" + ], + [ + "Ġsk", + "ins" + ], + [ + "Ġtransf", + "erring" + ], + [ + "Ġimag", + "inary" + ], + [ + "_E", + "nd" + ], + [ + ";", + "background" + ], + [ + "Ġl", + "aps" + ], + [ + "_COM", + "MENT" + ], + [ + "(S", + "DL" + ], + [ + "ond", + "s" + ], + [ + ".Rec", + "ord" + ], + [ + "ĠIm", + "plements" + ], + [ + "_t", + "icks" + ], + [ + "()", + "))ĊĊ" + ], + [ + "Ġa", + "rose" + ], + [ + "]", + "?" + ], + [ + "ĠM", + "p" + ], + [ + "ĠI", + "Command" + ], + [ + "Ġsculpt", + "ure" + ], + [ + "Ġcontract", + "ed" + ], + [ + "<", + "HTML" + ], + [ + "Ġcal", + "end" + ], + [ + "at", + "y" + ], + [ + "/", + "Sub" + ], + [ + "Ġkv", + "inn" + ], + [ + "_", + "IGNORE" + ], + [ + "ĠSh", + "ane" + ], + [ + "ML", + "S" + ], + [ + "Ġstim", + "ulate" + ], + [ + "Part", + "ition" + ], + [ + "Ġm", + "un" + ], + [ + "ó", + "m" + ], + [ + "eral", + "a" + ], + [ + "-", + "account" + ], + [ + ".B", + "inary" + ], + [ + "c", + "é" + ], + [ + "Ġse", + "ize" + ], + [ + "connection", + "s" + ], + [ + "ĠĊ", + "ĠĠĠĠĠĠĠĠĊ" + ], + [ + "ĠDi", + "agnostic" + ], + [ + "V", + "ISIBLE" + ], + [ + "ĠRun", + "s" + ], + [ + "Ġimpress", + "ions" + ], + [ + "s", + "uite" + ], + [ + "ob", + "le" + ], + [ + "~", + "-" + ], + [ + "ak", + "ukan" + ], + [ + "<", + "Person" + ], + [ + "ĠN", + "os" + ], + [ + "ĠG", + "ui" + ], + [ + ".wait", + "For" + ], + [ + "RE", + "SET" + ], + [ + "Ġpost", + "pon" + ], + [ + "Dis", + "cover" + ], + [ + "arr", + "ison" + ], + [ + "sh", + "aw" + ], + [ + "b", + "lood" + ], + [ + "AJ", + "OR" + ], + [ + "æĽ´", + "æĸ°" + ], + [ + "ĠM", + "use" + ], + [ + "æĶ", + "¶" + ], + [ + "Ġret", + "aining" + ], + [ + "ot", + "te" + ], + [ + "Ġmos", + "que" + ], + [ + "ĠS", + "ne" + ], + [ + "Ġstandard", + "ized" + ], + [ + "Ġmain", + "land" + ], + [ + "_th", + "ree" + ], + [ + "unge", + "ons" + ], + [ + "get", + "Doctrine" + ], + [ + "Ġwh", + "ale" + ], + [ + "Ġag", + "g" + ], + [ + "ĠP", + "orsche" + ], + [ + "now", + "led" + ], + [ + "lat", + "ent" + ], + [ + "ĠRel", + "ation" + ], + [ + "Ġ//", + "'" + ], + [ + "Ġshut", + "ting" + ], + [ + "ĠRem", + "ix" + ], + [ + "_c", + "ov" + ], + [ + "Ġs", + "ailing" + ], + [ + "Ġv", + "owed" + ], + [ + "Ġp", + "ots" + ], + [ + "out", + "u" + ], + [ + "Ġhair", + "y" + ], + [ + "cast", + "s" + ], + [ + "Rel", + "oad" + ], + [ + "Ġre", + "connect" + ], + [ + "ter", + "a" + ], + [ + ".child", + "Nodes" + ], + [ + "ĠR", + "ack" + ], + [ + "Ġcurrent", + "Index" + ], + [ + "Ġall", + "en" + ], + [ + "Ġ", + "ç͍æĪ·" + ], + [ + "ĠC", + "ubs" + ], + [ + "[", + "X" + ], + [ + "_SE", + "Q" + ], + [ + "_RE", + "MOVE" + ], + [ + ".get", + "Action" + ], + [ + "(/", + "^" + ], + [ + "err", + "ar" + ], + [ + "Ġ", + "ether" + ], + [ + "cur", + "ve" + ], + [ + "Ġsl", + "ap" + ], + [ + "Ġu", + "om" + ], + [ + "O", + "thers" + ], + [ + "Ġen", + "gr" + ], + [ + "Dis", + "position" + ], + [ + "Ġst", + "aged" + ], + [ + "E", + "ye" + ], + [ + "ĠA", + "ux" + ], + [ + "auth", + "enticate" + ], + [ + "Ġ$", + "?" + ], + [ + "ĠAndre", + "as" + ], + [ + "Ġset", + "w" + ], + [ + ".A", + "rt" + ], + [ + "Ġforecast", + "s" + ], + [ + "Ġa", + "unt" + ], + [ + "-m", + "iddle" + ], + [ + "Ġmis", + "d" + ], + [ + "des", + "k" + ], + [ + "Ġescort", + "e" + ], + [ + "ĠCas", + "a" + ], + [ + "rop", + "ical" + ], + [ + "Ġexem", + "ple" + ], + [ + "plan", + "et" + ], + [ + "(U", + "INT" + ], + [ + "Ġwh", + "ip" + ], + [ + "ĠPC", + "B" + ], + [ + "clide", + "an" + ], + [ + "=\"", + "\\" + ], + [ + "Ġox", + "ide" + ], + [ + "Ġsucceed", + "s" + ], + [ + "der", + "ived" + ], + [ + "ĠEcon", + "om" + ], + [ + "_co", + "ordinates" + ], + [ + "ir", + "as" + ], + [ + "D", + "raft" + ], + [ + "Ġvisual", + "ize" + ], + [ + "B", + "rian" + ], + [ + "_ASS", + "UME" + ], + [ + "ĠObject", + "Id" + ], + [ + "Ġtrain", + "ers" + ], + [ + "_FOR", + "CE" + ], + [ + "Ġcon", + "soles" + ], + [ + "-", + "process" + ], + [ + "lic", + "her" + ], + [ + "ĠSim", + "mons" + ], + [ + "T", + "aking" + ], + [ + "ĠCl", + "aims" + ], + [ + "Ġdiffé", + "rent" + ], + [ + "Activity", + "Result" + ], + [ + "Ġsn", + "s" + ], + [ + "éĢī", + "æĭ" + ], + [ + "ĠCr", + "us" + ], + [ + "Ġll", + "am" + ], + [ + "r", + "ab" + ], + [ + "ĠJo", + "an" + ], + [ + "AA", + "A" + ], + [ + "ĉf", + "ilter" + ], + [ + "ish", + "ops" + ], + [ + "get", + "ting" + ], + [ + "à", + "µ" + ], + [ + "Ġquant", + "o" + ], + [ + "P", + "ast" + ], + [ + "ov", + "ich" + ], + [ + "Ġin", + "justice" + ], + [ + "ĠF", + "LOAT" + ], + [ + "Ġal", + "right" + ], + [ + "\\", + "DB" + ], + [ + "(", + "GameObject" + ], + [ + "u", + "ish" + ], + [ + "(b", + "ot" + ], + [ + "Ġgall", + "ons" + ], + [ + "ĠR", + "é" + ], + [ + "ĠS", + "aid" + ], + [ + "ĠSTDMETHOD", + "CALLTYPE" + ], + [ + "ais", + "ing" + ], + [ + "_process", + "or" + ], + [ + "ell", + "idos" + ], + [ + "ter", + "dam" + ], + [ + "ĠBe", + "am" + ], + [ + "Text", + "Area" + ], + [ + "Ġret", + "orno" + ], + [ + ".M", + "ake" + ], + [ + "Ġ$", + "(\"<" + ], + [ + "Ġlock", + "down" + ], + [ + "Ġremed", + "ies" + ], + [ + "Ġve", + "el" + ], + [ + "x", + "ee" + ], + [ + "do", + "ctype" + ], + [ + "F", + "il" + ], + [ + "ĠExp", + "and" + ], + [ + "Ġemp", + "loys" + ], + [ + "Ġsession", + "Storage" + ], + [ + "Ph", + "p" + ], + [ + "P", + "ublish" + ], + [ + "Ġret", + "al" + ], + [ + "f", + "abs" + ], + [ + "ynam", + "ics" + ], + [ + "Ġtoss", + "ed" + ], + [ + "ĠnumberOfRows", + "InSection" + ], + [ + "x", + "path" + ], + [ + "\\", + "modules" + ], + [ + "Ġdis", + "astr" + ], + [ + "ĠM", + "ULT" + ], + [ + ".M", + "esh" + ], + [ + "-st", + "age" + ], + [ + "Ġs", + "df" + ], + [ + "it", + "ung" + ], + [ + "ug", + "es" + ], + [ + "Ġ?>", + "\">'" + ], + [ + "kin", + "son" + ], + [ + "Ġк", + "ол" + ], + [ + "ogn", + "itive" + ], + [ + "_", + "li" + ], + [ + "Ġim", + "minent" + ], + [ + "Ġaff", + "inity" + ], + [ + ".sign", + "al" + ], + [ + "Ġnot", + "ch" + ], + [ + "ĠSteel", + "ers" + ], + [ + "max", + "length" + ], + [ + "K", + "K" + ], + [ + "ĠEug", + "ene" + ], + [ + "_P", + "WM" + ], + [ + "ro", + "i" + ], + [ + "Ġâ", + "Ĺı" + ], + [ + "ĠH", + "amburg" + ], + [ + ".M", + "ust" + ], + [ + "Ġax", + "e" + ], + [ + "en", + "ef" + ], + [ + "Ġamb", + "itions" + ], + [ + "ĠSpec", + "ies" + ], + [ + "ĠSt", + "ress" + ], + [ + "Ġa", + "while" + ], + [ + "Ġб", + "Ñĥд" + ], + [ + "Ġwith", + "stand" + ], + [ + "ĠDec", + "oder" + ], + [ + "_in", + "ventory" + ], + [ + "Ġ{", + "ččĊ" + ], + [ + "Ġt", + "gt" + ], + [ + "Ġrail", + "road" + ], + [ + "W", + "ASHINGTON" + ], + [ + "Ġnegot", + "iated" + ], + [ + "N", + "ST" + ], + [ + "-", + "phone" + ], + [ + ",", + "U" + ], + [ + "Ġexerc", + "ising" + ], + [ + "á»", + "¥" + ], + [ + "_P", + "IXEL" + ], + [ + "av", + "ors" + ], + [ + "iter", + "ated" + ], + [ + "Ġv", + "ampire" + ], + [ + "ad", + "al" + ], + [ + "In", + "grese" + ], + [ + "Ġun", + "g" + ], + [ + "ject", + "ive" + ], + [ + ".c", + "ells" + ], + [ + "Ġn", + "ano" + ], + [ + "Ġmark", + "down" + ], + [ + "_R", + "ULE" + ], + [ + "(event", + "s" + ], + [ + "Ġl", + "uggage" + ], + [ + "MESS", + "AGE" + ], + [ + "ig", + "keit" + ], + [ + "$", + "count" + ], + [ + "Attribute", + "Name" + ], + [ + "IG", + "INAL" + ], + [ + "_E", + "nt" + ], + [ + "ĠB", + "F" + ], + [ + "ĠCOM", + "MENT" + ], + [ + "_in", + "i" + ], + [ + "ĠEurope", + "ans" + ], + [ + "ĠB", + "elle" + ], + [ + "åij", + "½" + ], + [ + ")", + "['" + ], + [ + "åº", + "Ķ" + ], + [ + "ĠUse", + "ful" + ], + [ + ".re", + "ference" + ], + [ + "()", + "\"," + ], + [ + "_", + "grade" + ], + [ + "ĠK", + "aw" + ], + [ + "Ġsent", + "encing" + ], + [ + "Ġsocial", + "ism" + ], + [ + "mon", + "ster" + ], + [ + "_L", + "AYER" + ], + [ + "Ġdee", + "pest" + ], + [ + "w", + "k" + ], + [ + "ĠNo", + "ise" + ], + [ + "###", + "ĊĊ" + ], + [ + "Ġpr", + "éc" + ], + [ + "ot", + "le" + ], + [ + "ÑĤ", + "е" + ], + [ + "a", + "uf" + ], + [ + "ib", + "al" + ], + [ + "Ġcon", + "quer" + ], + [ + ">", + "Email" + ], + [ + "Ġamb", + "ulance" + ], + [ + "O", + "AD" + ], + [ + "Ġ(\"", + "%" + ], + [ + "ĠF", + "I" + ], + [ + ".f", + "ixture" + ], + [ + "Ġter", + "se" + ], + [ + "ĠĠĠĠ", + "ĉĉĉĉ" + ], + [ + "Ġsanct", + "uary" + ], + [ + "ug", + "i" + ], + [ + "ĠCom", + "parator" + ], + [ + "Definition", + "s" + ], + [ + "Ġast", + "hma" + ], + [ + "Ġl", + "act" + ], + [ + "Ġhard", + "wood" + ], + [ + ".c", + "lock" + ], + [ + "Ġattract", + "ing" + ], + [ + "ĠM", + "our" + ], + [ + "(d", + "istance" + ], + [ + "ic", + "its" + ], + [ + "Ġbon", + "ne" + ], + [ + "ĠAC", + "CESS" + ], + [ + ".Deserialize", + "Object" + ], + [ + "ĠTyp", + "ed" + ], + [ + "Ġje", + "u" + ], + [ + "Ġapp", + "Id" + ], + [ + "ĠCl", + "ara" + ], + [ + "ĠH", + "F" + ], + [ + "ĠRe", + "ich" + ], + [ + "ipp", + "les" + ], + [ + "//----------------------------------------------------------------", + "----------------" + ], + [ + "_del", + "ivery" + ], + [ + "erial", + "ization" + ], + [ + "Ġplaint", + "iffs" + ], + [ + "Sc", + "ient" + ], + [ + "sh", + "opping" + ], + [ + "ĠD", + "ummy" + ], + [ + "ĠW", + "ald" + ], + [ + "Group", + "Name" + ], + [ + "Ġins", + "cription" + ], + [ + "el", + "og" + ], + [ + "::::", + "::::" + ], + [ + "_", + "ld" + ], + [ + "Back", + "Pressed" + ], + [ + ".R", + "aw" + ], + [ + "ĠOn", + "Trigger" + ], + [ + "Ġmuse", + "ums" + ], + [ + "ĠBe", + "en" + ], + [ + "ĠAdvent", + "ures" + ], + [ + "Ġsl", + "ate" + ], + [ + "Ġlet", + "t" + ], + [ + "Ġsu", + "nd" + ], + [ + "ĠG", + "in" + ], + [ + "ĠMechan", + "ical" + ], + [ + ".s", + "hip" + ], + [ + "App", + "Component" + ], + [ + "Ġdest", + "ined" + ], + [ + "Ġdw", + "elling" + ], + [ + "Prof", + "iler" + ], + [ + "Pre", + "pare" + ], + [ + "ze", + "ich" + ], + [ + "Ġsil", + "icon" + ], + [ + "(h", + "as" + ], + [ + "Ġ#", + "%" + ], + [ + "VID", + "EO" + ], + [ + "Ġcollabor", + "ate" + ], + [ + "L", + "in" + ], + [ + "Ġsc", + "opes" + ], + [ + "(", + "className" + ], + [ + "(s", + "d" + ], + [ + "and", + "in" + ], + [ + ".h", + "am" + ], + [ + "Service", + "Impl" + ], + [ + "-des", + "cribed" + ], + [ + "Ġiron", + "y" + ], + [ + "st", + "ial" + ], + [ + "ĠHu", + "awei" + ], + [ + "(re", + "po" + ], + [ + "Ġunexpected", + "ly" + ], + [ + "ĠK", + "ai" + ], + [ + ".inst", + "all" + ], + [ + "\\x", + "f" + ], + [ + "Ġexhib", + "ited" + ], + [ + "_T", + "CP" + ], + [ + "ĠO", + "x" + ], + [ + "_CH", + "O" + ], + [ + "Ġprostitu", + "erte" + ], + [ + "Ġv", + "ä" + ], + [ + "Ġsit", + "o" + ], + [ + "Ġconstitu", + "ents" + ], + [ + "ĠContin", + "ued" + ], + [ + "ĠS", + "AVE" + ], + [ + "r", + "ss" + ], + [ + "/", + "message" + ], + [ + "ub", + "es" + ], + [ + "Ġmisd", + "emean" + ], + [ + "Ġtax", + "ation" + ], + [ + "Ġstory", + "line" + ], + [ + "h", + "air" + ], + [ + "ĠFind", + "s" + ], + [ + "S", + "IG" + ], + [ + "ver", + "ification" + ], + [ + "~", + "=" + ], + [ + ".h", + "p" + ], + [ + "Iter", + "able" + ], + [ + "Ñĭ", + "е" + ], + [ + "ator", + "i" + ], + [ + "Ġc", + "tr" + ], + [ + "R", + "x" + ], + [ + "_", + ");ĊĊ" + ], + [ + "d", + "ag" + ], + [ + ".p", + "in" + ], + [ + "Ġp", + "seud" + ], + [ + "Ġinv", + "o" + ], + [ + "ÑģÑĤ", + "ÑĢ" + ], + [ + "_p", + "ix" + ], + [ + "为", + "空" + ], + [ + "Ġsw", + "orn" + ], + [ + "âĢĶ", + "or" + ], + [ + "_reg", + "istry" + ], + [ + "Ġdis", + "asters" + ], + [ + "ĠRO", + "I" + ], + [ + "ĠâĢ", + "ķ" + ], + [ + "akt", + "u" + ], + [ + "fore", + "st" + ], + [ + "be", + "iten" + ], + [ + "âĢĶ", + "I" + ], + [ + "ue", + "va" + ], + [ + "eg", + "t" + ], + [ + "Ġsp", + "ikes" + ], + [ + "URE", + "S" + ], + [ + "ĠRecomm", + "ended" + ], + [ + "Ġexplo", + "ited" + ], + [ + "ĠFreder", + "ick" + ], + [ + "_COMP", + "LETE" + ], + [ + "ĠDr", + "ugs" + ], + [ + "!!!!", + "!!!!" + ], + [ + "ĠR", + "iv" + ], + [ + "ST", + "OP" + ], + [ + "RO", + "OM" + ], + [ + "ĠP", + "ASSWORD" + ], + [ + "C", + "ookies" + ], + [ + ".E", + "l" + ], + [ + "á»", + "Ń" + ], + [ + "ĠB", + "ert" + ], + [ + "Ġhash", + "ed" + ], + [ + "ic", + "ester" + ], + [ + "Ġdecor", + "ator" + ], + [ + "Ġquery", + "String" + ], + [ + ":", + ";Ċ" + ], + [ + "Ġ\"", + "[\"" + ], + [ + "oto", + "pe" + ], + [ + "-A", + "meric" + ], + [ + "ĠMatthew", + "s" + ], + [ + "UR", + "AL" + ], + [ + "âĢľ", + "," + ], + [ + "Sum", + "mer" + ], + [ + "f", + "os" + ], + [ + "_CONT", + "AINER" + ], + [ + "_A", + "CK" + ], + [ + "Ġfil", + "tr" + ], + [ + "_dis", + "p" + ], + [ + "_", + "Re" + ], + [ + "Ġfac", + "ile" + ], + [ + "а", + "ÑĪ" + ], + [ + "Ġìķ", + "Ĭ" + ], + [ + "Ġe", + "ben" + ], + [ + "Ġspr", + "ink" + ], + [ + "ĠQ", + "uint" + ], + [ + ">", + "V" + ], + [ + "Ġhistor", + "ians" + ], + [ + "our", + "met" + ], + [ + "ĠMonitor", + "ing" + ], + [ + "led", + "ger" + ], + [ + "c", + "ott" + ], + [ + "Ġw", + "are" + ], + [ + "GG", + "LE" + ], + [ + "c", + "ars" + ], + [ + "ĠM", + "EDIATEK" + ], + [ + "Ġvol", + "upt" + ], + [ + "_", + "View" + ], + [ + "HE", + "L" + ], + [ + "(c", + "opy" + ], + [ + "(st", + "ats" + ], + [ + "Ġchrom", + "osome" + ], + [ + "ĠCurt", + "is" + ], + [ + "-", + "conf" + ], + [ + "(", + "asset" + ], + [ + "Ġhv", + "or" + ], + [ + "File", + "System" + ], + [ + "<", + ">();čĊ" + ], + [ + "oc", + "oder" + ], + [ + "ĠC", + "annon" + ], + [ + ")", + "x" + ], + [ + "ĠSm", + "ooth" + ], + [ + "ĠS", + "AS" + ], + [ + "_", + "ce" + ], + [ + "ĉ", + "prev" + ], + [ + "_m", + "ovie" + ], + [ + "E", + "c" + ], + [ + "_w", + "all" + ], + [ + "<", + "Button" + ], + [ + "ĠF", + "AST" + ], + [ + "Ġon", + "View" + ], + [ + "ul", + "an" + ], + [ + "ĠS", + "UPPORT" + ], + [ + "Ġgesch", + "ichten" + ], + [ + "ĠS", + "ons" + ], + [ + "Im", + "m" + ], + [ + "$", + "IFn" + ], + [ + "Ġfair", + "ness" + ], + [ + "Ġd", + "pi" + ], + [ + "ats", + "u" + ], + [ + "J", + "osh" + ], + [ + "Equal", + "ity" + ], + [ + "Ġ}", + "()Ċ" + ], + [ + "_", + "less" + ], + [ + "ĠR", + "atio" + ], + [ + "ĠC", + "ats" + ], + [ + "ĠS", + "tern" + ], + [ + "Mon", + "ster" + ], + [ + "Ġmer", + "cury" + ], + [ + "ü", + "hr" + ], + [ + "Ġplus", + "ieurs" + ], + [ + ".des", + "erialize" + ], + [ + "sc", + "opy" + ], + [ + ".F", + "alse" + ], + [ + ")", + "animated" + ], + [ + "ĠExp", + "erts" + ], + [ + "Ġ\"\")", + "{Ċ" + ], + [ + ".W", + "hen" + ], + [ + "see", + "also" + ], + [ + ".un", + "pack" + ], + [ + "LE", + "M" + ], + [ + ".select", + "All" + ], + [ + "Ġperception", + "s" + ], + [ + "ud", + "ing" + ], + [ + "ir", + "ling" + ], + [ + "ĠPrint", + "ing" + ], + [ + "gram", + "s" + ], + [ + "ĠFile", + "Stream" + ], + [ + "erv", + "ille" + ], + [ + "il", + "og" + ], + [ + "ic", + "mp" + ], + [ + "_C", + "ount" + ], + [ + "Ġlivest", + "ock" + ], + [ + "-", + "ca" + ], + [ + "doc", + "uments" + ], + [ + "Ġpo", + "les" + ], + [ + "ĉw", + "ant" + ], + [ + "Ġflu", + "ores" + ], + [ + "Ġstand", + "point" + ], + [ + "ĠH", + "uge" + ], + [ + "Ġradi", + "ans" + ], + [ + "ĠUIB", + "ar" + ], + [ + "EDI", + "UM" + ], + [ + "ĠHistor", + "ic" + ], + [ + "_h", + "older" + ], + [ + "ĠMar", + "ines" + ], + [ + "Ġt", + "ä" + ], + [ + ".L", + "ight" + ], + [ + "quir", + "er" + ], + [ + "ason", + "ry" + ], + [ + "div", + "ider" + ], + [ + "ĠFl", + "utter" + ], + [ + "_f", + "b" + ], + [ + "restrict", + "ed" + ], + [ + "ĠEvery", + "body" + ], + [ + "N", + "ão" + ], + [ + "Ġkn", + "ot" + ], + [ + "ĠT", + "witch" + ], + [ + "Ġhall", + "way" + ], + [ + "(C", + "ollider" + ], + [ + "Input", + "Element" + ], + [ + "?", + ")Ċ" + ], + [ + "/", + "off" + ], + [ + "/", + ")" + ], + [ + "play", + "ed" + ], + [ + "[", + "OF" + ], + [ + "Ġbat", + "ting" + ], + [ + "_d", + "l" + ], + [ + "Ġcom", + "edian" + ], + [ + "Ġé", + "v" + ], + [ + "ĠD", + "EM" + ], + [ + "ĠEd", + "en" + ], + [ + ":", + "white" + ], + [ + "'", + "'," + ], + [ + "Con", + "struction" + ], + [ + "acer", + "b" + ], + [ + "Ġtask", + "ed" + ], + [ + ".man", + "age" + ], + [ + "Rel", + "ationship" + ], + [ + "Ġph", + "on" + ], + [ + "n", + "z" + ], + [ + "_B", + "GR" + ], + [ + "Validate", + "AntiForgeryToken" + ], + [ + "_", + "air" + ], + [ + "âĢľ", + "When" + ], + [ + "Ġgl", + "fw" + ], + [ + "ĠCon", + "versation" + ], + [ + "_T", + "OTAL" + ], + [ + ",", + "Z" + ], + [ + "Ġg", + "raz" + ], + [ + "Ġiter", + "able" + ], + [ + "ĠP", + "ASS" + ], + [ + "Ġadvert", + "ise" + ], + [ + "Ġmö", + "glich" + ], + [ + "/", + "train" + ], + [ + "ĠVolk", + "swagen" + ], + [ + "Ġcreep", + "y" + ], + [ + "Ġ\"", + ")čĊ" + ], + [ + "QU", + "ENCE" + ], + [ + "Ġalt", + "ar" + ], + [ + "Ġed", + "its" + ], + [ + "comp", + "iled" + ], + [ + "aw", + "ning" + ], + [ + "ĠD", + "ungeon" + ], + [ + "Ġo", + "sg" + ], + [ + "Navigation", + "Bar" + ], + [ + "Ġtrend", + "ing" + ], + [ + "ĠE", + "co" + ], + [ + "ogg", + "les" + ], + [ + "cd", + "ot" + ], + [ + "|", + "-" + ], + [ + "S", + "ie" + ], + [ + "ec", + "ret" + ], + [ + "ĠN", + "egative" + ], + [ + "ĠL", + "ing" + ], + [ + "ĠD", + "IM" + ], + [ + "ĠC", + "WE" + ], + [ + "ĠCar", + "rier" + ], + [ + "Ġcar", + "tridge" + ], + [ + "_us", + "b" + ], + [ + "=", + "os" + ], + [ + "ĠJack", + "ie" + ], + [ + "Ġo", + "tras" + ], + [ + "Ġcommod", + "ities" + ], + [ + "ĠP", + "resentation" + ], + [ + ")&&", + "(" + ], + [ + "ĠMar", + "tha" + ], + [ + "ĠCath", + "olics" + ], + [ + "ĠM", + "ond" + ], + [ + "об", + "Ñĭ" + ], + [ + "_", + "absolute" + ], + [ + "Ġash", + "amed" + ], + [ + "pons", + "ors" + ], + [ + "t", + "al" + ], + [ + "Ġsad", + "ness" + ], + [ + "Ġpu", + "ò" + ], + [ + "F", + "ade" + ], + [ + "-pre", + "view" + ], + [ + "ĠRequest", + "s" + ], + [ + "ĠCal", + "vin" + ], + [ + "h", + "orn" + ], + [ + "Reuse", + "Identifier" + ], + [ + "(pro", + "vider" + ], + [ + "/app", + "s" + ], + [ + "ime", + "o" + ], + [ + "ĉ", + "Class" + ], + [ + "S", + "amsung" + ], + [ + "ĠW", + "ORLD" + ], + [ + "Ġc", + "innamon" + ], + [ + "dot", + "env" + ], + [ + "ĠI", + "User" + ], + [ + "ĠDE", + "V" + ], + [ + "_C", + "har" + ], + [ + ".ib", + "atis" + ], + [ + "et", + "i" + ], + [ + "/", + "me" + ], + [ + "s", + "st" + ], + [ + ".s", + "ym" + ], + [ + "ĠRug", + "by" + ], + [ + "-m", + "aster" + ], + [ + "aj", + "ar" + ], + [ + "ĠY", + "EAR" + ], + [ + "Ġo", + "dp" + ], + [ + "ĠR", + "oles" + ], + [ + "Ġbip", + "artisan" + ], + [ + "ail", + "le" + ], + [ + "Ġblock", + "er" + ], + [ + "Ġgre", + "ens" + ], + [ + ".SE", + "CONDS" + ], + [ + "Ġbelie", + "vers" + ], + [ + "ĠL", + "ikes" + ], + [ + "F", + "LOAT" + ], + [ + "Ġm", + "ak" + ], + [ + "Ġg", + "cc" + ], + [ + "âķIJ", + "âķIJ" + ], + [ + "(\"", + "~/" + ], + [ + "SCRIPT", + "OR" + ], + [ + "Ġton", + "nes" + ], + [ + "ĠS", + "ang" + ], + [ + "Ġtrans", + "pose" + ], + [ + "enn", + "ai" + ], + [ + "P", + "red" + ], + [ + "Ġsoll", + "te" + ], + [ + ".github", + "usercontent" + ], + [ + "(", + "print" + ], + [ + "ĠH", + "ole" + ], + [ + "çľ", + "ĭ" + ], + [ + "ad", + "get" + ], + [ + "Ġprompt", + "s" + ], + [ + "Ġgen", + "etically" + ], + [ + "ĠH", + "od" + ], + [ + "Ġvert", + "ically" + ], + [ + "_control", + "s" + ], + [ + "ÑģÑĤ", + "ан" + ], + [ + "\")", + "{čĊ" + ], + [ + "$", + "title" + ], + [ + "Ġ}", + "),ĊĊ" + ], + [ + "Ġstate", + "wide" + ], + [ + "ĠCor", + "respond" + ], + [ + "ĠAt", + "tr" + ], + [ + "it", + "ant" + ], + [ + "Element", + "Type" + ], + [ + "Ġout", + "ward" + ], + [ + "Ġfam", + "ilia" + ], + [ + "(", + "article" + ], + [ + "Ġbl", + "at" + ], + [ + "Âł", + "Ċ" + ], + [ + "Ġgl", + "Get" + ], + [ + "ĠRe", + "ceiver" + ], + [ + "Ġ%", + "-" + ], + [ + "ad", + "am" + ], + [ + "W", + "inner" + ], + [ + "Ġtail", + "or" + ], + [ + "_p", + "wd" + ], + [ + "ert", + "en" + ], + [ + "St", + "an" + ], + [ + "ĉ", + "all" + ], + [ + "al", + "ive" + ], + [ + "strt", + "otime" + ], + [ + "�", + "s" + ], + [ + "s", + "essions" + ], + [ + "$", + "conn" + ], + [ + "ass", + "ist" + ], + [ + "Ġchat", + "ting" + ], + [ + "ĠM", + "ant" + ], + [ + "Ġ%", + "@" + ], + [ + "Ġ\"\"", + ");ĊĊ" + ], + [ + "Ġd", + "gv" + ], + [ + "Ġíķ", + "¨" + ], + [ + ".re", + "peat" + ], + [ + "_M", + "essage" + ], + [ + "Ġadvis", + "ers" + ], + [ + "/", + "path" + ], + [ + "Ġk", + "es" + ], + [ + ")", + "}", + ".ĊĊ" + ], + [ + "ogen", + "esis" + ], + [ + "ĠOPTION", + "S" + ], + [ + "upt", + "ools" + ], + [ + "Ġmilit", + "ant" + ], + [ + "Ġex", + "ited" + ], + [ + "ig", + "ar" + ], + [ + "ĠCOM", + "M" + ], + [ + "ĠDis", + "posable" + ], + [ + "ay", + "cast" + ], + [ + "Ġrow", + "span" + ], + [ + "Ġsyn", + "thes" + ], + [ + "Ġsond", + "ern" + ], + [ + "ĠĊ" + ], + [ + "ĠJ", + "acket" + ], + [ + "R", + "ATION" + ], + [ + ".getSelected", + "Item" + ], + [ + "-", + "init" + ], + [ + "ĠReg", + "isters" + ], + [ + "_se", + "p" + ], + [ + "ĠTool", + "kit" + ], + [ + ".d", + "ict" + ], + [ + "Ġx", + "label" + ], + [ + "\\", + "Table" + ], + [ + "t", + "oc" + ], + [ + "_com", + "bo" + ], + [ + "ĠComp", + "act" + ], + [ + "Ġr", + "ugged" + ], + [ + "à¥ĩ", + "à¤" + ], + [ + "-man", + "agement" + ], + [ + "')}}", + "\">Ċ" + ], + [ + "ĠSt", + "amp" + ], + [ + "ı", + "l" + ], + [ + "ro", + "x" + ], + [ + "Ġlandsc", + "apes" + ], + [ + "_NOT", + "E" + ], + [ + "mon", + "ary" + ], + [ + "c", + "ab" + ], + [ + "Ġmo", + "et" + ], + [ + "x", + "af" + ], + [ + "rc", + "ode" + ], + [ + "-", + "cli" + ], + [ + "_g", + "ate" + ], + [ + "[", + "event" + ], + [ + "SP", + "ORT" + ], + [ + "g", + "ia" + ], + [ + "ĠS", + "UPER" + ], + [ + "/", + "Login" + ], + [ + "_sh", + "utdown" + ], + [ + "int", + "errupt" + ], + [ + "Ġpret", + "ending" + ], + [ + "Ġfr", + "inge" + ], + [ + "ĠRed", + "s" + ], + [ + "ĠC", + "UDA" + ], + [ + "ĠUN", + "IX" + ], + [ + "v", + "it" + ], + [ + "Ġbr", + "ig" + ], + [ + "dr", + "v" + ], + [ + "ĠConn", + "ector" + ], + [ + "There", + "fore" + ], + [ + "Ġl", + "ia" + ], + [ + "D", + "etection" + ], + [ + "_", + "actor" + ], + [ + "Ġtemp", + "file" + ], + [ + "Ġecc", + "entric" + ], + [ + "-", + "role" + ], + [ + "Ġpad", + "x" + ], + [ + "d", + "ent" + ], + [ + "West", + "ern" + ], + [ + "Ġê", + "·¸" + ], + [ + "ĠApplication", + "Record" + ], + [ + "Ġcampaign", + "ing" + ], + [ + "_run", + "ner" + ], + [ + "ĠC", + "ivic" + ], + [ + "ale", + "igh" + ], + [ + "Ġdire", + "kt" + ], + [ + ".s", + "ul" + ], + [ + "ĠĠ", + "ĉĉĉ" + ], + [ + "ant", + "en" + ], + [ + "Ġiss", + "uer" + ], + [ + "Ġassert", + "ions" + ], + [ + "(", + "orig" + ], + [ + "AT", + "IO" + ], + [ + "Ġlean", + "ed" + ], + [ + "ä", + "s" + ], + [ + ".D", + "TO" + ], + [ + "expl", + "ode" + ], + [ + ".O", + "bservable" + ], + [ + "Ġstagger", + "ing" + ], + [ + "Ġkidn", + "apped" + ], + [ + "Ġprogram", + "mers" + ], + [ + "ĠInn", + "ov" + ], + [ + ".param", + "eter" + ], + [ + "Ġdom", + "ination" + ], + [ + "Ġske", + "ptic" + ], + [ + "Ġæĺ", + "¯" + ], + [ + "Ġavoid", + "s" + ], + [ + ".Ver", + "ify" + ], + [ + "ub", + "by" + ], + [ + "ĠAS", + "N" + ], + [ + "Ġformat", + "o" + ], + [ + "ĠBeat", + "les" + ], + [ + "_b", + "rand" + ], + [ + "Ġin", + "set" + ], + [ + "y", + "outu" + ], + [ + "Ġto", + "c" + ], + [ + "-f", + "inal" + ], + [ + "Show", + "ing" + ], + [ + "ĠD", + "oub" + ], + [ + "ĠM", + "esa" + ], + [ + "Ad", + "j" + ], + [ + "_m", + "edium" + ], + [ + "Cre", + "ates" + ], + [ + "(end", + "point" + ], + [ + "ĉ", + "UP" + ], + [ + "bb", + "ie" + ], + [ + "Ġst", + "alk" + ], + [ + ".datab", + "ind" + ], + [ + ".S", + "can" + ], + [ + "ag", + "ents" + ], + [ + "$", + "," + ], + [ + "ind", + "ividual" + ], + [ + "+", + ")/" + ], + [ + "ĉv", + "m" + ], + [ + "(not", + "ification" + ], + [ + "Ġin", + "ex" + ], + [ + "ĠClass", + "ification" + ], + [ + "ren", + "o" + ], + [ + "Ġo", + "lig" + ], + [ + "-r", + "ated" + ], + [ + "Ġform", + "ulation" + ], + [ + "',", + "{" + ], + [ + "Ġa", + "cept" + ], + [ + "_un", + "pack" + ], + [ + "_C", + "A" + ], + [ + ".P", + "ow" + ], + [ + "ĉ", + "im" + ], + [ + "Ġal", + "uminium" + ], + [ + "AN", + "O" + ], + [ + "Ġx", + "n" + ], + [ + "Ġcó", + "mo" + ], + [ + "ĠIng", + "redient" + ], + [ + "Ġseiz", + "ures" + ], + [ + "åħ", + "±" + ], + [ + "ific", + "ador" + ], + [ + "Ġsigu", + "iente" + ], + [ + "ĠIn", + "fragistics" + ], + [ + "Ġduplic", + "ated" + ], + [ + "ĠDe", + "e" + ], + [ + "Ġn", + "ø" + ], + [ + "ĠAC", + "CEPT" + ], + [ + "(c", + "rate" + ], + [ + "иÑĤ", + "елÑĮ" + ], + [ + "-", + "less" + ], + [ + "Ġinf", + "inity" + ], + [ + "An", + "alyzer" + ], + [ + "-D", + "ay" + ], + [ + "rit", + "t" + ], + [ + "(c", + "in" + ], + [ + "ĠG", + "y" + ], + [ + "Ġmulti", + "plied" + ], + [ + "uch", + "i" + ], + [ + "ĠBald", + "win" + ], + [ + "/", + "ip" + ], + [ + "Ġshort", + "cuts" + ], + [ + ".A", + "DD" + ], + [ + "Ġvig", + "or" + ], + [ + "_in", + "struction" + ], + [ + "(", + ";" + ], + [ + "_", + "eta" + ], + [ + "è¿", + "ŀ" + ], + [ + "utor", + "ials" + ], + [ + "Ġboost", + "ing" + ], + [ + "b", + "v" + ], + [ + "Ġacknowled", + "ges" + ], + [ + "List", + "ening" + ], + [ + "FA", + "Q" + ], + [ + ";", + "b" + ], + [ + "((", + "-" + ], + [ + "Ġarchitect", + "s" + ], + [ + "Ġz", + "we" + ], + [ + "Ġpul", + "s" + ], + [ + "Ġget", + "Count" + ], + [ + "ver", + "bs" + ], + [ + "ãĢ", + "ľ" + ], + [ + "(C", + "ollection" + ], + [ + "k", + "re" + ], + [ + "Ġjuris", + "dictions" + ], + [ + "_b", + "ridge" + ], + [ + "ĠCr", + "ack" + ], + [ + "ĠDiff", + "iculty" + ], + [ + "K", + "O" + ], + [ + "Res", + "ervation" + ], + [ + "_re", + "quires" + ], + [ + "T", + "our" + ], + [ + "ãģĹãģ", + "Ł" + ], + [ + ".set", + "Current" + ], + [ + "Ġk", + "y" + ], + [ + "ĠAlb", + "any" + ], + [ + "Ġè", + "§" + ], + [ + "ll", + "er" + ], + [ + "agn", + "a" + ], + [ + "work", + "ers" + ], + [ + ".bl", + "ank" + ], + [ + "ĠPr", + "ayer" + ], + [ + "M", + "IC" + ], + [ + "Ġresil", + "ience" + ], + [ + "Te", + "X" + ], + [ + "ĠL", + "anguages" + ], + [ + "st", + "udy" + ], + [ + "ĉc", + "urr" + ], + [ + "Ġenzym", + "es" + ], + [ + "Sl", + "ug" + ], + [ + "ĠíĮ", + "Į" + ], + [ + "str", + "al" + ], + [ + "Ġtum", + "ors" + ], + [ + "Ġseg", + "unda" + ], + [ + "='", + "{" + ], + [ + "in", + "struction" + ], + [ + "ĠL", + "isp" + ], + [ + "/", + "info" + ], + [ + "Ġ\"", + "{$" + ], + [ + ",:", + ")," + ], + [ + "Ġg", + "v" + ], + [ + "(", + "ErrorMessage" + ], + [ + "Ġ'", + "=" + ], + [ + "}-", + "${" + ], + [ + ".Doc", + "uments" + ], + [ + "\"", + "Well" + ], + [ + "Ġreminis", + "cent" + ], + [ + "Ġg", + "az" + ], + [ + "iro", + "pr" + ], + [ + "eh", + "r" + ], + [ + "Ġsup", + "pressed" + ], + [ + "ers", + "h" + ], + [ + ".scroll", + "To" + ], + [ + "Ġcad", + "ena" + ], + [ + "Ġgame", + "State" + ], + [ + "ÃŃ", + "m" + ], + [ + "(", + "conv" + ], + [ + "ĠTom", + "orrow" + ], + [ + "ĠC", + "CT" + ], + [ + "M", + "ongo" + ], + [ + "ul", + "g" + ], + [ + ".C", + "amera" + ], + [ + ".hand", + "lers" + ], + [ + "m", + "ph" + ], + [ + "Ġst", + "k" + ], + [ + "Ġgen", + "etics" + ], + [ + "AC", + "ING" + ], + [ + "Tr", + "ivia" + ], + [ + "ĠB", + "am" + ], + [ + "(m", + "arker" + ], + [ + ".St", + "retch" + ], + [ + "ĠSun", + "ni" + ], + [ + "ĠBet", + "ty" + ], + [ + ".t", + "olist" + ], + [ + "un", + "likely" + ], + [ + ".Rect", + "angle" + ], + [ + "ob", + "solete" + ], + [ + "IL", + "ON" + ], + [ + "inner", + "Text" + ], + [ + "emb", + "ourg" + ], + [ + "a", + "N" + ], + [ + "ĠV", + "ehicles" + ], + [ + "un", + "lock" + ], + [ + ":", + "utf" + ], + [ + "n", + "ob" + ], + [ + "ĠSee", + "ing" + ], + [ + "ĠNE", + "VER" + ], + [ + "Ġt", + "ls" + ], + [ + "Ġfil", + "les" + ], + [ + "Ġbenef", + "ited" + ], + [ + "ĠCl", + "int" + ], + [ + "*/", + ")," + ], + [ + ".f", + "old" + ], + [ + "Ġpos", + "ible" + ], + [ + "A", + "DED" + ], + [ + "th", + "ouse" + ], + [ + ".D", + "AL" + ], + [ + "ĠO", + "dd" + ], + [ + "ro", + "kes" + ], + [ + "ĠSun", + "ny" + ], + [ + "ĠPartial", + "Eq" + ], + [ + "_B", + "uffer" + ], + [ + "ĠLe", + "vi" + ], + [ + "long", + "rightarrow" + ], + [ + "eld", + "on" + ], + [ + "g", + "ages" + ], + [ + "_w", + "arn" + ], + [ + ".Create", + "Table" + ], + [ + "ĠD", + "ip" + ], + [ + "_", + "questions" + ], + [ + ".log", + "ic" + ], + [ + "Ġ#", + "\"" + ], + [ + "={()", + "=>" + ], + [ + "Ġt", + "ep" + ], + [ + "Ġju", + "icy" + ], + [ + "ì", + "Ĥ¬" + ], + [ + "en", + "ko" + ], + [ + "ia", + "lect" + ], + [ + "Ù", + "ī" + ], + [ + "Ġon", + "board" + ], + [ + "Ġæ", + "ı" + ], + [ + "ĉ", + "rt" + ], + [ + "_", + "UTF" + ], + [ + "ĠQ", + "Action" + ], + [ + "âĢ", + "ŀ" + ], + [ + "(", + "Component" + ], + [ + "(a", + "udio" + ], + [ + ".h", + "it" + ], + [ + "g", + "te" + ], + [ + "Ġprogram", + "med" + ], + [ + "state", + "Params" + ], + [ + "Ġpoly", + "ester" + ], + [ + "f", + "ires" + ], + [ + "by", + "ss" + ], + [ + "]", + "=(" + ], + [ + "_", + "quality" + ], + [ + "Of", + "Day" + ], + [ + "ĠFair", + "y" + ], + [ + "Ġy", + "elled" + ], + [ + "op", + "l" + ], + [ + "(user", + "Name" + ], + [ + "ĠD", + "ifference" + ], + [ + "Ġevalu", + "ations" + ], + [ + "iff", + "any" + ], + [ + "Ġcycl", + "ists" + ], + [ + "Ġc", + "idade" + ], + [ + "Ġtext", + "book" + ], + [ + "Ġprof", + "iling" + ], + [ + "__", + ")," + ], + [ + "de", + "a" + ], + [ + ".", + "activate" + ], + [ + "Ġindic", + "ations" + ], + [ + "Ð", + "ķ" + ], + [ + "Touch", + "UpInside" + ], + [ + "Ġinval", + "uable" + ], + [ + "ĠM", + "ASK" + ], + [ + "Ġcont", + "end" + ], + [ + "F", + "req" + ], + [ + "Ġrecru", + "its" + ], + [ + "(int", + "erval" + ], + [ + "ĠUser", + "Profile" + ], + [ + "Ġ'./", + "../" + ], + [ + "ed", + "u" + ], + [ + "_C", + "allback" + ], + [ + "Ġanal", + "ogy" + ], + [ + "ĠTro", + "phy" + ], + [ + "app", + "hire" + ], + [ + "V", + "ideos" + ], + [ + "ĠCh", + "er" + ], + [ + "ĠH", + "av" + ], + [ + "â̦", + "\"" + ], + [ + ".", + "validator" + ], + [ + "g", + "fx" + ], + [ + "ĠU", + "Object" + ], + [ + "class", + "names" + ], + [ + "tri", + "angle" + ], + [ + "ĠEnc", + "oder" + ], + [ + ".s", + "py" + ], + [ + "Ġpred", + "ators" + ], + [ + "=", + "status" + ], + [ + "-s", + "afe" + ], + [ + ":", + "\",Ċ" + ], + [ + "ĠIn", + "cluding" + ], + [ + "Ġ{}", + ";čĊ" + ], + [ + "*", + "cos" + ], + [ + "Ġend", + "ured" + ], + [ + ".sul", + "ake" + ], + [ + "Ġnurs", + "ery" + ], + [ + "Ġfrag", + "rance" + ], + [ + "Ġre", + "building" + ], + [ + "Ġn", + "th" + ], + [ + "ĠFr", + "aser" + ], + [ + ".set", + "Date" + ], + [ + "ĠV", + "ince" + ], + [ + "_RE", + "ST" + ], + [ + "Ġvent", + "ilation" + ], + [ + "æµ", + "·" + ], + [ + "cri", + "bes" + ], + [ + ".as", + "m" + ], + [ + "lp", + "Vtbl" + ], + [ + "ĠA", + "be" + ], + [ + "uis", + "ine" + ], + [ + ",", + "array" + ], + [ + "ĉ", + "className" + ], + [ + "err", + "als" + ], + [ + "Ġ'", + "ĊĊ" + ], + [ + "Check", + "out" + ], + [ + "Ġsol", + "icit" + ], + [ + "A", + "ux" + ], + [ + "_c", + "apture" + ], + [ + "Ġrib", + "s" + ], + [ + "rag", + "on" + ], + [ + "vi", + "ol" + ], + [ + "top", + "ics" + ], + [ + "Function", + "Flags" + ], + [ + "ĠM", + "arty" + ], + [ + "b", + "ike" + ], + [ + "ĠT", + "ucker" + ], + [ + "(k", + "ernel" + ], + [ + "ĠO", + "ps" + ], + [ + "Close", + "Operation" + ], + [ + "/d", + "emo" + ], + [ + "ild", + "a" + ], + [ + "ĠlÃŃ", + "nea" + ], + [ + "APP", + "ING" + ], + [ + "Ġsu", + "ites" + ], + [ + ".visit", + "VarInsn" + ], + [ + "ur", + "us" + ], + [ + "ĠMin", + "ute" + ], + [ + "(m", + "anager" + ], + [ + "Ġbutter", + "fly" + ], + [ + "Ġap", + "are" + ], + [ + "Ġw", + "olves" + ], + [ + "J", + "WT" + ], + [ + "ĠSal", + "on" + ], + [ + "ĉd", + "elay" + ], + [ + "-es", + "lint" + ], + [ + "is", + "ations" + ], + [ + ".r", + "pc" + ], + [ + ")|", + "(" + ], + [ + "ĠSnap", + "chat" + ], + [ + "/m", + "m" + ], + [ + "M", + "N" + ], + [ + "cer", + "ies" + ], + [ + ".text", + "Alignment" + ], + [ + "ĠFrank", + "furt" + ], + [ + "Ġad", + "o" + ], + [ + "(new", + "Value" + ], + [ + "(", + "access" + ], + [ + "(", + "Expression" + ], + [ + "ĠSign", + "In" + ], + [ + "ĠHait", + "i" + ], + [ + "_t", + "p" + ], + [ + ".set", + "Parameter" + ], + [ + "Min", + "ute" + ], + [ + "Ġmanual", + "s" + ], + [ + "ric", + "anes" + ], + [ + "ĠP", + "TR" + ], + [ + "ĠOut", + "er" + ], + [ + "Ġget", + "line" + ], + [ + "oc", + "ations" + ], + [ + "_C", + "D" + ], + [ + "ĠLy", + "on" + ], + [ + "/g", + "ui" + ], + [ + "_l", + "ive" + ], + [ + "id", + "an" + ], + [ + ".ge", + "om" + ], + [ + "Ġborder", + "Bottom" + ], + [ + "im", + "uth" + ], + [ + "_check", + "point" + ], + [ + "Ġme", + "u" + ], + [ + "ĠIr", + "ving" + ], + [ + "Ġpeu", + "vent" + ], + [ + "(M", + "AX" + ], + [ + "ĠAR", + "CH" + ], + [ + "Ġp", + "ov" + ], + [ + ".source", + "forge" + ], + [ + "Ġjam", + "ais" + ], + [ + "Ġar", + "k" + ], + [ + "ĠBaghd", + "ad" + ], + [ + "ĠC", + "LEAR" + ], + [ + "Menu", + "Bar" + ], + [ + "Ġtro", + "is" + ], + [ + "CHED", + "ULE" + ], + [ + "Ġ#", + "čĊ" + ], + [ + "(C", + "all" + ], + [ + "$", + "order" + ], + [ + "(M", + "aterial" + ], + [ + "Ġencontr", + "ado" + ], + [ + "$", + "list" + ], + [ + "ĠMETHOD", + "S" + ], + [ + ".begin", + "Transaction" + ], + [ + "_M", + "AG" + ], + [ + "Style", + "Sheet" + ], + [ + "Ġmaj", + "ors" + ], + [ + "Ġindef", + "initely" + ], + [ + "clean", + "up" + ], + [ + "Ġhom", + "eland" + ], + [ + "(d", + "to" + ], + [ + "D", + "ates" + ], + [ + "P", + "resentation" + ], + [ + "ĠD", + "K" + ], + [ + "={`", + "/" + ], + [ + "ĉ", + "Key" + ], + [ + "(", + "Block" + ], + [ + "_check", + "box" + ], + [ + "ne", + "eds" + ], + [ + "Ġon", + "Complete" + ], + [ + "ric", + "o" + ], + [ + "Ġgle", + "ich" + ], + [ + "Ġx", + "m" + ], + [ + "O", + "OD" + ], + [ + "B", + "etter" + ], + [ + "ĠSQL", + "ITE" + ], + [ + ".", + "Book" + ], + [ + "x", + "ad" + ], + [ + "ĠG", + "one" + ], + [ + "ĉd", + "p" + ], + [ + "Ġdev", + "otion" + ], + [ + "Ġst", + "m" + ], + [ + "Ġobs", + "ess" + ], + [ + "ĠBack", + "end" + ], + [ + "Qu", + "eries" + ], + [ + "I", + "k" + ], + [ + "//", + "****************************************************************" + ], + [ + "Ġdivid", + "ends" + ], + [ + ".parent", + "Element" + ], + [ + "}", + "\")ĊĊ" + ], + [ + "ĠMaterial", + "PageRoute" + ], + [ + ":", + "num" + ], + [ + "Ġexp", + "lic" + ], + [ + "ĠO", + "L" + ], + [ + "le", + "ast" + ], + [ + "O", + "ops" + ], + [ + "iment", + "os" + ], + [ + "Ġins", + "urers" + ], + [ + "Ġhero", + "ic" + ], + [ + "ĉf", + "ields" + ], + [ + ".img", + "ur" + ], + [ + ".btn", + "Cancel" + ], + [ + "ĠDetect", + "ive" + ], + [ + "(s", + "m" + ], + [ + "ĠMutable", + "LiveData" + ], + [ + ".l", + "ab" + ], + [ + "((", + "[" + ], + [ + "Ġha", + "irst" + ], + [ + "ĠTrans", + "actions" + ], + [ + "å¼Ģ", + "å§ĭ" + ], + [ + "Ġstd", + "Class" + ], + [ + "uent", + "o" + ], + [ + "G", + "IS" + ], + [ + "_c", + "od" + ], + [ + "Instruction", + "s" + ], + [ + "C", + "alls" + ], + [ + "Pointer", + "Type" + ], + [ + "ĠR", + "w" + ], + [ + "Ġassort", + "ment" + ], + [ + "ĠD", + "IG" + ], + [ + "+", + "r" + ], + [ + "_C", + "ERT" + ], + [ + "Ġinst", + "ability" + ], + [ + "Ġv", + "ib" + ], + [ + "on", + "as" + ], + [ + "Ġro", + "ku" + ], + [ + "ap", + "ellido" + ], + [ + "Ġan", + "gl" + ], + [ + "prene", + "ur" + ], + [ + "Ġfluid", + "s" + ], + [ + "ise", + "ase" + ], + [ + "Ġde", + "ed" + ], + [ + "qu", + "ist" + ], + [ + "_CONST", + "ANT" + ], + [ + "Ġequ", + "ilibrium" + ], + [ + "_de", + "legate" + ], + [ + "ĠQuant", + "um" + ], + [ + "re", + "i" + ], + [ + "Cap", + "abilities" + ], + [ + "rect", + "angle" + ], + [ + "?", + "><" + ], + [ + "al", + "ien" + ], + [ + "ĠJ", + "ug" + ], + [ + "D", + "NA" + ], + [ + "T", + "ickets" + ], + [ + "Occ", + "urs" + ], + [ + "ĠHaw", + "k" + ], + [ + ".setHorizontal", + "Group" + ], + [ + "\\", + "Collection" + ], + [ + "ff", + "iti" + ], + [ + "Ġre", + "arr" + ], + [ + ".setVertical", + "Group" + ], + [ + "Ġc", + "avity" + ], + [ + "Ġadult", + "e" + ], + [ + "Fac", + "ade" + ], + [ + "-", + "wh" + ], + [ + "ĠL", + "OL" + ], + [ + "Ø", + "°" + ], + [ + "Ġgrand", + "parents" + ], + [ + "Sw", + "ift" + ], + [ + "ĉw", + "x" + ], + [ + "æīĢ", + "æľī" + ], + [ + "if", + "en" + ], + [ + "ff", + "set" + ], + [ + "B", + "eyond" + ], + [ + "//", + "}ĊĊ" + ], + [ + "Ġw", + "ager" + ], + [ + "Ġb", + "ury" + ], + [ + "Ġcomm", + "ence" + ], + [ + "reg", + "istro" + ], + [ + "sc", + "ient" + ], + [ + "ĠPer", + "cent" + ], + [ + "Ġд", + "олж" + ], + [ + "(", + "identifier" + ], + [ + ".set", + "Model" + ], + [ + "Ġs", + "eldom" + ], + [ + "nt", + "on" + ], + [ + "Ġappl", + "iance" + ], + [ + "am", + "us" + ], + [ + "rys", + "ler" + ], + [ + "Ġpant", + "ies" + ], + [ + "engu", + "ins" + ], + [ + "Ġmim", + "ic" + ], + [ + "Ġon", + "Changed" + ], + [ + "Ġal", + "coholic" + ], + [ + ".reload", + "Data" + ], + [ + "Ch", + "arge" + ], + [ + "ĠF", + "ax" + ], + [ + "Ġj", + "ScrollPane" + ], + [ + "Emp", + "resa" + ], + [ + "Ġsh", + "attered" + ], + [ + "x", + "ba" + ], + [ + "Font", + "s" + ], + [ + "?", + "s" + ], + [ + "Ġpost", + "season" + ], + [ + "ret", + "ain" + ], + [ + "_r", + "ates" + ], + [ + "Ġrequest", + "Code" + ], + [ + ".t", + "odo" + ], + [ + "´", + "s" + ], + [ + "CH", + "K" + ], + [ + "ĠKeep", + "ing" + ], + [ + "enge", + "ance" + ], + [ + "Ġvs", + "code" + ], + [ + "IPP", + "ING" + ], + [ + "Default", + "CloseOperation" + ], + [ + "_", + "raise" + ], + [ + "ĠO", + "culus" + ], + [ + "ogram", + "s" + ], + [ + "ra", + "j" + ], + [ + "pc", + "i" + ], + [ + "Ġcorros", + "ion" + ], + [ + ".handle", + "Submit" + ], + [ + "Access", + "ible" + ], + [ + "ĠP", + "iano" + ], + [ + "l", + "ittle" + ], + [ + "AC", + "L" + ], + [ + "Äĩ", + "e" + ], + [ + ".un", + "wrap" + ], + [ + "ĠCon", + "vers" + ], + [ + "ĠLe", + "ben" + ], + [ + "ione", + "er" + ], + [ + "ĠMer", + "chant" + ], + [ + "ĠJ", + "orge" + ], + [ + "Ġembr", + "acing" + ], + [ + "Ġvent", + "a" + ], + [ + "á", + "st" + ], + [ + "Ġvi", + "ene" + ], + [ + "<", + "QString" + ], + [ + "Ġexplos", + "ions" + ], + [ + "Ġdistur", + "bed" + ], + [ + ".\"", + "<" + ], + [ + "m", + "emo" + ], + [ + "ĠAb", + "original" + ], + [ + "Ġcomple", + "to" + ], + [ + "Tex", + "Parameter" + ], + [ + "Ġuom", + "ini" + ], + [ + "(", + "agent" + ], + [ + "Ñĥ", + "ÑĢ" + ], + [ + "ĠWh", + "olesale" + ], + [ + "/", + "am" + ], + [ + "ĠBook", + "mark" + ], + [ + "dr", + "agon" + ], + [ + "Ġglo", + "ve" + ], + [ + "Ġ\"", + "\"));Ċ" + ], + [ + "iv", + "ariate" + ], + [ + "now", + "rap" + ], + [ + "In", + "Children" + ], + [ + ".B", + "r" + ], + [ + "Ġcon", + "exion" + ], + [ + "Ġback", + "bone" + ], + [ + "Ġe", + "clipse" + ], + [ + "Ġpersec", + "ution" + ], + [ + "':", + "ĊĊ" + ], + [ + "/", + "link" + ], + [ + "ĠP", + "ero" + ], + [ + "and", + "as" + ], + [ + "ĠT", + "ek" + ], + [ + ".", + "\");" + ], + [ + "-an", + "alysis" + ], + [ + "Ġer", + "ad" + ], + [ + "Mar", + "shal" + ], + [ + "Ġanch", + "ors" + ], + [ + "og", + "er" + ], + [ + "Ġconver", + "gence" + ], + [ + "st", + "icky" + ], + [ + "Ġnave", + "g" + ], + [ + "int", + "ern" + ], + [ + "_DE", + "SCRIPTOR" + ], + [ + "ĠConsult", + "ant" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "Ċ" + ], + [ + "ĠA", + "uch" + ], + [ + "Ġer", + "re" + ], + [ + "ÅĽ", + "li" + ], + [ + "ĠHor", + "izon" + ], + [ + "col", + "a" + ], + [ + "Install", + "ation" + ], + [ + "hot", + "mail" + ], + [ + "C", + "NN" + ], + [ + ".C", + "ollectors" + ], + [ + "ch", + "s" + ], + [ + "(tr", + "ace" + ], + [ + "ĠEnc", + "rypt" + ], + [ + "Ġ----", + "--" + ], + [ + "ĠBase", + "Controller" + ], + [ + "Ġag", + "ua" + ], + [ + "Ġre", + "active" + ], + [ + "id", + "l" + ], + [ + "Ġclass", + "Names" + ], + [ + "ĉ", + "Session" + ], + [ + "ĠDod", + "gers" + ], + [ + "H", + "ad" + ], + [ + "_l", + "v" + ], + [ + "Is", + "Valid" + ], + [ + "ĠHEL", + "P" + ], + [ + "ut", + "to" + ], + [ + "ĠVer", + "ification" + ], + [ + "Ġget", + "env" + ], + [ + "_p", + "a" + ], + [ + ".b", + "mp" + ], + [ + ":", + "f" + ], + [ + "ĠLou", + "ise" + ], + [ + "('", + ";" + ], + [ + "/", + "socket" + ], + [ + "Gr", + "anted" + ], + [ + ".c", + "alendar" + ], + [ + "(", + "IP" + ], + [ + "ĠP", + "X" + ], + [ + ".R", + "oom" + ], + [ + "Ġprogram", + "m" + ], + [ + "ens", + "i" + ], + [ + "Ġtablesp", + "oons" + ], + [ + "Ġle", + "ve" + ], + [ + "Ġmo", + "str" + ], + [ + ".t", + "ipo" + ], + [ + "/", + "an" + ], + [ + "(d", + "i" + ], + [ + "Ġb", + "iod" + ], + [ + "Ġdb", + "Context" + ], + [ + "ĠJS", + "X" + ], + [ + "ĉ", + "results" + ], + [ + ".", + "END" + ], + [ + "ht", + "e" + ], + [ + "l", + "ify" + ], + [ + "P", + "recision" + ], + [ + "èĬ", + "Ĥ" + ], + [ + "ARS", + "ER" + ], + [ + ")did", + "ReceiveMemoryWarning" + ], + [ + "at", + "tempt" + ], + [ + "IS", + "P" + ], + [ + "&", + "a" + ], + [ + "_P", + "OP" + ], + [ + "ĠT", + "ac" + ], + [ + "Ġprepared", + "Statement" + ], + [ + "Ġзап", + "иÑģ" + ], + [ + "Ġow", + "ing" + ], + [ + ",", + "start" + ], + [ + "Ġreview", + "er" + ], + [ + "Ġr", + "st" + ], + [ + "Ġprop", + "Types" + ], + [ + "Ġrock", + "y" + ], + [ + "_lo", + "cale" + ], + [ + "ĠStrateg", + "ies" + ], + [ + "ĠWe", + "ber" + ], + [ + ".C", + "ascade" + ], + [ + "_equal", + "To" + ], + [ + "Ġcos", + "as" + ], + [ + "ĠDe", + "letes" + ], + [ + "ĠMax", + "im" + ], + [ + "Ġsh", + "rimp" + ], + [ + "re", + "trieve" + ], + [ + ".In", + "clude" + ], + [ + "IG", + "IN" + ], + [ + "ĠO", + "E" + ], + [ + "]", + ");čĊčĊ" + ], + [ + ".en", + "umer" + ], + [ + "Ġco", + "ef" + ], + [ + "_N", + "ull" + ], + [ + "R", + "a" + ], + [ + "ty", + "ard" + ], + [ + "ĠSh", + "awn" + ], + [ + "keep", + "ers" + ], + [ + "Ġq", + "q" + ], + [ + "_s", + "b" + ], + [ + "om", + "ens" + ], + [ + "ĠExec", + "utes" + ], + [ + "#", + "\"" + ], + [ + "TT", + "Y" + ], + [ + "ĠValue", + "Type" + ], + [ + ");", + "*/Ċ" + ], + [ + "ĠAbs", + "olutely" + ], + [ + "ĠT", + "ottenham" + ], + [ + "/", + "art" + ], + [ + "Ġbless", + "ings" + ], + [ + "Ġswift", + "ly" + ], + [ + "b", + "uster" + ], + [ + "Ġa", + "vid" + ], + [ + "COM", + "M" + ], + [ + ",", + "temp" + ], + [ + "Ġ}", + "?>Ċ" + ], + [ + "-g", + "rowing" + ], + [ + "Ġdeep", + "copy" + ], + [ + "A", + "ck" + ], + [ + "egg", + "ies" + ], + [ + "Ġ__", + "(\"" + ], + [ + "Ġno", + "ir" + ], + [ + "terror", + "ism" + ], + [ + "Ġanth", + "em" + ], + [ + "ag", + "ency" + ], + [ + "_PACK", + "AGE" + ], + [ + "ĠC", + "losure" + ], + [ + ".reg", + "istry" + ], + [ + "Ġmamm", + "als" + ], + [ + "<", + "L" + ], + [ + "U", + "ICollectionView" + ], + [ + "ĠLED", + "s" + ], + [ + "Ġvol", + "ley" + ], + [ + "(", + "Buffer" + ], + [ + "_N", + "ATIVE" + ], + [ + "lib", + "c" + ], + [ + "impl", + "ode" + ], + [ + "Scroll", + "Bar" + ], + [ + "ĠMar", + "ion" + ], + [ + ".Con", + "tracts" + ], + [ + "_A", + "t" + ], + [ + "ĠWe", + "instein" + ], + [ + "compare", + "To" + ], + [ + "ĠH", + "ose" + ], + [ + "en", + "ity" + ], + [ + ".create", + "Query" + ], + [ + "_r", + "outer" + ], + [ + "Ġstim", + "uli" + ], + [ + "Ġ++", + ")" + ], + [ + "ĠCh", + "amp" + ], + [ + "ĠBay", + "ern" + ], + [ + "ass", + "a" + ], + [ + ".v", + "a" + ], + [ + "Ġdistrib", + "utors" + ], + [ + "Ġfile", + "private" + ], + [ + "Ġdepart", + "ed" + ], + [ + "cc", + "cc" + ], + [ + "@", + "click" + ], + [ + "ĠL", + "unch" + ], + [ + ">", + "L" + ], + [ + "Ġbl", + "uetooth" + ], + [ + ".De", + "ep" + ], + [ + "-", + "standing" + ], + [ + "ác", + "il" + ], + [ + "Ġro", + "oft" + ], + [ + "ĠPath", + "s" + ], + [ + "_iter", + "ations" + ], + [ + "Invalid", + "ArgumentException" + ], + [ + ".s", + "pi" + ], + [ + "ĠUIAlert", + "Action" + ], + [ + "uy", + "e" + ], + [ + "sign", + "in" + ], + [ + ".p", + "riority" + ], + [ + "ĠEss", + "ays" + ], + [ + "='", + "{$" + ], + [ + "Ġè¿", + "ĶåĽŀ" + ], + [ + "_s", + "igned" + ], + [ + ".p", + "ersist" + ], + [ + "Ġred", + "esign" + ], + [ + "To", + "Lower" + ], + [ + "ĠNew", + "man" + ], + [ + "=", + "start" + ], + [ + "ĠIsrael", + "is" + ], + [ + "asis", + "wa" + ], + [ + "Spe", + "ech" + ], + [ + "Ġnum", + "eros" + ], + [ + "hand", + "lers" + ], + [ + "ĠW", + "ong" + ], + [ + "Ġм", + "еÑĤод" + ], + [ + "We", + "ights" + ], + [ + "ĠGu", + "jar" + ], + [ + "te", + "il" + ], + [ + "ĠNon", + "etheless" + ], + [ + "_E", + "FFECT" + ], + [ + "Ġv", + "ect" + ], + [ + "ĠO", + "sc" + ], + [ + "Ġco", + "ats" + ], + [ + "ĠW", + "heat" + ], + [ + "Ġge", + "ek" + ], + [ + "ĠPRO", + "PERTY" + ], + [ + "w", + "orm" + ], + [ + "_const", + "ants" + ], + [ + "ĠB", + "oulder" + ], + [ + "ĠP", + "arm" + ], + [ + "co", + "le" + ], + [ + "Ġdefault", + "Center" + ], + [ + "ĠRou", + "ge" + ], + [ + ":", + "A" + ], + [ + "xc", + "f" + ], + [ + "ĠVen", + "ice" + ], + [ + "med", + "ian" + ], + [ + "Ġred", + "emption" + ], + [ + "F", + "resh" + ], + [ + "Ġcos", + "m" + ], + [ + "Ġfig", + "ur" + ], + [ + "Ġref", + "urb" + ], + [ + "CO", + "PE" + ], + [ + ".c", + "d" + ], + [ + "Ġch", + "ords" + ], + [ + "ĠS", + "gt" + ], + [ + "Å", + "į" + ], + [ + "VP", + "N" + ], + [ + "ĠS", + "END" + ], + [ + "ain", + "en" + ], + [ + "_account", + "s" + ], + [ + "Ġtent", + "h" + ], + [ + "Ġdiss", + "olved" + ], + [ + "<", + "App" + ], + [ + "ĠCover", + "age" + ], + [ + "use", + "State" + ], + [ + "é", + "ro" + ], + [ + "..", + "<" + ], + [ + "Ġì", + "£¼" + ], + [ + "Ġdream", + "ing" + ], + [ + "ĠFore", + "cast" + ], + [ + ".C", + "ursors" + ], + [ + "Ġvis", + "as" + ], + [ + "/", + "script" + ], + [ + "_start", + "ed" + ], + [ + "Ġga", + "str" + ], + [ + "(P", + "RO" + ], + [ + "];", + "//" + ], + [ + ".T", + "ile" + ], + [ + "*", + "sin" + ], + [ + "(", + "Adapter" + ], + [ + "ĠSand", + "ra" + ], + [ + "_S", + "IG" + ], + [ + "ard", + "ash" + ], + [ + "ĠO", + "val" + ], + [ + "Ġdescri", + "pcion" + ], + [ + "(s", + "l" + ], + [ + "ĠDes", + "criptor" + ], + [ + "Ġ`", + "$" + ], + [ + "/f", + "ree" + ], + [ + "ĠKey", + "words" + ], + [ + "Ġt", + "udo" + ], + [ + "ion", + "ale" + ], + [ + "(f", + "ound" + ], + [ + ".x", + "yz" + ], + [ + "ĠGeneration", + "Type" + ], + [ + "_DISABLE", + "D" + ], + [ + "(", + "area" + ], + [ + "Ġel", + "ites" + ], + [ + "Ġh", + "ombre" + ], + [ + "(m", + "essages" + ], + [ + "ĠR", + "ac" + ], + [ + "Ġext", + "ingu" + ], + [ + "ĠEst", + "a" + ], + [ + "op", + "o" + ], + [ + ".", + "vel" + ], + [ + "mouse", + "out" + ], + [ + "Ġconv", + "olution" + ], + [ + "ĠHand", + "ling" + ], + [ + "Ġceil", + "ings" + ], + [ + "T", + "ek" + ], + [ + "ĠAre", + "as" + ], + [ + ".writer", + "ow" + ], + [ + "<", + "View" + ], + [ + "ĠCorn", + "ell" + ], + [ + "_B", + "IN" + ], + [ + ".in", + "valid" + ], + [ + "''", + "'čĊ" + ], + [ + "ie", + "ż" + ], + [ + "_P", + "osition" + ], + [ + "Ġk", + "idding" + ], + [ + "PC", + "ODE" + ], + [ + "Ġwatch", + "er" + ], + [ + "lo", + "x" + ], + [ + "Ġâ", + "Ĺ" + ], + [ + "D", + "ave" + ], + [ + "_all", + "ow" + ], + [ + "Ġbis", + "exual" + ], + [ + "Ġun", + "ordered" + ], + [ + "ĠSch", + "we" + ], + [ + "_se", + "gments" + ], + [ + "Ġt", + "earing" + ], + [ + "IN", + "LINE" + ], + [ + "Ġund", + "es" + ], + [ + ".g", + "oods" + ], + [ + ".c", + "am" + ], + [ + "ĠL", + "W" + ], + [ + "ĉ", + "where" + ], + [ + "Cal", + "culator" + ], + [ + "-th", + "reat" + ], + [ + "-", + "alert" + ], + [ + "ĠSuz", + "uki" + ], + [ + "ĠIP", + "A" + ], + [ + "ĠAtt", + "achment" + ], + [ + "AC", + "CESS" + ], + [ + "(d", + "type" + ], + [ + "O", + "pp" + ], + [ + "_s", + "ymbols" + ], + [ + "Ġdans", + "ke" + ], + [ + "l", + "age" + ], + [ + "or", + "get" + ], + [ + "res", + "olution" + ], + [ + "е", + "Ñĩ" + ], + [ + "ĠQ", + "Color" + ], + [ + "ĠBar", + "rett" + ], + [ + "аÑĨи", + "Ñı" + ], + [ + "=", + "\\'" + ], + [ + "ĠNav", + "Controller" + ], + [ + "/", + "ref" + ], + [ + "(c", + "ountry" + ], + [ + "_H", + "DR" + ], + [ + "Ġterse", + "but" + ], + [ + "pet", + "ition" + ], + [ + "Ġsu", + "f" + ], + [ + "cred", + "its" + ], + [ + "à¹", + "Į" + ], + [ + "x", + "m" + ], + [ + "ĠDav", + "ies" + ], + [ + ".re", + "ddit" + ], + [ + "Ġw", + "oven" + ], + [ + "ĠO", + "bl" + ], + [ + "ĠK", + "M" + ], + [ + "ĠConsider", + "ing" + ], + [ + "ens", + "ored" + ], + [ + ".per", + "iod" + ], + [ + "Ġd", + "dl" + ], + [ + "$", + "wp" + ], + [ + "Ġextrem", + "ist" + ], + [ + ";", + "\\Ċ" + ], + [ + "Ġk", + "im" + ], + [ + "al", + "ers" + ], + [ + "Ġspan", + "ning" + ], + [ + "Ġco", + "herent" + ], + [ + "Ġconse", + "gu" + ], + [ + ".text", + "Label" + ], + [ + ".g", + "eneral" + ], + [ + "_d", + "ashboard" + ], + [ + "л", + "ение" + ], + [ + "k", + "ick" + ], + [ + "_P", + "ID" + ], + [ + "ĠExt", + "ensions" + ], + [ + "reg", + "exp" + ], + [ + "ĠCl", + "ause" + ], + [ + "_m", + "ov" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "ĠR", + "eward" + ], + [ + "ĠLEG", + "O" + ], + [ + "A", + "k" + ], + [ + "=-=-", + "=-=-" + ], + [ + "ĉ", + "parser" + ], + [ + "Ġon", + "ze" + ], + [ + "éĢ", + "Ģ" + ], + [ + "âĢĿ", + "ãĢĤ" + ], + [ + "_b", + "all" + ], + [ + "(r", + "hs" + ], + [ + "Ġch", + "orus" + ], + [ + "<", + "count" + ], + [ + "as", + "urable" + ], + [ + "Ġwirk", + "lich" + ], + [ + "ĠEr", + "in" + ], + [ + "ĠMS", + "NBC" + ], + [ + "Ġet", + "ter" + ], + [ + "ĠC", + "ron" + ], + [ + "_F", + "LOW" + ], + [ + "Ġ,", + "čĊ" + ], + [ + "Ġcal", + "idad" + ], + [ + "ĠFile", + "Writer" + ], + [ + "ĉ", + "stmt" + ], + [ + "(", + "Byte" + ], + [ + "_p", + "at" + ], + [ + "Ġte", + "lescope" + ], + [ + "Ġgre", + "ed" + ], + [ + "ĠT", + "ort" + ], + [ + "(w", + "rite" + ], + [ + "\\", + "application" + ], + [ + "ĉRT", + "LR" + ], + [ + "ĠConfiguration", + "Manager" + ], + [ + "Un", + "ix" + ], + [ + "End", + "Time" + ], + [ + "In", + "cludes" + ], + [ + "ĠHar", + "vest" + ], + [ + "en", + "berg" + ], + [ + "ĠAustral", + "ians" + ], + [ + "Ġë", + "ĵ" + ], + [ + "Ġr", + "n" + ], + [ + "Ġreput", + "able" + ], + [ + "Ġbl", + "ending" + ], + [ + "UL", + "ATION" + ], + [ + "ĠBrend", + "an" + ], + [ + "d", + "ad" + ], + [ + "Ġm", + "ø" + ], + [ + "ĠW", + "oo" + ], + [ + "_d", + "c" + ], + [ + "U", + "ne" + ], + [ + "Ġr", + "ue" + ], + [ + "with", + "in" + ], + [ + "ang", + "ep" + ], + [ + "Ġp", + "ouch" + ], + [ + "\\\"", + "\"," + ], + [ + "ĠS", + "ic" + ], + [ + "âĢĿ", + ")," + ], + [ + "aly", + "ze" + ], + [ + "ĠG", + "ef" + ], + [ + "c", + "overs" + ], + [ + "Ġd", + "bo" + ], + [ + "replace", + "All" + ], + [ + "ĉ", + "Logger" + ], + [ + "Try", + "ing" + ], + [ + "[", + "state" + ], + [ + "-p", + "iece" + ], + [ + "éĸ", + "ĵ" + ], + [ + "beh", + "avior" + ], + [ + "all", + "ows" + ], + [ + "l", + "rt" + ], + [ + "_p", + "ython" + ], + [ + "ert", + "ura" + ], + [ + "-c", + "ountry" + ], + [ + "ĠT", + "G" + ], + [ + ".UI", + "Manager" + ], + [ + "b", + "ens" + ], + [ + "ale", + "x" + ], + [ + "ĠBre", + "itbart" + ], + [ + "b", + "ac" + ], + [ + "Ġpredict", + "s" + ], + [ + "Ġg", + "ab" + ], + [ + "Ġcard", + "inal" + ], + [ + ".Time", + "Unit" + ], + [ + "ĠVis", + "itor" + ], + [ + "ĠM", + "ing" + ], + [ + "Ġliv", + "re" + ], + [ + "Ġparent", + "Id" + ], + [ + "port", + "un" + ], + [ + "Ġdimension", + "al" + ], + [ + "ĠV", + "est" + ], + [ + "en", + "ic" + ], + [ + "à", + "³" + ], + [ + "Ġ", + "Ùĩ" + ], + [ + "ĠBL", + "UE" + ], + [ + "Ġitem", + "Count" + ], + [ + "Ġfe", + "athers" + ], + [ + "ĉp", + "stmt" + ], + [ + "ĠPol", + "ar" + ], + [ + "{", + "//" + ], + [ + "und", + "i" + ], + [ + "Ñĥ", + "ж" + ], + [ + "z", + "ar" + ], + [ + "Error", + "Response" + ], + [ + "ì", + "ĥģ" + ], + [ + "Rep", + "resentation" + ], + [ + "*", + "_" + ], + [ + "+", + "]" + ], + [ + "pre", + "pend" + ], + [ + "Ġ'", + ">" + ], + [ + "Ġlegitim", + "acy" + ], + [ + "Ġo", + "o" + ], + [ + "S", + "linky" + ], + [ + "Ġnation", + "als" + ], + [ + ".", + "words" + ], + [ + ";", + "p" + ], + [ + "tr", + "ap" + ], + [ + "oman", + "ip" + ], + [ + "Ġc", + "ues" + ], + [ + "Ġgradu", + "ating" + ], + [ + "Ġsem", + "aphore" + ], + [ + "\"]", + ");ĊĊ" + ], + [ + "ace", + "y" + ], + [ + "RE", + "ET" + ], + [ + "Gr", + "ab" + ], + [ + "ĠFel", + "ix" + ], + [ + "(", + "Id" + ], + [ + "_ne", + "ighbors" + ], + [ + "Ġmeaning", + "less" + ], + [ + "(d", + "el" + ], + [ + "Ġj", + "eder" + ], + [ + "ĠContent", + "Values" + ], + [ + ".abs", + "olute" + ], + [ + "/", + "cl" + ], + [ + "Ġx", + "b" + ], + [ + "dat", + "um" + ], + [ + "Ġtort", + "ured" + ], + [ + "Ġrub", + "bing" + ], + [ + "S", + "cores" + ], + [ + "ĠðŁĺ", + "ī" + ], + [ + "Ġav", + "ons" + ], + [ + "Ġam", + "sterdam" + ], + [ + "E", + "OS" + ], + [ + "H", + "al" + ], + [ + "Ġtrust", + "worthy" + ], + [ + "#", + "=" + ], + [ + ".EX", + "TRA" + ], + [ + "Ġman", + "o" + ], + [ + "is", + "icing" + ], + [ + "-s", + "upport" + ], + [ + "ĉc", + "ursor" + ], + [ + "ĠSp", + "o" + ], + [ + "aim", + "assage" + ], + [ + "M", + "ission" + ], + [ + "[]", + "{\"" + ], + [ + "Ġprint", + "ers" + ], + [ + "G", + "REEN" + ], + [ + "Ġt", + "eg" + ], + [ + "Ġabdom", + "inal" + ], + [ + "!", + "ĊĊĊĊĊĊ" + ], + [ + ".Sh", + "ort" + ], + [ + "аз", + "в" + ], + [ + "ĠGift", + "s" + ], + [ + "}", + "\")" + ], + [ + "(b", + "inding" + ], + [ + "x", + "ce" + ], + [ + "âĢ", + "ij" + ], + [ + "inf", + "os" + ], + [ + "Form", + "Data" + ], + [ + "Ġd", + "art" + ], + [ + "Ġele", + "ms" + ], + [ + "(in", + "v" + ], + [ + "Y", + "L" + ], + [ + "t", + "in" + ], + [ + "GEN", + "ER" + ], + [ + "á»", + "¯" + ], + [ + "ĠT", + "aken" + ], + [ + "uck", + "le" + ], + [ + ":", + "e" + ], + [ + "Ġspect", + "ral" + ], + [ + ".b", + "aidu" + ], + [ + "/", + "');Ċ" + ], + [ + "Ġgre", + "edy" + ], + [ + "es", + "ion" + ], + [ + ",,,,", + ",,,," + ], + [ + "Ġ/>", + ",Ċ" + ], + [ + "Internal", + "ServerError" + ], + [ + "NSNotification", + "Center" + ], + [ + "ĠA", + "i" + ], + [ + "Ġsp", + "it" + ], + [ + "Ġaug", + "mented" + ], + [ + "Ġstandard", + "UserDefaults" + ], + [ + "FIN", + "ITY" + ], + [ + "R", + "ace" + ], + [ + ":", + "C" + ], + [ + "ĠRE", + "CORD" + ], + [ + "ĠHigh", + "light" + ], + [ + "Ġ'", + "`" + ], + [ + "Ġdef", + "icits" + ], + [ + "Ġne", + "i" + ], + [ + "Ġresearch", + "ed" + ], + [ + "T", + "a" + ], + [ + "Ġc", + "opp" + ], + [ + ".Get", + "HashCode" + ], + [ + "):", + "čĊčĊ" + ], + [ + "On", + "Click" + ], + [ + "ĠWell", + "ington" + ], + [ + "Ġrev", + "ival" + ], + [ + "æ¯", + "Ķ" + ], + [ + "éĹ", + "®" + ], + [ + "ĠN", + "SS" + ], + [ + "Ġfor", + "n" + ], + [ + "Ġint", + "é" + ], + [ + "ĠKu", + "wait" + ], + [ + "_fl", + "ip" + ], + [ + "_", + "bo" + ], + [ + "_", + "\\" + ], + [ + "Ġocc", + "urrences" + ], + [ + "ĠScient", + "ists" + ], + [ + "S", + "RC" + ], + [ + "og", + "ens" + ], + [ + "igr", + "ant" + ], + [ + "RE", + "MOTE" + ], + [ + "ĠS", + "ID" + ], + [ + ".", + "opts" + ], + [ + "u", + "ve" + ], + [ + "()", + "])Ċ" + ], + [ + "Ġlibert", + "arian" + ], + [ + "ĠGl", + "ide" + ], + [ + "les", + "en" + ], + [ + "Ġform", + "e" + ], + [ + "ow", + "ania" + ], + [ + "Ġannoy", + "ed" + ], + [ + "Def", + "s" + ], + [ + "ĠExec", + "utor" + ], + [ + "Ġcast", + "s" + ], + [ + ".set", + "Checked" + ], + [ + "ĠSh", + "aring" + ], + [ + ".Serialize", + "Object" + ], + [ + "Ġselect", + "ors" + ], + [ + "_", + "OTHER" + ], + [ + "ë¯", + "¸" + ], + [ + "(s", + "uper" + ], + [ + "(", + "OS" + ], + [ + "_VER", + "IFY" + ], + [ + "id", + "unt" + ], + [ + "<", + "header" + ], + [ + "Ġ/>", + "';Ċ" + ], + [ + "Ġvidé", + "o" + ], + [ + "ĠNeg", + "ro" + ], + [ + "ĠL", + "ords" + ], + [ + "ĠT", + "ours" + ], + [ + "Ġsoft", + "ly" + ], + [ + ".re", + "ceive" + ], + [ + "ĠE", + "RC" + ], + [ + "Ġdata", + "Set" + ], + [ + "Bad", + "ge" + ], + [ + "ĉ", + "Event" + ], + [ + "Ġper", + "l" + ], + [ + "Ġ{}", + "\\" + ], + [ + "(s", + "entence" + ], + [ + "Or", + "Update" + ], + [ + "Ġdim", + "inish" + ], + [ + "P", + "IN" + ], + [ + "(d", + "raw" + ], + [ + ".To", + "DateTime" + ], + [ + ".Equal", + "To" + ], + [ + "(p", + "in" + ], + [ + "-p", + "encil" + ], + [ + "lu", + "ent" + ], + [ + "ĠCall", + "er" + ], + [ + "Ġplay", + "ful" + ], + [ + "-", + "'+" + ], + [ + "x", + "ca" + ], + [ + "sw", + "ick" + ], + [ + "){", + "}Ċ" + ], + [ + "}:", + "${" + ], + [ + "ĠM", + "eth" + ], + [ + ".get", + "Cell" + ], + [ + ".b", + "reak" + ], + [ + "Ġy", + "max" + ], + [ + "='", + "Ċ" + ], + [ + "ĠH", + "iro" + ], + [ + "(", + "TRUE" + ], + [ + "as", + "urer" + ], + [ + "Ġcu", + "er" + ], + [ + "U", + "ber" + ], + [ + ".", + "Operation" + ], + [ + "Ġol", + "an" + ], + [ + "Ġthr", + "illing" + ], + [ + "<", + "Response" + ], + [ + "ĠF", + "emin" + ], + [ + "Ġtravers", + "al" + ], + [ + "Ġp", + "oc" + ], + [ + "Ġset", + "Status" + ], + [ + "decl", + "ar" + ], + [ + "std", + "afx" + ], + [ + "Ġaddict", + "ive" + ], + [ + "ĠB", + "tn" + ], + [ + "Ġexplos", + "ives" + ], + [ + "ĠCook", + "ing" + ], + [ + "ĠPl", + "aint" + ], + [ + "Ġaccum", + "ulator" + ], + [ + "ĠApp", + "ointment" + ], + [ + ",", + "password" + ], + [ + "ĠF", + "AR" + ], + [ + "lu", + "et" + ], + [ + "Further", + "more" + ], + [ + "decl", + "spec" + ], + [ + "_Static", + "s" + ], + [ + ".D", + "ictionary" + ], + [ + "\">", + "'." + ], + [ + "ĉ", + "valid" + ], + [ + "\"", + "\"," + ], + [ + "In", + "strument" + ], + [ + ">", + "J" + ], + [ + "Ġno", + "str" + ], + [ + "ĠR", + "ift" + ], + [ + "_P", + "ort" + ], + [ + "Ġvec", + "es" + ], + [ + "[", + "['" + ], + [ + "Ġrall", + "ies" + ], + [ + "-", + "series" + ], + [ + "Ġv", + "v" + ], + [ + ".", + "uc" + ], + [ + "Ġr", + "tn" + ], + [ + "State", + "Changed" + ], + [ + "(", + "ins" + ], + [ + "ĠCl", + "a" + ], + [ + "------------", + "Ċ" + ], + [ + "c", + "us" + ], + [ + "ĠRel", + "oad" + ], + [ + "//----------------------------------------------------------------", + "--------------------------------" + ], + [ + ".se", + "conds" + ], + [ + "_dest", + "ination" + ], + [ + "Ġscrew", + "ed" + ], + [ + ">", + "c" + ], + [ + "Th", + "ickness" + ], + [ + "Design", + "er" + ], + [ + "Ġgr", + "ids" + ], + [ + "n", + "Äħ" + ], + [ + "(", + "cookie" + ], + [ + "T", + "rip" + ], + [ + "-M", + "obile" + ], + [ + "Ġv", + "oll" + ], + [ + "Ġgen", + "ital" + ], + [ + "Ġconf", + "isc" + ], + [ + "ĠConfeder", + "ate" + ], + [ + "Ġweb", + "View" + ], + [ + "Ġm", + "ise" + ], + [ + "Ġcl", + "er" + ], + [ + "(se", + "lection" + ], + [ + "$", + "date" + ], + [ + "Ġshar", + "pen" + ], + [ + "rag", + "en" + ], + [ + "And", + "Update" + ], + [ + "Ġrem", + "ix" + ], + [ + "Ġh", + "tons" + ], + [ + "R", + "W" + ], + [ + "M", + "PI" + ], + [ + "Ġretrie", + "val" + ], + [ + "Ġric", + "hest" + ], + [ + ".Dec", + "ode" + ], + [ + ":init", + "Components" + ], + [ + "ĠT", + "Value" + ], + [ + "S", + "aint" + ], + [ + "@", + "include" + ], + [ + "ĠPER", + "SON" + ], + [ + ".se", + "p" + ], + [ + "ĠLD", + "AP" + ], + [ + "g", + "ba" + ], + [ + "Ġgro", + "ÃŁe" + ], + [ + "Ġreli", + "ably" + ], + [ + "ĠD", + "FS" + ], + [ + ".getItem", + "Id" + ], + [ + "Ġprés", + "ent" + ], + [ + ".get", + "Token" + ], + [ + "Ġch", + "inese" + ], + [ + "ĠMe", + "al" + ], + [ + "Y", + "OU" + ], + [ + "\">", + ">ĊĊ" + ], + [ + "b", + "ower" + ], + [ + "Ġsw", + "apped" + ], + [ + "/", + "install" + ], + [ + "Ġs", + "inks" + ], + [ + "etr", + "ize" + ], + [ + "Ġdecl", + "ines" + ], + [ + "ĉm", + "ysql" + ], + [ + "ĠC", + "String" + ], + [ + "ĠMotion", + "Event" + ], + [ + ".L", + "anguage" + ], + [ + "R", + "oad" + ], + [ + "ÑĤ", + "еÑĢ" + ], + [ + "asc", + "imento" + ], + [ + "'))", + "->" + ], + [ + ".", + "about" + ], + [ + "(", + "editor" + ], + [ + "ĠR", + "atings" + ], + [ + "in", + "come" + ], + [ + "Å¡", + "e" + ], + [ + ".de", + "queueReusableCell" + ], + [ + "ĠAust", + "rian" + ], + [ + "Ġs", + "ulla" + ], + [ + "ĠTrib", + "unal" + ], + [ + "ĠDid", + "n" + ], + [ + "ов", + "аÑĢ" + ], + [ + "Ġins", + "pections" + ], + [ + "B", + "oss" + ], + [ + "Ġcock", + "tails" + ], + [ + "Ġapolog", + "ized" + ], + [ + "_sub", + "plot" + ], + [ + "op", + "al" + ], + [ + "+", + "=(" + ], + [ + "Ġreson", + "ance" + ], + [ + "ib", + "u" + ], + [ + "Ġë", + "¦¬" + ], + [ + "rom", + "a" + ], + [ + "res", + "erve" + ], + [ + "pl", + "s" + ], + [ + "ĠT", + "ah" + ], + [ + "ax", + "ies" + ], + [ + "OP", + "LE" + ], + [ + "ĠDar", + "ren" + ], + [ + "ĠZ", + "ombie" + ], + [ + "_M", + "ap" + ], + [ + "Ġ]", + ")ĊĊ" + ], + [ + "ĠQ", + "i" + ], + [ + "ĠS", + "ail" + ], + [ + "Ġrestrict", + "ive" + ], + [ + "Ġeros", + "ion" + ], + [ + "-", + "par" + ], + [ + "WH", + "ITE" + ], + [ + "Ġold", + "u" + ], + [ + "Ġap", + "erture" + ], + [ + "Ġbit", + "coins" + ], + [ + "text", + "o" + ], + [ + "ĠCom", + "cast" + ], + [ + "Ġtime", + "less" + ], + [ + "en", + "kins" + ], + [ + "Ġfeed", + "er" + ], + [ + "/", + "tmp" + ], + [ + "res", + "den" + ], + [ + "+'", + "_" + ], + [ + ".D", + "estroy" + ], + [ + "Ġç", + "ok" + ], + [ + "ĠD", + "OCUMENT" + ], + [ + ".l", + "ng" + ], + [ + ".tag", + "Name" + ], + [ + "Ġk", + "ullan" + ], + [ + "eg", + "rate" + ], + [ + "Ġ(*", + "." + ], + [ + "ç¼ĸ", + "è¾ij" + ], + [ + "Ġhand", + "shake" + ], + [ + "s", + "oc" + ], + [ + "_", + "geometry" + ], + [ + "ĠDam", + "ascus" + ], + [ + "Min", + "or" + ], + [ + "ĠK", + "afka" + ], + [ + "ìĹ", + "¬" + ], + [ + "Fl", + "orida" + ], + [ + "_com", + "pute" + ], + [ + ".ex", + "pr" + ], + [ + "Ġpar", + "alle" + ], + [ + "ĠD", + "iaz" + ], + [ + "c", + "ir" + ], + [ + "[", + "target" + ], + [ + "Ġj", + "oking" + ], + [ + "Ġgl", + "or" + ], + [ + "(set", + "q" + ], + [ + "_hand", + "lers" + ], + [ + "H", + "ang" + ], + [ + "Ġf", + "err" + ], + [ + "rim", + "inal" + ], + [ + "ĉĠĠĠĠ", + "ĉĉ" + ], + [ + "ent", + "ies" + ], + [ + "def", + "ines" + ], + [ + "-t", + "ax" + ], + [ + "json", + "p" + ], + [ + "ĠU", + "PS" + ], + [ + "met", + "ro" + ], + [ + "__", + ";Ċ" + ], + [ + "ĠUg", + "anda" + ], + [ + "]))", + ":Ċ" + ], + [ + "_t", + "d" + ], + [ + "x", + "ae" + ], + [ + "l", + "w" + ], + [ + ".", + "OS" + ], + [ + "ĠLog", + "ged" + ], + [ + "ac", + "id" + ], + [ + "ĠMay", + "o" + ], + [ + "as", + "pect" + ], + [ + "Ġvag", + "inal" + ], + [ + "Ġinitial", + "izing" + ], + [ + "Ġster", + "oids" + ], + [ + "f", + "iction" + ], + [ + "G", + "RE" + ], + [ + "g", + "end" + ], + [ + "Ġli", + "abilities" + ], + [ + "ĠL", + "ets" + ], + [ + "M", + "ech" + ], + [ + "(", + "nc" + ], + [ + "(", + "change" + ], + [ + "Ġconnect", + "ors" + ], + [ + ":", + "k" + ], + [ + "Ġt", + "ast" + ], + [ + "!", + "\");ĊĊ" + ], + [ + "th", + "ings" + ], + [ + "ro", + "phy" + ], + [ + "luet", + "ooth" + ], + [ + "ĠSign", + "Up" + ], + [ + ".", + "ctrl" + ], + [ + "Ġthere", + "in" + ], + [ + "ord", + "a" + ], + [ + ".", + "escape" + ], + [ + "ig", + "ator" + ], + [ + "Ġpet", + "rol" + ], + [ + "Ġspec", + "imen" + ], + [ + "Ġdeb", + "uted" + ], + [ + "-", + "Pro" + ], + [ + "Ġcr", + "ises" + ], + [ + ".add", + "View" + ], + [ + "ëı", + "Ļ" + ], + [ + "-d", + "oor" + ], + [ + "Ġmon", + "et" + ], + [ + "Ġmill", + "is" + ], + [ + "Ġv", + "ier" + ], + [ + "Internal", + "Enumerator" + ], + [ + "Ġadmin", + "s" + ], + [ + "ĠL", + "air" + ], + [ + "z", + "in" + ], + [ + "get", + "Query" + ], + [ + "umb", + "les" + ], + [ + "L", + "IMIT" + ], + [ + "ĠV", + "ig" + ], + [ + "_s", + "ong" + ], + [ + "<", + "Character" + ], + [ + "::", + "." + ], + [ + "_h", + "om" + ], + [ + "_b", + "p" + ], + [ + "ĠSup", + "ervisor" + ], + [ + "sub", + "mission" + ], + [ + "ab", + "ile" + ], + [ + "Ġno", + "i" + ], + [ + "Or", + "Create" + ], + [ + "Ġpe", + "el" + ], + [ + "Ġon", + "Start" + ], + [ + "Ġsent", + "iments" + ], + [ + "veh", + "icles" + ], + [ + "Ġclass", + "rooms" + ], + [ + "Ġs", + "zer" + ], + [ + "Ġb", + "ending" + ], + [ + "Ġlong", + "evity" + ], + [ + "Ġa", + "cl" + ], + [ + "ĠAle", + "ppo" + ], + [ + "ĠU", + "M" + ], + [ + "ĠR", + "icht" + ], + [ + "Ġmultip", + "rocessing" + ], + [ + "DOM", + "AIN" + ], + [ + "\",\"", + "+" + ], + [ + "_Y", + "EAR" + ], + [ + "Ġsc", + "rape" + ], + [ + "Ġsol", + "itary" + ], + [ + "Ġ\"]", + "\";Ċ" + ], + [ + "/", + "errors" + ], + [ + "ìŀ", + "¬" + ], + [ + "ľ", + "ëł¥" + ], + [ + "b", + "etter" + ], + [ + "ĉ", + "number" + ], + [ + "ĠL", + "F" + ], + [ + "ĠAc", + "ross" + ], + [ + "Pub", + "Med" + ], + [ + "\\\"", + "\"" + ], + [ + "ĠExcell", + "ence" + ], + [ + "Ġus", + "ando" + ], + [ + "ĠU", + "IP" + ], + [ + "Activity", + "Indicator" + ], + [ + "_V", + "OID" + ], + [ + "Ġbre", + "eds" + ], + [ + "ï½", + "¥" + ], + [ + "uest", + "as" + ], + [ + "ĠTre", + "asure" + ], + [ + "ustral", + "ian" + ], + [ + "(f", + "ace" + ], + [ + "ĠT", + "ennis" + ], + [ + "ĉ", + "Int" + ], + [ + "ĠHans", + "en" + ], + [ + "ç", + "µ" + ], + [ + ":", + "I" + ], + [ + "Ġâľ", + "Ķ" + ], + [ + "GR", + "AY" + ], + [ + "O", + "USE" + ], + [ + "Ġhe", + "pat" + ], + [ + "ł", + "í" + ], + [ + "A", + "IR" + ], + [ + "ó", + "ż" + ], + [ + "Ġque", + "ued" + ], + [ + "vinc", + "ia" + ], + [ + "ĠChrom", + "ium" + ], + [ + "Ġcompet", + "ence" + ], + [ + "ung", + "al" + ], + [ + "ill", + "i" + ], + [ + "Ġget", + "By" + ], + [ + "ĠF", + "inder" + ], + [ + "Ġincap", + "able" + ], + [ + "Ġs", + "add" + ], + [ + "Ġc", + "ites" + ], + [ + "ĠChurch", + "ill" + ], + [ + "S", + "dk" + ], + [ + "More", + "over" + ], + [ + "As", + "pNet" + ], + [ + "(", + "Float" + ], + [ + "$", + "password" + ], + [ + "ĠConn", + "or" + ], + [ + "-s", + "ession" + ], + [ + "_d", + "m" + ], + [ + "*", + "))" + ], + [ + "Ġde", + "utsch" + ], + [ + "ĠN", + "X" + ], + [ + "Ġper", + "ks" + ], + [ + "_S", + "ORT" + ], + [ + "_TO", + "OL" + ], + [ + "_V", + "ISIBLE" + ], + [ + ".as", + "p" + ], + [ + "æĪ", + "ĸ" + ], + [ + "ĠBre", + "ath" + ], + [ + "D", + "etect" + ], + [ + "ĠD", + "uel" + ], + [ + ".c", + "mb" + ], + [ + "[", + "it" + ], + [ + ".Set", + "Bool" + ], + [ + "Ġnarc", + "iss" + ], + [ + "Ġab", + "ide" + ], + [ + "Ġej", + "emplo" + ], + [ + "ĠâĦ", + "ķ" + ], + [ + "Ġm", + "ornings" + ], + [ + "Ġcomput", + "es" + ], + [ + ".s", + "sl" + ], + [ + "j", + "t" + ], + [ + "Ġmuch", + "os" + ], + [ + "_S", + "S" + ], + [ + "[", + "end" + ], + [ + "Ġbas", + "in" + ], + [ + "Ġalgun", + "os" + ], + [ + "ĠCroat", + "ia" + ], + [ + "lin", + "ewidth" + ], + [ + "(t", + "ags" + ], + [ + "(h", + "idden" + ], + [ + "ÃŃc", + "io" + ], + [ + "Ġap", + "ar" + ], + [ + "ĠÐ", + "¶" + ], + [ + "ä¸", + "İ" + ], + [ + ".", + "food" + ], + [ + "ĠR", + "ural" + ], + [ + "Ġbread", + "th" + ], + [ + "å½", + "±" + ], + [ + "(s", + "ess" + ], + [ + "+", + "\")" + ], + [ + "ĠP", + "aste" + ], + [ + "Ġserv", + "idor" + ], + [ + "ĠBit", + "Set" + ], + [ + "ĠTr", + "an" + ], + [ + "la", + "us" + ], + [ + "v", + "ette" + ], + [ + "ey", + "es" + ], + [ + "ĠCL", + "ICK" + ], + [ + "ĠV", + "III" + ], + [ + "ĠTurn", + "s" + ], + [ + "ĠLe", + "Bron" + ], + [ + "ĠM", + "uj" + ], + [ + "ĠD", + "eg" + ], + [ + "ĠAdult", + "s" + ], + [ + "_s", + "uite" + ], + [ + "process", + "able" + ], + [ + "ĠPH", + "Y" + ], + [ + "g", + "hest" + ], + [ + ".F", + "ail" + ], + [ + "ĠSl", + "ack" + ], + [ + "ce", + "j" + ], + [ + "\\", + "Carbon" + ], + [ + "Ġsuper", + "star" + ], + [ + "Ġhold", + "ings" + ], + [ + "(", + "forms" + ], + [ + "Ġ'#", + "'" + ], + [ + "M", + "ultip" + ], + [ + "(\"[", + "%" + ], + [ + "-s", + "olid" + ], + [ + "/", + "url" + ], + [ + "-t", + "ier" + ], + [ + "[", + "length" + ], + [ + "ĠStream", + "Writer" + ], + [ + "ĠMarket", + "place" + ], + [ + "get", + "text" + ], + [ + "_T", + "ICK" + ], + [ + "ĠFor", + "ge" + ], + [ + "Ġblack", + "jack" + ], + [ + "ĠDO", + "ES" + ], + [ + "ĠM", + "atters" + ], + [ + "w", + "aves" + ], + [ + "Ġwhisper", + "ed" + ], + [ + "Ġl", + "ush" + ], + [ + "ìĺ", + "¤" + ], + [ + "d", + "igital" + ], + [ + "Ġwr", + "ink" + ], + [ + "ĠH", + "ogan" + ], + [ + "Ġrust", + "ic" + ], + [ + ".Apply", + "Resources" + ], + [ + "ĠHard", + "y" + ], + [ + "os", + "omes" + ], + [ + "A", + "UT" + ], + [ + ".ST", + "ATE" + ], + [ + "Ġnarr", + "atives" + ], + [ + "ĉ", + "store" + ], + [ + "b", + "ib" + ], + [ + "ĉ", + "Scanner" + ], + [ + "ĠC", + "ody" + ], + [ + "\\", + "Repositories" + ], + [ + "Ġre", + "union" + ], + [ + "and", + "um" + ], + [ + "âĢĻ", + "h" + ], + [ + "Ġsn", + "iff" + ], + [ + "NS", + "Bundle" + ], + [ + "Ġcompreh", + "end" + ], + [ + "_US", + "AGE" + ], + [ + "_", + "occ" + ], + [ + "URRE", + "NCY" + ], + [ + "J", + "NI" + ], + [ + "Ġspecial", + "izing" + ], + [ + "Ġvis", + "ions" + ], + [ + "Ġdol", + "ore" + ], + [ + "Ġv", + "á" + ], + [ + "ĠChe", + "vy" + ], + [ + "ĠSt", + "yled" + ], + [ + "imp", + "act" + ], + [ + "all", + "en" + ], + [ + "Ġk", + "art" + ], + [ + "ĠTable", + "t" + ], + [ + "st", + "uff" + ], + [ + "re", + "esome" + ], + [ + "аÑĤ", + "оÑĢ" + ], + [ + "//----------------------------------------------------------------", + "-----------Ċ" + ], + [ + "_Ad", + "min" + ], + [ + "Ġcell", + "phone" + ], + [ + "Ġaut", + "oplay" + ], + [ + "Ġcamb", + "io" + ], + [ + "Ġmar", + "itime" + ], + [ + "_BO", + "OT" + ], + [ + "-", + "quarter" + ], + [ + "Ġlat", + "ina" + ], + [ + "ĠAJ", + "AX" + ], + [ + "e", + "quiv" + ], + [ + "ĠFront", + "ier" + ], + [ + "ĠX", + "Y" + ], + [ + "}", + "]Ċ" + ], + [ + "ĠR", + "ough" + ], + [ + ".pro", + "to" + ], + [ + "Ġcorrect", + "ness" + ], + [ + "Ġfac", + "il" + ], + [ + "ĠRe", + "ached" + ], + [ + "ãģĿ", + "ãģ®" + ], + [ + "V", + "IS" + ], + [ + ".p", + "s" + ], + [ + "Ġstr", + "ncpy" + ], + [ + "Ġdiff", + "usion" + ], + [ + ".start", + "Activity" + ], + [ + "��", + "�" + ], + [ + "Ġaccom", + "p" + ], + [ + "AMES", + "PACE" + ], + [ + "imon", + "ials" + ], + [ + "ĠBl", + "ast" + ], + [ + "aby", + "rin" + ], + [ + "Ġd", + "ome" + ], + [ + "Ġextr", + "av" + ], + [ + "Ġy", + "en" + ], + [ + "Ġcul", + "inary" + ], + [ + "P", + "RI" + ], + [ + "ĠComm", + "unities" + ], + [ + "n", + "id" + ], + [ + "_oper", + "ations" + ], + [ + ".h", + "s" + ], + [ + "ĠMil", + "ton" + ], + [ + "Ġno", + "ises" + ], + [ + "Autoresizing", + "Mask" + ], + [ + "(c", + "id" + ], + [ + "}ĊĊ", + "ĊĊĊĊ" + ], + [ + "]", + "},Ċ" + ], + [ + "ĠD", + "etection" + ], + [ + "tab", + "la" + ], + [ + "Ġlib", + "erties" + ], + [ + "_D", + "YNAMIC" + ], + [ + "w", + "get" + ], + [ + "ĠT", + "ür" + ], + [ + "ĠP", + "ascal" + ], + [ + "Trans", + "parent" + ], + [ + "Delay", + "ed" + ], + [ + "]", + "()" + ], + [ + "ĠHer", + "bert" + ], + [ + "<", + "ActionResult" + ], + [ + "ch", + "allenge" + ], + [ + "Ġmush", + "room" + ], + [ + ".insert", + "Before" + ], + [ + "ĠR", + "in" + ], + [ + "Ġhum", + "our" + ], + [ + "Ġf", + "ø" + ], + [ + "api", + "Key" + ], + [ + "alloc", + "ated" + ], + [ + "Ġconf", + "ession" + ], + [ + ".", + "\",čĊ" + ], + [ + "ĉassert", + "That" + ], + [ + "ĠS", + "ORT" + ], + [ + "ĠL", + "ORD" + ], + [ + "Ġexport", + "er" + ], + [ + ".set", + "Level" + ], + [ + "p", + "okemon" + ], + [ + "ash", + "tra" + ], + [ + "Ġf", + "é" + ], + [ + "ur", + "ator" + ], + [ + "(M", + "SG" + ], + [ + "Ġt", + "up" + ], + [ + "ĠH", + "ull" + ], + [ + "Ġyield", + "ed" + ], + [ + ".Sub", + "ject" + ], + [ + "\\", + "Route" + ], + [ + "!", + "?" + ], + [ + "ĠÑĥ", + "дал" + ], + [ + "\\", + "Security" + ], + [ + "-", + "ar" + ], + [ + "Ġalleg", + "ation" + ], + [ + "(", + "Settings" + ], + [ + "ä", + "nder" + ], + [ + "Ġell", + "ipse" + ], + [ + "ĠRetro", + "fit" + ], + [ + "Ġregul", + "ating" + ], + [ + "ĠM", + "olly" + ], + [ + "ĠL", + "ok" + ], + [ + "_C", + "ustom" + ], + [ + "ĠProm", + "o" + ], + [ + "is", + "in" + ], + [ + "Ġres", + "umed" + ], + [ + "Ġmet", + "ropolitan" + ], + [ + ".error", + "Message" + ], + [ + ":", + "-------------" + ], + [ + "Ġpas", + "ado" + ], + [ + "th", + "ank" + ], + [ + "_De", + "lete" + ], + [ + "ĠBright", + "on" + ], + [ + ",", + "unsigned" + ], + [ + "ä½ľ", + "èĢħ" + ], + [ + "Ġaspir", + "ations" + ], + [ + "-h", + "ow" + ], + [ + "R", + "ose" + ], + [ + "=", + "((" + ], + [ + "_ne", + "eded" + ], + [ + "_pl", + "ural" + ], + [ + "<", + "Application" + ], + [ + "ĠW", + "EEK" + ], + [ + "ĠUn", + "lock" + ], + [ + "ĠT", + "EMP" + ], + [ + "S", + "ou" + ], + [ + "Ġschizophren", + "ia" + ], + [ + "Ġt", + "roll" + ], + [ + "Ġcomplement", + "ary" + ], + [ + "ĠNET", + "WORK" + ], + [ + "Ġbl", + "ir" + ], + [ + "Ġprogress", + "Dialog" + ], + [ + "\"", + "%(" + ], + [ + "ĠAttribute", + "Set" + ], + [ + "ĉ", + "ts" + ], + [ + ".iter", + "items" + ], + [ + "è¯", + "Ŀ" + ], + [ + "Ġesc", + "rit" + ], + [ + "v", + "ous" + ], + [ + "_pl", + "aces" + ], + [ + "H", + "K" + ], + [ + "Ġseg", + "uir" + ], + [ + "_f", + "w" + ], + [ + "ĠR", + "ounded" + ], + [ + "Ġdis", + "posit" + ], + [ + "è§", + "Ĩ" + ], + [ + "par", + "m" + ], + [ + "w", + "ow" + ], + [ + "STRU", + "CTION" + ], + [ + ".", + "allow" + ], + [ + "ĠChar", + "Sequence" + ], + [ + "ĉ", + "extern" + ], + [ + "Ġprosec", + "uted" + ], + [ + "Ġmort", + "ar" + ], + [ + "ĠJ", + "uda" + ], + [ + "-", + "msg" + ], + [ + "Ġest", + "ud" + ], + [ + ".get", + "Description" + ], + [ + "Ġs", + "ow" + ], + [ + "amb", + "re" + ], + [ + "Ġrom", + "a" + ], + [ + "En", + "h" + ], + [ + "bon", + "us" + ], + [ + "Ġsqu", + "at" + ], + [ + "Ġdist", + "ra" + ], + [ + "ed", + "Image" + ], + [ + "Ġpe", + "ppers" + ], + [ + "-per", + "formance" + ], + [ + ",", + "ĊĊĊ" + ], + [ + ",", + "file" + ], + [ + "ĠM", + "IME" + ], + [ + "_con", + "cat" + ], + [ + "AB", + "S" + ], + [ + "-f", + "ashion" + ], + [ + "Ġunder", + "cover" + ], + [ + "One", + "ToMany" + ], + [ + "Ġre", + "claim" + ], + [ + "C", + "OPY" + ], + [ + "Ġb", + "inds" + ], + [ + "ĠT", + "ape" + ], + [ + "Ġg", + "ossip" + ], + [ + "ĠEqu", + "ity" + ], + [ + "/", + "Card" + ], + [ + ".", + "activ" + ], + [ + "'", + "am" + ], + [ + "Ġdrain", + "age" + ], + [ + "<", + "Scalars" + ], + [ + "ĠonBind", + "ViewHolder" + ], + [ + "()", + "?." + ], + [ + "Ġs", + "orrow" + ], + [ + "ĠI", + "b" + ], + [ + "up", + "y" + ], + [ + "_U", + "UID" + ], + [ + "ĠCh", + "arm" + ], + [ + "ĠElection", + "s" + ], + [ + ".on", + "Destroy" + ], + [ + "ĠInterest", + "ingly" + ], + [ + "ounding", + "Box" + ], + [ + "_d", + "etection" + ], + [ + "-h", + "eld" + ], + [ + "_", + "unknown" + ], + [ + "Ġrefr", + "ain" + ], + [ + "Ġmét", + "odo" + ], + [ + "Ġe", + "Book" + ], + [ + "EN", + "OMEM" + ], + [ + "Ġd", + "ang" + ], + [ + "Prof", + "essional" + ], + [ + "Ġd", + "ictionaries" + ], + [ + "/m", + "ysql" + ], + [ + "ĠST", + "UD" + ], + [ + "Ġmas", + "se" + ], + [ + "s", + "cape" + ], + [ + "Ġdre", + "i" + ], + [ + ":", + "name" + ], + [ + ".log", + "o" + ], + [ + "Sign", + "Up" + ], + [ + "Ġt", + "ahun" + ], + [ + "(", + "theme" + ], + [ + "ĠFem", + "me" + ], + [ + "Ġbom", + "ber" + ], + [ + "ĠJ", + "ade" + ], + [ + "ĠT", + "ay" + ], + [ + "Ġsubmar", + "ine" + ], + [ + "_cl", + "ause" + ], + [ + "zy", + "ch" + ], + [ + "Ġsimult", + "aneous" + ], + [ + "Ġcas", + "os" + ], + [ + ".", + "boolean" + ], + [ + "(l", + "hs" + ], + [ + "Ġcontin", + "ental" + ], + [ + "-s", + "ale" + ], + [ + "ĉ", + "env" + ], + [ + "ĠC", + "ute" + ], + [ + "ĠFactory", + "Girl" + ], + [ + "ab", + "us" + ], + [ + "/", + "value" + ], + [ + "Ġj", + "adx" + ], + [ + "Ġst", + "ern" + ], + [ + ">", + ">ĊĊ" + ], + [ + "Ġsurf", + "aced" + ], + [ + "Ġìł", + "Ģìŀ¥" + ], + [ + "pl", + "atz" + ], + [ + "ĉ", + "email" + ], + [ + "cept", + "ors" + ], + [ + "\">", + "(" + ], + [ + "Ġep", + "ile" + ], + [ + "è¯", + "»" + ], + [ + "ĠDe", + "bt" + ], + [ + "åij", + "Ĭ" + ], + [ + "N", + "OP" + ], + [ + "\"", + "https" + ], + [ + ":", + "j" + ], + [ + "Form", + "Item" + ], + [ + "_L", + "ICENSE" + ], + [ + ".get", + "Double" + ], + [ + "ĠAg", + "enda" + ], + [ + "ĉf", + "inally" + ], + [ + "(f", + "ilters" + ], + [ + "(", + "av" + ], + [ + "ç¾", + "İ" + ], + [ + "AP", + "ER" + ], + [ + "Ġl", + "ava" + ], + [ + "еÑĢ", + "ж" + ], + [ + "))", + "))ĊĊ" + ], + [ + "Ġfault", + "y" + ], + [ + "_n", + "m" + ], + [ + "Ġtr", + "ava" + ], + [ + "(B", + "itmap" + ], + [ + "Ġspeed", + "ing" + ], + [ + ">", + "')." + ], + [ + "Ġscreen", + "ed" + ], + [ + "_", + "roll" + ], + [ + "ĠMac", + "Book" + ], + [ + "ĠA", + "UD" + ], + [ + "Ġdiagn", + "ose" + ], + [ + ".G", + "enerate" + ], + [ + "Ġ^", + "^" + ], + [ + "Ġstr", + "s" + ], + [ + "[", + "Test" + ], + [ + "Ġr", + "ansom" + ], + [ + "ĠDH", + "CP" + ], + [ + "eld", + "en" + ], + [ + "Ġinterpret", + "ations" + ], + [ + "()", + "]." + ], + [ + "flat", + "Map" + ], + [ + "Ġline", + "Height" + ], + [ + "_m", + "ount" + ], + [ + "ĠW", + "izards" + ], + [ + "Ġsl", + "uts" + ], + [ + "eh", + "ler" + ], + [ + "od", + "al" + ], + [ + "Ġmilit", + "ia" + ], + [ + "å", + "²" + ], + [ + "earn", + "ed" + ], + [ + "Ġmis", + "ery" + ], + [ + "int", + "val" + ], + [ + "f", + "und" + ], + [ + "Ġh", + "ides" + ], + [ + "Ġdi", + "arr" + ], + [ + "ĠWes", + "ley" + ], + [ + "Ġx", + "mm" + ], + [ + "Ġqu", + "em" + ], + [ + "ĠAr", + "abs" + ], + [ + "if", + "th" + ], + [ + "ategor", + "ized" + ], + [ + "Dis", + "posable" + ], + [ + "P", + "ure" + ], + [ + "_NOT", + "IFY" + ], + [ + "sn", + "ippet" + ], + [ + "ĠGar", + "rett" + ], + [ + ".run", + "ning" + ], + [ + ".", + "weights" + ], + [ + "Ġ(", + "--" + ], + [ + "Ġin", + "variant" + ], + [ + "äºĭ", + "ä»¶" + ], + [ + "ĠAll", + "owed" + ], + [ + "dir", + "s" + ], + [ + "Ġpass", + "ions" + ], + [ + "Ġl", + "ad" + ], + [ + "ĠFl", + "ush" + ], + [ + "men", + "us" + ], + [ + ":", + "block" + ], + [ + "Ġcompr", + "a" + ], + [ + ".ch", + "omp" + ], + [ + "alloc", + "ator" + ], + [ + "Ġcur", + "ated" + ], + [ + "ĠKnow", + "ing" + ], + [ + "ĠPatt", + "erson" + ], + [ + "Ġtel", + "ah" + ], + [ + "'", + "ex" + ], + [ + "Ġdo", + "omed" + ], + [ + "Ġphil", + "anth" + ], + [ + "ott", + "y" + ], + [ + ".st", + "yles" + ], + [ + "Own", + "ed" + ], + [ + "Ġallerg", + "ies" + ], + [ + "=", + "params" + ], + [ + "oc", + "ese" + ], + [ + "it", + "elist" + ], + [ + "ĠS", + "ending" + ], + [ + "b", + "ef" + ], + [ + "orr", + "ar" + ], + [ + "ĠN", + "ão" + ], + [ + "ĠF", + "argo" + ], + [ + "ĠL", + "ub" + ], + [ + "ĠComb", + "ined" + ], + [ + "_g", + "iven" + ], + [ + "ĉĉĉĉĉ", + "ĠĠĠĠ" + ], + [ + "Ġreconc", + "iliation" + ], + [ + "Pattern", + "s" + ], + [ + "az", + "ard" + ], + [ + "Ġbiom", + "ass" + ], + [ + "ĠH", + "ouses" + ], + [ + "resp", + "uesta" + ], + [ + "cc", + "o" + ], + [ + "/top", + "ics" + ], + [ + "ĠY", + "uk" + ], + [ + "Ġweaken", + "ed" + ], + [ + "_c", + "alendar" + ], + [ + "Ġmulher", + "es" + ], + [ + "ĠMar", + "l" + ], + [ + "Ġs", + "ine" + ], + [ + "ĠT", + "il" + ], + [ + "ĠSou", + "ls" + ], + [ + "ĠDe", + "utsche" + ], + [ + "ĠF", + "OLLOW" + ], + [ + "Ġpip", + "elines" + ], + [ + "ĠBever", + "ly" + ], + [ + "_DIP", + "SETTING" + ], + [ + "\"", + "#" + ], + [ + "ĠPro", + "to" + ], + [ + ".b", + "ig" + ], + [ + "ĠSav", + "ings" + ], + [ + "ĠT", + "anz" + ], + [ + "j", + "un" + ], + [ + "ĠG", + "amma" + ], + [ + "ĠS", + "add" + ], + [ + "Ġadvis", + "ors" + ], + [ + "Ġro", + "ast" + ], + [ + "Ġun", + "ters" + ], + [ + "ud", + "ies" + ], + [ + "_l", + "on" + ], + [ + "-point", + "er" + ], + [ + "ĠElement", + "Ref" + ], + [ + "\\", + "Builder" + ], + [ + "example", + "Input" + ], + [ + ".web", + "driver" + ], + [ + "data", + "Type" + ], + [ + "ĠQu", + "ite" + ], + [ + "ĠCelt", + "ics" + ], + [ + "u", + "il" + ], + [ + "-def", + "ense" + ], + [ + "b", + "ish" + ], + [ + "ĠUI", + "Window" + ], + [ + "ĠS", + "uddenly" + ], + [ + ".h", + "ot" + ], + [ + ".re", + "ason" + ], + [ + "Ġg", + "ör" + ], + [ + "AM", + "D" + ], + [ + ".M", + "ulti" + ], + [ + "auth", + "enticated" + ], + [ + "reg", + "ions" + ], + [ + ";", + "(" + ], + [ + "а", + "ÑĢам" + ], + [ + "ĠKir", + "by" + ], + [ + "$", + "route" + ], + [ + "PREC", + "ATED" + ], + [ + "ĠDur", + "ham" + ], + [ + "ow", + "o" + ], + [ + "ĠPer", + "forms" + ], + [ + "Ġdisreg", + "ard" + ], + [ + "n", + "st" + ], + [ + "ĠP", + "ols" + ], + [ + "Ġget", + "P" + ], + [ + "\"]", + ":" + ], + [ + "-col", + "ored" + ], + [ + "(", + "Keys" + ], + [ + "ĠAl", + "leg" + ], + [ + "_mod", + "ify" + ], + [ + "_", + "loading" + ], + [ + "str", + "ained" + ], + [ + "Ġat", + "roc" + ], + [ + "_p", + "hr" + ], + [ + "<", + "Sprite" + ], + [ + "Ġsatisf", + "actory" + ], + [ + "m", + "anship" + ], + [ + ".p", + "ipeline" + ], + [ + "T", + "ony" + ], + [ + "Ġth", + "ief" + ], + [ + "pol", + "ator" + ], + [ + "(", + "lock" + ], + [ + "bur", + "st" + ], + [ + "ĠOptim", + "ization" + ], + [ + "Ġsurf", + "ing" + ], + [ + "\"", + "Yes" + ], + [ + "Ġdesc", + "ended" + ], + [ + "æ", + "Ĵ" + ], + [ + "_C", + "lear" + ], + [ + "Ġc", + "ries" + ], + [ + "ĠFro", + "zen" + ], + [ + "D", + "IRECT" + ], + [ + "-", + "Con" + ], + [ + "ĠLe", + "icester" + ], + [ + "å¥", + "³" + ], + [ + "O", + "OM" + ], + [ + "=", + "db" + ], + [ + "Ġget", + "Message" + ], + [ + "<", + "Student" + ], + [ + "_b", + "atches" + ], + [ + ".M", + "ask" + ], + [ + "_", + "eth" + ], + [ + "\\", + ")" + ], + [ + "Ġsom", + "a" + ], + [ + "C", + "atch" + ], + [ + "[", + "ch" + ], + [ + "Own", + "ers" + ], + [ + "ind", + "le" + ], + [ + ":", + "auto" + ], + [ + ".", + "vert" + ], + [ + "iv", + "r" + ], + [ + ".set", + "Location" + ], + [ + "Ġfl", + "uent" + ], + [ + "_END", + "IAN" + ], + [ + "ĠCar", + "lo" + ], + [ + "cept", + "s" + ], + [ + "add", + "Action" + ], + [ + ".o", + "auth" + ], + [ + "<", + "UnityEngine" + ], + [ + "re", + "ements" + ], + [ + ".S", + "kip" + ], + [ + "?", + ")ĊĊ" + ], + [ + ".default", + "Props" + ], + [ + "Ġc", + "abe" + ], + [ + "ĠSh", + "en" + ], + [ + "eros", + "is" + ], + [ + "ĠPro", + "fit" + ], + [ + "Ġpo", + "is" + ], + [ + "_C", + "REATED" + ], + [ + "Ġremove", + "From" + ], + [ + "(w", + "s" + ], + [ + "?", + "action" + ], + [ + "(", + "Field" + ], + [ + "Ġerr", + "one" + ], + [ + ".min", + "imum" + ], + [ + "ĠRetrie", + "ved" + ], + [ + "Ġd", + "ado" + ], + [ + "ĠPR", + "IVATE" + ], + [ + "-s", + "pec" + ], + [ + "Ġg", + "zip" + ], + [ + "p", + "data" + ], + [ + "Ġpos", + "Y" + ], + [ + "(l", + "ow" + ], + [ + "Ġqual", + "quer" + ], + [ + "/", + "cloud" + ], + [ + "ê²", + "Į" + ], + [ + "(", + "common" + ], + [ + "ĠAr", + "beit" + ], + [ + "organ", + "isation" + ], + [ + "Ġtid", + "y" + ], + [ + "ĠRol", + "and" + ], + [ + "(", + "ph" + ], + [ + ".z", + "one" + ], + [ + "Ġgent", + "lemen" + ], + [ + "ượ", + "c" + ], + [ + "å±", + "±" + ], + [ + "Ġenc", + "losure" + ], + [ + "ĠMan", + "afort" + ], + [ + "ĉ", + "Color" + ], + [ + "St", + "encil" + ], + [ + "N", + "ic" + ], + [ + "Ġthe", + "orem" + ], + [ + "ĠV", + "G" + ], + [ + "Ġcol", + "oured" + ], + [ + "V", + "BoxLayout" + ], + [ + "uls", + "ive" + ], + [ + "Drag", + "on" + ], + [ + "c", + "ff" + ], + [ + "et", + "est" + ], + [ + "ens", + "a" + ], + [ + "of", + "day" + ], + [ + ".A", + "zure" + ], + [ + ":UIControlEvent", + "TouchUpInside" + ], + [ + "_up", + "dates" + ], + [ + "Ġtrend", + "y" + ], + [ + "ug", + "as" + ], + [ + "weak", + "Self" + ], + [ + "Ġr", + "idge" + ], + [ + "ib", + "ri" + ], + [ + "Ġì¶", + "Ķ" + ], + [ + "(C", + "G" + ], + [ + "ĠMon", + "key" + ], + [ + ".write", + "Int" + ], + [ + ".tim", + "edelta" + ], + [ + "ViewController", + "Animated" + ], + [ + "ĠProvid", + "ence" + ], + [ + "ãģ", + "Ī" + ], + [ + "Ġbl", + "ends" + ], + [ + "/Sub", + "threshold" + ], + [ + "ĠAp", + "pl" + ], + [ + "Ġat", + "an" + ], + [ + "Ġreload", + "Data" + ], + [ + "umb", + "otron" + ], + [ + "st", + "üt" + ], + [ + "O", + "Auth" + ], + [ + "ĠG", + "iving" + ], + [ + "ĠìĦ", + "¤" + ], + [ + "ĠFinn", + "ish" + ], + [ + "check", + "ing" + ], + [ + ".", + "Embed" + ], + [ + "sequ", + "elize" + ], + [ + "Ġinitial", + "izes" + ], + [ + "ĠOs", + "lo" + ], + [ + "Ø", + "¶" + ], + [ + "get", + "Extension" + ], + [ + "_AL", + "T" + ], + [ + "(bl", + "ank" + ], + [ + "Ġfatal", + "Error" + ], + [ + "Ġdem", + "ise" + ], + [ + "****", + "*Ċ" + ], + [ + "ĠX", + "S" + ], + [ + "(A", + "F" + ], + [ + "ĠEn", + "s" + ], + [ + "an", + "tha" + ], + [ + "ĠP", + "OR" + ], + [ + "Ġn", + "ich" + ], + [ + ".N", + "amed" + ], + [ + "Ġgig", + "antic" + ], + [ + "ĠObserv", + "atory" + ], + [ + ".Res", + "olve" + ], + [ + "ĠPay", + "ments" + ], + [ + "g", + "uild" + ], + [ + "Ġcurrent", + "State" + ], + [ + "============", + "===Ċ" + ], + [ + "ĠS", + "ey" + ], + [ + "p", + "Data" + ], + [ + "Ġdead", + "lines" + ], + [ + "Ġcentral", + "ized" + ], + [ + "ĠScholar", + "ship" + ], + [ + "_s", + "upported" + ], + [ + ".ch", + "rome" + ], + [ + "()", + "]);Ċ" + ], + [ + "Ġc", + "yan" + ], + [ + "ĠC", + "age" + ], + [ + "Auth", + "ors" + ], + [ + "_", + "čĊ" + ], + [ + "/", + "os" + ], + [ + "k", + "im" + ], + [ + "de", + "e" + ], + [ + ".t", + "ex" + ], + [ + "Ġyours", + "elves" + ], + [ + "Ġm", + "gr" + ], + [ + "Ġal", + "k" + ], + [ + "-inst", + "all" + ], + [ + "Ġdraft", + "ing" + ], + [ + "Ġrum", + "or" + ], + [ + "Ġstat", + "ues" + ], + [ + "Pool", + "ing" + ], + [ + "ol", + "ina" + ], + [ + "AAAA", + "AAAA" + ], + [ + "/*", + "----------------------------------------------------------------------------" + ], + [ + "Ġextrem", + "ists" + ], + [ + "Cal", + "cul" + ], + [ + "ighth", + "ouse" + ], + [ + "In", + "set" + ], + [ + "(IN", + "PUT" + ], + [ + "Ġsynchron", + "ization" + ], + [ + "iv", + "irus" + ], + [ + ".", + "axes" + ], + [ + "ĠG", + "ap" + ], + [ + "-", + "An" + ], + [ + "_T", + "emplate" + ], + [ + "Ġgam", + "er" + ], + [ + "ĠCr", + "icket" + ], + [ + "Ġl", + "int" + ], + [ + "Ġauthor", + "itarian" + ], + [ + "NS", + "UInteger" + ], + [ + "Ġred", + "o" + ], + [ + "Ġadip", + "iscing" + ], + [ + "_F", + "ETCH" + ], + [ + "che", + "id" + ], + [ + "ĠF", + "ang" + ], + [ + ".", + "indices" + ], + [ + "t", + "one" + ], + [ + "д", + "ел" + ], + [ + "Ġ{{--", + "<" + ], + [ + "bra", + "him" + ], + [ + "Ġsal", + "a" + ], + [ + "get", + "Code" + ], + [ + "Ġcommunic", + "ated" + ], + [ + "start", + "sWith" + ], + [ + "ert", + "z" + ], + [ + "Read", + "able" + ], + [ + "Item", + "Id" + ], + [ + "oref", + "errer" + ], + [ + "cred", + "ible" + ], + [ + "á", + "ria" + ], + [ + "Ġcombine", + "Reducers" + ], + [ + "**", + "/ĊĊ" + ], + [ + "Ġbl", + "iss" + ], + [ + "Ġad", + "orn" + ], + [ + "dep", + "ends" + ], + [ + "ĠRO", + "OM" + ], + [ + "Ġfr", + "aming" + ], + [ + "Ġ?", + "'," + ], + [ + "aut", + "y" + ], + [ + "_p", + "ot" + ], + [ + "_t", + "abs" + ], + [ + "Ex", + "act" + ], + [ + ",", + "\"," + ], + [ + "Ġ'}", + "';Ċ" + ], + [ + "Ġarbit", + "r" + ], + [ + "ahr", + "ain" + ], + [ + ".getString", + "Extra" + ], + [ + "Ġ$", + "\\" + ], + [ + "Ġoutput", + "Stream" + ], + [ + "Ġcomm", + "enc" + ], + [ + "an", + "us" + ], + [ + "ch", + "y" + ], + [ + "<", + "Employee" + ], + [ + "Ġhex", + "atrigesimal" + ], + [ + "Ġn", + "acional" + ], + [ + "(serial", + "izers" + ], + [ + "_put", + "char" + ], + [ + "_S", + "AFE" + ], + [ + "ential", + "Action" + ], + [ + "ItemSelected", + "Listener" + ], + [ + ".Dis", + "patch" + ], + [ + "Conf", + "lict" + ], + [ + "_", + "about" + ], + [ + "os", + "aur" + ], + [ + "Bound", + "ary" + ], + [ + "Ġclear", + "Color" + ], + [ + "(", + "Location" + ], + [ + "ĠMON", + "TH" + ], + [ + "ĠT", + "aste" + ], + [ + "-", + "General" + ], + [ + "ĠW", + "AR" + ], + [ + "Ġer", + "halten" + ], + [ + "-s", + "aving" + ], + [ + "Ġcou", + "pling" + ], + [ + "-tr", + "igger" + ], + [ + "m", + "otor" + ], + [ + "Ġy", + "yyy" + ], + [ + "ĠPat", + "ent" + ], + [ + "pt", + "o" + ], + [ + "Ġmisdemean", + "or" + ], + [ + "vas", + "ion" + ], + [ + "ĠAdmir", + "al" + ], + [ + "à¹ī", + "า" + ], + [ + "_P", + "WR" + ], + [ + "Ġdevast", + "ated" + ], + [ + "fol", + "ios" + ], + [ + "ITU", + "DE" + ], + [ + "urre", + "ct" + ], + [ + "Ġrobot", + "ic" + ], + [ + "ĠSan", + "ct" + ], + [ + "ĠHawai", + "ian" + ], + [ + ".R", + "oute" + ], + [ + "-", + "condition" + ], + [ + "Ġr", + "k" + ], + [ + "/****************************************************************************", + "Ċ" + ], + [ + "create", + "Element" + ], + [ + "ĠK", + "op" + ], + [ + "ign", + "ant" + ], + [ + ".", + "rollback" + ], + [ + "Ġsal", + "ud" + ], + [ + "_", + "'," + ], + [ + "ĠAN", + "SI" + ], + [ + "Ex", + "cept" + ], + [ + "ĠDraw", + "able" + ], + [ + ".Utc", + "Now" + ], + [ + "\":[", + "{Ċ" + ], + [ + "Ġk", + "ole" + ], + [ + "L", + "ua" + ], + [ + "ĠBel", + "ieve" + ], + [ + "Com", + "put" + ], + [ + "Ġhall", + "uc" + ], + [ + "ĠSign", + "s" + ], + [ + "r", + "st" + ], + [ + ".h", + "u" + ], + [ + "ĠKN", + "OW" + ], + [ + "W", + "i" + ], + [ + "ĠBr", + "ass" + ], + [ + "ĠR", + "as" + ], + [ + "@", + "hotmail" + ], + [ + "Ġsed", + "iment" + ], + [ + "Ġap", + "k" + ], + [ + "Ġì", + "ĥģ" + ], + [ + "_reg", + "ions" + ], + [ + "Ġpod", + "ium" + ], + [ + "<", + "Book" + ], + [ + "ж", + "е" + ], + [ + "Ġsix", + "teen" + ], + [ + "ĠAli", + "as" + ], + [ + "Ġinfr", + "ared" + ], + [ + "ĠV", + "ander" + ], + [ + "ĠLe", + "ading" + ], + [ + "uc", + "ing" + ], + [ + ",:", + ",:" + ], + [ + "_h", + "or" + ], + [ + "w", + "at" + ], + [ + "Ġdé", + "cou" + ], + [ + "_W", + "idget" + ], + [ + "S", + "ounds" + ], + [ + "_n", + "avigation" + ], + [ + "Ġschn", + "ell" + ], + [ + "(g", + "enerator" + ], + [ + "uc", + "ene" + ], + [ + "Ġrem", + "ake" + ], + [ + "IP", + "v" + ], + [ + "Ġré", + "al" + ], + [ + "_IN", + "CREMENT" + ], + [ + "Ġhypoth", + "etical" + ], + [ + "_", + "ang" + ], + [ + "Ġof", + "s" + ], + [ + "Ġ!", + "Ċ" + ], + [ + ".com", + "pleted" + ], + [ + "Get", + "Type" + ], + [ + "Ġkom", + "men" + ], + [ + "ál", + "ido" + ], + [ + "add", + "On" + ], + [ + "Ġz", + "ÅĤ" + ], + [ + "UL", + "A" + ], + [ + "_ind", + "icator" + ], + [ + "']", + "ĊĊĊ" + ], + [ + "ap", + "ache" + ], + [ + "_S", + "elect" + ], + [ + "ĠGre", + "ene" + ], + [ + "Wh", + "ats" + ], + [ + "_an", + "im" + ], + [ + "Ġrepet", + "itive" + ], + [ + "m", + "uch" + ], + [ + "ĠTh", + "reshold" + ], + [ + "Ġl", + "f" + ], + [ + "(C", + "ategory" + ], + [ + "con", + "e" + ], + [ + "M", + "ix" + ], + [ + "_MET", + "ADATA" + ], + [ + "ays", + "ia" + ], + [ + "Ne", + "ighbors" + ], + [ + "ĉĊ", + "ĉĉĊ" + ], + [ + "IP", + "HER" + ], + [ + "ĠFr", + "ag" + ], + [ + "ĠC", + "ells" + ], + [ + "Ġnames", + "paces" + ], + [ + "(", + "back" + ], + [ + "ĠRest", + "aurants" + ], + [ + "sv", + "c" + ], + [ + "Ġл", + "и" + ], + [ + "ote", + "ch" + ], + [ + "-s", + "l" + ], + [ + "¥", + "¿" + ], + [ + "ĠW", + "T" + ], + [ + "ĠRed", + "uction" + ], + [ + "Ġd", + "otted" + ], + [ + "ĉf", + "ound" + ], + [ + "ĠTE", + "AM" + ], + [ + "B", + "orn" + ], + [ + "ĠM", + "ush" + ], + [ + "ĠCompar", + "able" + ], + [ + "Ġh", + "itch" + ], + [ + "AT", + "O" + ], + [ + "Ġmax", + "Height" + ], + [ + "begin", + "Transaction" + ], + [ + "ÃŃ", + "v" + ], + [ + "_b", + "n" + ], + [ + "Ġher", + "d" + ], + [ + "Ġrevers", + "al" + ], + [ + "ĠH", + "ond" + ], + [ + "del", + "imiter" + ], + [ + "Ġconf", + "use" + ], + [ + "Ġh", + "ops" + ], + [ + "Ġcent", + "roid" + ], + [ + "Ġcourt", + "room" + ], + [ + ".decor", + "ators" + ], + [ + "Ġm", + "pi" + ], + [ + "ĠImpro", + "ved" + ], + [ + "IN", + "NER" + ], + [ + "ĠBang", + "alore" + ], + [ + "ĠT", + "amb" + ], + [ + "Ġbo", + "ast" + ], + [ + "()", + "))čĊ" + ], + [ + "Ġil", + "licit" + ], + [ + "ĠMor", + "occo" + ], + [ + "greg", + "ator" + ], + [ + "_res", + "ume" + ], + [ + "Ġcrack", + "down" + ], + [ + "Ġport", + "raits" + ], + [ + "/h", + "igh" + ], + [ + "(", + "\\'" + ], + [ + "Ġay", + "ud" + ], + [ + "_fe", + "edback" + ], + [ + "Ġc", + "ate" + ], + [ + "/", + "avatar" + ], + [ + "Ġhe", + "b" + ], + [ + "Point", + "Cloud" + ], + [ + "Ġå", + "ĴĮ" + ], + [ + "Ġ<", + "![" + ], + [ + "Ġget", + "Resources" + ], + [ + "}", + ":{" + ], + [ + "Oper", + "ating" + ], + [ + "ĠF", + "og" + ], + [ + "ĉt", + "ab" + ], + [ + "ĠResearch", + "ers" + ], + [ + "Ġfabric", + "ation" + ], + [ + ".datas", + "ets" + ], + [ + "ĠCamp", + "o" + ], + [ + "ĠKa", + "uf" + ], + [ + "Ġd", + "ll" + ], + [ + "lig", + "t" + ], + [ + "]", + "));ĊĊ" + ], + [ + "st", + "ellen" + ], + [ + "ACK", + "ET" + ], + [ + "l", + "vl" + ], + [ + "ĠGl", + "ory" + ], + [ + ".date", + "Time" + ], + [ + "Ġcomm", + "ute" + ], + [ + "ĠonCreate", + "ViewHolder" + ], + [ + "ĠX", + "Element" + ], + [ + "ĠT", + "okens" + ], + [ + "<", + "thead" + ], + [ + "_p", + "ick" + ], + [ + "ì", + "¤" + ], + [ + "v", + "on" + ], + [ + "depart", + "ure" + ], + [ + "(render", + "er" + ], + [ + "phone", + "Number" + ], + [ + "(P", + "erson" + ], + [ + "gen", + "es" + ], + [ + "ĠL", + "ars" + ], + [ + "Ġ)", + "{ĊĊ" + ], + [ + "ĠJson", + "Result" + ], + [ + "Ġmet", + "odo" + ], + [ + "VO", + "KE" + ], + [ + ".get", + "UserId" + ], + [ + "Acc", + "eler" + ], + [ + "ĉ", + "required" + ], + [ + "Ġchampionship", + "s" + ], + [ + "Build", + "Context" + ], + [ + "/t", + "ask" + ], + [ + "/re", + "leases" + ], + [ + "C", + "ategoria" + ], + [ + "_over", + "lay" + ], + [ + "Ġscar", + "ce" + ], + [ + "_l", + "im" + ], + [ + "n", + "gr" + ], + [ + "ah", + "len" + ], + [ + "ĠArt", + "ificial" + ], + [ + "sp", + "read" + ], + [ + "Ġbow", + "ling" + ], + [ + ".an", + "alysis" + ], + [ + "SM", + "TP" + ], + [ + "ĉp", + "assword" + ], + [ + "Ġbath", + "s" + ], + [ + "]", + ")){Ċ" + ], + [ + "current", + "ly" + ], + [ + "ac", + "iente" + ], + [ + "_se", + "parator" + ], + [ + "Ġde", + "ber" + ], + [ + "ĠDis", + "abled" + ], + [ + "i", + "ères" + ], + [ + "Ġâ", + "ķ" + ], + [ + "_process", + "ing" + ], + [ + "Ġprotest", + "ing" + ], + [ + "ĠR", + "OT" + ], + [ + "gr", + "ab" + ], + [ + "Ġз", + "ак" + ], + [ + "Ġpro", + "active" + ], + [ + "word", + "press" + ], + [ + "ĠSe", + "ver" + ], + [ + "ind", + "en" + ], + [ + "Ġw", + "ikipedia" + ], + [ + "){", + "čĊčĊ" + ], + [ + "_w", + "indows" + ], + [ + "is", + "lation" + ], + [ + "Ġun", + "rest" + ], + [ + "Ġdismiss", + "al" + ], + [ + ".N", + "UM" + ], + [ + "_F", + "AST" + ], + [ + "iss", + "ued" + ], + [ + "ĠF", + "ACE" + ], + [ + "_u", + "nder" + ], + [ + "Ġpl", + "ugged" + ], + [ + "Ġå", + "°" + ], + [ + "ĠbÄĻd", + "zie" + ], + [ + "ĠI", + "CC" + ], + [ + "Ġcombust", + "ion" + ], + [ + "Ġkiss", + "ed" + ], + [ + "Ġstar", + "red" + ], + [ + "ĠW", + "atts" + ], + [ + "Ġspi", + "elen" + ], + [ + "-p", + "urpose" + ], + [ + "ĠE", + "val" + ], + [ + "arg", + "es" + ], + [ + ",", + "result" + ], + [ + "techn", + "ology" + ], + [ + "Ġnational", + "ity" + ], + [ + "ic", + "us" + ], + [ + "ĠN", + "ug" + ], + [ + "ĠÑĤ", + "о" + ], + [ + "ĉĉĉĉĉĉĉ", + "ĠĠ" + ], + [ + "col", + "o" + ], + [ + "Ġg", + "astro" + ], + [ + "ante", + "ed" + ], + [ + "OL", + "ID" + ], + [ + ".b", + "ias" + ], + [ + "_t", + "ele" + ], + [ + ".ins", + "pect" + ], + [ + "Ġve", + "il" + ], + [ + ".", + "footer" + ], + [ + "Ġneglig", + "ence" + ], + [ + "Ġjud", + "gments" + ], + [ + "Room", + "s" + ], + [ + "yn", + "n" + ], + [ + "ĉcount", + "er" + ], + [ + "occup", + "ation" + ], + [ + "Ġ", + "çĶŁ" + ], + [ + "un", + "as" + ], + [ + "Ġ(^", + ")(" + ], + [ + "L", + "ambda" + ], + [ + "f", + "el" + ], + [ + ".Param", + "s" + ], + [ + "Ġд", + "обав" + ], + [ + "set", + "Layout" + ], + [ + "Ġdeport", + "ation" + ], + [ + "Ġlocal", + "Object" + ], + [ + "ĠPharm", + "aceutical" + ], + [ + "cept", + "ive" + ], + [ + "ĠN", + "ome" + ], + [ + "Equ", + "ipment" + ], + [ + "F", + "an" + ], + [ + "Un", + "iversal" + ], + [ + "ĉ", + "socket" + ], + [ + "Ġgr", + "in" + ], + [ + "Ġex", + "poses" + ], + [ + "Ġhab", + "er" + ], + [ + "Ġsincer", + "ely" + ], + [ + "Ġc", + "ams" + ], + [ + "Ġm", + "ü" + ], + [ + "en", + "ia" + ], + [ + "E", + "mer" + ], + [ + "C", + "rypto" + ], + [ + "Sl", + "ow" + ], + [ + "(x", + "hr" + ], + [ + "!", + "=(" + ], + [ + "-s", + "ervices" + ], + [ + "ĠP", + "W" + ], + [ + "Ġprend", + "re" + ], + [ + "Ġm", + "ädchen" + ], + [ + "em", + "ons" + ], + [ + "озв", + "ÑĢаÑī" + ], + [ + ".M", + "anager" + ], + [ + "ì", + "Ļ" + ], + [ + "Ġg", + "raf" + ], + [ + "-", + "ra" + ], + [ + "met", + "rical" + ], + [ + "/", + "fl" + ], + [ + "Ġc", + "emetery" + ], + [ + "g", + "ens" + ], + [ + "Ġp", + "ÅĻ" + ], + [ + "ĠMySql", + "Command" + ], + [ + "-", + "To" + ], + [ + "Ġv", + "Ã¥" + ], + [ + "Ġa", + "irst" + ], + [ + "oment", + "um" + ], + [ + "Ġserv", + "o" + ], + [ + "m", + "illion" + ], + [ + "ĠMir", + "anda" + ], + [ + "\"", + "She" + ], + [ + "Ġadvoc", + "ating" + ], + [ + "-c", + "aption" + ], + [ + "ĠAt", + "tribution" + ], + [ + "Ġwel", + "che" + ], + [ + "_v", + "endor" + ], + [ + "ĉ", + "Status" + ], + [ + "arr", + "is" + ], + [ + "Ġprint", + "k" + ], + [ + "\",\"", + "#" + ], + [ + "Ġrel", + "ativ" + ], + [ + "if", + "ferences" + ], + [ + "izz", + "es" + ], + [ + "Ġdec", + "imals" + ], + [ + "ĠPro", + "v" + ], + [ + ".max", + "imum" + ], + [ + "Ar", + "n" + ], + [ + "Ġhelicopt", + "ers" + ], + [ + "_B", + "OTTOM" + ], + [ + "ch", + "ure" + ], + [ + "od", + "ings" + ], + [ + "'", + "(" + ], + [ + "\"))", + ");čĊ" + ], + [ + "(", + "bean" + ], + [ + ".f", + "d" + ], + [ + "F", + "und" + ], + [ + "Ġhang", + "s" + ], + [ + "app", + "id" + ], + [ + "/k", + "ernel" + ], + [ + ".p", + "oi" + ], + [ + ".Min", + "Value" + ], + [ + "-", + "validation" + ], + [ + "L", + "uke" + ], + [ + "c", + "df" + ], + [ + "ĠFun", + "eral" + ], + [ + "ĠS", + "amples" + ], + [ + "ĉ", + "de" + ], + [ + "Ġto", + "astr" + ], + [ + "Ġtax", + "able" + ], + [ + "Ġcl", + "ustering" + ], + [ + "Ġ'\\", + "'" + ], + [ + "Ġre", + "straint" + ], + [ + "ec", + "ed" + ], + [ + "ch", + "ains" + ], + [ + "ãĢĤ", + "ï¼Ī" + ], + [ + "_GR", + "APH" + ], + [ + "Ġfue", + "led" + ], + [ + "éľ", + "Ģ" + ], + [ + "H", + "p" + ], + [ + "å¤", + "į" + ], + [ + "T", + "iles" + ], + [ + "Ġa", + "unque" + ], + [ + "J", + "C" + ], + [ + "Ġhost", + "age" + ], + [ + "ĠE", + "sk" + ], + [ + "Ġm", + "av" + ], + [ + "Ġgest", + "ion" + ], + [ + "Ġb", + "anners" + ], + [ + "}", + "{$" + ], + [ + ".int", + "Value" + ], + [ + ".'", + "\"ĊĊ" + ], + [ + "_M", + "ATRIX" + ], + [ + "Ġce", + "ased" + ], + [ + "ĠG", + "OD" + ], + [ + "_CAM", + "ERA" + ], + [ + ".Allow", + "User" + ], + [ + "tr", + "acked" + ], + [ + "C", + "ook" + ], + [ + "b", + "airro" + ], + [ + "(", + "company" + ], + [ + "Ġview", + "point" + ], + [ + ".get", + "Writer" + ], + [ + "ĠN", + "ets" + ], + [ + "w", + "ives" + ], + [ + "Ġ(", + "))Ċ" + ], + [ + "example", + "Modal" + ], + [ + "ĉ", + "child" + ], + [ + "Ġmyth", + "ology" + ], + [ + "Ġ//", + "\"" + ], + [ + "_", + "axes" + ], + [ + "ib", + "old" + ], + [ + ".D", + "ark" + ], + [ + "ĠMax", + "well" + ], + [ + "Ġg", + "pointer" + ], + [ + "olic", + "itud" + ], + [ + "B", + "at" + ], + [ + "ul", + "ner" + ], + [ + "bal", + "anced" + ], + [ + "mail", + "er" + ], + [ + "Ġcont", + "empor" + ], + [ + "æīĭ", + "æľº" + ], + [ + "(\"", + "__" + ], + [ + "Ġ\"", + ")\"" + ], + [ + "re", + "ar" + ], + [ + "ĠHu", + "ang" + ], + [ + "]", + "')Ċ" + ], + [ + "×", + "©" + ], + [ + "FT", + "A" + ], + [ + "ĠCalling", + "Convention" + ], + [ + "ĠOutput", + "s" + ], + [ + "P", + "k" + ], + [ + ".Re", + "ference" + ], + [ + "lect", + "ual" + ], + [ + "Ġ)", + ":ĊĊ" + ], + [ + "Ġbrace", + "let" + ], + [ + "ug", + "er" + ], + [ + "ĉ", + "Error" + ], + [ + "S", + "weet" + ], + [ + "(\"/", + "\");Ċ" + ], + [ + "h", + "x" + ], + [ + "Ġun", + "reasonable" + ], + [ + "Inter", + "preter" + ], + [ + "Ġlo", + "ft" + ], + [ + "_product", + "o" + ], + [ + "Ġsoci", + "etal" + ], + [ + ".P", + "arser" + ], + [ + "ĠAd", + "apt" + ], + [ + ".", + "foo" + ], + [ + "(", + "where" + ], + [ + ".F", + "eature" + ], + [ + "ĠYam", + "aha" + ], + [ + "g", + "lass" + ], + [ + "For", + "ge" + ], + [ + "Ġprohib", + "its" + ], + [ + "Ġcapac", + "ities" + ], + [ + "Ġíķ¨", + "ìĪĺ" + ], + [ + "Ġper", + "mutation" + ], + [ + "Ġih", + "m" + ], + [ + "F", + "ld" + ], + [ + "el", + "ial" + ], + [ + "========", + "===Ċ" + ], + [ + "@", + "Configuration" + ], + [ + "Ġge", + "ared" + ], + [ + "ios", + "o" + ], + [ + "iest", + "a" + ], + [ + "trans", + "lations" + ], + [ + "Input", + "Change" + ], + [ + "Pop", + "ular" + ], + [ + "ĠPL", + "US" + ], + [ + "Ġv", + "f" + ], + [ + "_F", + "ree" + ], + [ + "b", + "box" + ], + [ + "Ġcaus", + "al" + ], + [ + "PI", + "LE" + ], + [ + "Ġsch", + "ö" + ], + [ + "Ġiron", + "ic" + ], + [ + "M", + "ir" + ], + [ + ".", + "@" + ], + [ + "åį", + "Ĺ" + ], + [ + "Ġè", + "ĩ" + ], + [ + "R", + "ew" + ], + [ + "ul", + "ence" + ], + [ + "fl", + "en" + ], + [ + "Ġcan", + "Activate" + ], + [ + "-", + "response" + ], + [ + "Ġacc", + "ents" + ], + [ + "ign", + "ored" + ], + [ + "°", + "F" + ], + [ + ".Dependency", + "Injection" + ], + [ + "ĉ", + "point" + ], + [ + "Ġconting", + "ent" + ], + [ + "Ġsqu", + "ash" + ], + [ + "Ġpar", + "ms" + ], + [ + "ĠC", + "emetery" + ], + [ + "Ġdelta", + "Time" + ], + [ + "ĠD", + "OS" + ], + [ + "Ġvan", + "ished" + ], + [ + "аÑĢам", + "еÑĤ" + ], + [ + "ĠD", + "PS" + ], + [ + "t", + "foot" + ], + [ + "ĠZ", + "us" + ], + [ + "_IN", + "STALL" + ], + [ + "G", + "AN" + ], + [ + "Ġar", + "b" + ], + [ + "Ġmunicipal", + "ities" + ], + [ + "Into", + "Constraints" + ], + [ + "AutoresizingMask", + "IntoConstraints" + ], + [ + ",", + "image" + ], + [ + "_", + "ignore" + ], + [ + "Ġdanger", + "ously" + ], + [ + "quis", + "a" + ], + [ + "pl", + "uck" + ], + [ + "Ġhar", + "us" + ], + [ + "up", + "pe" + ], + [ + "Http", + "Exception" + ], + [ + "Br", + "acket" + ], + [ + ".'", + "'ĊĊ" + ], + [ + "ĠT", + "ol" + ], + [ + "ĠView", + "er" + ], + [ + "zb", + "ollah" + ], + [ + ".Code", + "Analysis" + ], + [ + "ì", + "nh" + ], + [ + "Ġcorrect", + "amente" + ], + [ + ".d", + "a" + ], + [ + "ĠAl", + "ger" + ], + [ + "×", + "IJ" + ], + [ + "ba", + "um" + ], + [ + "ĠPan", + "ther" + ], + [ + "part", + "icipant" + ], + [ + "å¿", + "ħ" + ], + [ + "-s", + "up" + ], + [ + "Ġem", + "ulator" + ], + [ + "Ġf", + "ading" + ], + [ + "ĠW", + "olver" + ], + [ + "cre", + "ates" + ], + [ + "Ġbook", + "ings" + ], + [ + ".Q", + "uestion" + ], + [ + "§", + "è¡Į" + ], + [ + "Ġstress", + "es" + ], + [ + "Ġre", + "written" + ], + [ + ".PI", + "PE" + ], + [ + "ed", + "es" + ], + [ + "Ġc", + "bd" + ], + [ + "\":", + "\"/" + ], + [ + "Ġenh", + "ancements" + ], + [ + "_s", + "y" + ], + [ + "B", + "IN" + ], + [ + "ĠSl", + "ip" + ], + [ + "Ins", + "pect" + ], + [ + "ĠW", + "eg" + ], + [ + "Ġcon", + "gregation" + ], + [ + "Ġ_", + ":" + ], + [ + "_r", + "m" + ], + [ + "Frame", + "buffer" + ], + [ + "Ġ'&", + "#" + ], + [ + "ĠFall", + "out" + ], + [ + "Is", + "Required" + ], + [ + "ĠPear", + "son" + ], + [ + "ĠF", + "ACT" + ], + [ + "Ġrel", + "ie" + ], + [ + "ĉ", + "box" + ], + [ + "ĠShe", + "pherd" + ], + [ + "ĠWiki", + "Leaks" + ], + [ + "ĠCollect", + "or" + ], + [ + "Ġres", + "ized" + ], + [ + "method", + "Name" + ], + [ + "Ġevent", + "Type" + ], + [ + "ĠA", + "then" + ], + [ + "Des", + "criptors" + ], + [ + "Ġb", + "ers" + ], + [ + "-", + "oper" + ], + [ + "ĠInitial", + "ly" + ], + [ + "å", + "¡" + ], + [ + "_B", + "TN" + ], + [ + "ĠĠĠĠĠĠĠĠĠ", + "čĊ" + ], + [ + "á", + "b" + ], + [ + "_c", + "ampaign" + ], + [ + "_w", + "atch" + ], + [ + "F", + "ord" + ], + [ + "-date", + "picker" + ], + [ + "Ġvis", + "c" + ], + [ + "Ġsat", + "u" + ], + [ + "_s", + "ms" + ], + [ + "Ġcont", + "ador" + ], + [ + "-s", + "vg" + ], + [ + "ĠDO", + "I" + ], + [ + "$", + "args" + ], + [ + "Ġkn", + "ob" + ], + [ + ".B", + "OLD" + ], + [ + "Ġdeb", + "ated" + ], + [ + "img", + "s" + ], + [ + "sock", + "opt" + ], + [ + "tr", + "uth" + ], + [ + "ĠFe", + "es" + ], + [ + "Ġh", + "Wnd" + ], + [ + "_f", + "ood" + ], + [ + "Ġab", + "ras" + ], + [ + "Ġnot", + "ions" + ], + [ + "ĠT", + "od" + ], + [ + ":", + "create" + ], + [ + "ĠConf", + "lict" + ], + [ + "Us", + "uarios" + ], + [ + "OT", + "OS" + ], + [ + "Ġm", + "sm" + ], + [ + "K", + "HTML" + ], + [ + "([", + "(" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "Ġ}", + "]" + ], + [ + "w", + "izard" + ], + [ + "Ġm", + "ientras" + ], + [ + "Ġdata", + "List" + ], + [ + "Ġemerg", + "es" + ], + [ + "Äĥ", + "ng" + ], + [ + ".Read", + "Int" + ], + [ + "PG", + "A" + ], + [ + "ILL", + "ISE" + ], + [ + "I", + "Enumerator" + ], + [ + "(t", + "uple" + ], + [ + "Christ", + "mas" + ], + [ + "Look", + "AndFeel" + ], + [ + "og", + "enerated" + ], + [ + "Ġ#", + "ĊĊ" + ], + [ + "control", + "led" + ], + [ + "Ġex", + "quisite" + ], + [ + "Ġa", + "cest" + ], + [ + "Read", + "Write" + ], + [ + "G", + "ain" + ], + [ + "ãĢį", + "ãĢĮ" + ], + [ + "Ġcopyright", + "ed" + ], + [ + "Ġdo", + "om" + ], + [ + ".Table", + "LayoutPanel" + ], + [ + "ĠD", + "ort" + ], + [ + "Ġch", + "ili" + ], + [ + "Ġwer", + "k" + ], + [ + "ĠEVENT", + "S" + ], + [ + "ĠBe", + "acon" + ], + [ + "Ġship", + "ments" + ], + [ + "Ġse", + "bagai" + ], + [ + "up", + "on" + ], + [ + "ut", + "om" + ], + [ + ".con", + "verter" + ], + [ + ".Drop", + "Table" + ], + [ + "={", + "}Ċ" + ], + [ + "f", + "ic" + ], + [ + "~", + "ĊĊ" + ], + [ + "Ġlesb", + "ians" + ], + [ + "_n", + "a" + ], + [ + "Fore", + "ign" + ], + [ + "ĉ", + "then" + ], + [ + "/", + "ms" + ], + [ + "Ġor", + "i" + ], + [ + "get", + "Property" + ], + [ + "ĉsn", + "printf" + ], + [ + "hes", + "ion" + ], + [ + "ãģ", + "¤" + ], + [ + "\"}", + ",\"" + ], + [ + "Ġac", + "rylic" + ], + [ + "P", + "ers" + ], + [ + "@", + "Enable" + ], + [ + "I", + "sl" + ], + [ + "(C", + "ard" + ], + [ + ".", + "Stack" + ], + [ + "L", + "icensed" + ], + [ + "_G", + "UID" + ], + [ + ":", + "title" + ], + [ + "Ġh", + "ust" + ], + [ + "Ġprincipal", + "Table" + ], + [ + "an", + "itize" + ], + [ + "/", + "embed" + ], + [ + "Ġens", + "ured" + ], + [ + "ĠE", + "GL" + ], + [ + "ÙĪ", + "ر" + ], + [ + "ĠåĪ", + "Ĩ" + ], + [ + "/", + ",Ċ" + ], + [ + "Ġfundra", + "iser" + ], + [ + "Key", + "Name" + ], + [ + "Ġmarch", + "ed" + ], + [ + "_VAL", + "UES" + ], + [ + "ĠSc", + "enario" + ], + [ + "Ġmet", + "ic" + ], + [ + "_ass", + "oci" + ], + [ + "ĠPast", + "or" + ], + [ + "ĉĉĉĉĉĉĉĉ", + "ĉĉĉĉĉĉĉĉĉĉ" + ], + [ + "er", + "ate" + ], + [ + "Ġinv", + "itations" + ], + [ + "quo", + "ise" + ], + [ + "Ġbl", + "aming" + ], + [ + "Ġd", + "aring" + ], + [ + "UM", + "MY" + ], + [ + "Ġrich", + "er" + ], + [ + "em", + "aker" + ], + [ + "ĠIdent", + "ification" + ], + [ + "ĠìĿ", + "¸" + ], + [ + "ĠBinding", + "Flags" + ], + [ + "ch", + "as" + ], + [ + "Ġresil", + "ient" + ], + [ + "_p", + "g" + ], + [ + "Ġre", + "leg" + ], + [ + "ĠI", + "RA" + ], + [ + "ST", + "E" + ], + [ + "Ġtr", + "actor" + ], + [ + "-", + "loading" + ], + [ + "ĠPre", + "viously" + ], + [ + "ĠV", + "acc" + ], + [ + "/", + "be" + ], + [ + "Ġn", + "Ã¥r" + ], + [ + "Ġurl", + "encode" + ], + [ + "ĠNor", + "folk" + ], + [ + ".Re", + "lease" + ], + [ + "ĠNe", + "utral" + ], + [ + "ä¸Ń", + "åĽ½" + ], + [ + "ĠAr", + "lington" + ], + [ + "Ġalleg", + "es" + ], + [ + "ĠW", + "riters" + ], + [ + "Test", + "er" + ], + [ + "ĠR", + "ally" + ], + [ + "Ġc", + "á" + ], + [ + "ĉ", + "Print" + ], + [ + "Ġâĩ", + "Ĵ" + ], + [ + "ĠUser", + "Controller" + ], + [ + "ĠSeek", + "ing" + ], + [ + ".V", + "AL" + ], + [ + "List", + "Node" + ], + [ + "_", + "ff" + ], + [ + "ĠPhill", + "ip" + ], + [ + "FA", + "CT" + ], + [ + "Ġc", + "aramel" + ], + [ + "ĠM", + "ultip" + ], + [ + "ĠCom", + "pared" + ], + [ + "ĠSer", + "bia" + ], + [ + "Ł", + "³" + ], + [ + "Ġrev", + "ive" + ], + [ + "ĠK", + "anye" + ], + [ + "Ġver", + "ge" + ], + [ + "ĠBulg", + "aria" + ], + [ + "get", + "Body" + ], + [ + "Ġ|", + ">" + ], + [ + "ce", + "ph" + ], + [ + ".DateTime", + "Picker" + ], + [ + ".\"", + ";ĊĊ" + ], + [ + "ĠT", + "ie" + ], + [ + ",", + "item" + ], + [ + "Ġm", + "enn" + ], + [ + "G", + "as" + ], + [ + "och", + "a" + ], + [ + "_v", + "irtual" + ], + [ + "Ġmaster", + "piece" + ], + [ + "_se", + "quences" + ], + [ + "L", + "TE" + ], + [ + "ĠSub", + "mission" + ], + [ + "Call", + "er" + ], + [ + "$", + "\\" + ], + [ + "S", + "port" + ], + [ + "ag", + "us" + ], + [ + "Constraint", + "Maker" + ], + [ + "Ġcol", + "oc" + ], + [ + "Ġw", + "ig" + ], + [ + "ĠÐ", + "£" + ], + [ + "ĉ", + "Array" + ], + [ + "Look", + "s" + ], + [ + "ĠGT", + "A" + ], + [ + ".st", + "eps" + ], + [ + "atch", + "ewan" + ], + [ + "_r", + "anges" + ], + [ + "ext", + "Alignment" + ], + [ + "ĠBren", + "nan" + ], + [ + "Ġab", + "straction" + ], + [ + "uler", + "Angles" + ], + [ + ".m", + "isc" + ], + [ + "Ġantib", + "odies" + ], + [ + "Ġexponent", + "ial" + ], + [ + "ĠCH", + "ANNEL" + ], + [ + "exp", + "ense" + ], + [ + "'", + "y" + ], + [ + "Ġdetect", + "ives" + ], + [ + "Ġpur", + "ported" + ], + [ + "Y", + "STEM" + ], + [ + "Ġradio", + "active" + ], + [ + "ĠLat", + "ina" + ], + [ + ".Enc", + "oding" + ], + [ + ".T", + "AG" + ], + [ + "x", + "in" + ], + [ + "D", + "egree" + ], + [ + "ur", + "acion" + ], + [ + "pr", + "ices" + ], + [ + "ĠRefer", + "entialAction" + ], + [ + "Ġr", + "arity" + ], + [ + "Ġp", + "iles" + ], + [ + "g", + "ende" + ], + [ + "_project", + "s" + ], + [ + "_g", + "lobals" + ], + [ + ".start", + "Time" + ], + [ + "Ġê", + "µ¬" + ], + [ + "SE", + "CTION" + ], + [ + "_p", + "ublish" + ], + [ + "F", + "ault" + ], + [ + "DD", + "L" + ], + [ + "_p", + "rior" + ], + [ + "M", + "om" + ], + [ + "Ġth", + "icker" + ], + [ + "Ġsequ", + "elize" + ], + [ + "Ġessential", + "s" + ], + [ + "str", + "as" + ], + [ + "in", + "tr" + ], + [ + ">(", + "()" + ], + [ + ".man", + "agement" + ], + [ + "e", + "il" + ], + [ + "éĹ", + "Ń" + ], + [ + "A", + "ware" + ], + [ + ".C", + "ity" + ], + [ + "ĠAr", + "bit" + ], + [ + "_D", + "M" + ], + [ + "_key", + "board" + ], + [ + "L", + "Object" + ], + [ + "-", + "webpack" + ], + [ + "ĠNew", + "port" + ], + [ + "Ġprincipal", + "Column" + ], + [ + "leg", + "ant" + ], + [ + "Ġp", + "allet" + ], + [ + "Ġfract", + "ure" + ], + [ + "Ġg", + "mail" + ], + [ + ".M", + "eta" + ], + [ + "A", + "bove" + ], + [ + ".Key", + "Event" + ], + [ + "j", + "it" + ], + [ + "_mac", + "ro" + ], + [ + "_P", + "USH" + ], + [ + "á»", + "©" + ], + [ + "/", + "controller" + ], + [ + "åĬł", + "è½½" + ], + [ + "Ġsuperf", + "icial" + ], + [ + "exter", + "ity" + ], + [ + "Ġmens", + "agem" + ], + [ + "W", + "ind" + ], + [ + "ist", + "on" + ], + [ + ".open", + "api" + ], + [ + "и", + "ÑĢов" + ], + [ + "ĠSerial", + "izer" + ], + [ + "uct", + "ive" + ], + [ + "Ġz", + "ar" + ], + [ + "Pl", + "aces" + ], + [ + ".St", + "atic" + ], + [ + "B", + "a" + ], + [ + "Ġin", + "advert" + ], + [ + "ĠIndones", + "ian" + ], + [ + "_IP", + "V" + ], + [ + "(h", + "orizontal" + ], + [ + "Ġget", + "Title" + ], + [ + "ide", + "press" + ], + [ + "ĠConsole", + "Color" + ], + [ + "ip", + "ers" + ], + [ + "$", + "out" + ], + [ + "Ġfest", + "ive" + ], + [ + "Ġeven", + "ings" + ], + [ + ".Get", + "Data" + ], + [ + "uit", + "ka" + ], + [ + "ĠManual", + "s" + ], + [ + "uss", + "ed" + ], + [ + "_M", + "ax" + ], + [ + ".Ch", + "at" + ], + [ + "ĠA", + "ircraft" + ], + [ + "=", + "com" + ], + [ + "FO", + "UND" + ], + [ + "ap", + "ro" + ], + [ + "Ġtre", + "asures" + ], + [ + "_al", + "ive" + ], + [ + "Ġgad", + "get" + ], + [ + "ek", + "ing" + ], + [ + "Button", + "Down" + ], + [ + "B", + "rowsable" + ], + [ + ".PER", + "MISSION" + ], + [ + "P", + "ASSWORD" + ], + [ + "ĠH", + "ASH" + ], + [ + "f", + "é" + ], + [ + "\\", + "TestCase" + ], + [ + "LO", + "SS" + ], + [ + "o", + "thers" + ], + [ + ",", + "J" + ], + [ + "Ġassh", + "ole" + ], + [ + "wer", + "k" + ], + [ + "Ġm", + "ã" + ], + [ + ".", + "ie" + ], + [ + "ev", + "il" + ], + [ + "kont", + "akte" + ], + [ + "////////////////////////////////////////////////////////////////////////////////", + "Ċ" + ], + [ + "=", + "sys" + ], + [ + "ĉ", + "lock" + ], + [ + "--", + ";ĊĊ" + ], + [ + "_F", + "UN" + ], + [ + "Fill", + "Color" + ], + [ + "ó", + "a" + ], + [ + "pre", + "nd" + ], + [ + "Ġcompress", + "or" + ], + [ + "M", + "other" + ], + [ + "ĠAr", + "cher" + ], + [ + ".g", + "oto" + ], + [ + "Ġwür", + "de" + ], + [ + "Ġbam", + "boo" + ], + [ + "ï¼", + "İ" + ], + [ + "ĠT", + "rees" + ], + [ + "Ġb", + "umper" + ], + [ + "Ġsa", + "usage" + ], + [ + "ĠEl", + "asticsearch" + ], + [ + "Ġhor", + "izontally" + ], + [ + "ĠG", + "ul" + ], + [ + "Im", + "mutable" + ], + [ + "Ġlos", + "er" + ], + [ + "Ġabort", + "ed" + ], + [ + "-d", + "emo" + ], + [ + "ĠH", + "atch" + ], + [ + "Ġund", + "e" + ], + [ + "Ġprocess", + "o" + ], + [ + "-c", + "all" + ], + [ + "In", + "come" + ], + [ + "å", + "ĥ" + ], + [ + "_", + "returns" + ], + [ + "'].\"", + "'" + ], + [ + "(s", + "w" + ], + [ + "C", + "BS" + ], + [ + "am", + "ilies" + ], + [ + "ĠYour", + "self" + ], + [ + "ĠH", + "olt" + ], + [ + ".M", + "ON" + ], + [ + "à§", + "ĩ" + ], + [ + "ÑĪ", + "е" + ], + [ + "an", + "on" + ], + [ + "ĠFont", + "Awesome" + ], + [ + "produ", + "cer" + ], + [ + "j", + "r" + ], + [ + "Ġm", + "au" + ], + [ + "ĉint", + "er" + ], + [ + "Ġdish", + "onest" + ], + [ + "Ġmagn", + "a" + ], + [ + "ĠCollect", + "ive" + ], + [ + "Ġvra", + "iment" + ], + [ + "Ġcho", + "ix" + ], + [ + "st", + "ay" + ], + [ + "Ġweld", + "ing" + ], + [ + "r", + "ising" + ], + [ + ",", + "min" + ], + [ + "ĠF", + "ate" + ], + [ + "g", + "lob" + ], + [ + "RGB", + "A" + ], + [ + "Ġdet", + "te" + ], + [ + "V", + "en" + ], + [ + "Ġembarrass", + "ment" + ], + [ + ".DE", + "LETE" + ], + [ + "greg", + "ar" + ], + [ + "-re", + "nder" + ], + [ + "(b", + "ucket" + ], + [ + "\">", + "ĊĊĊ" + ], + [ + ".wait", + "Key" + ], + [ + "Bus", + "y" + ], + [ + "Ġdifferent", + "iation" + ], + [ + "ĠC", + "ST" + ], + [ + ".Con", + "stant" + ], + [ + "Ġline", + "Number" + ], + [ + "(m", + "atches" + ], + [ + "Ġweb", + "socket" + ], + [ + "Ġbar", + "red" + ], + [ + "Ġpued", + "es" + ], + [ + "M", + "ono" + ], + [ + "C", + "ORE" + ], + [ + "I", + "ID" + ], + [ + "ĠĠĠĠ", + "čĊčĊ" + ], + [ + "Ġpúb", + "lico" + ], + [ + "lean", + "ing" + ], + [ + "Ġcleans", + "ing" + ], + [ + "Ġcr", + "is" + ], + [ + "ĠDev", + "ils" + ], + [ + "_SET", + "TING" + ], + [ + "unt", + "ary" + ], + [ + ".", + ");Ċ" + ], + [ + "Ċ", + "ĠĠĠĊ" + ], + [ + "[", + "curr" + ], + [ + "ts", + "y" + ], + [ + "ĠAlex", + "is" + ], + [ + "rit", + "el" + ], + [ + "Ġpet", + "roleum" + ], + [ + ".pre", + "processing" + ], + [ + "m", + "atter" + ], + [ + "For", + "Result" + ], + [ + "-", + "license" + ], + [ + "Ġtrav", + "ellers" + ], + [ + "ĠDispatch", + "er" + ], + [ + "enn", + "ifer" + ], + [ + "Ġdigest", + "ive" + ], + [ + "P", + "ED" + ], + [ + "hib", + "ition" + ], + [ + "MAS", + "ConstraintMaker" + ], + [ + "ĠW", + "att" + ], + [ + "Ben", + "ef" + ], + [ + ".set", + "View" + ], + [ + "d", + "to" + ], + [ + "TE", + "E" + ], + [ + "ĠPel", + "osi" + ], + [ + "_EX", + "TRA" + ], + [ + "Ġmed", + "als" + ], + [ + "x", + "hr" + ], + [ + "fore", + "cast" + ], + [ + "Ġn", + "argin" + ], + [ + "oun", + "s" + ], + [ + "-f", + "ill" + ], + [ + "_CUR", + "SOR" + ], + [ + "Ġsuperv", + "ised" + ], + [ + "Ġtur", + "f" + ], + [ + "ĠEd", + "gar" + ], + [ + "POS", + "ITION" + ], + [ + "Ġcategory", + "Id" + ], + [ + "â", + "ī" + ], + [ + "_", + "ER" + ], + [ + "á»§", + "a" + ], + [ + "Sh", + "own" + ], + [ + ".", + "ll" + ], + [ + "_POL", + "ICY" + ], + [ + "(),", + "'" + ], + [ + "ĠPre", + "v" + ], + [ + "ĠString", + "Field" + ], + [ + "ĉG", + "lobal" + ], + [ + "ass", + "ed" + ], + [ + "Through", + "out" + ], + [ + "o", + "stringstream" + ], + [ + ".awt", + "extra" + ], + [ + "Ġslo", + "pes" + ], + [ + "ĠSe", + "quential" + ], + [ + "Ġgi", + "orn" + ], + [ + "Ġz", + "elf" + ], + [ + "Ġvers", + "atility" + ], + [ + "lene", + "ck" + ], + [ + ".c", + "gi" + ], + [ + "Ġdou", + "bling" + ], + [ + "ĠBang", + "kok" + ], + [ + "Ġbu", + "urt" + ], + [ + "Ġusu", + "ário" + ], + [ + "st", + "udio" + ], + [ + "Ġje", + "unes" + ], + [ + "Ġm", + "uted" + ], + [ + "Ġ", + "ips" + ], + [ + "_f", + "raction" + ], + [ + "&&", + "(" + ], + [ + "Ġst", + "unt" + ], + [ + "');", + "?>čĊ" + ], + [ + "Ġev", + "apor" + ], + [ + "b", + "able" + ], + [ + "ĠPR", + "ICE" + ], + [ + "Ġæ", + "³" + ], + [ + "lu", + "cent" + ], + [ + "Ġv", + "amp" + ], + [ + "ĠTechn", + "ician" + ], + [ + "Ġuniqu", + "eness" + ], + [ + "M", + "es" + ], + [ + "ur", + "ban" + ], + [ + ".param", + "etrize" + ], + [ + "ĠRe", + "play" + ], + [ + "S", + "essions" + ], + [ + "em", + "br" + ], + [ + "-Americ", + "ans" + ], + [ + "_PRO", + "XY" + ], + [ + "Ġp", + "ian" + ], + [ + "Ġtri", + "e" + ], + [ + "ĠD", + "estructor" + ], + [ + "Game", + "State" + ], + [ + "ĠIM", + "F" + ], + [ + "ch", + "in" + ], + [ + "Ġport", + "e" + ], + [ + "ĠSw", + "al" + ], + [ + "åŁ", + "İ" + ], + [ + "Sub", + "string" + ], + [ + "im", + "ing" + ], + [ + "/L", + "ibrary" + ], + [ + "Ġfright", + "ened" + ], + [ + "w", + "rites" + ], + [ + "Ġrecurs", + "os" + ], + [ + "ar", + "Result" + ], + [ + "_INIT", + "IALIZ" + ], + [ + "ĠBad", + "ge" + ], + [ + "_c", + "rc" + ], + [ + "E", + "ight" + ], + [ + "ĠDIST", + "INCT" + ], + [ + "Ġth", + "ro" + ], + [ + "@", + "Xml" + ], + [ + "ĠLegend", + "ary" + ], + [ + "-t", + "witter" + ], + [ + "_e", + "asy" + ], + [ + "Ġ+", + "++" + ], + [ + "(D", + "ATA" + ], + [ + ".L", + "ocale" + ], + [ + "Ġk", + "ä" + ], + [ + "Ġn", + "urt" + ], + [ + "Ġcr", + "uis" + ], + [ + "_", + "ios" + ], + [ + "Ġsens", + "ing" + ], + [ + "_L", + "ine" + ], + [ + "Ċ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ" + ], + [ + "pon", + "g" + ], + [ + "ole", + "on" + ], + [ + "Ġwild", + "card" + ], + [ + "ç͍æĪ·", + "åIJį" + ], + [ + "Ġbeg", + "ging" + ], + [ + "R", + "od" + ], + [ + "ĠÃ", + "İ" + ], + [ + "_C", + "ELL" + ], + [ + "Research", + "ers" + ], + [ + ".", + "selector" + ], + [ + "_", + "ing" + ], + [ + "Ġaspir", + "ing" + ], + [ + "Ġimm", + "ortal" + ], + [ + "Ġy", + "min" + ], + [ + "_", + "robot" + ], + [ + "Ġpl", + "ur" + ], + [ + "B", + "TC" + ], + [ + "ĠD", + "ID" + ], + [ + "Ġpier", + "cing" + ], + [ + "*", + "u" + ], + [ + "_DEFIN", + "ED" + ], + [ + "ĠTh", + "i" + ], + [ + "ita", + "ire" + ], + [ + "(m", + "edia" + ], + [ + "-", + "ons" + ], + [ + "Ġche", + "fs" + ], + [ + "Ġ\"*", + "." + ], + [ + "/", + "AP" + ], + [ + "Ġraz", + "or" + ], + [ + "Ġsearch", + "Data" + ], + [ + "Ġ=", + "&" + ], + [ + "Ġ", + "ãĢĤ" + ], + [ + "Ġm", + "ourn" + ], + [ + "ting", + "ham" + ], + [ + "Ġo", + "li" + ], + [ + "ĠVern", + "on" + ], + [ + "_R", + "S" + ], + [ + "ŀ", + "æĢ§" + ], + [ + "Ġf", + "ácil" + ], + [ + "ang", + "en" + ], + [ + "cel", + "ain" + ], + [ + "Ġa", + "il" + ], + [ + "le", + "st" + ], + [ + "ĠQ", + "COMPARE" + ], + [ + "g", + "ain" + ], + [ + "ĠÎ", + "µ" + ], + [ + "ĠK", + "ob" + ], + [ + "ĠF", + "ault" + ], + [ + "_config", + "s" + ], + [ + "ç»ĵ", + "æŀľ" + ], + [ + ".", + "+" + ], + [ + "cal", + "ar" + ], + [ + "(color", + "s" + ], + [ + "M", + "ul" + ], + [ + "_", + "ART" + ], + [ + "Ġexperiment", + "ing" + ], + [ + "erm", + "en" + ], + [ + "ĠAng", + "lo" + ], + [ + ".Fixed", + "Single" + ], + [ + "Se", + "a" + ], + [ + "Ġc", + "txt" + ], + [ + ".s", + "lider" + ], + [ + "C", + "ollapse" + ], + [ + "G", + "rey" + ], + [ + "Ġf", + "ld" + ], + [ + "-pro", + "of" + ], + [ + ".cap", + "acity" + ], + [ + "get", + "Parent" + ], + [ + "ĠCom", + "pliance" + ], + [ + "Ġburg", + "l" + ], + [ + "-", + "rec" + ], + [ + "Ġover", + "written" + ], + [ + "M", + "U" + ], + [ + "Ġrout", + "ers" + ], + [ + "ĉ", + "Model" + ], + [ + "Ġfantas", + "ies" + ], + [ + "av", + "ian" + ], + [ + "_p", + "rec" + ], + [ + "ĠSc", + "andin" + ], + [ + "Ġ//", + "<" + ], + [ + "/o", + "ct" + ], + [ + "Ġceremon", + "ies" + ], + [ + "Month", + "s" + ], + [ + "und", + "y" + ], + [ + "Ġqu", + "ed" + ], + [ + "ĠN", + "ou" + ], + [ + "ĠV", + "ibr" + ], + [ + ".r", + "gb" + ], + [ + "Ġcit", + "rus" + ], + [ + "Ġbr", + "aces" + ], + [ + "-upper", + "case" + ], + [ + "get", + "Table" + ], + [ + "Ġdop", + "o" + ], + [ + "ĠK", + "err" + ], + [ + "_CH", + "ILD" + ], + [ + "-", + "cloud" + ], + [ + "ĉ", + "Matrix" + ], + [ + "Ġgard", + "ening" + ], + [ + "S", + "ing" + ], + [ + "al", + "most" + ], + [ + "Require", + "ments" + ], + [ + "ugu", + "ay" + ], + [ + "(", + "Property" + ], + [ + "sub", + "scriber" + ], + [ + "FA", + "ST" + ], + [ + "re", + "action" + ], + [ + "(l", + "p" + ], + [ + ")", + "})Ċ" + ], + [ + "`", + ")." + ], + [ + ".w", + "allet" + ], + [ + "_ex", + "change" + ], + [ + ".Max", + "imum" + ], + [ + "ĠVer", + "b" + ], + [ + "âĶ", + "ģ" + ], + [ + "()", + "<" + ], + [ + "ï¼Ľ", + "Ċ" + ], + [ + "RO", + "T" + ], + [ + "C", + "ARD" + ], + [ + "ub", + "it" + ], + [ + "{", + "@" + ], + [ + "_k", + "el" + ], + [ + "ĠTool", + "tip" + ], + [ + "My", + "SQL" + ], + [ + "Main", + "Activity" + ], + [ + "ar", + "f" + ], + [ + "Ġm", + "align" + ], + [ + "Ġse", + "inen" + ], + [ + "ap", + "ist" + ], + [ + "Ġ<", + "%" + ], + [ + "Method", + "Impl" + ], + [ + "M", + "il" + ], + [ + "ĠM", + "ick" + ], + [ + ".de", + "pend" + ], + [ + "<", + "ID" + ], + [ + "Ġpredict", + "ive" + ], + [ + "ĠAP", + "PLICATION" + ], + [ + "le", + "f" + ], + [ + "dim", + "ensions" + ], + [ + "Ġconoc", + "er" + ], + [ + "/", + "conf" + ], + [ + "ĠTr", + "acy" + ], + [ + "F", + "oto" + ], + [ + "_rem", + "aining" + ], + [ + "=", + "file" + ], + [ + "Ġpage", + "Index" + ], + [ + "ĠPar", + "ish" + ], + [ + "Ġt", + "exas" + ], + [ + "ĠM", + "AGIC" + ], + [ + "ĠH", + "ew" + ], + [ + "d", + "ifference" + ], + [ + "Ġalt", + "ura" + ], + [ + "c", + "um" + ], + [ + "ĉdata", + "Type" + ], + [ + "Ġcaracter", + "es" + ], + [ + "avi", + "ours" + ], + [ + "ĠV", + "OID" + ], + [ + "è¿", + "ij" + ], + [ + "P", + "UBLIC" + ], + [ + "B", + "io" + ], + [ + "ĠstringBy", + "Appending" + ], + [ + "Parse", + "Exception" + ], + [ + "ĠS", + "uff" + ], + [ + "ĠN", + "orton" + ], + [ + "/d", + "etails" + ], + [ + ".n", + "ull" + ], + [ + ">>", + "&" + ], + [ + "ĉ", + "ok" + ], + [ + "-l", + "ow" + ], + [ + ".", + "usuario" + ], + [ + "n", + "ested" + ], + [ + "X", + "B" + ], + [ + "OUR", + "S" + ], + [ + ".Border", + "Color" + ], + [ + "Ġb", + "row" + ], + [ + "ĠÐ", + "ķ" + ], + [ + "cor", + "r" + ], + [ + "ĠRed", + "skins" + ], + [ + ".get", + "Tag" + ], + [ + ".get", + "Transaction" + ], + [ + "Ġst", + "igma" + ], + [ + "hard", + "t" + ], + [ + "ĠPlayer", + "Prefs" + ], + [ + "als", + "y" + ], + [ + "uc", + "son" + ], + [ + "L", + "anguages" + ], + [ + "ĠOl", + "ivia" + ], + [ + "Ġt", + "ac" + ], + [ + "Ġb", + "li" + ], + [ + "Ġc", + "aval" + ], + [ + "Ġconsolid", + "ated" + ], + [ + "Ġper", + "il" + ], + [ + "Ġde", + "le" + ], + [ + "Ġform", + "ulated" + ], + [ + "Ġhigh", + "ways" + ], + [ + ".sp", + "awn" + ], + [ + "==", + "$" + ], + [ + "ĠN", + "iet" + ], + [ + "Ġv", + "eggies" + ], + [ + "yp", + "o" + ], + [ + "-r", + "ule" + ], + [ + "ĠV", + "ie" + ], + [ + "/e", + "pl" + ], + [ + "Ġenf", + "ants" + ], + [ + "string", + "Literal" + ], + [ + "Ġtou", + "ghest" + ], + [ + "buy", + "er" + ], + [ + "Ġcov", + "ariance" + ], + [ + "Ġil", + "i" + ], + [ + "ĠSoph", + "ie" + ], + [ + "ĠB", + "AB" + ], + [ + "Ġ\"", + ")," + ], + [ + "ĠU", + "k" + ], + [ + "current", + "Index" + ], + [ + "_user", + "data" + ], + [ + ".code", + "c" + ], + [ + "ĠPun", + "jab" + ], + [ + "ĠSN", + "P" + ], + [ + "l", + "ol" + ], + [ + "adv", + "ance" + ], + [ + "Ġcom", + "fy" + ], + [ + "Json", + "Ignore" + ], + [ + "Ġfashion", + "able" + ], + [ + "ĠI", + "CON" + ], + [ + "Ġor", + "a" + ], + [ + "ĠP", + "ricing" + ], + [ + "<", + "num" + ], + [ + "ĠI", + "RC" + ], + [ + "ER", + "V" + ], + [ + "ĠMe", + "in" + ], + [ + "ĠID", + "ictionary" + ], + [ + "AD", + "OW" + ], + [ + "is", + "New" + ], + [ + "ĠDev", + "on" + ], + [ + "at", + "l" + ], + [ + "(request", + "Code" + ], + [ + "ĉ", + "PreparedStatement" + ], + [ + "IM", + "PORT" + ], + [ + "Ġmar", + "ital" + ], + [ + "_SELECT", + "ED" + ], + [ + "get", + "Response" + ], + [ + "ar", + "Down" + ], + [ + "B", + "V" + ], + [ + "ib", + "Name" + ], + [ + "ĠP", + "ATCH" + ], + [ + "ä", + "än" + ], + [ + "Ġda", + "ar" + ], + [ + "ĠFile", + "Mode" + ], + [ + "Ġm", + "arty" + ], + [ + ".Spring", + "Application" + ], + [ + "c", + "ene" + ], + [ + "amp", + "oline" + ], + [ + "get", + "Size" + ], + [ + "Rest", + "art" + ], + [ + "æķ", + "Ī" + ], + [ + ".project", + "s" + ], + [ + "ĠEthi", + "opia" + ], + [ + "Ġstatus", + "es" + ], + [ + "T", + "ION" + ], + [ + "(b", + "g" + ], + [ + "ĠX", + "unit" + ], + [ + "Temp", + "orary" + ], + [ + "ĠEng", + "agement" + ], + [ + "Ġx", + "f" + ], + [ + "Ġprox", + "ies" + ], + [ + "Ġgen", + "esis" + ], + [ + "Pager", + "Adapter" + ], + [ + "ĠSl", + "ave" + ], + [ + "Ġsung", + "lasses" + ], + [ + "ĠCh", + "loe" + ], + [ + "Ġko", + "ji" + ], + [ + "ad", + "em" + ], + [ + "ĉ", + "JSONObject" + ], + [ + "Î", + "³" + ], + [ + "Ġh", + "ors" + ], + [ + "*", + "w" + ], + [ + "ó", + "r" + ], + [ + "es", + "ch" + ], + [ + "Ġcritic", + "ised" + ], + [ + "z", + "ial" + ], + [ + "ĠSale", + "m" + ], + [ + ".Vert", + "ical" + ], + [ + "ĠR", + "ash" + ], + [ + ">", + "E" + ], + [ + "ter", + "ing" + ], + [ + "/s", + "creens" + ], + [ + "Ġheight", + "ened" + ], + [ + "аÑĢ", + "ÑĤ" + ], + [ + "Author", + "ities" + ], + [ + "_b", + "box" + ], + [ + "ün", + "st" + ], + [ + ".font", + "Size" + ], + [ + "ĠBO", + "OLEAN" + ], + [ + "div", + "ide" + ], + [ + "ĠSlo", + "ven" + ], + [ + "uc", + "er" + ], + [ + "Ù", + "Ĵ" + ], + [ + "st", + "ub" + ], + [ + "Ġnavig", + "ating" + ], + [ + ":", + "animated" + ], + [ + "_N", + "OW" + ], + [ + "_v", + "ect" + ], + [ + "}", + "{Ċ" + ], + [ + "@", + "(" + ], + [ + "Ġtele", + "com" + ], + [ + "Ġcontract", + "ing" + ], + [ + "ĠAss", + "ange" + ], + [ + "Ġextract", + "ing" + ], + [ + "Ġgr", + "ö" + ], + [ + "c", + "obra" + ], + [ + ".D", + "IS" + ], + [ + "Ġcr", + "ab" + ], + [ + "Ġtw", + "itch" + ], + [ + "Ġvert", + "s" + ], + [ + "Ġreject", + "s" + ], + [ + "ĉ", + "format" + ], + [ + "Ġreg", + "eneration" + ], + [ + ".S", + "ys" + ], + [ + "s", + "olve" + ], + [ + "ĉd", + "ialog" + ], + [ + "sh", + "i" + ], + [ + "m", + "eter" + ], + [ + "(b", + "est" + ], + [ + "valid", + "ators" + ], + [ + "Ġon", + "wards" + ], + [ + "Ġg", + "uru" + ], + [ + "Ġmoder", + "ator" + ], + [ + "ow", + "ied" + ], + [ + "ex", + "periment" + ], + [ + "r", + "ub" + ], + [ + "Ġm", + "qtt" + ], + [ + "ĠCa", + "ucas" + ], + [ + "Ġnational", + "ism" + ], + [ + "Ġm", + "ange" + ], + [ + "ĉ", + "ImGui" + ], + [ + "/", + "Edit" + ], + [ + "Ġin", + "h" + ], + [ + "Ġint", + "ellig" + ], + [ + "ero", + "kee" + ], + [ + "ĉ", + "export" + ], + [ + "Ġdiscrim", + "inate" + ], + [ + "sub", + "tract" + ], + [ + "ĠM", + "oodle" + ], + [ + "ens", + "er" + ], + [ + "ĠGuid", + "es" + ], + [ + "R", + "AP" + ], + [ + "-h", + "ot" + ], + [ + "_gr", + "p" + ], + [ + ".p", + "icture" + ], + [ + "X", + "A" + ], + [ + "Ġinit", + "View" + ], + [ + "_Com", + "m" + ], + [ + "Ġoverd", + "ose" + ], + [ + "Ġ+", + "ĊĊ" + ], + [ + "ĠSil", + "ent" + ], + [ + "show", + "s" + ], + [ + "Ġinterpol", + "ate" + ], + [ + "Form", + "ation" + ], + [ + "Ġb", + "isc" + ], + [ + "mark", + "ets" + ], + [ + "(", + "SC" + ], + [ + "Z", + "e" + ], + [ + "ĠNetwork", + "ing" + ], + [ + "Ġad", + "renal" + ], + [ + "ĠG", + "uns" + ], + [ + "ete", + "or" + ], + [ + "Decl", + "ared" + ], + [ + "orget", + "own" + ], + [ + "Ġk", + "arena" + ], + [ + "/", + "password" + ], + [ + "_address", + "es" + ], + [ + "ITER", + "AL" + ], + [ + "B", + "uzz" + ], + [ + "ĠCon", + "way" + ], + [ + "(c", + "ase" + ], + [ + "P", + "WD" + ], + [ + "he", + "iro" + ], + [ + "(", + "act" + ], + [ + "**", + "čĊ" + ], + [ + "());ĊĊ", + "Ċ" + ], + [ + "Ġan", + "v" + ], + [ + "Ġ.", + ".ĊĊ" + ], + [ + "(Menu", + "Item" + ], + [ + "(m", + "ail" + ], + [ + "_section", + "s" + ], + [ + "ĉ", + "net" + ], + [ + "Ġpl", + "ut" + ], + [ + "Ġw", + "rench" + ], + [ + "/", + "object" + ], + [ + "ĠI", + "st" + ], + [ + "ĠV", + "IS" + ], + [ + "/p", + "ub" + ], + [ + "al", + "ten" + ], + [ + "Ġguit", + "ars" + ], + [ + "Ġantibiot", + "ic" + ], + [ + "ï¼", + "ĸ" + ], + [ + "Â", + "¹" + ], + [ + "Ġ\"", + "+\"" + ], + [ + "form", + "ula" + ], + [ + "Ġbab", + "es" + ], + [ + "ĠP", + "rompt" + ], + [ + "Ġen", + "im" + ], + [ + "/", + "player" + ], + [ + "ĉ", + "ref" + ], + [ + "Ġby", + "Äĩ" + ], + [ + "Ġconsum", + "es" + ], + [ + "ĠH", + "ast" + ], + [ + "ĠT", + "ao" + ], + [ + "Ġ'", + "))Ċ" + ], + [ + "Ġcl", + "am" + ], + [ + "Ġthigh", + "s" + ], + [ + "Ġmot", + "if" + ], + [ + "Api", + "Operation" + ], + [ + "ĠW", + "L" + ], + [ + "get", + "C" + ], + [ + "ĉf", + "lags" + ], + [ + "oint", + "ments" + ], + [ + "Ġeconom", + "ical" + ], + [ + "need", + "le" + ], + [ + "x", + "ls" + ], + [ + "pr", + "actice" + ], + [ + "ut", + "zer" + ], + [ + "time", + "ofday" + ], + [ + "-", + "output" + ], + [ + "Ġfind", + "ById" + ], + [ + "ĠBudd", + "y" + ], + [ + "Ðŀ", + "ÑĤ" + ], + [ + "Se", + "ven" + ], + [ + "ĠB", + "ark" + ], + [ + "Ġenv", + "oy" + ], + [ + "_al", + "gorithm" + ], + [ + "åĪ", + "©" + ], + [ + "Ġball", + "istic" + ], + [ + "ç§", + "»" + ], + [ + "r", + "ades" + ], + [ + "ĉd", + "oc" + ], + [ + "rodu", + "cing" + ], + [ + "ĠE", + "ating" + ], + [ + "Un", + "mount" + ], + [ + "/data", + "Tables" + ], + [ + "_b", + "onus" + ], + [ + "Ġl", + "itt" + ], + [ + "pp", + "s" + ], + [ + ")", + "localObject" + ], + [ + "per", + "f" + ], + [ + "ĠHel", + "vetica" + ], + [ + "sh", + "utdown" + ], + [ + "/", + "ml" + ], + [ + ".t", + "okens" + ], + [ + "ĠHard", + "core" + ], + [ + ",", + "row" + ], + [ + "/b", + "g" + ], + [ + "Sc", + "aler" + ], + [ + "âĢĶ", + "as" + ], + [ + "_log", + "its" + ], + [ + "âĢĻ", + "int" + ], + [ + "ĉ", + "App" + ], + [ + "Imp", + "licit" + ], + [ + ".F", + "printf" + ], + [ + "ET", + "O" + ], + [ + "Ġterr", + "a" + ], + [ + "Ġpossess", + "ing" + ], + [ + ".r", + "strip" + ], + [ + ",", + ")," + ], + [ + "=", + "yes" + ], + [ + "ĠStr", + "ipe" + ], + [ + "?", + "=" + ], + [ + "ne", + "utral" + ], + [ + ".g", + "ood" + ], + [ + "Ġk", + "ennen" + ], + [ + "ĠS", + "ung" + ], + [ + "f", + "ault" + ], + [ + "ystate", + "change" + ], + [ + "Can", + "adian" + ], + [ + "','", + "\".$" + ], + [ + "ĠM", + "its" + ], + [ + "æ", + "nd" + ], + [ + "ĠSTR", + "UCT" + ], + [ + "ĠURL", + "WithString" + ], + [ + "ĠCom", + "pass" + ], + [ + "Ġ--", + "ĊĊ" + ], + [ + "ĠNS", + "LayoutConstraint" + ], + [ + "|", + "min" + ], + [ + "-ad", + "just" + ], + [ + "Ġreb", + "uilt" + ], + [ + "L", + "IGHT" + ], + [ + "/", + "se" + ], + [ + "-m", + "ount" + ], + [ + "vp", + "n" + ], + [ + "valid", + "ated" + ], + [ + "(Q", + "Object" + ], + [ + "Ġign", + "ition" + ], + [ + "ĠCharg", + "ers" + ], + [ + "RYPT", + "O" + ], + [ + "]initWith", + "Frame" + ], + [ + "ĠFl", + "uid" + ], + [ + "Ġcad", + "re" + ], + [ + "Ġnomin", + "ations" + ], + [ + "Ne", + "ill" + ], + [ + "ĠH", + "ou" + ], + [ + "Ġcurrent", + "s" + ], + [ + "_g", + "ene" + ], + [ + "(in", + "p" + ], + [ + "Par", + "is" + ], + [ + "z", + "ÄĻ" + ], + [ + "ag", + "gregate" + ], + [ + "Ġass", + "oc" + ], + [ + "weet", + "ed" + ], + [ + "err", + "at" + ], + [ + "âĢĵ", + "ĊĊ" + ], + [ + "Ġ'/", + "',Ċ" + ], + [ + "fix", + "ture" + ], + [ + "ĠH", + "ighest" + ], + [ + "amb", + "ient" + ], + [ + "Ġch", + "mod" + ], + [ + "Ġcon", + "te" + ], + [ + "Ġsens", + "ual" + ], + [ + "Ġgar", + "ment" + ], + [ + "z", + "ers" + ], + [ + "ĠPower", + "ed" + ], + [ + "dom", + "ains" + ], + [ + "R", + "eward" + ], + [ + "i", + "omanip" + ], + [ + "Ġcock", + "pit" + ], + [ + "out", + "file" + ], + [ + "Ġbuilt", + "in" + ], + [ + "Ġins", + "isting" + ], + [ + ".", + "vars" + ], + [ + "zip", + "code" + ], + [ + "Ġ", + "����" + ], + [ + "f", + "ails" + ], + [ + "Ġconsolid", + "ation" + ], + [ + "_", + "oid" + ], + [ + "Plan", + "et" + ], + [ + "Ġ=", + "\"," + ], + [ + "ĉ", + "el" + ], + [ + "UIL", + "T" + ], + [ + "ät", + "z" + ], + [ + "af", + "ari" + ], + [ + "ĠMc", + "Cl" + ], + [ + "Tim", + "eline" + ], + [ + "Est", + "a" + ], + [ + "Ġfr", + "am" + ], + [ + "Y", + "E" + ], + [ + "Ġcere", + "bral" + ], + [ + "Of", + "Month" + ], + [ + "ĠP", + "regn" + ], + [ + "Ġкл", + "аÑģÑģ" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ" + ], + [ + "ĠF", + "res" + ], + [ + "Appro", + "ved" + ], + [ + ".S", + "pecial" + ], + [ + "ĠProtest", + "ant" + ], + [ + "Ġallerg", + "y" + ], + [ + "_p", + "cm" + ], + [ + "ĉC", + "opyright" + ], + [ + "Ġsuper", + "Class" + ], + [ + "\"", + "strconv" + ], + [ + "ĠMoh", + "amed" + ], + [ + "Ġ'", + "//" + ], + [ + "Fore", + "Color" + ], + [ + "Ar", + "thur" + ], + [ + "ĠJ", + "ungle" + ], + [ + "Ġve", + "ins" + ], + [ + "S", + "ad" + ], + [ + "Ġback", + "ups" + ], + [ + "ĠOp", + "inion" + ], + [ + "û", + "t" + ], + [ + "Ġinter", + "mitt" + ], + [ + "ody", + "n" + ], + [ + "ĠChrist", + "ina" + ], + [ + "Ġand", + "re" + ], + [ + "Ġevac", + "uation" + ], + [ + "pa", + "lette" + ], + [ + "h", + "orse" + ], + [ + "ĠRes", + "ident" + ], + [ + "ĠHass", + "an" + ], + [ + ".N", + "il" + ], + [ + "Ġa", + "isle" + ], + [ + "ĠG", + "rowing" + ], + [ + "Ġblog", + "info" + ], + [ + "/s", + "ql" + ], + [ + "_io", + "ctl" + ], + [ + "Sc", + "aling" + ], + [ + "ĠMon", + "ad" + ], + [ + "_c", + "pp" + ], + [ + "ĠH", + "utch" + ], + [ + "ĠApple", + "WebKit" + ], + [ + "Exp", + "ense" + ], + [ + "_J", + "OB" + ], + [ + "Ġpoint", + "less" + ], + [ + "From", + "Body" + ], + [ + "ant", + "al" + ], + [ + "Ġdepict", + "ing" + ], + [ + "ĠC", + "ELL" + ], + [ + "Ġref", + "in" + ], + [ + "ĠC", + "NC" + ], + [ + "ì¹", + "ĺ" + ], + [ + "_dim", + "ensions" + ], + [ + "ĠS", + "AN" + ], + [ + "Ġa", + "ft" + ], + [ + "Ġfoot", + "steps" + ], + [ + "cc", + "oli" + ], + [ + "_PH", + "ONE" + ], + [ + "/m", + "ath" + ], + [ + "-k", + "ind" + ], + [ + "ĠMe", + "ans" + ], + [ + "ich", + "ael" + ], + [ + ".g", + "una" + ], + [ + "Ġinaug", + "uration" + ], + [ + "-dr", + "iving" + ], + [ + "(", + "delete" + ], + [ + "Ġtotal", + "Count" + ], + [ + "_M", + "C" + ], + [ + ".Ext", + "ension" + ], + [ + "Com", + "mercial" + ], + [ + "Ġz", + "Index" + ], + [ + "<", + "Customer" + ], + [ + "\"", + "g" + ], + [ + "-sh", + "are" + ], + [ + "Ġp", + "act" + ], + [ + "ag", + "ara" + ], + [ + "ĠS", + "IL" + ], + [ + "_m", + "odes" + ], + [ + "ĠM", + "olecular" + ], + [ + "Ġsystem", + "atically" + ], + [ + "<", + "G" + ], + [ + "_s", + "cr" + ], + [ + "ĠO", + "ro" + ], + [ + "as", + "ers" + ], + [ + "Ġb", + "ic" + ], + [ + "Ġdest", + "roys" + ], + [ + "PI", + "PE" + ], + [ + ".Start", + "Position" + ], + [ + "Ġc", + "á»§a" + ], + [ + "ire", + "z" + ], + [ + ".B", + "unifu" + ], + [ + "_F", + "unction" + ], + [ + "Ġs", + "ü" + ], + [ + "_f", + "uture" + ], + [ + "ĠWe", + "alth" + ], + [ + "ĠNatur", + "ally" + ], + [ + "æĢ", + "»" + ], + [ + "_y", + "es" + ], + [ + "Ġabrupt", + "ly" + ], + [ + "String", + "Encoding" + ], + [ + "ĠCGPoint", + "Make" + ], + [ + "Ġz", + "h" + ], + [ + "Ġimp", + "erson" + ], + [ + "Ġpiv", + "otal" + ], + [ + "ĠSom", + "alia" + ], + [ + "Ġsegment", + "ation" + ], + [ + "_AN", + "AL" + ], + [ + "ĠLogin", + "Component" + ], + [ + "Cons", + "ult" + ], + [ + "Ġtr", + "uncated" + ], + [ + "]", + "\";Ċ" + ], + [ + ".get", + "Config" + ], + [ + "Ġintern", + "ship" + ], + [ + "B", + "aby" + ], + [ + "ê°", + "ľ" + ], + [ + "Ġstrengthen", + "ed" + ], + [ + "_M", + "I" + ], + [ + "b", + "asket" + ], + [ + "Ġnicht", + "s" + ], + [ + "ĠTV", + "s" + ], + [ + "ĠSh", + "an" + ], + [ + "ãĤ", + "µ" + ], + [ + "rac", + "use" + ], + [ + ".Re", + "LU" + ], + [ + "/", + "interfaces" + ], + [ + "ĠgetItem", + "Count" + ], + [ + "Ġret", + "iring" + ], + [ + "Ġspecial", + "s" + ], + [ + "Ġentity", + "Manager" + ], + [ + "bel", + "ief" + ], + [ + "Ġs", + "older" + ], + [ + "da", + "ughter" + ], + [ + "ij", + "kl" + ], + [ + "Ġutil", + "izes" + ], + [ + ".f", + "ixed" + ], + [ + "S", + "U" + ], + [ + "Ġdr", + "astic" + ], + [ + "Ġh", + "acks" + ], + [ + "gr", + "und" + ], + [ + "ĠM", + "U" + ], + [ + "ĠSt", + "arter" + ], + [ + ".Com", + "ponents" + ], + [ + "_m", + "otor" + ], + [ + "Gold", + "en" + ], + [ + "Ġl", + "odge" + ], + [ + "Ġ", + "));" + ], + [ + "ĠCor", + "inth" + ], + [ + "иÑĩ", + "еÑģÑĤво" + ], + [ + "ón", + "ico" + ], + [ + "gre", + "SQL" + ], + [ + "ĠFl", + "uent" + ], + [ + "Ġmar", + "c" + ], + [ + ".Load", + "Scene" + ], + [ + ".Group", + "s" + ], + [ + "Ġer", + "h" + ], + [ + "ĠAut", + "umn" + ], + [ + "St", + "opped" + ], + [ + "Ġitalian", + "o" + ], + [ + "Ġmin", + "ions" + ], + [ + "ĠAssert", + "ions" + ], + [ + "Ġm", + "ux" + ], + [ + "B", + "u" + ], + [ + "Ġ----------------------------------------------------------------", + "--------------------------------" + ], + [ + "ĉ", + "up" + ], + [ + "read", + "ystatechange" + ], + [ + "_M", + "eta" + ], + [ + "Ġcurrent", + "Date" + ], + [ + "ĠChap", + "man" + ], + [ + "Und", + "o" + ], + [ + "Se", + "an" + ], + [ + "ap", + "r" + ], + [ + "Ġpar", + "m" + ], + [ + "_", + "icons" + ], + [ + "ĠSt", + "a" + ], + [ + "á", + "z" + ], + [ + "Ġsub", + "division" + ], + [ + "Ġalter", + "ing" + ], + [ + "P", + "NG" + ], + [ + "ponent", + "ial" + ], + [ + "Ġpost", + "gres" + ], + [ + "ĠB", + "DS" + ], + [ + "-ex", + "istent" + ], + [ + "ĠBrad", + "ford" + ], + [ + "ĠO", + "MX" + ], + [ + "_W", + "HITE" + ], + [ + "_PRO", + "GRAM" + ], + [ + "q", + "c" + ], + [ + "Ġtypings", + "Slinky" + ], + [ + "ĠP", + "ics" + ], + [ + "_M", + "ETA" + ], + [ + "IT", + "TER" + ], + [ + "_sub", + "scription" + ], + [ + "IRON", + "MENT" + ], + [ + "ĠHy", + "undai" + ], + [ + "();ĊĊ", + "ĊĊ" + ], + [ + "ĠØ", + "³" + ], + [ + "Ġj", + "ac" + ], + [ + "Ġelimin", + "ates" + ], + [ + ")", + "});Ċ" + ], + [ + "Ġcomp", + "rend" + ], + [ + "ĉ", + "insert" + ], + [ + "_f", + "aces" + ], + [ + "\">", + "$" + ], + [ + "Ġeb", + "ay" + ], + [ + "Ġcapt", + "ive" + ], + [ + "pl", + "iant" + ], + [ + "ĠCalcul", + "ates" + ], + [ + "ol", + "ta" + ], + [ + "est", + "ing" + ], + [ + "_re", + "vision" + ], + [ + "Ġm", + "ús" + ], + [ + "+", + "m" + ], + [ + "\",\"", + "\",\"" + ], + [ + "WH", + "AT" + ], + [ + "Ġcompassion", + "ate" + ], + [ + "h", + "arga" + ], + [ + "[", + "random" + ], + [ + "Ġmod", + "ulo" + ], + [ + "(s", + "n" + ], + [ + "Ġoccup", + "ations" + ], + [ + "////", + "Ċ" + ], + [ + "ĉ", + "board" + ], + [ + "ĠB", + "alk" + ], + [ + "wi", + "Äħ" + ], + [ + "ĠW", + "ifi" + ], + [ + ".Pro", + "file" + ], + [ + ":m", + "aj" + ], + [ + "ĉm", + "at" + ], + [ + "LOCK", + "S" + ], + [ + "(j", + "Button" + ], + [ + "Ġ('", + "$" + ], + [ + "M", + "ur" + ], + [ + "æĮ", + "ī" + ], + [ + "b", + "ble" + ], + [ + "Ġf", + "rog" + ], + [ + "-h", + "ide" + ], + [ + "Ġbroad", + "caster" + ], + [ + "à¸", + "ŀ" + ], + [ + "ha", + "led" + ], + [ + "Ġam", + "using" + ], + [ + "_predict", + "ions" + ], + [ + "_in", + "tr" + ], + [ + "Ġe", + "agle" + ], + [ + "аÑĤ", + "елÑĮ" + ], + [ + "Ġget", + "List" + ], + [ + "ps", + "ilon" + ], + [ + "Ġcharacter", + "ization" + ], + [ + "AR", + "DS" + ], + [ + "Ġre", + "location" + ], + [ + "Ġr", + "ulers" + ], + [ + "P", + "AY" + ], + [ + "ĠDef", + "initely" + ], + [ + "_A", + "ction" + ], + [ + "Ġclos", + "ures" + ], + [ + "Ġfact", + "ual" + ], + [ + "odyn", + "amic" + ], + [ + "Ġpreca", + "utions" + ], + [ + "nie", + "j" + ], + [ + "ĠPart", + "ies" + ], + [ + "ĠSub", + "aru" + ], + [ + "Ġcous", + "ins" + ], + [ + "ar", + "beit" + ], + [ + ".m", + "oney" + ], + [ + "gun", + "ta" + ], + [ + "(", + "and" + ], + [ + "get", + "item" + ], + [ + ".Style", + "Priority" + ], + [ + "Ġsl", + "id" + ], + [ + "single", + "ton" + ], + [ + "Ġg", + "arn" + ], + [ + "ĠP", + "AS" + ], + [ + "Ġd", + "azz" + ], + [ + "a", + "ż" + ], + [ + "Ġbog", + "us" + ], + [ + "ĠM", + "og" + ], + [ + "Ġrival", + "ry" + ], + [ + "is", + "ol" + ], + [ + "Ġland", + "marks" + ], + [ + "ñ", + "as" + ], + [ + "B", + "ern" + ], + [ + "ĠSach", + "s" + ], + [ + "Ġ\"", + ")ĊĊ" + ], + [ + "Ġhost", + "ility" + ], + [ + "_m", + "ex" + ], + [ + "m", + "ere" + ], + [ + "M", + "ot" + ], + [ + "p", + "ictureBox" + ], + [ + "Def", + "ense" + ], + [ + "Ġaffid", + "avit" + ], + [ + "other", + "wise" + ], + [ + ".d", + "irectory" + ], + [ + "_", + "UnityEngine" + ], + [ + "-b", + "log" + ], + [ + ".s", + "kin" + ], + [ + "ph", + "em" + ], + [ + "Ap", + "ellido" + ], + [ + "er", + "chant" + ], + [ + "[", + "class" + ], + [ + "Ġw", + "art" + ], + [ + ".\"", + "[" + ], + [ + "ale", + "ur" + ], + [ + "/", + "back" + ], + [ + "ĠĠĠĠ", + "ĉĠĠĠ" + ], + [ + "Ġprecip", + "itation" + ], + [ + "Ġob", + "struction" + ], + [ + "Ġp", + "Obj" + ], + [ + "Ġr", + "upt" + ], + [ + "UCK", + "ET" + ], + [ + "ay", + "e" + ], + [ + "æİ", + "Ĵ" + ], + [ + "g", + "x" + ], + [ + "Ġe", + "cl" + ], + [ + "Ġsecre", + "cy" + ], + [ + "/", + "Header" + ], + [ + "ĠLes", + "b" + ], + [ + "Ġle", + "i" + ], + [ + "ĠBullet", + "in" + ], + [ + "Ġgive", + "away" + ], + [ + ".H", + "ome" + ], + [ + "_RO", + "OM" + ], + [ + "\"", + "W" + ], + [ + "Ġcow", + "ork" + ], + [ + "_", + "ra" + ], + [ + "ĠC", + "ycling" + ], + [ + "ĠP", + "aw" + ], + [ + "Ġpup", + "il" + ], + [ + "/", + "arch" + ], + [ + "ĠFile", + "Utils" + ], + [ + "é¦", + "ĸ" + ], + [ + "r", + "sp" + ], + [ + "Ġfreed", + "oms" + ], + [ + "ĠL", + "ear" + ], + [ + "}`", + ")." + ], + [ + "Ġbow", + "ls" + ], + [ + "/b", + "lock" + ], + [ + "_log", + "ging" + ], + [ + "Ġmeth", + "ane" + ], + [ + "Ġhorn", + "s" + ], + [ + "Ġwonder", + "fully" + ], + [ + "Ġalter", + "ations" + ], + [ + "Ġex", + "ile" + ], + [ + "ls", + "en" + ], + [ + "_p", + "ause" + ], + [ + "_L", + "ANGUAGE" + ], + [ + "ĠUS", + "DA" + ], + [ + "_m", + "ysql" + ], + [ + "_AM", + "OUNT" + ], + [ + "ĠL", + "IFE" + ], + [ + "Ġyoung", + "sters" + ], + [ + "Ġri", + "ots" + ], + [ + "[", + "E" + ], + [ + "Ġun", + "forgettable" + ], + [ + ",", + "},Ċ" + ], + [ + "Dis", + "posed" + ], + [ + "ĠAss", + "assin" + ], + [ + "UN", + "G" + ], + [ + "ĠNew", + "sp" + ], + [ + "User", + "Service" + ], + [ + ":", + "aload" + ], + [ + "+", + "'," + ], + [ + "Ġsett", + "lers" + ], + [ + "Ġscre", + "ams" + ], + [ + "Ġincon", + "venience" + ], + [ + ".R", + "otate" + ], + [ + "Ġj", + "ars" + ], + [ + "ĠP", + "uzzle" + ], + [ + "Ġm", + "est" + ], + [ + "ars", + "i" + ], + [ + "ĠSh", + "arma" + ], + [ + "|", + "(" + ], + [ + ".d", + "s" + ], + [ + "ĠSac", + "red" + ], + [ + "_e", + "vt" + ], + [ + "Ġexpress", + "es" + ], + [ + "Ġh", + "och" + ], + [ + "ĠD", + "uch" + ], + [ + ".c", + "alls" + ], + [ + "th", + "r" + ], + [ + "ĠShe", + "ffield" + ], + [ + ".Alert", + "Dialog" + ], + [ + "Ġrad", + "ically" + ], + [ + "Ġtr", + "ous" + ], + [ + "Ġprev", + "ailing" + ], + [ + "ĠWW", + "II" + ], + [ + "âĢĻ", + "n" + ], + [ + "ens", + "ely" + ], + [ + "ĠY", + "esterday" + ], + [ + "ĠSir", + "ius" + ], + [ + "Ġkill", + "ers" + ], + [ + "ĠF", + "FT" + ], + [ + "Ġo", + "val" + ], + [ + "')", + ":čĊ" + ], + [ + "Ġìłķ", + "ë³´" + ], + [ + "our", + "age" + ], + [ + "ĠCheck", + "box" + ], + [ + "Work", + "book" + ], + [ + ".def", + "er" + ], + [ + "_f", + "loor" + ], + [ + "Ġc", + "ouncill" + ], + [ + "Ġnors", + "ke" + ], + [ + "mo", + "il" + ], + [ + "ore", + "a" + ], + [ + "Ġmarket", + "ed" + ], + [ + "_S", + "UR" + ], + [ + "x", + "AA" + ], + [ + "Ġst", + "ained" + ], + [ + "e", + "ut" + ], + [ + "ĠM", + "eng" + ], + [ + "Ġi", + "eee" + ], + [ + ".", + "extern" + ], + [ + "eg", + "ie" + ], + [ + "Ġr", + "app" + ], + [ + "ĠPy", + "ongyang" + ], + [ + "'", + "class" + ], + [ + "M", + "ob" + ], + [ + "Ġinitial", + "Value" + ], + [ + "_w", + "ave" + ], + [ + "Ġj", + "ab" + ], + [ + "Ġmascul", + "ine" + ], + [ + "Ġampl", + "ifier" + ], + [ + "Ġt", + "ty" + ], + [ + "Path", + "Component" + ], + [ + "_", + "xt" + ], + [ + "ĠG", + "FP" + ], + [ + "/", + "sec" + ], + [ + "ĉdis", + "patch" + ], + [ + "mark", + "down" + ], + [ + "ĠS", + "chn" + ], + [ + "bo", + "le" + ], + [ + "·", + "·" + ], + [ + "mouse", + "move" + ], + [ + "Ġerr", + "Msg" + ], + [ + "Ġas", + "ign" + ], + [ + "_m", + "ono" + ], + [ + "To", + "Selector" + ], + [ + "ĠZ", + "u" + ], + [ + "(R", + "ect" + ], + [ + "ĠError", + "Code" + ], + [ + "lat", + "in" + ], + [ + "ang", + "ible" + ], + [ + "v", + "tk" + ], + [ + "CG", + "Size" + ], + [ + "P", + "okemon" + ], + [ + "Ġclass", + "mates" + ], + [ + "Ġattract", + "s" + ], + [ + "ĠT", + "atto" + ], + [ + "ult", + "an" + ], + [ + "ol", + "óg" + ], + [ + "Ġhalt", + "ed" + ], + [ + "à¤", + "¨" + ], + [ + "ĠK", + "art" + ], + [ + "Ġ", + "ue" + ], + [ + "_Init", + "Structure" + ], + [ + "Test", + "Class" + ], + [ + "ĠAir", + "bnb" + ], + [ + "_", + "\"," + ], + [ + "Ġchar", + "coal" + ], + [ + "Ġip", + "c" + ], + [ + "ĠSt", + "retch" + ], + [ + ".g", + "lide" + ], + [ + "lates", + "AutoresizingMaskIntoConstraints" + ], + [ + "Ġpot", + "ion" + ], + [ + "ITT", + "LE" + ], + [ + "Ġcount", + "ert" + ], + [ + "_h", + "d" + ], + [ + "pre", + "pared" + ], + [ + "Ad", + "s" + ], + [ + "ĠV", + "ampire" + ], + [ + "rob", + "ots" + ], + [ + ".Create", + "Index" + ], + [ + "Status", + "Label" + ], + [ + "Ġt", + "ucked" + ], + [ + "af", + "ür" + ], + [ + "U", + "t" + ], + [ + "Ġswe", + "ater" + ], + [ + "_F", + "N" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĉ" + ], + [ + "ata", + "ka" + ], + [ + "Ġeyeb", + "rows" + ], + [ + "ac", + "oes" + ], + [ + "ud", + "en" + ], + [ + ".LinearLayout", + "Manager" + ], + [ + "Ġsw", + "ay" + ], + [ + "Ġmult", + "in" + ], + [ + "()", + ")))Ċ" + ], + [ + "ĠNS", + "UInteger" + ], + [ + "ĠMy", + "Base" + ], + [ + "Part", + "ner" + ], + [ + "uts", + "chen" + ], + [ + "ĠC", + "ater" + ], + [ + ".setBackground", + "Color" + ], + [ + "Ġaccompl", + "ishment" + ], + [ + "_pro", + "blem" + ], + [ + ".d", + "td" + ], + [ + "Ġpage", + "Number" + ], + [ + "Ġj", + "ackets" + ], + [ + "Ġcro", + "pped" + ], + [ + "u", + "els" + ], + [ + "ĠH", + "ep" + ], + [ + "Ġc", + "apped" + ], + [ + "*", + "Math" + ], + [ + "_callback", + "s" + ], + [ + "Ġpub", + "b" + ], + [ + "ĠBrun", + "swick" + ], + [ + ".res", + "pond" + ], + [ + "[\"", + "_" + ], + [ + "Ġbed", + "ding" + ], + [ + "hyth", + "m" + ], + [ + "O", + "X" + ], + [ + "(s", + "peed" + ], + [ + "Ġpestic", + "ides" + ], + [ + "Ġ----", + "---" + ], + [ + ".Bl", + "ue" + ], + [ + "Ġnood", + "les" + ], + [ + "ĠGo", + "es" + ], + [ + "Ġs", + "aver" + ], + [ + "o", + "xy" + ], + [ + "_com", + "pletion" + ], + [ + "ĠSw", + "inger" + ], + [ + "Ġget", + "Date" + ], + [ + "Ġmind", + "ed" + ], + [ + "int", + "egration" + ], + [ + "ĠLot", + "us" + ], + [ + "(st", + "op" + ], + [ + "(',", + "');Ċ" + ], + [ + "Ġflood", + "s" + ], + [ + "ĠWork", + "flow" + ], + [ + "Ġerupt", + "ed" + ], + [ + "Mac", + "ro" + ], + [ + "ĠSau", + "ce" + ], + [ + "Ġevent", + "Name" + ], + [ + "\\", + "Input" + ], + [ + "Break", + "ing" + ], + [ + "ĉ", + "when" + ], + [ + "_p", + "w" + ], + [ + "IND", + "ER" + ], + [ + "ĠWell", + "ness" + ], + [ + "Ġvox", + "el" + ], + [ + "ĠM", + "ell" + ], + [ + "ĠM", + "EDIA" + ], + [ + "SE", + "NS" + ], + [ + "ĠFund", + "s" + ], + [ + "ĠM", + "ild" + ], + [ + "<", + "Array" + ], + [ + "-", + "this" + ], + [ + "ump", + "ed" + ], + [ + "/f", + "w" + ], + [ + "ĠDb", + "Context" + ], + [ + "W", + "I" + ], + [ + "girl", + "s" + ], + [ + "H", + "OW" + ], + [ + "');", + "?>Ċ" + ], + [ + "Ġtempt", + "ing" + ], + [ + "Ġtest", + "ament" + ], + [ + "Ġb", + "ible" + ], + [ + "Ġconsult", + "ed" + ], + [ + "ĠIndex", + "Error" + ], + [ + "è¨", + "ĺ" + ], + [ + "Ġkey", + "pad" + ], + [ + "izz", + "o" + ], + [ + "(", + "ok" + ], + [ + "Ġwhats", + "app" + ], + [ + "ĠRemote", + "Exception" + ], + [ + "Ġteam", + "ed" + ], + [ + "âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ", + "âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ" + ], + [ + "»", + "," + ], + [ + "Ġget", + "Time" + ], + [ + "di", + "ag" + ], + [ + "iss", + "y" + ], + [ + "Ġh", + "ed" + ], + [ + "Ġkn", + "ots" + ], + [ + "j", + "om" + ], + [ + "Ġfun", + "nel" + ], + [ + "-m", + "ails" + ], + [ + "Ġexport", + "ing" + ], + [ + "ĠV", + "L" + ], + [ + "ĠK", + "arn" + ], + [ + "ĠBuddh", + "ism" + ], + [ + "ĠAll", + "an" + ], + [ + "_R", + "ADIUS" + ], + [ + "Ġw", + "ording" + ], + [ + "ĠFor", + "get" + ], + [ + "ĠCor", + "ona" + ], + [ + "ip", + "hy" + ], + [ + "Ġlim", + "burg" + ], + [ + "ugg", + "y" + ], + [ + "ĠUser", + "Repository" + ], + [ + "im", + "in" + ], + [ + "(e", + "le" + ], + [ + "Ġlabel", + "led" + ], + [ + "ç¤", + "¾" + ], + [ + "ĠH", + "erman" + ], + [ + ".q", + "q" + ], + [ + "Ġ\"", + "));Ċ" + ], + [ + "ie", + "ber" + ], + [ + ".Trans", + "late" + ], + [ + "ry", + "n" + ], + [ + "Ġdes", + "env" + ], + [ + "um", + "d" + ], + [ + "Sim", + "ply" + ], + [ + "ĉm", + "ode" + ], + [ + "R", + "pc" + ], + [ + "ĠVal", + "encia" + ], + [ + "Ġstaff", + "ers" + ], + [ + "Ġsel", + "v" + ], + [ + "ĠSpi", + "ke" + ], + [ + "Ġdel", + "ic" + ], + [ + "Ġer", + "u" + ], + [ + "_D", + "T" + ], + [ + "J", + "udge" + ], + [ + "á»", + "ķ" + ], + [ + "ĠBas", + "in" + ], + [ + ".m", + "utable" + ], + [ + "\"", + "url" + ], + [ + "Ġtar", + "iff" + ], + [ + "ĠSlee", + "ve" + ], + [ + "Ġfl", + "are" + ], + [ + ".drop", + "out" + ], + [ + "Ġbr", + "ides" + ], + [ + "))", + ",čĊ" + ], + [ + "_con", + "straints" + ], + [ + "de", + "struct" + ], + [ + "Out", + "line" + ], + [ + "Ġdisappe", + "ars" + ], + [ + "_lock", + "ed" + ], + [ + "ĠNS", + "LocalizedString" + ], + [ + "ck", + "e" + ], + [ + "ĉ", + "null" + ], + [ + "ad", + "resse" + ], + [ + "Ġto", + "pping" + ], + [ + "ĠJ", + "oker" + ], + [ + "b", + "ishop" + ], + [ + "но", + "ÑģÑĤÑĮ" + ], + [ + "and", + "ering" + ], + [ + "_", + "amp" + ], + [ + "=", + "time" + ], + [ + "_S", + "pace" + ], + [ + "_P", + "ULL" + ], + [ + "'", + "=" + ], + [ + "Ġant", + "iqu" + ], + [ + "Ġc", + "ach" + ], + [ + "___", + "ĊĊ" + ], + [ + "ON", + "ES" + ], + [ + "о", + "Ñı" + ], + [ + "Ġun", + "read" + ], + [ + ".p", + "olicy" + ], + [ + "oooo", + "oooo" + ], + [ + "ëŁ", + "¬" + ], + [ + "Ġu", + "sted" + ], + [ + "ĠRe", + "ce" + ], + [ + "Ġal", + "lem" + ], + [ + "ãĥ¼", + "ãĤ¹" + ], + [ + "ĠThought", + "s" + ], + [ + "ve", + "illance" + ], + [ + "istr", + "ate" + ], + [ + "_l", + "ane" + ], + [ + "Ġfam", + "ed" + ], + [ + ".Get", + "Name" + ], + [ + "Ġsmo", + "other" + ], + [ + "ĠQual", + "ified" + ], + [ + "az", + "ers" + ], + [ + "_", + "geo" + ], + [ + "F", + "ax" + ], + [ + "ĠM", + "inds" + ], + [ + "ĠR", + "aises" + ], + [ + "Ġtrans", + "cripts" + ], + [ + "Con", + "versation" + ], + [ + "Ġremark", + "ed" + ], + [ + "ëĤ", + "ĺ" + ], + [ + "d", + "ling" + ], + [ + "Ġdeploy", + "ing" + ], + [ + "Ġshared", + "Application" + ], + [ + "Ġk", + "p" + ], + [ + "FontAwesome", + "Icon" + ], + [ + "_d", + "ummy" + ], + [ + "reib", + "en" + ], + [ + "ĠJane", + "iro" + ], + [ + "Direction", + "s" + ], + [ + ".get", + "Bean" + ], + [ + "s", + "ass" + ], + [ + "Ġcommand", + "ers" + ], + [ + "v", + "ation" + ], + [ + "error", + "Code" + ], + [ + "ĠAl", + "loy" + ], + [ + ".local", + "ized" + ], + [ + "Ð", + "ij" + ], + [ + "Ġdish", + "washer" + ], + [ + "ĠSou", + "p" + ], + [ + "N", + "u" + ], + [ + "_D", + "efault" + ], + [ + "Ġune", + "ven" + ], + [ + "Ġ/>", + "\";Ċ" + ], + [ + "-B", + "ased" + ], + [ + "Ġseam", + "lessly" + ], + [ + "-", + "null" + ], + [ + "ĠX", + "C" + ], + [ + "Ġst", + "ew" + ], + [ + "(d", + "elay" + ], + [ + "AT", + "ORS" + ], + [ + "ĠWhe", + "eler" + ], + [ + "\"", + "", + "H" + ], + [ + "e", + "ast" + ], + [ + ".", + "air" + ], + [ + "âĢľ", + "But" + ], + [ + "Object", + "Context" + ], + [ + "success", + "fully" + ], + [ + "_l", + "and" + ], + [ + "Ġfold", + "s" + ], + [ + "_CO", + "ORD" + ], + [ + "Ġsub", + "po" + ], + [ + ".get", + "Address" + ], + [ + "in", + "str" + ], + [ + "Material", + "s" + ], + [ + "Ñĥ", + "ÑģÑĤ" + ], + [ + "de", + "posit" + ], + [ + "-l", + "ast" + ], + [ + "_GR", + "AY" + ], + [ + "=", + "find" + ], + [ + "Ġmut", + "ant" + ], + [ + "Ġlesb", + "ienne" + ], + [ + "let", + "cher" + ], + [ + "RO", + "UGH" + ], + [ + "ure", + "ka" + ], + [ + ".c", + "apture" + ], + [ + "Ġen", + "n" + ], + [ + "Ġ([", + "[" + ], + [ + "ĠFl", + "u" + ], + [ + "Ġtask", + "Id" + ], + [ + "ĠHus", + "sein" + ], + [ + ".f", + "older" + ], + [ + "Ġa", + "usterity" + ], + [ + "ISTR", + "ATION" + ], + [ + "_", + "Impl" + ], + [ + "注", + "æĦı" + ], + [ + "Ġdec", + "ree" + ], + [ + "-", + "chat" + ], + [ + "Ġimp", + "lication" + ], + [ + "Ġguess", + "es" + ], + [ + "ul", + "kan" + ], + [ + "An", + "alytics" + ], + [ + ".", + "plus" + ], + [ + "COM", + "MAND" + ], + [ + "е", + "ли" + ], + [ + "»", + "ĊĊ" + ], + [ + "_S", + "ITE" + ], + [ + "Ġequal", + "To" + ], + [ + "Support", + "FragmentManager" + ], + [ + "ĠRec", + "ording" + ], + [ + "å®Į", + "æĪIJ" + ], + [ + "Ġbag", + "gage" + ], + [ + "Ġpitch", + "ers" + ], + [ + "ĠE", + "h" + ], + [ + "o", + "que" + ], + [ + "ĉc", + "nt" + ], + [ + "Ġ=>", + "$" + ], + [ + "/", + "foo" + ], + [ + "IR", + "A" + ], + [ + "ĠSat", + "ellite" + ], + [ + "bor", + "ah" + ], + [ + "Ġ}}", + "\"Ċ" + ], + [ + "ĠEnd", + "s" + ], + [ + "ĠSpr", + "ay" + ], + [ + ",", + "param" + ], + [ + ".Ch", + "rome" + ], + [ + "*", + "q" + ], + [ + "th", + "ought" + ], + [ + "ibr", + "ated" + ], + [ + "Ġth", + "ieves" + ], + [ + "Ġbenefici", + "aries" + ], + [ + "Enter", + "ed" + ], + [ + "ottes", + "ville" + ], + [ + "Ġveter", + "in" + ], + [ + "By", + "ID" + ], + [ + "qu", + "ipe" + ], + [ + "um", + "ption" + ], + [ + "-", + "unit" + ], + [ + "Execution", + "Context" + ], + [ + "@", + "s" + ], + [ + "ĠG", + "iov" + ], + [ + ".Tool", + "Tip" + ], + [ + "_f", + "riend" + ], + [ + "(", + "attributes" + ], + [ + "Ġdump", + "ing" + ], + [ + "ĠJ", + "C" + ], + [ + "_D", + "OCUMENT" + ], + [ + "ĠArm", + "our" + ], + [ + "(", + "insert" + ], + [ + ".Horizontal", + "Alignment" + ], + [ + "ĠQ", + "ed" + ], + [ + "ãģĦ", + "ãģ¾ãģĻ" + ], + [ + "/g", + "it" + ], + [ + "ĠY", + "YYY" + ], + [ + "ĠCard", + "iff" + ], + [ + "Ġap", + "a" + ], + [ + "organ", + "ic" + ], + [ + "ĠWhere", + "as" + ], + [ + "Ġæ", + "Ŀ" + ], + [ + "ĠM", + "ia" + ], + [ + "Ġdemol", + "ition" + ], + [ + "Ġsc", + "ars" + ], + [ + "Ġp", + "ai" + ], + [ + "Ġre", + "tries" + ], + [ + "Ġr", + "q" + ], + [ + "ĠDen", + "is" + ], + [ + "(", + "Utils" + ], + [ + "Ġallev", + "iate" + ], + [ + "ĠP", + "IC" + ], + [ + "id", + "ue" + ], + [ + "Ġacknowled", + "ging" + ], + [ + "Ġ//", + "////////////////////////////////" + ], + [ + "ç¡®", + "å®ļ" + ], + [ + "Ä", + "«" + ], + [ + "\\", + "Json" + ], + [ + ".b", + "inary" + ], + [ + "Ġx", + "type" + ], + [ + "sign", + "als" + ], + [ + "ĠAp", + "pearance" + ], + [ + "&", + "r" + ], + [ + "}", + "s" + ], + [ + "C", + "i" + ], + [ + "ĠI", + "llum" + ], + [ + "por", + "ate" + ], + [ + "h", + "og" + ], + [ + "Ġindex", + "Of" + ], + [ + "\\", + "Command" + ], + [ + "_par", + "allel" + ], + [ + "ĠSher", + "lock" + ], + [ + "í", + "ĥ" + ], + [ + "Ġ\"", + "\")čĊ" + ], + [ + "////////////////////////////////////////////////////////////////", + "////////////////////////////////" + ], + [ + "Ġcritic", + "ize" + ], + [ + "ĠSo", + "ap" + ], + [ + "ĠMatch", + "er" + ], + [ + "Ġgr", + "illed" + ], + [ + "*", + "T" + ], + [ + "Ġad", + "ore" + ], + [ + "ull", + "ing" + ], + [ + "Ġjed", + "och" + ], + [ + "_ref", + "s" + ], + [ + "lean", + "up" + ], + [ + "ĠJ", + "AXB" + ], + [ + "Ġro", + "ses" + ], + [ + "ĠL", + "iam" + ], + [ + "size", + "i" + ], + [ + "Ġget", + "char" + ], + [ + "Ġtar", + "de" + ], + [ + "-to", + "oltip" + ], + [ + "Ġqual", + "ifier" + ], + [ + "ĠInter", + "mediate" + ], + [ + "_W", + "indow" + ], + [ + "ĠMal", + "ta" + ], + [ + "Dis", + "connect" + ], + [ + "ew", + "here" + ], + [ + "Camp", + "o" + ], + [ + "Ġirr", + "ational" + ], + [ + "led", + "o" + ], + [ + "ĠD", + "N" + ], + [ + "ARG", + "V" + ], + [ + "Ġout", + "ro" + ], + [ + "Ġth", + "irteen" + ], + [ + "Jose", + "ph" + ], + [ + "M", + "AR" + ], + [ + "/g", + "l" + ], + [ + "J", + "ess" + ], + [ + "ĠPsych", + "iat" + ], + [ + "Ġpadding", + "Bottom" + ], + [ + "-", + "loop" + ], + [ + "/", + "fonts" + ], + [ + "_se", + "en" + ], + [ + "Te", + "ams" + ], + [ + "React", + "DOM" + ], + [ + "(m", + "an" + ], + [ + "(x", + "path" + ], + [ + ".get", + "SimpleName" + ], + [ + ">(", + "*" + ], + [ + "ĠP", + "vt" + ], + [ + "Ġel", + "ders" + ], + [ + "Ġp", + "ies" + ], + [ + ".user", + "Agent" + ], + [ + "-", + "region" + ], + [ + "ĠGree", + "ks" + ], + [ + "(f", + "ragment" + ], + [ + "st", + "u" + ], + [ + "Ġcouncil", + "s" + ], + [ + "Ġst", + "amina" + ], + [ + "ĠGod", + "dess" + ], + [ + "è", + "¥¿" + ], + [ + "Ġphilosoph", + "ers" + ], + [ + "Ġpers", + "one" + ], + [ + "ĠL", + "ose" + ], + [ + "ĠCL", + "R" + ], + [ + "ĠD", + "ocs" + ], + [ + "Ġso", + "ak" + ], + [ + "ĠHOLD", + "ER" + ], + [ + "Ġb", + "ells" + ], + [ + "hash", + "Code" + ], + [ + "R", + "ATE" + ], + [ + "_WE", + "IGHT" + ], + [ + "in", + "ous" + ], + [ + "end", + "ra" + ], + [ + "oph", + "obic" + ], + [ + "Ġpro", + "se" + ], + [ + "Ġfin", + "ely" + ], + [ + "/o", + "auth" + ], + [ + "(s", + "pace" + ], + [ + "ad", + "ge" + ], + [ + "ĠM", + "ama" + ], + [ + "Ġstring", + "Buffer" + ], + [ + "Ġst", + "int" + ], + [ + "Ġmis", + "ma" + ], + [ + "Ġvill", + "ains" + ], + [ + "ĠCrime", + "a" + ], + [ + "Ġdipl", + "oma" + ], + [ + "Ġпо", + "Ñģл" + ], + [ + "ĠBe", + "a" + ], + [ + "(j", + "oin" + ], + [ + "Ġíķ", + "´" + ], + [ + "CH", + "AT" + ], + [ + "per", + "ing" + ], + [ + "ĠC", + "ros" + ], + [ + "Ġmon", + "keys" + ], + [ + "Ġpred", + "s" + ], + [ + "yl", + "a" + ], + [ + ",,", + "," + ], + [ + "Ġvibr", + "ator" + ], + [ + "ĠN", + "U" + ], + [ + "åħ", + "Ī" + ], + [ + "f", + "ant" + ], + [ + "z", + "et" + ], + [ + "Ġb", + "ietet" + ], + [ + "un", + "ft" + ], + [ + "sw", + "orth" + ], + [ + ".F", + "low" + ], + [ + "Ġpsy", + "ched" + ], + [ + "ĠContin", + "ental" + ], + [ + ">", + "t" + ], + [ + "Ġqu", + "ilt" + ], + [ + ".", + "UP" + ], + [ + "Ġexpans", + "ive" + ], + [ + "Dis", + "pose" + ], + [ + "(l", + "anguage" + ], + [ + "C", + "aps" + ], + [ + "_Z", + "ONE" + ], + [ + "Ġrec", + "ycle" + ], + [ + "ĠMan", + "aged" + ], + [ + "current", + "Color" + ], + [ + ".b", + "roadcast" + ], + [ + "sign", + "In" + ], + [ + ".p", + "rom" + ], + [ + "ll", + "u" + ], + [ + "ue", + "blo" + ], + [ + "Ġpunch", + "es" + ], + [ + "Ġautom", + "at" + ], + [ + "Ġassign", + "ing" + ], + [ + "Ġcreate", + "User" + ], + [ + "ĠAll", + "ied" + ], + [ + "Ġconduct", + "or" + ], + [ + "Ĥ", + "¨" + ], + [ + "Ġs", + "addle" + ], + [ + "Ġd", + "ni" + ], + [ + "omed", + "ical" + ], + [ + "-W", + "est" + ], + [ + "Positive", + "Button" + ], + [ + "Ġit", + "alic" + ], + [ + "?", + "[" + ], + [ + "(tr", + "igger" + ], + [ + "Ġele", + "phants" + ], + [ + "\":\"", + "\",\"" + ], + [ + "Ġcal", + "iber" + ], + [ + "raft", + "ed" + ], + [ + "d", + "igits" + ], + [ + "Ġmar", + "shal" + ], + [ + "mill", + "iseconds" + ], + [ + "mark", + "ers" + ], + [ + "m", + "om" + ], + [ + "/", + "place" + ], + [ + "Ġhol", + "istic" + ], + [ + ":", + "t" + ], + [ + "#", + "," + ], + [ + "Ġb", + "oto" + ], + [ + "Ġnause", + "a" + ], + [ + "ĠSh", + "ooting" + ], + [ + "ite", + "ch" + ], + [ + "Ġtext", + "Status" + ], + [ + "<", + "Class" + ], + [ + "ĠDes", + "cribe" + ], + [ + "Ġbuff", + "et" + ], + [ + "g", + "il" + ], + [ + "Ġlog", + "its" + ], + [ + "std", + "call" + ], + [ + "mod", + "s" + ], + [ + "ĠSk", + "ull" + ], + [ + "ĠB", + "are" + ], + [ + "h", + "ope" + ], + [ + "ĠIn", + "tr" + ], + [ + "F", + "air" + ], + [ + "ĉ", + "pt" + ], + [ + "Ġacompan", + "h" + ], + [ + "Ġf", + "kk" + ], + [ + "_r", + "pc" + ], + [ + "Inst", + "alled" + ], + [ + "_", + "ans" + ], + [ + ".get", + "Minutes" + ], + [ + "â̦", + "\"ĊĊ" + ], + [ + "-", + "thread" + ], + [ + "Ġpres", + "chool" + ], + [ + "AIL", + "S" + ], + [ + "Ġdiff", + "ic" + ], + [ + "(", + "convert" + ], + [ + "ĠN", + "ath" + ], + [ + "ĠDO", + "J" + ], + [ + "Ġreg", + "imes" + ], + [ + "Ġenthusi", + "ast" + ], + [ + "Ġwarrant", + "ies" + ], + [ + "Ġfasc", + "inated" + ], + [ + "_b", + "inding" + ], + [ + "_N", + "ot" + ], + [ + "oft", + "en" + ], + [ + "_R", + "W" + ], + [ + "/m", + "ail" + ], + [ + "Ġtitle", + "Label" + ], + [ + "Ġvill", + "agers" + ], + [ + "ĠJ", + "iang" + ], + [ + "Ġsw", + "agger" + ], + [ + ".Row", + "Index" + ], + [ + "_img", + "s" + ], + [ + "rap", + "y" + ], + [ + "VER", + "AGE" + ], + [ + ".", + "Up" + ], + [ + "Ġno", + "op" + ], + [ + "c", + "io" + ], + [ + "ĉ", + "ST" + ], + [ + "Ġdecre", + "ment" + ], + [ + "Ġmagn", + "esium" + ], + [ + "_", + "rotate" + ], + [ + "S", + "it" + ], + [ + "Ġnieu", + "we" + ], + [ + "Ġter", + "med" + ], + [ + "íķ", + "©ëĭĪëĭ¤" + ], + [ + "Ġur", + "g" + ], + [ + "_t", + "ouch" + ], + [ + "Ġsw", + "arm" + ], + [ + "Ġcl", + "ave" + ], + [ + "th", + "est" + ], + [ + "ĠL", + "af" + ], + [ + "H", + "X" + ], + [ + "ĠH", + "ulk" + ], + [ + "Ġplaint", + "ext" + ], + [ + "ĠSof", + "a" + ], + [ + "get", + "Session" + ], + [ + "L", + "ed" + ], + [ + "Ġecosystem", + "s" + ], + [ + "he", + "i" + ], + [ + "ĠK", + "ills" + ], + [ + "Ġhus", + "bands" + ], + [ + "Ñħ", + "ÑĢан" + ], + [ + "(d", + "om" + ], + [ + "_t", + "iles" + ], + [ + "Nib", + "Name" + ], + [ + "Ġdon", + "ating" + ], + [ + ".", + "acc" + ], + [ + "Ġlifes", + "pan" + ], + [ + ".b", + "n" + ], + [ + "_RG", + "CTX" + ], + [ + "æ", + "¥" + ], + [ + "ans", + "en" + ], + [ + "Ġmod", + "elling" + ], + [ + "Layout", + "Params" + ], + [ + "ĠonChange", + "Text" + ], + [ + "rs", + "a" + ], + [ + "-", + "location" + ], + [ + ".P", + "e" + ], + [ + "(b", + "us" + ], + [ + "(s", + "ong" + ], + [ + "Ġprodu", + "k" + ], + [ + "ĠSH", + "OULD" + ], + [ + "ĠC", + "J" + ], + [ + "Ġs", + "os" + ], + [ + "ĠHome", + "Controller" + ], + [ + ".load", + "ed" + ], + [ + "(D", + "ocument" + ], + [ + ".s", + "ocial" + ], + [ + "t", + "iles" + ], + [ + "Ġl", + "ame" + ], + [ + "=", + "df" + ], + [ + ".parse", + "Long" + ], + [ + "Ġpr", + "ac" + ], + [ + "Ġdet", + "ox" + ], + [ + "ĠV", + "E" + ], + [ + "Ġpunt", + "os" + ], + [ + "Ġdo", + "ctr" + ], + [ + "Ġan", + "cor" + ], + [ + "CA", + "PE" + ], + [ + "Ġc", + "mb" + ], + [ + "çĦ", + "¶" + ], + [ + "*)", + "\"" + ], + [ + "://", + "/" + ], + [ + "Value", + "Type" + ], + [ + "Ġmort", + "gages" + ], + [ + ";", + "q" + ], + [ + "ĠRock", + "ets" + ], + [ + "s", + "port" + ], + [ + "UG", + "C" + ], + [ + "ct", + "s" + ], + [ + "ãĤ", + "ģ" + ], + [ + "ie", + "ur" + ], + [ + "ĠAppe", + "al" + ], + [ + "(n", + "b" + ], + [ + "////////////////////////////////////////////////", + "////////" + ], + [ + "IM", + "ATION" + ], + [ + "ĠC", + "res" + ], + [ + "ĠMan", + "ip" + ], + [ + "C", + "ause" + ], + [ + "at", + "ypes" + ], + [ + "man", + "ufacturer" + ], + [ + "#", + "----------------------------------------------------------------------------" + ], + [ + "Ġsp", + "or" + ], + [ + "es", + "on" + ], + [ + "Ġpun", + "ched" + ], + [ + "Ġbook", + "marks" + ], + [ + "ĠBul", + "k" + ], + [ + "Complete", + "Listener" + ], + [ + "ĠTalk", + "ing" + ], + [ + "ĠEr", + "nest" + ], + [ + "Ġrub", + "bish" + ], + [ + "k", + "ills" + ], + [ + "ĠDE", + "FIN" + ], + [ + "Ġneighbour", + "ing" + ], + [ + "ar", + "lo" + ], + [ + "ĠP", + "CA" + ], + [ + "ĉm", + "atrix" + ], + [ + "lo", + "k" + ], + [ + "Ġat", + "las" + ], + [ + "ĠG", + "ur" + ], + [ + "Ġw", + "yn" + ], + [ + "-n", + "egative" + ], + [ + "Ġt", + "ul" + ], + [ + "Ġre", + "lic" + ], + [ + "ĠV", + "oltage" + ], + [ + "ĠPre", + "is" + ], + [ + "ĠJ", + "NICALL" + ], + [ + "ĠPM", + "ID" + ], + [ + "ak", + "et" + ], + [ + "ĉ", + "attr" + ], + [ + "Ġet", + "iqu" + ], + [ + "ĠM", + "J" + ], + [ + "ĠG", + "mail" + ], + [ + "cl", + "r" + ], + [ + "_exec", + "ution" + ], + [ + "éĶ", + "®" + ], + [ + "pos", + "itor" + ], + [ + ".", + "af" + ], + [ + "N", + "r" + ], + [ + "Ge", + "orgia" + ], + [ + "Top", + "ology" + ], + [ + "Ġperch", + "é" + ], + [ + "Ġmus", + "lim" + ], + [ + "Ġepid", + "emi" + ], + [ + "Ġsab", + "ot" + ], + [ + "act", + "us" + ], + [ + "Ġë", + "ĮĢ" + ], + [ + "ĠIO", + "Error" + ], + [ + ".", + "est" + ], + [ + "p", + "refs" + ], + [ + "ĠKr", + "ish" + ], + [ + ".Read", + "Key" + ], + [ + "NAS", + "A" + ], + [ + "u", + "ção" + ], + [ + "_D", + "b" + ], + [ + "umer", + "ator" + ], + [ + "W", + "ide" + ], + [ + "(st", + "atement" + ], + [ + ".end", + "point" + ], + [ + "....", + "....." + ], + [ + "Ġ[", + "*" + ], + [ + "stream", + "s" + ], + [ + "m", + "time" + ], + [ + "P", + "x" + ], + [ + "at", + "r" + ], + [ + "Ġt", + "pl" + ], + [ + "R", + "oman" + ], + [ + "Ġscen", + "ic" + ], + [ + ".n", + "z" + ], + [ + "ĠSe", + "conds" + ], + [ + "sub", + "menu" + ], + [ + "Ġìĭ", + "¤í" + ], + [ + "_b", + "undle" + ], + [ + "Ġde", + "ÄŁ" + ], + [ + "ĠS", + "isters" + ], + [ + "pre", + "ferences" + ], + [ + "Ġport", + "a" + ], + [ + "Ad", + "visor" + ], + [ + "max", + "Length" + ], + [ + "ĠG", + "REAT" + ], + [ + "__", + "(Ċ" + ], + [ + "ole", + "st" + ], + [ + "ĠLabel", + "s" + ], + [ + "Ġen", + "fer" + ], + [ + "ĠĠĠĠĠĠ", + "ĊĊ" + ], + [ + "ĠThe", + "ft" + ], + [ + "_F", + "ILL" + ], + [ + "ĠW", + "ise" + ], + [ + ")", + "application" + ], + [ + "un", + "ami" + ], + [ + ">", + "())Ċ" + ], + [ + "ADD", + "RESS" + ], + [ + "B", + "ST" + ], + [ + "et", + "zt" + ], + [ + "ĠQ", + "gs" + ], + [ + "S", + "ense" + ], + [ + "Exception", + "Handler" + ], + [ + "ĠCh", + "u" + ], + [ + ".get", + "OwnProperty" + ], + [ + "Ġexerc", + "ised" + ], + [ + "iot", + "ic" + ], + [ + "ĠRe", + "leases" + ], + [ + "Ġp", + "interest" + ], + [ + "ol", + "ie" + ], + [ + "is", + "oft" + ], + [ + "Ġsequ", + "encing" + ], + [ + "Ġpad", + "re" + ], + [ + "]", + "));čĊ" + ], + [ + "(r", + "adius" + ], + [ + ".m", + "ed" + ], + [ + "aint", + "ies" + ], + [ + ".Object", + "Model" + ], + [ + "Ġem", + "ple" + ], + [ + "Ġseg", + "uro" + ], + [ + "St", + "ars" + ], + [ + "Ġqual", + "itative" + ], + [ + "lem", + "n" + ], + [ + "á»", + "±" + ], + [ + ">", + "\")." + ], + [ + "Ġg", + "x" + ], + [ + "-c", + "ert" + ], + [ + "ĠAST", + "M" + ], + [ + "Ġfull", + "name" + ], + [ + "Ġte", + "lemetry" + ], + [ + "ĠCamb", + "odia" + ], + [ + "_", + "ul" + ], + [ + "ĠCl", + "are" + ], + [ + "C", + "USTOM" + ], + [ + "Q", + "C" + ], + [ + "ĠUn", + "s" + ], + [ + "ĠHTTP", + "S" + ], + [ + "ĠPark", + "inson" + ], + [ + "ancy", + "box" + ], + [ + "','", + "." + ], + [ + "T", + "ue" + ], + [ + ".get", + "Last" + ], + [ + "Ġab", + "i" + ], + [ + "Äħ", + "d" + ], + [ + "A", + "st" + ], + [ + "ĠEd", + "iting" + ], + [ + ".Un", + "ity" + ], + [ + "j", + "mp" + ], + [ + "Ġm", + "ats" + ], + [ + "Ġshared", + "Preferences" + ], + [ + "Capt", + "ain" + ], + [ + ".page", + "Size" + ], + [ + "Ġr", + "tl" + ], + [ + "Ġan", + "meld" + ], + [ + "Runtime", + "Object" + ], + [ + "Ġdemand", + "e" + ], + [ + "(\"", + ";" + ], + [ + "se", + "ite" + ], + [ + "-head", + "ed" + ], + [ + "ĠK", + "ra" + ], + [ + "ĠF", + "ONT" + ], + [ + "`", + "\\" + ], + [ + "Class", + "NotFoundException" + ], + [ + ".", + "avg" + ], + [ + "atic", + "al" + ], + [ + "A", + "j" + ], + [ + "Ġpermit", + "ting" + ], + [ + "Pro", + "j" + ], + [ + "ERR", + "Q" + ], + [ + "Ġcre", + "ampie" + ], + [ + "ĠBuy", + "er" + ], + [ + "-mod", + "ules" + ], + [ + "ĠSund", + "ays" + ], + [ + "|", + "`Ċ" + ], + [ + "Ġday", + "time" + ], + [ + "Ġ+", + "(" + ], + [ + "Ġgl", + "itch" + ], + [ + "ĠOper", + "and" + ], + [ + "Ġtox", + "ins" + ], + [ + "iny", + "a" + ], + [ + "D", + "NS" + ], + [ + "ĠS", + "as" + ], + [ + "C", + "ake" + ], + [ + "ĠNation", + "als" + ], + [ + ".add", + "To" + ], + [ + "Ġs", + "inking" + ], + [ + "Ġcompreh", + "ension" + ], + [ + "Ġsc", + "or" + ], + [ + "ag", + "ements" + ], + [ + "Ġt", + "ard" + ], + [ + "Ġmarch", + "ing" + ], + [ + "ĠM", + "TV" + ], + [ + "Ġs", + "ane" + ], + [ + "Create", + "Info" + ], + [ + "áº", + "¯" + ], + [ + "Ġend", + "Index" + ], + [ + "ĉ", + "layout" + ], + [ + "ĠåIJ", + "į" + ], + [ + "S", + "ITE" + ], + [ + "ĠT", + "HERE" + ], + [ + "Ġ[", + "{'" + ], + [ + "opath", + "ic" + ], + [ + "Ġtrans", + "mitter" + ], + [ + "/", + "body" + ], + [ + "Ġp", + "und" + ], + [ + "ĠC", + "losing" + ], + [ + "Ġset", + "attr" + ], + [ + "Ġbound", + "ed" + ], + [ + "At", + "las" + ], + [ + "sum", + "ing" + ], + [ + "(t", + "imes" + ], + [ + "par", + "er" + ], + [ + "yn", + "om" + ], + [ + "fe", + "it" + ], + [ + "Ġf", + "rem" + ], + [ + "-", + "leg" + ], + [ + "ĠBr", + "as" + ], + [ + ">", + "#" + ], + [ + "Ġì¶", + "ľëł¥" + ], + [ + "ĠIN", + "STANCE" + ], + [ + "ĠC", + "ouch" + ], + [ + "_host", + "s" + ], + [ + "lik", + "elihood" + ], + [ + ".M", + "arker" + ], + [ + "ĠM", + "asks" + ], + [ + "Ġcere", + "al" + ], + [ + "util", + "ities" + ], + [ + "Ġelement", + "al" + ], + [ + "Ġdist", + "orted" + ], + [ + "in", + "active" + ], + [ + "c", + "ry" + ], + [ + "W", + "L" + ], + [ + "UPPORT", + "ED" + ], + [ + ".Th", + "rows" + ], + [ + "/s", + "chema" + ], + [ + "ser", + "ie" + ], + [ + ".\"", + "'," + ], + [ + "ĠBened", + "ict" + ], + [ + "-p", + "icker" + ], + [ + "ig", + "gs" + ], + [ + "ĠPir", + "ate" + ], + [ + "åij¨", + "æľŁ" + ], + [ + "ĠTh", + "ema" + ], + [ + "ĠSouth", + "ampton" + ], + [ + "Ġarray", + "With" + ], + [ + "ĠPaul", + "a" + ], + [ + "Ġpredict", + "or" + ], + [ + "-", + "Ass" + ], + [ + ".user", + "id" + ], + [ + "Ġper", + "i" + ], + [ + "Ġexagger", + "ated" + ], + [ + "ur", + "ate" + ], + [ + "arse", + "ille" + ], + [ + "ĠCon", + "cent" + ], + [ + "ĠP", + "ik" + ], + [ + "Ġ@", + "_;ĊĊ" + ], + [ + "Ġform", + "ations" + ], + [ + "Ġden", + "omin" + ], + [ + "\"/>", + ".Ċ" + ], + [ + "ended", + "or" + ], + [ + "Ġpan", + "cre" + ], + [ + "Ġam", + "t" + ], + [ + "Ġon", + "Resume" + ], + [ + "on", + "Delete" + ], + [ + "ĠB", + "CH" + ], + [ + ")", + "(\"" + ], + [ + "m", + "ovement" + ], + [ + "Ġpot", + "assium" + ], + [ + "", + "čĊčĊ" + ], + [ + "ĠMah", + "m" + ], + [ + "}", + "\";ĊĊ" + ], + [ + "Ġd", + "q" + ], + [ + "ĠPublish", + "ers" + ], + [ + "ĠAm", + "pl" + ], + [ + "ĠDani", + "elle" + ], + [ + "Ġt", + "ern" + ], + [ + "èµ", + "·" + ], + [ + "no", + "ÅĽÄĩ" + ], + [ + "e", + "in" + ], + [ + "ĠAsync", + "Storage" + ], + [ + "un", + "ger" + ], + [ + "rou", + "w" + ], + [ + "Ġsc", + "issors" + ], + [ + "/", + "assert" + ], + [ + ".b", + "ucket" + ], + [ + "/", + "archive" + ], + [ + "_M", + "an" + ], + [ + "Ġint", + "oler" + ], + [ + "Ġ()", + "=>" + ], + [ + "ĠÐĴ", + "Ñĭ" + ], + [ + "Ġsa", + "i" + ], + [ + ".x", + "y" + ], + [ + ".\"", + "čĊ" + ], + [ + "Ġur", + "inary" + ], + [ + "es", + "ub" + ], + [ + "IST", + "ICS" + ], + [ + "ĠÎ", + "º" + ], + [ + "Ġcompl", + "iments" + ], + [ + "Ġtypings", + "Japgolly" + ], + [ + "ih", + "ar" + ], + [ + "Exp", + "ansion" + ], + [ + "ĠS", + "erving" + ], + [ + "_st", + "udents" + ], + [ + "ĠX", + "BOOLE" + ], + [ + "(", + "il" + ], + [ + "Ġì²", + "ĺ" + ], + [ + "Ġj", + "ó" + ], + [ + "(t", + "ol" + ], + [ + "(", + "JS" + ], + [ + "ĉC", + "G" + ], + [ + "ĠD", + "RAW" + ], + [ + "tw", + "ig" + ], + [ + "Ġo", + "at" + ], + [ + "_sm", + "ooth" + ], + [ + "ĠC", + "SL" + ], + [ + "Ġos", + "ob" + ], + [ + "Ġens", + "uing" + ], + [ + "Ġbank", + "er" + ], + [ + "ĠBack", + "pack" + ], + [ + "_p", + "ing" + ], + [ + "Ġwish", + "list" + ], + [ + "=", + "ax" + ], + [ + "ĉĠĠĠ", + "Ċ" + ], + [ + "Dis", + "ney" + ], + [ + "stead", + "y" + ], + [ + "\">", + "%" + ], + [ + "Ġproph", + "ets" + ], + [ + "ĠZ", + "X" + ], + [ + "Ġminimal", + "ist" + ], + [ + ".PL", + "AIN" + ], + [ + "Se", + "attle" + ], + [ + ".", + "ordinal" + ], + [ + "ĠPI", + "PE" + ], + [ + "Ġret", + "orna" + ], + [ + "Ġjug", + "ador" + ], + [ + "ĠB", + "ret" + ], + [ + "ĠâĶ", + "ľ" + ], + [ + "Ġpl", + "ush" + ], + [ + "UL", + "ATOR" + ], + [ + "Sort", + "ing" + ], + [ + ".grid", + "y" + ], + [ + "ect", + "omy" + ], + [ + "_", + "activ" + ], + [ + "r", + "ack" + ], + [ + "Inter", + "active" + ], + [ + "ĠAntar", + "ctica" + ], + [ + "Ġv", + "engeance" + ], + [ + "en", + "so" + ], + [ + "_k", + "nown" + ], + [ + "up", + "plier" + ], + [ + ".Mod", + "ules" + ], + [ + "ĠConnection", + "State" + ], + [ + "éļ", + "IJèĹı" + ], + [ + "@", + "FindBy" + ], + [ + "Ġpl", + "acer" + ], + [ + "\\", + "model" + ], + [ + "<", + "()>" + ], + [ + ".is", + "Successful" + ], + [ + "-g", + "ood" + ], + [ + "b", + "z" + ], + [ + "ĠDr", + "aco" + ], + [ + "Ass", + "istant" + ], + [ + "-ex", + "tra" + ], + [ + "аб", + "лиÑĨ" + ], + [ + "Ġhyp", + "ocrisy" + ], + [ + "Ġt", + "st" + ], + [ + "ĠA", + "gr" + ], + [ + "$", + "txt" + ], + [ + "Ġlog", + "istic" + ], + [ + "lic", + "ensed" + ], + [ + "ĠH", + "of" + ], + [ + "Ġt", + "at" + ], + [ + "(", + "iv" + ], + [ + "Ġinto", + "xic" + ], + [ + "post", + "Id" + ], + [ + "_st", + "rike" + ], + [ + "Ġhum", + "iliation" + ], + [ + "pc", + "odes" + ], + [ + "\"", + "sync" + ], + [ + "(rec", + "ipe" + ], + [ + "+", + "N" + ], + [ + "rent", + "e" + ], + [ + "ĉ", + "Client" + ], + [ + "ycop", + "g" + ], + [ + "ĠZur", + "ich" + ], + [ + "ĠPro", + "files" + ], + [ + "C", + "ountries" + ], + [ + "Ġp", + "ict" + ], + [ + "Ġroll", + "out" + ], + [ + "requ", + "encies" + ], + [ + "Ġpatch", + "ed" + ], + [ + "Ġcar", + "tridges" + ], + [ + "Ġsh", + "ading" + ], + [ + "J", + "ar" + ], + [ + "Ġsalv", + "age" + ], + [ + "ĠTax", + "es" + ], + [ + "Ġstand", + "by" + ], + [ + "apor", + "an" + ], + [ + "E", + "igen" + ], + [ + ".", + "angular" + ], + [ + "ĠN", + "ested" + ], + [ + "äº", + "«" + ], + [ + "Ġis", + "Visible" + ], + [ + "ĠDw", + "ight" + ], + [ + "_BR", + "ANCH" + ], + [ + ".D", + "elay" + ], + [ + "Ġk", + "end" + ], + [ + "Ġfacilit", + "ated" + ], + [ + ".flat", + "Map" + ], + [ + "Ġs", + "anta" + ], + [ + "ĉS", + "end" + ], + [ + "/m", + "essages" + ], + [ + "Ġof", + "Type" + ], + [ + "ĉs", + "wap" + ], + [ + "#", + "plt" + ], + [ + "ĠTur", + "ks" + ], + [ + "N", + "ES" + ], + [ + "Ġprogress", + "ively" + ], + [ + "ĠRes", + "idence" + ], + [ + "ĠT", + "REE" + ], + [ + "Ġno", + "en" + ], + [ + "d", + "io" + ], + [ + "Ġn", + "elle" + ], + [ + "Ġsog", + "ar" + ], + [ + "itt", + "i" + ], + [ + "week", + "ly" + ], + [ + "Ġambigu", + "ity" + ], + [ + "_Set", + "tings" + ], + [ + "W", + "are" + ], + [ + ".ne", + "o" + ], + [ + "_D", + "ST" + ], + [ + "Ġæĸ", + "¹" + ], + [ + "pre", + "p" + ], + [ + "lob", + "by" + ], + [ + "@", + "email" + ], + [ + "/m", + "ovie" + ], + [ + "Ġfun", + "kc" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "Ċ" + ], + [ + "ÂŃ", + "s" + ], + [ + "Ġguard", + "ians" + ], + [ + "-", + "pos" + ], + [ + "Ġconfig", + "uring" + ], + [ + "ĠC", + "PS" + ], + [ + "ĠDe", + "us" + ], + [ + "Ġvidé", + "os" + ], + [ + "_", + "empresa" + ], + [ + "Ġsl", + "apped" + ], + [ + "<", + "Model" + ], + [ + "Ġunders", + "cores" + ], + [ + "U", + "h" + ], + [ + ".access", + "Token" + ], + [ + "SET", + "S" + ], + [ + "ĠS", + "parse" + ], + [ + "ĠCal", + "d" + ], + [ + ":", + "path" + ], + [ + "ĠS", + "ervers" + ], + [ + "=", + "batch" + ], + [ + "Ġkn", + "itting" + ], + [ + "Ġx", + "a" + ], + [ + "Ġsearch", + "Bar" + ], + [ + "Ġsn", + "ag" + ], + [ + "Ġinf", + "used" + ], + [ + ".b", + "am" + ], + [ + "le", + "ver" + ], + [ + "Ġtax", + "onomy" + ], + [ + "Ã", + "İ" + ], + [ + "Ġatt", + "aching" + ], + [ + "Ġh", + "ern" + ], + [ + "_N", + "OP" + ], + [ + "Click", + "able" + ], + [ + "(P", + "arse" + ], + [ + "ĠDynam", + "o" + ], + [ + "-b", + "uilder" + ], + [ + "Ġdere", + "g" + ], + [ + "Ġsc", + "attering" + ], + [ + "è¿Ľ", + "è¡Į" + ], + [ + "an", + "zi" + ], + [ + "ĠShe", + "pard" + ], + [ + "\">", + "',Ċ" + ], + [ + "_X", + "DECREF" + ], + [ + "ĠBuzz", + "Feed" + ], + [ + "_M", + "ARGIN" + ], + [ + "P", + "LOY" + ], + [ + ".sm", + "all" + ], + [ + "Ġm", + "imeType" + ], + [ + "Ġh", + "olog" + ], + [ + "ĉc", + "amera" + ], + [ + "li", + "as" + ], + [ + "Ġsusp", + "ense" + ], + [ + "ody", + "nam" + ], + [ + "b", + "au" + ], + [ + "Ġgrave", + "yard" + ], + [ + "_n", + "amed" + ], + [ + "\":\"", + "'" + ], + [ + "Ġ********************************", + "****************" + ], + [ + "Ġgame", + "Over" + ], + [ + "ĠLENG", + "TH" + ], + [ + "ĉs", + "creen" + ], + [ + "Ġdo", + "InBackground" + ], + [ + "_depend", + "encies" + ], + [ + "Ġr", + "tc" + ], + [ + "/", + "up" + ], + [ + "_", + "ROM" + ], + [ + "H", + "all" + ], + [ + "Ġdef", + "iciencies" + ], + [ + "(", + "te" + ], + [ + "'", + "#" + ], + [ + "_e", + "quiv" + ], + [ + "Ġpre", + "order" + ], + [ + "ĠA", + "xe" + ], + [ + "ом", + "Ñĥ" + ], + [ + ".send", + "File" + ], + [ + "Ġfil", + "t" + ], + [ + "ĠLim", + "its" + ], + [ + "ĠCaval", + "iers" + ], + [ + ".dis", + "count" + ], + [ + "âĨ", + "IJ" + ], + [ + "ĠW", + "it" + ], + [ + "QRST", + "UV" + ], + [ + "Ġi", + "j" + ], + [ + "Ġt", + "egen" + ], + [ + "Ġ:", + "\"," + ], + [ + "diff", + "iculty" + ], + [ + "p", + "unkt" + ], + [ + "ĠEmail", + "s" + ], + [ + "ch", + "lor" + ], + [ + "(f", + "un" + ], + [ + ".U", + "int" + ], + [ + "ĠSt", + "all" + ], + [ + "_", + "verified" + ], + [ + "u", + "D" + ], + [ + "File", + "Type" + ], + [ + "Ġple", + "asures" + ], + [ + "Ġjud", + "iciary" + ], + [ + "Ġsh", + "am" + ], + [ + "ip", + "ur" + ], + [ + "_PL", + "US" + ], + [ + "off", + "ers" + ], + [ + "(", + "foo" + ], + [ + "_G", + "T" + ], + [ + "ĉc", + "ore" + ], + [ + "ENT", + "ION" + ], + [ + "ĠLib", + "eration" + ], + [ + "Command", + "Line" + ], + [ + "_de", + "partment" + ], + [ + ".A", + "r" + ], + [ + "_ne", + "ighbor" + ], + [ + "ĠSub", + "mitted" + ], + [ + "ĠĊ" + ], + [ + "Ġdro", + "its" + ], + [ + "Ġhomosexual", + "s" + ], + [ + "Ġab", + "duction" + ], + [ + "ĉw", + "idget" + ], + [ + "$", + "headers" + ], + [ + "ĠD", + "AR" + ], + [ + "Ġfl", + "a" + ], + [ + "th", + "reat" + ], + [ + "Ġlou", + "is" + ], + [ + ".Get", + "Property" + ], + [ + "\"", + "Just" + ], + [ + "(f", + "rames" + ], + [ + "ry", + "o" + ], + [ + "prof", + "ession" + ], + [ + "|", + "i" + ], + [ + "íķ´", + "ìĦľ" + ], + [ + "(s", + "v" + ], + [ + "Ġun", + "recognized" + ], + [ + "I", + "onic" + ], + [ + "F", + "ashion" + ], + [ + "Screen", + "State" + ], + [ + "ĠIn", + "coming" + ], + [ + "Not", + "Nil" + ], + [ + "Ġsync", + "ing" + ], + [ + "em", + "ie" + ], + [ + "Ġtherm", + "o" + ], + [ + "_pro", + "cs" + ], + [ + "Ġincons", + "istency" + ], + [ + "rel", + "igious" + ], + [ + ".m", + "j" + ], + [ + "Ġperson", + "n" + ], + [ + "Ġmoment", + "os" + ], + [ + "or", + "arily" + ], + [ + "Ġæ", + "Ĭ" + ], + [ + "_ne", + "urons" + ], + [ + "Ill", + "ustr" + ], + [ + "im", + "oto" + ], + [ + "il", + "ik" + ], + [ + "ĠW", + "oj" + ], + [ + "Tr", + "ading" + ], + [ + "Ġapp", + "are" + ], + [ + "Ġentre", + "prises" + ], + [ + "ach", + "at" + ], + [ + "ĠÂ", + "¬" + ], + [ + "Ġne", + "igh" + ], + [ + "BUTTON", + "DOWN" + ], + [ + "ĠMah", + "er" + ], + [ + "ag", + "han" + ], + [ + "-h", + "ash" + ], + [ + "\"", + "f" + ], + [ + "Ġclient", + "ele" + ], + [ + ".add", + "Button" + ], + [ + "ĉ", + "SP" + ], + [ + "Q", + "i" + ], + [ + "Ġgr", + "ated" + ], + [ + "POS", + "ITE" + ], + [ + ":", + ">" + ], + [ + "ĠHow", + "ell" + ], + [ + "ĠCompar", + "ative" + ], + [ + "ĠIS", + "C" + ], + [ + "ÂŃ", + "i" + ], + [ + "O", + "cean" + ], + [ + "D", + "avis" + ], + [ + "ĠFil", + "me" + ], + [ + "W", + "ins" + ], + [ + "ĠJ", + "IT" + ], + [ + "oc", + "cer" + ], + [ + "ĠC", + "orm" + ], + [ + "ENCH", + "MARK" + ], + [ + "rch", + "ive" + ], + [ + "ica", + "ção" + ], + [ + "Ġm", + "ata" + ], + [ + "Ġchild", + "birth" + ], + [ + "ĠOption", + "ally" + ], + [ + "En", + "s" + ], + [ + "Ġx", + "http" + ], + [ + "Ġel", + "ucid" + ], + [ + "_Osc", + "InitStruct" + ], + [ + "))", + "):Ċ" + ], + [ + "Ġint", + "uit" + ], + [ + "ĠDon", + "ate" + ], + [ + "Ġcorrel", + "ates" + ], + [ + ">", + "Delete" + ], + [ + "Ġequ", + "ipe" + ], + [ + "Ġb", + "oca" + ], + [ + "Ġinfl", + "atable" + ], + [ + "er", + "ah" + ], + [ + "ĠDateTime", + "Kind" + ], + [ + "Ġcal", + "ves" + ], + [ + "\\", + "Lib" + ], + [ + "Ġem", + "lrt" + ], + [ + "ĠTr", + "ilogy" + ], + [ + "ĠP", + "anc" + ], + [ + "ĠD", + "uis" + ], + [ + "ĠpelÃŃcul", + "a" + ], + [ + "WAR", + "DS" + ], + [ + "_DE", + "TECT" + ], + [ + "-section", + "al" + ], + [ + "dh", + "cp" + ], + [ + "For", + "Row" + ], + [ + "-de", + "struct" + ], + [ + "ĠPres", + "enter" + ], + [ + "/s", + "lick" + ], + [ + ",", + "on" + ], + [ + "ĠCit", + "adel" + ], + [ + "logged", + "in" + ], + [ + "_sub", + "type" + ], + [ + "Ġsig", + "ue" + ], + [ + "Ġc", + "uring" + ], + [ + "ĠFire", + "wall" + ], + [ + "Ġfluores", + "cence" + ], + [ + "ĠItal", + "ians" + ], + [ + "иÑĤ", + "ÑģÑı" + ], + [ + ".get", + "Style" + ], + [ + "In", + "Seconds" + ], + [ + "j", + "ie" + ], + [ + "-S", + "mith" + ], + [ + "Ġx", + "link" + ], + [ + "Ġsub", + "missive" + ], + [ + "он", + "ÑĤ" + ], + [ + "arbon", + "ate" + ], + [ + "ĠF", + "aul" + ], + [ + "_go", + "als" + ], + [ + "ĠCommission", + "ers" + ], + [ + "chart", + "Instance" + ], + [ + "_POST", + "FIELDS" + ], + [ + "Ġmed", + "ial" + ], + [ + "Ġman", + "os" + ], + [ + "Ġdel", + "t" + ], + [ + "sv", + "m" + ], + [ + ".Ap", + "is" + ], + [ + "ep", + "hy" + ], + [ + "Ġasym", + "pt" + ], + [ + "Ġapp", + "Delegate" + ], + [ + "Ġimpro", + "bable" + ], + [ + "ck", + "a" + ], + [ + "sim", + "d" + ], + [ + "/", + "Error" + ], + [ + ".", + "âĢĵ" + ], + [ + "ĠP", + "TS" + ], + [ + "de", + "er" + ], + [ + "Ġs", + "ina" + ], + [ + "m", + "agnitude" + ], + [ + "ID", + "ADE" + ], + [ + "']", + "}'" + ], + [ + "Ġmay", + "ores" + ], + [ + "ĉ", + "comment" + ], + [ + "/", + "console" + ], + [ + "\"", + "@" + ], + [ + "v", + "olt" + ], + [ + ".s", + "ell" + ], + [ + "ĠM", + "acy" + ], + [ + "Ġmel", + "od" + ], + [ + "Ġim", + "ágenes" + ], + [ + "_ch", + "g" + ], + [ + "Ġin", + "out" + ], + [ + "ident", + "e" + ], + [ + ")", + "'),Ċ" + ], + [ + "d", + "ni" + ], + [ + ".b", + "lob" + ], + [ + "Ġtyp", + "ography" + ], + [ + "Ġe", + "erie" + ], + [ + "_O", + "ID" + ], + [ + "pes", + "an" + ], + [ + "aj", + "an" + ], + [ + "Ġch", + "opping" + ], + [ + "Ġbl", + "uff" + ], + [ + "ad", + "f" + ], + [ + "_b", + "ases" + ], + [ + ".Form", + "atter" + ], + [ + "Ġ\\", + "%" + ], + [ + "ĠPage", + "Info" + ], + [ + "Car", + "rier" + ], + [ + "ĠCal", + "ibration" + ], + [ + "com", + "o" + ], + [ + "-b", + "odied" + ], + [ + "Ġfinanc", + "ier" + ], + [ + "ĠIN", + "A" + ], + [ + ".", + "ERR" + ], + [ + "Ġhood", + "ie" + ], + [ + "ĠSan", + "ity" + ], + [ + "gu", + "arded" + ], + [ + ".opend", + "aylight" + ], + [ + "ISM", + "ATCH" + ], + [ + "High", + "lights" + ], + [ + "ün", + "k" + ], + [ + "ani", + "em" + ], + [ + "anger", + "ed" + ], + [ + "assign", + "ments" + ], + [ + "Ġregistr", + "ado" + ], + [ + "ĠU", + "PPER" + ], + [ + "ampil", + "kan" + ], + [ + "ash", + "ire" + ], + [ + "ĠNik", + "ola" + ], + [ + "ĠC", + "FL" + ], + [ + "ĠH", + "DC" + ], + [ + "Ġp", + "oids" + ], + [ + "ĠIP", + "s" + ], + [ + "Ġprevent", + "ative" + ], + [ + "ips", + "oid" + ], + [ + "if", + "ix" + ], + [ + ".c", + "amel" + ], + [ + ".g", + "a" + ], + [ + "V", + "olumes" + ], + [ + "-", + "ste" + ], + [ + "Y", + "ahoo" + ], + [ + "_s", + "ibling" + ], + [ + "H", + "ighest" + ], + [ + "opt", + "group" + ], + [ + "Ġkvin", + "na" + ], + [ + "âĢĿ", + "ãĢĤĊĊ" + ], + [ + "ĠAppl", + "iances" + ], + [ + "Ġ\"", + "><" + ], + [ + "')", + "\")Ċ" + ], + [ + "ht", + "t" + ], + [ + "ĠIdent", + "ified" + ], + [ + "Ġpenc", + "ils" + ], + [ + "Ġmember", + "Id" + ], + [ + "Ġappend", + "String" + ], + [ + ".load", + "Data" + ], + [ + "Ġmock", + "Mvc" + ], + [ + "Ġj", + "ub" + ], + [ + "ĠSl", + "ut" + ], + [ + "ĠTai", + "pei" + ], + [ + "st", + "att" + ], + [ + "Pol", + "it" + ], + [ + "Ġpart", + "ager" + ], + [ + "Did", + "Change" + ], + [ + "Incre", + "ases" + ], + [ + ")", + "}." + ], + [ + "ĠB", + "aba" + ], + [ + "_CL", + "IP" + ], + [ + "[", + "unit" + ], + [ + "Ġк", + "лÑİÑĩ" + ], + [ + "Ġalc", + "uni" + ], + [ + "ĠL", + "ola" + ], + [ + "Ġcl", + "inging" + ], + [ + "@", + "PostMapping" + ], + [ + "(con", + "cat" + ], + [ + "Ġss", + "id" + ], + [ + "ĠFa", + "uc" + ], + [ + "ok", + "it" + ], + [ + "ĠRecord", + "ed" + ], + [ + "á", + "lez" + ], + [ + "($", + "('<" + ], + [ + ".assertIs", + "Not" + ], + [ + "Ġk", + "ali" + ], + [ + "V", + "olt" + ], + [ + "Ġwarm", + "ly" + ], + [ + "Ġsca", + "res" + ], + [ + "get", + "ti" + ], + [ + "füh", + "rt" + ], + [ + "_d", + "oes" + ], + [ + ".", + "EMAIL" + ], + [ + "im", + "ations" + ], + [ + "Ġspring", + "fox" + ], + [ + "ĠDec", + "om" + ], + [ + "arc", + "y" + ], + [ + "Ġgl", + "itches" + ], + [ + "ĠM", + "off" + ], + [ + "ĠV", + "oll" + ], + [ + ".b", + "etween" + ], + [ + "Ġcoord", + "en" + ], + [ + "ĠPart", + "icularly" + ], + [ + "GB", + "P" + ], + [ + "Ġsem", + "ble" + ], + [ + "East", + "ern" + ], + [ + "_M", + "SB" + ], + [ + "])", + "{čĊ" + ], + [ + "m", + "organ" + ], + [ + "ĠE", + "VAL" + ], + [ + "d", + "ere" + ], + [ + "HO", + "USE" + ], + [ + "mo", + "ire" + ], + [ + "ist", + "ique" + ], + [ + "_l", + "stm" + ], + [ + "-com", + "mit" + ], + [ + "yster", + "ious" + ], + [ + "Ġtw", + "ink" + ], + [ + "-th", + "umbnails" + ], + [ + "en", + "ÃŃ" + ], + [ + ":'", + "'," + ], + [ + "Ġblack", + "out" + ], + [ + "ĠFlo", + "ors" + ], + [ + "Ġso", + "fas" + ], + [ + "Ġou", + "i" + ], + [ + "lesh", + "oot" + ], + [ + "ĠRa", + "q" + ], + [ + "-", + "abs" + ], + [ + "Ġk", + "ra" + ], + [ + "M", + "ining" + ], + [ + "sha", + "ft" + ], + [ + ".set", + "Columns" + ], + [ + "Cl", + "azz" + ], + [ + "PRE", + "TTY" + ], + [ + ".play", + "list" + ], + [ + "éĸ", + "¢" + ], + [ + "-Sah", + "aran" + ], + [ + "M", + "ING" + ], + [ + "ĉ", + "bl" + ], + [ + "è®", + "®" + ], + [ + "j", + "f" + ], + [ + "DO", + "CKER" + ], + [ + "hope", + "fully" + ], + [ + "(", + "ignore" + ], + [ + "ĠUsers", + "Controller" + ], + [ + "ĠMitar", + "beiter" + ], + [ + "ĠL", + "ES" + ], + [ + "Ham", + "ilton" + ], + [ + "-m", + "etadata" + ], + [ + "ĠK", + "K" + ], + [ + "ikt", + "ig" + ], + [ + "Ġwoll", + "te" + ], + [ + "egr", + "ator" + ], + [ + "]", + "bool" + ], + [ + ",", + "current" + ], + [ + "Ġvalue", + "Type" + ], + [ + "Ġexcav", + "ation" + ], + [ + "ol", + "and" + ], + [ + "Ġv", + "erv" + ], + [ + "/file", + "path" + ], + [ + "Auth", + "Provider" + ], + [ + "Ġpro", + "crast" + ], + [ + "ĉ", + "ULONG" + ], + [ + "_MEM", + "BERS" + ], + [ + "Ġup", + "lift" + ], + [ + "ĠAut", + "onomous" + ], + [ + "Ġart", + "works" + ], + [ + "ĠOut", + "reach" + ], + [ + "Ġp", + "ore" + ], + [ + "Home", + "page" + ], + [ + "Dialog", + "Title" + ], + [ + "ĠGener", + "ating" + ], + [ + "PAR", + "SE" + ], + [ + "Ġsem", + "anas" + ], + [ + "Ġhuman", + "o" + ], + [ + "JSGlobal", + "Scope" + ], + [ + "Ġvol", + "te" + ], + [ + "Ġb", + "ella" + ], + [ + "(is", + "instance" + ], + [ + "Ġpl", + "c" + ], + [ + "\\C", + "atalog" + ], + [ + "Ġeste", + "emed" + ], + [ + "éĽ", + "·" + ], + [ + "(s", + "uffix" + ], + [ + "Ġswe", + "eps" + ], + [ + "ĉ", + "ORDER" + ], + [ + "Ġdo", + "ivent" + ], + [ + "ĠSw", + "arm" + ], + [ + "ĠComp", + "iled" + ], + [ + "get", + "Page" + ], + [ + "AD", + "R" + ], + [ + ".R", + "ichTextBox" + ], + [ + "ĠN", + "aming" + ], + [ + "ag", + "ged" + ], + [ + "ĠG", + "ANG" + ], + [ + "r", + "asing" + ], + [ + "ode", + "led" + ], + [ + "Ġg", + "ala" + ], + [ + "ĠJS", + "Name" + ], + [ + "dd", + "f" + ], + [ + "Ġill", + "ust" + ], + [ + "ĠLans", + "ing" + ], + [ + "[", + "port" + ], + [ + "-de", + "ath" + ], + [ + "Ġdin", + "heiro" + ], + [ + "ĠE", + "ighth" + ], + [ + "Ġb", + "ian" + ], + [ + "st", + "Ã¥" + ], + [ + "Ġvers", + "ión" + ], + [ + "ĠLinear", + "Gradient" + ], + [ + "ĠHard", + "ing" + ], + [ + ".", + "*)" + ], + [ + "ec", + "zy" + ], + [ + "$", + "header" + ], + [ + "Ġv", + "Ã¥r" + ], + [ + "Un", + "checked" + ], + [ + "Ġko", + "je" + ], + [ + "ĠPal", + "adin" + ], + [ + "()", + "))," + ], + [ + "G", + "iving" + ], + [ + "()", + "})Ċ" + ], + [ + "Ġd", + "ips" + ], + [ + "F", + "riendly" + ], + [ + "Ġport", + "rays" + ], + [ + "Ġhel", + "ium" + ], + [ + "Ġinsurg", + "ency" + ], + [ + "_ex", + "piry" + ], + [ + "ĠstringByAppending", + "String" + ], + [ + "Ġa", + "antal" + ], + [ + "s", + "lope" + ], + [ + "m", + "ast" + ], + [ + ".get", + "Integer" + ], + [ + "Ġ################", + "########" + ], + [ + "_PIPE", + "LINE" + ], + [ + "Ġdens", + "ely" + ], + [ + "Ġmut", + "ating" + ], + [ + "m", + "idi" + ], + [ + "ĠSe", + "it" + ], + [ + "ay", + "ne" + ], + [ + "NOW", + "LED" + ], + [ + "ĠDes", + "mond" + ], + [ + "ĠF", + "Name" + ], + [ + "ĠN", + "airobi" + ], + [ + "\\", + "Context" + ], + [ + "Ġcalc", + "ular" + ], + [ + "-d", + "en" + ], + [ + "Ġc", + "ott" + ], + [ + "]", + "):čĊ" + ], + [ + "ĠRecommend", + "ation" + ], + [ + "ĠRole", + "x" + ], + [ + "Ġvalidation", + "Result" + ], + [ + ".p", + "at" + ], + [ + "Ġn", + "Ãły" + ], + [ + "ĠRest", + "Client" + ], + [ + "ĠG", + "PI" + ], + [ + "ĠAshe", + "ville" + ], + [ + "ĠO", + "SP" + ], + [ + "ĠPER", + "MISSION" + ], + [ + "ÐĶ", + "аÑĤа" + ], + [ + "/", + "notification" + ], + [ + "K", + "night" + ], + [ + "_W", + "ord" + ], + [ + "ĠB", + "ender" + ], + [ + "rank", + "ing" + ], + [ + "Ġpart", + "ida" + ], + [ + "_res", + "ervation" + ], + [ + "Ì", + "Ģ" + ], + [ + "Ġm", + "Name" + ], + [ + "Ġget", + "ch" + ], + [ + "Ġb", + "orr" + ], + [ + "Ġdilig", + "ent" + ], + [ + "Disc", + "uss" + ], + [ + "æŃ£", + "åľ¨" + ], + [ + "ape", + "ake" + ], + [ + "ion", + "ed" + ], + [ + "-N", + "azi" + ], + [ + ".c", + "um" + ], + [ + "ĠK", + "ron" + ], + [ + "=$", + "('#" + ], + [ + "/s", + "ingle" + ], + [ + "Ġerot", + "isch" + ], + [ + "ĠV", + "ib" + ], + [ + "Ġrat", + "ified" + ], + [ + "Ġconcert", + "ed" + ], + [ + "ĠREG", + "ARD" + ], + [ + "Ġdo", + "br" + ], + [ + ".Driver", + "Manager" + ], + [ + "'", + "r" + ], + [ + "Port", + "able" + ], + [ + "ĉs", + "uite" + ], + [ + "Ġrel", + "aciones" + ], + [ + "ĠD", + "op" + ], + [ + "emplo", + "i" + ], + [ + "DO", + "B" + ], + [ + "Ġcr", + "umbs" + ], + [ + "Ġx", + "ls" + ], + [ + "_App", + "lication" + ], + [ + "(':", + "'," + ], + [ + "Ġ----------------------------------------------------------------", + "--------Ċ" + ], + [ + "m", + "se" + ], + [ + "Ġber", + "k" + ], + [ + "ĠReturn", + "Value" + ], + [ + "ĠBel", + "ly" + ], + [ + "Ġcam", + "ar" + ], + [ + "ĠPe", + "ek" + ], + [ + "els", + "ing" + ], + [ + "Ġnot", + "ifies" + ], + [ + "ĠTr", + "istan" + ], + [ + "ĠG", + "AR" + ], + [ + "em", + "me" + ], + [ + "ĠElev", + "ated" + ], + [ + "_C", + "SV" + ], + [ + "(ch", + "alk" + ], + [ + "Ġtw", + "enties" + ], + [ + "ĠSearch", + "Result" + ], + [ + "=", + "search" + ], + [ + "ĠMix", + "ing" + ], + [ + "ý", + "t" + ], + [ + "Ġrecru", + "iter" + ], + [ + "ĠIDE", + "OGRAPH" + ], + [ + "ĠA", + "go" + ], + [ + "(", + "Operation" + ], + [ + "$", + "values" + ], + [ + "Ġworld", + "ly" + ], + [ + "ĠRosen", + "berg" + ], + [ + "ĠConfigure", + "Services" + ], + [ + ">*", + "Ċ" + ], + [ + "Ġsn", + "ork" + ], + [ + "_op", + "acity" + ], + [ + "ĠinitWith", + "NibName" + ], + [ + "i", + "ado" + ], + [ + "A", + "AC" + ], + [ + "Ġ]", + ")." + ], + [ + ";", + "z" + ], + [ + "_par", + "agraph" + ], + [ + "Ġnos", + "es" + ], + [ + "stand", + "s" + ], + [ + "if", + "r" + ], + [ + "_m", + "E" + ], + [ + "I", + "raq" + ], + [ + ".P", + "redicate" + ], + [ + "ena", + "ire" + ], + [ + "]]", + "];Ċ" + ], + [ + "Ġun", + "idad" + ], + [ + "Ġretire", + "es" + ], + [ + "_h", + "ello" + ], + [ + "Ġmode", + "le" + ], + [ + "ĠUIT", + "ableViewController" + ], + [ + "f", + "write" + ], + [ + "_num", + "ero" + ], + [ + "_vis", + "ited" + ], + [ + "Ġrece", + "be" + ], + [ + "(", + "Notification" + ], + [ + "Fant", + "astic" + ], + [ + "_sub", + "menu" + ], + [ + "ĠP", + "EM" + ], + [ + "ĠCup", + "ertino" + ], + [ + "approx", + "imately" + ], + [ + "class", + "ed" + ], + [ + ".Read", + "String" + ], + [ + "Ġdomic", + "ile" + ], + [ + "_P", + "W" + ], + [ + "Ġball", + "park" + ], + [ + "ĠK", + "ale" + ], + [ + "con", + "tra" + ], + [ + "_f", + "avorite" + ], + [ + "/", + "of" + ], + [ + "Qu", + "ite" + ], + [ + "ĠOT", + "A" + ], + [ + "Ġacceler", + "ometer" + ], + [ + "did", + "n" + ], + [ + "|", + "^" + ], + [ + "ĠRohing", + "ya" + ], + [ + "ivic", + "rm" + ], + [ + "ann", + "abin" + ], + [ + "обÑĭ", + "ÑĤи" + ], + [ + "or", + "ado" + ], + [ + "')", + "+" + ], + [ + "Ha", + "unted" + ], + [ + ",", + "ID" + ], + [ + "(", + "UIAlertAction" + ], + [ + "ur", + "v" + ], + [ + "_b", + "el" + ], + [ + "ĠMex", + "icans" + ], + [ + "/", + "terms" + ], + [ + "ĠPaint", + "er" + ], + [ + "Input", + "Label" + ], + [ + "ĠV", + "inci" + ], + [ + "ĠRos", + "ie" + ], + [ + "\\", + "uc" + ], + [ + "<", + "Menu" + ], + [ + "Ġcool", + "ant" + ], + [ + "(current", + "User" + ], + [ + "_d", + "ual" + ], + [ + ")", + "\"},Ċ" + ], + [ + "&", + "p" + ], + [ + "Ġconver", + "ged" + ], + [ + "Ġrestr", + "ain" + ], + [ + "ĠYugosl", + "avia" + ], + [ + "=", + "target" + ], + [ + "Ġimp", + "uls" + ], + [ + "ds", + "a" + ], + [ + "Search", + "Tree" + ], + [ + "Ġh", + "box" + ], + [ + "ĠImp", + "ress" + ], + [ + "§", + "Ãĥ" + ], + [ + "get", + "FullYear" + ], + [ + "(d", + "a" + ], + [ + "ĠY", + "YS" + ], + [ + ".al", + "ignment" + ], + [ + ".Get", + "Text" + ], + [ + ".token", + "ize" + ], + [ + "ĠOlymp", + "us" + ], + [ + "Ġmur", + "ky" + ], + [ + "ore", + "station" + ], + [ + "Ġdiss", + "atisfaction" + ], + [ + "ĉT", + "Array" + ], + [ + "_", + "kses" + ], + [ + ".Add", + "Singleton" + ], + [ + "ĠStart", + "Time" + ], + [ + "Ġfan", + "atic" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĉ" + ], + [ + "Ġentity", + "Type" + ], + [ + ".", + "override" + ], + [ + "Ġ", + "-------------" + ], + [ + "ĠDat", + "agram" + ], + [ + "f", + "out" + ], + [ + "(with", + "Id" + ], + [ + "Ġ#", + "__" + ], + [ + "Ł", + "èĥ½" + ], + [ + "ek", + "yll" + ], + [ + ".f", + "riends" + ], + [ + "ame", + "leon" + ], + [ + "Ġz", + "ach" + ], + [ + ".simple", + "Button" + ], + [ + "ret", + "orno" + ], + [ + "Ġkon", + "k" + ], + [ + "/s", + "mall" + ], + [ + "ĠQuick", + "ly" + ], + [ + "un", + "read" + ], + [ + "Don", + "ate" + ], + [ + "Detail", + "View" + ], + [ + "Ġdu", + "a" + ], + [ + "Ġpenetr", + "ated" + ], + [ + "OM", + "UX" + ], + [ + "Ġn", + "ir" + ], + [ + "_p", + "data" + ], + [ + "\"],", + "[\"" + ], + [ + "Ġlow", + "es" + ], + [ + "Ġdop", + "ing" + ], + [ + "Ġas", + "ymmetric" + ], + [ + "Ġneed", + "less" + ], + [ + "our", + "cem" + ], + [ + "Ġup", + "ro" + ], + [ + "ĠGu", + "zzle" + ], + [ + "af", + "b" + ], + [ + "Ġsext", + "reffen" + ], + [ + "-c", + "ollar" + ], + [ + "Ġcol", + "ossal" + ], + [ + "Mon", + "key" + ], + [ + "n", + "ish" + ], + [ + "Ġhandle", + "Message" + ], + [ + "Incre", + "ased" + ], + [ + "*", + "dx" + ], + [ + "ĠChatt", + "anooga" + ], + [ + "f", + "org" + ], + [ + "ĠOr", + "den" + ], + [ + "Ġsh", + "ri" + ], + [ + "ĠV", + "and" + ], + [ + "Ġ\"", + "@\"" + ], + [ + "Image", + "Sharp" + ], + [ + "ĠWild", + "cats" + ], + [ + "pon", + "ible" + ], + [ + ".sc", + "enes" + ], + [ + "Ġpaint", + "ers" + ], + [ + "ĠPf", + "izer" + ], + [ + "ĠZ", + "ah" + ], + [ + "To", + "Local" + ], + [ + "ĠFl", + "am" + ], + [ + "Ġé", + "taient" + ], + [ + "))", + "^" + ], + [ + "ĠSand", + "box" + ], + [ + "ĠTR", + "ADE" + ], + [ + "Ġchrom", + "ium" + ], + [ + "Ġac", + "claim" + ], + [ + "Ġpac", + "man" + ], + [ + "´", + "t" + ], + [ + ")", + "reader" + ], + [ + "M", + "ari" + ], + [ + ".Dispatch", + "er" + ], + [ + ".A", + "DMIN" + ], + [ + "ĠRem", + "ed" + ], + [ + "Sw", + "eden" + ], + [ + "Ġoverl", + "ays" + ], + [ + ".", + "er" + ], + [ + "Ġp", + "ang" + ], + [ + "Ġclean", + "ly" + ], + [ + "aven", + "port" + ], + [ + "Toy", + "ota" + ], + [ + "patch", + "es" + ], + [ + "Ġv", + "tx" + ], + [ + "ĠE", + "is" + ], + [ + "cl", + "ado" + ], + [ + "ĠR", + "itch" + ], + [ + "RO", + "LS" + ], + [ + "Ġh", + "ade" + ], + [ + "Ġconspic", + "uous" + ], + [ + "Ġdo", + "cks" + ], + [ + "(j", + "q" + ], + [ + "ĠPrem", + "iership" + ], + [ + "ĠBe", + "z" + ], + [ + "ĠâĦ", + "ĸ" + ], + [ + "ĠÑĥ", + "Ñģл" + ], + [ + "_tot", + "als" + ], + [ + "Ġprov", + "a" + ], + [ + "ĠC", + "ue" + ], + [ + "Ġsa", + "úde" + ], + [ + "ĠGame", + "Controller" + ], + [ + "IM", + "IZE" + ], + [ + ",", + "port" + ], + [ + "ãĢĤ", + "(" + ], + [ + ".C", + "decl" + ], + [ + "Instant", + "iationException" + ], + [ + "Ġcoll", + "age" + ], + [ + "ĠIO", + "C" + ], + [ + "Ġb", + "ais" + ], + [ + "Ġon", + "Finish" + ], + [ + "-st", + "ars" + ], + [ + "set", + "Size" + ], + [ + "Ġmog", + "ul" + ], + [ + "Ġdis", + "illusion" + ], + [ + "Ġche", + "vy" + ], + [ + "(S", + "chedulers" + ], + [ + "(", + "IR" + ], + [ + "_loc", + "s" + ], + [ + "Ġcann", + "ons" + ], + [ + "Ġcancell", + "ing" + ], + [ + "/b", + "us" + ], + [ + "Ġbuf", + "io" + ], + [ + "ĠY", + "ours" + ], + [ + "ĠPik", + "achu" + ], + [ + "Ġter", + "me" + ], + [ + "r", + "Ã¥" + ], + [ + "f", + "ahren" + ], + [ + "Ġowner", + "Id" + ], + [ + "Ġoblig", + "atory" + ], + [ + "Ġcul", + "p" + ], + [ + "Ġacid", + "ity" + ], + [ + "-m", + "ult" + ], + [ + "ĠBam", + "boo" + ], + [ + "Ġ'", + "\">" + ], + [ + "_g", + "s" + ], + [ + "Ġcomp", + "il" + ], + [ + "n", + "ard" + ], + [ + "-ex", + "c" + ], + [ + "Ġrh", + "yme" + ], + [ + "Ġbut", + "to" + ], + [ + "s", + "ays" + ], + [ + "ant", + "asy" + ], + [ + "ë", + "¸" + ], + [ + "Ġcitt", + "Ãł" + ], + [ + "Ġche", + "g" + ], + [ + "Time", + "String" + ], + [ + "Ġpos", + "itivity" + ], + [ + "ĠD", + "abei" + ], + [ + "Ġw", + "ang" + ], + [ + "Ġes", + "cre" + ], + [ + "\"", + "c" + ], + [ + "ĉv", + "ideo" + ], + [ + "ĠRank", + "ed" + ], + [ + ".str", + "ings" + ], + [ + ">>", + ">(" + ], + [ + "Ġин", + "ÑĤеÑĢ" + ], + [ + "Ġrest", + "a" + ], + [ + "[:", + ",:" + ], + [ + "Ġrend", + "re" + ], + [ + "Ġdes", + "er" + ], + [ + "J", + "os" + ], + [ + "Ġdis", + "ruptions" + ], + [ + "Ġоп", + "еÑĢ" + ], + [ + "s", + "ampling" + ], + [ + "sup", + "press" + ], + [ + "Ġcontainer", + "View" + ], + [ + "ĠSeam", + "less" + ], + [ + "Ġair", + "y" + ], + [ + "Ġon", + "load" + ], + [ + ".Window", + "Manager" + ], + [ + "ĠPL", + "A" + ], + [ + "br", + "aco" + ], + [ + ".set", + "PositiveButton" + ], + [ + "Ġp", + "du" + ], + [ + "Ġg", + "si" + ], + [ + "ĠC", + "li" + ], + [ + "_gr", + "adients" + ], + [ + "Ñı", + "д" + ], + [ + "ĠWh", + "isper" + ], + [ + "c", + "stdint" + ], + [ + "Ġl", + "äng" + ], + [ + "Ġform", + "ulations" + ], + [ + "én", + "om" + ], + [ + "ourn", + "emouth" + ], + [ + "[$", + "_" + ], + [ + "Ġordin", + "arily" + ], + [ + ".set", + "Username" + ], + [ + "Ġfacult", + "ies" + ], + [ + "MIT", + "TED" + ], + [ + "/", + "values" + ], + [ + "Ġwe", + "ir" + ], + [ + "ĠA", + "pt" + ], + [ + "M", + "Z" + ], + [ + "ĉc", + "f" + ], + [ + "uck", + "en" + ], + [ + "ĉĉĉĉĉĉĉĉ", + "ĉĉĉĉĉĉĉĉĉĉĉĉ" + ], + [ + "def", + "ense" + ], + [ + "[i", + "Var" + ], + [ + "ĠBusiness", + "Exception" + ], + [ + "Select", + "ors" + ], + [ + "(co", + "ordinates" + ], + [ + "ĠRes", + "ets" + ], + [ + "ĠDr", + "inks" + ], + [ + "ole", + "ans" + ], + [ + "(st", + "ypy" + ], + [ + "_IO", + "C" + ], + [ + ".x", + "xx" + ], + [ + "ĠSl", + "ater" + ], + [ + "ĠBel", + "ize" + ], + [ + "Ġ/", + "************************************************************************" + ], + [ + "add", + "in" + ], + [ + "_ep", + "isodes" + ], + [ + "Ġis", + "chem" + ], + [ + "legal", + "ArgumentException" + ], + [ + "D", + "anny" + ], + [ + "Ġp", + "ared" + ], + [ + ".code", + "haus" + ], + [ + "ĠAss", + "y" + ], + [ + "ĉ", + "Rect" + ], + [ + "â", + "ŀ" + ], + [ + ".list", + "a" + ], + [ + "Ġв", + "аÑĪ" + ], + [ + "Ġv", + "ets" + ], + [ + "HW", + "ND" + ], + [ + "ison", + "er" + ], + [ + "Ġx", + "o" + ], + [ + "Ġor", + "ally" + ], + [ + "ĠSt", + "mt" + ], + [ + ".r", + "nn" + ], + [ + "ĠD", + "PI" + ], + [ + "ĠStr", + "ikes" + ], + [ + ".setViewport", + "View" + ], + [ + "Ġèĩª", + "åĬ¨çĶŁæĪIJ" + ], + [ + "Y", + "ELLOW" + ], + [ + "GL", + "enum" + ], + [ + "part", + "ners" + ], + [ + "ĠImp", + "licit" + ], + [ + "Ġtak", + "o" + ], + [ + "âĢĻ", + "elle" + ], + [ + "Ġerm", + "ög" + ], + [ + "total", + "Count" + ], + [ + "G", + "il" + ], + [ + "ĉ", + "work" + ], + [ + "Ġpr", + "atic" + ], + [ + "in", + "ati" + ], + [ + "ab", + "ies" + ], + [ + "ĠSk", + "inner" + ], + [ + "Ġspir", + "ited" + ], + [ + "Ġpancre", + "atic" + ], + [ + "Ġh", + "df" + ], + [ + "'", + "em" + ], + [ + "Ġpsych", + "osis" + ], + [ + "olic", + "it" + ], + [ + "Ġ\"", + "{\"" + ], + [ + "_at", + "ual" + ], + [ + "Ġé", + "lect" + ], + [ + "TE", + "AM" + ], + [ + "Ġd", + "ak" + ], + [ + "ĠSW", + "AT" + ], + [ + ".Fragment", + "Manager" + ], + [ + "Ġprovision", + "ing" + ], + [ + "l", + "ifetime" + ], + [ + "_EXTENSION", + "S" + ], + [ + "ĠC", + "ASCADE" + ], + [ + "Ġ!", + "[" + ], + [ + "(K", + "P" + ], + [ + "Ġv", + "em" + ], + [ + "ĠInterr", + "acial" + ], + [ + "']", + "},Ċ" + ], + [ + "sp", + "acer" + ], + [ + "_k", + "v" + ], + [ + "W", + "arehouse" + ], + [ + "R", + "DD" + ], + [ + "_f", + "sm" + ], + [ + ".Stretch", + "Image" + ], + [ + ",", + "Yes" + ], + [ + "ĠRefuge", + "e" + ], + [ + "ĠBr", + "inging" + ], + [ + "Ġv", + "álido" + ], + [ + ".inter", + "section" + ], + [ + "Ġsp", + "ooky" + ], + [ + "_port", + "al" + ], + [ + "Ġmo", + "th" + ], + [ + "ĠZ", + "odiac" + ], + [ + "ĠSOC", + "IAL" + ], + [ + "M", + "imeType" + ], + [ + "']", + "}}" + ], + [ + "_Bl", + "ue" + ], + [ + "Ġbot", + "anical" + ], + [ + "Ġfr", + "ags" + ], + [ + "Ġfamil", + "ial" + ], + [ + "-", + "du" + ], + [ + "Ġse", + "izing" + ], + [ + "(block", + "s" + ], + [ + ".r", + "d" + ], + [ + ".check", + "NotNull" + ], + [ + "Ġmis", + "er" + ], + [ + "Ġmax", + "x" + ], + [ + "ĠK", + "nee" + ], + [ + "View", + "Item" + ], + [ + "Inner", + "HTML" + ], + [ + "D", + "anger" + ], + [ + "((", + "__" + ], + [ + "Ġprz", + "ypad" + ], + [ + "create", + "Url" + ], + [ + "**", + "," + ], + [ + "ĠDecor", + "ating" + ], + [ + "ATEG", + "Y" + ], + [ + "?>", + "/" + ], + [ + ".Design", + "er" + ], + [ + "hex", + "digest" + ], + [ + "ĠEvery", + "where" + ], + [ + "all", + "eries" + ], + [ + ".TEXT", + "URE" + ], + [ + ".Block", + "s" + ], + [ + "z", + "ell" + ], + [ + "Ġpre", + "ço" + ], + [ + "S", + "uddenly" + ], + [ + "input", + "Email" + ], + [ + "(s", + "ync" + ], + [ + ".b", + "d" + ], + [ + "gold", + "en" + ], + [ + ">", + "');" + ], + [ + "ĠDick", + "inson" + ], + [ + ">>", + "(Ċ" + ], + [ + "ĠQUE", + "UE" + ], + [ + "Ġget", + "Column" + ], + [ + "ĠS", + "AND" + ], + [ + ".p", + "iece" + ], + [ + "lic", + "er" + ], + [ + "Fl", + "utter" + ], + [ + "Ġget", + "Version" + ], + [ + "Ġresource", + "Id" + ], + [ + "og", + "l" + ], + [ + "ÅĤ", + "aw" + ], + [ + ".Br", + "anch" + ], + [ + "ĉ", + "web" + ], + [ + "Ġfr", + "amerate" + ], + [ + "PP", + "P" + ], + [ + "Ġfr", + "ay" + ], + [ + "C", + "NT" + ], + [ + "Ġinformat", + "ie" + ], + [ + "']", + "čĊčĊ" + ], + [ + "ne", + "as" + ], + [ + "Header", + "Code" + ], + [ + "Ġæ", + "¸" + ], + [ + "Ġtr", + "g" + ], + [ + "raw", + "types" + ], + [ + "H", + "onda" + ], + [ + "Ġmark", + "eter" + ], + [ + "Ġrequest", + "Data" + ], + [ + "ĠP", + "g" + ], + [ + "ĉ", + "not" + ], + [ + "Ġpage", + "Info" + ], + [ + "Ġakt", + "uellen" + ], + [ + "ãģķ", + "ãĤĵ" + ], + [ + "ĠA", + "MS" + ], + [ + "push", + "ViewController" + ], + [ + "ĉ", + "AL" + ], + [ + "Ġv", + "ests" + ], + [ + "produ", + "ce" + ], + [ + "-m", + "ême" + ], + [ + "ĠRah", + "man" + ], + [ + "F", + "unny" + ], + [ + "E", + "Z" + ], + [ + "_", + "Valid" + ], + [ + "Ġsquad", + "ron" + ], + [ + "Ġl", + "ash" + ], + [ + "Ġ", + "irm" + ], + [ + "ias", + "co" + ], + [ + "ĠPar", + "an" + ], + [ + "Ġpet", + "ites" + ], + [ + "ĠDec", + "ay" + ], + [ + "Ġun", + "initialized" + ], + [ + "priv", + "ileged" + ], + [ + "Ġm", + "bedtls" + ], + [ + "å¤ĩ", + "注" + ], + [ + "Ġ^", + "." + ], + [ + "Ġec", + "static" + ], + [ + "D", + "etroit" + ], + [ + "Ġpart", + "en" + ], + [ + "Ġsou", + "venir" + ], + [ + ".get", + "Login" + ], + [ + "моÑĤ", + "ÑĢ" + ], + [ + "en", + "ção" + ], + [ + "ĠmÃŃn", + "imo" + ], + [ + "ĠAccess", + "ed" + ], + [ + "ri", + "ó" + ], + [ + "M", + "ic" + ], + [ + "ĠV", + "ocal" + ], + [ + ".Set", + "String" + ], + [ + "Ġmens", + "ajes" + ], + [ + "åĢ", + "į" + ], + [ + "Ġattr", + "avers" + ], + [ + "ĠA", + "ph" + ], + [ + "Ġ'", + ");čĊ" + ], + [ + "ünd", + "e" + ], + [ + "Ġench", + "anted" + ], + [ + "ĠRoot", + "State" + ], + [ + "ĠCLOSE", + "D" + ], + [ + "ĉĉĉĉĉĉĉĉ", + "čĊ" + ], + [ + "Ġcal", + "iente" + ], + [ + "or", + "ris" + ], + [ + "Ġphysic", + "ists" + ], + [ + "h", + "wnd" + ], + [ + "_v", + "i" + ], + [ + "Ġráp", + "ido" + ], + [ + "Ġcapital", + "ized" + ], + [ + "ed", + "By" + ], + [ + "Ġmach", + "ining" + ], + [ + "Ġhub", + "by" + ], + [ + "ĠSt", + "acy" + ], + [ + ".B", + "us" + ], + [ + "dr", + "ink" + ], + [ + "H", + "ur" + ], + [ + "Ġprop", + "ia" + ], + [ + "Unit", + "Test" + ], + [ + "Ġmiscon", + "ception" + ], + [ + "__", + "));Ċ" + ], + [ + "/d", + "c" + ], + [ + "ĠMay", + "weather" + ], + [ + "_m", + "C" + ], + [ + ".create", + "From" + ], + [ + "ĠQ", + "Painter" + ], + [ + "rops", + "ych" + ], + [ + "inn", + "itus" + ], + [ + "ay", + "as" + ], + [ + "Ġg", + "eg" + ], + [ + "(d", + "w" + ], + [ + "Ġus", + "ado" + ], + [ + "Ġtrick", + "le" + ], + [ + "Ġann", + "ihil" + ], + [ + "ĠP", + "asta" + ], + [ + "Ġ++", + "Ċ" + ], + [ + "(Expected", + "Conditions" + ], + [ + ".post", + "Value" + ], + [ + "ic", + "ap" + ], + [ + "ĠDon", + "etsk" + ], + [ + "_s", + "oup" + ], + [ + "-p", + "ublish" + ], + [ + "ĠP", + "b" + ], + [ + "ment", + "ions" + ], + [ + "AC", + "CEPT" + ], + [ + ".P", + "ull" + ], + [ + ",âĢĻ", + "âĢĻ" + ], + [ + "Ġret", + "arded" + ], + [ + "_AT", + "OM" + ], + [ + "ĠTermin", + "ator" + ], + [ + "-c", + "ourt" + ], + [ + "ĠCLLocation", + "Coordinate" + ], + [ + "Ġrever", + "ence" + ], + [ + "ĠS", + "SC" + ], + [ + "ut", + "ely" + ], + [ + "ĠW", + "ON" + ], + [ + "ĠG", + "SL" + ], + [ + "fre", + "i" + ], + [ + ".get", + "Longitude" + ], + [ + "Ġopen", + "FileDialog" + ], + [ + ".B", + "utter" + ], + [ + "-", + "important" + ], + [ + "_M", + "ANY" + ], + [ + "ĠG", + "ong" + ], + [ + "âĢľ", + "How" + ], + [ + "Ġg", + "orge" + ], + [ + "=", + "msg" + ], + [ + "ĠEz", + "ek" + ], + [ + "create", + "Command" + ], + [ + ":", + "checked" + ], + [ + "Ġinf", + "ographic" + ], + [ + ".W", + "EST" + ], + [ + "Dir", + "s" + ], + [ + "Ġguard", + "a" + ], + [ + "Ġbeet", + "le" + ], + [ + "<", + "small" + ], + [ + "-", + "android" + ], + [ + "Ġcred", + "itor" + ], + [ + "ĠM", + "éd" + ], + [ + "Ġfinal", + "ist" + ], + [ + "Ġab", + "l" + ], + [ + "ne", + "v" + ], + [ + "_inter", + "action" + ], + [ + "ĠMonter", + "ey" + ], + [ + "j", + "ah" + ], + [ + "Ġcand", + "ies" + ], + [ + "ĠQu", + "incy" + ], + [ + "èª", + "Ń" + ], + [ + "Ġbatch", + "Size" + ], + [ + "ak", + "it" + ], + [ + "Ġo", + "be" + ], + [ + "(p", + "ara" + ], + [ + "Ġexperiment", + "ed" + ], + [ + "Ġcouncill", + "ors" + ], + [ + "Ġcl", + "ashed" + ], + [ + "s", + "qu" + ], + [ + "-st", + "rokes" + ], + [ + "ĠG", + "K" + ], + [ + "ĠEx", + "pires" + ], + [ + "Ġprosec", + "utions" + ], + [ + "ĠCreat", + "ures" + ], + [ + "Ġy", + "ö" + ], + [ + "x", + "lim" + ], + [ + "_IM", + "P" + ], + [ + "Entry", + "Point" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + ".Default", + "CellStyle" + ], + [ + "Ġbre", + "ve" + ], + [ + "ĠBrit", + "ann" + ], + [ + "Ġsweat", + "y" + ], + [ + "Ġle", + "th" + ], + [ + "Ġflash", + "back" + ], + [ + "per", + "manent" + ], + [ + "ĠJ", + "DK" + ], + [ + "_D", + "etails" + ], + [ + "E", + "uro" + ], + [ + "p", + "pt" + ], + [ + "Ġrich", + "TextBox" + ], + [ + "/", + "board" + ], + [ + "Ġtr", + "ance" + ], + [ + ".c", + "ycle" + ], + [ + "');", + "\");Ċ" + ], + [ + "Ġtox", + "in" + ], + [ + "_de", + "init" + ], + [ + "Ġover", + "arching" + ], + [ + "Ġconfig", + "parser" + ], + [ + "ĠKaw", + "asaki" + ], + [ + ".th", + "umb" + ], + [ + "Ġplay", + "a" + ], + [ + "ĠJose", + "f" + ], + [ + "+", + "_" + ], + [ + "Ġzero", + "es" + ], + [ + "Ġa", + "up" + ], + [ + "ĠH", + "ari" + ], + [ + "comm", + "itted" + ], + [ + "N", + "it" + ], + [ + ".file", + "Path" + ], + [ + "ĠDis", + "abilities" + ], + [ + "man", + "ufact" + ], + [ + "-al", + "igned" + ], + [ + ".RE", + "SET" + ], + [ + "Ġrust", + "y" + ], + [ + "E", + "y" + ], + [ + "Ġou", + "sted" + ], + [ + "cos", + "a" + ], + [ + "Struct", + "ured" + ], + [ + ".get", + "D" + ], + [ + "Ġs", + "ábado" + ], + [ + ">", + "Loading" + ], + [ + "_m", + "A" + ], + [ + ".get", + "Random" + ], + [ + "bl", + "ings" + ], + [ + "Ġchees", + "es" + ], + [ + "tt", + "i" + ], + [ + ".", + "âĢ¢" + ], + [ + "ĠBurg", + "ess" + ], + [ + "ender", + "it" + ], + [ + ".", + "',čĊ" + ], + [ + "(\"", + "\"+" + ], + [ + "ac", + "b" + ], + [ + "%", + "p" + ], + [ + "index", + "ed" + ], + [ + "_pred", + "icate" + ], + [ + "nes", + "ia" + ], + [ + "Ġb", + "ied" + ], + [ + "ĠC", + "IT" + ], + [ + "(", + "Pos" + ], + [ + "_r", + "adi" + ], + [ + "ä»·", + "æł¼" + ], + [ + "B", + "iz" + ], + [ + "ĠAdoles", + "cent" + ], + [ + "Ġvi", + "ên" + ], + [ + "c", + "ycl" + ], + [ + "_C", + "ancel" + ], + [ + "Ġcon", + "clusive" + ], + [ + "Ġappell", + "ate" + ], + [ + "inform", + "atics" + ], + [ + "S", + "J" + ], + [ + "Ġelect", + "ive" + ], + [ + "role", + "Id" + ], + [ + "Fetch", + "er" + ], + [ + "ĉ", + "Command" + ], + [ + "(\"", + "(%" + ], + [ + "Ġf", + "art" + ], + [ + "IL", + "A" + ], + [ + "get", + "Block" + ], + [ + "A", + "USE" + ], + [ + "Ġд", + "ан" + ], + [ + "ĠAr", + "te" + ], + [ + "Ġnot", + "ifying" + ], + [ + "Ġge", + "le" + ], + [ + ".s", + "ame" + ], + [ + "ĠReg", + "el" + ], + [ + "ĠBa", + "ÅŁ" + ], + [ + ".c", + "reation" + ], + [ + "ĠV", + "N" + ], + [ + "_comm", + "unity" + ], + [ + "Ġuns", + "ustainable" + ], + [ + "SE", + "X" + ], + [ + "Ġgrid", + "Size" + ], + [ + "res", + "cia" + ], + [ + "avers", + "able" + ], + [ + "(',", + "')[" + ], + [ + "ĠPh", + "elps" + ], + [ + "á»ķ", + "i" + ], + [ + "ANCE", + "LED" + ], + [ + "-", + "IS" + ], + [ + ".run", + "ners" + ], + [ + "ĠSt", + "okes" + ], + [ + ".P", + "rodu" + ], + [ + "Ġwh", + "ipping" + ], + [ + "_ac", + "quire" + ], + [ + "Ġinvestig", + "ación" + ], + [ + "f", + "ried" + ], + [ + ".copy", + "With" + ], + [ + "ĠHard", + "cover" + ], + [ + "-", + "Se" + ], + [ + "áŀ¶", + "áŀ" + ], + [ + "inv", + "itation" + ], + [ + "les", + "ai" + ], + [ + "ĠD", + "orm" + ], + [ + "ĠÑģпиÑģ", + "ка" + ], + [ + "Ġconcaten", + "ated" + ], + [ + "oph", + "il" + ], + [ + "Ġthink", + "er" + ], + [ + "/font", + "awesome" + ], + [ + "ĠLe", + "opard" + ], + [ + "Ġ\"/", + "\");Ċ" + ], + [ + "Ġresidual", + "s" + ], + [ + "ĠMic", + "rowave" + ], + [ + "Ġconform", + "e" + ], + [ + "th", + "rop" + ], + [ + "Ġdis", + "emb" + ], + [ + "ĠO", + "MG" + ], + [ + "ĠDisc", + "ipline" + ], + [ + "ĠAc", + "robat" + ], + [ + "/re", + "pository" + ], + [ + "df", + "a" + ], + [ + "_M", + "ED" + ], + [ + "buf", + "io" + ], + [ + "Ġméth", + "ode" + ], + [ + "_H", + "OLD" + ], + [ + "ias", + "i" + ], + [ + "_", + "legacy" + ], + [ + ")", + "ččĊ" + ], + [ + "æ£", + "Ģ" + ], + [ + "Get", + "ProcAddress" + ], + [ + "Ġy", + "ay" + ], + [ + "ot", + "ence" + ], + [ + "order", + "id" + ], + [ + "-t", + "w" + ], + [ + "Ġdear", + "ly" + ], + [ + "In", + "coming" + ], + [ + "/", + "il" + ], + [ + "Ġneu", + "rop" + ], + [ + "uc", + "z" + ], + [ + ");", + "čččĊ" + ], + [ + "ĠInnov", + "ative" + ], + [ + "Ġprof", + "und" + ], + [ + "ig", + "mat" + ], + [ + "Selection", + "Mode" + ], + [ + "re", + "levant" + ], + [ + ".G", + "O" + ], + [ + "Ġbru", + "ises" + ], + [ + "Ġs", + "ach" + ], + [ + "ode", + "f" + ], + [ + "Ġre", + "imb" + ], + [ + "/d", + "esktop" + ], + [ + "-s", + "pot" + ], + [ + "und", + "ance" + ], + [ + "Ent", + "ropy" + ], + [ + "\\", + "core" + ], + [ + "Ġsug", + "er" + ], + [ + "ĠM", + "vc" + ], + [ + "ĠGN", + "OME" + ], + [ + "_ind", + "x" + ], + [ + "ĠYY", + "STYPE" + ], + [ + "ĠMat", + "lab" + ], + [ + "ĠC", + "IF" + ], + [ + "Ġ*", + "))" + ], + [ + "Ġproduct", + "List" + ], + [ + "ĠAl", + "right" + ], + [ + "ac", + "emark" + ], + [ + "ÑĤи", + "в" + ], + [ + "mod", + "ification" + ], + [ + "int", + "ernational" + ], + [ + "Ġhom", + "ers" + ], + [ + "Ġdict", + "s" + ], + [ + "ĠQ", + "Font" + ], + [ + ".SQL", + "ite" + ], + [ + "Ġtransplant", + "ation" + ], + [ + "ĠMessageBox", + "Button" + ], + [ + "ĠEl", + "ves" + ], + [ + "']", + "])Ċ" + ], + [ + "(Q", + "Icon" + ], + [ + "Ġcin", + "emas" + ], + [ + "CO", + "ORD" + ], + [ + "-", + "China" + ], + [ + "Ġkh", + "ẩu" + ], + [ + "æĪij", + "çļĦ" + ], + [ + "Ġskull", + "s" + ], + [ + "Ġpain", + "staking" + ], + [ + "f", + "ce" + ], + [ + ".XR", + "Label" + ], + [ + "Ġspec", + "ifier" + ], + [ + "Ġpref", + "erring" + ], + [ + "/", + "activity" + ], + [ + "(", + "Photo" + ], + [ + "á", + "lt" + ], + [ + ".l", + "ot" + ], + [ + "'", + "'." + ], + [ + "ann", + "once" + ], + [ + ".google", + "code" + ], + [ + "-p", + "df" + ], + [ + "ĠP", + "oke" + ], + [ + "_A", + "CL" + ], + [ + "Ġend", + "owed" + ], + [ + "dis", + "cover" + ], + [ + ".om", + "g" + ], + [ + "Ġwood", + "land" + ], + [ + ".M", + "agic" + ], + [ + "Ġvol", + "ont" + ], + [ + "Not", + "Allowed" + ], + [ + "Ġch", + "ave" + ], + [ + "BM", + "W" + ], + [ + "','", + "='," + ], + [ + "ĠS", + "IX" + ], + [ + "æĪij", + "们" + ], + [ + "Ġkos", + "her" + ], + [ + "Ġaspir", + "ation" + ], + [ + "int", + "l" + ], + [ + "_ref", + "ptr" + ], + [ + "'+", + "Ċ" + ], + [ + "ment", + "or" + ], + [ + ".cl", + "ub" + ], + [ + "Window", + "State" + ], + [ + ".A", + "RR" + ], + [ + "Ġz", + "za" + ], + [ + "Ġmessage", + "Type" + ], + [ + ".e", + "qu" + ], + [ + "Th", + "or" + ], + [ + "Ġin", + "just" + ], + [ + "Ġg", + "ums" + ], + [ + "Ġborder", + "Side" + ], + [ + "////", + "/" + ], + [ + "ĠTrans", + "mit" + ], + [ + "Ġbuf", + "size" + ], + [ + "Ġh", + "ak" + ], + [ + "Ġell", + "as" + ], + [ + "R", + "ANDOM" + ], + [ + "ĉm", + "c" + ], + [ + "Ġpe", + "a" + ], + [ + "ek", + "o" + ], + [ + "document", + "o" + ], + [ + "Ġhyster", + "ia" + ], + [ + "Ġaren", + "as" + ], + [ + "Ġgun", + "men" + ], + [ + "Ġm", + "ike" + ], + [ + "Ġimp", + "unity" + ], + [ + "atis", + "ation" + ], + [ + "_Z", + "ero" + ], + [ + "_COMP", + "ANY" + ], + [ + "ĠG", + "ors" + ], + [ + "Ġuse", + "Class" + ], + [ + "(", + "redis" + ], + [ + "ĠRUN", + "NING" + ], + [ + "ĠB", + "air" + ], + [ + "vel", + "te" + ], + [ + "Ġ','", + "." + ], + [ + "аÑĤÑĮ", + "ÑģÑı" + ], + [ + "ö", + "st" + ], + [ + "encode", + "URIComponent" + ], + [ + "_re", + "strict" + ], + [ + "Ġdec", + "als" + ], + [ + "ĠPed", + "ido" + ], + [ + "Ġalter", + "cation" + ], + [ + "Dis", + "plays" + ], + [ + "ĠApp", + "licants" + ], + [ + "C", + "US" + ], + [ + "Text", + "area" + ], + [ + "ĠAng", + "ola" + ], + [ + ".f", + "uture" + ], + [ + "ĠUS", + "HORT" + ], + [ + "Ġsuppress", + "ing" + ], + [ + "Ġset", + "zen" + ], + [ + "AP", + "olynomial" + ], + [ + "Ġto", + "ch" + ], + [ + "Ġhall", + "mark" + ], + [ + "Ġ$", + "$$" + ], + [ + "ĠCHAR", + "SET" + ], + [ + ".r", + "pm" + ], + [ + "ĠD", + "ich" + ], + [ + "----------------", + "----" + ], + [ + "_p", + "arm" + ], + [ + "è¿", + "ĺ" + ], + [ + "acc", + "iones" + ], + [ + "h", + "ait" + ], + [ + "WAR", + "DED" + ], + [ + "_r", + "outing" + ], + [ + "ĠN", + "OM" + ], + [ + "Ġen", + "clave" + ], + [ + "ĠLot", + "to" + ], + [ + "ĉf", + "r" + ], + [ + "complex", + "Content" + ], + [ + "ĠBall", + "ard" + ], + [ + "k", + "ube" + ], + [ + "/w", + "in" + ], + [ + ".getColumn", + "Model" + ], + [ + "_RE", + "PLACE" + ], + [ + "Header", + "Value" + ], + [ + "Ġest", + "udiantes" + ], + [ + "Ġap", + "is" + ], + [ + "Ġb", + "pm" + ], + [ + "ĠType", + "Name" + ], + [ + "And", + "Get" + ], + [ + "rit", + "a" + ], + [ + "Pl", + "ans" + ], + [ + ">", + "Note" + ], + [ + "Ġfet", + "isch" + ], + [ + "Ġton", + "ed" + ], + [ + "_g", + "oto" + ], + [ + "ons", + "ense" + ], + [ + "Ġm", + "olds" + ], + [ + "Ġinfiltr", + "ation" + ], + [ + "ĠGuerr", + "ero" + ], + [ + "ub", + "bo" + ], + [ + "ck", + "i" + ], + [ + "($", + "(\"." + ], + [ + "_", + "activities" + ], + [ + "(ch", + "anges" + ], + [ + "Ġof", + "App" + ], + [ + "ĠKe", + "pler" + ], + [ + "ĠD", + "emp" + ], + [ + "ĠCont", + "inent" + ], + [ + ".T", + "icks" + ], + [ + "ĠUn", + "signed" + ], + [ + "ĠJah", + "res" + ], + [ + "Ġfresh", + "men" + ], + [ + "ĠArch", + "ived" + ], + [ + "ĠкоÑĤоÑĢ", + "Ñĭй" + ], + [ + "Ġ'", + "::" + ], + [ + "T", + "utorial" + ], + [ + "C", + "c" + ], + [ + "Ġtable", + "LayoutPanel" + ], + [ + "from", + "Json" + ], + [ + ".level", + "s" + ], + [ + "_trans", + "ient" + ], + [ + "Ġendors", + "ing" + ], + [ + "ĠD", + "IC" + ], + [ + "la", + "uf" + ], + [ + "Ġsh", + "red" + ], + [ + "_E", + "MIT" + ], + [ + "ific", + "antly" + ], + [ + "AL", + "A" + ], + [ + "/", + "proto" + ], + [ + "Ġnarrow", + "ing" + ], + [ + "U", + "tc" + ], + [ + "Fact", + "ors" + ], + [ + "Ġsent", + "ient" + ], + [ + "æŀ", + "IJ" + ], + [ + "lix", + "ir" + ], + [ + "ĠC", + "ROSS" + ], + [ + "met", + "eor" + ], + [ + "Ġgro", + "in" + ], + [ + "Ġm", + "db" + ], + [ + "ĠRot", + "terdam" + ], + [ + "Ġcom", + "ida" + ], + [ + "ĠOp", + "Code" + ], + [ + "ĠDefault", + "Value" + ], + [ + "Permissions", + "Result" + ], + [ + "Ġheter", + "ogeneous" + ], + [ + "Ġm", + "oot" + ], + [ + "Ġde", + "ceived" + ], + [ + "-in", + "dependent" + ], + [ + "ĠObject", + "OutputStream" + ], + [ + "Ġover", + "power" + ], + [ + ".d", + "up" + ], + [ + "Ġl", + "db" + ], + [ + "Ġdomest", + "ically" + ], + [ + "Ġbest", + "ellen" + ], + [ + "Ġlo", + "v" + ], + [ + "ĠContract", + "ors" + ], + [ + "Tri", + "angles" + ], + [ + "Ġfod", + "der" + ], + [ + "Ġfilm", + "es" + ], + [ + "ä¼", + "ģ" + ], + [ + "Ġrev", + "olver" + ], + [ + "Startup", + "Script" + ], + [ + "/", + "validation" + ], + [ + "ĠResource", + "Type" + ], + [ + "i", + "ÅŁ" + ], + [ + "ĠL", + "az" + ], + [ + "f", + "ef" + ], + [ + "Ġlst", + "m" + ], + [ + "{", + "*" + ], + [ + ".", + "attachment" + ], + [ + ".h", + "its" + ], + [ + "ew", + "ith" + ], + [ + "DO", + "G" + ], + [ + "Al", + "abama" + ], + [ + "Ġmedium", + "s" + ], + [ + ".m", + "Context" + ], + [ + "-c", + "ols" + ], + [ + "åı", + "ĭ" + ], + [ + ".not", + "ice" + ], + [ + "Ġat", + "tn" + ], + [ + "ĠP", + "acking" + ], + [ + "ĠL", + "n" + ], + [ + "_COM", + "PLEX" + ], + [ + "/", + "Users" + ], + [ + ".sav", + "etxt" + ], + [ + "ĠR", + "ounds" + ], + [ + "?,?,", + "?,?," + ], + [ + "Ġing", + "l" + ], + [ + "ĠR", + "OC" + ], + [ + "_f", + "emale" + ], + [ + "ĠSt", + "ard" + ], + [ + "]]", + ";" + ], + [ + "Ġwrest", + "lers" + ], + [ + "Ġtorrent", + "s" + ], + [ + "Ġsin", + "h" + ], + [ + "", + "ĊĊ" + ], + [ + "ë³", + "µ" + ], + [ + "s", + "ense" + ], + [ + "how", + "ever" + ], + [ + ".Ph", + "ysics" + ], + [ + "Inf", + "rastructure" + ], + [ + "ĠSac", + "r" + ], + [ + "F", + "el" + ], + [ + "ĠD", + "ISTRIBUT" + ], + [ + "é", + "ments" + ], + [ + "ĠValid", + "ates" + ], + [ + "################################################", + "############" + ], + [ + "Ġ|", + "/" + ], + [ + "Ġes", + "l" + ], + [ + "Ġré", + "seau" + ], + [ + "ĠB", + "ip" + ], + [ + "BY", + "TES" + ], + [ + "_W", + "ATER" + ], + [ + "Turn", + "ing" + ], + [ + "EL", + "S" + ], + [ + "Ġj", + "uxtap" + ], + [ + "Ġlesb", + "ische" + ], + [ + "ý", + "ch" + ], + [ + "(", + "Unknown" + ], + [ + "Ne", + "o" + ], + [ + "@", + "JsonProperty" + ], + [ + "Ġal", + "umnos" + ], + [ + "ĠRaq", + "qa" + ], + [ + "ime", + "i" + ], + [ + ".get", + "Bounds" + ], + [ + ".Mouse", + "EventHandler" + ], + [ + "####", + "###" + ], + [ + "Generic", + "Type" + ], + [ + "/c", + "ms" + ], + [ + "Ġturn", + "o" + ], + [ + "Ġм", + "ин" + ], + [ + "Ġfolk", + "lore" + ], + [ + "ĠE", + "vo" + ], + [ + "Ġconduct", + "ivity" + ], + [ + "Ġle", + "ben" + ], + [ + "Ġgear", + "box" + ], + [ + "-v", + "s" + ], + [ + "ĠÏ", + "Ĩ" + ], + [ + "Ġdrink", + "ers" + ], + [ + "Ġcon", + "exao" + ], + [ + "ĠTe", + "eth" + ], + [ + "Ġget", + "Arguments" + ], + [ + "ĠR", + "AT" + ], + [ + "ent", + "ious" + ], + [ + "E", + "duc" + ], + [ + "+", + "W" + ], + [ + "ĠInstitution", + "al" + ], + [ + "ĠB", + "ord" + ], + [ + "is", + "Equal" + ], + [ + "(p", + "wd" + ], + [ + "Ġign", + "ited" + ], + [ + "ĠR", + "ousse" + ], + [ + "Ġimpact", + "ful" + ], + [ + "ĠM", + "alk" + ], + [ + "Ġg", + "eral" + ], + [ + "ĠP", + "ivot" + ], + [ + "Ġa", + "zt" + ], + [ + "Ġcsv", + "file" + ], + [ + "ĠR", + "ope" + ], + [ + "ĠSOL", + "UTION" + ], + [ + "ĠArbit", + "rary" + ], + [ + "Ġlet", + "to" + ], + [ + ".Mouse", + "Adapter" + ], + [ + "Ġ}", + "}}" + ], + [ + "ĠSail", + "or" + ], + [ + "der", + "a" + ], + [ + "Put", + "ting" + ], + [ + "Ġconcentr", + "ates" + ], + [ + "Ġauth", + "Domain" + ], + [ + "âĢĿ", + "çļĦ" + ], + [ + "-f", + "inals" + ], + [ + ",", + "strlen" + ], + [ + "Mu", + "on" + ], + [ + "ĠOrd", + "inary" + ], + [ + "fire", + "fox" + ], + [ + "ĠLa", + "TeX" + ], + [ + "ĠH", + "und" + ], + [ + "engine", + "ering" + ], + [ + "/", + "blue" + ], + [ + "ed", + "TextBox" + ], + [ + "(\"", + "\");" + ], + [ + "ĠC", + "DDL" + ], + [ + "ke", + "pt" + ], + [ + "ĠGet", + "String" + ], + [ + "K", + "ir" + ], + [ + "()", + "='" + ], + [ + "ĠO", + "CD" + ], + [ + "ant", + "ium" + ], + [ + "$", + "menu" + ], + [ + "ĠAppalach", + "ian" + ], + [ + "Secret", + "ary" + ], + [ + "ë¥", + "ĺ" + ], + [ + "ี", + "ย" + ], + [ + "Sem", + "antic" + ], + [ + "Ġ*", + "[" + ], + [ + "est", + "one" + ], + [ + "ung", + "kin" + ], + [ + "Max", + "Y" + ], + [ + "-t", + "one" + ], + [ + "\"}", + ";čĊ" + ], + [ + "_P", + "art" + ], + [ + "<", + "Member" + ], + [ + "tr", + "am" + ], + [ + "Ġtrans", + "istor" + ], + [ + "Ġ----------------------------------------------------------------", + "----------Ċ" + ], + [ + "ĠDes", + "de" + ], + [ + "Ġright", + "ful" + ], + [ + "ĠCorn", + "el" + ], + [ + "æ", + "ij" + ], + [ + ".H", + "OUR" + ], + [ + "Ġsidel", + "ined" + ], + [ + "ref", + "errer" + ], + [ + "m", + "aze" + ], + [ + "Ġhol", + "ster" + ], + [ + "Ġcripp", + "led" + ], + [ + "ĠDate", + "Formatter" + ], + [ + "oph", + "age" + ], + [ + "_m", + "D" + ], + [ + "Ġdes", + "elect" + ], + [ + "ra", + "ud" + ], + [ + "ĠPK", + "K" + ], + [ + "row", + "Data" + ], + [ + "Ġlock", + "smith" + ], + [ + ".res", + "ponses" + ], + [ + "(product", + "Id" + ], + [ + "_ST", + "MT" + ], + [ + "Key", + "Type" + ], + [ + ".Th", + "en" + ], + [ + "z", + "ee" + ], + [ + "Ġcr", + "t" + ], + [ + "ĠGrand", + "ma" + ], + [ + "@", + "Resource" + ], + [ + "Ġbit", + "wise" + ], + [ + "-c", + "mpr" + ], + [ + "ãĢĤ", + "www" + ], + [ + "zeit", + "ig" + ], + [ + "&", + "display" + ], + [ + "Cart", + "Item" + ], + [ + "-", + "No" + ], + [ + "Ġnum", + "éro" + ], + [ + "Ġm", + "aur" + ], + [ + "Ġinst", + "ancia" + ], + [ + "ĉd", + "t" + ], + [ + "_n", + "pc" + ], + [ + "Ġskate", + "board" + ], + [ + "âĢľ", + "All" + ], + [ + "ĠCrow", + "d" + ], + [ + "Ġä", + "n" + ], + [ + "Ġb", + "raz" + ], + [ + "ca", + "e" + ], + [ + "yn", + "et" + ], + [ + "/p", + "m" + ], + [ + "/s", + "creen" + ], + [ + "OPT", + "ARG" + ], + [ + "ĠV", + "Box" + ], + [ + "Ġle", + "opard" + ], + [ + "_g", + "reater" + ], + [ + "c", + "pt" + ], + [ + "<", + "dd" + ], + [ + "Ġmechan", + "ically" + ], + [ + "osp", + "els" + ], + [ + ")", + "f" + ], + [ + ".l", + "wjgl" + ], + [ + ".get", + "Port" + ], + [ + "ĠP", + "REF" + ], + [ + ".Add", + "Transient" + ], + [ + "pp", + "ard" + ], + [ + "Ġí", + "ļĮ" + ], + [ + "Ether", + "net" + ], + [ + "Ġsal", + "ine" + ], + [ + "(level", + "s" + ], + [ + "Ġservice", + "Provider" + ], + [ + ".A", + "ngle" + ], + [ + "alt", + "itude" + ], + [ + "illa", + "ume" + ], + [ + "Ġs", + "cape" + ], + [ + "_CAL", + "C" + ], + [ + "_", + "quest" + ], + [ + "ĠDiss", + "ertation" + ], + [ + "ĠE", + "DM" + ], + [ + "-C", + "ds" + ], + [ + "Ġhon", + "orary" + ], + [ + "st", + "ops" + ], + [ + "Ġsub", + "dir" + ], + [ + "ĠV", + "H" + ], + [ + "ĠChe", + "at" + ], + [ + "Ġright", + "fully" + ], + [ + "Q", + "E" + ], + [ + ".Write", + "Byte" + ], + [ + "fig", + "ures" + ], + [ + "enn", + "ie" + ], + [ + "(", + "DBG" + ], + [ + "Ġvoks", + "ne" + ], + [ + "Ġexp", + "ended" + ], + [ + "UN", + "ICATION" + ], + [ + "il", + "inx" + ], + [ + "ĠRec", + "ap" + ], + [ + "_", + "verts" + ], + [ + "Ġtra", + "umat" + ], + [ + "Ġget", + "Player" + ], + [ + "Ġverb", + "ess" + ], + [ + "Ġcultiv", + "ating" + ], + [ + "Ġiniti", + "ator" + ], + [ + "Th", + "ông" + ], + [ + "find", + "First" + ], + [ + "_per", + "ms" + ], + [ + "Ġbu", + "c" + ], + [ + "Ġ\"\"\"", + "čĊčĊ" + ], + [ + "T", + "YPES" + ], + [ + "object", + "Manager" + ], + [ + "(Configuration", + "Manager" + ], + [ + "Ġtim", + "id" + ], + [ + "Ġsnap", + "chat" + ], + [ + "Ġcon", + "seg" + ], + [ + "ĉd", + "istance" + ], + [ + "_right", + "s" + ], + [ + "_D", + "es" + ], + [ + "ĠF", + "lesh" + ], + [ + "-", + "ver" + ], + [ + "Ġa", + "fl" + ], + [ + "fra", + "uen" + ], + [ + "Ġblas", + "ph" + ], + [ + "ĠQual", + "ität" + ], + [ + "ma", + "f" + ], + [ + "Monitor", + "ing" + ], + [ + ".D", + "iff" + ], + [ + "Ġshore", + "line" + ], + [ + "Ġresponse", + "Body" + ], + [ + "mem", + "set" + ], + [ + "<", + "decimal" + ], + [ + "Smarty", + "HeaderCode" + ], + [ + "Ġin", + "sets" + ], + [ + "ĠBinary", + "Tree" + ], + [ + "amed", + "a" + ], + [ + "Ġn", + "ihil" + ], + [ + "ĠN", + "ay" + ], + [ + "ym", + "ology" + ], + [ + "ĠW", + "G" + ], + [ + "Ġt", + "api" + ], + [ + "ĠInst", + "alled" + ], + [ + "m", + "aintenance" + ], + [ + ")}", + "\"Ċ" + ], + [ + "ĠX", + "O" + ], + [ + "-per", + "iod" + ], + [ + "s", + "ar" + ], + [ + "Ġning", + "una" + ], + [ + "ORM", + "AT" + ], + [ + ".set", + "PrototypeOf" + ], + [ + "ĠK", + "b" + ], + [ + "ĠHen", + "rik" + ], + [ + "ét", + "ique" + ], + [ + "ĠLah", + "ore" + ], + [ + "ĉ", + "Address" + ], + [ + "Ġmel", + "ts" + ], + [ + "N", + "y" + ], + [ + "_adv", + "ance" + ], + [ + "Ġveloc", + "idad" + ], + [ + "Ġalum", + "no" + ], + [ + "Ġsanit", + "izer" + ], + [ + "Ġph", + "ishing" + ], + [ + "ĠCom", + "et" + ], + [ + "Ġch", + "iar" + ], + [ + "ĉs", + "pec" + ], + [ + "trim", + "med" + ], + [ + "(state", + "arr" + ], + [ + "on", + "nen" + ], + [ + "Re", + "venue" + ], + [ + "L", + "ens" + ], + [ + "Ġcha", + "ired" + ], + [ + "ĠAss", + "umes" + ], + [ + "Tr", + "ash" + ], + [ + "_un", + "set" + ], + [ + "\\", + "Bridge" + ], + [ + "Point", + "Size" + ], + [ + "ĠPol", + "ic" + ], + [ + "Ġsex", + "uales" + ], + [ + "ĉd", + "fs" + ], + [ + "ĠWide", + "String" + ], + [ + "Ġaccru", + "ed" + ], + [ + "Y", + "W" + ], + [ + "_S", + "CHEDULE" + ], + [ + "Ġk", + "ite" + ], + [ + "Ġparach", + "ute" + ], + [ + "[", + "table" + ], + [ + "Ġactive", + "ClassName" + ], + [ + ".Qu", + "ad" + ], + [ + "Israel", + "i" + ], + [ + "ĠÅ", + "ĵ" + ], + [ + "Ġho", + "og" + ], + [ + "Ġch", + "á»ī" + ], + [ + "ew", + "ear" + ], + [ + "Ġtire", + "lessly" + ], + [ + "set", + "Error" + ], + [ + ".get", + "Amount" + ], + [ + ".set", + "Items" + ], + [ + "ĠM", + "anson" + ], + [ + "ĠBay", + "esian" + ], + [ + "_F", + "lag" + ], + [ + "AC", + "HER" + ], + [ + "/", + "original" + ], + [ + "Ġimm", + "ac" + ], + [ + "ĠLos", + "ing" + ], + [ + "'", + ">ĊĊ" + ], + [ + "L", + "ic" + ], + [ + "ĠMir", + "age" + ], + [ + "ĠAssembly", + "FileVersion" + ], + [ + "Te", + "V" + ], + [ + "ĠValue", + "EventListener" + ], + [ + "-s", + "olving" + ], + [ + "Th", + "o" + ], + [ + "rou", + "lette" + ], + [ + "_W", + "P" + ], + [ + "Ġunint", + "errupted" + ], + [ + "Ġfield", + "Type" + ], + [ + ".T", + "yped" + ], + [ + "Ġam", + "our" + ], + [ + "Ġmock", + "ery" + ], + [ + "(v", + "ol" + ], + [ + "ĠSub", + "committee" + ], + [ + "ĠR", + "uf" + ], + [ + "ero", + "x" + ], + [ + ":UIButtonType", + "Custom" + ], + [ + "ĠBl", + "ur" + ], + [ + "Ġwy", + "kon" + ], + [ + "nc", + "es" + ], + [ + "ASH", + "BOARD" + ], + [ + "!!", + "\");Ċ" + ], + [ + "Ġmurder", + "ers" + ], + [ + ".d", + "aily" + ], + [ + "ĠDI", + "AG" + ], + [ + "j", + "ing" + ], + [ + "Ġdol", + "phin" + ], + [ + "Ġl", + "òng" + ], + [ + "Ġb", + "ö" + ], + [ + "ĠV", + "ocabulary" + ], + [ + ".St", + "Object" + ], + [ + "')", + "\">" + ], + [ + "Ġz", + "un" + ], + [ + "Ġscrim", + "mage" + ], + [ + "tr", + "éal" + ], + [ + "ĠL", + "ig" + ], + [ + "[", + "vi" + ], + [ + "C", + "ole" + ], + [ + "Ġfrost", + "ing" + ], + [ + ".Pl", + "ayers" + ], + [ + "-", + "translate" + ], + [ + "Fe", + "els" + ], + [ + "=\\\"", + "/" + ], + [ + ".Butter", + "Knife" + ], + [ + "Ġ?>", + ";Ċ" + ], + [ + "Ġav", + "i" + ], + [ + "inn", + "ie" + ], + [ + ".F", + "ailure" + ], + [ + "Ġsp", + "indle" + ], + [ + "Configuration", + "Exception" + ], + [ + "_h", + "op" + ], + [ + "Ġpos", + "ição" + ], + [ + "ĠA", + "wait" + ], + [ + "UIImage", + "PickerController" + ], + [ + "ĉ", + "day" + ], + [ + "Ġgen", + "om" + ], + [ + "C", + "ab" + ], + [ + "ĠÑĢ", + "езÑĥлÑĮÑĤаÑĤ" + ], + [ + "OR", + "IGINAL" + ], + [ + "Ġejac", + "ulation" + ], + [ + "(t", + "cp" + ], + [ + "SE", + "COND" + ], + [ + "Ġton", + "ic" + ], + [ + "ĠList", + "Box" + ], + [ + "Ġ", + "ĉĉĊ" + ], + [ + "()", + ">Ċ" + ], + [ + "Ġqu", + "atre" + ], + [ + "ượ", + "ng" + ], + [ + "with", + "Errors" + ], + [ + ".M", + "aybe" + ], + [ + ",", + "â̦" + ], + [ + "token", + "Id" + ], + [ + "_UN", + "DEF" + ], + [ + "Ġfresh", + "ness" + ], + [ + "ĠAmend", + "ments" + ], + [ + ".map", + "box" + ], + [ + ".C", + "V" + ], + [ + "(b", + "log" + ], + [ + "_get", + "time" + ], + [ + ".", + "quest" + ], + [ + "s", + "parse" + ], + [ + "Ġres", + "ale" + ], + [ + "Ġenthusi", + "astically" + ], + [ + "ĠProstit", + "utas" + ], + [ + "W", + "a" + ], + [ + "C", + "argo" + ], + [ + ".Parcel", + "able" + ], + [ + "SENS", + "OR" + ], + [ + "ĠRy", + "u" + ], + [ + "La", + "ughs" + ], + [ + "_N", + "ative" + ], + [ + "/", + "pg" + ], + [ + "yst", + "s" + ], + [ + "Ġphot", + "oc" + ], + [ + "ç®", + "Ģ" + ], + [ + "ado", + "pt" + ], + [ + ".spec", + "ies" + ], + [ + "conc", + "iliation" + ], + [ + "Adjust", + "ed" + ], + [ + ".Firebase", + "Auth" + ], + [ + "ut", + "tle" + ], + [ + "ord", + "ination" + ], + [ + "Ġm", + "unch" + ], + [ + "ĠSt", + "ake" + ], + [ + ".p", + "ing" + ], + [ + "ank", + "er" + ], + [ + "(QString", + "Literal" + ], + [ + "Ġsub", + "script" + ], + [ + "ĠĠ", + "ĉĊ" + ], + [ + "ĠM", + "CC" + ], + [ + "_C", + "md" + ], + [ + "se", + "xy" + ], + [ + "i", + "ou" + ], + [ + "ĠM", + "ANY" + ], + [ + "Ġn", + "anny" + ], + [ + "TR", + "AIN" + ], + [ + "Ġflour", + "ishing" + ], + [ + "ĠW", + "atches" + ], + [ + "ĠQ", + "Map" + ], + [ + "ĠF", + "erm" + ], + [ + "Ġwas", + "m" + ], + [ + "ĠA", + "bed" + ], + [ + "_", + "UD" + ], + [ + "ĠGlass", + "es" + ], + [ + "+", + "v" + ], + [ + "Att", + "end" + ], + [ + ".Ch", + "ain" + ], + [ + "Ġdec", + "ency" + ], + [ + "ĠSupplement", + "ary" + ], + [ + "h", + "unter" + ], + [ + "-t", + "xt" + ], + [ + "Ġ\"", + "}\";Ċ" + ], + [ + ".set", + "WindowTitle" + ], + [ + "(\"", + "" + ], + [ + "Ġmasc", + "ara" + ], + [ + "(", + "Profile" + ], + [ + "åĬŁ", + "èĥ½" + ], + [ + "imit", + "é" + ], + [ + "Ġwild", + "fires" + ], + [ + "-", + "ROM" + ], + [ + ".is", + "On" + ], + [ + "(group", + "Id" + ], + [ + "Re", + "pair" + ], + [ + "accum", + "ulate" + ], + [ + "Ġ<", + "\"," + ], + [ + "Ġhand", + "written" + ], + [ + "Ġach", + "eter" + ], + [ + "ĠM", + "GM" + ], + [ + "ĠIr", + "ma" + ], + [ + "->{", + "_" + ], + [ + "ge", + "e" + ], + [ + "cr", + "iminal" + ], + [ + "Ġèĭ¥", + "è¦ģ" + ], + [ + "Ġmoment", + "arily" + ], + [ + "\")", + "!=" + ], + [ + "_l", + "it" + ], + [ + "Ġexpires", + "In" + ], + [ + ".\"", + ")." + ], + [ + "éķ¿", + "度" + ], + [ + "Ġfr", + "ække" + ], + [ + "vl", + "c" + ], + [ + "Ġor", + "bs" + ], + [ + "),", + "$" + ], + [ + "Ġvent", + "ured" + ], + [ + "/", + ">\\" + ], + [ + "char", + "m" + ], + [ + "N", + "uitka" + ], + [ + "eld", + "ig" + ], + [ + "aton", + "in" + ], + [ + "W", + "itness" + ], + [ + "-l", + "at" + ], + [ + "Ġset", + "Hidden" + ], + [ + "Ġrelic", + "s" + ], + [ + "Ġcons", + "ulate" + ], + [ + ".", + "IGNORE" + ], + [ + "\"", + "After" + ], + [ + "Ġset", + "Address" + ], + [ + "Ġbeste", + "ht" + ], + [ + "Ġ''", + ")ĊĊ" + ], + [ + ".x", + "axis" + ], + [ + "Ġser", + "ão" + ], + [ + "Ġmis", + "led" + ], + [ + "_UN", + "IFORM" + ], + [ + "ĠV", + "IA" + ], + [ + "inc", + "r" + ], + [ + "Ġzen", + "ith" + ], + [ + "Ġvis", + "cosity" + ], + [ + "Ġthin", + "ly" + ], + [ + ".get", + "SharedPreferences" + ], + [ + ".Error", + "Code" + ], + [ + "\"),", + "\"" + ], + [ + "ĠMillion", + "en" + ], + [ + "Ġ/>", + ")Ċ" + ], + [ + "Scroll", + "Indicator" + ], + [ + "-se", + "eking" + ], + [ + "ĠPOLIT", + "ICO" + ], + [ + "as", + "ca" + ], + [ + "_r", + "l" + ], + [ + "N", + "avig" + ], + [ + "(full", + "file" + ], + [ + "Ġsol", + "itude" + ], + [ + "Ġju", + "ven" + ], + [ + "Ġhaul", + "ing" + ], + [ + "ĠMac", + "ros" + ], + [ + "ĠG", + "ry" + ], + [ + "Ġexerc", + "itation" + ], + [ + "ĠATT", + "ACK" + ], + [ + "Tick", + "Count" + ], + [ + "Ġr", + "ites" + ], + [ + "Ġdo", + "e" + ], + [ + "Particle", + "System" + ], + [ + "Ġsl", + "u" + ], + [ + "Window", + "Text" + ], + [ + "ĠClass", + "Name" + ], + [ + "Ġsl", + "ander" + ], + [ + "ĉ", + "Port" + ], + [ + "j", + "ong" + ], + [ + "?", + "a" + ], + [ + ".D", + "ial" + ], + [ + "âĢĶ", + "at" + ], + [ + "$obj", + "PHPExcel" + ], + [ + "Ġso", + "ar" + ], + [ + "EN", + "N" + ], + [ + "appe", + "ared" + ], + [ + "Ġquot", + "id" + ], + [ + "em", + "achine" + ], + [ + "Ġn", + "ip" + ], + [ + "Ġmicro", + "time" + ], + [ + "ĠAl", + "ma" + ], + [ + ";", + "!" + ], + [ + "----------------------------------------------------------------", + "--------------------------------" + ], + [ + "ĠPass", + "age" + ], + [ + "Ġdump", + "sters" + ], + [ + "ĠEx", + "clude" + ], + [ + "Ġsuggest", + "ive" + ], + [ + "ĠCircularProgress", + "Indicator" + ], + [ + "_cl", + "r" + ], + [ + "Array", + "Type" + ], + [ + "ILL", + "A" + ], + [ + "Elapsed", + "Time" + ], + [ + "Dr", + "iven" + ], + [ + "Ġresource", + "Name" + ], + [ + "ĠG", + "arrison" + ], + [ + "ser", + "ir" + ], + [ + "-a", + "head" + ], + [ + "Ġp", + "innacle" + ], + [ + "ĠEs", + "presso" + ], + [ + "S", + "parse" + ], + [ + "Ġass", + "ays" + ], + [ + "ĠGirl", + "friend" + ], + [ + "im", + "id" + ], + [ + "]='", + "\\" + ], + [ + "ONGL", + "ONG" + ], + [ + "Ġportray", + "ing" + ], + [ + "L", + "ane" + ], + [ + "Ġb", + "úsqueda" + ], + [ + "Ġrein", + "forcements" + ], + [ + "ĠSpread", + "sheet" + ], + [ + "ĠArray", + "Collection" + ], + [ + ",", + "arr" + ], + [ + "light", + "box" + ], + [ + "ic", + "ana" + ], + [ + "<", + "\"" + ], + [ + "build", + "ers" + ], + [ + "K", + "id" + ], + [ + "ĠMat", + "SnackBar" + ], + [ + "EX", + "PR" + ], + [ + "od", + "cast" + ], + [ + "ĠFound", + "ations" + ], + [ + "Ġind", + "s" + ], + [ + "='", + "${" + ], + [ + "F", + "izz" + ], + [ + "-function", + "al" + ], + [ + "(work", + "space" + ], + [ + "Ġstem", + "med" + ], + [ + "_p", + "atches" + ], + [ + "ĠJar", + "vis" + ], + [ + "READ", + "ING" + ], + [ + "Ġdisrespect", + "ful" + ], + [ + "ĠQ", + "Dom" + ], + [ + "Ġ$", + "{Ċ" + ], + [ + "est", + "atus" + ], + [ + "Re", + "ached" + ], + [ + "!", + ".ĊĊ" + ], + [ + "IL", + "T" + ], + [ + "ĠN", + "DEBUG" + ], + [ + "ĠCour", + "age" + ], + [ + "birth", + "date" + ], + [ + "ĠT", + "ing" + ], + [ + "Ġutil", + "izado" + ], + [ + "án", + "chez" + ], + [ + "Out", + "door" + ], + [ + "Ġhand", + "guns" + ], + [ + "Ref", + "Count" + ], + [ + "É", + "Ļ" + ], + [ + "rom", + "o" + ], + [ + "Ġt", + "ts" + ], + [ + ".S", + "he" + ], + [ + "ĠP", + "ane" + ], + [ + "ãĢij,", + "ãĢIJ" + ], + [ + "ĠIO", + "CTL" + ], + [ + "/", + "black" + ], + [ + "ins", + "cription" + ], + [ + "Ġbi", + "opsy" + ], + [ + "ĠTime", + "Interval" + ], + [ + ".Test", + "Check" + ], + [ + "ĠGUI", + "Style" + ], + [ + "ĠCap", + "ability" + ], + [ + "ĠBeit", + "rag" + ], + [ + "don", + "nees" + ], + [ + "T", + "reatment" + ], + [ + ".back", + "up" + ], + [ + "Ġsign", + "ings" + ], + [ + "ĠB", + "oca" + ], + [ + "dr", + "m" + ], + [ + ".M", + "AIN" + ], + [ + "Ġgo", + "ede" + ], + [ + "ĠMark", + "up" + ], + [ + "G", + "REE" + ], + [ + "ĠBase", + "Service" + ], + [ + ".C", + "reator" + ], + [ + "Ġj", + "ails" + ], + [ + "ĠK", + "ahn" + ], + [ + "Ip", + "Address" + ], + [ + "ACH", + "I" + ], + [ + "Ġinhib", + "ited" + ], + [ + "Ġ@", + "$_" + ], + [ + "ĠAss", + "ass" + ], + [ + "Ġenvi", + "ado" + ], + [ + "Hero", + "es" + ], + [ + "ÐŁ", + "еÑĢ" + ], + [ + "ĠM", + "aven" + ], + [ + ".l", + "s" + ], + [ + "Ġ", + "ive" + ], + [ + "|", + "RF" + ], + [ + "Ġresize", + "Mode" + ], + [ + "Ġrum", + "pe" + ], + [ + "_attach", + "ments" + ], + [ + "T", + "U" + ], + [ + "Ġtact", + "ile" + ], + [ + "Attempt", + "ing" + ], + [ + "Ġro", + "bin" + ], + [ + "y", + "aw" + ], + [ + "Ġmerc", + "enaries" + ], + [ + "ĠHab", + "itat" + ], + [ + "end", + "date" + ], + [ + "Ġo", + "xy" + ], + [ + "ĉR", + "andom" + ], + [ + "oh", + "on" + ], + [ + "Is", + "Null" + ], + [ + "ĠValidation", + "Result" + ], + [ + "ãĥ", + "ļ" + ], + [ + "um", + "bed" + ], + [ + "pp", + "v" + ], + [ + "Ġar", + "p" + ], + [ + "ich", + "ick" + ], + [ + "_r", + "nn" + ], + [ + "ĠT", + "FT" + ], + [ + "Tex", + "Image" + ], + [ + "\"", + "On" + ], + [ + "ĠSam", + "pler" + ], + [ + "top", + "l" + ], + [ + "Ġj", + "ane" + ], + [ + "y", + "ling" + ], + [ + "ĠUN", + "ICODE" + ], + [ + "Tab", + "Index" + ], + [ + "<", + "{Ċ" + ], + [ + "s", + "uspend" + ], + [ + "uv", + "ian" + ], + [ + ",", + "application" + ], + [ + "ол", + "иÑĩеÑģÑĤво" + ], + [ + "y", + "at" + ], + [ + "ez", + "ier" + ], + [ + "ĠCH", + "UNK" + ], + [ + "ĠAd", + "ler" + ], + [ + "/", + "Add" + ], + [ + "ĠKey", + "Value" + ], + [ + "Ġspos", + "ób" + ], + [ + "Sam", + "pling" + ], + [ + "ch", + "ers" + ], + [ + "_AM", + "D" + ], + [ + "R", + "u" + ], + [ + ".Must", + "Compile" + ], + [ + "N", + "ation" + ], + [ + "Ass", + "oc" + ], + [ + "Man", + "aging" + ], + [ + "ĠEng", + "l" + ], + [ + "_G", + "B" + ], + [ + "Ġsucc", + "inct" + ], + [ + "Ġdis", + "liked" + ], + [ + "ĠI", + "ke" + ], + [ + "Bullet", + "in" + ], + [ + "_ARCH", + "IVE" + ], + [ + "Prop", + "osal" + ], + [ + "Ġjog", + "ging" + ], + [ + ".C", + "REATED" + ], + [ + "Ġch", + "ol" + ], + [ + "è£", + "ħ" + ], + [ + "Į", + "¨" + ], + [ + "-p", + "ush" + ], + [ + "Ġreserv", + "a" + ], + [ + "core", + "v" + ], + [ + "è", + "tre" + ], + [ + "TH", + "R" + ], + [ + "Ġincompet", + "ence" + ], + [ + "Ġchar", + "isma" + ], + [ + "æĦ", + "Ł" + ], + [ + "Ġ\"", + "==" + ], + [ + "BT", + "N" + ], + [ + "ĠLoc", + "ator" + ], + [ + "iv", + "et" + ], + [ + "('.", + "')Ċ" + ], + [ + "Ġfor", + "IndexPath" + ], + [ + "ô", + "me" + ], + [ + "Ġcapac", + "it" + ], + [ + "w", + "aters" + ], + [ + "ĠWR", + "ONG" + ], + [ + "ho", + "a" + ], + [ + "ĠM", + "IPS" + ], + [ + "Ġem", + "iss" + ], + [ + "ĠJacqu", + "eline" + ], + [ + "(c", + "mp" + ], + [ + "Ġe", + "ens" + ], + [ + "Le", + "o" + ], + [ + ".tim", + "ing" + ], + [ + "CLUS", + "ION" + ], + [ + "Ġ(\"", + "-" + ], + [ + "åĵ", + "Ī" + ], + [ + ".k", + "ode" + ], + [ + "ĠUnd", + "ert" + ], + [ + "Ġbew", + "ild" + ], + [ + "ĠEss", + "en" + ], + [ + ".h", + "d" + ], + [ + "Ġren", + "egot" + ], + [ + "Ġm", + "ower" + ], + [ + "Ġl", + "sp" + ], + [ + "Ġpen", + "chant" + ], + [ + "Ġman", + "oe" + ], + [ + "Ġag", + "li" + ], + [ + "Ġrec", + "al" + ], + [ + "ĠOPER", + "ATION" + ], + [ + "(^", + ")(" + ], + [ + "ĠÎ", + "½" + ], + [ + "ĠSc", + "oped" + ], + [ + "Ġ@", + "\"Ċ" + ], + [ + "=", + "label" + ], + [ + "[", + "loc" + ], + [ + "Int", + "l" + ], + [ + "ĠN", + "z" + ], + [ + "table", + "t" + ], + [ + ".Column", + "Name" + ], + [ + "Ġscreen", + "Size" + ], + [ + "DB", + "us" + ], + [ + "co", + "oked" + ], + [ + "-", + "registration" + ], + [ + "âĢľ", + "One" + ], + [ + "-n", + "on" + ], + [ + "ĠwiÄĻ", + "c" + ], + [ + "Ġcost", + "a" + ], + [ + ".add", + "Tab" + ], + [ + ".", + "conditions" + ], + [ + "ĠH", + "ess" + ], + [ + "MEM", + "ORY" + ], + [ + "ĠAval", + "anche" + ], + [ + "()", + "}}Ċ" + ], + [ + "Ġtri", + "plet" + ], + [ + "Ġl", + "abyrinth" + ], + [ + "ĠNode", + "List" + ], + [ + "ĠNY", + "T" + ], + [ + "Ġy", + "eni" + ], + [ + "d", + "ff" + ], + [ + ".Html", + "Controls" + ], + [ + "AV", + "IS" + ], + [ + "/", + "Math" + ], + [ + "Ġmem", + "cmp" + ], + [ + "اØ", + "¡" + ], + [ + "оÑģ", + "ÑĮ" + ], + [ + "c", + "rap" + ], + [ + "(p", + "ages" + ], + [ + "Ġl", + "xml" + ], + [ + "ĠQ", + "DateTime" + ], + [ + "_t", + "cb" + ], + [ + "Ġopen", + "id" + ], + [ + "Ġsyn", + "aptic" + ], + [ + "ĠMD", + "MA" + ], + [ + "(s", + "lug" + ], + [ + "igm", + "atic" + ], + [ + "en", + "or" + ], + [ + "Ġcr", + "amped" + ], + [ + "G", + "OP" + ], + [ + "Ń", + "IJ" + ], + [ + ".is", + "File" + ], + [ + "ĠD", + "ifferential" + ], + [ + "Ġ=\"", + "\";Ċ" + ], + [ + "ĉĉĉ", + "ĠĠĠĠĉ" + ], + [ + "ĠC", + "ooke" + ], + [ + "ĉU", + "FUNCTION" + ], + [ + "Ġpersever", + "ance" + ], + [ + "Relative", + "Layout" + ], + [ + "IMPORT", + "ANT" + ], + [ + "Ġex", + "on" + ], + [ + "Ġо", + "н" + ], + [ + "ib", + "ase" + ], + [ + "(C", + "ONT" + ], + [ + "n", + "ovation" + ], + [ + "ä½", + "ķ" + ], + [ + "[", + "sub" + ], + [ + "Admin", + "Controller" + ], + [ + "HTTP", + "Header" + ], + [ + "cre", + "ar" + ], + [ + "ĠN", + "IR" + ], + [ + "ĠDrop", + "DownList" + ], + [ + "Ġval", + "ide" + ], + [ + "Ġde", + "hydration" + ], + [ + ".", + "']" + ], + [ + "(W", + "IN" + ], + [ + "Ġ...", + "\\" + ], + [ + "Ġphotos", + "hop" + ], + [ + "ĉ", + "Init" + ], + [ + "_c", + "ou" + ], + [ + "Ġtime", + "Zone" + ], + [ + "dar", + "win" + ], + [ + "rom", + "atic" + ], + [ + "Navigation", + "ItemSelectedListener" + ], + [ + "br", + "ates" + ], + [ + "]", + "--;Ċ" + ], + [ + "Ġtraged", + "ies" + ], + [ + "ĠPed", + "iatrics" + ], + [ + "SM", + "ART" + ], + [ + "-A", + "PI" + ], + [ + "ĠMessage", + "Lookup" + ], + [ + "ĉ", + "vo" + ], + [ + "Ġprejud", + "ices" + ], + [ + "Ġm", + "A" + ], + [ + "U", + "ps" + ], + [ + "ĠMISS", + "ING" + ], + [ + "ĉ", + "ad" + ], + [ + "C", + "ream" + ], + [ + "ĠT", + "b" + ], + [ + "ĠMon", + "a" + ], + [ + "_", + "ghost" + ], + [ + "ĉt", + "ypes" + ], + [ + "Em", + "b" + ], + [ + "ĠDocument", + "ary" + ], + [ + "');ĊĊ", + "ĊĊ" + ], + [ + "Ġl", + "up" + ], + [ + "_", + "Reference" + ], + [ + "ĠB", + "ATCH" + ], + [ + "Ġintertw", + "ined" + ], + [ + "<", + "Cell" + ], + [ + "ĠCab", + "r" + ], + [ + "n", + "ation" + ], + [ + "Ġis", + "Connected" + ], + [ + ".remove", + "Listener" + ], + [ + "Ġcon", + "g" + ], + [ + "_t", + "i" + ], + [ + "ĠSil", + "icone" + ], + [ + "Ġê²°", + "ê³¼" + ], + [ + "ĠW", + "AN" + ], + [ + "ĠG", + "ibraltar" + ], + [ + "/", + "response" + ], + [ + "ĉp", + "erson" + ], + [ + "ch", + "ants" + ], + [ + "V", + "IP" + ], + [ + "em", + "ergency" + ], + [ + "Pixel", + "Format" + ], + [ + "-", + "Am" + ], + [ + "Ġsouth", + "western" + ], + [ + "_pl", + "l" + ], + [ + "if", + "ers" + ], + [ + "_ON", + "CE" + ], + [ + "ĠF", + "ayette" + ], + [ + ".nc", + "bi" + ], + [ + "_P", + "anel" + ], + [ + ".Q", + "ual" + ], + [ + "Ġpol", + "ys" + ], + [ + "Ġcreate", + "StackNavigator" + ], + [ + "�", + "t" + ], + [ + "Ġlay", + "offs" + ], + [ + "ĠBl", + "anco" + ], + [ + "Fe", + "at" + ], + [ + "ĠV", + "imeo" + ], + [ + "_ch", + "i" + ], + [ + "_l", + "ifetime" + ], + [ + "POINT", + "S" + ], + [ + ",", + "private" + ], + [ + "Ġunb", + "earable" + ], + [ + "print", + "ing" + ], + [ + "Ġc", + "gi" + ], + [ + ".B", + "ACK" + ], + [ + "Ġintern", + "s" + ], + [ + "ĠNew", + "ly" + ], + [ + "inf", + "eld" + ], + [ + "(", + "IB" + ], + [ + "ĠK", + "ata" + ], + [ + "ĠDef", + "endants" + ], + [ + "Th", + "r" + ], + [ + "é¢", + "Ħ" + ], + [ + "_V", + "F" + ], + [ + "FFFF", + "FFFF" + ], + [ + "Ġdavid", + "jl" + ], + [ + "Ġbitter", + "ly" + ], + [ + "S", + "uggestions" + ], + [ + ".set", + "Cancelable" + ], + [ + "FIN", + "AL" + ], + [ + "ason", + "s" + ], + [ + "_rw", + "lock" + ], + [ + "_WRAP", + "PER" + ], + [ + "Ġhapp", + "iest" + ], + [ + "(row", + "Index" + ], + [ + "ós", + "ito" + ], + [ + "TOT", + "YPE" + ], + [ + "Autom", + "ation" + ], + [ + "Log", + "File" + ], + [ + "Ġcons", + "olation" + ], + [ + "ãĥ", + "Ģ" + ], + [ + "Ġt", + "êm" + ], + [ + "Ġpr", + "er" + ], + [ + "rg", + "yz" + ], + [ + "ĠG", + "eg" + ], + [ + "ĉd", + "to" + ], + [ + ".default", + "Value" + ], + [ + "ĠK", + "ami" + ], + [ + "ĠA", + "SE" + ], + [ + "optim", + "ized" + ], + [ + "Ġíı", + "¬" + ], + [ + "Ġorigin", + "ates" + ], + [ + "err", + "Msg" + ], + [ + "Ġespa", + "ço" + ], + [ + "(S", + "YS" + ], + [ + "ĠMc", + "B" + ], + [ + "d", + "ance" + ], + [ + "_det", + "ected" + ], + [ + "Ġfr", + "ü" + ], + [ + "ĉĉ", + "ĠĠĠĠĉĉ" + ], + [ + "<", + "Date" + ], + [ + "(com", + "b" + ], + [ + "ĠDec", + "ide" + ], + [ + "\\", + "Field" + ], + [ + "ĠProp", + "osed" + ], + [ + "R", + "ib" + ], + [ + "Ġdis", + "likes" + ], + [ + "ĠW", + "ien" + ], + [ + "ĉ", + "Document" + ], + [ + "Ġtr", + "af" + ], + [ + "Ġst", + "oria" + ], + [ + "ĠT", + "ells" + ], + [ + "')", + "==" + ], + [ + "C", + "ri" + ], + [ + "(", + "VALUE" + ], + [ + "ĠBurn", + "ett" + ], + [ + ",", + "void" + ], + [ + "Ġdan", + "h" + ], + [ + "Ġc", + "cp" + ], + [ + "Block", + "chain" + ], + [ + ":\"-", + "\"`Ċ" + ], + [ + "IC", + "lient" + ], + [ + "IS", + "ODE" + ], + [ + "Iss", + "uer" + ], + [ + ")", + "}čĊ" + ], + [ + ",", + "but" + ], + [ + "ĠU", + "ph" + ], + [ + "(", + "Sub" + ], + [ + "Ġtélé", + "phone" + ], + [ + "ĠonData", + "Change" + ], + [ + "Ġmarsh", + "aller" + ], + [ + "-an", + "alytics" + ], + [ + ",", + "content" + ], + [ + "Ġdeb", + "acle" + ], + [ + "_Value", + "Changed" + ], + [ + "Ġfa", + "una" + ], + [ + "Ġ#", + "=>" + ], + [ + "Ġf", + "oyer" + ], + [ + "'util", + "isation" + ], + [ + "ĠMü", + "ller" + ], + [ + "ĠFet", + "ish" + ], + [ + "Ġdefault", + "Manager" + ], + [ + "Ġback", + "track" + ], + [ + "B", + "ah" + ], + [ + "Exp", + "licit" + ], + [ + "_A", + "SCII" + ], + [ + "Ġm", + "Activity" + ], + [ + "(M", + "sg" + ], + [ + "Ġê²", + "Į" + ], + [ + "ĠTER", + "MS" + ], + [ + "ĠAng", + "ie" + ], + [ + "HS", + "V" + ], + [ + "ĠMos", + "que" + ], + [ + ".N", + "ames" + ], + [ + "íĬ", + "¼" + ], + [ + "rest", + "e" + ], + [ + "_p", + "arms" + ], + [ + "Ġgap", + "ing" + ], + [ + "Ġcro", + "pping" + ], + [ + "Data", + "Frame" + ], + [ + "Ġrespons", + "iveness" + ], + [ + "_", + "undo" + ], + [ + "_tr", + "an" + ], + [ + ".", + "terminate" + ], + [ + "Ġitalian", + "e" + ], + [ + "Ġwalk", + "through" + ], + [ + "Ġattract", + "iveness" + ], + [ + "д", + "е" + ], + [ + "_ST", + "S" + ], + [ + "_", + "learn" + ], + [ + "Ġchocol", + "ates" + ], + [ + "ier", + "archical" + ], + [ + "-th", + "inking" + ], + [ + "Ġ", + ")))" + ], + [ + "ish", + "ments" + ], + [ + ".Log", + "f" + ], + [ + "ĠTM", + "Z" + ], + [ + "ĠCan", + "ary" + ], + [ + "fo", + "il" + ], + [ + "ĠVacc", + "ine" + ], + [ + ".v", + "x" + ], + [ + "ĠSur", + "round" + ], + [ + "Inter", + "mediate" + ], + [ + "Ġi", + "ov" + ], + [ + "v", + "ais" + ], + [ + "';", + "\";Ċ" + ], + [ + "ï½ŀ", + "ĊĊ" + ], + [ + "éĢģ", + "æĸĻ" + ], + [ + "â̦", + "it" + ], + [ + "Se", + "ats" + ], + [ + "Cl", + "ar" + ], + [ + "W", + "ars" + ], + [ + "ĠHutch", + "inson" + ], + [ + "ĠHas", + "an" + ], + [ + "!", + "')ĊĊ" + ], + [ + "ĠRich", + "ie" + ], + [ + "che", + "iden" + ], + [ + "($", + "('" + ], + [ + "Y", + "ork" + ], + [ + "Ġl", + "ids" + ], + [ + "Ġal", + "phanumeric" + ], + [ + "ĠG", + "lock" + ], + [ + ".sh", + "apes" + ], + [ + "Ġspark", + "ing" + ], + [ + "_", + "epsilon" + ], + [ + "uplic", + "ated" + ], + [ + ".dir", + "ty" + ], + [ + "])", + "==" + ], + [ + "ĠìľĦ", + "ì¹ĺ" + ], + [ + "Ġsc", + "n" + ], + [ + "Ġ/", + "****************************************************************" + ], + [ + "_PRE", + "VIEW" + ], + [ + "_H", + "C" + ], + [ + "ield", + "ing" + ], + [ + "f", + "gets" + ], + [ + "ĠAdd", + "ison" + ], + [ + "Ġproduct", + "Service" + ], + [ + "-", + "figure" + ], + [ + "(ret", + "val" + ], + [ + "z", + "ano" + ], + [ + "Ġaut", + "ob" + ], + [ + "ĉs", + "d" + ], + [ + "_n", + "umer" + ], + [ + "ĠSet", + "LastError" + ], + [ + "ĠF", + "ior" + ], + [ + "ific", + "ance" + ], + [ + "Unt", + "itled" + ], + [ + "Ġin", + "field" + ], + [ + "Ġ{}", + "));Ċ" + ], + [ + "Ġsp", + "ac" + ], + [ + "Ġro", + "okies" + ], + [ + "(des", + "cribing" + ], + [ + "ng", + "en" + ], + [ + "ி", + "à®" + ], + [ + ".r", + "df" + ], + [ + ".M", + "utex" + ], + [ + "Ġkne", + "eling" + ], + [ + "ĠQ", + "E" + ], + [ + "set", + "Max" + ], + [ + "Read", + "Stream" + ], + [ + "Ġvent", + "as" + ], + [ + "s", + "ut" + ], + [ + "cm", + "peq" + ], + [ + ".WriteAll", + "Text" + ], + [ + "ĠEx", + "perienced" + ], + [ + "$", + "__" + ], + [ + "Ġka", + "um" + ], + [ + "ĠL", + "IS" + ], + [ + "Ġdocument", + "os" + ], + [ + "_HE", + "ALTH" + ], + [ + "icont", + "ains" + ], + [ + "Ġart", + "isans" + ], + [ + "OWN", + "ER" + ], + [ + "Ġblink", + "ed" + ], + [ + "get", + "Display" + ], + [ + "Ġto", + "en" + ], + [ + "Ġrow", + "Num" + ], + [ + "Ġav", + "ril" + ], + [ + "Ġinv", + "is" + ], + [ + "ĠK", + "ear" + ], + [ + "toBe", + "InTheDocument" + ], + [ + "ap", + "ur" + ], + [ + "Ġr", + "acked" + ], + [ + "ĠMc", + "Master" + ], + [ + "_ATTR", + "IB" + ], + [ + "H", + "az" + ], + [ + "Ġfact", + "ura" + ], + [ + "/", + "ts" + ], + [ + "ĠÑĢаз", + "меÑĢ" + ], + [ + "Ġz", + "f" + ], + [ + "Ġshort", + "fall" + ], + [ + ".f", + "asta" + ], + [ + "ĠCONST", + "ANT" + ], + [ + ".man", + "aged" + ], + [ + "g", + "ems" + ], + [ + "Shared", + "Pointer" + ], + [ + "Ġblur", + "ry" + ], + [ + "b", + "rightness" + ], + [ + "(", + "components" + ], + [ + "Ġ...", + "\"ĊĊ" + ], + [ + "SE", + "LL" + ], + [ + "ĠIllustr", + "ator" + ], + [ + ".get", + "Channel" + ], + [ + "Ġtrou", + "vé" + ], + [ + "yst", + "ers" + ], + [ + "Ġvo", + "is" + ], + [ + "ĠLind", + "en" + ], + [ + "Ġem", + "ojis" + ], + [ + "Ġb", + "rawl" + ], + [ + "ĠMS", + "R" + ], + [ + "ĠE", + "lo" + ], + [ + "ĠCroat", + "ian" + ], + [ + "Popup", + "Menu" + ], + [ + "L", + "ewis" + ], + [ + ".J", + "WT" + ], + [ + "Ġaston", + "ished" + ], + [ + "B", + "ush" + ], + [ + "(item", + "Id" + ], + [ + "Ġdet", + "achment" + ], + [ + "ĠEnc", + "ore" + ], + [ + "å°", + "Ķ" + ], + [ + "Ġre", + "kl" + ], + [ + "Ġcr", + "am" + ], + [ + ")$", + "/" + ], + [ + ".get", + "Host" + ], + [ + "_re", + "commend" + ], + [ + "-", + "HT" + ], + [ + "_cal", + "ibration" + ], + [ + "Auth", + "enticate" + ], + [ + ".firebase", + "app" + ], + [ + "UN", + "IX" + ], + [ + "ĉC", + "amera" + ], + [ + "ĠHE", + "AP" + ], + [ + "I", + "deal" + ], + [ + ".", + "office" + ], + [ + "Ġgoof", + "y" + ], + [ + "(S", + "ymbol" + ], + [ + "Ġjou", + "er" + ], + [ + "_part", + "itions" + ], + [ + "Ġrapid", + "ement" + ], + [ + "ĠGN", + "UNET" + ], + [ + "id", + "User" + ], + [ + "Ġsuperv", + "ise" + ], + [ + "(", + "Contact" + ], + [ + "AW", + "N" + ], + [ + "ãģ", + "ĺ" + ], + [ + "Ġna", + "am" + ], + [ + "Ġa", + "ust" + ], + [ + "åľ¨", + "线" + ], + [ + "_soft", + "max" + ], + [ + "Allow", + "Anonymous" + ], + [ + "amm", + "able" + ], + [ + "RO", + "UTE" + ], + [ + "*", + "D" + ], + [ + "Ġad", + "en" + ], + [ + "ĠCrist", + "ina" + ], + [ + "ĠCrist", + "iano" + ], + [ + "Ġblood", + "stream" + ], + [ + "sub", + "class" + ], + [ + "_person", + "a" + ], + [ + "CH", + "ILD" + ], + [ + "-k", + "now" + ], + [ + "Ġnavigation", + "Options" + ], + [ + "ĠZuk", + "unft" + ], + [ + "ĠPix", + "ar" + ], + [ + "Ty", + "ler" + ], + [ + "Ġunder", + "world" + ], + [ + "Ġsincer", + "ity" + ], + [ + "Ġdispens", + "er" + ], + [ + "Ġk", + "ter" + ], + [ + "idd", + "ers" + ], + [ + ".add", + "Node" + ], + [ + "-", + "checked" + ], + [ + "Ġke", + "yst" + ], + [ + "ĠW", + "TO" + ], + [ + ".sign", + "als" + ], + [ + "Ġadvent", + "urer" + ], + [ + "ĠP", + "ang" + ], + [ + "\\", + "R" + ], + [ + "=", + "pos" + ], + [ + "Ġdispens", + "aries" + ], + [ + "ĠClo", + "set" + ], + [ + "(\"{", + "\\\"" + ], + [ + "ide", + "on" + ], + [ + "Ġnécess", + "aire" + ], + [ + "()", + "\"Ċ" + ], + [ + "_RECE", + "IVED" + ], + [ + "Ġrésult", + "ats" + ], + [ + "Ġmod", + "en" + ], + [ + "ĠIceland", + "ic" + ], + [ + ";", + "d" + ], + [ + ".", + "allowed" + ], + [ + "(new", + "User" + ], + [ + "Ġmerc", + "iless" + ], + [ + ".Wait", + "For" + ], + [ + "Ġday", + "care" + ], + [ + "ĠCon", + "veyor" + ], + [ + "ç", + "ĸ" + ], + [ + "ð", + "¬" + ], + [ + "ç", + "ĥ" + ], + [ + "ç", + "Ĺ" + ], + [ + "ç", + "ł" + ], + [ + "è", + "Ħ" + ], + [ + "é", + "²" + ], + [ + "å", + "¦" + ], + [ + "çĿ", + "Ģ" + ], + [ + "å¾", + "Ī" + ], + [ + "é", + "ħ" + ], + [ + "ç", + "ĭ" + ], + [ + "é", + "ª" + ], + [ + "æ", + "Ĥ" + ], + [ + "é", + "¥" + ], + [ + "è", + "ħ" + ], + [ + "æĥ", + "³" + ], + [ + "å", + "¨" + ], + [ + "é", + "¹" + ], + [ + "ç", + "Ĥ" + ], + [ + "å", + "Ĵ" + ], + [ + "ç", + "Į" + ], + [ + "è´", + "¨" + ], + [ + "æ", + "¢" + ], + [ + "æ°", + "Ķ" + ], + [ + "ð", + "«" + ], + [ + "æķ", + "Ļ" + ], + [ + "ç", + "Ł" + ], + [ + "å", + "Ħ" + ], + [ + "åıij", + "å±ķ" + ], + [ + "åĪ", + "Ľ" + ], + [ + "è", + "ij" + ], + [ + "æ", + "ħ" + ], + [ + "å", + "ŀ" + ], + [ + "åģ", + "ļ" + ], + [ + "æĪ", + "ĺ" + ], + [ + "æ", + "IJ" + ], + [ + "å¼", + "º" + ], + [ + "æ·", + "±" + ], + [ + "åĩ", + "ł" + ], + [ + "ç", + "¿" + ], + [ + "å", + "©" + ], + [ + "è", + "ŀ" + ], + [ + "å§", + "Ķ" + ], + [ + "åIJ", + "Ħ" + ], + [ + "è", + "İ" + ], + [ + "é", + "¸" + ], + [ + "é", + "º" + ], + [ + "åı", + "Ĺ" + ], + [ + "èģ", + "Į" + ], + [ + "å", + "ĺ" + ], + [ + "æ", + "½" + ], + [ + "é£", + "İ" + ], + [ + "èIJ", + "¥" + ], + [ + "åħ", + "ļ" + ], + [ + "è", + "ľ" + ], + [ + "éĤ", + "£" + ], + [ + "é¢", + "Ĩ" + ], + [ + "ç", + "ij" + ], + [ + "é", + "³" + ], + [ + "æľ", + "¯" + ], + [ + "ä»", + "Ģ" + ], + [ + "æĪ", + "¿" + ], + [ + "ç²", + "¾" + ], + [ + "å", + "ª" + ], + [ + "é", + "Ĩ" + ], + [ + "å¤", + "ª" + ], + [ + "èĤ", + "¡" + ], + [ + "è", + "Ľ" + ], + [ + "åħ", + "ī" + ], + [ + "æŀ", + "ģ" + ], + [ + "åĬ", + "ŀ" + ], + [ + "è", + "ĵ" + ], + [ + "ç", + "ĺ" + ], + [ + "å", + "´" + ], + [ + "å", + "Ĺ" + ], + [ + "èĬ", + "±" + ], + [ + "çł", + "Ķ" + ], + [ + "å¿", + "«" + ], + [ + "å¸", + "Ī" + ], + [ + "è¶", + "Ĭ" + ], + [ + "è§", + "Ĥ" + ], + [ + "æ", + "¤" + ], + [ + "æ", + "¦" + ], + [ + "ç", + "ŀ" + ], + [ + "èĤ", + "²" + ], + [ + "çĪ", + "±" + ], + [ + "çĻ", + "½" + ], + [ + "ä¸", + "ĸ" + ], + [ + "ä»Ģ", + "ä¹Ī" + ], + [ + "çľ", + "¼" + ], + [ + "å", + "³" + ], + [ + "è", + "Ĵ" + ], + [ + "æ", + "ĵ" + ], + [ + "è¢", + "«" + ], + [ + "å¹", + "²" + ], + [ + "çĹ", + "ħ" + ], + [ + "å£", + "«" + ], + [ + "ç", + "Ĵ" + ], + [ + "è", + "¸" + ], + [ + "æ", + "¾" + ], + [ + "å·¥", + "ä½ľ" + ], + [ + "è®", + "©" + ], + [ + "çĥ", + "Ń" + ], + [ + "è¾", + "ĥ" + ], + [ + "åĦ", + "¿" + ], + [ + "åĬ", + "©" + ], + [ + "ç§", + "¯" + ], + [ + "ç", + "³" + ], + [ + "ç", + "ĵ" + ], + [ + "ç", + "£" + ], + [ + "å", + "Ĥ" + ], + [ + "è", + "¹" + ], + [ + "è", + "ļ" + ], + [ + "å·", + "±" + ], + [ + "çĻ", + "¾" + ], + [ + "åĬ", + "¿" + ], + [ + "èµ", + "Ľ" + ], + [ + "æ", + "¨" + ], + [ + "æ", + "¿" + ], + [ + "è", + "ĸ" + ], + [ + "æĿ", + "ij" + ], + [ + "å¸", + "¦" + ], + [ + "å¢", + "ĥ" + ], + [ + "æĬ", + "¤" + ], + [ + "é", + "Ń" + ], + [ + "å", + "«" + ], + [ + "èĩª", + "å·±" + ], + [ + "æµ", + "İ" + ], + [ + "ä½", + "İ" + ], + [ + "åĮ", + "»" + ], + [ + "éĺ", + "²" + ], + [ + "åĨ", + "ľ" + ], + [ + "è", + "Ĩ" + ], + [ + "ç", + "Ĩ" + ], + [ + "é", + "«" + ], + [ + "åĨ", + "Ľ" + ], + [ + "æĪ", + "ı" + ], + [ + "åį", + "ĩ" + ], + [ + "æĸ", + "¯" + ], + [ + "ä½", + "ı" + ], + [ + "èIJ", + "½" + ], + [ + "åħ", + "»" + ], + [ + "èĩ", + "´" + ], + [ + "ç", + "Ĭ" + ], + [ + "ç", + "ĩ" + ], + [ + "ç", + "ħ" + ], + [ + "è", + "Ķ" + ], + [ + "ä¼ģ", + "ä¸ļ" + ], + [ + "åĽ", + "¢" + ], + [ + "æī", + "į" + ], + [ + "æł", + "¡" + ], + [ + "åĩ", + "Ĩ" + ], + [ + "å¥", + "ĩ" + ], + [ + "åī", + "¯" + ], + [ + "é", + "¼" + ], + [ + "æ¼", + "Ķ" + ], + [ + "é©", + "¬" + ], + [ + "èµ", + "°" + ], + [ + "ç¥", + "ŀ" + ], + [ + "åħ", + "ĭ" + ], + [ + "æľ", + "Ľ" + ], + [ + "æ²", + "¹" + ], + [ + "è¾", + "¹" + ], + [ + "åį", + "ĥ" + ], + [ + "å¾", + "Ģ" + ], + [ + "åĪ", + "ĩ" + ], + [ + "æ", + "©" + ], + [ + "ç", + "¶" + ], + [ + "å", + "Ļ" + ], + [ + "éĻ", + "ħ" + ], + [ + "çī", + "Į" + ], + [ + "社", + "ä¼ļ" + ], + [ + "游", + "æĪı" + ], + [ + "æĸ", + "½" + ], + [ + "ç", + "ħ§" + ], + [ + "æİ", + "§" + ], + [ + "æ»", + "¡" + ], + [ + "è¯", + "Ĩ" + ], + [ + "éĩį", + "è¦ģ" + ], + [ + "è¶", + "³" + ], + [ + "çķ", + "Ļ" + ], + [ + "ç»", + "Ĩ" + ], + [ + "åį", + "ı" + ], + [ + "éĢ", + "Ĥ" + ], + [ + "æ", + "ĩ" + ], + [ + "æ", + "§" + ], + [ + "é", + "Ħ" + ], + [ + "è", + "Ŀ" + ], + [ + "å¸Ĥ", + "åľº" + ], + [ + "ç»ı", + "æµİ" + ], + [ + "ä¹", + "ł" + ], + [ + "æĸĩ", + "åĮĸ" + ], + [ + "éļ", + "¾" + ], + [ + "ä¹", + "IJ" + ], + [ + "åĨ", + "³" + ], + [ + "æ¬", + "¢" + ], + [ + "è§", + "ī" + ], + [ + "åĽ", + "Ń" + ], + [ + "åħ", + "´" + ], + [ + "åħ", + "ħ" + ], + [ + "ä¸", + "¾" + ], + [ + "æī", + "¹" + ], + [ + "è", + "ķ" + ], + [ + "æĬ", + "Ĭ" + ], + [ + "æĬĢ", + "æľ¯" + ], + [ + "ç©", + "¶" + ], + [ + "第", + "ä¸Ģ" + ], + [ + "ä¾", + "¿" + ], + [ + "åĵ", + "į" + ], + [ + "çİ", + "©" + ], + [ + "åĿ", + "ļ" + ], + [ + "èŀ", + "į" + ], + [ + "åį", + "Ĭ" + ], + [ + "åĸ", + "ľ" + ], + [ + "å±", + "Ĥ" + ], + [ + "ç¦", + "»" + ], + [ + "ä»", + "ħ" + ], + [ + "é", + "Ł" + ], + [ + "åij", + "³" + ], + [ + "å¿", + "µ" + ], + [ + "åŃ", + "£" + ], + [ + "ç´", + "§" + ], + [ + "ä¹", + "ħ" + ], + [ + "é", + "¤" + ], + [ + "é", + "ŀ" + ], + [ + "è", + "¤" + ], + [ + "åĢ", + "Ļ" + ], + [ + "åĨ", + "µ" + ], + [ + "ç", + "ٳ" + ], + [ + "åģ", + "¥" + ], + [ + "æĢ", + "İ" + ], + [ + "å®", + "Ŀ" + ], + [ + "è¡", + "Ģ" + ], + [ + "åŁ", + "Ł" + ], + [ + "æĹ", + "©" + ], + [ + "çŁ¥", + "éģĵ" + ], + [ + "è´", + "Ł" + ], + [ + "åį", + "ļ" + ], + [ + "å·", + "´" + ], + [ + "äº", + "²" + ], + [ + "å±", + "ŀ" + ], + [ + "ä¸", + "¥" + ], + [ + "äº", + "ī" + ], + [ + "å¯", + "Ł" + ], + [ + "è", + "º" + ], + [ + "ç", + "°" + ], + [ + "建", + "设" + ], + [ + "产", + "ä¸ļ" + ], + [ + "åIJ", + "ĥ" + ], + [ + "åŃ", + "©" + ], + [ + "æĹ", + "ħ" + ], + [ + "æł", + "¹" + ], + [ + "æĿ", + "IJ" + ], + [ + "ä¼", + "Ĺ" + ], + [ + "éļ", + "ı" + ], + [ + "å®", + "ĺ" + ], + [ + "åº", + "ķ" + ], + [ + "å½", + "©" + ], + [ + "å¯", + "Į" + ], + [ + "æ¸", + "©" + ], + [ + "åį", + "«" + ], + [ + "åī", + "§" + ], + [ + "çĽ", + "Ĭ" + ], + [ + "æĬ", + "Ĺ" + ], + [ + "è´", + "¢" + ], + [ + "çº", + "ª" + ], + [ + "æ", + "Ĩ" + ], + [ + "çĶŁ", + "æ´»" + ], + [ + "çº", + "¢" + ], + [ + "çĶŁ", + "产" + ], + [ + "è¿", + "ľ" + ], + [ + "éĴ", + "±" + ], + [ + "åĶ", + "®" + ], + [ + "ç¾", + "¤" + ], + [ + "çı", + "Ń" + ], + [ + "æ¥", + "¼" + ], + [ + "éĩ", + "ĩ" + ], + [ + "èī", + "º" + ], + [ + "å±", + "ħ" + ], + [ + "åģ", + "ĩ" + ], + [ + "è°", + "Ī" + ], + [ + "æĻ", + "ļ" + ], + [ + "é", + "¬" + ], + [ + "èĪ", + "ª" + ], + [ + "å®", + "³" + ], + [ + "è", + "Ĺ" + ], + [ + "ç", + "į" + ], + [ + "å", + "µ" + ], + [ + "çİ", + "ĭ" + ], + [ + "åº", + "·" + ], + [ + "è", + "İ·" + ], + [ + "ç»", + "Ń" + ], + [ + "äº", + "ļ" + ], + [ + "é£", + "Ł" + ], + [ + "åİ", + "ĭ" + ], + [ + "æĭ", + "Ľ" + ], + [ + "èĮ", + "ĥ" + ], + [ + "è®", + "¸" + ], + [ + "åĽ", + "´" + ], + [ + "é", + "½" + ], + [ + "éĻ", + "į" + ], + [ + "çº", + "³" + ], + [ + "åĵ", + "ª" + ], + [ + "æķĻ", + "èĤ²" + ], + [ + "å·²", + "ç»ı" + ], + [ + "å¾", + "·" + ], + [ + "æŀ", + "Ĺ" + ], + [ + "å®ī", + "åħ¨" + ], + [ + "é¾", + "Ļ" + ], + [ + "大", + "å®¶" + ], + [ + "éĿ", + "Ĵ" + ], + [ + "åº", + "ľ" + ], + [ + "æ²", + "³" + ], + [ + "åı", + "¤" + ], + [ + "èį", + "¯" + ], + [ + "åĿ", + "ĩ" + ], + [ + "æĻ", + "º" + ], + [ + "ä¹", + "¡" + ], + [ + "çķ", + "¥" + ], + [ + "åĨ", + "·" + ], + [ + "ç¦", + "ı" + ], + [ + "å®", + "¤" + ], + [ + "ç»", + "´" + ], + [ + "æī", + "¿" + ], + [ + "å±", + "Ĭ" + ], + [ + "è¯", + "ī" + ], + [ + "åĪ", + "»" + ], + [ + "è", + "Ł" + ], + [ + "æ", + "ª" + ], + [ + "å°±", + "æĺ¯" + ], + [ + "è¿Ļ", + "个" + ], + [ + "ä¸Ń", + "å¿ĥ" + ], + [ + "ä¸ĸ", + "çķĮ" + ], + [ + "åŁİ", + "å¸Ĥ" + ], + [ + "éĿŀ", + "常" + ], + [ + "åĪ", + "Ĵ" + ], + [ + "åı", + "Į" + ], + [ + "æĢİ", + "ä¹Ī" + ], + [ + "åΰ", + "äºĨ" + ], + [ + "æľ", + "ĥ" + ], + [ + "åı", + "²" + ], + [ + "ä¾", + "Ĩ" + ], + [ + "å¾", + "ĭ" + ], + [ + "å¥", + "ĸ" + ], + [ + "ç»", + "Ī" + ], + [ + "åª", + "Ĵ" + ], + [ + "å®", + "ģ" + ], + [ + "è¯", + "¾" + ], + [ + "èģĮ", + "ä¸ļ" + ], + [ + "åħ", + "į" + ], + [ + "æµ", + "ĭ" + ], + [ + "æĢ", + "¥" + ], + [ + "æķ", + "ij" + ], + [ + "çĭ", + "¬" + ], + [ + "èŃ", + "¦" + ], + [ + "é¤", + "IJ" + ], + [ + "æĦ", + "¿" + ], + [ + "è´", + "«" + ], + [ + "çĸ", + "ij" + ], + [ + "å", + "ļ" + ], + [ + "å¥", + "¹" + ], + [ + "åı", + "Ī" + ], + [ + "åĽł", + "为" + ], + [ + "ä¸į", + "æĺ¯" + ], + [ + "å¤", + "Ł" + ], + [ + "æĸ¹", + "éĿ¢" + ], + [ + "éķ", + "ĩ" + ], + [ + "äº", + "Ĵ" + ], + [ + "éħ", + "Ĵ" + ], + [ + "è®", + "²" + ], + [ + "çĸ", + "Ĺ" + ], + [ + "æĺ", + "¥" + ], + [ + "æ¹", + "ĸ" + ], + [ + "å¤", + "ľ" + ], + [ + "è´£", + "ä»»" + ], + [ + "人", + "æ°ij" + ], + [ + "åħ", + "°" + ], + [ + "çŁ", + "Ń" + ], + [ + "æķ", + "ħ" + ], + [ + "åĩ", + "ı" + ], + [ + "æĻ", + "®" + ], + [ + "äº", + "®" + ], + [ + "ä¾", + "Ŀ" + ], + [ + "åį", + "°" + ], + [ + "éĿ", + "Ļ" + ], + [ + "åĢ", + "ĭ" + ], + [ + "å¾", + "ģ" + ], + [ + "åIJ", + "¸" + ], + [ + "ç¼", + "º" + ], + [ + "æĶ", + "»" + ], + [ + "åĩ", + "Ģ" + ], + [ + "åħ", + "¸" + ], + [ + "åĽ", + "º" + ], + [ + "è®", + "¿" + ], + [ + "ç", + "¹" + ], + [ + "ç", + "Ģ" + ], + [ + "æıIJ", + "ä¾Ľ" + ], + [ + "ç»", + "ĩ" + ], + [ + "å¾Ī", + "å¤ļ" + ], + [ + "çłĶ", + "ç©¶" + ], + [ + "è·", + "Ł" + ], + [ + "主", + "è¦ģ" + ], + [ + "æĥħ", + "åĨµ" + ], + [ + "çŃ", + "ĸ" + ], + [ + "æŃ", + "»" + ], + [ + "大", + "åѦ" + ], + [ + "æĶ¿", + "åºľ" + ], + [ + "å½±", + "åĵį" + ], + [ + "ä¹", + "°" + ], + [ + "åħ", + "Ń" + ], + [ + "éĻ", + "©" + ], + [ + "åħ", + "«" + ], + [ + "æŁ", + "IJ" + ], + [ + "è´¨", + "éĩı" + ], + [ + "åį", + "ł" + ], + [ + "å·", + "®" + ], + [ + "æĽ´", + "å¤ļ" + ], + [ + "æľ", + "ĭ" + ], + [ + "éĿ", + "©" + ], + [ + "å®", + "£" + ], + [ + "çł", + "´" + ], + [ + "è½", + "»" + ], + [ + "åº", + "§" + ], + [ + "æĺ", + "¾" + ], + [ + "ç¨", + "³" + ], + [ + "è´", + "µ" + ], + [ + "èĥ", + "Į" + ], + [ + "èī", + "¯" + ], + [ + "çĸ", + "«" + ], + [ + "æ¯", + "Ĵ" + ], + [ + "ä¹", + "İ" + ], + [ + "åĢ", + "Ł" + ], + [ + "è¿", + "·" + ], + [ + "çŃ", + "Ķ" + ], + [ + "æ¿", + "Ģ" + ], + [ + "åij", + "¼" + ], + [ + "äºĨ", + "ä¸Ģ" + ], + [ + "è¶", + "£" + ], + [ + "ä¼", + "´" + ], + [ + "ä¼", + "Ļ" + ], + [ + "è", + "¼" + ], + [ + "ð¬", + "Ń" + ], + [ + "åĽ½", + "å®¶" + ], + [ + "æ´»", + "åĬ¨" + ], + [ + "çݰ", + "åľ¨" + ], + [ + "ç§ij", + "æĬĢ" + ], + [ + "åį", + "¡" + ], + [ + "ä¸į", + "åIJĮ" + ], + [ + "个", + "人" + ], + [ + "è®°", + "èĢħ" + ], + [ + "ä¸į", + "æĸŃ" + ], + [ + "éĹ", + "»" + ], + [ + "ä¹", + "Ŀ" + ], + [ + "èij", + "Ĺ" + ], + [ + "ç»", + "¼" + ], + [ + "ä¸", + "ĥ" + ], + [ + "æł", + "ij" + ], + [ + "æľĭ", + "åıĭ" + ], + [ + "åį", + "ĸ" + ], + [ + "ä¼", + "¤" + ], + [ + "æ²", + "Ļ" + ], + [ + "åĸ", + "Ħ" + ], + [ + "å¥", + "Ĺ" + ], + [ + "è½", + "®" + ], + [ + "ç©", + "¿" + ], + [ + "è¡", + "¥" + ], + [ + "ä¸Ģ", + "å®ļ" + ], + [ + "çª", + "ģ" + ], + [ + "çĿ", + "£" + ], + [ + "è¿", + "½" + ], + [ + "å¨", + "ģ" + ], + [ + "åı", + "¦" + ], + [ + "åĽ", + "°" + ], + [ + "æŀ", + "¶" + ], + [ + "ç»", + "Ŀ" + ], + [ + "æķ", + "£" + ], + [ + "æİ", + "¢" + ], + [ + "æ´", + "Ĺ" + ], + [ + "ä¸", + "´" + ], + [ + "ä¼", + "¼" + ], + [ + "è´", + "¸" + ], + [ + "ä¸", + "°" + ], + [ + "æĺ¯", + "ä¸Ģ" + ], + [ + "ç«", + "ŀ" + ], + [ + "è¿", + "İ" + ], + [ + "èģ", + "ļ" + ], + [ + "è", + "«" + ], + [ + "æį", + "Ł" + ], + [ + "æī", + "§" + ], + [ + "é©", + "¾" + ], + [ + "è¿", + "Ŀ" + ], + [ + "è", + "¥" + ], + [ + "è", + "ł" + ], + [ + "ä»ĸ", + "们" + ], + [ + "æĹ¶", + "åĢĻ" + ], + [ + "å®", + "ĥ" + ], + [ + "人", + "åijĺ" + ], + [ + "è¿Ļ", + "æł·" + ], + [ + "å·¥", + "ç¨ĭ" + ], + [ + "åĪĽ", + "æĸ°" + ], + [ + "åŃ©", + "åŃIJ" + ], + [ + "å¸", + "Į" + ], + [ + "éĥ¨", + "åĪĨ" + ], + [ + "éĵ", + "¶" + ], + [ + "代", + "表" + ], + [ + "é¦", + "Ļ" + ], + [ + "å¸", + "®" + ], + [ + "æİ¨", + "è¿Ľ" + ], + [ + "çĽ", + "ĺ" + ], + [ + "积", + "æŀģ" + ], + [ + "éĥ¨", + "éŨ" + ], + [ + "åŁ", + "¹" + ], + [ + "æŃ", + "¦" + ], + [ + "ä¸į", + "ä¼ļ" + ], + [ + "çŃ", + "ij" + ], + [ + "éĢ", + "Ļ" + ], + [ + "çİ©", + "å®¶" + ], + [ + "æĭ", + "¿" + ], + [ + "åİ", + "Ĥ" + ], + [ + "æ¯", + "Ľ" + ], + [ + "çģ", + "µ" + ], + [ + "æŃ", + "Į" + ], + [ + "ç", + "»¿" + ], + [ + "å¦", + "Ī" + ], + [ + "çĽ", + "Ľ" + ], + [ + "é¦", + "Ĩ" + ], + [ + "é¡", + "º" + ], + [ + "èĦ", + "¸" + ], + [ + "å°", + "¼" + ], + [ + "ä¸", + "½" + ], + [ + "å¥", + "¥" + ], + [ + "éģ", + "ĩ" + ], + [ + "è¯", + "į" + ], + [ + "å°", + "ģ" + ], + [ + "ä¸", + "Ŀ" + ], + [ + "好", + "çļĦ" + ], + [ + "æĭ", + "ħ" + ], + [ + "èĦ", + "±" + ], + [ + "æģ", + "¶" + ], + [ + "åİ", + "ļ" + ], + [ + "åĬ", + "³" + ], + [ + "çĽ", + "Ł" + ], + [ + "æĬ", + "ĺ" + ], + [ + "åı", + "¥" + ], + [ + "æĢ", + "Ģ" + ], + [ + "æŁ", + "ĵ" + ], + [ + "书", + "è®°" + ], + [ + "åĨ", + "ł" + ], + [ + "é²", + "ľ" + ], + [ + "æ", + "¦Ĥ" + ], + [ + "éļ", + "IJ" + ], + [ + "å¹", + "ħ" + ], + [ + "èµ", + "ŀ" + ], + [ + "å¹", + "ķ" + ], + [ + "æ¥", + "Ń" + ], + [ + "éģ", + "Ĺ" + ], + [ + "åĪ", + "¤" + ], + [ + "è", + "ĺ" + ], + [ + "å", + "¶" + ], + [ + "æĬķ", + "èµĦ" + ], + [ + "è¡Į", + "ä¸ļ" + ], + [ + "äº", + "ij" + ], + [ + "çݯ", + "å¢ĥ" + ], + [ + "åѦ", + "çĶŁ" + ], + [ + "åIJĪ", + "ä½ľ" + ], + [ + "åģ¥", + "康" + ], + [ + "é£", + "ŀ" + ], + [ + "ä¸Ģ", + "æŃ¥" + ], + [ + "ä¸Ģ", + "缴" + ], + [ + "åıij", + "çĶŁ" + ], + [ + "éĺ", + "¿" + ], + [ + "é¢Ĩ", + "导" + ], + [ + "åĸľ", + "欢" + ], + [ + "åºĶ", + "该" + ], + [ + "çĤ", + "º" + ], + [ + "è®", + "Ń" + ], + [ + "æĿ", + "Ģ" + ], + [ + "æ¸", + "¯" + ], + [ + "交", + "éĢļ" + ], + [ + "éĺ", + "¶" + ], + [ + "éĴ", + "¢" + ], + [ + "ä»", + "¤" + ], + [ + "å°", + "½" + ], + [ + "æ¯", + "į" + ], + [ + "è¡", + "£" + ], + [ + "ç²", + "ī" + ], + [ + "é¡", + "¶" + ], + [ + "ä¹Ł", + "ä¸į" + ], + [ + "æĬ", + "ĵ" + ], + [ + "èĭ", + "¦" + ], + [ + "å¹", + "¸" + ], + [ + "ç¤", + "¼" + ], + [ + "第", + "ä¸ī" + ], + [ + "大", + "çļĦ" + ], + [ + "éģ", + "İ" + ], + [ + "çĥ", + "Ł" + ], + [ + "éģ", + "¿" + ], + [ + "ä»", + "į" + ], + [ + "åº", + "Ĩ" + ], + [ + "æĢ", + "ķ" + ], + [ + "è°", + "¢" + ], + [ + "çĽ", + "ĸ" + ], + [ + "å°", + "Ħ" + ], + [ + "éľ", + "²" + ], + [ + "æĸ", + "Ĺ" + ], + [ + "ç", + "Ĭ¶" + ], + [ + "åŃ", + "¸" + ], + [ + "æ¯", + "ķ" + ], + [ + "å·", + "¨" + ], + [ + "çŁ", + "¿" + ], + [ + "çļ", + "ĩ" + ], + [ + "å¸", + "Ń" + ], + [ + "çĹ", + "ĩ" + ], + [ + "æī", + "¬" + ], + [ + "å»", + "¶" + ], + [ + "ä¾", + "§" + ], + [ + "æ·", + "¡" + ], + [ + "çļĦ", + "ä¸Ģ" + ], + [ + "ç¶", + "²" + ], + [ + "æ´", + "ģ" + ], + [ + "ç", + "¸" + ], + [ + "è§", + "Ī" + ], + [ + "çŃ", + "¹" + ], + [ + "ç§", + "ĺ" + ], + [ + "è¯", + "Ĭ" + ], + [ + "çı", + "¾" + ], + [ + "èª", + "ī" + ], + [ + "æ¯", + "«" + ], + [ + "ð", + "¨" + ], + [ + "åį", + "´" + ], + [ + "æĪIJ", + "为" + ], + [ + "èĥ½", + "åĬĽ" + ], + [ + "é»", + "Ħ" + ], + [ + "æĹħ", + "游" + ], + [ + "èĪ", + "¬" + ], + [ + "æ¯Ķ", + "è¾ĥ" + ], + [ + "èµ·", + "æĿ¥" + ], + [ + "äºĨ", + "è§£" + ], + [ + "èĩª", + "çĦ¶" + ], + [ + "ä¸Ģ", + "次" + ], + [ + "åŁº", + "æľ¬" + ], + [ + "æĽ", + "¾" + ], + [ + "综", + "åIJĪ" + ], + [ + "èı", + "ľ" + ], + [ + "è§ī", + "å¾Ĺ" + ], + [ + "第", + "äºĮ" + ], + [ + "è·", + "ij" + ], + [ + "æ³", + "¢" + ], + [ + "åĢ", + "Ĵ" + ], + [ + "ç¡", + "Ģ" + ], + [ + "åħ", + "µ" + ], + [ + "èį", + "ī" + ], + [ + "çĶ", + "³" + ], + [ + "çĶ", + "°" + ], + [ + "æĤ", + "£" + ], + [ + "è§Ħ", + "å®ļ" + ], + [ + "èĥ", + "ľ" + ], + [ + "èµĦ", + "产" + ], + [ + "æ¢", + "¦" + ], + [ + "æľ", + "Ŀ" + ], + [ + "è¿Ļ", + "éĩĮ" + ], + [ + "å¤", + "«" + ], + [ + "æĮ", + "¥" + ], + [ + "ä½", + "Ľ" + ], + [ + "å®", + "Ī" + ], + [ + "éĽ", + "¶" + ], + [ + "æĸ", + "¼" + ], + [ + "ç¯", + "ĩ" + ], + [ + "å²", + "Ľ" + ], + [ + "åĵ", + "¥" + ], + [ + "éŃ", + "Ķ" + ], + [ + "ä¸į", + "åΰ" + ], + [ + "æī", + "ĺ" + ], + [ + "åº", + "Ĭ" + ], + [ + "æ¬", + "§" + ], + [ + "èį", + "£" + ], + [ + "æ±", + "ĩ" + ], + [ + "æī", + "©" + ], + [ + "åģ", + "ı" + ], + [ + "å¢", + "Ļ" + ], + [ + "è®", + "¯" + ], + [ + "å©", + "ļ" + ], + [ + "æĥ", + "ł" + ], + [ + "æ´", + "ĭ" + ], + [ + "å®", + "ľ" + ], + [ + "æ¶", + "¦" + ], + [ + "æħ", + "¢" + ], + [ + "éĢ", + "ı" + ], + [ + "å®", + "½" + ], + [ + "é¡", + "¾" + ], + [ + "ç´", + "¯" + ], + [ + "æ±", + "¡" + ], + [ + "çĪ", + "Ĩ" + ], + [ + "ç§", + "Ł" + ], + [ + "æĥ", + "Ĭ" + ], + [ + "æ¶", + "¨" + ], + [ + "é¥", + "°" + ], + [ + "éĺ", + "µ" + ], + [ + "é¥", + "®" + ], + [ + "æļ", + "ĸ" + ], + [ + "åº", + "Ł" + ], + [ + "æĹ", + "Ĺ" + ], + [ + "éļ", + "Ķ" + ], + [ + "ç¶", + "ĵ" + ], + [ + "åĭ", + "Ļ" + ], + [ + "å¯", + "¦" + ], + [ + "éĢ", + "Ķ" + ], + [ + "æī", + "«" + ], + [ + "çĥ", + "Ī" + ], + [ + "éĽ", + "»" + ], + [ + "åĪ", + "ij" + ], + [ + "éĹ", + "ľ" + ], + [ + "éĹ", + "ª" + ], + [ + "å¥", + "ĭ" + ], + [ + "å", + "Ĥ¨" + ], + [ + "ç¼", + "©" + ], + [ + "ä¾", + "µ" + ], + [ + "å", + "¬" + ], + [ + "ð¬", + "¶" + ], + [ + "åĽ½", + "éĻħ" + ], + [ + "ç»Ħ", + "ç»ĩ" + ], + [ + "ä¸ĵ", + "ä¸ļ" + ], + [ + "åıij", + "çݰ" + ], + [ + "å¸Į", + "æľĽ" + ], + [ + "ç»ı", + "èIJ¥" + ], + [ + "åı", + "«" + ], + [ + "æĿ¥", + "说" + ], + [ + "éļ", + "ľ" + ], + [ + "ä»»", + "ä½ķ" + ], + [ + "交", + "æĺĵ" + ], + [ + "éĩį", + "çĤ¹" + ], + [ + "çļ", + "®" + ], + [ + "ç»", + "į" + ], + [ + "æ´", + "¾" + ], + [ + "ç§ij", + "åѦ" + ], + [ + "åºĶ", + "ç͍" + ], + [ + "建", + "çŃij" + ], + [ + "èĤ", + "ī" + ], + [ + "æĶ¹", + "éĿ©" + ], + [ + "åŁº", + "ç¡Ģ" + ], + [ + "æ±", + "ī" + ], + [ + "åĩº", + "æĿ¥" + ], + [ + "è¿Ļ", + "ä¹Ī" + ], + [ + "åĪ", + "ļ" + ], + [ + "åĿ", + "IJ" + ], + [ + "ä¸į", + "ä»ħ" + ], + [ + "ä¼ļ", + "è®®" + ], + [ + "éĿ", + "ł" + ], + [ + "åªĴ", + "ä½ĵ" + ], + [ + "æ°", + "¸" + ], + [ + "åĨ", + "²" + ], + [ + "èĭ", + "ı" + ], + [ + "å¤", + "®" + ], + [ + "çĪ", + "¶" + ], + [ + "åł", + "Ĥ" + ], + [ + "å®ŀ", + "éĻħ" + ], + [ + "è¡", + "Ĺ" + ], + [ + "ç«", + "¥" + ], + [ + "éĺ", + "ħ" + ], + [ + "äºĭ", + "æĥħ" + ], + [ + "åİŁ", + "åĽł" + ], + [ + "éħ", + "¸" + ], + [ + "以", + "æĿ¥" + ], + [ + "å¨", + "±" + ], + [ + "å®", + "«" + ], + [ + "åĿ", + "Ĺ" + ], + [ + "ç»", + "©" + ], + [ + "éĩ", + "İ" + ], + [ + "ä¸į", + "å¾Ĺ" + ], + [ + "ä¼ł", + "å¥ĩ" + ], + [ + "ç¡", + "¬" + ], + [ + "åİ", + "ħ" + ], + [ + "æĹ", + "¢" + ], + [ + "ç»", + "ĥ" + ], + [ + "èĦ", + "ij" + ], + [ + "å¼", + "±" + ], + [ + "æİ", + "Į" + ], + [ + "è´", + "´" + ], + [ + "æĮ", + "Ĥ" + ], + [ + "åħ³", + "éĶ®" + ], + [ + "å°", + "ļ" + ], + [ + "é¥", + "Ń" + ], + [ + "åº", + "Ħ" + ], + [ + "çĻ", + "¼" + ], + [ + "åľ", + "ĭ" + ], + [ + "æİ", + "Ī" + ], + [ + "个", + "æľĪ" + ], + [ + "äº", + "Ī" + ], + [ + "å¸", + "ģ" + ], + [ + "è·", + "Ŀ" + ], + [ + "æ²", + "ī" + ], + [ + "ç«", + "Ł" + ], + [ + "åĨ", + "¬" + ], + [ + "æĬ", + "½" + ], + [ + "éĨ", + "Ĵ" + ], + [ + "å¼", + "Ł" + ], + [ + "è§", + "¦" + ], + [ + "èģ", + "ĺ" + ], + [ + "è±", + "Ĩ" + ], + [ + "æļ", + "´" + ], + [ + "åijĬ", + "è¯ī" + ], + [ + "è±", + "ª" + ], + [ + "èµ", + "¢" + ], + [ + "è·", + "¨" + ], + [ + "è³", + "ĩ" + ], + [ + "çĪ", + "¸" + ], + [ + "æĬ", + "±" + ], + [ + "æµ", + "ª" + ], + [ + "éº", + "»" + ], + [ + "ä»", + "ª" + ], + [ + "è¡", + "¡" + ], + [ + "å¥", + "¶" + ], + [ + "çģ", + "¾" + ], + [ + "èµ", + "¶" + ], + [ + "èĤ", + "¥" + ], + [ + "å§", + "IJ" + ], + [ + "åĢ", + "º" + ], + [ + "éľ", + "ĩ" + ], + [ + "è®", + "¢" + ], + [ + "æ¬", + "Ĭ" + ], + [ + "ç", + "·" + ], + [ + "å»", + "ī" + ], + [ + "ä¿", + "Ĺ" + ], + [ + "å¿", + "ĺ" + ], + [ + "å¦", + "ĩ" + ], + [ + "ç¼", + "ĵ" + ], + [ + "åŃ", + "ķ" + ], + [ + "æ¼", + "«" + ], + [ + "è£", + "ģ" + ], + [ + "çĩ", + "ĥ" + ], + [ + "é»", + "ĺ" + ], + [ + "çī", + "¢" + ], + [ + "çĪ", + "·" + ], + [ + "æĬ", + "µ" + ], + [ + "å®", + "¾" + ], + [ + "æľī", + "ä¸Ģ" + ], + [ + "è¿", + "¹" + ], + [ + "è¿", + "«" + ], + [ + "è²", + "Į" + ], + [ + "æľī", + "çļĦ" + ], + [ + "ð¬", + "ĺ" + ], + [ + "è¿ĺ", + "æĺ¯" + ], + [ + "æīĢ", + "以" + ], + [ + "ä¹Ł", + "æĺ¯" + ], + [ + "è¿Ļ", + "äºĽ" + ], + [ + "对", + "äºİ" + ], + [ + "åIJ", + "§" + ], + [ + "缮", + "åīį" + ], + [ + "èĩªå·±", + "çļĦ" + ], + [ + "èĥ½", + "å¤Ł" + ], + [ + "å¦Ĥ", + "ä½ķ" + ], + [ + "æľº", + "æŀĦ" + ], + [ + "åıª", + "æĺ¯" + ], + [ + "ç½ij", + "ç«Ļ" + ], + [ + "åħ¨", + "éĿ¢" + ], + [ + "为", + "äºĨ" + ], + [ + "å¼Ģ", + "åıij" + ], + [ + "æĸ°", + "éĹ»" + ], + [ + "éĩij", + "èŀį" + ], + [ + "ç»", + "§" + ], + [ + "客", + "æĪ·" + ], + [ + "ä¸Ģ", + "èµ·" + ], + [ + "èĮ", + "¶" + ], + [ + "åħ³", + "注" + ], + [ + "æ°´", + "å¹³" + ], + [ + "åİĨ", + "åı²" + ], + [ + "å¢ŀ", + "éķ¿" + ], + [ + "é", + "±" + ], + [ + "åŁº", + "éĩij" + ], + [ + "åº", + "Ń" + ], + [ + "åı", + "¶" + ], + [ + "ä¿", + "ĥ" + ], + [ + "éĽ", + "¨" + ], + [ + "æ¶Ī", + "è´¹" + ], + [ + "èĪ", + "¹" + ], + [ + "çŁ¥", + "è¯Ĩ" + ], + [ + "æĪĺ", + "çķ¥" + ], + [ + "ç»ı", + "éªĮ" + ], + [ + "å³", + "°" + ], + [ + "æĽ", + "²" + ], + [ + "èĦ", + "ļ" + ], + [ + "åĨ", + "°" + ], + [ + "å¤", + "ı" + ], + [ + "å½", + "Ĵ" + ], + [ + "ç¬", + "Ķ" + ], + [ + "èĻ", + "ij" + ], + [ + "çĶ", + "²" + ], + [ + "åľ", + "Ī" + ], + [ + "è¯", + "Ĺ" + ], + [ + "é½", + "IJ" + ], + [ + "容", + "æĺĵ" + ], + [ + "çłĶ", + "åıij" + ], + [ + "éª", + "¨" + ], + [ + "çº", + "¸" + ], + [ + "è·", + "µ" + ], + [ + "æĹ", + "§" + ], + [ + "çķ", + "¶" + ], + [ + "åĪ", + "¸" + ], + [ + "è´", + "·" + ], + [ + "åı", + "¬" + ], + [ + "ç§", + "ĭ" + ], + [ + "æ¶", + "²" + ], + [ + "è¡Į", + "æĶ¿" + ], + [ + "çĮ", + "®" + ], + [ + "èĤ", + "¤" + ], + [ + "éĢ", + "IJ" + ], + [ + "è¶Ĭ", + "æĿ¥" + ], + [ + "è¶ĬæĿ¥", + "è¶Ĭ" + ], + [ + "æĦı", + "è§ģ" + ], + [ + "èĪ", + "ŀ" + ], + [ + "åī", + "Ĥ" + ], + [ + "æ¶", + "ī" + ], + [ + "ç¨ĭ", + "度" + ], + [ + "åħ¬", + "åħ±" + ], + [ + "æ¢", + "°" + ], + [ + "æľ", + "«" + ], + [ + "çº", + "¯" + ], + [ + "åĶ", + "±" + ], + [ + "æ´", + "²" + ], + [ + "æĬ", + "¢" + ], + [ + "æ¤", + "į" + ], + [ + "å¿", + "Ļ" + ], + [ + "ä¼", + "°" + ], + [ + "å¼", + "¹" + ], + [ + "æ³", + "ī" + ], + [ + "æľĢ", + "大" + ], + [ + "è¶", + "ĭ" + ], + [ + "å·", + "§" + ], + [ + "ç¦", + "ģ" + ], + [ + "æī", + "¶" + ], + [ + "åį", + "±" + ], + [ + "çı", + "ł" + ], + [ + "çĨ", + "Ł" + ], + [ + "æĭ", + "ľ" + ], + [ + "主", + "ä¹ī" + ], + [ + "æĿ", + "Ĥ" + ], + [ + "éĻ", + "Ħ" + ], + [ + "éģ", + "į" + ], + [ + "æIJ", + "Ń" + ], + [ + "æĮ", + "¯" + ], + [ + "å¤ļ", + "å¹´" + ], + [ + "æķ", + "¬" + ], + [ + "æij", + "Ħ" + ], + [ + "çº", + "·" + ], + [ + "å¼", + "ĥ" + ], + [ + "æ¹", + "¿" + ], + [ + "å¨", + "ĺ" + ], + [ + "æ¡", + "£" + ], + [ + "é©", + "¶" + ], + [ + "æľ", + "Ĺ" + ], + [ + "æ®", + "ĸ" + ], + [ + "æ¦", + "ľ" + ], + [ + "åĵ", + "¡" + ], + [ + "ä¸Ģ", + "ä½ĵ" + ], + [ + "æŁ¥", + "çľĭ" + ], + [ + "ç¹", + "ģ" + ], + [ + "æµ", + "ĵ" + ], + [ + "åħ¬", + "å®ī" + ], + [ + "æ½", + "ľ" + ], + [ + "è´", + "¯" + ], + [ + "éª", + "Ĺ" + ], + [ + "æ", + "IJľ" + ], + [ + "å·", + "¡" + ], + [ + "è", + "¬" + ], + [ + "é", + "Ĭ" + ], + [ + "å§Ķ", + "ä¼ļ" + ], + [ + "æĤ", + "ł" + ], + [ + "åī", + "©" + ], + [ + "æı", + "Ń" + ], + [ + "åŃ£", + "度" + ], + [ + "ð", + "«ĺ" + ], + [ + "ð¬", + "¬" + ], + [ + "ä", + "´" + ], + [ + "ð", + "ª" + ], + [ + "ä½Ĩ", + "æĺ¯" + ], + [ + "éĥ½", + "æĺ¯" + ], + [ + "å¹³", + "åı°" + ], + [ + "åѦ", + "ä¹ł" + ], + [ + "åĵģ", + "çīĮ" + ], + [ + "ä¸", + "Ķ" + ], + [ + "è¿Ļ", + "ç§į" + ], + [ + "æĶ¿", + "çŃĸ" + ], + [ + "æĭ", + "¬" + ], + [ + "认", + "为" + ], + [ + "ä¸Ģ", + "èά" + ], + [ + "æłĩ", + "åĩĨ" + ], + [ + "æĶ¯", + "æĮģ" + ], + [ + "模", + "å¼ı" + ], + [ + "åħ³", + "ç³»" + ], + [ + "çļĦ", + "æĺ¯" + ], + [ + "è¿Ļ", + "ä¸Ģ" + ], + [ + "ä¸į", + "è¦ģ" + ], + [ + "çĶ", + "ļ" + ], + [ + "ç²¾", + "ç¥ŀ" + ], + [ + "æĭ", + "¥" + ], + [ + "åĪ©", + "ç͍" + ], + [ + "ä¿Ŀ", + "æĬ¤" + ], + [ + "ä½ľ", + "ç͍" + ], + [ + "èĭ", + "¥" + ], + [ + "åĽ½", + "åĨħ" + ], + [ + "ä»ĭ", + "ç»į" + ], + [ + "ä¸Ģ", + "ä¸ĭ" + ], + [ + "å·¥", + "ä¸ļ" + ], + [ + "缮", + "æłĩ" + ], + [ + "æľĢ", + "åIJİ" + ], + [ + "ä»·", + "å̼" + ], + [ + "å°", + "į" + ], + [ + "éĵ", + "ģ" + ], + [ + "è°", + "ģ" + ], + [ + "ç»ĵ", + "æŀĦ" + ], + [ + "éĽ", + "ª" + ], + [ + "æĻº", + "èĥ½" + ], + [ + "ä¼ł", + "绣" + ], + [ + "ä½ĵ", + "èĤ²" + ], + [ + "çĶŁ", + "æĢģ" + ], + [ + "æĭ", + "į" + ], + [ + "æİ", + "ª" + ], + [ + "åĨľ", + "ä¸ļ" + ], + [ + "çī¹", + "èī²" + ], + [ + "è§Ħ", + "模" + ], + [ + "æĹ¶", + "代" + ], + [ + "è¿ĩ", + "ç¨ĭ" + ], + [ + "éĴ", + "Ī" + ], + [ + "æĿ", + "¾" + ], + [ + "åĶ", + "IJ" + ], + [ + "åĮ»", + "çĸĹ" + ], + [ + "çģ", + "¯" + ], + [ + "åζ", + "éĢł" + ], + [ + "æł¸", + "å¿ĥ" + ], + [ + "ä¸į", + "åı¯" + ], + [ + "ç³»", + "åĪĹ" + ], + [ + "åIJ", + "ī" + ], + [ + "åľ", + "£" + ], + [ + "åĢ", + "ij" + ], + [ + "ä½", + "³" + ], + [ + "æĿ¥", + "çľĭ" + ], + [ + "æ¯Ķ", + "èµĽ" + ], + [ + "ä¸ĭ", + "æĿ¥" + ], + [ + "åĩº", + "äºĨ" + ], + [ + "å¹²", + "éĥ¨" + ], + [ + "å¾®", + "ä¿¡" + ], + [ + "å½ĵ", + "åľ°" + ], + [ + "åį", + "·" + ], + [ + "åį«", + "çĶŁ" + ], + [ + "ä¼", + "Ł" + ], + [ + "çĸ«", + "æĥħ" + ], + [ + "è°", + "·" + ], + [ + "åĩł", + "个" + ], + [ + "éĺ", + "´" + ], + [ + "çĶŁ", + "çī©" + ], + [ + "å°", + "¤" + ], + [ + "ä¼", + "Ĭ" + ], + [ + "èĤ", + "¯" + ], + [ + "éĿ¢", + "积" + ], + [ + "åĪĽ", + "éĢł" + ], + [ + "æı", + "¡" + ], + [ + "åľ", + "Ĩ" + ], + [ + "æĻ", + "ĵ" + ], + [ + "æĪIJ", + "äºĨ" + ], + [ + "åĩ", + "¡" + ], + [ + "çĸ", + "¾" + ], + [ + "ç«ŀ", + "äºī" + ], + [ + "è®", + "¨" + ], + [ + "主", + "é¢ĺ" + ], + [ + "é²", + "ģ" + ], + [ + "è¿", + "ª" + ], + [ + "ä¿", + "Ħ" + ], + [ + "æĢ", + "ª" + ], + [ + "ä¸", + "¦" + ], + [ + "èĻ", + "ļ" + ], + [ + "æ½", + "®" + ], + [ + "çĥ", + "§" + ], + [ + "èĢ", + "³" + ], + [ + "æ±", + "ł" + ], + [ + "éĢĤ", + "åIJĪ" + ], + [ + "æł¹", + "æľ¬" + ], + [ + "åĬł", + "缣" + ], + [ + "ç͵", + "è§Ĩ" + ], + [ + "æ·", + "·" + ], + [ + "ç¼", + "ĺ" + ], + [ + "çª", + "Ĺ" + ], + [ + "çĬ", + "¯" + ], + [ + "æĥ", + "¯" + ], + [ + "æĦı", + "ä¹ī" + ], + [ + "åĬŀ", + "æ³ķ" + ], + [ + "ä¼", + "ij" + ], + [ + "æ»", + "ij" + ], + [ + "åĭ", + "ĩ" + ], + [ + "æķ", + "¢" + ], + [ + "å¯", + "»" + ], + [ + "è¦", + "Ĩ" + ], + [ + "éĢ", + "ĥ" + ], + [ + "ç»ı", + "çIJĨ" + ], + [ + "åĿ", + "ı" + ], + [ + "æ³", + "½" + ], + [ + "ä¹", + "ĺ" + ], + [ + "åĪ", + "º" + ], + [ + "å±", + "ı" + ], + [ + "é¡", + "¿" + ], + [ + "äº", + "¡" + ], + [ + "éĤ", + "Ģ" + ], + [ + "åħ", + "¼" + ], + [ + "åĭ", + "¤" + ], + [ + "æ®", + "ĭ" + ], + [ + "æĺ", + "ł" + ], + [ + "æ¯ķ", + "ä¸ļ" + ], + [ + "æĪ", + "ª" + ], + [ + "è·", + "Į" + ], + [ + "å£", + "ģ" + ], + [ + "åı¦", + "ä¸Ģ" + ], + [ + "羣", + "å®ŀ" + ], + [ + "ç£", + "¨" + ], + [ + "è¯", + "ļ" + ], + [ + "å¿ħ", + "è¦ģ" + ], + [ + "æģ", + "ĭ" + ], + [ + "æĩ", + "Ĥ" + ], + [ + "å¾", + "Ĵ" + ], + [ + "è°", + "ĵ" + ], + [ + "æķ", + "ı" + ], + [ + "æ", + "ύ" + ], + [ + "èĥ", + "¸" + ], + [ + "æĭ", + "¼" + ], + [ + "å¦", + "Ļ" + ], + [ + "è¯", + "¸" + ], + [ + "èģ", + "Ĭ" + ], + [ + "æĤ", + "ī" + ], + [ + "éº", + "¼" + ], + [ + "åĩ", + "Ń" + ], + [ + "èĪ", + "Ĵ" + ], + [ + "æ¶", + "Ĥ" + ], + [ + "è¿", + "ģ" + ], + [ + "æ²", + "¿" + ], + [ + "å¡", + "ij" + ], + [ + "æĽ", + "¿" + ], + [ + "æ¾", + "³" + ], + [ + "å¿", + "į" + ], + [ + "èĢ", + "Ĺ" + ], + [ + "éľ", + "¸" + ], + [ + "åĩł", + "å¹´" + ], + [ + "åĪ", + "Ĭ" + ], + [ + "èĦ", + "ī" + ], + [ + "èħ", + "IJ" + ], + [ + "æ¡", + "Į" + ], + [ + "çº", + "ł" + ], + [ + "æ»", + "ļ" + ], + [ + "æĤ", + "²" + ], + [ + "åĨ", + "Ĵ" + ], + [ + "å¦", + "¹" + ], + [ + "çķ", + "ħ" + ], + [ + "çº", + "µ" + ], + [ + "æij", + "ĩ" + ], + [ + "å¤", + "º" + ], + [ + "è·¯", + "ä¸Ĭ" + ], + [ + "å¿", + "½" + ], + [ + "èĸ", + "ª" + ], + [ + "æģ", + "IJ" + ], + [ + "æĦı", + "æĢĿ" + ], + [ + "å«", + "Į" + ], + [ + "æı", + "´" + ], + [ + "æ°", + "§" + ], + [ + "èĢ", + "Ģ" + ], + [ + "éĺ", + "»" + ], + [ + "è½", + "¨" + ], + [ + "å¹", + "»" + ], + [ + "æį", + "ķ" + ], + [ + "åĿ", + "¦" + ], + [ + "åĵĪ", + "åĵĪ" + ], + [ + "çĭ", + "IJ" + ], + [ + "æ»", + "¨" + ], + [ + "è²", + "»" + ], + [ + "è¿", + "Ł" + ], + [ + "人", + "éĥ½" + ], + [ + "ç»", + "ĺ" + ], + [ + "åı", + "¹" + ], + [ + "çµ", + "IJ" + ], + [ + "æī", + "°" + ], + [ + "æ»", + "ĭ" + ], + [ + "å¥", + "ij" + ], + [ + "åĭ", + "Ł" + ], + [ + "ç¢", + "º" + ], + [ + "ð", + "¦" + ], + [ + "éĽĨ", + "åĽ¢" + ], + [ + "æĿ", + "İ" + ], + [ + "å¼Ģ", + "å±ķ" + ], + [ + "æıIJ", + "åįĩ" + ], + [ + "åħ¨", + "åĽ½" + ], + [ + "æ±½", + "车" + ], + [ + "åѦ", + "æł¡" + ], + [ + "æł¹", + "æį®" + ], + [ + "è¿Ļ", + "æĺ¯" + ], + [ + "åĩº", + "çݰ" + ], + [ + "éĻ", + "Ī" + ], + [ + "ç½", + "Ĺ" + ], + [ + "èİ·", + "å¾Ĺ" + ], + [ + "åĪ", + "ĺ" + ], + [ + "éĶĢ", + "åĶ®" + ], + [ + "æľª", + "æĿ¥" + ], + [ + "éľĢ", + "æ±Ĥ" + ], + [ + "å®ŀ", + "æĸ½" + ], + [ + "åĿļ", + "æĮģ" + ], + [ + "åħ¨", + "çIJĥ" + ], + [ + "éĵ¶", + "è¡Į" + ], + [ + "æİ§", + "åζ" + ], + [ + "é¡", + "»" + ], + [ + "åľ°", + "åĮº" + ], + [ + "æīĵ", + "éĢł" + ], + [ + "çļĦ", + "è¯Ŀ" + ], + [ + "帮", + "åĬ©" + ], + [ + "ä½ĵ", + "ç³»" + ], + [ + "è¾¾", + "åΰ" + ], + [ + "è§Ħ", + "åĪĴ" + ], + [ + "åŁ¹", + "è®Ń" + ], + [ + "两", + "个" + ], + [ + "æĬ¥", + "åijĬ" + ], + [ + "åľ°", + "æĸ¹" + ], + [ + "å®Į", + "åħ¨" + ], + [ + "æİ", + "ī" + ], + [ + "ç»ĵ", + "åIJĪ" + ], + [ + "宣", + "ä¼ł" + ], + [ + "æ³ķ", + "å¾ĭ" + ], + [ + "èīº", + "æľ¯" + ], + [ + "ç͵", + "å½±" + ], + [ + "èª", + "ª" + ], + [ + "ä¸Ģ", + "çĤ¹" + ], + [ + "è¶ħ", + "è¿ĩ" + ], + [ + "ç͵", + "åŃIJ" + ], + [ + "æĢĿ", + "æĥ³" + ], + [ + "æķĻ", + "åѦ" + ], + [ + "éĺ¶", + "段" + ], + [ + "åķĨ", + "ä¸ļ" + ], + [ + "çī©", + "æµģ" + ], + [ + "åĪĽ", + "ä¸ļ" + ], + [ + "æĸ¹", + "æ¡Ī" + ], + [ + "çݰ", + "代" + ], + [ + "æ¡", + "¥" + ], + [ + "èIJ½", + "å®ŀ" + ], + [ + "带", + "æĿ¥" + ], + [ + "产", + "çĶŁ" + ], + [ + "ç§", + "Ģ" + ], + [ + "æ³", + "°" + ], + [ + "ä¹", + "±" + ], + [ + "åħ·", + "ä½ĵ" + ], + [ + "åĸ", + "Ŀ" + ], + [ + "èĵ", + "Ŀ" + ], + [ + "å®", + "Ĺ" + ], + [ + "åįĩ", + "级" + ], + [ + "æ·±", + "åħ¥" + ], + [ + "ä¿Ŀ", + "éĻ©" + ], + [ + "ç®Ģ", + "åįķ" + ], + [ + "çĹ", + "Ľ" + ], + [ + "稳", + "å®ļ" + ], + [ + "è¾", + "Ĩ" + ], + [ + "å±ŀ", + "äºİ" + ], + [ + "å·", + "Ŀ" + ], + [ + "ä¸į", + "å°ij" + ], + [ + "åĴ", + "¨" + ], + [ + "举", + "西" + ], + [ + "å½¢", + "å¼ı" + ], + [ + "娱", + "ä¹IJ" + ], + [ + "æŃ£", + "常" + ], + [ + "é¸", + "¡" + ], + [ + "åħħ", + "åĪĨ" + ], + [ + "å®ŀ", + "è·µ" + ], + [ + "éĩĮ", + "éĿ¢" + ], + [ + "è·", + "³" + ], + [ + "èĻ", + "İ" + ], + [ + "æĪIJ", + "éķ¿" + ], + [ + "æļ", + "Ĺ" + ], + [ + "çĿ", + "¡" + ], + [ + "ç½", + "ª" + ], + [ + "çIJĨ", + "念" + ], + [ + "æĮ", + "ij" + ], + [ + "èµĦ", + "æľ¬" + ], + [ + "å¤ļ", + "å°ij" + ], + [ + "ä¸ĭ", + "éĿ¢" + ], + [ + "å¸", + "Ŀ" + ], + [ + "åħ¬", + "å¼Ģ" + ], + [ + "æ¸", + "IJ" + ], + [ + "éķ", + "·" + ], + [ + "å±", + "ĭ" + ], + [ + "欢", + "è¿İ" + ], + [ + "å¿ĥ", + "çIJĨ" + ], + [ + "çĤ", + "İ" + ], + [ + "æ¹", + "¾" + ], + [ + "è®", + "ĵ" + ], + [ + "éĤ", + "Ħ" + ], + [ + "ç³", + "ĸ" + ], + [ + "ä¹", + "Į" + ], + [ + "åĬ", + "±" + ], + [ + "çī", + "Ļ" + ], + [ + "èħ", + "¿" + ], + [ + "å²", + "Ĺ" + ], + [ + "ä¼", + "į" + ], + [ + "æĪIJ", + "åijĺ" + ], + [ + "åŃ", + "Ķ" + ], + [ + "å°ı", + "ç¼ĸ" + ], + [ + "èij", + "£" + ], + [ + "æ³", + "¡" + ], + [ + "åħĪ", + "è¿Ľ" + ], + [ + "åħ", + "§" + ], + [ + "åĺ", + "´" + ], + [ + "è´", + "Ŀ" + ], + [ + "è", + "»" + ], + [ + "æIJ", + "ŀ" + ], + [ + "æ³", + "Ľ" + ], + [ + "é¸", + "Ł" + ], + [ + "ç½", + "²" + ], + [ + "èĽ", + "ĭ" + ], + [ + "主", + "ä»»" + ], + [ + "缮", + "çļĦ" + ], + [ + "ä¹", + "ı" + ], + [ + "æ´", + "¥" + ], + [ + "æĪ", + "´" + ], + [ + "严", + "æł¼" + ], + [ + "çħ", + "¤" + ], + [ + "çĮ", + "«" + ], + [ + "åĶ", + "¯" + ], + [ + "å°", + "Ĭ" + ], + [ + "çĶ", + "ľ" + ], + [ + "åŀ", + "ĥ" + ], + [ + "åľ", + "¾" + ], + [ + "æĭ", + "Ł" + ], + [ + "çĦ", + "¦" + ], + [ + "é«", + "Ķ" + ], + [ + "å®", + "ı" + ], + [ + "æ©", + "Ł" + ], + [ + "é©", + "»" + ], + [ + "æĹ", + "ģ" + ], + [ + "å½", + "»" + ], + [ + "éĥ½", + "ä¸į" + ], + [ + "æij", + "©" + ], + [ + "ä»", + "ĵ" + ], + [ + "ä¹", + "³" + ], + [ + "å²", + "¸" + ], + [ + "è°", + "ĭ" + ], + [ + "大", + "å¤ļ" + ], + [ + "çģ", + "Ń" + ], + [ + "èħ", + "¾" + ], + [ + "æŁ", + "ľ" + ], + [ + "èĪ", + "į" + ], + [ + "åħļ", + "çļĦ" + ], + [ + "å°", + "ĺ" + ], + [ + "åįģ", + "å¹´" + ], + [ + "æĭ", + "Ĵ" + ], + [ + "è£", + "¡" + ], + [ + "æŁ", + "Ķ" + ], + [ + "å¹", + "¼" + ], + [ + "éĶ", + "ģ" + ], + [ + "ä¸ĵ", + "项" + ], + [ + "æī", + "İ" + ], + [ + "驾", + "é©¶" + ], + [ + "ç¢", + "İ" + ], + [ + "è¢", + "ĭ" + ], + [ + "éĶ", + "ĭ" + ], + [ + "å£", + "®" + ], + [ + "å°", + "ĸ" + ], + [ + "ç͵", + "æ±ł" + ], + [ + "è¿", + "Ķ" + ], + [ + "æ¼", + "ı" + ], + [ + "å¾", + "ª" + ], + [ + "èı", + "Į" + ], + [ + "èĥ", + "ĥ" + ], + [ + "è¾", + "ħ" + ], + [ + "éĢ", + "Ĵ" + ], + [ + "èĥ", + "İ" + ], + [ + "éĻ", + "ª" + ], + [ + "å¯", + "¿" + ], + [ + "å¥", + "Ķ" + ], + [ + "çĮ", + "Ľ" + ], + [ + "çº", + "¹" + ], + [ + "çŁ¥", + "åIJį" + ], + [ + "å¿", + "Ĩ" + ], + [ + "æ¡", + "ĥ" + ], + [ + "æ£", + "ĭ" + ], + [ + "éĢ", + "Ĩ" + ], + [ + "çĤ", + "¼" + ], + [ + "ç±", + "į" + ], + [ + "çī", + "§" + ], + [ + "æł·", + "çļĦ" + ], + [ + "è¾", + "Ľ" + ], + [ + "åł", + "Ĩ" + ], + [ + "å®ŀ", + "åľ¨" + ], + [ + "ä¼", + "ı" + ], + [ + "å®", + "¿" + ], + [ + "èµ", + "ı" + ], + [ + "è£", + "Ĥ" + ], + [ + "åįĬ", + "å¹´" + ], + [ + "åĢ", + "¾" + ], + [ + "满", + "æĦı" + ], + [ + "æ¢", + "¯" + ], + [ + "æĦı", + "åij³" + ], + [ + "åŃ", + "¤" + ], + [ + "ç¥", + "Ŀ" + ], + [ + "æĻ", + "¶" + ], + [ + "èµ", + "Ķ" + ], + [ + "åģ", + "¿" + ], + [ + "èĦ", + "Ĥ" + ], + [ + "ç½", + "ļ" + ], + [ + "ç¢", + "į" + ], + [ + "æ²", + "ĥ" + ], + [ + "æ", + "ĵį" + ], + [ + "å´", + "ĩ" + ], + [ + "æļ", + "Ĥ" + ], + [ + "è·", + "ĥ" + ], + [ + "æIJ", + "¬" + ], + [ + "å©", + "Ĩ" + ], + [ + "é", + "ī" + ], + [ + "éī", + "´" + ], + [ + "åħ´", + "è¶£" + ], + [ + "èIJ¥", + "ä¸ļ" + ], + [ + "è®", + "Ĭ" + ], + [ + "èĦ", + "ı" + ], + [ + "è¾", + "Ī" + ], + [ + "å·ŀ", + "å¸Ĥ" + ], + [ + "è´«", + "åĽ°" + ], + [ + "ç©", + "·" + ], + [ + "ä¸Ń", + "å°ı" + ], + [ + "æ¼", + "Ĥ" + ], + [ + "çĻ", + "Į" + ], + [ + "èľ", + "ľ" + ], + [ + "ä¼Ļ", + "ä¼´" + ], + [ + "çī", + "µ" + ], + [ + "æĤ", + "Ł" + ], + [ + "éĻ", + "·" + ], + [ + "èµĽ", + "åŃ£" + ], + [ + "æ¨", + "£" + ], + [ + "åģ", + "¶" + ], + [ + "æĺ", + "Ĩ" + ], + [ + "è¢", + "Ń" + ], + [ + "æį", + "IJ" + ], + [ + "èī", + "°" + ], + [ + "æ", + "Ĥ¬" + ], + [ + "çĶ", + "¢" + ], + [ + "èij", + "¡" + ], + [ + "çĽ", + "Ĺ" + ], + [ + "å©", + "´" + ], + [ + "å°", + "İ" + ], + [ + "çº", + "½" + ], + [ + "åĢ", + "¡" + ], + [ + "æī", + "®" + ], + [ + "è¨", + "Ń" + ], + [ + "æĬ", + "ij" + ], + [ + "ç¡", + "ķ" + ], + [ + "è¾", + "ĸ" + ], + [ + "éĥ", + "ģ" + ], + [ + "è¾", + "©" + ], + [ + "éĤ", + "»" + ], + [ + "çݰ", + "åĩº" + ], + [ + "è¦", + "ı" + ], + [ + "å½", + "¹" + ], + [ + "éĺ", + "Ķ" + ], + [ + "åī", + "µ" + ], + [ + "è¯", + "±" + ], + [ + "æĥ", + "ij" + ], + [ + "æ·", + "Ģ" + ], + [ + "é¢", + "Ī" + ], + [ + "ä¾", + "¦" + ], + [ + "æģ", + "°" + ], + [ + "æ£Ģ", + "å¯Ł" + ], + [ + "éĨ", + "«" + ], + [ + "çĦ¶", + "æĺ¯" + ], + [ + "åĭ", + "ĥ" + ], + [ + "èĮ", + "«" + ], + [ + "ä", + "ĵ" + ], + [ + "ð", + "¬¸" + ], + [ + "ä½ľ", + "为" + ], + [ + "çļĦ", + "人" + ], + [ + "éĤ£", + "ä¹Ī" + ], + [ + "ç¾İ", + "åĽ½" + ], + [ + "è¿ĺ", + "æľī" + ], + [ + "æıIJ", + "é«ĺ" + ], + [ + "èĻ", + "½" + ], + [ + "åħ·", + "æľī" + ], + [ + "åĮħ", + "æĭ¬" + ], + [ + "æĪĸ", + "èĢħ" + ], + [ + "ä¸į", + "è¿ĩ" + ], + [ + "ä¸Ĭ", + "æµ·" + ], + [ + "åĮ»", + "éĻ¢" + ], + [ + "èµĦ", + "éĩij" + ], + [ + "çĶļ", + "èĩ³" + ], + [ + "åζ", + "度" + ], + [ + "è§£", + "åĨ³" + ], + [ + "èģĶ", + "ç½ij" + ], + [ + "ç»§", + "ç»Ń" + ], + [ + "建", + "ç«ĭ" + ], + [ + "è¿Ľ", + "ä¸ĢæŃ¥" + ], + [ + "æĿIJ", + "æĸĻ" + ], + [ + "ä»Ĭ", + "天" + ], + [ + "å¿ħ", + "é¡»" + ], + [ + "åIJĦ", + "ç§į" + ], + [ + "çݰ", + "åľº" + ], + [ + "ä»ĸ", + "çļĦ" + ], + [ + "å¢ŀ", + "åĬł" + ], + [ + "é¢Ĩ", + "åŁŁ" + ], + [ + "åıĤ", + "ä¸İ" + ], + [ + "æĮģ", + "ç»Ń" + ], + [ + "ä¹ĭ", + "ä¸Ģ" + ], + [ + "çī¹", + "åĪ«" + ], + [ + "é±", + "¼" + ], + [ + "åħ±", + "åIJĮ" + ], + [ + "åĬ", + "ª" + ], + [ + "çİ", + "ī" + ], + [ + "人", + "们" + ], + [ + "åħĪ", + "çĶŁ" + ], + [ + "ä¼ĺ", + "åĬ¿" + ], + [ + "ä¿Ŀ", + "æĮģ" + ], + [ + "ä½ľ", + "åĵģ" + ], + [ + "çī", + "Ľ" + ], + [ + "æĪIJ", + "æľ¬" + ], + [ + "æĶ¶", + "åħ¥" + ], + [ + "åıĬ", + "æĹ¶" + ], + [ + "è´Ł", + "è´£" + ], + [ + "æİ¥", + "åıĹ" + ], + [ + "èį", + "IJ" + ], + [ + "åıª", + "è¦ģ" + ], + [ + "羣", + "çļĦ" + ], + [ + "导", + "èĩ´" + ], + [ + "æľº", + "åζ" + ], + [ + "è¡Į", + "åĬ¨" + ], + [ + "æĸ°", + "çļĦ" + ], + [ + "å®Į", + "åĸĦ" + ], + [ + "为", + "ä»Ģä¹Ī" + ], + [ + "ä¸Ń", + "央" + ], + [ + "æĪIJ", + "ç«ĭ" + ], + [ + "æĦŁ", + "è§ī" + ], + [ + "åıĺ", + "åĮĸ" + ], + [ + "åıĹ", + "åΰ" + ], + [ + "å¹¶", + "ä¸į" + ], + [ + "åŃ", + "Ļ" + ], + [ + "æĸ½", + "å·¥" + ], + [ + "æĺİ", + "æĺ¾" + ], + [ + "è¿ĩ", + "åİ»" + ], + [ + "åıij", + "æĮ¥" + ], + [ + "羣", + "æŃ£" + ], + [ + "åŁº", + "åľ°" + ], + [ + "æĺİ", + "ç¡®" + ], + [ + "èĥ", + "¡" + ], + [ + "许", + "å¤ļ" + ], + [ + "ä¸Ģ", + "å¹´" + ], + [ + "æĸ¹", + "åIJij" + ], + [ + "æģ", + "©" + ], + [ + "缸", + "ä¿¡" + ], + [ + "åľ", + "³" + ], + [ + "详", + "ç»Ĩ" + ], + [ + "äºĭ", + "ä¸ļ" + ], + [ + "çĶŁ", + "åij½" + ], + [ + "åĴ¨", + "询" + ], + [ + "æĸĩ", + "æĺİ" + ], + [ + "çij", + "ŀ" + ], + [ + "绿", + "èī²" + ], + [ + "èİ", + "«" + ], + [ + "æĦı", + "è¯Ĩ" + ], + [ + "æĬķ", + "åħ¥" + ], + [ + "åĬł", + "å¿«" + ], + [ + "æ¢", + "ħ" + ], + [ + "ç¿", + "»" + ], + [ + "å¼Ģ", + "æĶ¾" + ], + [ + "æĻ®", + "éĢļ" + ], + [ + "åįı", + "ä¼ļ" + ], + [ + "æĪIJ", + "绩" + ], + [ + "ä»", + "Ļ" + ], + [ + "å¯", + "Ĵ" + ], + [ + "è¯ģ", + "åΏ" + ], + [ + "认", + "è¯Ĩ" + ], + [ + "ä¸", + "¹" + ], + [ + "大", + "éĩı" + ], + [ + "è¿", + "ħ" + ], + [ + "åģļ", + "åΰ" + ], + [ + "设", + "æĸ½" + ], + [ + "è´¸", + "æĺĵ" + ], + [ + "èĥ½", + "æºIJ" + ], + [ + "æĹ¶", + "æľŁ" + ], + [ + "ä¸Ģ", + "天" + ], + [ + "æ²»", + "çIJĨ" + ], + [ + "åĺ", + "ī" + ], + [ + "å®", + "ĩ" + ], + [ + "丰", + "å¯Į" + ], + [ + "举", + "è¡Į" + ], + [ + "æĪIJ", + "æŀľ" + ], + [ + "èĤ¯", + "å®ļ" + ], + [ + "çĭ", + "Ĺ" + ], + [ + "åĬ¨", + "åĬĽ" + ], + [ + "æ£", + "®" + ], + [ + "åĩł", + "ä¹İ" + ], + [ + "åĽł", + "ç´ł" + ], + [ + "æ°ij", + "æĹı" + ], + [ + "æ´", + "ŀ" + ], + [ + "ç½ij", + "åıĭ" + ], + [ + "åIJĪ", + "çIJĨ" + ], + [ + "广", + "大" + ], + [ + "æ®", + "Ĭ" + ], + [ + "æ´", + "Ľ" + ], + [ + "æĿ", + "¯" + ], + [ + "èĴ", + "Ļ" + ], + [ + "ç͍", + "äºİ" + ], + [ + "èŀį", + "èµĦ" + ], + [ + "ç¥", + "ĸ" + ], + [ + "æľº", + "械" + ], + [ + "举", + "åĬŀ" + ], + [ + "èĩª", + "åĬ¨" + ], + [ + "åĬŀ", + "åħ¬" + ], + [ + "é»", + "ŀ" + ], + [ + "éĽ", + "Ħ" + ], + [ + "å̼", + "å¾Ĺ" + ], + [ + "çĮ", + "ª" + ], + [ + "以", + "为" + ], + [ + "æĺ", + "Į" + ], + [ + "è·Ŀ", + "离" + ], + [ + "åIJ¸", + "å¼ķ" + ], + [ + "ç»", + "ķ" + ], + [ + "éļ", + "Ĩ" + ], + [ + "计", + "ç®Ĺ" + ], + [ + "éĺŁ", + "ä¼į" + ], + [ + "大", + "ä¼ļ" + ], + [ + "å¼ķ", + "èµ·" + ], + [ + "çī¹", + "çĤ¹" + ], + [ + "èĥ", + "¶" + ], + [ + "å¹´", + "è½»" + ], + [ + "æľ¬", + "身" + ], + [ + "æľº", + "åħ³" + ], + [ + "å®ĺ", + "æĸ¹" + ], + [ + "éĥ", + "ij" + ], + [ + "æµ", + "Ļ" + ], + [ + "è§Ĵ", + "èī²" + ], + [ + "èij£", + "äºĭ" + ], + [ + "为", + "主" + ], + [ + "æĹł", + "论" + ], + [ + "ä¹ł", + "æĥ¯" + ], + [ + "æ¥", + "ļ" + ], + [ + "æĭ", + "ĵ" + ], + [ + "绣", + "计" + ], + [ + "åħ", + "Ħ" + ], + [ + "广", + "æ³Ľ" + ], + [ + "åį", + "Ģ" + ], + [ + "污", + "æŁĵ" + ], + [ + "è«", + "ĭ" + ], + [ + "èĬĤ", + "缮" + ], + [ + "ä¼", + "¦" + ], + [ + "è¦Ĩ", + "çĽĸ" + ], + [ + "èĢ", + "IJ" + ], + [ + "æī¶", + "è´«" + ], + [ + "ç»ı", + "åİĨ" + ], + [ + "éĩįè¦ģ", + "çļĦ" + ], + [ + "èĤ¡", + "举" + ], + [ + "æĭĽ", + "èģĺ" + ], + [ + "åĽĽ", + "个" + ], + [ + "æĩ", + "ī" + ], + [ + "èĥ", + "ŀ" + ], + [ + "æij", + "Ĩ" + ], + [ + "é«ĺ", + "éĢŁ" + ], + [ + "éº", + "¦" + ], + [ + "åİŁ", + "åĪĻ" + ], + [ + "èİ", + "±" + ], + [ + "æĽ´", + "好" + ], + [ + "éķ", + "ľ" + ], + [ + "åĩ", + "Į" + ], + [ + "åŀĥ", + "åľ¾" + ], + [ + "éĢ", + "²" + ], + [ + "çģ", + "°" + ], + [ + "éĵ", + "º" + ], + [ + "äºĭ", + "æķħ" + ], + [ + "çĶ", + "ĺ" + ], + [ + "空", + "æ°Ķ" + ], + [ + "é¾", + "Ħ" + ], + [ + "èı", + "²" + ], + [ + "çĵ", + "¶" + ], + [ + "æĺ", + "¨" + ], + [ + "æĹ¥", + "æĬ¥" + ], + [ + "æµ", + "®" + ], + [ + "åľ°", + "åĽ¾" + ], + [ + "åij", + "Ī" + ], + [ + "大", + "åĬĽ" + ], + [ + "ç»", + "ª" + ], + [ + "å¸", + "ħ" + ], + [ + "æľį", + "åĭĻ" + ], + [ + "ä¸į", + "éĶĻ" + ], + [ + "乡", + "æĿij" + ], + [ + "å±", + "¥" + ], + [ + "å¹³", + "æĸ¹" + ], + [ + "éĹ", + "²" + ], + [ + "æī", + "£" + ], + [ + "ç´ł", + "è´¨" + ], + [ + "èµ", + "´" + ], + [ + "éģ", + "Ń" + ], + [ + "èIJ", + "¨" + ], + [ + "èĩª", + "主" + ], + [ + "éĩij", + "å±ŀ" + ], + [ + "èī¯", + "好" + ], + [ + "两", + "å¹´" + ], + [ + "æ³", + "¥" + ], + [ + "é¢", + "ľ" + ], + [ + "ç²¾", + "彩" + ], + [ + "ä¸Ń", + "åįİ" + ], + [ + "æĻ", + "ĭ" + ], + [ + "ä¹ł", + "è¿ij" + ], + [ + "ä¹łè¿ij", + "å¹³" + ], + [ + "æĪĺ", + "士" + ], + [ + "åģļ", + "çļĦ" + ], + [ + "éª", + "ij" + ], + [ + "æ»", + "´" + ], + [ + "çĵ", + "ľ" + ], + [ + "çīĪ", + "æĿĥ" + ], + [ + "èĤ", + "ł" + ], + [ + "æľĥ", + "åĵ¡" + ], + [ + "çı", + "į" + ], + [ + "ç¨", + "®" + ], + [ + "ä", + "»¿" + ], + [ + "çī©", + "ä¸ļ" + ], + [ + "åĢĭ", + "人" + ], + [ + "å¦", + "»" + ], + [ + "ä¼", + "¸" + ], + [ + "æ±", + "Ĺ" + ], + [ + "æĹ", + "º" + ], + [ + "çIJĨ", + "æĥ³" + ], + [ + "æij", + "¸" + ], + [ + "è¿Ŀ", + "æ³ķ" + ], + [ + "å®Į", + "æķ´" + ], + [ + "åİ", + "¦" + ], + [ + "è¸", + "ı" + ], + [ + "æĸ", + "ij" + ], + [ + "æ¡", + "Ĥ" + ], + [ + "ä½ĵ", + "åζ" + ], + [ + "å¸", + "«" + ], + [ + "æĿ", + "Ĩ" + ], + [ + "æ®", + "¿" + ], + [ + "æ¯", + "ģ" + ], + [ + "é¦", + "Ī" + ], + [ + "è§Ĵ", + "度" + ], + [ + "æ¬", + "£" + ], + [ + "çĥ", + "¦" + ], + [ + "èĤ", + "º" + ], + [ + "éĩĩ", + "访" + ], + [ + "æij", + "ĺ" + ], + [ + "æĮ", + "¡" + ], + [ + "æ·", + "ĺ" + ], + [ + "åħ»", + "èĢģ" + ], + [ + "çĤ", + "¸" + ], + [ + "è¿", + "Ī" + ], + [ + "åİ", + "ī" + ], + [ + "åĿ", + "Ĭ" + ], + [ + "è¾", + "£" + ], + [ + "åĩ", + "Ŀ" + ], + [ + "æ³", + "ª" + ], + [ + "çĸ", + "ı" + ], + [ + "æİ", + "ĺ" + ], + [ + "åĥı", + "æĺ¯" + ], + [ + "éĽ", + "ķ" + ], + [ + "ç¼", + "Ŀ" + ], + [ + "èį", + "·" + ], + [ + "æį", + "·" + ], + [ + "åł", + "¡" + ], + [ + "åı¥", + "è¯Ŀ" + ], + [ + "çĸ", + "¼" + ], + [ + "æł", + "ı" + ], + [ + "éģ", + "µ" + ], + [ + "ç¢", + "³" + ], + [ + "å·¥", + "åķĨ" + ], + [ + "æIJ", + "º" + ], + [ + "åĪ", + "¥" + ], + [ + "ä¹", + "Ļ" + ], + [ + "æĹ", + "ĭ" + ], + [ + "æĥ", + "ľ" + ], + [ + "ä¸Ģ", + "大" + ], + [ + "å±Ĥ", + "次" + ], + [ + "èµ", + "ĸ" + ], + [ + "æĬ", + "¬" + ], + [ + "æ¨", + "Ĥ" + ], + [ + "è¯", + "ŀ" + ], + [ + "åħ", + "Ĵ" + ], + [ + "ç¯", + "®" + ], + [ + "èĤ", + "ĥ" + ], + [ + "å§", + "¿" + ], + [ + "æĬ", + "ļ" + ], + [ + "çĵ", + "·" + ], + [ + "ç͵", + "åĬ¨" + ], + [ + "æĸ°", + "åĨł" + ], + [ + "æ¶", + "µ" + ], + [ + "ç¢", + "ij" + ], + [ + "æ·", + "®" + ], + [ + "æĹ", + "¨" + ], + [ + "è¸", + "ª" + ], + [ + "æ¸", + "Ķ" + ], + [ + "æĦ", + "Ī" + ], + [ + "åı", + "Ķ" + ], + [ + "åįĹ", + "çľģ" + ], + [ + "ç¾", + "©" + ], + [ + "å§Ķ", + "书记" + ], + [ + "è²", + "¸" + ], + [ + "æ¶", + "Į" + ], + [ + "è«", + "ĸ" + ], + [ + "èIJ", + "Ħ" + ], + [ + "æı", + "ı" + ], + [ + "å¿", + "§" + ], + [ + "è¾", + "¦" + ], + [ + "å¦", + "Ĩ" + ], + [ + "æī", + "Ń" + ], + [ + "åij", + "µ" + ], + [ + "éģ", + "¥" + ], + [ + "è¨", + "±" + ], + [ + "ä»", + "ĩ" + ], + [ + "åįģ", + "ä¸ī" + ], + [ + "åī", + "²" + ], + [ + "èª", + "į" + ], + [ + "èĪ", + "°" + ], + [ + "é¢", + "ĩ" + ], + [ + "é¥", + "±" + ], + [ + "çĭ", + "ł" + ], + [ + "é«ĺ", + "çļĦ" + ], + [ + "çµ", + "±" + ], + [ + "æħ", + "İ" + ], + [ + "é¢", + "ģ" + ], + [ + "åIJĪ", + "éĢĤ" + ], + [ + "æµ", + "´" + ], + [ + "èµ", + "ĭ" + ], + [ + "æĬ", + "¼" + ], + [ + "å¦", + "¥" + ], + [ + "éĻ¢", + "éķ¿" + ], + [ + "èĢ", + "ķ" + ], + [ + "è¾", + "¨" + ], + [ + "æħ", + "°" + ], + [ + "åįģ", + "åĽĽ" + ], + [ + "æľ", + "µ" + ], + [ + "èĵ", + "Ħ" + ], + [ + "æŀ", + "¢" + ], + [ + "å»", + "·" + ], + [ + "æĤ", + "Ħ" + ], + [ + "æ¶", + "¯" + ], + [ + "çŁ", + "©" + ], + [ + "åŃIJ", + "éĩĮ" + ], + [ + "çĬ", + "¹" + ], + [ + "å±Ģ", + "éķ¿" + ], + [ + "é", + "IJ" + ], + [ + "å¥", + "ł" + ], + [ + "ä¼ļ", + "éķ¿" + ], + [ + "æĵ", + "ļ" + ], + [ + "ä¸į", + "åıĬ" + ], + [ + "åįģ", + "ä¹Ŀ" + ], + [ + "æ¬", + "º" + ], + [ + "èº", + "º" + ], + [ + "éĺ", + "IJ" + ], + [ + "çº", + "Į" + ], + [ + "è¨", + "»" + ], + [ + "åĨ", + "Ĭ" + ], + [ + "èŃ", + "ĺ" + ], + [ + "é«ĺ", + "çŃī" + ], + [ + "èħ", + "º" + ], + [ + "å¤", + "ķ" + ], + [ + "ç»", + "ij" + ], + [ + "åĶ", + "¤" + ], + [ + "èķ", + "´" + ], + [ + "çķ", + "ľ" + ], + [ + "æħ", + "ĭ" + ], + [ + "åı", + "Ļ" + ], + [ + "åı", + "ĥ" + ], + [ + "å³", + "¡" + ], + [ + "人", + "大" + ], + [ + "éħ", + "¿" + ], + [ + "éģ", + "©" + ], + [ + "å¥", + "¢" + ], + [ + "åı£", + "æ°Ķ" + ], + [ + "éĮ", + "Ħ" + ], + [ + "é", + "ı" + ], + [ + "åĭ", + "ĺ" + ], + [ + "è´", + "¿" + ], + [ + "éļ", + "ª" + ], + [ + "é", + "ĭ" + ], + [ + "éļ", + "¶" + ], + [ + "ð", + "¥" + ], + [ + "ð¬", + "£" + ], + [ + "ð", + "£" + ], + [ + "ð«", + "į" + ], + [ + "ð¬", + "³" + ], + [ + "ð«", + "ĵ" + ], + [ + "ð«", + "Ħ" + ], + [ + "ð«", + "Ł" + ], + [ + "ð¨", + "±" + ], + [ + "ä", + "Ĺ" + ], + [ + "以", + "åıĬ" + ], + [ + "æľī", + "éĻIJ" + ], + [ + "åij", + "¢" + ], + [ + "åIJ", + "Ĺ" + ], + [ + "çľĭ", + "åΰ" + ], + [ + "计", + "åĪĴ" + ], + [ + "è¿Ľ", + "åħ¥" + ], + [ + "缴", + "æİ¥" + ], + [ + "åĪĨ", + "æŀIJ" + ], + [ + "åıª", + "æľī" + ], + [ + "设", + "å¤ĩ" + ], + [ + "åħ¶", + "å®ŀ" + ], + [ + "åĬł", + "强" + ], + [ + "ä¸Ń", + "çļĦ" + ], + [ + "ä¿Ŀ", + "éļľ" + ], + [ + "èĢģ", + "å¸Ī" + ], + [ + "人", + "æīį" + ], + [ + "å¾Ĺ", + "åΰ" + ], + [ + "é£İ", + "éĻ©" + ], + [ + "ä¸Ģ", + "ç§į" + ], + [ + "空", + "éĹ´" + ], + [ + "æĪij", + "åĽ½" + ], + [ + "ä¹ĭ", + "åīį" + ], + [ + "ä¸ĵ", + "å®¶" + ], + [ + "æĿ", + "¨" + ], + [ + "æĹ¥", + "æľ¬" + ], + [ + "群", + "ä¼Ĺ" + ], + [ + "åıĤ", + "åĬł" + ], + [ + "æķĪ", + "æŀľ" + ], + [ + "æľī", + "åħ³" + ], + [ + "å®¶", + "åºŃ" + ], + [ + "åĮº", + "åŁŁ" + ], + [ + "åĬª", + "åĬĽ" + ], + [ + "éļı", + "çĿĢ" + ], + [ + "æĹł", + "æ³ķ" + ], + [ + "交", + "æµģ" + ], + [ + "è¡Į", + "为" + ], + [ + "æ£Ģ", + "æŁ¥" + ], + [ + "æľŁ", + "éĹ´" + ], + [ + "å¦Ĥ", + "æŃ¤" + ], + [ + "èĤ¡", + "份" + ], + [ + "å½ĵ", + "æĹ¶" + ], + [ + "è£ħ", + "å¤ĩ" + ], + [ + "åĩĨ", + "å¤ĩ" + ], + [ + "éħĴ", + "åºĹ" + ], + [ + "è¿IJ", + "åĬ¨" + ], + [ + "æıIJ", + "åĩº" + ], + [ + "å·¦", + "åı³" + ], + [ + "æİª", + "æĸ½" + ], + [ + "é£Ł", + "åĵģ" + ], + [ + "æ¶Īè´¹", + "èĢħ" + ], + [ + "åѦ", + "éĻ¢" + ], + [ + "æĮĩ", + "导" + ], + [ + "è¿IJ", + "èIJ¥" + ], + [ + "éĩį", + "大" + ], + [ + "åĨľ", + "æĿij" + ], + [ + "éĢł", + "æĪIJ" + ], + [ + "æĶ¿", + "æ²»" + ], + [ + "éĴĪ", + "对" + ], + [ + "æŃ£", + "å¼ı" + ], + [ + "åıĸ", + "å¾Ĺ" + ], + [ + "éĤ£", + "个" + ], + [ + "éĽĨ", + "ä¸Ń" + ], + [ + "åıª", + "èĥ½" + ], + [ + "å¿«", + "éĢŁ" + ], + [ + "身", + "ä½ĵ" + ], + [ + "åħļ", + "åijĺ" + ], + [ + "èģĶ", + "åIJĪ" + ], + [ + "åĬĽ", + "éĩı" + ], + [ + "éĥ½", + "æľī" + ], + [ + "æ", + "ħ§" + ], + [ + "å¡", + "Ķ" + ], + [ + "åĪ«", + "人" + ], + [ + "表", + "çݰ" + ], + [ + "æķħ", + "äºĭ" + ], + [ + "ä¸Ģ", + "åĪĩ" + ], + [ + "å°", + "ĩ" + ], + [ + "èµĦ", + "æĸĻ" + ], + [ + "åŁ¹", + "åħ»" + ], + [ + "éĺħ", + "读" + ], + [ + "æľī", + "人" + ], + [ + "èIJ¥", + "éĶĢ" + ], + [ + "çĽij", + "çĿ£" + ], + [ + "çݯ", + "ä¿Ŀ" + ], + [ + "èĢĥ", + "èĻij" + ], + [ + "æ·±", + "åľ³" + ], + [ + "严", + "éĩį" + ], + [ + "èĮĥ", + "åĽ´" + ], + [ + "å§Ķ", + "åijĺ" + ], + [ + "çĽij", + "管" + ], + [ + "ä¸ī", + "个" + ], + [ + "è£ħ", + "ä¿®" + ], + [ + "åħ¬", + "éĩĮ" + ], + [ + "åĪĨ", + "åĪ«" + ], + [ + "çIJĨ", + "è§£" + ], + [ + "éŁ", + "©" + ], + [ + "åĬł", + "å·¥" + ], + [ + "认", + "羣" + ], + [ + "ä¸į", + "好" + ], + [ + "åİ»", + "å¹´" + ], + [ + "éĻį", + "ä½İ" + ], + [ + "æľº", + "ä¼ļ" + ], + [ + "åįı", + "è®®" + ], + [ + "符", + "åIJĪ" + ], + [ + "å¢ŀ", + "强" + ], + [ + "æĬĢ", + "èĥ½" + ], + [ + "é¦ĸ", + "åħĪ" + ], + [ + "ç§", + "¦" + ], + [ + "ä¸", + "ģ" + ], + [ + "å°", + "¾" + ], + [ + "æľī", + "äºĨ" + ], + [ + "åľ°", + "产" + ], + [ + "æ¸", + "ł" + ], + [ + "æĸ¹", + "便" + ], + [ + "ç§»", + "åĬ¨" + ], + [ + "éĢŁ", + "度" + ], + [ + "å°¤", + "åħ¶" + ], + [ + "éĢļ", + "çŁ¥" + ], + [ + "åĿ", + "Ľ" + ], + [ + "éģ¿", + "åħį" + ], + [ + "æģ", + "¢" + ], + [ + "è´", + "¡" + ], + [ + "èģĮ", + "å·¥" + ], + [ + "å®ŀ", + "åĬĽ" + ], + [ + "æĺ¯ä¸Ģ", + "ç§į" + ], + [ + "åIJ¯", + "åĬ¨" + ], + [ + "çĸ¾", + "çĹħ" + ], + [ + "æĿ¥", + "äºĨ" + ], + [ + "缸", + "对" + ], + [ + "çݰ", + "å®ŀ" + ], + [ + "èŀį", + "åIJĪ" + ], + [ + "åIJĮ", + "æł·" + ], + [ + "åħ¬", + "åijĬ" + ], + [ + "çī¹", + "æ®Ĭ" + ], + [ + "ç´", + "«" + ], + [ + "ä¸ĭ", + "åİ»" + ], + [ + "ä¼ł", + "æĴŃ" + ], + [ + "æľĢ", + "好" + ], + [ + "ä¼ĺ", + "è´¨" + ], + [ + "æ²", + "Ĵ" + ], + [ + "æĮ", + "º" + ], + [ + "æĹ", + "¦" + ], + [ + "è¯", + "º" + ], + [ + "ä¸Ģ", + "åIJį" + ], + [ + "éģĵ", + "è·¯" + ], + [ + "示", + "èĮĥ" + ], + [ + "è¿ĩ", + "æĿ¥" + ], + [ + "åIJĮ", + "åѦ" + ], + [ + "é¼", + "ĵ" + ], + [ + "æĿ", + "Ń" + ], + [ + "æľ¬", + "次" + ], + [ + "åIJĮ", + "æĦı" + ], + [ + "ä¸ĸ", + "纪" + ], + [ + "ç¾", + "Ĭ" + ], + [ + "æ¬", + "²" + ], + [ + "å·¥", + "èīº" + ], + [ + "çĵ", + "¦" + ], + [ + "人", + "士" + ], + [ + "æľī", + "æīĢ" + ], + [ + "ä»İ", + "äºĭ" + ], + [ + "æľī", + "å¾Īå¤ļ" + ], + [ + "ä¸į", + "äºĨ" + ], + [ + "å²Ĺ", + "ä½į" + ], + [ + "åıĺ", + "å¾Ĺ" + ], + [ + "åĬ³", + "åĬ¨" + ], + [ + "å¤Ħ", + "äºİ" + ], + [ + "å¹³", + "åĿĩ" + ], + [ + "å½¢", + "象" + ], + [ + "å¡", + "ŀ" + ], + [ + "åħ±", + "享" + ], + [ + "çĿ", + "Ľ" + ], + [ + "åĪ©", + "润" + ], + [ + "æŃ£", + "æĺ¯" + ], + [ + "å¾Ģ", + "å¾Ģ" + ], + [ + "缸", + "æ¯Ķ" + ], + [ + "æ¨", + "ª" + ], + [ + "åĪ", + "·" + ], + [ + "æµĻ", + "æ±Ł" + ], + [ + "大", + "éĥ¨åĪĨ" + ], + [ + "å¤ļ", + "个" + ], + [ + "æĤ¨", + "çļĦ" + ], + [ + "ç͵", + "åķĨ" + ], + [ + "å¾®", + "åįļ" + ], + [ + "å§ĭ", + "ç»Ī" + ], + [ + "çĬ¯", + "罪" + ], + [ + "æĺ¯", + "åľ¨" + ], + [ + "ç»Ħ", + "åIJĪ" + ], + [ + "åİŁ", + "æĿ¥" + ], + [ + "æ¸ħ", + "æ¥ļ" + ], + [ + "åIJĦ", + "åľ°" + ], + [ + "æĦŁ", + "åıĹ" + ], + [ + "å½ĵ", + "ä¸Ń" + ], + [ + "è¶ĭ", + "åĬ¿" + ], + [ + "æĻ¯", + "åĮº" + ], + [ + "羣", + "æĺ¯" + ], + [ + "ä¾Ľ", + "åºĶ" + ], + [ + "转", + "åŀĭ" + ], + [ + "çĭ", + "Ĥ" + ], + [ + "èĨ", + "ľ" + ], + [ + "èĭ", + "Ĺ" + ], + [ + "å¿", + "ł" + ], + [ + "å¾Ī", + "大" + ], + [ + "èĤ¡", + "æĿĥ" + ], + [ + "ç¾İ", + "åħĥ" + ], + [ + "æİĴ", + "åIJį" + ], + [ + "åĬ¨", + "çī©" + ], + [ + "éĶ", + "ħ" + ], + [ + "å¢", + "¨" + ], + [ + "主", + "å¸Ń" + ], + [ + "å¾Ī", + "好" + ], + [ + "ç»Ŀ", + "对" + ], + [ + "æĿ", + "ľ" + ], + [ + "转", + "è½½" + ], + [ + "çĴ", + "ĥ" + ], + [ + "æĿij", + "æ°ij" + ], + [ + "åIJ", + "¨" + ], + [ + "åĽŃ", + "åĮº" + ], + [ + "é«ĺ", + "度" + ], + [ + "çī©", + "è´¨" + ], + [ + "è¾", + "ī" + ], + [ + "æĹ¥", + "常" + ], + [ + "æı", + "Ĵ" + ], + [ + "ä¸ī", + "å¹´" + ], + [ + "ä½ĵ", + "çݰ" + ], + [ + "æīį", + "æĺ¯" + ], + [ + "代", + "çIJĨ" + ], + [ + "ä¸į", + "管" + ], + [ + "æģ", + "Ĵ" + ], + [ + "åľ°", + "ä½į" + ], + [ + "ç²", + "®" + ], + [ + "èĸ", + "Ħ" + ], + [ + "æĺİ", + "çϽ" + ], + [ + "ä¸Ģ", + "èĩ´" + ], + [ + "æĽ", + "¼" + ], + [ + "åĵ", + "Ń" + ], + [ + "åĩ", + "¤" + ], + [ + "åĬ", + "²" + ], + [ + "æķ", + "Į" + ], + [ + "æĪĺ", + "æĸĹ" + ], + [ + "主", + "ä½ĵ" + ], + [ + "åħ¬", + "å¸ĥ" + ], + [ + "åıĤ", + "èĢĥ" + ], + [ + "èĪª", + "空" + ], + [ + "å¯", + "º" + ], + [ + "åѦ", + "ä¼ļ" + ], + [ + "åıį", + "æĺł" + ], + [ + "ç¾İ", + "丽" + ], + [ + "太", + "éĺ³" + ], + [ + "建", + "æĪIJ" + ], + [ + "æħ¢", + "æħ¢" + ], + [ + "åIJĦ", + "个" + ], + [ + "éĤ", + "¦" + ], + [ + "ç»Ħ", + "æĪIJ" + ], + [ + "ä¸ī", + "大" + ], + [ + "éĶ", + "¦" + ], + [ + "大å¤ļ", + "æķ°" + ], + [ + "æ¦Ĥ", + "念" + ], + [ + "éŃ", + "Ĥ" + ], + [ + "åħ¬", + "çĽĬ" + ], + [ + "èį", + "Ĵ" + ], + [ + "身", + "份" + ], + [ + "æ·±", + "åĪ»" + ], + [ + "åħ", + "©" + ], + [ + "ç»ı", + "åħ¸" + ], + [ + "åIJĦ", + "项" + ], + [ + "èĻ", + "ķ" + ], + [ + "è¿Ľ", + "æŃ¥" + ], + [ + "åįģ", + "äºĮ" + ], + [ + "æī§", + "æ³ķ" + ], + [ + "æĥ³", + "åΰ" + ], + [ + "æĦŁ", + "æŁĵ" + ], + [ + "åķĨ", + "åĬ¡" + ], + [ + "å°ı", + "ç»Ħ" + ], + [ + "èĶ", + "¬" + ], + [ + "çıŃ", + "åŃIJ" + ], + [ + "åIJĮ", + "å¿Ĺ" + ], + [ + "éĿ¢", + "临" + ], + [ + "çĤ", + "Ĵ" + ], + [ + "å¤ļ", + "ç§į" + ], + [ + "è§Ĥ", + "çĤ¹" + ], + [ + "åĵª", + "éĩĮ" + ], + [ + "å°", + "Ŀ" + ], + [ + "å§", + "Ĩ" + ], + [ + "èħ", + "¹" + ], + [ + "åŁİ", + "åĮº" + ], + [ + "太", + "å¤ļ" + ], + [ + "çĹħ", + "æ¯Ĵ" + ], + [ + "åľ¨", + "äºİ" + ], + [ + "æīĢ", + "è°ĵ" + ], + [ + "æĻ", + "°" + ], + [ + "æŀ", + "Ŀ" + ], + [ + "æĭ", + "ĸ" + ], + [ + "å®", + "ħ" + ], + [ + "æķ´", + "æ²»" + ], + [ + "ä½ı", + "æĪ¿" + ], + [ + "åģ", + "·" + ], + [ + "çĨ", + "Ĭ" + ], + [ + "èµ", + "ģ" + ], + [ + "æ°", + "Ľ" + ], + [ + "æł¼", + "å±Ģ" + ], + [ + "åŁºç¡Ģ", + "ä¸Ĭ" + ], + [ + "èĥ", + "Ĩ" + ], + [ + "åħ", + "½" + ], + [ + "鼶", + "åĶ®" + ], + [ + "åĿ", + "¡" + ], + [ + "女", + "åŃ©" + ], + [ + "æĴ", + "ŀ" + ], + [ + "åħ¨", + "åĬĽ" + ], + [ + "åĴ", + "ĸ" + ], + [ + "èĤ", + "©" + ], + [ + "çľ", + "ī" + ], + [ + "èĩ³", + "äºİ" + ], + [ + "åħļ", + "ç»Ħ" + ], + [ + "ä¸Ģ", + "ä»¶" + ], + [ + "æĭ", + "Ĩ" + ], + [ + "äºĭ", + "å®ŀ" + ], + [ + "åĤ", + "³" + ], + [ + "æ¹", + "ĺ" + ], + [ + "ç¶²", + "ç«Ļ" + ], + [ + "循", + "çݯ" + ], + [ + "åIJĮ", + "æ¯Ķ" + ], + [ + "æĭ", + "Ķ" + ], + [ + "åĮ»", + "èį¯" + ], + [ + "åħ»", + "æ®ĸ" + ], + [ + "åĽº", + "å®ļ" + ], + [ + "å®ŀéĻħ", + "ä¸Ĭ" + ], + [ + "è®°", + "å¾Ĺ" + ], + [ + "åĪ©", + "äºİ" + ], + [ + "æĤ", + "¦" + ], + [ + "æĭ", + "³" + ], + [ + "èĤ", + "Ŀ" + ], + [ + "æķĪ", + "çĽĬ" + ], + [ + "è©", + "²" + ], + [ + "æ°ij", + "主" + ], + [ + "çĹĩ", + "çĬ¶" + ], + [ + "é¢", + "¨" + ], + [ + "å¹¼", + "åĦ¿" + ], + [ + "å§", + "ij" + ], + [ + "æĪ", + "Ĵ" + ], + [ + "ä¸ĭ", + "çļĦ" + ], + [ + "æ¸", + "¡" + ], + [ + "å¹´", + "åºķ" + ], + [ + "è®°", + "å¿Ĩ" + ], + [ + "åIJ", + "IJ" + ], + [ + "大", + "å¹ħ" + ], + [ + "å¾", + "½" + ], + [ + "åħ¬", + "ä¼Ĺ" + ], + [ + "ä¿¡", + "å¿ĥ" + ], + [ + "çİ", + "Ľ" + ], + [ + "ä¼ļ", + "ä¸Ĭ" + ], + [ + "ä¹", + "Ķ" + ], + [ + "æijĦ", + "å½±" + ], + [ + "æ£ĭ", + "çīĮ" + ], + [ + "éĻ", + "ķ" + ], + [ + "åºĶ", + "æĢ¥" + ], + [ + "æĶ¶", + "è´¹" + ], + [ + "æİ§", + "èĤ¡" + ], + [ + "仪", + "å¼ı" + ], + [ + "çŀ", + "¬" + ], + [ + "æīĢ", + "åľ¨" + ], + [ + "ç¢", + "°" + ], + [ + "å§", + "ĵ" + ], + [ + "é¡", + "Į" + ], + [ + "æĶ¯", + "éĥ¨" + ], + [ + "使", + "åij½" + ], + [ + "çĤ", + "ī" + ], + [ + "å¯", + "Ħ" + ], + [ + "ç¿", + "¼" + ], + [ + "åľ°", + "ä¸ĭ" + ], + [ + "è¾", + "ŀ" + ], + [ + "ä¿", + "±" + ], + [ + "主", + "æĮģ" + ], + [ + "è´§", + "å¸ģ" + ], + [ + "æģ", + "¨" + ], + [ + "èĤ", + "Į" + ], + [ + "çĽ", + "Ī" + ], + [ + "éĶ", + "»" + ], + [ + "å¿Ĺ", + "æĦ¿" + ], + [ + "ç±»", + "ä¼¼" + ], + [ + "æĮ", + "ĸ" + ], + [ + "éĢ", + "»" + ], + [ + "ç¸", + "½" + ], + [ + "纪", + "念" + ], + [ + "åķ", + "¥" + ], + [ + "å¼", + "¯" + ], + [ + "åIJį", + "åŃĹ" + ], + [ + "åģ¥", + "身" + ], + [ + "çļĦ", + "å¿ĥ" + ], + [ + "é©", + "±" + ], + [ + "èĥĮ", + "åIJİ" + ], + [ + "æ³ķ", + "å¸Ī" + ], + [ + "ç²", + "Ĵ" + ], + [ + "èĥ½", + "éĩı" + ], + [ + "è¾", + "°" + ], + [ + "èī", + "³" + ], + [ + "å½", + "¼" + ], + [ + "段", + "æĹ¶éĹ´" + ], + [ + "åIJĪ", + "æ³ķ" + ], + [ + "æĵ", + "¦" + ], + [ + "ç¾", + "½" + ], + [ + "åİ", + "¨" + ], + [ + "æĪij", + "说" + ], + [ + "äºĭ", + "åĬ¡" + ], + [ + "åĩł", + "天" + ], + [ + "åħ", + "ģ" + ], + [ + "ç¼", + "´" + ], + [ + "åį", + "ĵ" + ], + [ + "两", + "ç§į" + ], + [ + "çĭ¬", + "çī¹" + ], + [ + "å¸", + "¶" + ], + [ + "éĴ", + "»" + ], + [ + "æĥ", + "©" + ], + [ + "é¢Ĩ", + "åħĪ" + ], + [ + "è¶³", + "å¤Ł" + ], + [ + "å£", + "³" + ], + [ + "æĦıåij³", + "çĿĢ" + ], + [ + "åĪĨ", + "å¸ĥ" + ], + [ + "ä¹", + "ĥ" + ], + [ + "éģ", + "ĭ" + ], + [ + "ä½", + "©" + ], + [ + "è°", + "±" + ], + [ + "çģ", + "£" + ], + [ + "èį", + "¡" + ], + [ + "è´¯", + "å½»" + ], + [ + "å¹", + "¾" + ], + [ + "ç£", + "ģ" + ], + [ + "åħ¸", + "åŀĭ" + ], + [ + "åī", + "ĩ" + ], + [ + "åĨ", + "»" + ], + [ + "æ¬", + "ł" + ], + [ + "ä¸į", + "ä¹ħ" + ], + [ + "æµ", + "¦" + ], + [ + "éŃ", + "ħ" + ], + [ + "å¼Ģ", + "äºĨ" + ], + [ + "使ç͍", + "èĢħ" + ], + [ + "è¿Ļ", + "款" + ], + [ + "å°", + "Ī" + ], + [ + "èĦ±", + "è´«" + ], + [ + "æĶ»", + "åĿļ" + ], + [ + "ç®Ĺ", + "æĺ¯" + ], + [ + "ç¨", + "Ģ" + ], + [ + "æĹł", + "人" + ], + [ + "åł", + "µ" + ], + [ + "å¥", + "ı" + ], + [ + "éĥ½", + "å¸Ĥ" + ], + [ + "åı¯", + "è§ģ" + ], + [ + "ä¸į", + "åĩº" + ], + [ + "æ", + "·»" + ], + [ + "äº", + "ı" + ], + [ + "ç¾İ", + "好" + ], + [ + "èĥ", + "ĸ" + ], + [ + "éŁ", + "µ" + ], + [ + "æłĩ", + "å¿Ĺ" + ], + [ + "èĬĤ", + "èĥ½" + ], + [ + "æĬ", + "«" + ], + [ + "å°", + "º" + ], + [ + "å¯", + "¸" + ], + [ + "ä¸Ģ", + "代" + ], + [ + "é¢", + "Ĺ" + ], + [ + "èĢ", + "¶" + ], + [ + "èĴ", + "¸" + ], + [ + "åĸ", + "®" + ], + [ + "æ", + "»¿" + ], + [ + "çĮ", + "ľ" + ], + [ + "æµ", + "Ĩ" + ], + [ + "åŁ", + "ĥ" + ], + [ + "åįĥ", + "ä¸ĩ" + ], + [ + "èµ", + "Į" + ], + [ + "èģ", + "²" + ], + [ + "ä½ľ", + "é£İ" + ], + [ + "è³", + "ª" + ], + [ + "å¯", + "¨" + ], + [ + "å¹´", + "人" + ], + [ + "åį°", + "象" + ], + [ + "æ¡", + "¶" + ], + [ + "æĴ", + "¤" + ], + [ + "åįģ", + "äºĶ" + ], + [ + "æ¯", + "ħ" + ], + [ + "æ²", + "ª" + ], + [ + "åĽ½", + "æľī" + ], + [ + "大éĩı", + "çļĦ" + ], + [ + "å¾", + "¡" + ], + [ + "å¯", + "ĵ" + ], + [ + "è¦", + "ĸ" + ], + [ + "æ¼Ĥ", + "亮" + ], + [ + "çľ", + "ł" + ], + [ + "ç", + "ĤŃ" + ], + [ + "é»", + "İ" + ], + [ + "èĻ", + "¹" + ], + [ + "åĪ©", + "äºļ" + ], + [ + "èŃ", + "ī" + ], + [ + "æµ", + "ı" + ], + [ + "åįģ", + "åħ«" + ], + [ + "ä¸", + "¢" + ], + [ + "è¾", + "½" + ], + [ + "æľīä¸Ģ", + "äºĽ" + ], + [ + "æħ", + "Ī" + ], + [ + "åģľ", + "车" + ], + [ + "å®", + "ł" + ], + [ + "è§£", + "æĶ¾" + ], + [ + "æľī", + "å¤ļ" + ], + [ + "éĤ", + "Ĭ" + ], + [ + "常", + "è§ģ" + ], + [ + "æĬ", + "¹" + ], + [ + "çº", + "¤" + ], + [ + "è¦", + "ª" + ], + [ + "æ¡", + "Ĩ" + ], + [ + "èİ", + "ŀ" + ], + [ + "æ°§", + "åĮĸ" + ], + [ + "è¿Ļ", + "ä»¶" + ], + [ + "åĩ", + "°" + ], + [ + "æŁ", + "´" + ], + [ + "åıij", + "ç͵" + ], + [ + "é¼", + "ł" + ], + [ + "转", + "åĮĸ" + ], + [ + "å¨", + "ĥ" + ], + [ + "æĮ", + "¤" + ], + [ + "ç½", + "©" + ], + [ + "å¯Ĩ", + "åĪĩ" + ], + [ + "æĪij", + "ä¸į" + ], + [ + "é«ĺ", + "æĸ°" + ], + [ + "ä¸Ģ", + "ç¯ĩ" + ], + [ + "è¿Ľ", + "ç¨ĭ" + ], + [ + "è¡", + "°" + ], + [ + "è¿ĺ", + "ä¸į" + ], + [ + "ç", + "ħĮ" + ], + [ + "æĸ°", + "åįİ" + ], + [ + "èĤ", + "¿" + ], + [ + "æ»", + "©" + ], + [ + "ä¸Ģ", + "æµģ" + ], + [ + "è¯", + "Ī" + ], + [ + "å®ŀ", + "ä½ĵ" + ], + [ + "å¤ĸ", + "åĽ½" + ], + [ + "èº", + "²" + ], + [ + "èµ", + "ł" + ], + [ + "è¦", + "º" + ], + [ + "æ¢", + "Ŀ" + ], + [ + "ä¸į", + "è§ģ" + ], + [ + "è¨", + "Ĭ" + ], + [ + "åĮ", + "¹" + ], + [ + "åį", + "µ" + ], + [ + "çĩ", + "¥" + ], + [ + "æħ", + "ķ" + ], + [ + "é½", + "¿" + ], + [ + "å®", + "´" + ], + [ + "é¥", + "¼" + ], + [ + "èij¡", + "èIJĦ" + ], + [ + "å°ı", + "å¿ĥ" + ], + [ + "æģ", + "¼" + ], + [ + "éĻ", + "Į" + ], + [ + "æĺ", + "Ĥ" + ], + [ + "åĥ", + "¹" + ], + [ + "èĬ", + "Ŀ" + ], + [ + "æ¯ı", + "个人" + ], + [ + "åīį", + "æıIJ" + ], + [ + "ä½ĵ", + "ä¼ļ" + ], + [ + "æ¨", + "Ļ" + ], + [ + "æIJľ", + "çĭIJ" + ], + [ + "对", + "åħ¶" + ], + [ + "ä¸", + "§" + ], + [ + "èľ", + "Ĥ" + ], + [ + "æµ", + "¸" + ], + [ + "èª", + "¿" + ], + [ + "åĿ", + "ª" + ], + [ + "é¢", + "ĸ" + ], + [ + "åIJį", + "为" + ], + [ + "ç¬", + "¼" + ], + [ + "èĪ", + "Į" + ], + [ + "æľ¬", + "书" + ], + [ + "èģ", + "¯" + ], + [ + "çº", + "º" + ], + [ + "ç®Ģ", + "缴" + ], + [ + "éĽ", + "¢" + ], + [ + "ç¾İ", + "çļĦ" + ], + [ + "éļ", + "¨" + ], + [ + "é«ĺ", + "å³°" + ], + [ + "è¿Ļ", + "å®¶" + ], + [ + "å", + "Ĥ¬" + ], + [ + "å°", + "¸" + ], + [ + "ç¡ķ", + "士" + ], + [ + "èŃ", + "·" + ], + [ + "è°", + "¨" + ], + [ + "æĺ", + "ı" + ], + [ + "æĶ¿", + "åįı" + ], + [ + "è¡", + "Ķ" + ], + [ + "ç¿", + "Ĵ" + ], + [ + "åľ", + "Ĵ" + ], + [ + "åĽ½", + "æ°ij" + ], + [ + "主", + "è§Ĵ" + ], + [ + "è£", + "ķ" + ], + [ + "ä¼", + "ª" + ], + [ + "åº", + "ŀ" + ], + [ + "æ°ij", + "èIJ¥" + ], + [ + "æĥ", + "§" + ], + [ + "ç§ĺ", + "书" + ], + [ + "çĹ", + "ķ" + ], + [ + "çϾ", + "åĪĨ" + ], + [ + "æº", + "¶" + ], + [ + "æĹł", + "çĸij" + ], + [ + "çļĦ", + "çľ¼" + ], + [ + "æĵ", + "İ" + ], + [ + "ä¼Ł", + "大" + ], + [ + "å½", + "°" + ], + [ + "åħ¬å®ī", + "å±Ģ" + ], + [ + "ç³", + "ķ" + ], + [ + "å¼", + "¥" + ], + [ + "åĤ", + "Ļ" + ], + [ + "ä¹", + "¾" + ], + [ + "毫", + "ä¸į" + ], + [ + "注", + "æĺİ" + ], + [ + "åī¯", + "æĢ»" + ], + [ + "æĦ", + "ī" + ], + [ + "æķ", + "¦" + ], + [ + "é¦", + "¨" + ], + [ + "æĶ", + "Ģ" + ], + [ + "éĢ", + "Ŀ" + ], + [ + "åı¯", + "éĿł" + ], + [ + "å¤", + "¸" + ], + [ + "åľ", + "ĺ" + ], + [ + "éĿ¢", + "ä¸Ĭ" + ], + [ + "æĬ", + "ĸ" + ], + [ + "èĦ", + "Ĩ" + ], + [ + "é©", + "°" + ], + [ + "ä¼", + "IJ" + ], + [ + "å¦", + "¨" + ], + [ + "å®ļ", + "äºĨ" + ], + [ + "ç³", + "Ĭ" + ], + [ + "æŃ", + "¡" + ], + [ + "éĥ¨", + "éķ¿" + ], + [ + "ç§", + "ī" + ], + [ + "èĪ", + "Ĩ" + ], + [ + "åĪij", + "äºĭ" + ], + [ + "åIJ", + "µ" + ], + [ + "æ¤", + "Ĵ" + ], + [ + "è¡", + "ĵ" + ], + [ + "è±", + "«" + ], + [ + "èı", + "©" + ], + [ + "åŃ", + "µ" + ], + [ + "é¥", + "²" + ], + [ + "å°±", + "好" + ], + [ + "åł", + "ª" + ], + [ + "ä¸ī", + "è§Ĵ" + ], + [ + "åľº", + "æ¯ĶèµĽ" + ], + [ + "ä¸į", + "åģľ" + ], + [ + "æĵ", + "ħ" + ], + [ + "åħ¨", + "æĸĩ" + ], + [ + "æ³", + "ģ" + ], + [ + "åѦ", + "ä½į" + ], + [ + "æ±", + "°" + ], + [ + "éł", + "ĺ" + ], + [ + "åı", + "ł" + ], + [ + "éļ", + "Ľ" + ], + [ + "å¸", + "IJ" + ], + [ + "çľĭ", + "åĩº" + ], + [ + "åĮ", + "ł" + ], + [ + "å±Ģ", + "éĿ¢" + ], + [ + "æ³", + "Į" + ], + [ + "è°", + "Ĭ" + ], + [ + "åIJĮ", + "æľŁ" + ], + [ + "æĬķ", + "æłĩ" + ], + [ + "å¥", + "´" + ], + [ + "æĿ¥çľĭ", + "çľĭ" + ], + [ + "èĦ", + "¾" + ], + [ + "èŀ", + "º" + ], + [ + "æŃ", + "ī" + ], + [ + "çĽ", + "¯" + ], + [ + "ç¨İ", + "åĬ¡" + ], + [ + "å»", + "Ĭ" + ], + [ + "æİ", + "©" + ], + [ + "æħ", + "¨" + ], + [ + "çĽ", + "¼" + ], + [ + "èĬ", + "Ĵ" + ], + [ + "è®", + "Ģ" + ], + [ + "æĮ", + "£" + ], + [ + "èĮ", + "ħ" + ], + [ + "æĸ", + "¥" + ], + [ + "æ¤", + "ħ" + ], + [ + "åΰ", + "æĿ¥" + ], + [ + "èijĹ", + "ä½ľ" + ], + [ + "çĭ", + "±" + ], + [ + "äºĮ", + "æīĭ" + ], + [ + "ä»İ", + "æĿ¥" + ], + [ + "çĸ", + "²" + ], + [ + "åºĬ", + "ä¸Ĭ" + ], + [ + "æĸ°", + "浪" + ], + [ + "æ³", + "Ħ" + ], + [ + "å¢ŀ", + "å̼" + ], + [ + "ä¸", + "Ľ" + ], + [ + "æļ", + "ij" + ], + [ + "ä»İ", + "ä¸ļ" + ], + [ + "æ·", + "ĭ" + ], + [ + "å¤ļ", + "æł·" + ], + [ + "æľ", + "´" + ], + [ + "份", + "é¢Ŀ" + ], + [ + "æŀ", + "£" + ], + [ + "西", + "çľģ" + ], + [ + "æľ¬", + "è´¨" + ], + [ + "æ·±", + "æ·±" + ], + [ + "èī", + "ĩ" + ], + [ + "ç»", + "µ" + ], + [ + "产", + "å̼" + ], + [ + "æ¼", + "ł" + ], + [ + "èħ", + "»" + ], + [ + "çŃ", + "Ľ" + ], + [ + "åİ", + "Į" + ], + [ + "æģ", + "Ń" + ], + [ + "å«Į", + "çĸij" + ], + [ + "æĪ", + "¶" + ], + [ + "æ»", + "ŀ" + ], + [ + "èĨ", + "Ģ" + ], + [ + "åĬ", + "£" + ], + [ + "座", + "è°Ī" + ], + [ + "常", + "æĢģ" + ], + [ + "çļĦ", + "æĥħ" + ], + [ + "è¦", + "½" + ], + [ + "å¯", + "Ĥ" + ], + [ + "åĮ", + "Ĩ" + ], + [ + "èĩ", + "º" + ], + [ + "é¡", + "¯" + ], + [ + "çķ", + "ı" + ], + [ + "éģ", + "£" + ], + [ + "åį", + "ľ" + ], + [ + "çŃī", + "å¥ĸ" + ], + [ + "è²", + "¬" + ], + [ + "æº", + "¯" + ], + [ + "é", + "İ" + ], + [ + "çĤ¹", + "头" + ], + [ + "èĵ", + "¬" + ], + [ + "æ±", + "º" + ], + [ + "éħ", + "¬" + ], + [ + "éģ", + "Ĭ" + ], + [ + "è³", + "¼" + ], + [ + "註", + "åĨĬ" + ], + [ + "æľ¬", + "æĬ¥" + ], + [ + "çµ", + "ķ" + ], + [ + "æ´»", + "æĢ§" + ], + [ + "åħ", + "ij" + ], + [ + "éĮ", + "¯" + ], + [ + "åĨ", + "¶" + ], + [ + "åĸ", + "»" + ], + [ + "æº", + "ĸ" + ], + [ + "èĤ", + "¢" + ], + [ + "æº", + "ĥ" + ], + [ + "æĹ", + "¬" + ], + [ + "åī", + "Ĭ" + ], + [ + "çIJĨ", + "äºĭ" + ], + [ + "å±", + "ł" + ], + [ + "æ²", + "§" + ], + [ + "èļ", + "Ģ" + ], + [ + "鼻", + "åŃIJ" + ], + [ + "为", + "æŃ¢" + ], + [ + "常", + "å§Ķ" + ], + [ + "çµ", + "Ĥ" + ], + [ + "éĬ", + "·" + ], + [ + "çĭ", + "Ģ" + ], + [ + "ä¾", + "£" + ], + [ + "èĥ", + "Ģ" + ], + [ + "èŃ", + "°" + ], + [ + "ç͍", + "车" + ], + [ + "åĻ", + "ª" + ], + [ + "æŃ", + "·" + ], + [ + "åį", + "Ķ" + ], + [ + "åĪ", + "¹" + ], + [ + "竣", + "æĺ¯" + ], + [ + "é©", + "Ĺ" + ], + [ + "èIJ", + "Ŀ" + ], + [ + "çĻ", + "«" + ], + [ + "çĹ", + "«" + ], + [ + "æŃ", + "§" + ], + [ + "å¼", + "Ĭ" + ], + [ + "åª", + "½" + ], + [ + "çı", + "Ĭ" + ], + [ + "è¡", + "·" + ], + [ + "éľ", + "ī" + ], + [ + "åŁº", + "çĿ£" + ], + [ + "éļ", + "±" + ], + [ + "æ°", + "¨" + ], + [ + "ç»", + "¸" + ], + [ + "å°¼", + "æĸ¯" + ], + [ + "çĥ", + "ĺ" + ], + [ + "æľŁ", + "åĨħ" + ], + [ + "è°", + "ħ" + ], + [ + "éĽ", + "ĩ" + ], + [ + "éļ", + "Ļ" + ], + [ + "å", + "ĸī" + ], + [ + "åī", + "¥" + ], + [ + "çĹ", + "ĺ" + ], + [ + "æĮ", + "½" + ], + [ + "çĵ", + "£" + ], + [ + "æ¹", + "Ľ" + ], + [ + "æ¨", + "±" + ], + [ + "æ¾", + "İ" + ], + [ + "æ¹", + "ĥ" + ], + [ + "åĨ¬", + "奥" + ], + [ + "æ£", + "µ" + ], + [ + "å®", + "°" + ], + [ + "åŀ", + "Ĵ" + ], + [ + "æ§", + "ĭ" + ], + [ + "ä¾", + "Ī" + ], + [ + "èĮ", + "Ħ" + ], + [ + "åĺ", + "¿" + ], + [ + "èı", + "ĩ" + ], + [ + "ç", + "ĻĤ" + ], + [ + "åĬ", + "ĥ" + ], + [ + "é", + "į" + ], + [ + "èĶ", + "½" + ], + [ + "çŀ", + "Ń" + ], + [ + "æķ", + "ŀ" + ], + [ + "ä¹", + "ĸ" + ], + [ + "éŁ", + "§" + ], + [ + "è¾", + "ľ" + ], + [ + "æĩ", + "Ī" + ], + [ + "ä½", + "£" + ], + [ + "çŀ", + "»" + ], + [ + "åŁ", + "Ķ" + ], + [ + "èĪ", + "ħ" + ], + [ + "å®ŀ", + "äºĭ" + ], + [ + "é", + "¨" + ], + [ + "å§", + "¥" + ], + [ + "çµ", + "¡" + ], + [ + "åĺ", + "»" + ], + [ + "çķ", + "¢" + ], + [ + "æ²ĥ", + "å°Ķ" + ], + [ + "è¿", + "Ħ" + ], + [ + "èĤ", + "ĩ" + ], + [ + "æħ", + "ij" + ], + [ + "ã", + "§" + ], + [ + "ä", + "ı" + ], + [ + "ð", + "ł" + ], + [ + "ð¬", + "ĩ" + ], + [ + "ð«", + "Ń" + ], + [ + "ð«", + "IJ" + ], + [ + "ã", + "³" + ], + [ + "©", + "½" + ], + [ + "ð«", + "ł" + ], + [ + "ã", + "Ľ" + ], + [ + "ð¬", + "į" + ], + [ + "é", + "¿" + ], + [ + "ð¬", + "Ĵ" + ], + [ + "ã", + "Ļ" + ], + [ + "ð¬", + "¤" + ], + [ + "ð", + "¬´" + ], + [ + "ð«", + "ĸ" + ], + [ + "ð", + "¤" + ], + [ + "ã", + "¬" + ], + [ + "ä", + "²" + ], + [ + "ð«", + "Ķ" + ], + [ + "ð«", + "ļ" + ], + [ + "è¦ģ", + "æ±Ĥ" + ], + [ + "ä¸Ģ", + "äºĽ" + ], + [ + "å®ŀ", + "çݰ" + ], + [ + "èĢĮ", + "ä¸Ķ" + ], + [ + "åĽł", + "æŃ¤" + ], + [ + "çͱ", + "äºİ" + ], + [ + "åħ³", + "äºİ" + ], + [ + "çĦ¶", + "åIJİ" + ], + [ + "æİ¨", + "åĬ¨" + ], + [ + "ä¸Ģ", + "æł·" + ], + [ + "æĮī", + "çħ§" + ], + [ + "è¿Ļæł·", + "çļĦ" + ], + [ + "å½¢", + "æĪIJ" + ], + [ + "æľī", + "äºĽ" + ], + [ + "æĽ´", + "åĬł" + ], + [ + "ç»ı", + "è¿ĩ" + ], + [ + "建", + "è®®" + ], + [ + "æ²»", + "çĸĹ" + ], + [ + "ä½ł", + "们" + ], + [ + "æīį", + "èĥ½" + ], + [ + "ä¿ĥ", + "è¿Ľ" + ], + [ + "åijĺ", + "å·¥" + ], + [ + "ä½ĵ", + "éªĮ" + ], + [ + "èĪ", + "ĩ" + ], + [ + "åģļ", + "好" + ], + [ + "ä¿Ŀ", + "è¯ģ" + ], + [ + "æķ´", + "个" + ], + [ + "æĺ¯", + "ä¸Ģ个" + ], + [ + "éĩĩ", + "ç͍" + ], + [ + "çIJĨ", + "论" + ], + [ + "æ¯Ķ", + "å¦Ĥ" + ], + [ + "ä¸Ĭ", + "çļĦ" + ], + [ + "æİ¨", + "èįIJ" + ], + [ + "çͳ", + "请" + ], + [ + "天", + "空" + ], + [ + "éĥ¨", + "èIJ½" + ], + [ + "åįģ", + "åĪĨ" + ], + [ + "æĿ¥", + "èĩª" + ], + [ + "ä¹ĭ", + "éĹ´" + ], + [ + "è°ĥ", + "æķ´" + ], + [ + "æ¯ı", + "天" + ], + [ + "è°ĥ", + "æŁ¥" + ], + [ + "æĤ£", + "èĢħ" + ], + [ + "è¿ĩç¨ĭ", + "ä¸Ń" + ], + [ + "é¦Ļ", + "港" + ], + [ + "广", + "åijĬ" + ], + [ + "éĿ¢", + "对" + ], + [ + "满", + "è¶³" + ], + [ + "éķ¿", + "æľŁ" + ], + [ + "è§Ħ", + "èĮĥ" + ], + [ + "æķ´", + "ä½ĵ" + ], + [ + "æĶ¹", + "åıĺ" + ], + [ + "æĻº", + "æħ§" + ], + [ + "å¦Ī", + "å¦Ī" + ], + [ + "å¦Ĥ", + "ä»Ĭ" + ], + [ + "åIJĪ", + "åIJĮ" + ], + [ + "éĥ½", + "ä¼ļ" + ], + [ + "åĦ¿", + "ç«¥" + ], + [ + "åĩı", + "å°ij" + ], + [ + "éŁ³", + "ä¹IJ" + ], + [ + "ç»ı", + "常" + ], + [ + "ä¸Ĭ", + "å¸Ĥ" + ], + [ + "ä¼ĺ", + "ç§Ģ" + ], + [ + "çļĦ", + "éĩįè¦ģ" + ], + [ + "ä¸Ģ", + "æĿ¡" + ], + [ + "æµ·", + "å¤ĸ" + ], + [ + "åı¦", + "å¤ĸ" + ], + [ + "ä¸Ģ", + "å®¶" + ], + [ + "åİĭ", + "åĬĽ" + ], + [ + "大", + "åŀĭ" + ], + [ + "çľĭ", + "çĿĢ" + ], + [ + "åĪ", + "Ģ" + ], + [ + "幸", + "ç¦ı" + ], + [ + "æİ¨", + "广" + ], + [ + "åIJ", + "Ľ" + ], + [ + "å¾", + "IJ" + ], + [ + "æī¾", + "åΰ" + ], + [ + "äºİ", + "æĺ¯" + ], + [ + "èĩª", + "身" + ], + [ + "ä¸Ģ", + "ä½į" + ], + [ + "åľŁ", + "åľ°" + ], + [ + "åĬł", + "åħ¥" + ], + [ + "æİ¢", + "ç´¢" + ], + [ + "æ¢", + "ģ" + ], + [ + "主", + "åĬ¨" + ], + [ + "å°±", + "ä¸ļ" + ], + [ + "女", + "æĢ§" + ], + [ + "çªģ", + "çł´" + ], + [ + "ä¸įåIJĮ", + "çļĦ" + ], + [ + "è¿IJ", + "è¾ĵ" + ], + [ + "èĩª", + "çͱ" + ], + [ + "å±ħ", + "æ°ij" + ], + [ + "æŃ¤", + "次" + ], + [ + "çļĦ", + "æĹ¶éĹ´" + ], + [ + "å®¶", + "éķ¿" + ], + [ + "ä¸Ģ个", + "人" + ], + [ + "æ£Ģ", + "æµĭ" + ], + [ + "åĨħ", + "éĥ¨" + ], + [ + "广", + "å·ŀ" + ], + [ + "缴", + "æĴŃ" + ], + [ + "ä»İ", + "èĢĮ" + ], + [ + "è´·", + "款" + ], + [ + "åı¬", + "å¼Ģ" + ], + [ + "æĶ¹", + "éĢł" + ], + [ + "人", + "çĶŁ" + ], + [ + "å±ķ", + "示" + ], + [ + "æ¯ı", + "å¹´" + ], + [ + "女", + "人" + ], + [ + "çļĦ", + "æĸ¹å¼ı" + ], + [ + "æķĪ", + "çİĩ" + ], + [ + "å±±", + "举" + ], + [ + "æ¸ł", + "éģĵ" + ], + [ + "ä¼¼", + "ä¹İ" + ], + [ + "æ¡Ī", + "ä»¶" + ], + [ + "åĪ©", + "çĽĬ" + ], + [ + "çľĭ", + "çľĭ" + ], + [ + "å¿ĥ", + "éĩĮ" + ], + [ + "ç»´", + "æĬ¤" + ], + [ + "å®Ŀ", + "å®Ŀ" + ], + [ + "ç½ij", + "ä¸Ĭ" + ], + [ + "论", + "åĿĽ" + ], + [ + "å°±", + "åı¯ä»¥" + ], + [ + "ä¸į", + "è¶³" + ], + [ + "æģ¢", + "å¤į" + ], + [ + "å¸ĥ", + "å±Ģ" + ], + [ + "è´¡", + "çĮ®" + ], + [ + "ä¸ĭ", + "éĻį" + ], + [ + "æİĮ", + "æı¡" + ], + [ + "çļ®", + "èĤ¤" + ], + [ + "å·¥", + "åħ·" + ], + [ + "éĩį", + "åºĨ" + ], + [ + "åĵģ", + "è´¨" + ], + [ + "æİ¨", + "åĩº" + ], + [ + "çĶ·", + "人" + ], + [ + "æī¿", + "æĭħ" + ], + [ + "çªģ", + "åĩº" + ], + [ + "èĢĮ", + "è¨Ģ" + ], + [ + "æ²", + "Ł" + ], + [ + "åįı", + "è°ĥ" + ], + [ + "æĺ¯", + "ä»Ģä¹Ī" + ], + [ + "æ±", + "¤" + ], + [ + "æĴ", + "ij" + ], + [ + "çĭ¬", + "ç«ĭ" + ], + [ + "çݯ", + "èĬĤ" + ], + [ + "æī©", + "大" + ], + [ + "æ´", + "ª" + ], + [ + "æĿ", + "°" + ], + [ + "çĽ", + "IJ" + ], + [ + "ä»", + "ģ" + ], + [ + "æ¶ī", + "åıĬ" + ], + [ + "èĢģ", + "人" + ], + [ + "åį³", + "使" + ], + [ + "åįĹ", + "京" + ], + [ + "éħį", + "åIJĪ" + ], + [ + "é¬", + "¼" + ], + [ + "çζ", + "亲" + ], + [ + "ç½Ĺ", + "æĸ¯" + ], + [ + "å°ı", + "åĮº" + ], + [ + "æķĻ", + "æİĪ" + ], + [ + "åĨ³", + "çŃĸ" + ], + [ + "é¢Ħ", + "计" + ], + [ + "æľ¬", + "人" + ], + [ + "ä¼", + "¯" + ], + [ + "ç«", + "¹" + ], + [ + "åΰ", + "åºķ" + ], + [ + "å¸Ĥ", + "æ°ij" + ], + [ + "åĩº", + "åı£" + ], + [ + "éĩĩ", + "è´Ń" + ], + [ + "æĢ»", + "ç»ĵ" + ], + [ + "æŃ¦", + "æ±ī" + ], + [ + "åĬł", + "大" + ], + [ + "广", + "举" + ], + [ + "æµģ", + "ç¨ĭ" + ], + [ + "人", + "åı£" + ], + [ + "å¦Ĥæŀľ", + "ä½ł" + ], + [ + "åĩº", + "åİ»" + ], + [ + "åĩ", + "ī" + ], + [ + "åĨľ", + "æ°ij" + ], + [ + "çݰ", + "象" + ], + [ + "åĬĽ", + "度" + ], + [ + "ç»Ļ", + "äºĪ" + ], + [ + "åħļ", + "å§Ķ" + ], + [ + "è¯Ń", + "è¨Ģ" + ], + [ + "线", + "ä¸Ĭ" + ], + [ + "æĢİ", + "æł·" + ], + [ + "åĦ¿", + "åŃIJ" + ], + [ + "ç¡®", + "å®ŀ" + ], + [ + "ä¹ĭ", + "å¤ĸ" + ], + [ + "éĥ½", + "åľ¨" + ], + [ + "èī", + "¾" + ], + [ + "çļĦ", + "æĥħåĨµ" + ], + [ + "éĩĮ", + "çļĦ" + ], + [ + "åĽ´", + "ç»ķ" + ], + [ + "æĽ´å¤ļ", + "çļĦ" + ], + [ + "ä¾Ŀ", + "æ³ķ" + ], + [ + "åħ¬", + "åĽŃ" + ], + [ + "å®¶", + "éĩĮ" + ], + [ + "æ¯į", + "亲" + ], + [ + "ä¸į", + "åĨį" + ], + [ + "èĭ", + "¹" + ], + [ + "æ³ķ", + "éĻ¢" + ], + [ + "飩", + "åĽ½" + ], + [ + "缸", + "å½ĵ" + ], + [ + "ä¸į", + "çŁ¥" + ], + [ + "è¯Ħ", + "ä¼°" + ], + [ + "ä¸į", + "ç͍" + ], + [ + "顺", + "åĪ©" + ], + [ + "éĩį", + "è§Ĩ" + ], + [ + "è´¢", + "åĬ¡" + ], + [ + "ä»ĸ", + "åĢij" + ], + [ + "åıij", + "è¡Į" + ], + [ + "ä¸ĵ", + "éŨ" + ], + [ + "åħ·", + "å¤ĩ" + ], + [ + "å¹¶", + "ä¸įæĺ¯" + ], + [ + "è¶³", + "çIJĥ" + ], + [ + "é", + "ŀĭ" + ], + [ + "åıij", + "表" + ], + [ + "æ°¸", + "è¿ľ" + ], + [ + "èIJ¥", + "åħ»" + ], + [ + "éħį", + "å¥Ĺ" + ], + [ + "æķ´", + "åIJĪ" + ], + [ + "è´", + "º" + ], + [ + "åĽŀ", + "çŃĶ" + ], + [ + "æĶ¶", + "çĽĬ" + ], + [ + "ä¹Ł", + "许" + ], + [ + "è»", + "Ĭ" + ], + [ + "æİ¥", + "触" + ], + [ + "æĶ»", + "åĩ»" + ], + [ + "åĽĽ", + "å·Ŀ" + ], + [ + "æĢ§", + "èĥ½" + ], + [ + "åĽŀ", + "åΰ" + ], + [ + "èħ", + "°" + ], + [ + "ä¹Ł", + "没æľī" + ], + [ + "å¼", + "Ħ" + ], + [ + "设", + "ç«ĭ" + ], + [ + "éĺ²", + "æİ§" + ], + [ + "æĬĢ", + "å·§" + ], + [ + "éĢļ", + "常" + ], + [ + "è´¢", + "æĶ¿" + ], + [ + "éĥ¨", + "ç½²" + ], + [ + "åľº", + "æĻ¯" + ], + [ + "æ±Ł", + "èĭı" + ], + [ + "表", + "è¾¾" + ], + [ + "åĸ", + "·" + ], + [ + "女", + "åĦ¿" + ], + [ + "èĪ", + "¶" + ], + [ + "çµ", + "¦" + ], + [ + "ä¼ļ", + "åijĺ" + ], + [ + "æĪĸ", + "许" + ], + [ + "äº", + "©" + ], + [ + "举", + "æĸ¹" + ], + [ + "天", + "æ´¥" + ], + [ + "è¿ij", + "å¹´" + ], + [ + "çľĭ", + "æĿ¥" + ], + [ + "æ¯Ķ", + "ä¾ĭ" + ], + [ + "å²", + "©" + ], + [ + "éĵ", + "ľ" + ], + [ + "çİ", + "»" + ], + [ + "å®ŀ", + "éªĮ" + ], + [ + "æĢĿ", + "ç»´" + ], + [ + "æĭħ", + "å¿ĥ" + ], + [ + "æ²", + "Ī" + ], + [ + "身", + "è¾¹" + ], + [ + "æ·±", + "åĮĸ" + ], + [ + "ç²¾", + "åĩĨ" + ], + [ + "ç§ģ", + "æľį" + ], + [ + "æ¶Ī", + "éĺ²" + ], + [ + "åİ»", + "äºĨ" + ], + [ + "ç»Ĩ", + "èĥŀ" + ], + [ + "çIJĥ", + "éĺŁ" + ], + [ + "æĺİ", + "æĺŁ" + ], + [ + "é£Ł", + "çī©" + ], + [ + "å¾Ī", + "å¿«" + ], + [ + "让", + "ä½ł" + ], + [ + "ä¿¡", + "ç͍" + ], + [ + "å͝", + "ä¸Ģ" + ], + [ + "åħ¶", + "å®ĥ" + ], + [ + "çŃī", + "æĸ¹éĿ¢" + ], + [ + "å¾ĭ", + "å¸Ī" + ], + [ + "æŃ»", + "亡" + ], + [ + "æ", + "ٳ" + ], + [ + "ä¸Ģ", + "æī¹" + ], + [ + "ä¸Ĭ", + "涨" + ], + [ + "æľº", + "åľº" + ], + [ + "å½¢", + "åĬ¿" + ], + [ + "æĦ¿", + "æĦı" + ], + [ + "éĽĨ", + "ä½ĵ" + ], + [ + "æĸ°", + "åŀĭ" + ], + [ + "æįŁ", + "失" + ], + [ + "æĽ", + "¸" + ], + [ + "ä¸ĭ", + "åįĪ" + ], + [ + "æ¯ı", + "次" + ], + [ + "æĪIJ", + "å°±" + ], + [ + "åħ¬", + "è·¯" + ], + [ + "èĻ", + "«" + ], + [ + "åĴ", + "±" + ], + [ + "西", + "å®ī" + ], + [ + "æľĢ", + "ä½³" + ], + [ + "ç§ij", + "çłĶ" + ], + [ + "å¤į", + "æĿĤ" + ], + [ + "æľº", + "åύ" + ], + [ + "çα", + "æĥħ" + ], + [ + "çħ§", + "çīĩ" + ], + [ + "å¹´", + "é¾Ħ" + ], + [ + "è³ĩ", + "æĸĻ" + ], + [ + "ç²", + "Ĺ" + ], + [ + "åĩĨ", + "ç¡®" + ], + [ + "åĬł", + "ä¸Ĭ" + ], + [ + "åĩº", + "çīĪ" + ], + [ + "è°", + "IJ" + ], + [ + "å®¶", + "å±ħ" + ], + [ + "èĥĮ", + "æĻ¯" + ], + [ + "ä¸Ģ", + "线" + ], + [ + "äºĭ", + "项" + ], + [ + "åĬ¨", + "ä½ľ" + ], + [ + "ç¥", + "¥" + ], + [ + "æĢ»", + "ä½ĵ" + ], + [ + "æĪ¿", + "åŃIJ" + ], + [ + "ä¹Ł", + "å°±æĺ¯" + ], + [ + "大", + "æ¦Ĥ" + ], + [ + "é«ĺ", + "æķĪ" + ], + [ + "åIJ", + "¹" + ], + [ + "æİ", + "ĪæĿĥ" + ], + [ + "éĻĦ", + "è¿ij" + ], + [ + "æ¡Ī", + "ä¾ĭ" + ], + [ + "éĹ", + "¹" + ], + [ + "çΏ", + "çΏ" + ], + [ + "彩", + "票" + ], + [ + "æĢ", + "Ĵ" + ], + [ + "举", + "æĬ¥" + ], + [ + "æĻ®", + "éģį" + ], + [ + "çķĻ", + "ä¸ĭ" + ], + [ + "è¡£", + "æľį" + ], + [ + "æĹłè®º", + "æĺ¯" + ], + [ + "åħħ", + "满" + ], + [ + "æ·±", + "度" + ], + [ + "æ¡", + "ij" + ], + [ + "æĪª", + "èĩ³" + ], + [ + "带æĿ¥", + "çļĦ" + ], + [ + "éĻ", + "µ" + ], + [ + "æĦŁ", + "æĥħ" + ], + [ + "èµ", + "ļ" + ], + [ + "åĵª", + "äºĽ" + ], + [ + "æķ´", + "æĶ¹" + ], + [ + "æĪIJ", + "çĨŁ" + ], + [ + "å¨", + "ľ" + ], + [ + "é¼", + "»" + ], + [ + "çŁ", + "Ľ" + ], + [ + "çĽ", + "¾" + ], + [ + "好", + "好" + ], + [ + "第", + "åĽĽ" + ], + [ + "åĨł", + "åĨĽ" + ], + [ + "è´¢", + "å¯Į" + ], + [ + "æľĢ", + "好çļĦ" + ], + [ + "车", + "åŀĭ" + ], + [ + "éĸ", + "Ģ" + ], + [ + "åį³", + "å°Ĩ" + ], + [ + "åĪĨ", + "为" + ], + [ + "éĿĴ", + "å²Ľ" + ], + [ + "纷", + "纷" + ], + [ + "ä»Ĭ", + "æĹ¥" + ], + [ + "å¹³", + "è¡¡" + ], + [ + "å¹³æĸ¹", + "ç±³" + ], + [ + "éĤ£", + "ç§į" + ], + [ + "åĩº", + "çĶŁ" + ], + [ + "éĿĴ", + "æĺ¥" + ], + [ + "人", + "群" + ], + [ + "人", + "å·¥" + ], + [ + "ä¹ĭ", + "ä¸ĭ" + ], + [ + "æ¹ĸ", + "åĮĹ" + ], + [ + "åľ¨", + "æŃ¤" + ], + [ + "åįļ", + "士" + ], + [ + "æĹ¶", + "åĪ»" + ], + [ + "æ²³", + "åĮĹ" + ], + [ + "æĶ¾", + "å¼ĥ" + ], + [ + "éĢļ", + "éģĵ" + ], + [ + "森", + "æŀĹ" + ], + [ + "çĸ", + "Ĩ" + ], + [ + "æķ", + "¸" + ], + [ + "èĬ", + "³" + ], + [ + "æīĵ", + "åĩ»" + ], + [ + "æĽ", + "¹" + ], + [ + "åĮĸ", + "åѦ" + ], + [ + "æĥ³", + "象" + ], + [ + "ä¸ĩ", + "人" + ], + [ + "è´¢", + "ç»ı" + ], + [ + "åħĥ", + "ç´ł" + ], + [ + "ä¼ļ", + "计" + ], + [ + "åħ¨", + "ä½ĵ" + ], + [ + "æĦ", + "Ľ" + ], + [ + "é«ĺ", + "ä¸Ń" + ], + [ + "æľº", + "éģĩ" + ], + [ + "声", + "éŁ³" + ], + [ + "æĹħ", + "è¡Į" + ], + [ + "æµ", + "©" + ], + [ + "æŁ", + "±" + ], + [ + "å°ij", + "å¹´" + ], + [ + "åĽ½", + "å¤ĸ" + ], + [ + "èijĹ", + "åIJį" + ], + [ + "çĶŁ", + "åŃĺ" + ], + [ + "å§", + "ľ" + ], + [ + "带", + "é¢Ĩ" + ], + [ + "é¢ľ", + "èī²" + ], + [ + "ä¸Ĭ", + "ä¸ĭ" + ], + [ + "产ä¸ļ", + "éĵ¾" + ], + [ + "æĽ´", + "好çļĦ" + ], + [ + "å²", + "Ń" + ], + [ + "ä¼ĺ", + "æĥł" + ], + [ + "便", + "æĺ¯" + ], + [ + "åħ§", + "容" + ], + [ + "ä¸Ģ", + "åıª" + ], + [ + "çIJ", + "´" + ], + [ + "梦", + "æĥ³" + ], + [ + "ç§Ł", + "èµģ" + ], + [ + "å¼Ģ", + "åIJ¯" + ], + [ + "è´Ń", + "çī©" + ], + [ + "åĮħ", + "åIJ«" + ], + [ + "åĪ©", + "çİĩ" + ], + [ + "èµ·", + "äºĨ" + ], + [ + "æľī", + "åĬĽ" + ], + [ + "éĤ£", + "éĩĮ" + ], + [ + "审", + "æī¹" + ], + [ + "对", + "æīĭ" + ], + [ + "çݰ", + "éĩij" + ], + [ + "天", + "çĦ¶" + ], + [ + "çĽ", + "Ĵ" + ], + [ + "çĪ", + "½" + ], + [ + "å¿ħ", + "çĦ¶" + ], + [ + "åĮĸ", + "å·¥" + ], + [ + "ä¸ĵ", + "åĪ©" + ], + [ + "åķ", + "¡" + ], + [ + "å¼Ģ", + "å¿ĥ" + ], + [ + "人", + "ä½ĵ" + ], + [ + "éģĵ", + "士" + ], + [ + "æĢģ", + "度" + ], + [ + "空", + "è°ĥ" + ], + [ + "æĭĽ", + "åķĨ" + ], + [ + "å§", + "»" + ], + [ + "第", + "äºĶ" + ], + [ + "æ£", + "Ĵ" + ], + [ + "ä¸Ģ", + "ç³»åĪĹ" + ], + [ + "åį±", + "æľº" + ], + [ + "转", + "åıĺ" + ], + [ + "åľº", + "æīĢ" + ], + [ + "é¸", + "£" + ], + [ + "æĪ¿", + "éĹ´" + ], + [ + "éĢ", + "¼" + ], + [ + "è¯ķ", + "çĤ¹" + ], + [ + "对", + "å¤ĸ" + ], + [ + "åĩº", + "åı°" + ], + [ + "åľ¨", + "è¿Ļ" + ], + [ + "åİĤ", + "å®¶" + ], + [ + "å·¨", + "大" + ], + [ + "ç®Ģ", + "ä»ĭ" + ], + [ + "çľĭ", + "äºĨ" + ], + [ + "åħļ", + "建" + ], + [ + "æĮĩ", + "æĮ¥" + ], + [ + "çŁ³", + "æ²¹" + ], + [ + "ä¸į", + "åı¯èĥ½" + ], + [ + "èİ", + "²" + ], + [ + "ä¸į", + "太" + ], + [ + "åĪĽ", + "æĦı" + ], + [ + "第", + "ä¸Ģ个" + ], + [ + "è´µ", + "å·ŀ" + ], + [ + "è¿ĩ", + "äºĨ" + ], + [ + "æľ¬", + "æĿ¥" + ], + [ + "éģĵ", + "å¾·" + ], + [ + "çŃĶ", + "æ¡Ī" + ], + [ + "éĻ", + "¶" + ], + [ + "ä¸Ģ", + "è·¯" + ], + [ + "èĤ", + "ĸ" + ], + [ + "æ¸ħ", + "æ´ģ" + ], + [ + "æľī", + "æľº" + ], + [ + "åIJį", + "åįķ" + ], + [ + "æĿ", + "±" + ], + [ + "åij¼", + "åIJ¸" + ], + [ + "ä¸", + "Ī" + ], + [ + "ç¦ı", + "建" + ], + [ + "è¯ķ", + "éªĮ" + ], + [ + "å¼ķ", + "åıij" + ], + [ + "ä¹Ł", + "没" + ], + [ + "ä¸į", + "ä½ı" + ], + [ + "çĨŁ", + "æĤī" + ], + [ + "èIJ", + "¬" + ], + [ + "ä¸į", + "èī¯" + ], + [ + "çł", + "ĸ" + ], + [ + "èĩ´", + "åĬĽ" + ], + [ + "çѾ", + "订" + ], + [ + "åIJ", + "Ĭ" + ], + [ + "ä¾", + "¯" + ], + [ + "çĺ", + "¦" + ], + [ + "å§ij", + "å¨ĺ" + ], + [ + "æĸ", + "¤" + ], + [ + "妻", + "åŃIJ" + ], + [ + "æĺ¥", + "èĬĤ" + ], + [ + "çĪ", + "¬" + ], + [ + "æĽ", + "Ŀ" + ], + [ + "çĥŃ", + "æĥħ" + ], + [ + "éķ¿", + "æ²Ļ" + ], + [ + "èIJ¥", + "éĢł" + ], + [ + "éħ", + "·" + ], + [ + "éĵ", + "Ŀ" + ], + [ + "åŁºæľ¬", + "ä¸Ĭ" + ], + [ + "åij¨", + "åĽ´" + ], + [ + "ä»Ģ", + "麼" + ], + [ + "认", + "åı¯" + ], + [ + "åĪĨ", + "åŃIJ" + ], + [ + "ä¸Ģ", + "æĸ¹éĿ¢" + ], + [ + "è½", + "´" + ], + [ + "å¼", + "·" + ], + [ + "马", + "ä¸Ĭ" + ], + [ + "éĽ", + "¾" + ], + [ + "èĩ", + "£" + ], + [ + "å°", + "¿" + ], + [ + "çĶŁ", + "æĦı" + ], + [ + "å®ī", + "å¾½" + ], + [ + "ç¥ŀ", + "ç»ı" + ], + [ + "åĩº", + "å¸Ń" + ], + [ + "èį¯", + "åĵģ" + ], + [ + "çIJĨ", + "çͱ" + ], + [ + "åįı", + "åIJĮ" + ], + [ + "æµģ", + "åĬ¨" + ], + [ + "åıij", + "åĬ¨" + ], + [ + "åĿļ", + "å®ļ" + ], + [ + "表", + "æĺİ" + ], + [ + "åIJİ", + "éĿ¢" + ], + [ + "ä¹ī", + "åĬ¡" + ], + [ + "å¦", + "ĸ" + ], + [ + "æľī", + "åı¯èĥ½" + ], + [ + "å¹´è½»", + "人" + ], + [ + "大", + "éĻĨ" + ], + [ + "å²", + "³" + ], + [ + "ä¸į", + "èµ·" + ], + [ + "çŀ¬", + "éĹ´" + ], + [ + "ä¸įå¾Ĺ", + "ä¸į" + ], + [ + "çѾ", + "约" + ], + [ + "åIJĪ", + "æł¼" + ], + [ + "åħļ", + "æĶ¯éĥ¨" + ], + [ + "æµİ", + "åįĹ" + ], + [ + "便", + "åĪ©" + ], + [ + "éļı", + "æĹ¶" + ], + [ + "å¥", + "ī" + ], + [ + "ç§°", + "为" + ], + [ + "产", + "æĿĥ" + ], + [ + "åIJ", + "ķ" + ], + [ + "çĽ", + "Ĩ" + ], + [ + "课", + "åłĤ" + ], + [ + "ç·", + "ļ" + ], + [ + "æ£", + "ī" + ], + [ + "线", + "ä¸ĭ" + ], + [ + "èĩª", + "è¡Į" + ], + [ + "举", + "æİª" + ], + [ + "åݦ", + "éŨ" + ], + [ + "èĩª", + "ä¿¡" + ], + [ + "å½±", + "è§Ĩ" + ], + [ + "ä»", + "Ķ" + ], + [ + "çĶŁæ´»", + "ä¸Ń" + ], + [ + "æĿĥ", + "çĽĬ" + ], + [ + "çϽ", + "èī²" + ], + [ + "å°±", + "ä¸į" + ], + [ + "è¿Ľ", + "å±ķ" + ], + [ + "æ¯ı", + "æĹ¥" + ], + [ + "ä¾Ľ", + "ç»Ļ" + ], + [ + "æĿĥ", + "åĪ©" + ], + [ + "æĹł", + "æķ°" + ], + [ + "çIJĨ", + "è´¢" + ], + [ + "ä¾Ŀ", + "æĹ§" + ], + [ + "ä¸Ĭ", + "åįĪ" + ], + [ + "è¯Ĩ", + "åĪ«" + ], + [ + "çĽĪ", + "åĪ©" + ], + [ + "çł", + "Ĥ" + ], + [ + "许", + "åı¯" + ], + [ + "åIJĮ", + "äºĭ" + ], + [ + "åĺ", + "Ľ" + ], + [ + "éģ", + "¸" + ], + [ + "çĿĢ", + "åĬĽ" + ], + [ + "éŨ", + "åı£" + ], + [ + "ä¸į", + "å¤ļ" + ], + [ + "åħ¶", + "次" + ], + [ + "ç¢", + "§" + ], + [ + "çī©", + "çIJĨ" + ], + [ + "åĨħ", + "å¿ĥ" + ], + [ + "çϾ", + "å§ĵ" + ], + [ + "æĢ»", + "绣" + ], + [ + "å¹²", + "åĩĢ" + ], + [ + "积", + "ç´¯" + ], + [ + "åıį", + "é¦Ī" + ], + [ + "æłij", + "ç«ĭ" + ], + [ + "社", + "交" + ], + [ + "ç§", + "©" + ], + [ + "åįģ", + "ä¸Ģ" + ], + [ + "éĤ", + "ĵ" + ], + [ + "驱", + "åĬ¨" + ], + [ + "å±ķ", + "è§Ī" + ], + [ + "èĪĴ", + "éĢĤ" + ], + [ + "åŁº", + "åĽł" + ], + [ + "å·®", + "å¼Ĥ" + ], + [ + "转", + "让" + ], + [ + "å°ı", + "å§IJ" + ], + [ + "æł·", + "åŃIJ" + ], + [ + "ç¿", + "Ķ" + ], + [ + "é«ĺ", + "åħ´" + ], + [ + "å½±åĵį", + "åĬĽ" + ], + [ + "æīĭ", + "ç»Ń" + ], + [ + "缸", + "åIJĮ" + ], + [ + "缸", + "åºĶ" + ], + [ + "æĻ", + "Ĵ" + ], + [ + "è§", + "Ģ" + ], + [ + "å¸Ĥ", + "å§Ķ" + ], + [ + "èĬ", + "¯" + ], + [ + "å±ķ", + "çݰ" + ], + [ + "åľ°", + "çIJĥ" + ], + [ + "éĤ", + "ª" + ], + [ + "ä¸Ģå®ļ", + "çļĦ" + ], + [ + "åħģ", + "许" + ], + [ + "ä¿¡", + "ä»»" + ], + [ + "æī", + "ij" + ], + [ + "éĻ¢", + "æł¡" + ], + [ + "ç®Ģ", + "ç§°" + ], + [ + "åģļ", + "æ³ķ" + ], + [ + "ä¹ĭ", + "è·¯" + ], + [ + "æĹĹ", + "ä¸ĭ" + ], + [ + "èħ", + "Ķ" + ], + [ + "æ¶Ī", + "失" + ], + [ + "ä¸ĸçķĮ", + "ä¸Ĭ" + ], + [ + "åŁİ", + "乡" + ], + [ + "èĪŀ", + "åı°" + ], + [ + "å¾Ī", + "大çļĦ" + ], + [ + "绣", + "çѹ" + ], + [ + "åħ¬", + "å¹³" + ], + [ + "èĤ", + "¾" + ], + [ + "çļĦ", + "好" + ], + [ + "æ±", + "ģ" + ], + [ + "çľ¼", + "åīį" + ], + [ + "éĽ", + "£" + ], + [ + "å¹", + "½" + ], + [ + "åħ±", + "产" + ], + [ + "主", + "åĬŀ" + ], + [ + "å¤Ħ", + "ç½ļ" + ], + [ + "åº", + "Ļ" + ], + [ + "éģĵ", + "çIJĨ" + ], + [ + "å¼", + "µ" + ], + [ + "æİ¥", + "çĿĢ" + ], + [ + "çĮ", + "İ" + ], + [ + "çģ", + "Į" + ], + [ + "çͱ", + "æŃ¤" + ], + [ + "人", + "åĬĽ" + ], + [ + "æµģ", + "è¡Į" + ], + [ + "ä¾", + "ł" + ], + [ + "åı¯ä»¥", + "说" + ], + [ + "èĴ", + "ĭ" + ], + [ + "å½¢", + "æĢģ" + ], + [ + "æĹ¥", + "åŃIJ" + ], + [ + "æ¼", + "Ĩ" + ], + [ + "çķĻ", + "åѦ" + ], + [ + "缸", + "éĹľ" + ], + [ + "æľĢ", + "å¤ļ" + ], + [ + "åĩŃ", + "åĢŁ" + ], + [ + "åħ¬", + "交" + ], + [ + "æĮĸ", + "æİĺ" + ], + [ + "æĿĤ", + "å¿Ĺ" + ], + [ + "主", + "人" + ], + [ + "éļľ", + "ç¢į" + ], + [ + "æł¡", + "éķ¿" + ], + [ + "æĸ¹", + "ä½į" + ], + [ + "ä¸Ĭ", + "çıŃ" + ], + [ + "å¤ļ", + "åħĥ" + ], + [ + "è", + "ĥģ" + ], + [ + "éŃħ", + "åĬĽ" + ], + [ + "èĮ", + "Ĥ" + ], + [ + "åħħ", + "ç͵" + ], + [ + "强", + "大" + ], + [ + "çĥ", + "¤" + ], + [ + "å¥ĭ", + "æĸĹ" + ], + [ + "å®ŀ", + "ç͍" + ], + [ + "éĺ", + "ģ" + ], + [ + "ç»Ļ", + "äºĨ" + ], + [ + "æľ¬", + "ç§ij" + ], + [ + "æł", + "ĭ" + ], + [ + "æĭ", + "¨" + ], + [ + "æķĻ", + "ç»ĥ" + ], + [ + "éĥ½", + "çŁ¥éģĵ" + ], + [ + "æ¯ķä¸ļ", + "çĶŁ" + ], + [ + "ç¢", + "Ĺ" + ], + [ + "åŀ", + "Ĥ" + ], + [ + "è®", + "¼" + ], + [ + "å®ģ", + "æ³¢" + ], + [ + "åѦ", + "èĢħ" + ], + [ + "è°¢", + "è°¢" + ], + [ + "åŁİ", + "éķĩ" + ], + [ + "æĢİä¹Ī", + "åĬŀ" + ], + [ + "éģ", + "Ķ" + ], + [ + "æĪIJ", + "交" + ], + [ + "æ½ľ", + "åĬĽ" + ], + [ + "åį", + "§" + ], + [ + "æĸ°", + "å¼Ģ" + ], + [ + "éħį", + "å¤ĩ" + ], + [ + "主", + "åĬĽ" + ], + [ + "åij³", + "éģĵ" + ], + [ + "çĥ", + "Ĥ" + ], + [ + "é£ŀ", + "è¡Į" + ], + [ + "å«", + "ģ" + ], + [ + "大", + "大" + ], + [ + "ç»Ļ", + "大家" + ], + [ + "å¤ĸ", + "éĿ¢" + ], + [ + "éĨ", + "ī" + ], + [ + "åıij", + "è¨Ģ" + ], + [ + "æĹ©", + "é¤IJ" + ], + [ + "åIJĦ", + "èĩª" + ], + [ + "å®", + "Ļ" + ], + [ + "èį£", + "èªī" + ], + [ + "æĬ«", + "éľ²" + ], + [ + "é¡", + "ŀ" + ], + [ + "åĨħ", + "çļĦ" + ], + [ + "èĤ", + "ª" + ], + [ + "è¾", + "IJ" + ], + [ + "æ³", + "µ" + ], + [ + "æĬ", + "Ľ" + ], + [ + "æĺŁ", + "æľŁ" + ], + [ + "ä¸Ģ", + "带" + ], + [ + "çĶŁ", + "ç´ł" + ], + [ + "ç»ı", + "éĶĢ" + ], + [ + "åĩ", + "¶" + ], + [ + "åľ°", + "ä¸Ĭ" + ], + [ + "åij½", + "è¿IJ" + ], + [ + "åĵ", + "²" + ], + [ + "ä¸Ĭ", + "åİ»" + ], + [ + "æĸĩ", + "çī©" + ], + [ + "è¯", + "ij" + ], + [ + "æĮ¯", + "åħ´" + ], + [ + "éķ¿", + "æĹ¶éĹ´" + ], + [ + "ç¥", + "Ń" + ], + [ + "åIJĪ", + "èĤ¥" + ], + [ + "è¿Ŀ", + "è§Ħ" + ], + [ + "èģ", + "ª" + ], + [ + "ä½İ", + "äºİ" + ], + [ + "éĢĤ", + "å½ĵ" + ], + [ + "æľī", + "åºı" + ], + [ + "æľ¬", + "ç½ij" + ], + [ + "çķĻ", + "è¨Ģ" + ], + [ + "æĥ³", + "æ³ķ" + ], + [ + "çѾ", + "ç½²" + ], + [ + "å§", + "ļ" + ], + [ + "æĢ§", + "æł¼" + ], + [ + "èĴĻ", + "åı¤" + ], + [ + "æŁ", + "ı" + ], + [ + "åŀ", + "«" + ], + [ + "åѦ", + "åİĨ" + ], + [ + "ä»ħ", + "ä»ħ" + ], + [ + "讲", + "è¯Ŀ" + ], + [ + "éĶ", + "IJ" + ], + [ + "æĢ", + "ĸ" + ], + [ + "åī", + "ª" + ], + [ + "èĭ", + "į" + ], + [ + "åIJ", + "ĵ" + ], + [ + "强", + "çĥĪ" + ], + [ + "åģ¥", + "åħ¨" + ], + [ + "çĸ", + "¯" + ], + [ + "åı¤", + "代" + ], + [ + "å¥", + "Ī" + ], + [ + "ä¸į", + "çĦ¶" + ], + [ + "乡", + "éķĩ" + ], + [ + "æľĭåıĭ", + "们" + ], + [ + "åĤ", + "ħ" + ], + [ + "èģ", + "½" + ], + [ + "个", + "æĢ§" + ], + [ + "æ³ķ", + "è§Ħ" + ], + [ + "å°ı", + "éķĩ" + ], + [ + "çĶ»", + "éĿ¢" + ], + [ + "第", + "åħŃ" + ], + [ + "ç¶²", + "è·¯" + ], + [ + "åīį", + "æĻ¯" + ], + [ + "åIJ¬", + "说" + ], + [ + "ä¼ł", + "åªĴ" + ], + [ + "æĿ¡", + "ä¾ĭ" + ], + [ + "åĪ«", + "çļĦ" + ], + [ + "ä¸į", + "æĩĤ" + ], + [ + "顾", + "éĹ®" + ], + [ + "强", + "度" + ], + [ + "éĺ¿", + "éĩĮ" + ], + [ + "èµ°", + "åĬ¿" + ], + [ + "å¸", + "½" + ], + [ + "çļĦ", + "ç¡®" + ], + [ + "åĮº", + "åĪ«" + ], + [ + "éĮ", + "¢" + ], + [ + "主", + "管" + ], + [ + "ä¸Ģ", + "çľĭ" + ], + [ + "æĸ", + "ľ" + ], + [ + "åŃĺåľ¨", + "çļĦ" + ], + [ + "ä»", + "²" + ], + [ + "åį±", + "害" + ], + [ + "éĵ", + "Ń" + ], + [ + "游æĪı", + "ä¸Ń" + ], + [ + "éħ", + "±" + ], + [ + "é¾Ļ", + "头" + ], + [ + "人", + "å¿ĥ" + ], + [ + "éĢĢ", + "ä¼ij" + ], + [ + "æµı", + "è§Ī" + ], + [ + "åĬ", + "«" + ], + [ + "éĺ²", + "æ²»" + ], + [ + "ç®", + "Ń" + ], + [ + "å±", + "Ī" + ], + [ + "è¾½", + "å®ģ" + ], + [ + "å£", + "¤" + ], + [ + "è¿İ", + "æĿ¥" + ], + [ + "éŀ", + "į" + ], + [ + "ç͍", + "æĿ¥" + ], + [ + "大", + "åľ°" + ], + [ + "ä»", + "°" + ], + [ + "éĢļ", + "讯" + ], + [ + "å¼Ģ", + "å·¥" + ], + [ + "è£", + "¤" + ], + [ + "å¦Ĥ", + "åIJĮ" + ], + [ + "éª", + "¤" + ], + [ + "éĺŁ", + "åijĺ" + ], + [ + "è½", + "©" + ], + [ + "ç¾İ", + "æľ¯" + ], + [ + "èĻ", + "Ł" + ], + [ + "åIJĮ", + "ä¸Ģ" + ], + [ + "åľ", + "ĸ" + ], + [ + "书", + "æ³ķ" + ], + [ + "æīĵ", + "åį°" + ], + [ + "åIJ«", + "æľī" + ], + [ + "éĽĨ", + "æĪIJ" + ], + [ + "éĹ", + "·" + ], + [ + "å¸Ĥåľº", + "ä¸Ĭ" + ], + [ + "æĹģ", + "è¾¹" + ], + [ + "åľ°", + "æĿ¿" + ], + [ + "产çĶŁ", + "çļĦ" + ], + [ + "ç²", + "¤" + ], + [ + "éĩį", + "ç»Ħ" + ], + [ + "è¡Ģ", + "æ¶²" + ], + [ + "çŃ", + "ĭ" + ], + [ + "åĬŀ", + "äºĭ" + ], + [ + "常è§ģ", + "çļĦ" + ], + [ + "ä¸Ĭ", + "åįĬå¹´" + ], + [ + "å±ı", + "å¹ķ" + ], + [ + "åIJī", + "æŀĹ" + ], + [ + "å·", + "©" + ], + [ + "åĸľ", + "çα" + ], + [ + "ç¿", + "ł" + ], + [ + "ä¸ī", + "ç§į" + ], + [ + "æ¡Ĩ", + "æŀ¶" + ], + [ + "举", + "èİŀ" + ], + [ + "çĶĺ", + "èĤĥ" + ], + [ + "èĬ", + "¬" + ], + [ + "åĽ¾", + "书" + ], + [ + "åĩ¤", + "åĩ°" + ], + [ + "æ°Ķ", + "åĢĻ" + ], + [ + "å°", + "´" + ], + [ + "å°", + "¬" + ], + [ + "两", + "天" + ], + [ + "è¾ħ", + "导" + ], + [ + "åĢŁ", + "款" + ], + [ + "æĹ¥", + "èµ·" + ], + [ + "æ´", + "Ĵ" + ], + [ + "ä¸Ģ", + "度" + ], + [ + "è¹", + "Ī" + ], + [ + "æ½", + "Ń" + ], + [ + "æī", + "ĩ" + ], + [ + "çĻ", + "ľ" + ], + [ + "æĸ°", + "åħ´" + ], + [ + "åĤ", + "²" + ], + [ + "诸", + "å¤ļ" + ], + [ + "è´", + "ª" + ], + [ + "éĻ·", + "åħ¥" + ], + [ + "èĪ", + "Ł" + ], + [ + "èĤº", + "çĤİ" + ], + [ + "ä¸Ģ", + "æł·çļĦ" + ], + [ + "åİ", + "ĺ" + ], + [ + "åľ°", + "çIJĨ" + ], + [ + "æĬķ", + "注" + ], + [ + "éļ", + "Ĭ" + ], + [ + "åħī", + "ä¼ı" + ], + [ + "ä¿Ŀ", + "åģ¥" + ], + [ + "åħ", + "Ķ" + ], + [ + "åħ¬", + "åĬ¡" + ], + [ + "æīĵ", + "çł´" + ], + [ + "çĶ·", + "åŃ©" + ], + [ + "åĬ³", + "åĬ¡" + ], + [ + "ä½ł", + "ä¼ļ" + ], + [ + "ç͍", + "åľ°" + ], + [ + "æº", + "¢" + ], + [ + "åıij", + "è¾¾" + ], + [ + "èĤ", + "ļ" + ], + [ + "è¿ĩ", + "äºİ" + ], + [ + "èĩ", + "Ĥ" + ], + [ + "éĢĻ", + "樣" + ], + [ + "è½»", + "è½»" + ], + [ + "ä¸Ń", + "åħ±" + ], + [ + "åIJĦ", + "åĽ½" + ], + [ + "åĶ", + "ĩ" + ], + [ + "å®ŀ", + "ä¹ł" + ], + [ + "èĻ", + "¾" + ], + [ + "æ§", + "½" + ], + [ + "ä¸į", + "ä¸Ĭ" + ], + [ + "åħį", + "çĸ«" + ], + [ + "åįł", + "æį®" + ], + [ + "å·¥", + "ä¼ļ" + ], + [ + "åĽ", + "Ĭ" + ], + [ + "èĪª", + "天" + ], + [ + "åı¯", + "çα" + ], + [ + "æĸĹ", + "äºī" + ], + [ + "çĺ", + "¤" + ], + [ + "å¦Ĥ", + "æľī" + ], + [ + "éĽ", + "ĸ" + ], + [ + "对", + "æĪij" + ], + [ + "åĩº", + "ç§Ł" + ], + [ + "好", + "çľĭ" + ], + [ + "太", + "大" + ], + [ + "æ°´", + "åĪ©" + ], + [ + "åĬ¿", + "åĬĽ" + ], + [ + "åħ¨", + "æ°ij" + ], + [ + "ç½", + "¢" + ], + [ + "èµ¢", + "å¾Ĺ" + ], + [ + "ç͵", + "ä¿¡" + ], + [ + "车", + "éĹ´" + ], + [ + "æĻĤ", + "åĢĻ" + ], + [ + "å°ij", + "æķ°" + ], + [ + "éĵ", + "¸" + ], + [ + "åħ³", + "èģĶ" + ], + [ + "ä¸įä»ħ", + "ä»ħ" + ], + [ + "为", + "æĤ¨" + ], + [ + "åĴ", + "¸" + ], + [ + "æľº", + "åĬ¨" + ], + [ + "è£", + "Ļ" + ], + [ + "åĵį", + "åºĶ" + ], + [ + "éģ", + "ł" + ], + [ + "è²", + "·" + ], + [ + "ç©", + "´" + ], + [ + "å¢", + "ħ" + ], + [ + "éĶ", + "¡" + ], + [ + "çµ", + "Ħ" + ], + [ + "çģ«", + "车" + ], + [ + "è³ĩ", + "è¨Ĭ" + ], + [ + "åĨ³", + "èµĽ" + ], + [ + "污", + "æ°´" + ], + [ + "èª", + "ŀ" + ], + [ + "å´", + "Ľ" + ], + [ + "ç´§", + "å¯Ĩ" + ], + [ + "缺", + "å°ij" + ], + [ + "å¤ļ", + "人" + ], + [ + "æĢ»", + "书记" + ], + [ + "éĶ", + "Ī" + ], + [ + "èij", + "Ľ" + ], + [ + "å¿ĺ", + "è®°" + ], + [ + "éĻĮ", + "çĶŁ" + ], + [ + "éķ¿", + "大" + ], + [ + "åħĪè¿Ľ", + "çļĦ" + ], + [ + "ç¡", + "ħ" + ], + [ + "åıij", + "æĺİ" + ], + [ + "å©´", + "åĦ¿" + ], + [ + "æīİ", + "å®ŀ" + ], + [ + "èĽĭ", + "çϽ" + ], + [ + "ä¸Ģ", + "çϾ" + ], + [ + "缮", + "åħī" + ], + [ + "æ", + "ħĮ" + ], + [ + "åĬł", + "æ²¹" + ], + [ + "åIJ", + "ŀ" + ], + [ + "ä¸Ģ", + "群" + ], + [ + "ä¸Ń", + "ä»ĭ" + ], + [ + "å¸", + "ĸ" + ], + [ + "å¿", + "Į" + ], + [ + "èģĮ", + "èĥ½" + ], + [ + "广", + "æĴŃ" + ], + [ + "çĽij", + "å¯Ł" + ], + [ + "ç§ĺ", + "å¯Ĩ" + ], + [ + "çĭ", + "®" + ], + [ + "è¿Ļ", + "æĿ¡" + ], + [ + "éĢ", + "¢" + ], + [ + "æĢ", + "¨" + ], + [ + "åįģ", + "åħŃ" + ], + [ + "è©", + "¦" + ], + [ + "说", + "åΰ" + ], + [ + "åĩĿ", + "èģļ" + ], + [ + "æĮĩ", + "示" + ], + [ + "æ°", + "¢" + ], + [ + "å¼", + "ĺ" + ], + [ + "éĺ", + "Ģ" + ], + [ + "æĸ", + "©" + ], + [ + "éł", + "ħ" + ], + [ + "ä¸Ģ", + "å¼Ģå§ĭ" + ], + [ + "æİĴ", + "è¡Į" + ], + [ + "åľ¨", + "æĪij" + ], + [ + "纪", + "å½ķ" + ], + [ + "æĬ", + "Ħ" + ], + [ + "æł", + "ª" + ], + [ + "说", + "æ³ķ" + ], + [ + "ä¸Ń", + "èį¯" + ], + [ + "好", + "å¤ļ" + ], + [ + "åıª", + "ä¸įè¿ĩ" + ], + [ + "çķĻ", + "åľ¨" + ], + [ + "个", + "å°ıæĹ¶" + ], + [ + "认", + "çŁ¥" + ], + [ + "çķ", + "«" + ], + [ + "è§ģ", + "è¿ĩ" + ], + [ + "å°ı", + "å¾®" + ], + [ + "ä½Ľ", + "å±±" + ], + [ + "çľ", + "¾" + ], + [ + "讲", + "è¿°" + ], + [ + "æ¢", + "³" + ], + [ + "ç§°", + "åı·" + ], + [ + "æĹ¥", + "æĻļ" + ], + [ + "è¢", + "ĸ" + ], + [ + "åķ", + "¤" + ], + [ + "æľª", + "ç»ı" + ], + [ + "æľĢ", + "æĹ©" + ], + [ + "æī®", + "æ¼Ķ" + ], + [ + "è¡Ģ", + "管" + ], + [ + "çº", + "±" + ], + [ + "æĥħ", + "èĬĤ" + ], + [ + "第", + "ä¸ĥ" + ], + [ + "æį", + "§" + ], + [ + "ä»", + "Ĺ" + ], + [ + "æ¿Ģ", + "çĥĪ" + ], + [ + "æĹł", + "线" + ], + [ + "ä¸į", + "容æĺĵ" + ], + [ + "å¼Ģ", + "å¹ķ" + ], + [ + "æĸ°", + "çĶŁ" + ], + [ + "ä¸ĵ", + "注" + ], + [ + "èij", + "±" + ], + [ + "åįĹ", + "æµ·" + ], + [ + "çĩ", + "Ł" + ], + [ + "èµ·", + "ä¾Ĩ" + ], + [ + "æ´¾", + "åĩº" + ], + [ + "åĦ", + "Ĵ" + ], + [ + "ä¾", + "¨" + ], + [ + "è¼", + "ĥ" + ], + [ + "åįļ", + "è§Ī" + ], + [ + "éĢ", + "¾" + ], + [ + "åĮ", + "Ģ" + ], + [ + "ç»ıæµİ", + "åѦ" + ], + [ + "æ¸", + "Ĺ" + ], + [ + "ä¿Ŀ", + "èŃ·" + ], + [ + "çī", + "º" + ], + [ + "çī", + "²" + ], + [ + "çİ", + "«" + ], + [ + "çij", + "°" + ], + [ + "æľĢåIJİ", + "ä¸Ģ" + ], + [ + "æĶ¿", + "åĬ¡" + ], + [ + "æ§", + "Ľ" + ], + [ + "èĻķ", + "çIJĨ" + ], + [ + "éļIJ", + "æĤ£" + ], + [ + "æī¿", + "åĮħ" + ], + [ + "æ¥", + "µ" + ], + [ + "æ¡", + "©" + ], + [ + "çĽ", + "²" + ], + [ + "导", + "åIJij" + ], + [ + "èĩ´", + "å¯Į" + ], + [ + "ç¼", + "Ĩ" + ], + [ + "æģĭ", + "çα" + ], + [ + "ä¸į", + "åĬ¨" + ], + [ + "ç»Ļ", + "人" + ], + [ + "å·", + "¢" + ], + [ + "表", + "æĥħ" + ], + [ + "举", + "åįĹ" + ], + [ + "åĨħ", + "å¤ĸ" + ], + [ + "è¾Ī", + "åŃIJ" + ], + [ + "åı", + "ī" + ], + [ + "åįļ", + "ä¼ļ" + ], + [ + "åĬŁ", + "æķĪ" + ], + [ + "æ¸", + "´" + ], + [ + "å±", + "¬" + ], + [ + "æİĴ", + "éϤ" + ], + [ + "éĢ", + "Ľ" + ], + [ + "ä¸Ģ", + "ä¼ļ" + ], + [ + "ä¸į", + "å¼Ģ" + ], + [ + "å¼Ģ", + "å¥ĸ" + ], + [ + "é»ij", + "é¾Ļ" + ], + [ + "é»ijé¾Ļ", + "æ±Ł" + ], + [ + "å¿«", + "ä¸ī" + ], + [ + "度", + "åģĩ" + ], + [ + "åĿ", + "¤" + ], + [ + "éĤ®", + "ä»¶" + ], + [ + "æĩ", + "Ĵ" + ], + [ + "ä¾Ľ", + "ç͵" + ], + [ + "å»", + "£" + ], + [ + "好", + "è¯Ħ" + ], + [ + "ç§ĺ书", + "éķ¿" + ], + [ + "æĪĺ", + "åľº" + ], + [ + "好", + "å¥ĩ" + ], + [ + "ä¾µ", + "æĿĥ" + ], + [ + "æĨ", + "¾" + ], + [ + "æľĢ", + "åĪĿ" + ], + [ + "æī¹", + "åıij" + ], + [ + "åİ", + "ķ" + ], + [ + "è¼", + "ķ" + ], + [ + "æŀ", + "¯" + ], + [ + "ä¸ļ", + "åĨħ" + ], + [ + "è´Ń", + "æĪ¿" + ], + [ + "ä¸į", + "åľ¨" + ], + [ + "纪", + "å§Ķ" + ], + [ + "æīĢ", + "éľĢ" + ], + [ + "å¸Ĥ", + "éķ¿" + ], + [ + "è³", + "½" + ], + [ + "å¼ķ", + "æĵİ" + ], + [ + "çģµ", + "éŃĤ" + ], + [ + "éĬ", + "Ģ" + ], + [ + "æ»", + "¤" + ], + [ + "çĿ", + "IJ" + ], + [ + "å¤ļ", + "项" + ], + [ + "åĽŀ", + "头" + ], + [ + "èī", + "ĺ" + ], + [ + "å¤į", + "å·¥" + ], + [ + "éĥ¨", + "ä»¶" + ], + [ + "ç´§", + "ç´§" + ], + [ + "æŁIJ", + "ç§į" + ], + [ + "使", + "åħ¶" + ], + [ + "æĸ°", + "人" + ], + [ + "æŀ", + "ļ" + ], + [ + "æ³ķ", + "å®ļ" + ], + [ + "å·´", + "å·´" + ], + [ + "æ¶µ", + "çĽĸ" + ], + [ + "ç¨", + "»" + ], + [ + "æĭ", + "¾" + ], + [ + "æĻ", + "ķ" + ], + [ + "è½", + "¿" + ], + [ + "éĢļ", + "è¡Į" + ], + [ + "åĵ", + "Ģ" + ], + [ + "æ³", + "Ĭ" + ], + [ + "温", + "馨" + ], + [ + "éĽĨ", + "èģļ" + ], + [ + "çĨ", + "Ļ" + ], + [ + "åĩ", + "ij" + ], + [ + "åįģ", + "ä¸ĥ" + ], + [ + "æ°Ķ", + "æģ¯" + ], + [ + "æıIJä¾Ľ", + "çļĦ" + ], + [ + "æ³", + "³" + ], + [ + "奥", + "è¿IJ" + ], + [ + "çģ¾", + "害" + ], + [ + "åĩĢ", + "åĮĸ" + ], + [ + "è·¨", + "è¶Ĭ" + ], + [ + "åĵª", + "æĢķ" + ], + [ + "éŁ", + "¿" + ], + [ + "å¢ŀ", + "æ·»" + ], + [ + "çĦ", + "Ĭ" + ], + [ + "æ®ĭ", + "çĸ¾" + ], + [ + "ç¢", + "Į" + ], + [ + "æĤ", + "Ķ" + ], + [ + "è§ģ", + "è¯ģ" + ], + [ + "è¾ĸ", + "åĮº" + ], + [ + "å¿ĥ", + "èĦı" + ], + [ + "éļ", + "§" + ], + [ + "åį", + "¸" + ], + [ + "åı¯èĥ½", + "æĢ§" + ], + [ + "æľī", + "è¶£" + ], + [ + "åī¯", + "书记" + ], + [ + "åĮĸ", + "å¦Ĩ" + ], + [ + "ä¿", + "Ĥ" + ], + [ + "æ£", + "ļ" + ], + [ + "éĨ", + "ĩ" + ], + [ + "带", + "头" + ], + [ + "éł", + "Ī" + ], + [ + "追", + "ç©¶" + ], + [ + "æij", + "Ķ" + ], + [ + "è¿Ļ", + "éĥ¨" + ], + [ + "ä¸į", + "论" + ], + [ + "ç¥", + "¸" + ], + [ + "å", + "³»" + ], + [ + "éģ", + "ķ" + ], + [ + "çĶŁ", + "èĤ²" + ], + [ + "å¤", + "ł" + ], + [ + "å¤ĸ", + "交" + ], + [ + "è¯Ħ", + "为" + ], + [ + "ä»İ", + "å°ı" + ], + [ + "å°ı", + "å°ı" + ], + [ + "é", + "¥¿" + ], + [ + "æĴ", + "¼" + ], + [ + "è·¨", + "å¢ĥ" + ], + [ + "被", + "åijĬ" + ], + [ + "åįĹ", + "å®ģ" + ], + [ + "身", + "å¿ĥ" + ], + [ + "åĨį", + "çĶŁ" + ], + [ + "æīĢ", + "说" + ], + [ + "æĹ¶éĹ´", + "åĨħ" + ], + [ + "åĪĹ", + "åħ¥" + ], + [ + "éĿĴ", + "æµ·" + ], + [ + "çα", + "好" + ], + [ + "çª", + "Ħ" + ], + [ + "èĪ", + "Ī" + ], + [ + "è¿ĩ", + "渡" + ], + [ + "æ¿", + "Ł" + ], + [ + "éĽ", + "Ģ" + ], + [ + "审", + "è®®" + ], + [ + "åĽ½", + "èµĦ" + ], + [ + "æŃ¥", + "ä¼IJ" + ], + [ + "轨", + "éģĵ" + ], + [ + "ä¿¡", + "念" + ], + [ + "ä¸ī", + "åĪĨ" + ], + [ + "çĨ", + "¬" + ], + [ + "åѵ", + "åĮĸ" + ], + [ + "ç¼", + "ł" + ], + [ + "éĥ", + "Ĭ" + ], + [ + "èĪĴ", + "æľį" + ], + [ + "纪", + "æ£Ģ" + ], + [ + "ä¸Ģä¸ĭ", + "åŃIJ" + ], + [ + "鼻", + "話" + ], + [ + "è²", + "ł" + ], + [ + "éĴ", + "¥" + ], + [ + "åĮ", + "Ļ" + ], + [ + "çĹ", + "´" + ], + [ + "è¶", + "ģ" + ], + [ + "ç»", + "£" + ], + [ + "çĪ", + "µ" + ], + [ + "è½", + "°" + ], + [ + "éª", + "Ħ" + ], + [ + "å§", + "¨" + ], + [ + "æĭ", + "ĺ" + ], + [ + "çĮ", + "´" + ], + [ + "è®", + "¶" + ], + [ + "è¿Ļ", + "座" + ], + [ + "çį", + "¨" + ], + [ + "æ·ĺ", + "æ±°" + ], + [ + "çĹħ", + "ä¾ĭ" + ], + [ + "æ²Ļ", + "åıij" + ], + [ + "è§Ĩ", + "为" + ], + [ + "头", + "æĿ¡" + ], + [ + "å¿ħè¦ģ", + "çļĦ" + ], + [ + "åı¯", + "è°ĵ" + ], + [ + "è¯Ŀ", + "说" + ], + [ + "ç¯", + "Ħ" + ], + [ + "æĹ©", + "çĤ¹" + ], + [ + "æŀ¢", + "纽" + ], + [ + "ç¾", + "¡" + ], + [ + "çα", + "åĽ½" + ], + [ + "çªģ", + "åıij" + ], + [ + "éĢ", + "Ĭ" + ], + [ + "æ½", + "į" + ], + [ + "èį£", + "èĢĢ" + ], + [ + "èŁ", + "¹" + ], + [ + "æ¦Ĥ", + "çİĩ" + ], + [ + "å¾Ī", + "ä¹ħ" + ], + [ + "æĥ", + "ķ" + ], + [ + "è¨", + "´" + ], + [ + "åľĨ", + "满" + ], + [ + "çļ", + "±" + ], + [ + "åĪĨ", + "æ³Į" + ], + [ + "åħħ", + "è¶³" + ], + [ + "çľĭ", + "æ³ķ" + ], + [ + "è¾", + "Ł" + ], + [ + "æĭ", + "¦" + ], + [ + "æĭ", + "©" + ], + [ + "对", + "åºĶ" + ], + [ + "为", + "æł¸å¿ĥ" + ], + [ + "èħ", + "Ĭ" + ], + [ + "å¤ļ", + "ä¹Ī" + ], + [ + "æµ", + "ij" + ], + [ + "å®ı", + "è§Ĥ" + ], + [ + "èĦ", + "ĸ" + ], + [ + "åIJĪ", + "èµĦ" + ], + [ + "çĶŁ", + "涯" + ], + [ + "å®ŀ", + "è´¨" + ], + [ + "ä¼ĺ", + "çĤ¹" + ], + [ + "ç͍", + "æ°´" + ], + [ + "寿", + "åij½" + ], + [ + "æ²", + "«" + ], + [ + "åIJ", + "ģ" + ], + [ + "è©", + "¹" + ], + [ + "åĽ½", + "éĺ²" + ], + [ + "å´", + "©" + ], + [ + "åĿ", + "İ" + ], + [ + "èĨ", + "ı" + ], + [ + "ä¸Ģ", + "è½®" + ], + [ + "éģĹ", + "产" + ], + [ + "æ¹¾", + "åĮº" + ], + [ + "ç»", + "İ" + ], + [ + "åįķ", + "纯" + ], + [ + "æ¾", + "Ħ" + ], + [ + "åīį", + "åĪĹ" + ], + [ + "身", + "å½±" + ], + [ + "é»ĺ", + "é»ĺ" + ], + [ + "æį", + "ī" + ], + [ + "çĴ", + "°" + ], + [ + "èı", + "Ĭ" + ], + [ + "æĢ", + "ľ" + ], + [ + "åħĭ", + "æĢĿ" + ], + [ + "æĢ»", + "å±Ģ" + ], + [ + "çĩĥ", + "æĸĻ" + ], + [ + "ä¸ļ", + "æĢģ" + ], + [ + "åIJĦ", + "æł·" + ], + [ + "åĴ", + "½" + ], + [ + "åĩº", + "èī²" + ], + [ + "åĪĿ", + "å¿ĥ" + ], + [ + "åı", + "Ľ" + ], + [ + "çłĶ", + "讨" + ], + [ + "è¡", + "«" + ], + [ + "åİĨ", + "ç¨ĭ" + ], + [ + "ç¦", + "½" + ], + [ + "è¶³å¤Ł", + "çļĦ" + ], + [ + "èį", + "Ĩ" + ], + [ + "çľĭ", + "å¾ħ" + ], + [ + "è´", + "©" + ], + [ + "åĨ³", + "å¿ĥ" + ], + [ + "è£", + "¹" + ], + [ + "å¸Ī", + "èĮĥ" + ], + [ + "åŀ", + "Ħ" + ], + [ + "æĿ", + "ł" + ], + [ + "åĩ", + "¸" + ], + [ + "çĬ¹", + "豫" + ], + [ + "çĥŃ", + "è¡Ģ" + ], + [ + "åIJĪ", + "ä¼Ļ" + ], + [ + "éħ", + "µ" + ], + [ + "èIJ½", + "åľ¨" + ], + [ + "åįł", + "åľ°" + ], + [ + "è¡", + "¬" + ], + [ + "èĵ", + "ī" + ], + [ + "æĦ", + "¤" + ], + [ + "æ¸", + "Ĭ" + ], + [ + "åĪĨ", + "æķ°" + ], + [ + "ç¬ij", + "çĿĢ" + ], + [ + "太", + "å¹³" + ], + [ + "çĤ", + "«" + ], + [ + "æİ¨", + "ä»ĭ" + ], + [ + "æĸ¯", + "åĿ¦" + ], + [ + "å½¢", + "容" + ], + [ + "æĵ", + "Ĭ" + ], + [ + "æĦŁ", + "åħ´è¶£" + ], + [ + "åĨĽ", + "人" + ], + [ + "åĩĮ", + "æĻ¨" + ], + [ + "对", + "çħ§" + ], + [ + "åıij", + "çĹħ" + ], + [ + "å·", + "¾" + ], + [ + "èĪ", + "ī" + ], + [ + "æª", + "¢" + ], + [ + "ç¬ij", + "äºĨ" + ], + [ + "ç¡®", + "è¯Ĭ" + ], + [ + "è´Ł", + "åĢº" + ], + [ + "壮", + "大" + ], + [ + "æĪ", + "ļ" + ], + [ + "äºĴ", + "èģĶ" + ], + [ + "èª", + "²" + ], + [ + "èħ", + "¦" + ], + [ + "æĹ", + "±" + ], + [ + "åıĹ", + "欢è¿İ" + ], + [ + "åį", + "ī" + ], + [ + "éĻ¢", + "士" + ], + [ + "æ©", + "¡" + ], + [ + "ä¸Ģ", + "对" + ], + [ + "è¾", + "±" + ], + [ + "æ²", + "Ĥ" + ], + [ + "åı²", + "ä¸Ĭ" + ], + [ + "æIJ", + "ı" + ], + [ + "å´", + "ĸ" + ], + [ + "代", + "è°¢" + ], + [ + "ç£", + "·" + ], + [ + "é¡", + "ĺ" + ], + [ + "æµ", + "ĩ" + ], + [ + "常", + "ç͍" + ], + [ + "åį", + "ij" + ], + [ + "åĩº", + "åĽ½" + ], + [ + "è¯", + "ł" + ], + [ + "稳", + "æŃ¥" + ], + [ + "ç»ı", + "纪" + ], + [ + "å¤ļ", + "å¤ļ" + ], + [ + "æīĢ", + "å¾Ĺ" + ], + [ + "为", + "主é¢ĺ" + ], + [ + "ä¸Ģ", + "åĪĨ" + ], + [ + "æł", + "½" + ], + [ + "é¡", + "§" + ], + [ + "çº", + "²" + ], + [ + "åĥ", + "ħ" + ], + [ + "å£", + "ĵ" + ], + [ + "åĦ", + "ª" + ], + [ + "ç¿", + "°" + ], + [ + "æİ", + "Ģ" + ], + [ + "人", + "为" + ], + [ + "åª", + "³" + ], + [ + "æ´", + "½" + ], + [ + "èĿ", + "¶" + ], + [ + "å¤į", + "åħ´" + ], + [ + "ä¼ļ", + "å½±åĵį" + ], + [ + "åIJĦ", + "çķĮ" + ], + [ + "éĤ£", + "ä¸Ģ" + ], + [ + "é¢", + "¤" + ], + [ + "çĢ", + "ı" + ], + [ + "çĢı", + "覽" + ], + [ + "å¯", + "ŀ" + ], + [ + "åı¯", + "æĢķ" + ], + [ + "åį³", + "æĹ¶" + ], + [ + "çķ", + "´" + ], + [ + "ä¸ĭ", + "åįĬå¹´" + ], + [ + "ç¬Ķ", + "è®°" + ], + [ + "éĻĦ", + "åĬł" + ], + [ + "çĥŃ", + "æ°´" + ], + [ + "å¥", + "¸" + ], + [ + "ç£", + "ħ" + ], + [ + "æĿ", + "ī" + ], + [ + "æ¸ħ", + "åįİ" + ], + [ + "éĸ", + "±" + ], + [ + "ç°", + "¡" + ], + [ + "å¤Ħ", + "å¤Ħ" + ], + [ + "åIJĪ", + "éĩij" + ], + [ + "æ²³", + "æµģ" + ], + [ + "ç´", + "°" + ], + [ + "è´Ł", + "éĿ¢" + ], + [ + "çļĦ", + "羣å®ŀ" + ], + [ + "åύ", + "械" + ], + [ + "èĴ", + "IJ" + ], + [ + "西", + "äºļ" + ], + [ + "å·", + "ħ" + ], + [ + "ç²", + "¹" + ], + [ + "åİŁ", + "æĸĩ" + ], + [ + "æŀ", + "ķ" + ], + [ + "è¡Ģ", + "åİĭ" + ], + [ + "åļ", + "´" + ], + [ + "å¸", + "ĺ" + ], + [ + "åĨ", + "Ģ" + ], + [ + "æĮ", + "«" + ], + [ + "ç͵", + "è·¯" + ], + [ + "å°ı", + "ä¼Ļä¼´" + ], + [ + "èĿ", + "´" + ], + [ + "æľĢ", + "å¿«" + ], + [ + "æĭ", + "Į" + ], + [ + "å®", + "ª" + ], + [ + "æĸ", + "·" + ], + [ + "ç¿", + "ħ" + ], + [ + "åĴ", + "³" + ], + [ + "åĹ", + "½" + ], + [ + "ç¾", + "ŀ" + ], + [ + "躺", + "åľ¨" + ], + [ + "èµĽ", + "车" + ], + [ + "æ²", + "IJ" + ], + [ + "éĻIJ", + "度" + ], + [ + "为", + "ä¸Ģä½ĵ" + ], + [ + "èĴ", + "ľ" + ], + [ + "å¹", + "«" + ], + [ + "æIJ", + "ħ" + ], + [ + "åĭ", + "ĭ" + ], + [ + "åī", + "ĸ" + ], + [ + "纳", + "ç¨İ" + ], + [ + "éķ¿", + "æķĪ" + ], + [ + "ç½", + "ķ" + ], + [ + "åī¯", + "æľ¬" + ], + [ + "ç©", + "į" + ], + [ + "éĴ", + "©" + ], + [ + "ç¹", + "¼" + ], + [ + "åĽ½", + "åľŁ" + ], + [ + "è¼", + "ī" + ], + [ + "ä¸į", + "å¿ĺ" + ], + [ + "èѦ", + "示" + ], + [ + "çģ", + "¿" + ], + [ + "å¿ĥ", + "å¾Ĺ" + ], + [ + "æĦ", + "ļ" + ], + [ + "忽", + "çķ¥" + ], + [ + "åĽŀ", + "äºĭ" + ], + [ + "åįł", + "æľī" + ], + [ + "æ·", + "Ħ" + ], + [ + "çī", + "¡" + ], + [ + "çĽij", + "äºĭ" + ], + [ + "ç¿", + "¡" + ], + [ + "éĴĪ对", + "æĢ§" + ], + [ + "çª", + "ĥ" + ], + [ + "è£", + "½" + ], + [ + "èĨ", + "Ŀ" + ], + [ + "ç³", + "Ł" + ], + [ + "港", + "æ¾³" + ], + [ + "太", + "太" + ], + [ + "æ¾", + "¡" + ], + [ + "ç»Ĩ", + "åĮĸ" + ], + [ + "åĶ®", + "åIJİ" + ], + [ + "å®ŀåľ¨", + "æĺ¯" + ], + [ + "ç«", + "£" + ], + [ + "çį", + "²" + ], + [ + "å̾", + "åIJij" + ], + [ + "å¼ķ", + "ç͍" + ], + [ + "é¹", + "ħ" + ], + [ + "ç¬ij", + "容" + ], + [ + "ä¹IJ", + "è¶£" + ], + [ + "æ°ij", + "æĶ¿" + ], + [ + "éŨ", + "æĪ·" + ], + [ + "å±", + "ģ" + ], + [ + "è¿·", + "失" + ], + [ + "éĶ", + "Į" + ], + [ + "å°ı", + "康" + ], + [ + "åĭ", + "ī" + ], + [ + "æ³", + "¼" + ], + [ + "ä¾ĭ", + "åŃIJ" + ], + [ + "ä¸ī", + "ä½į" + ], + [ + "å»", + "ł" + ], + [ + "èĶ", + "ĵ" + ], + [ + "广", + "éĺĶ" + ], + [ + "èĢ", + "į" + ], + [ + "èĢģ", + "èĻİ" + ], + [ + "åĭŁ", + "éĽĨ" + ], + [ + "èĦļ", + "æŃ¥" + ], + [ + "æĭ", + "¯" + ], + [ + "åŃĹ", + "åı·" + ], + [ + "çĦ", + "°" + ], + [ + "é¢", + "ł" + ], + [ + "èļ", + "Ĥ" + ], + [ + "èļ", + "ģ" + ], + [ + "é£", + "¯" + ], + [ + "人", + "æĢ§" + ], + [ + "æĴ", + "°" + ], + [ + "åİ", + "¢" + ], + [ + "å±Ģ", + "éĻIJ" + ], + [ + "æľª", + "æĪIJ" + ], + [ + "åĵª", + "åĦ¿" + ], + [ + "大", + "åıij" + ], + [ + "ä¸į", + "å®ļ" + ], + [ + "å¾ģ", + "æ±Ĥ" + ], + [ + "éĥ", + "µ" + ], + [ + "åĢº", + "æĿĥ" + ], + [ + "çα", + "ä½ł" + ], + [ + "èº", + "ģ" + ], + [ + "ä»ħ", + "ä¾Ľ" + ], + [ + "è¿ľ", + "å¤Ħ" + ], + [ + "éĨ", + "Ľ" + ], + [ + "åĥ", + "µ" + ], + [ + "积æŀģ", + "æĢ§" + ], + [ + "æİ", + "¡" + ], + [ + "åīį", + "ä¸ī" + ], + [ + "äºİ", + "ä¸Ģä½ĵ" + ], + [ + "çŀ", + "Ħ" + ], + [ + "çĿ", + "ģ" + ], + [ + "æ²", + "¸" + ], + [ + "åħ±", + "èµ¢" + ], + [ + "éĢĢ", + "å½¹" + ], + [ + "è´Ŀ", + "å°Ķ" + ], + [ + "æİ", + "ı" + ], + [ + "æĪ", + "²" + ], + [ + "è¡", + "į" + ], + [ + "éĶ", + "Ĥ" + ], + [ + "ä¸ĩ", + "ä½Ļ" + ], + [ + "ç§ij", + "åĪĽ" + ], + [ + "æ¼Ķ", + "åͱ" + ], + [ + "欧", + "åħĥ" + ], + [ + "æ·¡", + "æ·¡" + ], + [ + "éĿĴ", + "å±±" + ], + [ + "èĹ", + "Ŀ" + ], + [ + "ç»", + "½" + ], + [ + "令", + "çīĮ" + ], + [ + "éĽĨ", + "群" + ], + [ + "ä½ľ", + "çī©" + ], + [ + "çĢ", + "ij" + ], + [ + "å¤", + "¯" + ], + [ + "ç½ij", + "游" + ], + [ + "åħ«", + "大" + ], + [ + "éª", + "ļ" + ], + [ + "èª", + "ĵ" + ], + [ + "ä¼ļ", + "å±ķ" + ], + [ + "åħļ", + "åı²" + ], + [ + "æ£Ģå¯Ł", + "éĻ¢" + ], + [ + "åĸ", + "ĺ" + ], + [ + "éĺ", + "±" + ], + [ + "èĢĮ", + "åĩº" + ], + [ + "éĢļ", + "车" + ], + [ + "éĴ", + "ĵ" + ], + [ + "æĥħ", + "人" + ], + [ + "æ¸", + "Ľ" + ], + [ + "ä¸Ń", + "ç§ĭ" + ], + [ + "çĪ", + "Ń" + ], + [ + "åıª", + "åī©" + ], + [ + "æĺ", + "Ķ" + ], + [ + "éĩİ", + "çĶŁ" + ], + [ + "ç¡", + "«" + ], + [ + "èIJĿ", + "åįľ" + ], + [ + "æĬµ", + "æĬĹ" + ], + [ + "çĻ«", + "çĹ«" + ], + [ + "éĻ", + "Ģ" + ], + [ + "èĶ", + "ļ" + ], + [ + "å¸", + "ľ" + ], + [ + "满", + "满" + ], + [ + "èı", + "±" + ], + [ + "éļĨ", + "éĩį" + ], + [ + "æĺŁ", + "级" + ], + [ + "æ½", + "ĩ" + ], + [ + "åħ¬", + "åħĥ" + ], + [ + "è°", + "£" + ], + [ + "æ¯Ķ", + "äºļ" + ], + [ + "æ¡Į", + "åŃIJ" + ], + [ + "èµ", + "£" + ], + [ + "è²", + "¼" + ], + [ + "æĦ¿", + "æľĽ" + ], + [ + "é¡", + "½" + ], + [ + "æ´¾", + "éģ£" + ], + [ + "ç¥", + "Ľ" + ], + [ + "åª", + "ļ" + ], + [ + "éĺ", + "ľ" + ], + [ + "èij", + "«" + ], + [ + "èĬ", + "¦" + ], + [ + "æ³", + "»" + ], + [ + "å¡", + "Į" + ], + [ + "çĭ", + "Ń" + ], + [ + "å»ī", + "æĶ¿" + ], + [ + "å¥ij", + "æľº" + ], + [ + "æĹĹ", + "èΰ" + ], + [ + "æĥ", + "«" + ], + [ + "严", + "åİī" + ], + [ + "åıĭ", + "æĥħ" + ], + [ + "å¦", + "Ĭ" + ], + [ + "å¨", + "ł" + ], + [ + "åĵª", + "å®¶" + ], + [ + "èĨ", + "¨" + ], + [ + "è¶", + "Ł" + ], + [ + "æĮ", + "ª" + ], + [ + "èĻ", + "IJ" + ], + [ + "é", + "łģ" + ], + [ + "çŀ", + "©" + ], + [ + "éº", + "Ł" + ], + [ + "ç¨", + "£" + ], + [ + "èģĶ", + "éĢļ" + ], + [ + "åı", + "®" + ], + [ + "çİĭ", + "èĢħ" + ], + [ + "ä¸į", + "ç¡®å®ļ" + ], + [ + "ç", + "ijľ" + ], + [ + "è°", + "İ" + ], + [ + "çī¢", + "è®°" + ], + [ + "ç¢", + "¼" + ], + [ + "æĬ¤", + "èĤ¤" + ], + [ + "é¡", + "·" + ], + [ + "çĦ", + "ķ" + ], + [ + "åģļ", + "强" + ], + [ + "éļ±", + "ç§ģ" + ], + [ + "éļ±ç§ģ", + "æ¬Ĭ" + ], + [ + "åıĹ", + "害" + ], + [ + "ä¸į", + "çͱ" + ], + [ + "çĥ", + "¹" + ], + [ + "é¥", + "ª" + ], + [ + "é©", + "³" + ], + [ + "ä¼", + "½" + ], + [ + "ä¸Ŀ", + "绸" + ], + [ + "è¥", + "Ħ" + ], + [ + "åįģ", + "ä½Ļ" + ], + [ + "éº", + "Ĺ" + ], + [ + "æ¬Ĭ", + "åĪ©" + ], + [ + "èģ", + "ŀ" + ], + [ + "åı¤", + "èĢģ" + ], + [ + "éģ", + "ı" + ], + [ + "åIJĦ", + "å¼ı" + ], + [ + "å°±", + "è¡Į" + ], + [ + "åħ¥", + "å¢ĥ" + ], + [ + "ç", + "ĥģ" + ], + [ + "èľ", + "ĺ" + ], + [ + "èĽ", + "Ľ" + ], + [ + "çº", + "¬" + ], + [ + "çŁ", + "«" + ], + [ + "è»", + "Ł" + ], + [ + "æ´Ĺ", + "è¡£" + ], + [ + "æĦ", + "§" + ], + [ + "é¢Ħ", + "æ¡Ī" + ], + [ + "éľ", + "Ĩ" + ], + [ + "æ·±", + "åİļ" + ], + [ + "éĺ¿", + "æĭī" + ], + [ + "åĨĻ", + "åŃĹ" + ], + [ + "åį", + "¦" + ], + [ + "éķ", + "Ģ" + ], + [ + "模", + "æł·" + ], + [ + "åĤ", + "į" + ], + [ + "æIJ", + "į" + ], + [ + "èĸ", + "¯" + ], + [ + "åł", + "ħ" + ], + [ + "åħ¬", + "积" + ], + [ + "è¨", + "İ" + ], + [ + "ä¼ł", + "æŁĵ" + ], + [ + "æ¯", + "¯" + ], + [ + "çIJĨ", + "å·¥" + ], + [ + "åĨ·", + "éĵ¾" + ], + [ + "ç«ĭ", + "æĸ¹" + ], + [ + "æ¢", + "Ń" + ], + [ + "åľ£", + "è¯ŀ" + ], + [ + "综", + "èīº" + ], + [ + "çİ©", + "ç¬ij" + ], + [ + "æĥ³", + "ä¸įåΰ" + ], + [ + "æijĩ", + "头" + ], + [ + "æ·", + "¹" + ], + [ + "åģĩ", + "æĹ¥" + ], + [ + "åĢ", + "ĺ" + ], + [ + "èĢ", + "½" + ], + [ + "èİ", + "ĵ" + ], + [ + "åŁ", + "·" + ], + [ + "èĩª", + "è´¸" + ], + [ + "åįĬ", + "天" + ], + [ + "æª", + "Ķ" + ], + [ + "æ¾İ", + "æ¹ĥ" + ], + [ + "éķ", + "ij" + ], + [ + "ä¸", + "«" + ], + [ + "éĩĮ", + "ç¨ĭ" + ], + [ + "å¼Ģ", + "èįĴ" + ], + [ + "èı", + "ı" + ], + [ + "å®Ŀ", + "è´µ" + ], + [ + "èŃ", + "¬" + ], + [ + "åķ", + "Ł" + ], + [ + "æŁ", + "ł" + ], + [ + "æª", + "¬" + ], + [ + "é©", + "Ń" + ], + [ + "æ±", + "Ľ" + ], + [ + "çĨĬ", + "çĮ«" + ], + [ + "èķ", + "ī" + ], + [ + "éļı", + "ä¹ĭ" + ], + [ + "å±", + "ij" + ], + [ + "è¾ĥ", + "强" + ], + [ + "èĥ", + "³" + ], + [ + "èĨ", + "Ĭ" + ], + [ + "éĿĻ", + "éĿĻ" + ], + [ + "åĴ", + "ª" + ], + [ + "æĭĽ", + "åij¼" + ], + [ + "代", + "è¨Ģ" + ], + [ + "ä¿¡", + "ç®±" + ], + [ + "è£ħ", + "éħį" + ], + [ + "æĤ", + "į" + ], + [ + "åįķ", + "车" + ], + [ + "èIJ", + "İ" + ], + [ + "å¤ļ", + "彩" + ], + [ + "éĻ", + "¸" + ], + [ + "ä»İ", + "严" + ], + [ + "æ©", + "Ħ" + ], + [ + "æ¦", + "Ħ" + ], + [ + "éĢ", + "®" + ], + [ + "éĩĮ", + "æĸ¯" + ], + [ + "å§¿", + "æĢģ" + ], + [ + "太", + "æŀģ" + ], + [ + "éĩ", + "Ŀ" + ], + [ + "æº", + "ī" + ], + [ + "è¿", + "Ń" + ], + [ + "ç§", + "¸" + ], + [ + "ç§", + "Ĩ" + ], + [ + "å·¥", + "å§Ķ" + ], + [ + "æ±", + "ķ" + ], + [ + "èģ", + "Ĩ" + ], + [ + "ä½", + "¬" + ], + [ + "ç¼", + "ħ" + ], + [ + "çĶ", + "¸" + ], + [ + "åī¯", + "å±Ģéķ¿" + ], + [ + "éĹ", + "º" + ], + [ + "èª", + "¤" + ], + [ + "è¤", + "IJ" + ], + [ + "ä¸į", + "éĻIJ" + ], + [ + "èħ", + "ķ" + ], + [ + "åij", + "ķ" + ], + [ + "çŁ", + "¶" + ], + [ + "åĨľ", + "å®¶" + ], + [ + "管", + "å§Ķä¼ļ" + ], + [ + "é¥", + "º" + ], + [ + "èĬ", + "ľ" + ], + [ + "æ¾", + "Ī" + ], + [ + "è©", + "¢" + ], + [ + "å¨ģ", + "å°¼æĸ¯" + ], + [ + "ä½ķ", + "åĨµ" + ], + [ + "å°ı", + "ä¼Ļ" + ], + [ + "奢", + "ä¾Ī" + ], + [ + "è¿Ļ", + "ç¯ĩ" + ], + [ + "è¯", + "µ" + ], + [ + "竳", + "ç¨ĭ" + ], + [ + "ç´", + "Ģ" + ], + [ + "éIJ", + "ĺ" + ], + [ + "éĤ", + "¢" + ], + [ + "ç³", + "Ļ" + ], + [ + "ç¼", + "Ģ" + ], + [ + "ä¹", + "Ĵ" + ], + [ + "ä¹", + "ĵ" + ], + [ + "çī¢", + "åĽº" + ], + [ + "åĿ", + "ŀ" + ], + [ + "å¼", + "Ī" + ], + [ + "ä¾ĭ", + "å¤ĸ" + ], + [ + "å»", + "³" + ], + [ + "è§Ħ", + "竳" + ], + [ + "èĬ", + "Ļ" + ], + [ + "ç¯", + "·" + ], + [ + "èº", + "¯" + ], + [ + "æł", + "Ī" + ], + [ + "åĿļ", + "å®ŀ" + ], + [ + "åŁº", + "建" + ], + [ + "çĿĢ", + "çľ¼" + ], + [ + "ç·", + "´" + ], + [ + "èij", + "©" + ], + [ + "ç¼", + "ļ" + ], + [ + "æ¦", + "Ĩ" + ], + [ + "主", + "åĭķ" + ], + [ + "ç¥", + "Ģ" + ], + [ + "äºĴ", + "éĢļ" + ], + [ + "å°¤", + "为" + ], + [ + "å®", + "Ľ" + ], + [ + "éª", + "¼" + ], + [ + "æ±", + "²" + ], + [ + "ä¾", + "ĥ" + ], + [ + "æĤł", + "ä¹ħ" + ], + [ + "æij", + "§" + ], + [ + "æĭ", + "ĩ" + ], + [ + "é«", + "ĵ" + ], + [ + "éº", + "Ĵ" + ], + [ + "éĻ", + "Ľ" + ], + [ + "æŀ", + "¸" + ], + [ + "æĿ", + "ŀ" + ], + [ + "è´", + "¬" + ], + [ + "å°ı", + "é¾Ļ" + ], + [ + "åĵ", + "®" + ], + [ + "èĵ¬", + "åĭĥ" + ], + [ + "åĮ", + "Ī" + ], + [ + "çķľ", + "çī§" + ], + [ + "å¨", + "©" + ], + [ + "个", + "å¤ļ" + ], + [ + "æ²", + "¥" + ], + [ + "æĺ", + "§" + ], + [ + "çĦ", + "ļ" + ], + [ + "æĬij", + "éĥģ" + ], + [ + "çĸ", + "¡" + ], + [ + "èĺ", + "ij" + ], + [ + "éģİ", + "ç¨ĭ" + ], + [ + "æ©", + "±" + ], + [ + "éĿ", + "ĵ" + ], + [ + "大", + "çIJĨ" + ], + [ + "é«", + "¦" + ], + [ + "åĪĨ", + "辨" + ], + [ + "æ¸", + "¤" + ], + [ + "çĸ", + "¤" + ], + [ + "åĬ¨", + "èĥ½" + ], + [ + "å¼ł", + "å®¶" + ], + [ + "ä¸ĩ", + "åįĥ" + ], + [ + "æ»", + "¥" + ], + [ + "é¥", + "¥" + ], + [ + "åºŁ", + "å¼ĥ" + ], + [ + "å¸", + "³" + ], + [ + "æ¼", + "³" + ], + [ + "è±", + "IJ" + ], + [ + "ä»", + "ij" + ], + [ + "å«", + "ī" + ], + [ + "å¦", + "Ĵ" + ], + [ + "çŀ", + "Ĵ" + ], + [ + "è¡", + "ħ" + ], + [ + "çĭ", + "¸" + ], + [ + "å¾ģ", + "ç¨ĭ" + ], + [ + "éĤ", + "¯" + ], + [ + "éĥ", + "¸" + ], + [ + "ç¥", + "Ī" + ], + [ + "ç¥", + "·" + ], + [ + "è¶", + "´" + ], + [ + "ç»ĵæŀĦ", + "æĢ§" + ], + [ + "è§Ĩ", + "åIJ¬" + ], + [ + "è¬", + "Ŀ" + ], + [ + "çĴ", + "Ģ" + ], + [ + "çĴ", + "¨" + ], + [ + "åĩº", + "å¤Ħ" + ], + [ + "è¯", + "Ģ" + ], + [ + "å¾", + "ĺ" + ], + [ + "å¾", + "Ĭ" + ], + [ + "çľ", + "¨" + ], + [ + "åĸ", + "ĩ" + ], + [ + "åı", + "Ń" + ], + [ + "åĺ", + "²" + ], + [ + "çķ", + "¸" + ], + [ + "å¹²", + "äºĭ" + ], + [ + "æļ", + "§" + ], + [ + "æ²", + "Ľ" + ], + [ + "åĦ", + "Ħ" + ], + [ + "å»", + "ĵ" + ], + [ + "åİ¿", + "éķ¿" + ], + [ + "èĥ", + "ļ" + ], + [ + "çIJ", + "¢" + ], + [ + "çŃ", + "·" + ], + [ + "éĩ", + "ĭ" + ], + [ + "ä¾", + "®" + ], + [ + "åIJ", + "©" + ], + [ + "åĴ", + "IJ" + ], + [ + "åĮ", + "¿" + ], + [ + "æĬ¬", + "èµ·" + ], + [ + "æ³", + "£" + ], + [ + "æ¶", + "¤" + ], + [ + "éº", + "½" + ], + [ + "æĽ", + "Ļ" + ], + [ + "åī¯", + "éĻ¢éķ¿" + ], + [ + "åħļ", + "åĴĮ" + ], + [ + "æķ£", + "åıij" + ], + [ + "润", + "æ»ij" + ], + [ + "åĵ", + "º" + ], + [ + "æĥ", + "¬" + ], + [ + "漫", + "éķ¿" + ], + [ + "ä¸į", + "æĩĪ" + ], + [ + "åŁ", + "ł" + ], + [ + "åĹ", + "ĵ" + ], + [ + "èĢģ", + "çĪ·" + ], + [ + "è®", + "½" + ], + [ + "æĪĺ", + "ç»ĦåIJĪ" + ], + [ + "æ£", + "ł" + ], + [ + "åħ¨", + "åŁŁ" + ], + [ + "èł", + "¢" + ], + [ + "è¯", + "¡" + ], + [ + "åīį", + "çŀ»" + ], + [ + "æķ", + "Ľ" + ], + [ + "ä¸Ģ", + "å°ģ" + ], + [ + "å¹", + "Ĥ" + ], + [ + "èİ", + "Ĩ" + ], + [ + "è¯Ŀ", + "è¯Ń" + ], + [ + "ç»Ĩ", + "åĪĻ" + ], + [ + "å±", + "¿" + ], + [ + "åµ", + "Į" + ], + [ + "éĢ", + "į" + ], + [ + "åĺ", + "±" + ], + [ + "æ¸", + "²" + ], + [ + "çĥ", + "¯" + ], + [ + "çĿ", + "¹" + ], + [ + "é¦", + "Ĵ" + ], + [ + "èħ", + "¥" + ], + [ + "æĬĹ", + "åĩ»" + ], + [ + "çĿ", + "«" + ], + [ + "èį", + "Ķ" + ], + [ + "éļ", + "İ" + ], + [ + "æ³ī", + "æ°´" + ], + [ + "è¬", + "Ĥ" + ], + [ + "ç", + "Ĥ¬" + ], + [ + "åĩı", + "æİĴ" + ], + [ + "è¸", + "Ĭ" + ], + [ + "è", + "·»" + ], + [ + "æ·", + "Į" + ], + [ + "éľ", + "¾" + ], + [ + "å¥ĩ", + "纳" + ], + [ + "å¯", + "Ŀ" + ], + [ + "æ¤", + "İ" + ], + [ + "æŁ", + "¬" + ], + [ + "æĸ¯", + "åŁº" + ], + [ + "åħ¬", + "ç«ĭ" + ], + [ + "è¨", + "ĵ" + ], + [ + "é£", + "Ļ" + ], + [ + "é©", + "¿" + ], + [ + "åĤ", + "µ" + ], + [ + "èĽ", + "Ļ" + ], + [ + "ç¯ĩ", + "竳" + ], + [ + "åĪĨ", + "æĶ¯" + ], + [ + "ä¸Ĭ", + "å¹´" + ], + [ + "çŃ", + "Ŀ" + ], + [ + "ç¼", + "¤" + ], + [ + "èĢģ", + "æĹ§" + ], + [ + "åĻ", + "¬" + ], + [ + "æľ", + "¦" + ], + [ + "èĥ", + "§" + ], + [ + "æ¶Ī", + "è²»" + ], + [ + "æĵ", + "Ķ" + ], + [ + "æ¦", + "´" + ], + [ + "æ¿", + "Ĵ" + ], + [ + "ç³", + "¯" + ], + [ + "æ³", + "¸" + ], + [ + "æį", + "Ĩ" + ], + [ + "ç»", + "ļ" + ], + [ + "èµ", + "İ" + ], + [ + "çIJ", + "IJ" + ], + [ + "èµ", + "Ĥ" + ], + [ + "æħ", + "®" + ], + [ + "æ²", + "Į" + ], + [ + "çĦ", + "Ļ" + ], + [ + "æĴŃ", + "æĬ¥" + ], + [ + "æ·", + "ĩ" + ], + [ + "åĪĩ", + "åħ¥" + ], + [ + "çij", + "ķ" + ], + [ + "çĸ", + "µ" + ], + [ + "éģ", + "´" + ], + [ + "ç¨", + "ļ" + ], + [ + "ç©", + "©" + ], + [ + "èŀ", + "ĥ" + ], + [ + "æ£", + "ķ" + ], + [ + "æĨ", + "§" + ], + [ + "æĨ", + "¬" + ], + [ + "ä¼", + "º" + ], + [ + "æ¯", + "Ĺ" + ], + [ + "æį", + "į" + ], + [ + "æĬ", + "ī" + ], + [ + "ç´", + "Ĭ" + ], + [ + "å¼", + "Ľ" + ], + [ + "æĭ", + "Ń" + ], + [ + "æĹı", + "èĩªæ²»" + ], + [ + "åĿ", + "·" + ], + [ + "ç«", + "¶" + ], + [ + "è©", + "³" + ], + [ + "è¿Ħ", + "ä»Ĭ" + ], + [ + "è°", + "´" + ], + [ + "çŀŃ", + "è§£" + ], + [ + "æŁ", + "¿" + ], + [ + "é¢", + "Ĭ" + ], + [ + "ç°", + "§" + ], + [ + "çĥŁ", + "èĬ±" + ], + [ + "ä¾", + "¥" + ], + [ + "çĿ", + "¦" + ], + [ + "éħ", + "Ŀ" + ], + [ + "æ°", + "ĵ" + ], + [ + "çIJ", + "ī" + ], + [ + "å§", + "Ĭ" + ], + [ + "æ²", + "®" + ], + [ + "æħ", + "·" + ], + [ + "èľ", + "ķ" + ], + [ + "çij", + "ļ" + ], + [ + "éĩĩ", + "çŁ¿" + ], + [ + "åł", + "°" + ], + [ + "åºķ", + "èķ´" + ], + [ + "èĨ", + "³" + ], + [ + "è¾", + "ķ" + ], + [ + "éŁ", + "Ń" + ], + [ + "åĴ", + "Ļ" + ], + [ + "ç²", + "½" + ], + [ + "åī", + "Ķ" + ], + [ + "æ²", + "¦" + ], + [ + "èĤ", + "´" + ], + [ + "éķ", + "¶" + ], + [ + "æĺ", + "¼" + ], + [ + "è¾", + "Ĺ" + ], + [ + "å©", + "ª" + ], + [ + "åĮ", + "®" + ], + [ + "æĸ", + "ĵ" + ], + [ + "æ±", + "¶" + ], + [ + "éĥ", + "´" + ], + [ + "éł", + "»" + ], + [ + "çª", + "Ĵ" + ], + [ + "è¢", + "±" + ], + [ + "åĽ", + "±" + ], + [ + "èĢ", + "ĺ" + ], + [ + "è", + "ļĮ" + ], + [ + "çĭ", + "Ļ" + ], + [ + "çĹ", + "¹" + ], + [ + "ç¥", + "ī" + ], + [ + "æı", + "®" + ], + [ + "æ·", + "Ĩ" + ], + [ + "ç£", + "ĭ" + ], + [ + "éĺ", + "ª" + ], + [ + "æ", + "«" + ], + [ + "ã", + "¸" + ], + [ + "Ļ", + "¶" + ], + [ + "ã", + "ij" + ], + [ + "ð£", + "²" + ], + [ + "ä", + "¢" + ], + [ + "ã", + "Ń" + ], + [ + "ð¬", + "¨" + ], + [ + "ð¬", + "Ģ" + ], + [ + "ð¬", + "®" + ], + [ + "ð¬", + "¯" + ], + [ + "ð¬", + "ľ" + ], + [ + "ðª", + "¨" + ], + [ + "ð«", + "Ĺ" + ], + [ + "ð¬", + "Ĭ" + ], + [ + "ð¬", + "±" + ], + [ + "ð¬", + "Ł" + ], + [ + "ä", + "İ" + ], + [ + "ð", + "¡" + ], + [ + "ä", + "ĥ" + ], + [ + "ã", + "ł" + ], + [ + "ð", + "©" + ], + [ + "ð©", + "¾" + ], + [ + "ð¬", + "º" + ], + [ + "ð¬", + "Ļ" + ], + [ + "ãĢ", + "Ķ" + ], + [ + "ãĢ", + "ķ" + ], + [ + "çļĦ", + "æĹ¶åĢĻ" + ], + [ + "æľīéĻIJ", + "åħ¬åı¸" + ], + [ + "ä¹ĭ", + "åIJİ" + ], + [ + "ä¸ļ", + "åĬ¡" + ], + [ + "åķ", + "Ĭ" + ], + [ + "èϽ", + "çĦ¶" + ], + [ + "æĭ¥", + "æľī" + ], + [ + "äºĴ", + "èģĶç½ij" + ], + [ + "éĤ£", + "äºĽ" + ], + [ + "ä½ł", + "çļĦ" + ], + [ + "åĨ³", + "å®ļ" + ], + [ + "éϤ", + "äºĨ" + ], + [ + "åĽ¢", + "éĺŁ" + ], + [ + "åı¯", + "æĺ¯" + ], + [ + "以", + "åIJİ" + ], + [ + "社", + "åĮº" + ], + [ + "çļĦ", + "éĹ®é¢ĺ" + ], + [ + "å¹¶", + "ä¸Ķ" + ], + [ + "æķĻ", + "å¸Ī" + ], + [ + "å°±", + "ä¼ļ" + ], + [ + "天空", + "éĥ¨èIJ½" + ], + [ + "æľĢ", + "ç»Ī" + ], + [ + "å½ĵ", + "çĦ¶" + ], + [ + "ä¹Ł", + "æľī" + ], + [ + "ç¡®", + "ä¿Ŀ" + ], + [ + "æĥ³", + "è¦ģ" + ], + [ + "è´Ń", + "ä¹°" + ], + [ + "人", + "çļĦ" + ], + [ + "åIJ", + "´" + ], + [ + "çļĦ", + "åıijå±ķ" + ], + [ + "ä¸į", + "çŁ¥éģĵ" + ], + [ + "软", + "ä»¶" + ], + [ + "æĪij们", + "çļĦ" + ], + [ + "çζ", + "æ¯į" + ], + [ + "åī", + "ij" + ], + [ + "èĢĮ", + "æĺ¯" + ], + [ + "å®ī", + "æİĴ" + ], + [ + "åIJİ", + "æĿ¥" + ], + [ + "çļĦ", + "åľ°æĸ¹" + ], + [ + "èµ", + "µ" + ], + [ + "èĢĥ", + "è¯ķ" + ], + [ + "çªģ", + "çĦ¶" + ], + [ + "ä¸Ģå®ļ", + "è¦ģ" + ], + [ + "åζ", + "ä½ľ" + ], + [ + "è¯Ħ", + "ä»·" + ], + [ + "åħį", + "è´¹" + ], + [ + "è´¹", + "ç͍" + ], + [ + "绣", + "ä¸Ģ" + ], + [ + "çĦ¶", + "èĢĮ" + ], + [ + "è¿Ļ", + "次" + ], + [ + "éĿĴ", + "å¹´" + ], + [ + "人", + "ç±»" + ], + [ + "äº", + "¦" + ], + [ + "让", + "人" + ], + [ + "è´Łè´£", + "人" + ], + [ + "éĩĩ", + "åıĸ" + ], + [ + "çļĦ", + "äºĭæĥħ" + ], + [ + "ä¹Ł", + "ä¼ļ" + ], + [ + "车", + "è¾Ĩ" + ], + [ + "æĽ´", + "æĺ¯" + ], + [ + "强", + "åĮĸ" + ], + [ + "æĪij", + "åĢij" + ], + [ + "以", + "åīį" + ], + [ + "ä¼ĺ", + "åĮĸ" + ], + [ + "å§Ķåijĺ", + "ä¼ļ" + ], + [ + "åĽ°", + "éļ¾" + ], + [ + "å¹´", + "度" + ], + [ + "ä½į", + "äºİ" + ], + [ + "æĮĩ", + "åĩº" + ], + [ + "åĨį", + "次" + ], + [ + "åĬŀ", + "çIJĨ" + ], + [ + "æ¯ı", + "个" + ], + [ + "对", + "æĸ¹" + ], + [ + "è¿Ľè¡Į", + "äºĨ" + ], + [ + "æľĢ", + "é«ĺ" + ], + [ + "课", + "ç¨ĭ" + ], + [ + "身", + "ä¸Ĭ" + ], + [ + "æĽ¾", + "ç»ı" + ], + [ + "åĮ»", + "çĶŁ" + ], + [ + "å®ī", + "è£ħ" + ], + [ + "æľ", + "±" + ], + [ + "è¿IJ", + "è¡Į" + ], + [ + "åıĮ", + "æĸ¹" + ], + [ + "æľĢ", + "大çļĦ" + ], + [ + "æŀĦ", + "建" + ], + [ + "è¿ŀ", + "ç»Ń" + ], + [ + "çļĦ", + "å°ı" + ], + [ + "她", + "çļĦ" + ], + [ + "çŃī", + "çŃī" + ], + [ + "æĶ¹", + "åĸĦ" + ], + [ + "åIJĦ", + "ç±»" + ], + [ + "éģĩ", + "åΰ" + ], + [ + "æľī", + "çĿĢ" + ], + [ + "人", + "çī©" + ], + [ + "æĢ»", + "æĺ¯" + ], + [ + "è¿ħ", + "éĢŁ" + ], + [ + "åζ", + "å®ļ" + ], + [ + "å®ĥ", + "们" + ], + [ + "å®ĺ", + "ç½ij" + ], + [ + "è¿ĺ", + "è¦ģ" + ], + [ + "ç»Ī", + "äºİ" + ], + [ + "æĪ¿", + "åľ°äº§" + ], + [ + "è¯ģ", + "æĺİ" + ], + [ + "èĤ¡", + "票" + ], + [ + "åºĶ", + "å½ĵ" + ], + [ + "èĭ±", + "åĽ½" + ], + [ + "è¿IJ", + "ç͍" + ], + [ + "æľĢ", + "æĸ°" + ], + [ + "享", + "åıĹ" + ], + [ + "让", + "æĪij" + ], + [ + "æĻļ", + "ä¸Ĭ" + ], + [ + "å¾", + "ŀ" + ], + [ + "å°ı", + "说" + ], + [ + "å°¤åħ¶", + "æĺ¯" + ], + [ + "è®Ń", + "ç»ĥ" + ], + [ + "åħ¨", + "å¸Ĥ" + ], + [ + "æĮij", + "æĪĺ" + ], + [ + "æľī", + "çĤ¹" + ], + [ + "带", + "çĿĢ" + ], + [ + "çļĦ", + "ä¸ľè¥¿" + ], + [ + "é£İ", + "æł¼" + ], + [ + "é»Ħ", + "éĩij" + ], + [ + "å¼ķ", + "导" + ], + [ + "æŃ¤", + "å¤ĸ" + ], + [ + "æľĢ", + "è¿ij" + ], + [ + "追", + "æ±Ĥ" + ], + [ + "强", + "è°ĥ" + ], + [ + "ä¹Ł", + "åı¯ä»¥" + ], + [ + "æĦŁ", + "åΰ" + ], + [ + "èĩª", + "æĪij" + ], + [ + "çī¹åĪ«", + "æĺ¯" + ], + [ + "æĪIJ", + "éĥ½" + ], + [ + "éĢIJ", + "æ¸IJ" + ], + [ + "å¿«", + "ä¹IJ" + ], + [ + "ä¹ĭ", + "ä¸Ń" + ], + [ + "æĬķèµĦ", + "èĢħ" + ], + [ + "ä»ĸ们", + "çļĦ" + ], + [ + "æ°", + "ı" + ], + [ + "å·¥ä½ľ", + "人åijĺ" + ], + [ + "äºĨ", + "ä¸Ģ个" + ], + [ + "åķ", + "¦" + ], + [ + "ä¸Ģ", + "åĢĭ" + ], + [ + "åŁº", + "å±Ĥ" + ], + [ + "æ²Ł", + "éĢļ" + ], + [ + "第ä¸Ģ", + "次" + ], + [ + "å¹¶", + "没æľī" + ], + [ + "çļĦ", + "å·¥ä½ľ" + ], + [ + "åľ¨", + "è¿ĻéĩĮ" + ], + [ + "æŀ", + "ª" + ], + [ + "æĶ¯", + "æĴij" + ], + [ + "æĹ¶", + "å°ļ" + ], + [ + "æĿ¥", + "åΰ" + ], + [ + "æĶ¶", + "è´Ń" + ], + [ + "éĿ©", + "åij½" + ], + [ + "æĺ¯", + "ä¸įæĺ¯" + ], + [ + "讨", + "论" + ], + [ + "ä¸ļ", + "绩" + ], + [ + "å°±", + "èĥ½" + ], + [ + "ç«ĭ", + "åį³" + ], + [ + "è¡Ĺ", + "éģĵ" + ], + [ + "åľ¨", + "ä¸Ģèµ·" + ], + [ + "æľĪ", + "份" + ], + [ + "é«ĺ", + "端" + ], + [ + "å¾Ī", + "éļ¾" + ], + [ + "ä¿Ħ", + "ç½Ĺæĸ¯" + ], + [ + "æīĭ", + "段" + ], + [ + "åģļ", + "åĩº" + ], + [ + "ä¼Ĺ", + "å¤ļ" + ], + [ + "å®ŀ", + "è¡Į" + ], + [ + "æīĵ", + "å¼Ģ" + ], + [ + "游", + "客" + ], + [ + "ä¾Ŀ", + "çĦ¶" + ], + [ + "å°±", + "åĥı" + ], + [ + "离", + "å¼Ģ" + ], + [ + "说", + "éģĵ" + ], + [ + "æĸ°", + "èĥ½æºIJ" + ], + [ + "æº", + "ª" + ], + [ + "äº", + "ķ" + ], + [ + "令", + "人" + ], + [ + "ä¸Ģ", + "åľº" + ], + [ + "æĪij", + "æĥ³" + ], + [ + "两", + "人" + ], + [ + "èĩ³", + "å°ij" + ], + [ + "çļĦ", + "çĶŁæ´»" + ], + [ + "æĺ¯", + "个" + ], + [ + "èĭ±", + "è¯Ń" + ], + [ + "æ²Ĵ", + "æľī" + ], + [ + "æĢĿ", + "èĢĥ" + ], + [ + "éĻIJ", + "åζ" + ], + [ + "åı°", + "æ¹¾" + ], + [ + "ä¸Ģ", + "æĹ¦" + ], + [ + "çļĦ", + "ä¸Ģ个" + ], + [ + "é«ĺ", + "级" + ], + [ + "åĬŀåħ¬", + "室" + ], + [ + "å¾·", + "åĽ½" + ], + [ + "æĪij", + "å°±" + ], + [ + "å®ļ", + "ä½į" + ], + [ + "éĢĤ", + "åºĶ" + ], + [ + "æĮĩ", + "æłĩ" + ], + [ + "åħ¨", + "çľģ" + ], + [ + "ä¸Ĭ", + "è¿°" + ], + [ + "å®ĥ", + "çļĦ" + ], + [ + "åĽŀ", + "å®¶" + ], + [ + "欧", + "æ´²" + ], + [ + "éĵģ", + "è·¯" + ], + [ + "é¼ĵ", + "åĬ±" + ], + [ + "çļĦ", + "å½±åĵį" + ], + [ + "é«ĺ", + "æł¡" + ], + [ + "天", + "ä¸ĭ" + ], + [ + "é«ĺ", + "è´¨éĩı" + ], + [ + "æĿŃ", + "å·ŀ" + ], + [ + "èµĦ", + "讯" + ], + [ + "æĶ¾", + "åľ¨" + ], + [ + "æľī", + "ä¸Ģ个" + ], + [ + "å°±", + "è¦ģ" + ], + [ + "ä¸Ĭ", + "éĿ¢" + ], + [ + "è§£", + "éĩĬ" + ], + [ + "éĢIJ", + "æŃ¥" + ], + [ + "å°½", + "管" + ], + [ + "æľī", + "ä»Ģä¹Ī" + ], + [ + "çļĦ", + "äºĭ" + ], + [ + "çĻ»", + "è®°" + ], + [ + "人æ°ij", + "å¸ģ" + ], + [ + "è§Ĥ", + "ä¼Ĺ" + ], + [ + "è§Ĥ", + "å¯Ł" + ], + [ + "ç͵", + "èĦij" + ], + [ + "çļĦ", + "åIJĮæĹ¶" + ], + [ + "ä½ľ", + "ä¸ļ" + ], + [ + "宣", + "å¸ĥ" + ], + [ + "çļĦ", + "ä½ľç͍" + ], + [ + "åĽŀ", + "æĿ¥" + ], + [ + "éļ¾", + "以" + ], + [ + "æīĢæľī", + "çļĦ" + ], + [ + "å°ı", + "åѦ" + ], + [ + "æıIJ", + "åīį" + ], + [ + "æ¤į", + "çī©" + ], + [ + "åĩ", + "¯" + ], + [ + "ä¸Ĭ", + "äºĨ" + ], + [ + "å°±", + "åľ¨" + ], + [ + "åħĪ", + "åIJİ" + ], + [ + "æīĭ", + "æľ¯" + ], + [ + "éĥ", + "Ń" + ], + [ + "éĿ¢", + "åīį" + ], + [ + "æ¯ķ", + "竣" + ], + [ + "äºĮ", + "æĺ¯" + ], + [ + "红", + "èī²" + ], + [ + "éĺ³", + "åħī" + ], + [ + "èĭ¹", + "æŀľ" + ], + [ + "å¾Īå¤ļ", + "人" + ], + [ + "ç»Ļ", + "æĪij" + ], + [ + "åĵ", + "¦" + ], + [ + "çľ¼", + "çĿĽ" + ], + [ + "éł", + "Ń" + ], + [ + "ä¸Ģ", + "æĺ¯" + ], + [ + "åıijå±ķ", + "çļĦ" + ], + [ + "åıį", + "åºĶ" + ], + [ + "æĪ¿", + "å±ĭ" + ], + [ + "æľŁ", + "å¾ħ" + ], + [ + "ç§į", + "æ¤į" + ], + [ + "æĸĩ", + "åѦ" + ], + [ + "åį³", + "åı¯" + ], + [ + "é¦ĸ", + "次" + ], + [ + "èĭ±", + "éĽĦ" + ], + [ + "å¤ļ", + "次" + ], + [ + "åĮħ", + "è£ħ" + ], + [ + "æ²³", + "åįĹ" + ], + [ + "ä¹ĭéĹ´", + "çļĦ" + ], + [ + "ä»į", + "çĦ¶" + ], + [ + "åIJ¬", + "åΰ" + ], + [ + "èij£äºĭ", + "éķ¿" + ], + [ + "è§Ħ", + "åĪĻ" + ], + [ + "ä¸Ģ", + "份" + ], + [ + "大", + "ä¼Ĺ" + ], + [ + "使", + "å¾Ĺ" + ], + [ + "è¿Ľ", + "åı£" + ], + [ + "ä¸Ģ", + "çīĩ" + ], + [ + "æĢ§", + "çļĦ" + ], + [ + "çļĦ", + "大" + ], + [ + "æĪij", + "æĺ¯" + ], + [ + "äºĴ", + "åĬ¨" + ], + [ + "æ°", + "£" + ], + [ + "çļ", + "Ĩ" + ], + [ + "åħ¬åı¸", + "çļĦ" + ], + [ + "ä¸Ģ", + "è¾¹" + ], + [ + "åıĬ", + "åħ¶" + ], + [ + "èī¯", + "好çļĦ" + ], + [ + "æĭĵ", + "å±ķ" + ], + [ + "å½ĵ", + "å¹´" + ], + [ + "广", + "åľº" + ], + [ + "åģļ", + "äºĨ" + ], + [ + "åŁº", + "äºİ" + ], + [ + "æıIJ", + "éĨĴ" + ], + [ + "åħĦ", + "å¼Ł" + ], + [ + "èĢģ", + "æĿ¿" + ], + [ + "è¿ij", + "æĹ¥" + ], + [ + "çĬ¶", + "åĨµ" + ], + [ + "注", + "éĩį" + ], + [ + "åĪļ", + "åĪļ" + ], + [ + "è°ĥ", + "çłĶ" + ], + [ + "å¿ĥ", + "ä¸Ń" + ], + [ + "æĬĬ", + "æı¡" + ], + [ + "éļı", + "åIJİ" + ], + [ + "ä¸į", + "å¤Ł" + ], + [ + "åĪĽ", + "ä½ľ" + ], + [ + "ç«Ļ", + "åľ¨" + ], + [ + "缸", + "äºĴ" + ], + [ + "çĸ«æĥħ", + "éĺ²æİ§" + ], + [ + "å¹´", + "代" + ], + [ + "带", + "åĬ¨" + ], + [ + "伤", + "害" + ], + [ + "竣", + "çĦ¶" + ], + [ + "å¼ķ", + "è¿Ľ" + ], + [ + "ç´¯", + "计" + ], + [ + "让", + "æĪij们" + ], + [ + "åĽŀ", + "æĶ¶" + ], + [ + "æĬ¥", + "åIJį" + ], + [ + "åĬ©", + "åĬĽ" + ], + [ + "èģĶ", + "缣" + ], + [ + "çŃĸ", + "çķ¥" + ], + [ + "åij¨", + "è¾¹" + ], + [ + "åĭ", + "Ĵ" + ], + [ + "è¿ĺ", + "åľ¨" + ], + [ + "æµģ", + "éĩı" + ], + [ + "寻", + "æī¾" + ], + [ + "ç͵", + "åĬĽ" + ], + [ + "èι", + "èζ" + ], + [ + "è¿ĺ", + "èĥ½" + ], + [ + "æĭħ", + "ä»»" + ], + [ + "çļĦæĥħåĨµ", + "ä¸ĭ" + ], + [ + "çļĦ", + "åİŁåĽł" + ], + [ + "缺", + "ä¹ı" + ], + [ + "çIJĥ", + "åijĺ" + ], + [ + "å²ģ", + "çļĦ" + ], + [ + "çĶ·", + "åŃIJ" + ], + [ + "å·¥", + "èµĦ" + ], + [ + "è¿ijå¹´", + "æĿ¥" + ], + [ + "åij", + "Ģ" + ], + [ + "æıIJä¾Ľ", + "äºĨ" + ], + [ + "她", + "们" + ], + [ + "å®¶", + "åħ·" + ], + [ + "çĩ", + "ķ" + ], + [ + "è½»", + "æĿ¾" + ], + [ + "æł¡", + "åĽŃ" + ], + [ + "èĢĥ", + "æł¸" + ], + [ + "åį±", + "éĻ©" + ], + [ + "åħļ", + "ç»Ħç»ĩ" + ], + [ + "æĢ»", + "ç»ıçIJĨ" + ], + [ + "çļĦ", + "æĸ°" + ], + [ + "çİ»", + "çĴĥ" + ], + [ + "è¿Ļ", + "ä½į" + ], + [ + "对", + "æŃ¤" + ], + [ + "å®¶", + "人" + ], + [ + "çļĦ", + "è¦ģæ±Ĥ" + ], + [ + "温", + "度" + ], + [ + "æĮĩ", + "æķ°" + ], + [ + "缴", + "åΰ" + ], + [ + "æŃ¤", + "æĹ¶" + ], + [ + "æ¹ĸ", + "åįĹ" + ], + [ + "éĥ½", + "è¦ģ" + ], + [ + "ä½ľ", + "åĩº" + ], + [ + "åIJĦ", + "ä½į" + ], + [ + "èĢĥ", + "çĶŁ" + ], + [ + "ä¾Ŀ", + "æį®" + ], + [ + "说", + "è¯Ŀ" + ], + [ + "æĪij", + "ä¹Ł" + ], + [ + "å·¥", + "åİĤ" + ], + [ + "åıĺ", + "æĪIJ" + ], + [ + "ä»ĸ", + "人" + ], + [ + "æĪij", + "è§īå¾Ĺ" + ], + [ + "åIJĦ", + "级" + ], + [ + "ä¼łå¥ĩ", + "ç§ģæľį" + ], + [ + "ä¸Ĭ", + "åįĩ" + ], + [ + "好", + "åĥı" + ], + [ + "åĬł", + "éĢŁ" + ], + [ + "äºĮ", + "åįģ" + ], + [ + "è¢", + "ģ" + ], + [ + "è£ħ", + "饰" + ], + [ + "éĥ½", + "èĥ½" + ], + [ + "ä¸Ģ", + "å¼ł" + ], + [ + "åĬ¨", + "æĢģ" + ], + [ + "å¹´", + "çļĦ" + ], + [ + "è¿Ļ", + "å°±æĺ¯" + ], + [ + "ä¹Ł", + "è¦ģ" + ], + [ + "èµĦ", + "æł¼" + ], + [ + "æĪĺ", + "äºī" + ], + [ + "æĦŁ", + "è°¢" + ], + [ + "åŁ¹", + "èĤ²" + ], + [ + "天", + "æ°Ķ" + ], + [ + "女", + "士" + ], + [ + "åı¯èĥ½", + "ä¼ļ" + ], + [ + "çļĦ", + "产åĵģ" + ], + [ + "ä¹Ł", + "å°±" + ], + [ + "主è¦ģ", + "æĺ¯" + ], + [ + "åĪº", + "æ¿Ģ" + ], + [ + "ç»Ļ", + "ä½ł" + ], + [ + "大", + "æķ°æį®" + ], + [ + "åĮ»", + "åѦ" + ], + [ + "åĪ", + "¤æĸŃ" + ], + [ + "ä»ĸ", + "说" + ], + [ + "表", + "æ¼Ķ" + ], + [ + "äºļ", + "æ´²" + ], + [ + "ä¸ĵ", + "é¢ĺ" + ], + [ + "ç«ŀäºī", + "åĬĽ" + ], + [ + "éĤ£", + "æł·" + ], + [ + "å±ķ", + "å¼Ģ" + ], + [ + "å¹³", + "æĹ¶" + ], + [ + "æİ¥", + "ä¸ĭæĿ¥" + ], + [ + "æī¿", + "诺" + ], + [ + "æ³ķ", + "åĽ½" + ], + [ + "åħ³", + "å¿ĥ" + ], + [ + "ä¼ļ", + "æľī" + ], + [ + "éĤĢ", + "请" + ], + [ + "é¢Ħ", + "éĺ²" + ], + [ + "对", + "æİ¥" + ], + [ + "好", + "äºĨ" + ], + [ + "åĴ±", + "们" + ], + [ + "çļĦ", + "æĦŁè§ī" + ], + [ + "æĢĿ", + "è·¯" + ], + [ + "éĥ½", + "没æľī" + ], + [ + "çļĦ", + "æĸ¹æ³ķ" + ], + [ + "女", + "åŃIJ" + ], + [ + "åı¸", + "æ³ķ" + ], + [ + "è¿ĺ", + "ä¼ļ" + ], + [ + "è¶ĬæĿ¥è¶Ĭ", + "å¤ļ" + ], + [ + "åĽł", + "çĤº" + ], + [ + "æµ·", + "åįĹ" + ], + [ + "人", + "æķ°" + ], + [ + "å°Ĩ", + "ä¼ļ" + ], + [ + "ä¸ļ", + "主" + ], + [ + "é¤IJ", + "饮" + ], + [ + "å±ħ", + "ä½ı" + ], + [ + "åıij", + "åĩº" + ], + [ + "è¿ij", + "æľŁ" + ], + [ + "å¼ķ", + "é¢Ĩ" + ], + [ + "æľºåύ", + "人" + ], + [ + "åĩºæĿ¥", + "çļĦ" + ], + [ + "çľĭ", + "è§ģ" + ], + [ + "ä¿", + "Ĭ" + ], + [ + "让", + "ä»ĸ" + ], + [ + "ä¸į", + "æĥ³" + ], + [ + "å·¥ä½ľ", + "çļĦ" + ], + [ + "è¡¥", + "åħħ" + ], + [ + "æµ", + "ħ" + ], + [ + "çī¹", + "å¾ģ" + ], + [ + "ä¸Ĭå¸Ĥ", + "åħ¬åı¸" + ], + [ + "ç¾İ", + "é£Ł" + ], + [ + "广", + "西" + ], + [ + "æ¯ı", + "ä¸Ģ个" + ], + [ + "èIJ½", + "åľ°" + ], + [ + "åĵģ", + "ç§į" + ], + [ + "åĴĮ", + "è°IJ" + ], + [ + "å½»", + "åºķ" + ], + [ + "é«ĺ", + "èĢĥ" + ], + [ + "æĺ¨", + "天" + ], + [ + "åīį", + "å¾Ģ" + ], + [ + "çĽij", + "æµĭ" + ], + [ + "çϾ", + "度" + ], + [ + "åľ¨", + "ä¸ŃåĽ½" + ], + [ + "çļĦ", + "éľĢæ±Ĥ" + ], + [ + "亿", + "ç¾İåħĥ" + ], + [ + "åѦ", + "æľ¯" + ], + [ + "æĶ¶", + "åΰ" + ], + [ + "æĿ¿", + "åĿĹ" + ], + [ + "ä¸Ģ", + "段" + ], + [ + "æŀĦ", + "æĪIJ" + ], + [ + "ä¼ģä¸ļ", + "çļĦ" + ], + [ + "表", + "éĿ¢" + ], + [ + "æķ´", + "çIJĨ" + ], + [ + "ç»ĵ", + "å©ļ" + ], + [ + "人", + "å®¶" + ], + [ + "åģľ", + "æŃ¢" + ], + [ + "åѦ", + "ç§ij" + ], + [ + "æĺ¾", + "å¾Ĺ" + ], + [ + "ä¼ij", + "æģ¯" + ], + [ + "é¢Ħ", + "æľŁ" + ], + [ + "æĪĸ", + "æĺ¯" + ], + [ + "çļĦ", + "主è¦ģ" + ], + [ + "åºĶ", + "对" + ], + [ + "èµ°", + "äºĨ" + ], + [ + "ä¸Ń", + "éĹ´" + ], + [ + "èµ°", + "è¿Ľ" + ], + [ + "åijĪ", + "çݰ" + ], + [ + "æIJŃ", + "éħį" + ], + [ + "é¹", + "ı" + ], + [ + "æĺ¯", + "åĽłä¸º" + ], + [ + "æĥħ", + "绪" + ], + [ + "å®ļ", + "æľŁ" + ], + [ + "社ä¼ļ", + "主ä¹ī" + ], + [ + "çŃī", + "级" + ], + [ + "磼", + "çĽ¾" + ], + [ + "é£ŀ", + "æľº" + ], + [ + "èĩ³", + "ä»Ĭ" + ], + [ + "æĶ¶", + "éĽĨ" + ], + [ + "çļĦ", + "æķħäºĭ" + ], + [ + "åĪĩ", + "å®ŀ" + ], + [ + "å®ŀçݰ", + "äºĨ" + ], + [ + "å½¢", + "æĪIJäºĨ" + ], + [ + "åįĹ", + "æĸ¹" + ], + [ + "ä¸Ń", + "åѦ" + ], + [ + "æµ·", + "æ´ĭ" + ], + [ + "åIJ¦", + "åĪĻ" + ], + [ + "æĭį", + "æijĦ" + ], + [ + "大åѦ", + "çĶŁ" + ], + [ + "åĩºçݰ", + "äºĨ" + ], + [ + "æĦı", + "å¤ĸ" + ], + [ + "ä¹Ł", + "èĥ½" + ], + [ + "çļĦ", + "èĥ½åĬĽ" + ], + [ + "åĿIJ", + "åľ¨" + ], + [ + "åĪĻ", + "æĺ¯" + ], + [ + "èĢĥ", + "å¯Ł" + ], + [ + "å°Ĭ", + "éĩį" + ], + [ + "éĺ²", + "æŃ¢" + ], + [ + "ç´§", + "å¼ł" + ], + [ + "读", + "书" + ], + [ + "åĩº", + "è¡Į" + ], + [ + "å°±", + "æľī" + ], + [ + "å±¥", + "è¡Į" + ], + [ + "çݰ代", + "åĮĸ" + ], + [ + "åĽ½", + "åĬ¡" + ], + [ + "åĽ½åĬ¡", + "éĻ¢" + ], + [ + "ç»´", + "ä¿®" + ], + [ + "åİŁ", + "åĪĽ" + ], + [ + "æĺ¯", + "æĮĩ" + ], + [ + "ä¼ij", + "éĹ²" + ], + [ + "çĤ", + "®" + ], + [ + "æĸ°", + "æĹ¶ä»£" + ], + [ + "éĢĻ", + "åĢĭ" + ], + [ + "ä¸į", + "æķ¢" + ], + [ + "å®Į", + "ç¾İ" + ], + [ + "ç»Ĩ", + "èĬĤ" + ], + [ + "éŃ", + "ı" + ], + [ + "èͬ", + "èıľ" + ], + [ + "é¢Ĩ导", + "çıŃåŃIJ" + ], + [ + "è¶ħ", + "级" + ], + [ + "è¡Į", + "æĥħ" + ], + [ + "人工", + "æĻºèĥ½" + ], + [ + "åį°", + "度" + ], + [ + "åŁºç¡Ģ", + "设æĸ½" + ], + [ + "åıĪ", + "æĺ¯" + ], + [ + "èį¯", + "çī©" + ], + [ + "åIJ¸", + "æĶ¶" + ], + [ + "åį´", + "æĺ¯" + ], + [ + "éĥ", + "İ" + ], + [ + "å¥ĸ", + "åĬ±" + ], + [ + "çļĦ", + "æľĭåıĭ" + ], + [ + "ä¿Ŀ", + "çķĻ" + ], + [ + "è§Ħ", + "å¾ĭ" + ], + [ + "æĸ°", + "çĸĨ" + ], + [ + "è¿ĺ", + "åı¯ä»¥" + ], + [ + "æİ¥", + "è¿ij" + ], + [ + "æŃ¤", + "åīį" + ], + [ + "æī¹", + "åĩĨ" + ], + [ + "æĢİä¹Ī", + "æł·" + ], + [ + "çļĦ", + "ä½įç½®" + ], + [ + "ä¸Ģ", + "åĿĹ" + ], + [ + "æĭĴ", + "ç»Ŀ" + ], + [ + "顾", + "客" + ], + [ + "ä¹Ł", + "åľ¨" + ], + [ + "ä¸Ģ", + "çĶŁ" + ], + [ + "éĥ¨", + "éĺŁ" + ], + [ + "å¹´", + "åīį" + ], + [ + "æĸ¹éĿ¢", + "çļĦ" + ], + [ + "å°Ŀ", + "è¯ķ" + ], + [ + "羣æŃ£", + "çļĦ" + ], + [ + "ç¦ģ", + "æŃ¢" + ], + [ + "è¿ĺ", + "没æľī" + ], + [ + "æ°ij", + "çĶŁ" + ], + [ + "èµ°", + "åIJij" + ], + [ + "èĦ¸", + "ä¸Ĭ" + ], + [ + "å½ĵ", + "天" + ], + [ + "éĽĨåĽ¢", + "åħ¬åı¸" + ], + [ + "çļĦä¸Ģ", + "ç§į" + ], + [ + "西", + "æĸ¹" + ], + [ + "åĽŀ", + "åºĶ" + ], + [ + "ä¸Ģ", + "声" + ], + [ + "常", + "常" + ], + [ + "æıIJ", + "åΰ" + ], + [ + "èħ¾", + "讯" + ], + [ + "æľį", + "è£ħ" + ], + [ + "为", + "ä½ķ" + ], + [ + "äºij", + "åįĹ" + ], + [ + "å°±", + "ç®Ĺ" + ], + [ + "ä¼ł", + "æī¿" + ], + [ + "åıį", + "èĢĮ" + ], + [ + "ä¸ĩ", + "åIJ¨" + ], + [ + "è´¢", + "产" + ], + [ + "å¦Ĥ", + "ä¸ĭ" + ], + [ + "æĹ¥", + "åīį" + ], + [ + "åİŁ", + "æľ¬" + ], + [ + "æľĢ", + "éĩįè¦ģçļĦ" + ], + [ + "认", + "è¯ģ" + ], + [ + "ä¸Ģ", + "éģĵ" + ], + [ + "ä¿¡æģ¯", + "åĮĸ" + ], + [ + "å¾Ĺ", + "åΰäºĨ" + ], + [ + "é̲", + "è¡Į" + ], + [ + "æĪij", + "è¦ģ" + ], + [ + "éĢļ", + "ä¿¡" + ], + [ + "室", + "åĨħ" + ], + [ + "èµļ", + "éĴ±" + ], + [ + "æĶ¶", + "èĹı" + ], + [ + "è§£åĨ³", + "æĸ¹æ¡Ī" + ], + [ + "æĪ¿", + "产" + ], + [ + "çĭ", + "¼" + ], + [ + "æ´»", + "åĬĽ" + ], + [ + "ç»ıæµİ", + "åıijå±ķ" + ], + [ + "çŃī", + "å¾ħ" + ], + [ + "ä¹Ł", + "å¾Ī" + ], + [ + "åĿ", + "ij" + ], + [ + "å¾Ī", + "好çļĦ" + ], + [ + "éļ¾", + "度" + ], + [ + "ä¸į", + "å¦Ĥ" + ], + [ + "人æ°ij", + "æĶ¿åºľ" + ], + [ + "åĩº", + "åıij" + ], + [ + "åīį", + "æľŁ" + ], + [ + "æ¼Ķ", + "åijĺ" + ], + [ + "女", + "çĶŁ" + ], + [ + "èģļ", + "çĦ¦" + ], + [ + "审", + "计" + ], + [ + "é¢Ħ", + "æµĭ" + ], + [ + "ä¾Ŀ", + "æīĺ" + ], + [ + "äºĶ", + "å¹´" + ], + [ + "è¡¥", + "è´´" + ], + [ + "æ¸ħ", + "æĻ°" + ], + [ + "éª", + "Ĥ" + ], + [ + "çľĭ", + "èµ·æĿ¥" + ], + [ + "çļĦ", + "åŃ©åŃIJ" + ], + [ + "é¢ij", + "éģĵ" + ], + [ + "ä½ı", + "å®ħ" + ], + [ + "éĿ¢", + "åIJij" + ], + [ + "æľĢ", + "ä½İ" + ], + [ + "æĹ¢", + "çĦ¶" + ], + [ + "ä¸Ģ", + "å¥Ĺ" + ], + [ + "æķ°", + "åѦ" + ], + [ + "群", + "ä½ĵ" + ], + [ + "åĮĹ京", + "å¸Ĥ" + ], + [ + "å±ħ", + "çĦ¶" + ], + [ + "æ°Ľ", + "åĽ´" + ], + [ + "éĢĶ", + "å¾Ħ" + ], + [ + "çļĦ", + "åŁºç¡Ģä¸Ĭ" + ], + [ + "èģĮ", + "è´£" + ], + [ + "åı¯èĥ½", + "æĺ¯" + ], + [ + "åĨĽ", + "äºĭ" + ], + [ + "æĪIJ", + "æķĪ" + ], + [ + "åŃ©åŃIJ", + "们" + ], + [ + "计ç®Ĺ", + "æľº" + ], + [ + "èµ", + "¤" + ], + [ + "产ä¸ļ", + "åıijå±ķ" + ], + [ + "å·¨", + "大çļĦ" + ], + [ + "å·¥", + "人" + ], + [ + "çĶŁ", + "éķ¿" + ], + [ + "éĥ½", + "åı¯ä»¥" + ], + [ + "çļĦ", + "æľºä¼ļ" + ], + [ + "èµĦ", + "è´¨" + ], + [ + "çĹĽ", + "èĭ¦" + ], + [ + "ç²ī", + "ä¸Ŀ" + ], + [ + "å¢", + "ĵ" + ], + [ + "å¹³", + "å®ī" + ], + [ + "管", + "éģĵ" + ], + [ + "è·Ł", + "çĿĢ" + ], + [ + "饮", + "é£Ł" + ], + [ + "åķĨ", + "å®¶" + ], + [ + "å¤ļ", + "å®¶" + ], + [ + "åı¸", + "æľº" + ], + [ + "åºĶ该", + "æĺ¯" + ], + [ + "éĢı", + "éľ²" + ], + [ + "认", + "å®ļ" + ], + [ + "è¡Įä¸ļ", + "çļĦ" + ], + [ + "çļĦ", + "ä¼ģä¸ļ" + ], + [ + "æ¯ı", + "ä¸Ģ" + ], + [ + "èĮĥåĽ´", + "åĨħ" + ], + [ + "è¾ĥ", + "大" + ], + [ + "è´", + "¤" + ], + [ + "大", + "èµĽ" + ], + [ + "å¤ļ", + "äºĨ" + ], + [ + "é¸", + "¿" + ], + [ + "临", + "åºĬ" + ], + [ + "åľ¨", + "è¿Ļ个" + ], + [ + "çļĦ", + "åĨħ容" + ], + [ + "éĶĢ", + "éĩı" + ], + [ + "å¾Ī", + "å°ij" + ], + [ + "åŃ", + "Ł" + ], + [ + "ç»´", + "æĮģ" + ], + [ + "åĴĸ", + "åķ¡" + ], + [ + "æľ¬", + "åľ°" + ], + [ + "èī²", + "彩" + ], + [ + "å¹¶", + "éĿŀ" + ], + [ + "èĢĮ", + "å·²" + ], + [ + "温", + "æļĸ" + ], + [ + "èIJ", + "§" + ], + [ + "æĬĵ", + "ä½ı" + ], + [ + "èĢĮ", + "ä¸įæĺ¯" + ], + [ + "åĸ", + "Ĭ" + ], + [ + "çļĦ", + "åħ³ç³»" + ], + [ + "çī©", + "åĵģ" + ], + [ + "éĤ£", + "æĺ¯" + ], + [ + "åĨľ", + "产åĵģ" + ], + [ + "è¿Ļ", + "æĹ¶" + ], + [ + "å©ļ", + "å§»" + ], + [ + "æ°´", + "æŀľ" + ], + [ + "æĶ¶", + "èİ·" + ], + [ + "ä»ĺ", + "åĩº" + ], + [ + "客æĪ·", + "端" + ], + [ + "æ¼Ķ", + "åĩº" + ], + [ + "åħ¨", + "æĸ°" + ], + [ + "è¿Ļ", + "ä¹Łæĺ¯" + ], + [ + "æĺ¯", + "çͱ" + ], + [ + "è§Ĥ", + "念" + ], + [ + "æľī", + "个" + ], + [ + "éĢł", + "åŀĭ" + ], + [ + "èĥľ", + "åĪ©" + ], + [ + "ä¸ī", + "æĺ¯" + ], + [ + "è¶ħ", + "å¸Ĥ" + ], + [ + "åħļ建", + "å·¥ä½ľ" + ], + [ + "æĶ¾", + "å¿ĥ" + ], + [ + "线", + "è·¯" + ], + [ + "æĭĽ", + "çĶŁ" + ], + [ + "åIJĥ", + "é¥Ń" + ], + [ + "è½", + "ī" + ], + [ + "å°½", + "éĩı" + ], + [ + "è§ģ", + "åΰ" + ], + [ + "åIJĮæ¯Ķ", + "å¢ŀéķ¿" + ], + [ + "åįİ", + "为" + ], + [ + "æĪij", + "å¸Ĥ" + ], + [ + "æıIJ", + "åĩºäºĨ" + ], + [ + "æ°ij", + "èѦ" + ], + [ + "åįļ", + "çī©" + ], + [ + "åįļçī©", + "é¦Ĩ" + ], + [ + "è¯ļ", + "ä¿¡" + ], + [ + "åīį", + "éĿ¢" + ], + [ + "å±±", + "西" + ], + [ + "è¾ħ", + "åĬ©" + ], + [ + "转", + "ç§»" + ], + [ + "æĽ´", + "为" + ], + [ + "丰å¯Į", + "çļĦ" + ], + [ + "åį", + "¢" + ], + [ + "å¿«", + "éĢĴ" + ], + [ + "æĺ¾", + "èijĹ" + ], + [ + "çī©", + "èµĦ" + ], + [ + "åΰ", + "è¾¾" + ], + [ + "æľī", + "åĪ©äºİ" + ], + [ + "åij", + "Ĩ" + ], + [ + "åŃ©åŃIJ", + "çļĦ" + ], + [ + "ä¸į", + "ä½Ĩ" + ], + [ + "çłĶç©¶", + "éĻ¢" + ], + [ + "çͳ", + "æĬ¥" + ], + [ + "æļ", + "¨" + ], + [ + "æ°ij", + "éĹ´" + ], + [ + "åį", + "»" + ], + [ + "çļĦ", + "å£°éŁ³" + ], + [ + "å¸Ĥåľº", + "çļĦ" + ], + [ + "ä¸Ģ", + "åı¥" + ], + [ + "çľģ", + "级" + ], + [ + "æĿ¥", + "çļĦ" + ], + [ + "åĵª", + "个" + ], + [ + "æīį", + "ä¼ļ" + ], + [ + "åĪĨ", + "éħį" + ], + [ + "èĶ", + "¡" + ], + [ + "ä»ĸ", + "åľ¨" + ], + [ + "åħ±", + "æľī" + ], + [ + "å¡", + "ĺ" + ], + [ + "èĴ", + "Ĥ" + ], + [ + "éľ", + "į" + ], + [ + "åıĤ", + "è§Ĥ" + ], + [ + "ä¸Ī", + "夫" + ], + [ + "ä¾Ŀ", + "éĿł" + ], + [ + "æľī", + "æĹ¶" + ], + [ + "äºĨ", + "å¾Īå¤ļ" + ], + [ + "ä¸ĸçķĮ", + "æĿ¯" + ], + [ + "å®¶", + "æĹı" + ], + [ + "ä¸į", + "éľĢè¦ģ" + ], + [ + "大", + "å¸Ī" + ], + [ + "èŀį", + "åħ¥" + ], + [ + "éĿŀ", + "æ³ķ" + ], + [ + "çĹħ", + "人" + ], + [ + "åIJİ", + "æľŁ" + ], + [ + "大家", + "éĥ½" + ], + [ + "ç½ij", + "åĿĢ" + ], + [ + "åİŁ", + "æĸĻ" + ], + [ + "便", + "å®ľ" + ], + [ + "æ¶", + "Ľ" + ], + [ + "仿", + "ä½Ľ" + ], + [ + "å·®", + "è·Ŀ" + ], + [ + "åı¦ä¸Ģ", + "æĸ¹éĿ¢" + ], + [ + "产åĵģ", + "çļĦ" + ], + [ + "èµ", + "«" + ], + [ + "æĥħåĨµ", + "ä¸ĭ" + ], + [ + "éĴ¢", + "éĵģ" + ], + [ + "æľ¬", + "ç«Ļ" + ], + [ + "纳", + "åħ¥" + ], + [ + "å·²", + "æľī" + ], + [ + "æľī", + "没æľī" + ], + [ + "ä¼°", + "计" + ], + [ + "é£", + "ĺ" + ], + [ + "æľŁ", + "è´§" + ], + [ + "åĢĭ人", + "è³ĩæĸĻ" + ], + [ + "ä¸ĵä¸ļ", + "çļĦ" + ], + [ + "çĪĨ", + "åıij" + ], + [ + "èĩ´åĬĽ", + "äºİ" + ], + [ + "çİ°åľ¨", + "çļĦ" + ], + [ + "æľī", + "åĵªäºĽ" + ], + [ + "çł´", + "åĿı" + ], + [ + "æķ°åŃĹ", + "åĮĸ" + ], + [ + "åľ°", + "éĿ¢" + ], + [ + "é»ij", + "èī²" + ], + [ + "å¹¼åĦ¿", + "åĽŃ" + ], + [ + "çļĦ", + "ç²¾ç¥ŀ" + ], + [ + "äº", + "Ń" + ], + [ + "导", + "æ¼Ķ" + ], + [ + "çݰ", + "æľī" + ], + [ + "æŃ¦", + "åύ" + ], + [ + "èĭı", + "å·ŀ" + ], + [ + "çİ", + "Ħ" + ], + [ + "æ±Ł", + "西" + ], + [ + "å»¶", + "伸" + ], + [ + "论", + "æĸĩ" + ], + [ + "è¾ĥ", + "为" + ], + [ + "çİ©", + "æ³ķ" + ], + [ + "é¼", + "İ" + ], + [ + "åIJĮ", + "æŃ¥" + ], + [ + "éĩĬ", + "æĶ¾" + ], + [ + "æĽĿ", + "åħī" + ], + [ + "åĿļ", + "åĨ³" + ], + [ + "å§Ķ", + "æīĺ" + ], + [ + "å°Ĩ", + "åľ¨" + ], + [ + "äºĪ", + "以" + ], + [ + "ä½ľ", + "æĸĩ" + ], + [ + "èĢĮ", + "åľ¨" + ], + [ + "ä¼ĺ", + "åħĪ" + ], + [ + "åĽŀ", + "åİ»" + ], + [ + "ä¿®", + "å¤į" + ], + [ + "åĽ½åĨħ", + "å¤ĸ" + ], + [ + "çŃĸ", + "åĪĴ" + ], + [ + "åıij", + "æĶ¾" + ], + [ + "å¿ĥ", + "æĥħ" + ], + [ + "çļĦ", + "åİĨåı²" + ], + [ + "éĿ¢", + "è¯ķ" + ], + [ + "举", + "åĮĹ" + ], + [ + "ä¿¡", + "åı·" + ], + [ + "ç²®", + "é£Ł" + ], + [ + "è¯ģ", + "书" + ], + [ + "æŁIJ", + "äºĽ" + ], + [ + "è¿IJ", + "ä½ľ" + ], + [ + "åĨ²", + "åĩ»" + ], + [ + "çĥŃ", + "çĤ¹" + ], + [ + "æĹ¶", + "æĹ¶" + ], + [ + "æĹ¶æĹ¶", + "彩" + ], + [ + "åľ°", + "çĤ¹" + ], + [ + "ä¸Ģä½ĵ", + "åĮĸ" + ], + [ + "éļ¾", + "é¢ĺ" + ], + [ + "æĽ", + "°" + ], + [ + "ç«ĭ", + "åĪ»" + ], + [ + "æĺ¯", + "éĿŀ常" + ], + [ + "åħ±", + "åĴĮ" + ], + [ + "åħ±åĴĮ", + "åĽ½" + ], + [ + "æ¿Ģ", + "åĬ±" + ], + [ + "æľīæķĪ", + "çļĦ" + ], + [ + "å¤Ħ", + "ç½®" + ], + [ + "该", + "åħ¬åı¸" + ], + [ + "æ£Ģ", + "éªĮ" + ], + [ + "èѦ", + "æĸ¹" + ], + [ + "è´", + "¾" + ], + [ + "äºĨä¸Ģ", + "ä¸ĭ" + ], + [ + "ä»Ĭ", + "åIJİ" + ], + [ + "çħ", + "®" + ], + [ + "ç͍", + "åĵģ" + ], + [ + "读", + "èĢħ" + ], + [ + "æĪij", + "åľ¨" + ], + [ + "åĽŀ", + "å¤į" + ], + [ + "ä¸Ģ", + "座" + ], + [ + "è¿ĺ", + "没" + ], + [ + "å®ļ", + "åζ" + ], + [ + "没", + "æĥ³åΰ" + ], + [ + "å¤", + "¹" + ], + [ + "ä¼ł", + "éĢĴ" + ], + [ + "ä¸Ģ", + "款" + ], + [ + "强", + "大çļĦ" + ], + [ + "çļĦ", + "è¡Į为" + ], + [ + "å¤ı", + "天" + ], + [ + "åıijåĬ¨", + "æľº" + ], + [ + "é¢ĨåŁŁ", + "çļĦ" + ], + [ + "å®ŀéªĮ", + "室" + ], + [ + "ä¸Ģ", + "æĬĬ" + ], + [ + "æĺ¯", + "为äºĨ" + ], + [ + "éĻķ", + "西" + ], + [ + "æĭħ", + "ä¿Ŀ" + ], + [ + "è¾¾", + "æĪIJ" + ], + [ + "è¦ģ", + "æĺ¯" + ], + [ + "æĺİ", + "天" + ], + [ + "ç»Ļ", + "ä»ĸ" + ], + [ + "建ç«ĭ", + "äºĨ" + ], + [ + "ä¸į", + "è¡Į" + ], + [ + "ä¸Ń", + "æĸĩ" + ], + [ + "åľ°", + "说" + ], + [ + "åIJİ", + "çļĦ" + ], + [ + "çĽij", + "æİ§" + ], + [ + "éĢ", + "¸" + ], + [ + "æĢ»", + "éĥ¨" + ], + [ + "æľ¬", + "æĸĩ" + ], + [ + "é¹", + "¿" + ], + [ + "æĻ¯", + "è§Ĥ" + ], + [ + "çļĦ", + "缮æłĩ" + ], + [ + "èĽ", + "ĩ" + ], + [ + "åĨ", + "¯" + ], + [ + "ä¸Ń", + "åĮ»" + ], + [ + "æķĪ", + "åºĶ" + ], + [ + "产", + "éĩı" + ], + [ + "åŃ", + "Ŀ" + ], + [ + "è´¦", + "æĪ·" + ], + [ + "è¿Ŀ", + "åıį" + ], + [ + "èij£äºĭ", + "ä¼ļ" + ], + [ + "京", + "举" + ], + [ + "责任", + "ç¼ĸè¾ij" + ], + [ + "åķı", + "é¡Į" + ], + [ + "çα", + "å¿ĥ" + ], + [ + "èѦ", + "å¯Ł" + ], + [ + "é¤IJ", + "åİħ" + ], + [ + "å¸Ĥ", + "æĶ¿åºľ" + ], + [ + "天", + "天" + ], + [ + "æĸ°", + "é²ľ" + ], + [ + "éĥij", + "å·ŀ" + ], + [ + "è¶ħ", + "è¶Ĭ" + ], + [ + "å½", + "Ń" + ], + [ + "çŁ¥è¯Ĩ", + "产æĿĥ" + ], + [ + "åĽŀ", + "å¿Ĩ" + ], + [ + "è·¯", + "线" + ], + [ + "å»ī", + "æ´ģ" + ], + [ + "éĿĴ", + "å°ijå¹´" + ], + [ + "åıĸå¾Ĺ", + "äºĨ" + ], + [ + "çľĭ", + "åΰäºĨ" + ], + [ + "é¦", + "¬" + ], + [ + "ç²¾", + "åĵģ" + ], + [ + "åľ°", + "éĵģ" + ], + [ + "æĮģ", + "æľī" + ], + [ + "ä¸ĭ", + "äºĨ" + ], + [ + "æľī", + "æĹ¶åĢĻ" + ], + [ + "ä¸Ģ", + "人" + ], + [ + "æĴ", + "Ĵ" + ], + [ + "ä»Ķ", + "ç»Ĩ" + ], + [ + "èĢģ", + "åħ¬" + ], + [ + "äºĭå®ŀ", + "ä¸Ĭ" + ], + [ + "èģĶ", + "èµĽ" + ], + [ + "ä¾ĽåºĶ", + "éĵ¾" + ], + [ + "é¢Ħ", + "ç®Ĺ" + ], + [ + "åζéĢł", + "ä¸ļ" + ], + [ + "å®īåħ¨", + "çĶŁäº§" + ], + [ + "俱", + "ä¹IJ" + ], + [ + "俱ä¹IJ", + "éĥ¨" + ], + [ + "çļĦ", + "æł¸å¿ĥ" + ], + [ + "æīĵ", + "ç®Ĺ" + ], + [ + "å½±", + "çīĩ" + ], + [ + "æIJŃ", + "建" + ], + [ + "ä¹Ł", + "ä¸įä¼ļ" + ], + [ + "æĭħ", + "å½ĵ" + ], + [ + "å±Ĥ", + "éĿ¢" + ], + [ + "åѦ", + "åijĺ" + ], + [ + "临", + "æĹ¶" + ], + [ + "缸", + "ç»ĵåIJĪ" + ], + [ + "对", + "æ¯Ķ" + ], + [ + "ä»ĸ", + "æĺ¯" + ], + [ + "æĸ°", + "åĮº" + ], + [ + "è¿Ľ", + "åİ»" + ], + [ + "çϾ", + "å¹´" + ], + [ + "ä¿", + "©" + ], + [ + "å°½", + "å¿«" + ], + [ + "ç͵åŃIJ", + "åķĨåĬ¡" + ], + [ + "æĽ´", + "æľī" + ], + [ + "æ¸ħ", + "çIJĨ" + ], + [ + "åı¦", + "ä¸Ģ个" + ], + [ + "åĤ", + "»" + ], + [ + "ä»Ģä¹Ī", + "æł·çļĦ" + ], + [ + "æĺ¯", + "æľĢ" + ], + [ + "åij¨", + "å¹´" + ], + [ + "å¾Ī", + "容æĺĵ" + ], + [ + "åĽ¢", + "ç»ĵ" + ], + [ + "ç´", + "Ħ" + ], + [ + "æĹ©", + "å·²" + ], + [ + "çļĦ", + "åıĺåĮĸ" + ], + [ + "éľ", + "ŀ" + ], + [ + "æĹ¥", + "ä¸ĬåįĪ" + ], + [ + "失", + "åİ»" + ], + [ + "ä¸Ń", + "åľĭ" + ], + [ + "çļĦä¸Ģ", + "äºĽ" + ], + [ + "å°ı", + "åŃ©" + ], + [ + "ä¸ĭ", + "è·Į" + ], + [ + "éĶ»", + "çĤ¼" + ], + [ + "é", + "ij" + ], + [ + "éij", + "«" + ], + [ + "å¿ĹæĦ¿", + "èĢħ" + ], + [ + "èĤ¡", + "å¸Ĥ" + ], + [ + "èµĽ", + "äºĭ" + ], + [ + "许åı¯", + "è¯ģ" + ], + [ + "åı¯", + "æĮģç»Ń" + ], + [ + "åijĬè¯ī", + "è®°èĢħ" + ], + [ + "éĢ»", + "è¾ij" + ], + [ + "å¼ķ", + "åħ¥" + ], + [ + "çļĦ", + "è¿ĩç¨ĭä¸Ń" + ], + [ + "è§Ĩ", + "è§ī" + ], + [ + "èĩªæ²»", + "åĮº" + ], + [ + "è¯ģ", + "æį®" + ], + [ + "è£ħ", + "ç½®" + ], + [ + "第ä¸ī", + "æĸ¹" + ], + [ + "å¹´", + "æĿ¥" + ], + [ + "å¹¿ä¸ľ", + "çľģ" + ], + [ + "带æĿ¥", + "äºĨ" + ], + [ + "éķ¿", + "æ±Ł" + ], + [ + "访", + "éĹ®" + ], + [ + "å·®", + "ä¸įå¤ļ" + ], + [ + "æĺ¯", + "æĪij" + ], + [ + "éģŃ", + "éģĩ" + ], + [ + "æĬĵ", + "好" + ], + [ + "é«ĺ", + "è¾¾" + ], + [ + "å¹¶", + "åľ¨" + ], + [ + "èĩª", + "è§ī" + ], + [ + "ä¾ĽåºĶ", + "åķĨ" + ], + [ + "æĥħ", + "æĦŁ" + ], + [ + "ä½ı", + "äºĨ" + ], + [ + "çļĦ", + "èģĮä¸ļ" + ], + [ + "çļĩ", + "å¸Ŀ" + ], + [ + "西", + "éĥ¨" + ], + [ + "åĴĮ", + "å¹³" + ], + [ + "çļĦ", + "åĬĽéĩı" + ], + [ + "æ±", + "ª" + ], + [ + "åħħåĪĨ", + "åıijæĮ¥" + ], + [ + "æĬķ", + "è¯ī" + ], + [ + "èµ·", + "åΰ" + ], + [ + "äºĴ", + "缸" + ], + [ + "æ¾³", + "éŨ" + ], + [ + "æİ¥", + "åΰ" + ], + [ + "æ°´", + "æ³¥" + ], + [ + "模", + "åŀĭ" + ], + [ + "ä¸Ģ", + "åįĬ" + ], + [ + "ç§©", + "åºı" + ], + [ + "æĪij们", + "åľ¨" + ], + [ + "æī¿", + "认" + ], + [ + "ä¸Ģ", + "éĥ¨åĪĨ" + ], + [ + "åįł", + "æ¯Ķ" + ], + [ + "å¦ĩ", + "女" + ], + [ + "ç²", + "ĺ" + ], + [ + "äºĨè§£", + "åΰ" + ], + [ + "ä¸Ģå®ļ", + "ä¼ļ" + ], + [ + "åIJĦ", + "大" + ], + [ + "èµ°", + "åĩº" + ], + [ + "为", + "大家" + ], + [ + "é«ĺ", + "éĵģ" + ], + [ + "åı¯ä»¥", + "åľ¨" + ], + [ + "ä½Ĩ", + "åľ¨" + ], + [ + "çĶŁæĢģ", + "çݯå¢ĥ" + ], + [ + "èı", + "¯" + ], + [ + "çļĦ", + "ä»·æł¼" + ], + [ + "麻", + "çĥ¦" + ], + [ + "æ¿Ģ", + "åıij" + ], + [ + "éĤ£", + "å°±" + ], + [ + "çļĦ", + "æł·åŃIJ" + ], + [ + "为", + "æŃ¤" + ], + [ + "天", + "åľ°" + ], + [ + "çļĦ", + "缮çļĦ" + ], + [ + "åĢº", + "åΏ" + ], + [ + "å·²", + "ç¶ĵ" + ], + [ + "åĽĽ", + "大" + ], + [ + "åIJĮæĹ¶", + "ä¹Ł" + ], + [ + "å½¼", + "æŃ¤" + ], + [ + "æĭ¿", + "åΰ" + ], + [ + "åIJ«", + "éĩı" + ], + [ + "åįģ", + "大" + ], + [ + "éļ¾", + "éģĵ" + ], + [ + "å¼", + "Ĺ" + ], + [ + "ä¸Ģ", + "段æĹ¶éĹ´" + ], + [ + "çħ§", + "顾" + ], + [ + "æķ°æį®", + "æĺ¾ç¤º" + ], + [ + "æĪIJ为", + "äºĨ" + ], + [ + "èµ°", + "åΰ" + ], + [ + "æľ¬", + "åħ¬åı¸" + ], + [ + "ç»Ī", + "端" + ], + [ + "ä¹Ł", + "ä¸įæĺ¯" + ], + [ + "头", + "åıij" + ], + [ + "大", + "约" + ], + [ + "é£İ", + "æĻ¯" + ], + [ + "æ¶Ī", + "èĢĹ" + ], + [ + "审", + "æŁ¥" + ], + [ + "äºī", + "åıĸ" + ], + [ + "æ³ķ", + "æ²»" + ], + [ + "äºĭ", + "çī©" + ], + [ + "ç¼ĵ", + "è§£" + ], + [ + "æĥ", + "¨" + ], + [ + "缸åºĶ", + "çļĦ" + ], + [ + "çļĦ", + "æķĪæŀľ" + ], + [ + "åıį", + "å¤į" + ], + [ + "åıijçĶŁ", + "äºĨ" + ], + [ + "éĢĻ", + "äºĽ" + ], + [ + "ç»ĥ", + "ä¹ł" + ], + [ + "åݨ", + "æĪ¿" + ], + [ + "å¼Ģ", + "æĭĵ" + ], + [ + "欣", + "èµı" + ], + [ + "夫", + "妻" + ], + [ + "ä¸į", + "ä¸Ģæł·" + ], + [ + "产", + "èĥ½" + ], + [ + "èĬ¯", + "çīĩ" + ], + [ + "è¦ģ", + "ç´ł" + ], + [ + "åıį", + "对" + ], + [ + "çİĩ", + "åħĪ" + ], + [ + "è´§", + "çī©" + ], + [ + "æĹ¥", + "ç͵" + ], + [ + "ä½ľ", + "å®¶" + ], + [ + "æĶ¹", + "è¿Ľ" + ], + [ + "æĪIJ", + "åĪĨ" + ], + [ + "åĽł", + "èĢĮ" + ], + [ + "åĩı", + "èĤ¥" + ], + [ + "æ½", + "ĺ" + ], + [ + "å±±ä¸ľ", + "çľģ" + ], + [ + "åĬ", + "Ŀ" + ], + [ + "åŁ", + "ĭ" + ], + [ + "æŃ¦", + "è£ħ" + ], + [ + "æ±ĩ", + "æĬ¥" + ], + [ + "ä¸Ģ个", + "æľĪ" + ], + [ + "çĥŃ", + "éŨ" + ], + [ + "大", + "éģĵ" + ], + [ + "æ´»", + "åĭķ" + ], + [ + "éĥ½", + "å¾Ī" + ], + [ + "ç͵", + "梯" + ], + [ + "ç´§", + "æĢ¥" + ], + [ + "åĢº", + "åĬ¡" + ], + [ + "客", + "æľį" + ], + [ + "ä¸Ģ", + "éĥ¨" + ], + [ + "ä½ł", + "æĺ¯" + ], + [ + "çݰ", + "çĬ¶" + ], + [ + "æŃ£ç¡®", + "çļĦ" + ], + [ + "ä¹ĭ", + "å¤Ħ" + ], + [ + "ç¼ĸ", + "åζ" + ], + [ + "ä½ł", + "åı¯ä»¥" + ], + [ + "çŃī", + "åľ°" + ], + [ + "èİ", + "ī" + ], + [ + "对", + "è¯Ŀ" + ], + [ + "æ·ĺ", + "å®Ŀ" + ], + [ + "è°ĥ", + "èĬĤ" + ], + [ + "æİĴ", + "æĶ¾" + ], + [ + "åºĵ", + "åŃĺ" + ], + [ + "ç´", + "ļ" + ], + [ + "çļĦ", + "ä¼ĺåĬ¿" + ], + [ + "æĿĥ", + "å¨ģ" + ], + [ + "以ä¸ĭ", + "ç®Ģç§°" + ], + [ + "ä¸Ģ", + "项" + ], + [ + "èģļ", + "éĽĨ" + ], + [ + "ä¼łç»Ł", + "çļĦ" + ], + [ + "æ··", + "åIJĪ" + ], + [ + "è¿Ļä¸Ģ", + "çĤ¹" + ], + [ + "ä¸Ģ", + "çľ¼" + ], + [ + "æĹł", + "éĻIJ" + ], + [ + "èİ·å¾Ĺ", + "äºĨ" + ], + [ + "éĢī", + "æīĭ" + ], + [ + "åζ", + "åĵģ" + ], + [ + "åįı", + "ä½ľ" + ], + [ + "çĭ¬çī¹", + "çļĦ" + ], + [ + "ä¸Ģ", + "级" + ], + [ + "è¿Ļ个", + "éĹ®é¢ĺ" + ], + [ + "æĸ", + "Į" + ], + [ + "æĺ¯", + "æĪij们" + ], + [ + "æķĮ", + "人" + ], + [ + "æ¸ħ", + "æ´Ĺ" + ], + [ + "ä¸Ģ缴", + "åľ¨" + ], + [ + "å°ı", + "ç±³" + ], + [ + "çļĦ", + "è¿ĩç¨ĭ" + ], + [ + "åľ¨", + "åĮĹ京" + ], + [ + "ä¸Ģ", + "æĶ¯" + ], + [ + "æĹ©", + "ä¸Ĭ" + ], + [ + "æĸĩ", + "èīº" + ], + [ + "ç¦ı", + "åĪ©" + ], + [ + "é£Ł", + "ç͍" + ], + [ + "æĦŁ", + "åĬ¨" + ], + [ + "åħ¨", + "ç¨ĭ" + ], + [ + "æĶ¯", + "åĩº" + ], + [ + "æĸ°", + "建" + ], + [ + "å¸", + "ķ" + ], + [ + "æĺ¾", + "çĦ¶" + ], + [ + "羣", + "çļĦæĺ¯" + ], + [ + "æĸ°éĹ»", + "ç½ij" + ], + [ + "èĥ½", + "åIJ¦" + ], + [ + "åįı", + "åĬ©" + ], + [ + "亲", + "èĩª" + ], + [ + "å¾Ī", + "æľī" + ], + [ + "çϼ", + "å±ķ" + ], + [ + "æĦı", + "大" + ], + [ + "æĦı大", + "åĪ©" + ], + [ + "ç͵", + "ç½ij" + ], + [ + "æĹ¥", + "çĽĬ" + ], + [ + "çĨ", + "±" + ], + [ + "èĤĮ", + "èĤ¤" + ], + [ + "çĶ·", + "æĢ§" + ], + [ + "ç»Ħ", + "建" + ], + [ + "çŃī", + "éĹ®é¢ĺ" + ], + [ + "æ¶Ī", + "éϤ" + ], + [ + "æĬ¤", + "çIJĨ" + ], + [ + "å¡ij", + "æĸĻ" + ], + [ + "ä¹Į", + "åħĭ" + ], + [ + "ä¹Įåħĭ", + "åħ°" + ], + [ + "åķĨ", + "æłĩ" + ], + [ + "çIJ", + "³" + ], + [ + "æĸ°", + "æīĭ" + ], + [ + "çļĦ", + "çī¹çĤ¹" + ], + [ + "åĴ", + "¬" + ], + [ + "å½ĵ", + "ä¸ĭ" + ], + [ + "设计", + "å¸Ī" + ], + [ + "èµĶ", + "åģ¿" + ], + [ + "第", + "åįģ" + ], + [ + "æĻºèĥ½", + "åĮĸ" + ], + [ + "å¼Ģåıij", + "åĮº" + ], + [ + "åı¯ä»¥", + "éĢļè¿ĩ" + ], + [ + "åħ±äº§", + "åħļ" + ], + [ + "åİī", + "害" + ], + [ + "çģµ", + "æ´»" + ], + [ + "æĹ¶", + "åħī" + ], + [ + "éĥ¨", + "ä½į" + ], + [ + "人", + "æĸĩ" + ], + [ + "è¿Ľ", + "æĿ¥" + ], + [ + "ä¹ĭ", + "æīĢ以" + ], + [ + "ä¸ī", + "åįģ" + ], + [ + "çļĦ", + "åѦçĶŁ" + ], + [ + "éĺ²", + "æĬ¤" + ], + [ + "åĽ½", + "产" + ], + [ + "æ·±åľ³", + "å¸Ĥ" + ], + [ + "éĤ£", + "å°±æĺ¯" + ], + [ + "åΰ", + "ä½į" + ], + [ + "çī¹", + "æľĹ" + ], + [ + "çľĹ", + "æĻ®" + ], + [ + "å®ŀ", + "æĹ¶" + ], + [ + "åı°", + "çģ£" + ], + [ + "èĢĮ", + "ä¸į" + ], + [ + "æĮĩ", + "å®ļ" + ], + [ + "åĿ", + "Ŀ" + ], + [ + "èħIJ", + "è´¥" + ], + [ + "çī¹", + "å®ļ" + ], + [ + "å¢ŀ", + "éĢŁ" + ], + [ + "æłĩ", + "çѾ" + ], + [ + "æĪ¿", + "ä»·" + ], + [ + "æĦ", + "ģ" + ], + [ + "贯彻", + "èIJ½å®ŀ" + ], + [ + "æĢ§", + "è´¨" + ], + [ + "çłĶç©¶", + "çĶŁ" + ], + [ + "ç¾İ", + "容" + ], + [ + "æī¹", + "è¯Ħ" + ], + [ + "ç©¶", + "竣" + ], + [ + "人åĬĽ", + "èµĦæºIJ" + ], + [ + "éĸĭ", + "å§ĭ" + ], + [ + "åĽŀ", + "å½Ĵ" + ], + [ + "èIJ¥", + "åķĨ" + ], + [ + "èIJ¥åķĨ", + "çݯå¢ĥ" + ], + [ + "ä¸ŃåĽ½", + "人" + ], + [ + "çļĦ", + "åŁºæľ¬" + ], + [ + "è¯Ŀ", + "é¢ĺ" + ], + [ + "æłĩåĩĨ", + "åĮĸ" + ], + [ + "西", + "èĹı" + ], + [ + "åĭ", + "¾" + ], + [ + "çļĦ", + "设计" + ], + [ + "ç®Ģåįķ", + "çļĦ" + ], + [ + "å¤į", + "åζ" + ], + [ + "æ¸IJ", + "æ¸IJ" + ], + [ + "以", + "å¤ĸ" + ], + [ + "èģĶ", + "åĬ¨" + ], + [ + "两", + "次" + ], + [ + "æĢ§", + "åĴĮ" + ], + [ + "æĽ´", + "大" + ], + [ + "çļĦ", + "åIJįåŃĹ" + ], + [ + "éŁ", + "¦" + ], + [ + "ä½ł", + "è¦ģ" + ], + [ + "å¢ĥ", + "å¤ĸ" + ], + [ + "æĹ©", + "æľŁ" + ], + [ + "åĪĿ", + "æŃ¥" + ], + [ + "è´¦", + "åı·" + ], + [ + "害", + "æĢķ" + ], + [ + "æĺ¨", + "æĹ¥" + ], + [ + "åĪļ", + "æīį" + ], + [ + "ç¥ŀ", + "ç§ĺ" + ], + [ + "ç²¾", + "å¿ĥ" + ], + [ + "æµģ", + "éĢļ" + ], + [ + "åħ¨", + "æĸ¹ä½į" + ], + [ + "以", + "å¾Ģ" + ], + [ + "ä¹Ł", + "å°Ĩ" + ], + [ + "æĺ¯", + "ä¸ŃåĽ½" + ], + [ + "åĽ½å®¶", + "级" + ], + [ + "å°Ĩ", + "åĨĽ" + ], + [ + "æij", + "Ĭ" + ], + [ + "æľĢ", + "为" + ], + [ + "第ä¸Ģ", + "æĹ¶éĹ´" + ], + [ + "æ¶Ī", + "æ¯Ĵ" + ], + [ + "å°Ĩ", + "äºİ" + ], + [ + "å¨ģ", + "èĥģ" + ], + [ + "èĭ±", + "æĸĩ" + ], + [ + "æīĭ", + "ä¸Ń" + ], + [ + "çIJĥ", + "è¿·" + ], + [ + "è§Ĥ", + "çľĭ" + ], + [ + "离", + "å©ļ" + ], + [ + "æľ¬", + "åľŁ" + ], + [ + "åĪĨ", + "æķ£" + ], + [ + "æĻ", + "´" + ], + [ + "è¦ģ", + "注æĦı" + ], + [ + "浪", + "è´¹" + ], + [ + "管", + "æİ§" + ], + [ + "åĩº", + "åĶ®" + ], + [ + "æĢ»", + "è£ģ" + ], + [ + "ä¸Ģ", + "éĺµ" + ], + [ + "å¨", + "ĩ" + ], + [ + "äºĶ", + "个" + ], + [ + "å½ĵ", + "åĪĿ" + ], + [ + "çºł", + "纷" + ], + [ + "ä¸ĵ", + "ç͍" + ], + [ + "å¤ĩ", + "æ¡Ī" + ], + [ + "åĪĿ", + "æľŁ" + ], + [ + "å®ĥ", + "æĺ¯" + ], + [ + "åĮº", + "åĿĹ" + ], + [ + "åĮºåĿĹ", + "éĵ¾" + ], + [ + "大", + "è¿ŀ" + ], + [ + "è¿Ļ", + "ç±»" + ], + [ + "åıĺ", + "æĪIJäºĨ" + ], + [ + "éĤĦ", + "æĺ¯" + ], + [ + "åįļ", + "客" + ], + [ + "çı¾", + "åľ¨" + ], + [ + "ä¸Ģ", + "æĸ¹" + ], + [ + "å®ĮæĪIJ", + "äºĨ" + ], + [ + "è¿Ļ个", + "æĹ¶åĢĻ" + ], + [ + "åħ¨", + "å¹´" + ], + [ + "ä¸Ĭ", + "线" + ], + [ + "ç½", + "IJ" + ], + [ + "ç«ŀ", + "èµĽ" + ], + [ + "åĩºçīĪ", + "社" + ], + [ + "åĵ¥", + "åĵ¥" + ], + [ + "å¯", + "«" + ], + [ + "å¾Ĺ", + "以" + ], + [ + "èĬ±", + "åĽŃ" + ], + [ + "äºĨ", + "èµ·æĿ¥" + ], + [ + "èĦ±è´«", + "æĶ»åĿļ" + ], + [ + "çļĦ", + "åİŁåĪĻ" + ], + [ + "讲", + "è§£" + ], + [ + "æ¶Ī", + "åĮĸ" + ], + [ + "æįŁ", + "害" + ], + [ + "æļĤ", + "æĹ¶" + ], + [ + "å¾Ĺ", + "çŁ¥" + ], + [ + "éĢĤ", + "ç͍" + ], + [ + "éŨ", + "åºĹ" + ], + [ + "è§£", + "读" + ], + [ + "æĻ®", + "åıĬ" + ], + [ + "人æ°ij", + "æ³ķéĻ¢" + ], + [ + "åī¯", + "主任" + ], + [ + "å¿ĥ", + "çģµ" + ], + [ + "è¯Ĭ", + "æĸŃ" + ], + [ + "ç¾İ", + "女" + ], + [ + "æŁ", + "¯" + ], + [ + "å¹´", + "以æĿ¥" + ], + [ + "æ´»", + "è·ĥ" + ], + [ + "åĢŁ", + "åĬ©" + ], + [ + "åħ±", + "建" + ], + [ + "è¯ī", + "讼" + ], + [ + "æĶ¾", + "æĿ¾" + ], + [ + "çªĹ", + "åı£" + ], + [ + "ä¼ģ", + "æ¥Ń" + ], + [ + "åĬł", + "æĭ¿" + ], + [ + "åĬłæĭ¿", + "大" + ], + [ + "ä¹°", + "äºĨ" + ], + [ + "主", + "æµģ" + ], + [ + "æĩĤ", + "å¾Ĺ" + ], + [ + "å°Ĩ", + "åħ¶" + ], + [ + "éĢı", + "æĺİ" + ], + [ + "å·¥ä½ľ", + "ä¸Ń" + ], + [ + "èĤ¡", + "ä»·" + ], + [ + "æ¡£", + "æ¡Ī" + ], + [ + "没æľī", + "ä»»ä½ķ" + ], + [ + "åijĬ", + "çŁ¥" + ], + [ + "å¹´", + "åĪĿ" + ], + [ + "æĹ¥", + "ä¸ĭåįĪ" + ], + [ + "åİĤ", + "åķĨ" + ], + [ + "èĬĤ", + "å¥ı" + ], + [ + "主", + "导" + ], + [ + "è£", + "Ŀ" + ], + [ + "åħ³éĶ®", + "è¯į" + ], + [ + "èģĬ", + "天" + ], + [ + "åĨĻ", + "ä½ľ" + ], + [ + "æĶ¹éĿ©", + "å¼ĢæĶ¾" + ], + [ + "æľī", + "æľĽ" + ], + [ + "éĢļ", + "æĬ¥" + ], + [ + "èIJ", + "Į" + ], + [ + "æĢ»", + "é¢Ŀ" + ], + [ + "çŁŃ", + "æľŁ" + ], + [ + "ä¸Ģ", + "çķª" + ], + [ + "çĶŁæ´»", + "çļĦ" + ], + [ + "åĮĸ", + "çļĦ" + ], + [ + "æĺ¥", + "天" + ], + [ + "è¿Ļ", + "åľº" + ], + [ + "æĸ°å¼Ģ", + "ä¼łå¥ĩ" + ], + [ + "æĺ¯", + "è¦ģ" + ], + [ + "å°ļ", + "æľª" + ], + [ + "åıĺ", + "æĽ´" + ], + [ + "ä¸Ģ", + "åij¨" + ], + [ + "客", + "è§Ĥ" + ], + [ + "æĹ¥", + "èĩ³" + ], + [ + "é¹", + "°" + ], + [ + "çİ", + "²" + ], + [ + "å°Ĩ", + "æĿ¥" + ], + [ + "客", + "人" + ], + [ + "åıĺ", + "éĿ©" + ], + [ + "说", + "äºĨ" + ], + [ + "åİŁ", + "çIJĨ" + ], + [ + "èģĮ", + "åĬ¡" + ], + [ + "åıĪ", + "æľī" + ], + [ + "ä¸Ģ", + "åı¥è¯Ŀ" + ], + [ + "æĦŁ", + "åıĹåΰ" + ], + [ + "ç¬Ķ", + "èĢħ" + ], + [ + "ç§»", + "æ°ij" + ], + [ + "西", + "åįĹ" + ], + [ + "ä¹ĥ", + "èĩ³" + ], + [ + "æŃ£", + "è§Ħ" + ], + [ + "åĪĿ", + "ä¸Ń" + ], + [ + "çĬ", + "¬" + ], + [ + "å½ĵ", + "äºĭ" + ], + [ + "å½ĵäºĭ", + "人" + ], + [ + "æĪij们", + "è¦ģ" + ], + [ + "åħ¥", + "åı£" + ], + [ + "éĤ£", + "æĹ¶" + ], + [ + "æľīéĻIJ", + "责任" + ], + [ + "å°ij", + "女" + ], + [ + "è¿Ļä¹Ī", + "å¤ļ" + ], + [ + "åĪĨ", + "åħ¬åı¸" + ], + [ + "å®ĩ", + "å®Ļ" + ], + [ + "çļĦ", + "éĢīæĭ©" + ], + [ + "å§IJ", + "å§IJ" + ], + [ + "åıij", + "èµ·" + ], + [ + "è»", + "į" + ], + [ + "æĽ´å¥½", + "åľ°" + ], + [ + "éĻĨ", + "ç»Ń" + ], + [ + "æľ¬", + "æľįåĭĻ" + ], + [ + "å«", + "©" + ], + [ + "èµ¶", + "ç´§" + ], + [ + "èĦĤ", + "èĤª" + ], + [ + "第äºĮ", + "天" + ], + [ + "æĪij", + "ä¼ļ" + ], + [ + "两", + "ä½į" + ], + [ + "æķ", + "²" + ], + [ + "åħ¬å®ī", + "æľºåħ³" + ], + [ + "ç§ijæĬĢ", + "åĪĽæĸ°" + ], + [ + "å°º", + "寸" + ], + [ + "è¾IJ", + "å°Ħ" + ], + [ + "å®Ĺ", + "æķĻ" + ], + [ + "转", + "æį¢" + ], + [ + "åĩº", + "çİ°åľ¨" + ], + [ + "ä¸Ģ", + "é¢Ĺ" + ], + [ + "æľŁ", + "éĻIJ" + ], + [ + "åIJĮåѦ", + "们" + ], + [ + "åĮĹ", + "æĸ¹" + ], + [ + "ä½ł", + "å°±" + ], + [ + "ä¸Ģ带", + "ä¸Ģè·¯" + ], + [ + "èĢģ", + "å©Ĩ" + ], + [ + "游æĪı", + "çݩ家" + ], + [ + "çļĦ", + "ç»ĵæŀľ" + ], + [ + "è¡¥", + "åģ¿" + ], + [ + "å¤ĸ", + "è´¸" + ], + [ + "对", + "å¾ħ" + ], + [ + "ç»´", + "çĶŁç´ł" + ], + [ + "ç»ıéĶĢ", + "åķĨ" + ], + [ + "è¿ĺ", + "å°Ĩ" + ], + [ + "åŃIJ", + "女" + ], + [ + "æĽ´", + "é«ĺ" + ], + [ + "ä¸į", + "大" + ], + [ + "éī´", + "å®ļ" + ], + [ + "让", + "ä»ĸ们" + ], + [ + "æīĢè°ĵ", + "çļĦ" + ], + [ + "æŃ»", + "äºĨ" + ], + [ + "帮", + "æī¶" + ], + [ + "åĵ²", + "åѦ" + ], + [ + "以ä¸Ĭ", + "çļĦ" + ], + [ + "çļĦ", + "åħ³éĶ®" + ], + [ + "æĹ©", + "å°±" + ], + [ + "æĬ¥", + "ä»·" + ], + [ + "éģµ", + "å®Ī" + ], + [ + "æī©", + "å¼ł" + ], + [ + "æĺ¯", + "å¾Ī" + ], + [ + "å¼Ģ", + "éĢļ" + ], + [ + "æĸ°", + "åĬł" + ], + [ + "æĸ°åĬł", + "åĿ¡" + ], + [ + "ç¿»", + "è¯ij" + ], + [ + "询", + "éĹ®" + ], + [ + "é¸", + "Ń" + ], + [ + "ä½ĵ", + "åĨħ" + ], + [ + "两", + "个人" + ], + [ + "çĪ", + "¹" + ], + [ + "éľ", + "ľ" + ], + [ + "乡æĿij", + "æĮ¯åħ´" + ], + [ + "çĿ¡", + "è§ī" + ], + [ + "å®ĺ", + "åijĺ" + ], + [ + "åĪĽ", + "å§ĭ" + ], + [ + "åĪĽå§ĭ", + "人" + ], + [ + "ä¼Ĺ", + "人" + ], + [ + "åį³", + "便" + ], + [ + "çĸ«", + "èĭĹ" + ], + [ + "ä¼ģä¸ļ", + "å®¶" + ], + [ + "æ¸", + "£" + ], + [ + "ç²¾", + "åĬĽ" + ], + [ + "å¤ĸ", + "éĥ¨" + ], + [ + "èģª", + "æĺİ" + ], + [ + "è¿Ļ", + "ä¹Ł" + ], + [ + "å½ķ", + "åıĸ" + ], + [ + "åĨ²", + "çªģ" + ], + [ + "åħ¨", + "身" + ], + [ + "åŃ£", + "èĬĤ" + ], + [ + "忽", + "çĦ¶" + ], + [ + "çļĦ", + "æĢģ度" + ], + [ + "åĤ¨", + "å¤ĩ" + ], + [ + "ä¿Ŀ", + "åħ»" + ], + [ + "çļĦ", + "æĥ³æ³ķ" + ], + [ + "ä¸Ĭæµ·", + "å¸Ĥ" + ], + [ + "æIJº", + "æīĭ" + ], + [ + "çļĦ", + "ä¿¡æģ¯" + ], + [ + "åķĨ", + "åľº" + ], + [ + "çļĦ", + "æĢĿæĥ³" + ], + [ + "æĿĥ", + "åĬĽ" + ], + [ + "毫", + "æĹł" + ], + [ + "æĢĢ", + "åŃķ" + ], + [ + "硬", + "ä»¶" + ], + [ + "åĨħ", + "èĴĻåı¤" + ], + [ + "æİ¢", + "讨" + ], + [ + "åħ»", + "çĶŁ" + ], + [ + "çļĦ", + "表çݰ" + ], + [ + "空", + "ä¸Ń" + ], + [ + "æģIJ", + "æĢĸ" + ], + [ + "å¾Ī", + "é«ĺ" + ], + [ + "ç»ıæµİ", + "社ä¼ļ" + ], + [ + "ä¸Ĭ", + "æĿ¥" + ], + [ + "å»¶", + "ç»Ń" + ], + [ + "éĩį", + "å¤į" + ], + [ + "éĺ²", + "èĮĥ" + ], + [ + "çļĦ", + "å½¢å¼ı" + ], + [ + "æľĪ", + "åºķ" + ], + [ + "èĢģ", + "年人" + ], + [ + "绿", + "åĮĸ" + ], + [ + "å±±", + "åĮº" + ], + [ + "æĭ¿", + "åĩº" + ], + [ + "æĹħ", + "客" + ], + [ + "æĽ´", + "æį¢" + ], + [ + "åħ¬", + "主" + ], + [ + "èĬĤ", + "约" + ], + [ + "åħ¨", + "åİ¿" + ], + [ + "åĽŀ", + "æĬ¥" + ], + [ + "çIJĨ", + "æĢ§" + ], + [ + "çĸ¯", + "çĭĤ" + ], + [ + "æ¶ī", + "å«Į" + ], + [ + "åī§", + "æĥħ" + ], + [ + "åĨ¬", + "åŃ£" + ], + [ + "åIJİ", + "ç»Ń" + ], + [ + "è¿Ļæĺ¯", + "ä¸Ģ个" + ], + [ + "æ¼Ķ", + "讲" + ], + [ + "ä¸Ģ", + "å±Ĥ" + ], + [ + "æľīåħ³", + "éĥ¨éŨ" + ], + [ + "æĹł", + "å¥Ī" + ], + [ + "ç§į", + "ç±»" + ], + [ + "缸åħ³", + "çļĦ" + ], + [ + "æĪĸèĢħ", + "æĺ¯" + ], + [ + "æī¶", + "æĮģ" + ], + [ + "å¤ļ", + "æķ°" + ], + [ + "çļĦ", + "ä½ľåĵģ" + ], + [ + "ä¸ĭ", + "ä¸ĢæŃ¥" + ], + [ + "å¸Ī", + "åĤħ" + ], + [ + "é«ĺéĢŁ", + "åħ¬è·¯" + ], + [ + "好", + "åıĭ" + ], + [ + "ä¼ĺç§Ģ", + "çļĦ" + ], + [ + "è¿Ľ", + "äºĨ" + ], + [ + "æģIJ", + "æĢķ" + ], + [ + "äºĨ", + "åIJ§" + ], + [ + "大", + "è§Ħ模" + ], + [ + "çļĦ", + "ä¸ĸçķĮ" + ], + [ + "æĢĢ", + "çĸij" + ], + [ + "å·", + "·" + ], + [ + "åħ´", + "å¥ĭ" + ], + [ + "æĪ", + "°" + ], + [ + "æĿij", + "éĩĮ" + ], + [ + "æľĭåıĭ", + "åľĪ" + ], + [ + "åĨ¬", + "天" + ], + [ + "ä¸Ńåįİ", + "人æ°ij" + ], + [ + "åįı", + "åķĨ" + ], + [ + "è¯Ħ", + "éĢī" + ], + [ + "æĹ", + "Ń" + ], + [ + "å¢ŀåĬł", + "äºĨ" + ], + [ + "åıĹ", + "伤" + ], + [ + "ä¸Ģ", + "èĤ¡" + ], + [ + "便", + "æį·" + ], + [ + "ä¸", + "ij" + ], + [ + "é¹", + "¤" + ], + [ + "å¤ĸ", + "è§Ĥ" + ], + [ + "å·¥ç¨ĭ", + "å¸Ī" + ], + [ + "åĴĮ", + "åħ¶ä»ĸ" + ], + [ + "è¿Ļ", + "å°±" + ], + [ + "ä¸Ńå°ı", + "ä¼ģä¸ļ" + ], + [ + "西", + "åĮĹ" + ], + [ + "åĽ½æľī", + "ä¼ģä¸ļ" + ], + [ + "èĭ¥", + "æĺ¯" + ], + [ + "åı¯", + "æĥľ" + ], + [ + "çĶŁ", + "æĹ¥" + ], + [ + "åĩ", + "½" + ], + [ + "ä¹°", + "åįĸ" + ], + [ + "ç¥Ŀ", + "ç¦ı" + ], + [ + "人æ°ij", + "群ä¼Ĺ" + ], + [ + "åħī", + "æĺİ" + ], + [ + "åħ¬", + "å¯ĵ" + ], + [ + "æĺ¯", + "è°ģ" + ], + [ + "æĪij", + "çŁ¥éģĵ" + ], + [ + "è¯Ń", + "æĸĩ" + ], + [ + "æķı", + "æĦŁ" + ], + [ + "ä¸įéĶĻ", + "çļĦ" + ], + [ + "æĿ¥", + "讲" + ], + [ + "æ³¢", + "åĬ¨" + ], + [ + "çļĦ", + "第ä¸Ģ" + ], + [ + "åľ°", + "éľĩ" + ], + [ + "åľ¨", + "åħ¨åĽ½" + ], + [ + "骨", + "å¹²" + ], + [ + "å®ī", + "ç½®" + ], + [ + "å®¶", + "ç͵" + ], + [ + "ä¸İ", + "æŃ¤" + ], + [ + "ä¸İæŃ¤", + "åIJĮæĹ¶" + ], + [ + "åıĹ", + "çģ¾" + ], + [ + "çĥŃ", + "线" + ], + [ + "çļĦ", + "æĬĢæľ¯" + ], + [ + "æµĭ", + "éĩı" + ], + [ + "ä¾Ŀ", + "èµĸ" + ], + [ + "ä¸ŃåĽ½", + "çļĦ" + ], + [ + "çī¹", + "æĢ§" + ], + [ + "è¾ĥ", + "é«ĺ" + ], + [ + "è¸", + "©" + ], + [ + "ä¼ļ", + "åľ¨" + ], + [ + "建", + "éĢł" + ], + [ + "导", + "èĪª" + ], + [ + "æĥ³", + "èµ·" + ], + [ + "åħ¨", + "ä¸ĸçķĮ" + ], + [ + "建", + "æĿIJ" + ], + [ + "ç¯", + "Ģ" + ], + [ + "çļĦ", + "åŁºç¡Ģ" + ], + [ + "èĩªåĬ¨", + "åĮĸ" + ], + [ + "åīį", + "åIJİ" + ], + [ + "çĿ¡", + "çľł" + ], + [ + "æİ¨", + "è¡Į" + ], + [ + "æį®", + "äºĨè§£" + ], + [ + "ä»Ģä¹Ī", + "æĹ¶åĢĻ" + ], + [ + "ä¸į", + "åĸľæ¬¢" + ], + [ + "çħ¤", + "çĤŃ" + ], + [ + "éĤ£ä¹Ī", + "å¤ļ" + ], + [ + "å¸Ĥåľº", + "åĮĸ" + ], + [ + "ä¸į管", + "æĺ¯" + ], + [ + "ç«ĭ", + "åľº" + ], + [ + "éĥ½", + "没" + ], + [ + "课", + "é¢ĺ" + ], + [ + "æĪij们", + "å°Ĩ" + ], + [ + "è¿ĩ", + "çļĦ" + ], + [ + "åĨį", + "åĬłä¸Ĭ" + ], + [ + "çĪ", + "¾" + ], + [ + "身", + "æĿIJ" + ], + [ + "çĶ·", + "女" + ], + [ + "è¿ľ", + "è¿ľ" + ], + [ + "çĶ·", + "çĶŁ" + ], + [ + "èĩªèº«", + "çļĦ" + ], + [ + "è´Ł", + "æĭħ" + ], + [ + "çϾ", + "ä¸ĩ" + ], + [ + "西", + "çıŃ" + ], + [ + "西çıŃ", + "çīĻ" + ], + [ + "åĩĢ", + "åĪ©æ¶¦" + ], + [ + "æ¾³", + "大" + ], + [ + "澳大", + "åĪ©äºļ" + ], + [ + "ä¸į", + "åİ»" + ], + [ + "æī¿", + "åıĹ" + ], + [ + "楼", + "çĽĺ" + ], + [ + "å¢ĥ", + "åĨħ" + ], + [ + "æ··", + "åĩĿ" + ], + [ + "æ··åĩĿ", + "åľŁ" + ], + [ + "æĢĿæĥ³", + "æĶ¿æ²»" + ], + [ + "å¸Ĥ", + "åĮº" + ], + [ + "æĭĽ", + "æłĩ" + ], + [ + "åĽ¢", + "ä½ĵ" + ], + [ + "è¿Ľ", + "度" + ], + [ + "åĨĽ", + "éĺŁ" + ], + [ + "åıį", + "å¼¹" + ], + [ + "äºĨä¸Ģ", + "äºĽ" + ], + [ + "æİ¥", + "å¾ħ" + ], + [ + "çļĦ", + "åŃ¦ä¹ł" + ], + [ + "éħį", + "éĢģ" + ], + [ + "é£Łåĵģ", + "å®īåħ¨" + ], + [ + "æĽ¿", + "代" + ], + [ + "æĺ¯", + "以" + ], + [ + "éĢļ", + "ç͍" + ], + [ + "çłĶç©¶", + "æīĢ" + ], + [ + "ç¦", + "ħ" + ], + [ + "æī", + "Ķ" + ], + [ + "éļĶ", + "离" + ], + [ + "ä¸ĩ", + "å¹³æĸ¹ç±³" + ], + [ + "çļĦ", + "è§Ħå®ļ" + ], + [ + "ç»Ļ", + "æĪij们" + ], + [ + "æ¿Ģ", + "åħī" + ], + [ + "ä¼ļ", + "åĩºçݰ" + ], + [ + "çŁŃ", + "ä¿¡" + ], + [ + "ç©¿", + "çĿĢ" + ], + [ + "æ²Ī", + "éĺ³" + ], + [ + "æķĻ", + "æĿIJ" + ], + [ + "éĺ²", + "çĸ«" + ], + [ + "ä¼ĺ", + "èī¯" + ], + [ + "约", + "å®ļ" + ], + [ + "æĪij", + "çľģ" + ], + [ + "åħ¬", + "æ°ij" + ], + [ + "éģ¸", + "æĵ" + ], + [ + "é쏿ĵ", + "ĩ" + ], + [ + "å·²", + "æĪIJ为" + ], + [ + "ä¸į", + "å¿ħ" + ], + [ + "ç¥ĸ", + "åĽ½" + ], + [ + "å¹¶", + "æľª" + ], + [ + "åľŁ", + "壤" + ], + [ + "å¾®", + "ç¬ij" + ], + [ + "äºĭä¸ļ", + "åįķä½į" + ], + [ + "çļĦ", + "游æĪı" + ], + [ + "åħ¬", + "示" + ], + [ + "åIJĪçIJĨ", + "çļĦ" + ], + [ + "çª", + "Ŀ" + ], + [ + "æ°Ķ", + "象" + ], + [ + "å®¶", + "ä¸Ń" + ], + [ + "亮", + "缸" + ], + [ + "åį«", + "æĺŁ" + ], + [ + "è®°", + "è½½" + ], + [ + "è§Ĩ", + "éĩİ" + ], + [ + "åľ°åĮº", + "çļĦ" + ], + [ + "ä½Ĩ", + "ä»ĸ" + ], + [ + "èĤĮ", + "èĤī" + ], + [ + "äºı", + "æįŁ" + ], + [ + "åĬŀ", + "åѦ" + ], + [ + "ä¸Ģ", + "è¡Į" + ], + [ + "è¯ŀ", + "çĶŁ" + ], + [ + "åıijå¸ĥ", + "çļĦ" + ], + [ + "çļĦ", + "æľįåĬ¡" + ], + [ + "çļĦ", + "çłĶç©¶" + ], + [ + "åij¨", + "æľ«" + ], + [ + "产ä¸ļ", + "åĽŃ" + ], + [ + "é«ĺ", + "温" + ], + [ + "æĪIJåĬŁ", + "çļĦ" + ], + [ + "æŃ¥", + "骤" + ], + [ + "åŃĺ", + "åĤ¨" + ], + [ + "åŃIJ", + "åħ¬åı¸" + ], + [ + "让", + "她" + ], + [ + "ä¸Ń", + "æľī" + ], + [ + "åĺī", + "宾" + ], + [ + "å¦", + "®" + ], + [ + "æĺİ", + "å¹´" + ], + [ + "äºĨ", + "åIJĹ" + ], + [ + "äºī", + "è®®" + ], + [ + "æĪ", + "Ī" + ], + [ + "ä¸Ģ", + "æľ¬" + ], + [ + "ç¾İ丽", + "çļĦ" + ], + [ + "ä½ł", + "说" + ], + [ + "大", + "人" + ], + [ + "æĶ»", + "çķ¥" + ], + [ + "ä¸į", + "æľĥ" + ], + [ + "å¾ħ", + "éģĩ" + ], + [ + "ä¸Ģ", + "è¾Ĩ" + ], + [ + "çīĪæĿĥ", + "æīĢæľī" + ], + [ + "æ°ij", + "ä¼Ĺ" + ], + [ + "åĬŁ", + "夫" + ], + [ + "å±ķ", + "ä¼ļ" + ], + [ + "大", + "èĦij" + ], + [ + "æ¯ı", + "æľĪ" + ], + [ + "å°ı", + "麦" + ], + [ + "æµĻæ±Ł", + "çľģ" + ], + [ + "çļĦ", + "æīĢæľī" + ], + [ + "ä¸ĭ", + "æ»ij" + ], + [ + "èĵĿ", + "èī²" + ], + [ + "è¦ģ", + "æĥ³" + ], + [ + "åѦçĶŁ", + "çļĦ" + ], + [ + "å½ĵ", + "ä½ł" + ], + [ + "ä½ľ", + "æĪĺ" + ], + [ + "å®¶", + "乡" + ], + [ + "å¤ļ", + "åIJį" + ], + [ + "é«ĺ", + "äºİ" + ], + [ + "åĿļ", + "强" + ], + [ + "è¿ŀ", + "éĶģ" + ], + [ + "åIJİ", + "æŀľ" + ], + [ + "人", + "äºĭ" + ], + [ + "ç´", + "ħ" + ], + [ + "æ¿Ģ", + "åĬ¨" + ], + [ + "è¿Ľ", + "æĶ»" + ], + [ + "ç©", + "Ĩ" + ], + [ + "ä¸", + "ĺ" + ], + [ + "让", + "èĩªå·±" + ], + [ + "以", + "æŃ¤" + ], + [ + "夫", + "人" + ], + [ + "å¼Ģ", + "设" + ], + [ + "æ°Ķ", + "è´¨" + ], + [ + "鸡", + "èĽĭ" + ], + [ + "çĦ¡", + "æ³ķ" + ], + [ + "åIJĥ", + "äºĨ" + ], + [ + "åĪĨåĪ«", + "为" + ], + [ + "èģĶåIJĪ", + "åĽ½" + ], + [ + "å½ĵ", + "代" + ], + [ + "å¦Ĥæŀľ", + "æĺ¯" + ], + [ + "è¿ľ", + "ç¨ĭ" + ], + [ + "åĸ", + "Ĥ" + ], + [ + "è®°", + "ä½ı" + ], + [ + "æ¸ħ", + "åįķ" + ], + [ + "åIJĪä½ľ", + "ä¼Ļä¼´" + ], + [ + "åİ»", + "åģļ" + ], + [ + "æķħ", + "éļľ" + ], + [ + "模", + "æĭŁ" + ], + [ + "å¸Ī", + "çĶŁ" + ], + [ + "åīį", + "æĿ¥" + ], + [ + "ç͵è§Ĩ", + "åī§" + ], + [ + "çĥŃ", + "çα" + ], + [ + "éľ²", + "åĩº" + ], + [ + "é«ĺ", + "å±Ĥ" + ], + [ + "ç͵", + "åύ" + ], + [ + "纪", + "å¾ĭ" + ], + [ + "å¼Ģåıij", + "åķĨ" + ], + [ + "éķ¿", + "å®ī" + ], + [ + "è½½", + "ä½ĵ" + ], + [ + "çļĦ", + "å°±æĺ¯" + ], + [ + "被", + "人" + ], + [ + "åıĹ", + "çIJĨ" + ], + [ + "篮", + "çIJĥ" + ], + [ + "èİ", + "İ" + ], + [ + "交", + "ç»Ļ" + ], + [ + "æľªæĿ¥", + "çļĦ" + ], + [ + "两", + "大" + ], + [ + "åIJķ", + "å¸ĥ" + ], + [ + "çŃī", + "人" + ], + [ + "çļĦ", + "æĹ¥åŃIJ" + ], + [ + "åIJĪä½ľ", + "社" + ], + [ + "æĮij", + "éĢī" + ], + [ + "åŃĺ", + "款" + ], + [ + "ç³»ç»Ł", + "çļĦ" + ], + [ + "æĬĬ", + "å®ĥ" + ], + [ + "没æľī", + "ä»Ģä¹Ī" + ], + [ + "ä»İ", + "æŃ¤" + ], + [ + "ä¸Ń", + "åįĪ" + ], + [ + "çĸ¼", + "çĹĽ" + ], + [ + "å·©", + "åĽº" + ], + [ + "浪", + "漫" + ], + [ + "缸åħ³", + "éĥ¨éŨ" + ], + [ + "éķ¿", + "åŁİ" + ], + [ + "纤", + "ç»´" + ], + [ + "ä¸Ĭ", + "éŨ" + ], + [ + "çĪĨ", + "çĤ¸" + ], + [ + "èµ·", + "çĤ¹" + ], + [ + "çļĦ", + "éĢļçŁ¥" + ], + [ + "èĢĮ", + "æĿ¥" + ], + [ + "çļĦ", + "èĢģ" + ], + [ + "æīĭ", + "éĩĮ" + ], + [ + "è¯Ń", + "éŁ³" + ], + [ + "è¾Ľ", + "èĭ¦" + ], + [ + "æ±Łèĭı", + "çľģ" + ], + [ + "ç͍", + "äºĨ" + ], + [ + "身份", + "è¯ģ" + ], + [ + "æľī", + "åĬ©" + ], + [ + "æľīåĬ©", + "äºİ" + ], + [ + "çī©", + "èģĶç½ij" + ], + [ + "åĩº", + "éŨ" + ], + [ + "å¼Ł", + "åŃIJ" + ], + [ + "æĥ", + "¹" + ], + [ + "è¿Ļä»¶", + "äºĭ" + ], + [ + "æĪij们", + "åı¯ä»¥" + ], + [ + "çļĦ", + "çĶŁåij½" + ], + [ + "æľīä¸Ģ", + "ç§į" + ], + [ + "åºĹ", + "éĵº" + ], + [ + "åıĮ", + "æīĭ" + ], + [ + "çļĦ", + "æ¶Īæģ¯" + ], + [ + "èĢIJ", + "å¿ĥ" + ], + [ + "å°´", + "å°¬" + ], + [ + "éĤ£", + "天" + ], + [ + "é¦ĸ", + "æī¹" + ], + [ + "æĺ¯ä¸Ģ", + "å®¶" + ], + [ + "人", + "æ°Ķ" + ], + [ + "åıį", + "æŃ£" + ], + [ + "æĪij", + "åĴĮ" + ], + [ + "å®ł", + "çī©" + ], + [ + "ä¸į", + "对" + ], + [ + "寻", + "æ±Ĥ" + ], + [ + "缸", + "ä¼¼" + ], + [ + "åľ¨", + "ç¾İåĽ½" + ], + [ + "åı«", + "åģļ" + ], + [ + "åĹ", + "İ" + ], + [ + "ç«ĭ", + "è¶³" + ], + [ + "ç͍", + "éĢĶ" + ], + [ + "åħ", + "Ĩ" + ], + [ + "大", + "æ°Ķ" + ], + [ + "åIJij", + "ä¸Ĭ" + ], + [ + "ä»ĸ", + "å°±" + ], + [ + "é¡¹çĽ®", + "建设" + ], + [ + "èĭ¥", + "å¹²" + ], + [ + "æĺ¯", + "æľī" + ], + [ + "æ¿Ģ", + "æĥħ" + ], + [ + "çļĦ", + "æĦıä¹ī" + ], + [ + "æĺ", + "Ń" + ], + [ + "严éĩį", + "çļĦ" + ], + [ + "å¯Ĩ", + "éĽĨ" + ], + [ + "èĪŀ", + "è¹Ī" + ], + [ + "èį£", + "èİ·" + ], + [ + "èİ·", + "æĤī" + ], + [ + "æ±Ł", + "åįĹ" + ], + [ + "åģĩ", + "å¦Ĥ" + ], + [ + "æĪ·", + "å¤ĸ" + ], + [ + "线", + "ç´¢" + ], + [ + "ç§ģ", + "人" + ], + [ + "转åŀĭ", + "åįĩ级" + ], + [ + "çļĦ", + "ä»·å̼" + ], + [ + "åįķ", + "çĭ¬" + ], + [ + "èĢģ", + "çϾå§ĵ" + ], + [ + "å°į", + "æĸ¼" + ], + [ + "åĽ½éĻħ", + "åĮĸ" + ], + [ + "ä¼°", + "å̼" + ], + [ + "æľįåĬ¡", + "ä¸ļ" + ], + [ + "èĩ", + "Ń" + ], + [ + "æİī", + "äºĨ" + ], + [ + "è§£åĨ³", + "äºĨ" + ], + [ + "ä¹Ł", + "ä¸įèĥ½" + ], + [ + "åħ", + "¹" + ], + [ + "æĸ¯", + "çī¹" + ], + [ + "æķħ", + "æĦı" + ], + [ + "è¿ĩ", + "度" + ], + [ + "èĬĤ", + "æĹ¥" + ], + [ + "çϽ", + "çĻľ" + ], + [ + "çϽçĻľ", + "é£İ" + ], + [ + "ç»§", + "æī¿" + ], + [ + "äºĨ", + "ä¸įå°ij" + ], + [ + "äºĮ", + "人" + ], + [ + "è§ģ", + "éĿ¢" + ], + [ + "æĥ³", + "æĥ³" + ], + [ + "å¤į", + "åIJĪ" + ], + [ + "康", + "å¤į" + ], + [ + "åİ¿", + "åŁİ" + ], + [ + "åľ¨", + "åĽ½åĨħ" + ], + [ + "åľº", + "åľ°" + ], + [ + "é϶", + "çĵ·" + ], + [ + "è¿Ļ", + "项" + ], + [ + "çľ¼", + "ä¸Ń" + ], + [ + "çł", + "¸" + ], + [ + "æĦŁè§ī", + "åΰ" + ], + [ + "æŀľ", + "çĦ¶" + ], + [ + "æĶ¾", + "åħ¥" + ], + [ + "约", + "æĿŁ" + ], + [ + "æİĴ", + "æŁ¥" + ], + [ + "车", + "主" + ], + [ + "çļĦ", + "æĦıæĢĿ" + ], + [ + "æĸ°", + "åŁİ" + ], + [ + "æĥ³", + "çĿĢ" + ], + [ + "éģ", + "Ĥ" + ], + [ + "èĮ¶", + "åı¶" + ], + [ + "ä¹°", + "æĪ¿" + ], + [ + "åĨľ", + "æĪ·" + ], + [ + "é«ĺ", + "æīĭ" + ], + [ + "çİī", + "ç±³" + ], + [ + "æĸ°åĨł", + "èĤºçĤİ" + ], + [ + "çħ§", + "æĺİ" + ], + [ + "æĮĩ", + "åįĹ" + ], + [ + "è¸", + "¢" + ], + [ + "æķij", + "æı´" + ], + [ + "æĻ¯", + "çĤ¹" + ], + [ + "ç¨İ", + "æĶ¶" + ], + [ + "çļĦ", + "æīĭ" + ], + [ + "æŃ£", + "好" + ], + [ + "è¦ģ", + "æĬĬ" + ], + [ + "éļı", + "æĦı" + ], + [ + "åħ¶å®ŀ", + "æĺ¯" + ], + [ + "ç»Ļ", + "èĩªå·±" + ], + [ + "è°Ī", + "åΤ" + ], + [ + "æ¯ı天", + "éĥ½" + ], + [ + "æĢģ", + "åĬ¿" + ], + [ + "é¢Ħ", + "约" + ], + [ + "åİĨåı²", + "ä¸Ĭ" + ], + [ + "å®Ŀ", + "è´Ŀ" + ], + [ + "åīį", + "è¿Ľ" + ], + [ + "ä¹Łå°±æĺ¯", + "说" + ], + [ + "çļĦ", + "æĦıè§ģ" + ], + [ + "åı£", + "罩" + ], + [ + "åİĺ", + "ç±³" + ], + [ + "èĬ±", + "è´¹" + ], + [ + "ä½ĵèĤ²", + "æĬķæ³¨" + ], + [ + "åħ¬ä¼Ĺ", + "åı·" + ], + [ + "èijĹåIJį", + "çļĦ" + ], + [ + "å¼Ģ", + "æĪ·" + ], + [ + "æĭį", + "åįĸ" + ], + [ + "å²ģ", + "æľĪ" + ], + [ + "åĨħ", + "æ¶µ" + ], + [ + "å®Įæķ´", + "çļĦ" + ], + [ + "é«ĺ", + "åİĭ" + ], + [ + "åħ¬åĬ¡", + "åijĺ" + ], + [ + "使ç͍", + "çļĦ" + ], + [ + "çĶŁäº§", + "线" + ], + [ + "妹", + "妹" + ], + [ + "èµ°", + "访" + ], + [ + "æĺ¯", + "åı¯ä»¥" + ], + [ + "åľ¨", + "å®¶" + ], + [ + "æļ´", + "åĬĽ" + ], + [ + "æ³°", + "åĽ½" + ], + [ + "è´¨", + "çĸij" + ], + [ + "ä¸į", + "éģİ" + ], + [ + "天çĦ¶", + "æ°Ķ" + ], + [ + "缺", + "çĤ¹" + ], + [ + "å°ı", + "åŀĭ" + ], + [ + "ä¸įä»ħ", + "æĺ¯" + ], + [ + "é»ij", + "æļĹ" + ], + [ + "æ¢", + "¨" + ], + [ + "æĸĩ", + "æĹħ" + ], + [ + "è¦ģ", + "æľī" + ], + [ + "ä¸Ń", + "å±±" + ], + [ + "çļĦ", + "æķ°æį®" + ], + [ + "å¾Ĺ", + "å¾Ī" + ], + [ + "以", + "便" + ], + [ + "对", + "ä»ĸ" + ], + [ + "åĬł", + "以" + ], + [ + "çϼ", + "çı¾" + ], + [ + "设", + "å®ļ" + ], + [ + "èĤļ", + "åŃIJ" + ], + [ + "éĿ", + "ĸ" + ], + [ + "å¥ī", + "çĮ®" + ], + [ + "ä¸į", + "åıĺ" + ], + [ + "åı£", + "ç¢ij" + ], + [ + "åľ¨", + "åĵªéĩĮ" + ], + [ + "ä½", + "IJ" + ], + [ + "è¿Ļ", + "两个" + ], + [ + "çļĦ", + "æĸ¹åIJij" + ], + [ + "æŀ", + "«" + ], + [ + "äºĮ", + "次" + ], + [ + "çīĩ", + "åĮº" + ], + [ + "éł", + "IJ" + ], + [ + "ç£", + "Ĭ" + ], + [ + "æĭ¿", + "çĿĢ" + ], + [ + "å·²ç»ı", + "æĪIJ为" + ], + [ + "ä¹ĭ", + "ä¸Ĭ" + ], + [ + "å®Ĺ", + "æĹ¨" + ], + [ + "奶", + "奶" + ], + [ + "é«ĺæĸ°", + "åĮº" + ], + [ + "社", + "æľĥ" + ], + [ + "è·Ł", + "踪" + ], + [ + "æľįåĬ¡", + "ä¸Ńå¿ĥ" + ], + [ + "æī", + "¯" + ], + [ + "æīĭ", + "æĮĩ" + ], + [ + "礼", + "çī©" + ], + [ + "宿", + "èĪį" + ], + [ + "ç͍", + "å¿ĥ" + ], + [ + "æıIJé«ĺ", + "äºĨ" + ], + [ + "亮", + "çĤ¹" + ], + [ + "ä¸į", + "æĦ¿æĦı" + ], + [ + "æĴŃ", + "æĶ¾" + ], + [ + "å¤ļå°ij", + "éĴ±" + ], + [ + "没", + "ä»Ģä¹Ī" + ], + [ + "æķ°", + "åįģ" + ], + [ + "æĢ»", + "çĽij" + ], + [ + "çļĦ", + "åŁİå¸Ĥ" + ], + [ + "æī¾", + "åΰäºĨ" + ], + [ + "åĨħ", + "åľ°" + ], + [ + "åΰ", + "çİ°åľ¨" + ], + [ + "æĪĺæĸĹ", + "åĬĽ" + ], + [ + "åİŁ", + "å§ĭ" + ], + [ + "åĥ", + "§" + ], + [ + "åĢĴ", + "æĺ¯" + ], + [ + "æľĢ", + "åħ·" + ], + [ + "è´«åĽ°", + "æĪ·" + ], + [ + "éĢģ", + "åΰ" + ], + [ + "级", + "åĪ«" + ], + [ + "åĩº", + "èµĦ" + ], + [ + "æĪª", + "æŃ¢" + ], + [ + "ç§į", + "åŃIJ" + ], + [ + "èĥ½", + "ä¸įèĥ½" + ], + [ + "幸", + "è¿IJ" + ], + [ + "èĸ", + "ĩ" + ], + [ + "项", + "éĵ¾" + ], + [ + "æĮĤ", + "çīĮ" + ], + [ + "ä¸Ģ", + "樣" + ], + [ + "ä¹ĺ", + "客" + ], + [ + "èIJ½", + "åIJİ" + ], + [ + "ä½Ĩ", + "æĪij" + ], + [ + "æĹ©", + "åľ¨" + ], + [ + "åĬ¨", + "漫" + ], + [ + "å¹³", + "çŃī" + ], + [ + "对", + "ä½ł" + ], + [ + "ä¸į", + "æĢķ" + ], + [ + "å¤ĸ", + "çķĮ" + ], + [ + "å¤ļå¹´", + "æĿ¥" + ], + [ + "é¦ĸ", + "个" + ], + [ + "æ²³", + "åįĹçľģ" + ], + [ + "æĪĸ", + "åħ¶ä»ĸ" + ], + [ + "éķľ", + "头" + ], + [ + "åįĹ", + "æĺĮ" + ], + [ + "ä¸Ģ", + "éĿ¢" + ], + [ + "éĢłæĪIJ", + "çļĦ" + ], + [ + "å´", + "Ķ" + ], + [ + "çŃ", + "Ĵ" + ], + [ + "æķĻèĤ²", + "éĥ¨" + ], + [ + "åľ°", + "åŁŁ" + ], + [ + "æĺĨ", + "æĺİ" + ], + [ + "å·´", + "é»İ" + ], + [ + "æīĭ", + "游" + ], + [ + "ä¸Ģ", + "æĹ¶" + ], + [ + "çł", + "į" + ], + [ + "é¡¶", + "级" + ], + [ + "åħ±", + "计" + ], + [ + "åİŁ", + "æ²¹" + ], + [ + "è¾ī", + "çħĮ" + ], + [ + "说", + "æĺ¯" + ], + [ + "æĸ°åįİ", + "社" + ], + [ + "ç»ıåİĨ", + "äºĨ" + ], + [ + "ä¸į", + "æŃ¢" + ], + [ + "è¦ģ", + "ä¹Ī" + ], + [ + "èĢħ", + "çļĦ" + ], + [ + "æĢ»", + "æĬķèµĦ" + ], + [ + "è¡Į", + "é©¶" + ], + [ + "ä¸Ĭ", + "å¸Ŀ" + ], + [ + "å¹´", + "纪" + ], + [ + "çIJ", + "¼" + ], + [ + "ä¼ł", + "说" + ], + [ + "ç²¾", + "èĭ±" + ], + [ + "æĸ¹", + "éĴĪ" + ], + [ + "æ±Ł", + "æ¹ĸ" + ], + [ + "æĪIJ", + "çĤº" + ], + [ + "æĢ»", + "éĩı" + ], + [ + "æĬķ", + "æĶ¾" + ], + [ + "åĬ¨", + "çĶ»" + ], + [ + "èĹ", + "¤" + ], + [ + "ç͵", + "æºIJ" + ], + [ + "éĴ", + "Ļ" + ], + [ + "åIJĮ", + "è¡Į" + ], + [ + "æĻ®éĢļ", + "çļĦ" + ], + [ + "åĽ¾ä¹¦", + "é¦Ĩ" + ], + [ + "è¯Ī", + "éªĹ" + ], + [ + "æħĪ", + "åĸĦ" + ], + [ + "è¿Ļ", + "份" + ], + [ + "主æĮģ", + "人" + ], + [ + "å°±", + "è¿Ļæł·" + ], + [ + "èĢĮ", + "æĪIJ" + ], + [ + "èĩªè¡Į", + "车" + ], + [ + "ä¸ŃåĽ½", + "çī¹èī²" + ], + [ + "èĤ¿", + "çĺ¤" + ], + [ + "åIJ", + "¾" + ], + [ + "å¼Ł", + "å¼Ł" + ], + [ + "åıĹ", + "çĽĬ" + ], + [ + "éĢīæĭ©", + "äºĨ" + ], + [ + "æĺİæĺ¾", + "çļĦ" + ], + [ + "æĬ¥", + "èĢĥ" + ], + [ + "ç¬ij", + "éģĵ" + ], + [ + "éĽĸ", + "çĦ¶" + ], + [ + "温", + "å·ŀ" + ], + [ + "éĿŀ", + "æ´²" + ], + [ + "ç§į", + "ç§į" + ], + [ + "åıĤåĬł", + "äºĨ" + ], + [ + "è´§", + "è¿IJ" + ], + [ + "éļı", + "便" + ], + [ + "å°±", + "没æľī" + ], + [ + "ç¸", + "£" + ], + [ + "央", + "è§Ĩ" + ], + [ + "ç©¿", + "è¶Ĭ" + ], + [ + "çļĦ", + "çݰ象" + ], + [ + "åĩł", + "次" + ], + [ + "çļĦ", + "é£İéĻ©" + ], + [ + "æŃĮ", + "æĽ²" + ], + [ + "æľ¬", + "å±Ĭ" + ], + [ + "å¹´", + "åĨħ" + ], + [ + "ä¸į", + "è¶ħè¿ĩ" + ], + [ + "è¿ĩ", + "å¤ļ" + ], + [ + "å¿ħé¡»", + "è¦ģ" + ], + [ + "ç»ĵ", + "论" + ], + [ + "åĢŁ", + "éī´" + ], + [ + "ç¥ŀ", + "å¥ĩ" + ], + [ + "æľŁ", + "æľĽ" + ], + [ + "ä¸ĵ", + "享" + ], + [ + "éĿŀ常", + "éĩįè¦ģ" + ], + [ + "æĦıè¯Ĩ", + "åΰ" + ], + [ + "åIJĪ", + "å¹¶" + ], + [ + "æĬĬ", + "èĩªå·±" + ], + [ + "å¥Ĺ", + "è£ħ" + ], + [ + "éŃĶ", + "æ³ķ" + ], + [ + "å¤ı", + "åŃ£" + ], + [ + "ä¸į", + "åĥı" + ], + [ + "å¢ĥ", + "çķĮ" + ], + [ + "æĥĬ", + "åĸľ" + ], + [ + "æľīä¸Ģ", + "天" + ], + [ + "çĦ¦", + "çĤ¹" + ], + [ + "æĪij", + "认为" + ], + [ + "åħ°", + "å·ŀ" + ], + [ + "ç͵", + "æ°Ķ" + ], + [ + "èģĶç³»", + "æĪij们" + ], + [ + "ç§ij", + "æĻ®" + ], + [ + "她", + "说" + ], + [ + "çļĦ", + "æĸĩ竳" + ], + [ + "å¥ĩ", + "æĢª" + ], + [ + "åıĭ", + "好" + ], + [ + "饮", + "æĸĻ" + ], + [ + "çļĦ", + "æĶ¯æĮģ" + ], + [ + "çŃĶ", + "åºĶ" + ], + [ + "éĩį", + "éĩı" + ], + [ + "çij", + "¶" + ], + [ + "åĩı", + "è½»" + ], + [ + "ç§ijåѦ", + "å®¶" + ], + [ + "å·´", + "西" + ], + [ + "éĩijèŀį", + "æľºæŀĦ" + ], + [ + "åħļ", + "å§Ķ书记" + ], + [ + "貸", + "款" + ], + [ + "ç²¾", + "èĩ´" + ], + [ + "ä»İ", + "æľª" + ], + [ + "åį°", + "åĪ·" + ], + [ + "åĽŀ", + "顾" + ], + [ + "é¦ĸ", + "éĥ½" + ], + [ + "åıij", + "èĤ²" + ], + [ + "éĹ®", + "éģĵ" + ], + [ + "è¾¾", + "åΰäºĨ" + ], + [ + "å¿į", + "ä¸įä½ı" + ], + [ + "æīį", + "æľī" + ], + [ + "æįIJ", + "èµł" + ], + [ + "ä½Ľ", + "æķĻ" + ], + [ + "ä¸į", + "æ¸ħ" + ], + [ + "éĺŁ", + "éķ¿" + ], + [ + "缸", + "åıį" + ], + [ + "æĬ¥", + "èѦ" + ], + [ + "大", + "åħ¨" + ], + [ + "欧", + "缣" + ], + [ + "帮", + "å¿Ļ" + ], + [ + "çļĦ", + "æĻĤåĢĻ" + ], + [ + "缮", + "å½ķ" + ], + [ + "è¶³", + "以" + ], + [ + "èī°", + "éļ¾" + ], + [ + "ä»ĸ", + "ä¹Ł" + ], + [ + "å·¥", + "ä½ľèĢħ" + ], + [ + "头", + "èĦij" + ], + [ + "缺", + "éĻ·" + ], + [ + "æĪIJç«ĭ", + "äºĨ" + ], + [ + "å°±", + "å¼Ģå§ĭ" + ], + [ + "认", + "åIJĮ" + ], + [ + "é»Ħ", + "èī²" + ], + [ + "çĹħ", + "æĥħ" + ], + [ + "覺", + "å¾Ĺ" + ], + [ + "è¿Ļ", + "两" + ], + [ + "ä¿¡", + "ä»°" + ], + [ + "åľĭ", + "å®¶" + ], + [ + "ä¸įä»ħä»ħ", + "æĺ¯" + ], + [ + "çĭ¬", + "å®¶" + ], + [ + "èά", + "çļĦ" + ], + [ + "æĿIJ", + "è´¨" + ], + [ + "æµ·", + "ä¸Ĭ" + ], + [ + "çĤº", + "äºĨ" + ], + [ + "æľºåĬ¨", + "车" + ], + [ + "缸å½ĵ", + "äºİ" + ], + [ + "å¤ļåħĥ", + "åĮĸ" + ], + [ + "æĽ´", + "大çļĦ" + ], + [ + "èĽ", + "®" + ], + [ + "åģĩ", + "æľŁ" + ], + [ + "å¼ı", + "çļĦ" + ], + [ + "交éĢļ", + "è¿IJè¾ĵ" + ], + [ + "çľģ", + "å§Ķ" + ], + [ + "ä¸į", + "ç®Ĺ" + ], + [ + "æĶ¾", + "ä¸ĭ" + ], + [ + "éĹ", + "¯" + ], + [ + "人", + "åľ¨" + ], + [ + "港", + "åı£" + ], + [ + "æĹ¨", + "åľ¨" + ], + [ + "åij½", + "令" + ], + [ + "æŁIJ", + "个" + ], + [ + "å¹³", + "稳" + ], + [ + "åıª", + "好" + ], + [ + "人", + "人" + ], + [ + "äº", + "ŀ" + ], + [ + "äºĮ", + "ç»´" + ], + [ + "äºĮç»´", + "çłģ" + ], + [ + "æŀģ", + "为" + ], + [ + "åĪ«", + "å¢ħ" + ], + [ + "åħ¶", + "ä½Ļ" + ], + [ + "大", + "äºĭ" + ], + [ + "主管", + "éĥ¨éŨ" + ], + [ + "æĹł", + "éĶ¡" + ], + [ + "éĹ", + "µ" + ], + [ + "éģŃ", + "åΰ" + ], + [ + "说", + "è¿ĩ" + ], + [ + "为", + "ä½ł" + ], + [ + "è§£", + "çŃĶ" + ], + [ + "éªĮ", + "æĶ¶" + ], + [ + "çļĦ", + "ç»ıéªĮ" + ], + [ + "åĮ¹", + "éħį" + ], + [ + "çģ«", + "ç®Ń" + ], + [ + "豪", + "åįİ" + ], + [ + "æŁIJ", + "æŁIJ" + ], + [ + "çļĦ", + "æĹ¶ä»£" + ], + [ + "书", + "éĿ¢" + ], + [ + "æģĴ", + "大" + ], + [ + "å»¶", + "éķ¿" + ], + [ + "ä¸Ģ", + "åIJĮ" + ], + [ + "æľª", + "èĥ½" + ], + [ + "交", + "æį¢" + ], + [ + "çĶ¢", + "åĵģ" + ], + [ + "çŃī", + "åΰ" + ], + [ + "åĪĨ", + "离" + ], + [ + "æīĵ", + "ç͵è¯Ŀ" + ], + [ + "å¹²", + "çĩ¥" + ], + [ + "è¾ĥ", + "å¤ļ" + ], + [ + "å¤ļå¹´", + "çļĦ" + ], + [ + "èĥĮæĻ¯", + "ä¸ĭ" + ], + [ + "为", + "ä¾ĭ" + ], + [ + "æijĺ", + "è¦ģ" + ], + [ + "å´Ľ", + "èµ·" + ], + [ + "æŃ¤", + "åĪ»" + ], + [ + "æľī", + "æľºä¼ļ" + ], + [ + "æĿ¡", + "款" + ], + [ + "é¢Ĩ导", + "å°ıç»Ħ" + ], + [ + "çļĦ", + "身ä½ĵ" + ], + [ + "åįķ", + "ä¸Ģ" + ], + [ + "央", + "è¡Į" + ], + [ + "ä¸įæĸŃ", + "æıIJé«ĺ" + ], + [ + "ä»·å̼", + "è§Ĥ" + ], + [ + "èĬ", + "½" + ], + [ + "èIJ", + "į" + ], + [ + "æ³ķå¾ĭ", + "æ³ķè§Ħ" + ], + [ + "ä¸į", + "éĶĪ" + ], + [ + "ä¸įéĶĪ", + "éĴ¢" + ], + [ + "åĩº", + "äºİ" + ], + [ + "èĻļ", + "æĭŁ" + ], + [ + "æį®", + "æĤī" + ], + [ + "çĥ¦", + "æģ¼" + ], + [ + "åħ¨", + "æĸ°çļĦ" + ], + [ + "æī«", + "æıı" + ], + [ + "çĻ»", + "éĻĨ" + ], + [ + "èīºæľ¯", + "å®¶" + ], + [ + "çļĦ", + "é£Łçī©" + ], + [ + "çļĦ", + "åŃĺåľ¨" + ], + [ + "客", + "åİħ" + ], + [ + "æĪij们", + "å°±" + ], + [ + "æŁ¥çľĭ", + "æĽ´å¤ļ" + ], + [ + "è¯Ħ", + "审" + ], + [ + "å¸Ĥ", + "åł´" + ], + [ + "è¬", + "Ľ" + ], + [ + "å·¨", + "头" + ], + [ + "ä¸ŃåĽ½", + "ç»ıæµİ" + ], + [ + "äºĨ", + "èĩªå·±çļĦ" + ], + [ + "åĨ³", + "è®®" + ], + [ + "çĽijçĿ£", + "管çIJĨ" + ], + [ + "æĬķ", + "票" + ], + [ + "åĨį", + "度" + ], + [ + "è¡Į", + "çĤº" + ], + [ + "注", + "åħ¥" + ], + [ + "ä½ľä¸º", + "ä¸Ģ个" + ], + [ + "æ¯ı个人", + "éĥ½" + ], + [ + "åįķ", + "åħĥ" + ], + [ + "è¦ģ", + "çŁ¥éģĵ" + ], + [ + "被", + "称为" + ], + [ + "ä¹ĭ", + "éĻħ" + ], + [ + "è§£", + "éϤ" + ], + [ + "ä¸", + "¸" + ], + [ + "æº", + "«" + ], + [ + "ä¸ī", + "æĺŁ" + ], + [ + "é²ľ", + "æĺİ" + ], + [ + "ä¹Ł", + "éĥ½" + ], + [ + "æĹ¶", + "æľº" + ], + [ + "åĩº", + "æīĭ" + ], + [ + "æĥħ", + "å½¢" + ], + [ + "åķĨ", + "è´¸" + ], + [ + "éĢī", + "举" + ], + [ + "对", + "èĩªå·±" + ], + [ + "çĶŁ", + "åĬ¨" + ], + [ + "åħĭ", + "æľį" + ], + [ + "个", + "ä½ĵ" + ], + [ + "èĭ", + "ij" + ], + [ + "ç¨", + "±" + ], + [ + "大", + "åݦ" + ], + [ + "æĺ¯", + "对" + ], + [ + "åĪ©", + "æģ¯" + ], + [ + "è¿IJåĬ¨", + "åijĺ" + ], + [ + "åĮĸ", + "è§£" + ], + [ + "åīį", + "沿" + ], + [ + "æĦŁ", + "æģ©" + ], + [ + "æĢ»", + "ä¹ĭ" + ], + [ + "é«ĺæĸ°", + "æĬĢæľ¯" + ], + [ + "åĿĩ", + "为" + ], + [ + "åħ¨", + "åĮº" + ], + [ + "æ°Ķ", + "æ°Ľ" + ], + [ + "åı¯ä»¥è¯´", + "æĺ¯" + ], + [ + "ä½ı", + "宿" + ], + [ + "åħļåijĺ", + "å¹²éĥ¨" + ], + [ + "åĹ", + "¯" + ], + [ + "è·µ", + "è¡Į" + ], + [ + "çļĦ", + "ä¸ĵä¸ļ" + ], + [ + "èĢĥ", + "éªĮ" + ], + [ + "èķ", + "¾" + ], + [ + "åħ¬", + "åŃIJ" + ], + [ + "çļĦ", + "çĬ¶æĢģ" + ], + [ + "æ½®", + "æµģ" + ], + [ + "ä¿¡", + "æīĺ" + ], + [ + "è´", + "¼" + ], + [ + "åIJĦ", + "æĸ¹" + ], + [ + "æķij", + "åĬ©" + ], + [ + "éĿŀ常", + "çļĦ" + ], + [ + "æ¡¥", + "æ¢ģ" + ], + [ + "åħ¬", + "æĸ¤" + ], + [ + "ä¼¼", + "çļĦ" + ], + [ + "çľĭ", + "好" + ], + [ + "å±Ģ", + "éĥ¨" + ], + [ + "å®ī", + "éĿĻ" + ], + [ + "éħį", + "ä»¶" + ], + [ + "常", + "è§Ħ" + ], + [ + "å¼Ģ", + "车" + ], + [ + "第äºĮ", + "次" + ], + [ + "ä¸Ĭ", + "级" + ], + [ + "åıĤ", + "èµĽ" + ], + [ + "å®¶", + "å±ŀ" + ], + [ + "强", + "åĬ¿" + ], + [ + "åľ¨", + "ä»ĸ" + ], + [ + "åIJij", + "åīį" + ], + [ + "ä¹ĭ", + "åľ°" + ], + [ + "éĥ", + "¡" + ], + [ + "è¡Į", + "ç¨ĭ" + ], + [ + "èѦ", + "åijĬ" + ], + [ + "è§Ħå®ļ", + "çļĦ" + ], + [ + "åķĨ", + "åŁİ" + ], + [ + "äºĶ", + "大" + ], + [ + "æķĻ", + "室" + ], + [ + "åįģ", + "è¶³" + ], + [ + "æīĢ以", + "åľ¨" + ], + [ + "å°Ĩ", + "ç»§ç»Ń" + ], + [ + "çŃī", + "æĸ¹å¼ı" + ], + [ + "å®¶", + "ä¼ģä¸ļ" + ], + [ + "交", + "ä»ĺ" + ], + [ + "çĤ¹", + "è¯Ħ" + ], + [ + "ç»ĵ", + "ç®Ĺ" + ], + [ + "ä¹Ł", + "åı¯" + ], + [ + "å¤ĸ", + "æ±ĩ" + ], + [ + "è¿Ļç§į", + "æĥħåĨµ" + ], + [ + "æİĪ", + "äºĪ" + ], + [ + "å¸ĥ", + "ç½®" + ], + [ + "æĪIJç«ĭ", + "äºİ" + ], + [ + "é¢Ħ", + "èѦ" + ], + [ + "管çIJĨ", + "人åijĺ" + ], + [ + "å©ļ", + "礼" + ], + [ + "ç»ĵæĿŁ", + "åIJİ" + ], + [ + "åħ¥", + "éĢī" + ], + [ + "æĹł", + "æ¯Ķ" + ], + [ + "åĴĮ", + "åıijå±ķ" + ], + [ + "çϽ", + "éħĴ" + ], + [ + "çİ©", + "åħ·" + ], + [ + "ä¸ĩ", + "ç¾İåħĥ" + ], + [ + "çļĦ", + "æĪIJ绩" + ], + [ + "æĭį", + "çħ§" + ], + [ + "èĢĥèĻij", + "åΰ" + ], + [ + "ä¼ģä¸ļ", + "åıijå±ķ" + ], + [ + "äºĨ", + "个" + ], + [ + "çĶŁ", + "æ°Ķ" + ], + [ + "çļĦ", + "女人" + ], + [ + "äºĶ", + "åįģ" + ], + [ + "çĪ·", + "çĪ·" + ], + [ + "纽", + "约" + ], + [ + "éĥ½", + "被" + ], + [ + "ä¸Ĭ", + "课" + ], + [ + "çĽ", + "¡" + ], + [ + "ä¼łç»Ł", + "æĸĩåĮĸ" + ], + [ + "æ½ľ", + "åľ¨" + ], + [ + "åıij", + "å°Ħ" + ], + [ + "ä¸Ģ", + "身" + ], + [ + "éĺ²", + "å®Ī" + ], + [ + "åĪ", + "®" + ], + [ + "é¢ĺ", + "缮" + ], + [ + "åľ¨", + "åĨħçļĦ" + ], + [ + "ç¾İ", + "好çļĦ" + ], + [ + "è¿ĻéĩĮ", + "çļĦ" + ], + [ + "ä¸Ģ", + "ä¸Ŀ" + ], + [ + "人", + "åĿĩ" + ], + [ + "åĢ¡", + "导" + ], + [ + "身", + "åIJİ" + ], + [ + "æī©", + "å±ķ" + ], + [ + "大", + "éŨ" + ], + [ + "å°±", + "被" + ], + [ + "该", + "é¡¹çĽ®" + ], + [ + "æŀ¶", + "æŀĦ" + ], + [ + "ä¸Ģ", + "åı£" + ], + [ + "ä¿¡æģ¯", + "æĬĢæľ¯" + ], + [ + "å¼Ģ", + "ä¸ļ" + ], + [ + "æĶ¶", + "åıĸ" + ], + [ + "ç½ij", + "页" + ], + [ + "æĶ¯", + "æı´" + ], + [ + "å°ģ", + "éĹŃ" + ], + [ + "å¡ij", + "éĢł" + ], + [ + "大", + "èĥĨ" + ], + [ + "å¿«éĢŁ", + "åıijå±ķ" + ], + [ + "çľĭ", + "ä¼¼" + ], + [ + "æ¸", + "Ŀ" + ], + [ + "è¿Ļæł·", + "ä¸Ģ个" + ], + [ + "模", + "åĿĹ" + ], + [ + "注æĦı", + "åΰ" + ], + [ + "çł´", + "è§£" + ], + [ + "èĩª", + "ä»İ" + ], + [ + "åijµ", + "åijµ" + ], + [ + "ä¹ĭ", + "å¾Į" + ], + [ + "ä¹ĭ", + "æĹħ" + ], + [ + "è·Ł", + "æĪij" + ], + [ + "æ³ķ", + "人" + ], + [ + "æİĴè¡Į", + "æ¦ľ" + ], + [ + "åĿļ", + "å®Ī" + ], + [ + "好", + "å¤Ħ" + ], + [ + "çŁ³", + "头" + ], + [ + "å¹¶", + "å°Ĩ" + ], + [ + "èĪ", + "±" + ], + [ + "æŃ", + "ĩ" + ], + [ + "两", + "岸" + ], + [ + "å¤ļ", + "ä¹ħ" + ], + [ + "象", + "å¾ģ" + ], + [ + "个æĢ§", + "åĮĸ" + ], + [ + "çļĦ", + "è§Ĵ度" + ], + [ + "å¸", + "Ĩ" + ], + [ + "ç¦ı", + "å·ŀ" + ], + [ + "æŁ¥", + "å¤Ħ" + ], + [ + "两", + "åĽ½" + ], + [ + "åIJ¸å¼ķ", + "äºĨ" + ], + [ + "é¦ĸ", + "å¸Ń" + ], + [ + "大", + "åĵ¥" + ], + [ + "é¤", + "Ĭ" + ], + [ + "涨", + "å¹ħ" + ], + [ + "éĢī", + "ç͍" + ], + [ + "許", + "å¤ļ" + ], + [ + "èIJ½", + "æĪ·" + ], + [ + "åĵĪ", + "å°Ķ" + ], + [ + "åĵĪå°Ķ", + "滨" + ], + [ + "åģļ", + "ä»Ģä¹Ī" + ], + [ + "以", + "åħį" + ], + [ + "é¾", + "į" + ], + [ + "æĹł", + "éľĢ" + ], + [ + "åΰåºķ", + "æĺ¯" + ], + [ + "æĢ", + "¡" + ], + [ + "åijĬè¯ī", + "ä½ł" + ], + [ + "éĺ²", + "æ°´" + ], + [ + "è¿Ļ", + "æĹ¶åĢĻ" + ], + [ + "欢", + "ä¹IJ" + ], + [ + "转", + "åIJij" + ], + [ + "è¿Ļ个", + "åľ°åĽ¾" + ], + [ + "åħ¥", + "é©»" + ], + [ + "èįī", + "åİŁ" + ], + [ + "æĹ¶ä»£", + "çļĦ" + ], + [ + "åıĺ", + "åĬ¨" + ], + [ + "åĬłå¼º", + "对" + ], + [ + "åģ¶", + "å°Ķ" + ], + [ + "å®Ī", + "æĬ¤" + ], + [ + "æ°Ķ", + "温" + ], + [ + "人", + "éĹ´" + ], + [ + "æľĿ", + "é²ľ" + ], + [ + "ç»ı", + "è´¹" + ], + [ + "åĽŃ", + "æŀĹ" + ], + [ + "å·¥", + "åľ°" + ], + [ + "è§Ħ", + "æł¼" + ], + [ + "åĩł", + "åįģ" + ], + [ + "è¯ķ", + "åĽ¾" + ], + [ + "å¦", + "ĥ" + ], + [ + "éĤ£", + "æĹ¶åĢĻ" + ], + [ + "å¼ĺ", + "æī¬" + ], + [ + "ä¸ļ", + "çķĮ" + ], + [ + "çļĦ", + "éĢŁåº¦" + ], + [ + "ä¼ļ", + "ä¸įä¼ļ" + ], + [ + "èIJ¥", + "æĶ¶" + ], + [ + "å°ıå¾®", + "ä¼ģä¸ļ" + ], + [ + "çľĭ", + "è¿ĩ" + ], + [ + "æĬĬ", + "ä»ĸ" + ], + [ + "éģµ", + "循" + ], + [ + "è¿Ļ", + "è¾¹" + ], + [ + "没æľī", + "人" + ], + [ + "å£", + "¶" + ], + [ + "æ¹ĸ", + "åįĹçľģ" + ], + [ + "æŀģ", + "åħ¶" + ], + [ + "çļĦ人", + "çĶŁ" + ], + [ + "ä»ĸ", + "è¿ĺ" + ], + [ + "转åĮĸ", + "为" + ], + [ + "èµ°", + "è¿ĩ" + ], + [ + "æĬ±", + "çĿĢ" + ], + [ + "çīĽ", + "奶" + ], + [ + "ä¸ĩ", + "亩" + ], + [ + "å¿ĥ", + "æĢģ" + ], + [ + "æĹ¥å¸¸", + "çĶŁæ´»" + ], + [ + "ä½ĵ", + "æ£Ģ" + ], + [ + "æĻ", + "ĥ" + ], + [ + "çŃī", + "é¢ĨåŁŁ" + ], + [ + "æĩī", + "該" + ], + [ + "åı¯ä»¥", + "çľĭåΰ" + ], + [ + "æī¾", + "ä¸įåΰ" + ], + [ + "èĢģ", + "å¹´" + ], + [ + "æĬĬ", + "æĪij" + ], + [ + "积", + "åĪĨ" + ], + [ + "梳", + "çIJĨ" + ], + [ + "ç»", + "³" + ], + [ + "çļĦ", + "æĶ¿æ²»" + ], + [ + "å¸Ŀ", + "åĽ½" + ], + [ + "éĻª", + "ä¼´" + ], + [ + "æ´Ľ", + "éĺ³" + ], + [ + "åħ¬", + "æŃ£" + ], + [ + "å¼Ģ", + "åı£" + ], + [ + "çī¹èī²", + "çļĦ" + ], + [ + "åĽ°", + "å¢ĥ" + ], + [ + "ä¸Ĭ", + "æľī" + ], + [ + "ç«ĭ", + "ä½ĵ" + ], + [ + "æīĵ", + "å·¥" + ], + [ + "åķ¤", + "éħĴ" + ], + [ + "åľ¨", + "éĤ£éĩĮ" + ], + [ + "éĤ£", + "è¾¹" + ], + [ + "个", + "åĪ«" + ], + [ + "ä¸Ģå®ļ", + "æĺ¯" + ], + [ + "çļĦéĩįè¦ģ", + "æĢ§" + ], + [ + "主", + "å¼ł" + ], + [ + "åĴĮ", + "æľįåĬ¡" + ], + [ + "ä¸Ĭ", + "ç½ij" + ], + [ + "è¡¥", + "åĬ©" + ], + [ + "åıª", + "éľĢ" + ], + [ + "å¼", + "¦" + ], + [ + "éģ", + "®" + ], + [ + "åĬĽ", + "äºī" + ], + [ + "度", + "è¿ĩ" + ], + [ + "èij", + "¬" + ], + [ + "é¡¿", + "æĹ¶" + ], + [ + "éĦ", + "ī" + ], + [ + "纺", + "ç»ĩ" + ], + [ + "åľ°", + "åĿĹ" + ], + [ + "ä¿¡ç͍", + "åį¡" + ], + [ + "ç½ļ", + "款" + ], + [ + "åijĬè¯ī", + "æĪij" + ], + [ + "éĽ", + "Ļ" + ], + [ + "书", + "çĶ»" + ], + [ + "è¨Ń", + "è¨Ī" + ], + [ + "æĢ»", + "ä¼ļ" + ], + [ + "åΤ", + "åĨ³" + ], + [ + "ä¿¡", + "èªī" + ], + [ + "个", + "èĤ¡" + ], + [ + "å¹³", + "常" + ], + [ + "æĢİ", + "麼" + ], + [ + "ä½ĵ", + "çİ°åľ¨" + ], + [ + "é»Ħ", + "æ²³" + ], + [ + "åĽĽå·Ŀ", + "çľģ" + ], + [ + "羣", + "缸" + ], + [ + "åIJĦ项", + "å·¥ä½ľ" + ], + [ + "åĬ¨", + "åijĺ" + ], + [ + "å³°", + "ä¼ļ" + ], + [ + "ä¸Ģ", + "æľŁ" + ], + [ + "æľī", + "ä¸Ģå®ļçļĦ" + ], + [ + "é«ĺ度", + "éĩįè§Ĩ" + ], + [ + "ç¹ģ", + "èį£" + ], + [ + "åıijçݰ", + "äºĨ" + ], + [ + "ç½ij", + "红" + ], + [ + "æīĭ", + "æ³ķ" + ], + [ + "å®¶", + "åĽŃ" + ], + [ + "仪", + "åύ" + ], + [ + "è¾ĥ", + "ä½İ" + ], + [ + "çļĦ", + "å®īåħ¨" + ], + [ + "æ¡", + "IJ" + ], + [ + "ä»ĺ", + "款" + ], + [ + "æĬij", + "åζ" + ], + [ + "åįĵ", + "è¶Ĭ" + ], + [ + "æŃ£", + "éĿ¢" + ], + [ + "åĵ", + "ij" + ], + [ + "强", + "åζ" + ], + [ + "ä»Ĭ天", + "çļĦ" + ], + [ + "æĪĺ", + "èĥľ" + ], + [ + "楼", + "å¸Ĥ" + ], + [ + "æĭ¿", + "ä¸ĭ" + ], + [ + "é¢ľ", + "å̼" + ], + [ + "举", + "éĥ¨" + ], + [ + "çłĶ", + "åζ" + ], + [ + "çļĦ", + "æĪĺçķ¥" + ], + [ + "åľ¨", + "ä¸Ģ个" + ], + [ + "ä¸ī", + "人" + ], + [ + "å®Į", + "äºĨ" + ], + [ + "æĸ°", + "æĬĢæľ¯" + ], + [ + "ç»ıæµİ", + "æķĪçĽĬ" + ], + [ + "å¯Į", + "æľī" + ], + [ + "æ¾³", + "æ´²" + ], + [ + "åĬ©", + "çIJĨ" + ], + [ + "é¢Ĩ", + "åıĸ" + ], + [ + "è°", + "Ń" + ], + [ + "çĩĥ", + "çĥ§" + ], + [ + "ç´ł", + "åħ»" + ], + [ + "éĤĦ", + "æľī" + ], + [ + "è¿Ľ", + "èĢĮ" + ], + [ + "ä»Ģä¹Ī", + "æĺ¯" + ], + [ + "çłĶç©¶", + "ä¸Ńå¿ĥ" + ], + [ + "éĢĤ", + "ç͍äºİ" + ], + [ + "æİ¥", + "æĶ¶" + ], + [ + "失", + "æľĽ" + ], + [ + "äºĮ", + "级" + ], + [ + "éĹ´", + "çļĦ" + ], + [ + "åİŁ", + "æłĩé¢ĺ" + ], + [ + "èªį", + "çĤº" + ], + [ + "æį", + "¡" + ], + [ + "对", + "çĿĢ" + ], + [ + "对", + "éĿ¢" + ], + [ + "ä¸Ń", + "åİŁ" + ], + [ + "éĵ", + "ĥ" + ], + [ + "çĶŁäº§", + "çļĦ" + ], + [ + "åıijå¸ĥ", + "ä¼ļ" + ], + [ + "士", + "åħµ" + ], + [ + "è¿Ļ", + "åı¥è¯Ŀ" + ], + [ + "ç¼´", + "纳" + ], + [ + "ä¸Ģ个", + "个" + ], + [ + "åѸ", + "çĶŁ" + ], + [ + "çĸij", + "éĹ®" + ], + [ + "交", + "èѦ" + ], + [ + "示èĮĥ", + "åĮº" + ], + [ + "天", + "使" + ], + [ + "åľ¨", + "ä¸Ĭæµ·" + ], + [ + "åIJĮ", + "æĻĤ" + ], + [ + "è½»", + "æĺĵ" + ], + [ + "å͝ä¸Ģ", + "çļĦ" + ], + [ + "çĥŃ", + "éĹ¹" + ], + [ + "ä¹IJ", + "è§Ĥ" + ], + [ + "çļĦ", + "身份" + ], + [ + "åĸĦ", + "äºİ" + ], + [ + "大", + "åİħ" + ], + [ + "èĤ¯å®ļ", + "æĺ¯" + ], + [ + "éĺ²", + "çģ«" + ], + [ + "å¤ĸ", + "åĩº" + ], + [ + "æį®", + "说" + ], + [ + "é¡¹çĽ®", + "çļĦ" + ], + [ + "ä¸Ģ", + "åı°" + ], + [ + "èĻļ", + "åģĩ" + ], + [ + "ä¸Ģ", + "ç¬Ķ" + ], + [ + "ç«ĭ", + "æ³ķ" + ], + [ + "严", + "èĤĥ" + ], + [ + "æī¿", + "åĬŀ" + ], + [ + "åįģ", + "åĩł" + ], + [ + "çļĦ", + "空éĹ´" + ], + [ + "æľ¬", + "ç½ijç«Ļ" + ], + [ + "åģļ", + "å¾Ĺ" + ], + [ + "ä¿Ŀ", + "温" + ], + [ + "æľĪ", + "åĪĿ" + ], + [ + "åľ¨", + "ç½ijä¸Ĭ" + ], + [ + "åIJĦ", + "æĸ¹éĿ¢" + ], + [ + "ä¸ī", + "天" + ], + [ + "交æĺĵ", + "æīĢ" + ], + [ + "è§£", + "æŀIJ" + ], + [ + "åħļ", + "ä¸Ń央" + ], + [ + "è¿Ľ", + "åĩºåı£" + ], + [ + "åĴĮ", + "社ä¼ļ" + ], + [ + "次", + "æķ°" + ], + [ + "ä¹ĭ", + "å®¶" + ], + [ + "ç»´", + "度" + ], + [ + "æ´¾åĩº", + "æīĢ" + ], + [ + "产çĶŁ", + "äºĨ" + ], + [ + "带", + "æľī" + ], + [ + "å¾Ī", + "强" + ], + [ + "æľīäºĽ", + "人" + ], + [ + "å¹´", + "åIJİ" + ], + [ + "äºĨ", + "许å¤ļ" + ], + [ + "å¯Ĩ", + "度" + ], + [ + "åѦ", + "æľŁ" + ], + [ + "çıł", + "æµ·" + ], + [ + "æľĢå¤ļ", + "çļĦ" + ], + [ + "è¾¹", + "ç¼ĺ" + ], + [ + "容", + "éĩı" + ], + [ + "第äºĮ", + "个" + ], + [ + "ä¸Ģ缴", + "æĺ¯" + ], + [ + "ä¸į", + "ç¦ģ" + ], + [ + "æŃ", + "²" + ], + [ + "ä»ĭç»į", + "äºĨ" + ], + [ + "ä¼ĺ", + "éĽħ" + ], + [ + "æ¯Ķ", + "è¼ĥ" + ], + [ + "èģĮ", + "ä½į" + ], + [ + "温", + "æŁĶ" + ], + [ + "æľī", + "éĴ±" + ], + [ + "æľĢ", + "é«ĺçļĦ" + ], + [ + "åįļè§Ī", + "ä¼ļ" + ], + [ + "ä¸į", + "æĪIJ" + ], + [ + "éĶĻ", + "äºĨ" + ], + [ + "è¯ģ", + "çĽij" + ], + [ + "è¯ģçĽij", + "ä¼ļ" + ], + [ + "æĪIJ", + "人" + ], + [ + "åĿĩ", + "åĮĢ" + ], + [ + "æľī", + "åĪ©" + ], + [ + "è¶Ĭ", + "åįĹ" + ], + [ + "æīĵ", + "äºĨ" + ], + [ + "好", + "åIJĥ" + ], + [ + "ç³»", + "çµ±" + ], + [ + "è·Ł", + "éļı" + ], + [ + "çļĦ", + "åľ°ä½į" + ], + [ + "æŃ£", + "å¦Ĥ" + ], + [ + "ç¨į", + "å¾®" + ], + [ + "åį°", + "åıij" + ], + [ + "åĪĽ", + "ç«ĭ" + ], + [ + "é£İ", + "åħī" + ], + [ + "å°Ĩ", + "æĪIJ为" + ], + [ + "ä¸į", + "é«ĺ" + ], + [ + "é¢ij", + "ç¹ģ" + ], + [ + "设", + "æľī" + ], + [ + "ä¼", + "ŀ" + ], + [ + "æĭĨ", + "éϤ" + ], + [ + "å½±", + "åĥı" + ], + [ + "æ¸Ĺ", + "éĢı" + ], + [ + "å¹´", + "å¼Ģå§ĭ" + ], + [ + "ç½ij", + "æĺĵ" + ], + [ + "è¦ģ", + "åģļ" + ], + [ + "ç͵åĬ¨", + "车" + ], + [ + "羣", + "å¿ĥ" + ], + [ + "æµ·", + "åĨĽ" + ], + [ + "ä¼ł", + "æĿ¥" + ], + [ + "å·®", + "åĪ«" + ], + [ + "è°¨", + "æħİ" + ], + [ + "çĥŁ", + "åı°" + ], + [ + "åįĥ", + "å¹´" + ], + [ + "è¯ģ", + "å®ŀ" + ], + [ + "çIJ", + "ª" + ], + [ + "çļĦ", + "åħ·ä½ĵ" + ], + [ + "åΰ", + "å¤Ħ" + ], + [ + "ä¸į", + "å®ľ" + ], + [ + "èľ", + "Ģ" + ], + [ + "èĥ½åĬĽ", + "åĴĮ" + ], + [ + "çīº", + "çī²" + ], + [ + "çļĦ", + "éĴ±" + ], + [ + "大", + "éĺŁ" + ], + [ + "é¦ĸ", + "è¦ģ" + ], + [ + "ä¸į", + "æĦ¿" + ], + [ + "çİ«", + "çij°" + ], + [ + "人æ°ij", + "ç½ij" + ], + [ + "è¿ĺæĺ¯", + "è¦ģ" + ], + [ + "åĽĽ", + "å¹´" + ], + [ + "æįŁ", + "伤" + ], + [ + "çļĦ", + "åģļæ³ķ" + ], + [ + "éĿ", + "Ī" + ], + [ + "è¡Ķ", + "æİ¥" + ], + [ + "åIJĪ", + "æĪIJ" + ], + [ + "没", + "人" + ], + [ + "éŨ", + "æ§Ľ" + ], + [ + "ä¿¡", + "è´·" + ], + [ + "çļĦ", + "缸åħ³" + ], + [ + "举", + "é£İ" + ], + [ + "社", + "ä¿Ŀ" + ], + [ + "ä¸ĭ", + "游" + ], + [ + "åĿĹ", + "éĴ±" + ], + [ + "è¿ĩ", + "åIJİ" + ], + [ + "çļĦ", + "åºĶç͍" + ], + [ + "é¥", + "¶" + ], + [ + "é¢ģ", + "åıij" + ], + [ + "ä¸Ģ", + "å¤Ħ" + ], + [ + "åįİ", + "å¤ı" + ], + [ + "为", + "ä¼ģä¸ļ" + ], + [ + "åıª", + "ä¼ļ" + ], + [ + "ä¾µ", + "害" + ], + [ + "çļĦ", + "åĬŁèĥ½" + ], + [ + "åѸ", + "ç¿Ĵ" + ], + [ + "ä¸Ńåįİ", + "æ°ijæĹı" + ], + [ + "åıijå¸ĥ", + "äºĨ" + ], + [ + "è¿İ", + "æİ¥" + ], + [ + "æĪij", + "èĩªå·±" + ], + [ + "è¿ĺ", + "éľĢè¦ģ" + ], + [ + "太éĺ³", + "èĥ½" + ], + [ + "åİ»", + "ä¸ĸ" + ], + [ + "æĺ¯", + "ä½ł" + ], + [ + "åIJĪ", + "åĬĽ" + ], + [ + "ç»ĺ", + "çĶ»" + ], + [ + "åı°", + "åĮĹ" + ], + [ + "çĿ£", + "ä¿ĥ" + ], + [ + "åĮĹ", + "éĥ¨" + ], + [ + "æľī", + "å¤ļå°ij" + ], + [ + "å¾Ī", + "éĩįè¦ģ" + ], + [ + "åĪĴ", + "åĪĨ" + ], + [ + "åı·", + "线" + ], + [ + "æĶ¾", + "大" + ], + [ + "ä¼ļ", + "被" + ], + [ + "èİ·", + "å¥ĸ" + ], + [ + "ä¹ĭ", + "åĨħ" + ], + [ + "失", + "åİ»äºĨ" + ], + [ + "çݩ家", + "们" + ], + [ + "éĩĩ", + "éĽĨ" + ], + [ + "å£", + "¹" + ], + [ + "å®¶", + "ä¼Ļ" + ], + [ + "çϽ", + "天" + ], + [ + "åĽłä¸º", + "ä»ĸ" + ], + [ + "社ä¼ļ", + "æ²»çIJĨ" + ], + [ + "å¼Ģ", + "åĪĽ" + ], + [ + "ç͵", + "ç¼Ĩ" + ], + [ + "æĸ°", + "ä¸Ģ代" + ], + [ + "å¹¶", + "è´Ń" + ], + [ + "å°±", + "å·²ç»ı" + ], + [ + "çļĦ", + "社ä¼ļ" + ], + [ + "éϤ", + "éĿŀ" + ], + [ + "åı¯ä»¥", + "ç͍" + ], + [ + "å©", + "ī" + ], + [ + "æ¯Ķè¾ĥ", + "好" + ], + [ + "å®ŀ", + "ä¸ļ" + ], + [ + "åĪĽ", + "åĬŀ" + ], + [ + "æıIJ", + "èµ·" + ], + [ + "é»", + "ĥ" + ], + [ + "ä½ı", + "åľ¨" + ], + [ + "å¸Ĥ", + "æĶ¿" + ], + [ + "éĿ¢ä¸´", + "çļĦ" + ], + [ + "èĥ½", + "åľ¨" + ], + [ + "çŁŃ", + "çŁŃ" + ], + [ + "羣", + "人" + ], + [ + "æĺİ", + "æĺİ" + ], + [ + "èµĦ", + "åĬ©" + ], + [ + "çļĦ", + "ä¸įåIJĮ" + ], + [ + "å°ı", + "æľĭåıĭ" + ], + [ + "é¢ĺ", + "æĿIJ" + ], + [ + "ç¾İ", + "åij³" + ], + [ + "æĺŁ", + "座" + ], + [ + "ä¸į", + "ä¸Ģæł·çļĦ" + ], + [ + "çľĭ", + "ä¸Ĭåİ»" + ], + [ + "ä¸Ģ", + "æł¹" + ], + [ + "广", + "å·ŀå¸Ĥ" + ], + [ + "åıijçĶŁ", + "çļĦ" + ], + [ + "é«ĺ", + "ç§ijæĬĢ" + ], + [ + "ä¸Ģ", + "è¾ĪåŃIJ" + ], + [ + "交", + "åıī" + ], + [ + "ä½ĵç³»", + "建设" + ], + [ + "åĽłä¸º", + "æĪij" + ], + [ + "çıį", + "æĥľ" + ], + [ + "ä¸Ĭ", + "åѦ" + ], + [ + "æĪĺ", + "æľ¯" + ], + [ + "æŃ¤", + "ç±»" + ], + [ + "交", + "å¾Ģ" + ], + [ + "æĮī", + "æij©" + ], + [ + "人们", + "çļĦ" + ], + [ + "åħ¶", + "實" + ], + [ + "åİŁ", + "æĿIJæĸĻ" + ], + [ + "渴", + "æľĽ" + ], + [ + "缸", + "å¤Ħ" + ], + [ + "å¾®", + "å¾®" + ], + [ + "æ®", + "·" + ], + [ + "ä¹ĺ", + "åĿIJ" + ], + [ + "å¼Ģå±ķ", + "äºĨ" + ], + [ + "é«ĺ", + "åĵģè´¨" + ], + [ + "æĹłäºº", + "æľº" + ], + [ + "ä¸įæĺ¯", + "å¾Ī" + ], + [ + "çļĦ", + "æĬķèµĦ" + ], + [ + "èĬĤ", + "çľģ" + ], + [ + "èĩ", + "ī" + ], + [ + "ç²¾", + "éĢī" + ], + [ + "çļĦ", + "æłĩåĩĨ" + ], + [ + "åįĹ", + "éĥ¨" + ], + [ + "认è¯Ĩ", + "åΰ" + ], + [ + "å¹³", + "éĿĻ" + ], + [ + "èĹ", + "¥" + ], + [ + "æī«", + "é»ij" + ], + [ + "æī«é»ij", + "éϤ" + ], + [ + "æī«é»ijéϤ", + "æģ¶" + ], + [ + "éĢĻ", + "種" + ], + [ + "建çŃij", + "éĿ¢ç§¯" + ], + [ + "ç¡®", + "ç«ĭ" + ], + [ + "管çIJĨ", + "åĬŀæ³ķ" + ], + [ + "æĦı", + "å¿Ĺ" + ], + [ + "ä¸", + "¨" + ], + [ + "让", + "åŃ©åŃIJ" + ], + [ + "æķij", + "çģ¾" + ], + [ + "å½ĵ", + "ä»Ĭ" + ], + [ + "çģ«", + "çģ¾" + ], + [ + "åIJĦ", + "éĥ¨éŨ" + ], + [ + "ä¾µ", + "çĬ¯" + ], + [ + "æ¯ı", + "åij¨" + ], + [ + "æı", + "½" + ], + [ + "ä¸Ģ次", + "æĢ§" + ], + [ + "åħ¶ä»ĸ", + "人" + ], + [ + "éĶĻ", + "è¿ĩ" + ], + [ + "ä¸İ", + "åħ¶" + ], + [ + "åĭĩ", + "æ°Ķ" + ], + [ + "çĩĥ", + "æ°Ķ" + ], + [ + "é¦ĸ", + "å±Ĭ" + ], + [ + "æľį", + "饰" + ], + [ + "ç²", + "¥" + ], + [ + "å®Į", + "æ¯ķ" + ], + [ + "å°±", + "æĬĬ" + ], + [ + "åĬŀäºĭ", + "å¤Ħ" + ], + [ + "ä¸Ģä¼ļ", + "åĦ¿" + ], + [ + "离", + "ä¸įå¼Ģ" + ], + [ + "å¦Ĥæŀľ", + "æĤ¨" + ], + [ + "ä»ĵ", + "åºĵ" + ], + [ + "导", + "å¸Ī" + ], + [ + "åIJĪéĢĤ", + "çļĦ" + ], + [ + "毫", + "ç±³" + ], + [ + "å®īåħ¨", + "æĢ§" + ], + [ + "ä¾Ŀ", + "çħ§" + ], + [ + "产ä¸ļ", + "åĮĸ" + ], + [ + "ä½ł", + "çľĭ" + ], + [ + "羣çļĦ", + "å¾Ī" + ], + [ + "åѤ", + "çĭ¬" + ], + [ + "éĺ²", + "御" + ], + [ + "å¾Ī", + "ç®Ģåįķ" + ], + [ + "é£İ", + "æ°´" + ], + [ + "ä½Ĩ", + "ä¹Ł" + ], + [ + "æİ¨", + "åĩºäºĨ" + ], + [ + "æ°ijèIJ¥", + "ä¼ģä¸ļ" + ], + [ + "çłģ", + "头" + ], + [ + "å¤įæĿĤ", + "çļĦ" + ], + [ + "ç»ĦæĪIJ", + "éĥ¨åĪĨ" + ], + [ + "åħħ满", + "äºĨ" + ], + [ + "è¿ij", + "åĩłå¹´" + ], + [ + "çľģ", + "æĶ¿åºľ" + ], + [ + "æľī", + "å¿ħè¦ģ" + ], + [ + "éĻ", + "³" + ], + [ + "ä¹ĭ", + "ç±»" + ], + [ + "ä¹ĭç±»", + "çļĦ" + ], + [ + "æĢ§", + "ä»·" + ], + [ + "æĢ§ä»·", + "æ¯Ķ" + ], + [ + "åķĨ", + "åºĹ" + ], + [ + "å¸Ĥ", + "å̼" + ], + [ + "人æīį", + "åŁ¹åħ»" + ], + [ + "æ·±", + "åıĹ" + ], + [ + "管çIJĨ", + "å±Ģ" + ], + [ + "æģIJ", + "æĥ§" + ], + [ + "ä»ħ", + "æľī" + ], + [ + "æĬµ", + "è¾¾" + ], + [ + "æµ·", + "åħ³" + ], + [ + "èµĭ", + "äºĪ" + ], + [ + "äºĭ", + "åĦ¿" + ], + [ + "ä»·", + "éĴ±" + ], + [ + "æīĭ", + "ä¸Ĭ" + ], + [ + "èĩª", + "å¾ĭ" + ], + [ + "åħ³", + "çα" + ], + [ + "享", + "æľī" + ], + [ + "éģĹ", + "æĨ¾" + ], + [ + "å¾Īå¿«", + "å°±" + ], + [ + "æĽ´", + "å¿«" + ], + [ + "æłĩ", + "è¯Ĩ" + ], + [ + "åºĨ", + "ç¥Ŀ" + ], + [ + "ä¹Ł", + "好" + ], + [ + "ä¸į", + "æĺĵ" + ], + [ + "æĪij", + "å¾Ī" + ], + [ + "æĶ¹éĿ©", + "åıijå±ķ" + ], + [ + "å¤ĸ", + "åľ°" + ], + [ + "æĬµ", + "æĬ¼" + ], + [ + "è¯Ĺ", + "人" + ], + [ + "åİķ", + "æīĢ" + ], + [ + "æĸ°", + "åªĴä½ĵ" + ], + [ + "èĸ", + "Ľ" + ], + [ + "è°Ī", + "è¯Ŀ" + ], + [ + "ä¸Ģå®ļ", + "ç¨ĭ度" + ], + [ + "èµ°", + "åľ¨" + ], + [ + "æľĢ", + "强" + ], + [ + "åĬŁ", + "çİĩ" + ], + [ + "åħ±", + "è¯Ĩ" + ], + [ + "大", + "æ¡¥" + ], + [ + "ä¸ĭ", + "æĸ¹" + ], + [ + "å¤ĸ", + "èµĦ" + ], + [ + "ç¢", + "±" + ], + [ + "å·¡", + "è§Ĩ" + ], + [ + "æ¹ĸåĮĹ", + "çľģ" + ], + [ + "个", + "çϾåĪĨ" + ], + [ + "个çϾåĪĨ", + "çĤ¹" + ], + [ + "çļĦ", + "责任" + ], + [ + "çļĦ", + "åĵģçīĮ" + ], + [ + "åĬ©", + "æİ¨" + ], + [ + "åĪĽéĢł", + "äºĨ" + ], + [ + "ä»»", + "èģĮ" + ], + [ + "å¿«", + "æį·" + ], + [ + "æĿij", + "åºĦ" + ], + [ + "åİ»", + "çľĭ" + ], + [ + "æīį", + "èĥ½å¤Ł" + ], + [ + "å±", + "¤" + ], + [ + "æĪij", + "å®¶" + ], + [ + "æĺ¯ä¸Ģ", + "款" + ], + [ + "ç¾", + "ħ" + ], + [ + "åĨ°", + "éĽª" + ], + [ + "æŀģ", + "大" + ], + [ + "çģ¯", + "åħī" + ], + [ + "éĨ", + "ĭ" + ], + [ + "ä¸İ", + "åħ¶ä»ĸ" + ], + [ + "æıIJåĩº", + "çļĦ" + ], + [ + "éĿł", + "è¿ij" + ], + [ + "è°ĥ", + "åĬ¨" + ], + [ + "å°½", + "åı¯èĥ½" + ], + [ + "åıij", + "åĬĽ" + ], + [ + "ç»Ļ", + "她" + ], + [ + "éĢĤ", + "éĩı" + ], + [ + "è·¨", + "åĽ½" + ], + [ + "åħĪ", + "è¡Į" + ], + [ + "æĸ°", + "æĿIJæĸĻ" + ], + [ + "ä½ľ", + "äºĨ" + ], + [ + "满", + "äºĨ" + ], + [ + "ä¸į", + "满" + ], + [ + "çļĦçľ¼", + "çĿĽ" + ], + [ + "çľĭ", + "å¾Ĺ" + ], + [ + "è¿Ļ", + "ä¸Ģ次" + ], + [ + "é½IJ", + "åħ¨" + ], + [ + "çļĦä¸Ģ", + "éĥ¨åĪĨ" + ], + [ + "ä¸", + "Ļ" + ], + [ + "æ¸ħ", + "æĸ°" + ], + [ + "說", + "æĺİ" + ], + [ + "身边", + "çļĦ" + ], + [ + "æīĢæľī", + "人" + ], + [ + "å½°", + "æĺ¾" + ], + [ + "è±", + "¹" + ], + [ + "åį", + "¿" + ], + [ + "è¿IJ", + "转" + ], + [ + "æĮĩ", + "å¼ķ" + ], + [ + "å¸Ĥ", + "åħ¬å®īå±Ģ" + ], + [ + "åıĤ", + "å±ķ" + ], + [ + "ä¹ĭ", + "æĹ¶" + ], + [ + "éĩijèŀį", + "æľįåĬ¡" + ], + [ + "èµĦæľ¬", + "å¸Ĥåľº" + ], + [ + "èĥ½", + "让" + ], + [ + "å¿ĺ", + "äºĨ" + ], + [ + "天", + "åłĤ" + ], + [ + "æ¯Ķå¦Ĥ", + "说" + ], + [ + "éĬĢ", + "è¡Į" + ], + [ + "èĽĭ", + "ç³ķ" + ], + [ + "çĶ", + "©" + ], + [ + "æł¸", + "å®ŀ" + ], + [ + "æĻ®", + "京" + ], + [ + "ä¼ĺ", + "ç¾İ" + ], + [ + "åı£", + "èħĶ" + ], + [ + "漫", + "çĶ»" + ], + [ + "çľ¼", + "éĩĮ" + ], + [ + "äºĨ", + "ä¸ĭæĿ¥" + ], + [ + "æĪij们", + "ä¹Ł" + ], + [ + "ä¾", + "į" + ], + [ + "为", + "ä¸Ńå¿ĥ" + ], + [ + "å¥ĩ", + "迹" + ], + [ + "éĿĴ", + "çĿIJ" + ], + [ + "æĪªèĩ³", + "缮åīį" + ], + [ + "åĩº", + "ä¾Ĩ" + ], + [ + "æĢ»", + "åħ¬åı¸" + ], + [ + "å¼¥", + "è¡¥" + ], + [ + "ç®Ĺ", + "æ³ķ" + ], + [ + "å·¥ä½ľ", + "室" + ], + [ + "æīĢ以", + "æĪij" + ], + [ + "æ°´", + "åĪĨ" + ], + [ + "æīĢ", + "å±ŀ" + ], + [ + "ä¸į", + "说" + ], + [ + "ä½Ĩæĺ¯", + "åľ¨" + ], + [ + "è¦ģ", + "åİ»" + ], + [ + "åĪĽä¸ļ", + "èĢħ" + ], + [ + "ä¸į", + "æ¸ħæ¥ļ" + ], + [ + "åĽĽ", + "åij¨" + ], + [ + "æĺ¯", + "ä»İ" + ], + [ + "çļĦ", + "æł¹æľ¬" + ], + [ + "çģ", + "¶" + ], + [ + "æ¯Ľ", + "æ³½" + ], + [ + "æ¯Ľæ³½", + "举" + ], + [ + "æµ·", + "åı£" + ], + [ + "åĽĽ", + "åįģ" + ], + [ + "ä¹Ł", + "被" + ], + [ + "èģ", + "·" + ], + [ + "ä¸Ģ", + "æīĭ" + ], + [ + "绩", + "æķĪ" + ], + [ + "çļĦ", + "çĶ·äºº" + ], + [ + "书", + "ç±į" + ], + [ + "ä¸Ģ", + "èĦ¸" + ], + [ + "大", + "äºİ" + ], + [ + "鼶", + "éĥ¨ä»¶" + ], + [ + "åħ³", + "æĢĢ" + ], + [ + "å¹³", + "ç±³" + ], + [ + "æļ´", + "éľ²" + ], + [ + "å¾Ĺ", + "å¤ļ" + ], + [ + "ä¸ī", + "级" + ], + [ + "æľ¬", + "åij¨" + ], + [ + "两", + "èĢħ" + ], + [ + "对", + "ä¸ŃåĽ½" + ], + [ + "åıª", + "è§ģ" + ], + [ + "欧", + "ç¾İ" + ], + [ + "å¦Ĥæŀľ", + "æľī" + ], + [ + "å·²ç»ı", + "æĺ¯" + ], + [ + "çľĭ", + "å®Į" + ], + [ + "çģ«", + "éĶħ" + ], + [ + "èµ", + "IJ" + ], + [ + "ä¸Ģ", + "éģį" + ], + [ + "æĦŁ", + "åĨĴ" + ], + [ + "ç»ĵ", + "å±Ģ" + ], + [ + "ä»ĵ", + "åĤ¨" + ], + [ + "å®ŀ", + "åľ°" + ], + [ + "å̻", + "ç»ıçIJĨ" + ], + [ + "ä¹Łä¸į", + "çŁ¥éģĵ" + ], + [ + "碰", + "åΰ" + ], + [ + "åIJĪ", + "计" + ], + [ + "客æĪ·", + "çļĦ" + ], + [ + "ç½Ĺ", + "马" + ], + [ + "æĦī", + "å¿«" + ], + [ + "é£", + "Ľ" + ], + [ + "çĥŃ", + "çĥĪ" + ], + [ + "伦", + "æķ¦" + ], + [ + "åĮ»", + "ä¿Ŀ" + ], + [ + "éĺ¿éĩĮ", + "å·´å·´" + ], + [ + "åĨį", + "说" + ], + [ + "为", + "åŁºç¡Ģ" + ], + [ + "çĶŁäº§", + "ç»ıèIJ¥" + ], + [ + "è¿ĻäºĽ", + "人" + ], + [ + "åĪĹ", + "车" + ], + [ + "æ²³åĮĹ", + "çľģ" + ], + [ + "è¿Ļ", + "段" + ], + [ + "æ´»åĬ¨", + "ä¸Ń" + ], + [ + "å©", + "·" + ], + [ + "çĶŁ", + "çIJĨ" + ], + [ + "ä¸ŃåĽ½", + "人æ°ij" + ], + [ + "éĦ", + "Ĥ" + ], + [ + "åIJ¬", + "åıĸ" + ], + [ + "å¤į", + "ä¹ł" + ], + [ + "æľī", + "çĽĬ" + ], + [ + "æĶ¶", + "æĭ¾" + ], + [ + "å¾Ī", + "åı¯èĥ½" + ], + [ + "ç½ij绾", + "游æĪı" + ], + [ + "们", + "çļĦ" + ], + [ + "èµĭ", + "èĥ½" + ], + [ + "éļ¾", + "å¾Ĺ" + ], + [ + "åĪĨ", + "æīĭ" + ], + [ + "羣", + "è¯ļ" + ], + [ + "åħ¬åı¸", + "åľ¨" + ], + [ + "åĿĩ", + "è¡¡" + ], + [ + "åı£", + "åij³" + ], + [ + "çīµ", + "头" + ], + [ + "ä¸Ģèά", + "çļĦ" + ], + [ + "轿", + "车" + ], + [ + "çŃī", + "äºİ" + ], + [ + "æ²ī", + "é»ĺ" + ], + [ + "æĪij", + "éĥ½" + ], + [ + "å°ı", + "ç¨ĭåºı" + ], + [ + "ä¸Ģ", + "åī¯" + ], + [ + "æī¿", + "è½½" + ], + [ + "åľ°", + "è´¨" + ], + [ + "çķĮ", + "éĿ¢" + ], + [ + "ç͵", + "æľº" + ], + [ + "çĦ¦", + "èĻij" + ], + [ + "éĶĢåĶ®", + "é¢Ŀ" + ], + [ + "æĸ°", + "车" + ], + [ + "ä¸Ĭ", + "游" + ], + [ + "主", + "æ¼Ķ" + ], + [ + "éļIJ", + "ç§ģ" + ], + [ + "åıijå±ķ", + "æĪĺçķ¥" + ], + [ + "çļĦ", + "åĬªåĬĽ" + ], + [ + "å¼Ģ", + "åħ³" + ], + [ + "è§£åĨ³", + "éĹ®é¢ĺ" + ], + [ + "çĿ£", + "导" + ], + [ + "对", + "æĬĹ" + ], + [ + "å¾Īå¤ļ", + "人éĥ½" + ], + [ + "æĹł", + "æķĪ" + ], + [ + "产åĵģ", + "è´¨éĩı" + ], + [ + "å®ī", + "å¿ĥ" + ], + [ + "åįİ", + "人" + ], + [ + "ä¸į", + "符åIJĪ" + ], + [ + "èĩª", + "å®¶" + ], + [ + "éĺµ", + "容" + ], + [ + "çļĦ", + "åIJĦç§į" + ], + [ + "çļĦ", + "çIJĨ念" + ], + [ + "çļĦ", + "æĸĩåĮĸ" + ], + [ + "为", + "èĩªå·±" + ], + [ + "å±±", + "æ°´" + ], + [ + "游", + "æ³³" + ], + [ + "éľĩ", + "èį¡" + ], + [ + "çĶŁæ´»", + "æĸ¹å¼ı" + ], + [ + "è¿ľ", + "离" + ], + [ + "çŁ³", + "åĮĸ" + ], + [ + "æŃ¤", + "äºĭ" + ], + [ + "æĺ¯", + "羣çļĦ" + ], + [ + "çļĦ", + "æ¯Ķä¾ĭ" + ], + [ + "ç͍", + "ç͵" + ], + [ + "奥è¿IJ", + "ä¼ļ" + ], + [ + "ä¿Ŀ", + "å®ī" + ], + [ + "èĽĭçϽ", + "è´¨" + ], + [ + "çļĦ", + "å¿ĥçIJĨ" + ], + [ + "å·", + "«" + ], + [ + "åı·", + "çłģ" + ], + [ + "æ°Ķ", + "ä½ĵ" + ], + [ + "åıij", + "æĶ¹" + ], + [ + "åıijæĶ¹", + "å§Ķ" + ], + [ + "åĮ»", + "å¸Ī" + ], + [ + "æ¶Ĥ", + "æĸĻ" + ], + [ + "æĺ", + "Ĭ" + ], + [ + "å¸Ĥ", + "级" + ], + [ + "ä¸ĸçķĮ", + "çļĦ" + ], + [ + "åĪĨåĪ«", + "æĺ¯" + ], + [ + "çł´", + "产" + ], + [ + "ä¸Ģ", + "æĿ¯" + ], + [ + "æĭī", + "å¼Ģ" + ], + [ + "å¹³", + "åĩ¡" + ], + [ + "çļĦ", + "åıijçĶŁ" + ], + [ + "åĬ¨", + "æīĭ" + ], + [ + "ä¸Ģ缴", + "以æĿ¥" + ], + [ + "æīĭ", + "å·¥" + ], + [ + "éĩĮéĿ¢", + "çļĦ" + ], + [ + "æĹł", + "åħ³" + ], + [ + "ä»ĭ", + "åħ¥" + ], + [ + "èµ°", + "ä¸Ĭ" + ], + [ + "å°±æĺ¯", + "è¦ģ" + ], + [ + "å¹´", + "éĹ´" + ], + [ + "åĩº", + "çı¾" + ], + [ + "å½±", + "éŁ¿" + ], + [ + "å¹ħ", + "度" + ], + [ + "éĽ", + "ģ" + ], + [ + "éģĵ", + "åħ·" + ], + [ + "缮çļĦ", + "åľ°" + ], + [ + "åIJİ", + "èĢħ" + ], + [ + "ä¸Ĭ", + "æ¼Ķ" + ], + [ + "äºĨ", + "åĩł" + ], + [ + "æ®ĭçĸ¾", + "人" + ], + [ + "å¿Ļ", + "ç¢Į" + ], + [ + "æĺ¯åIJ¦", + "æľī" + ], + [ + "å¹¶", + "对" + ], + [ + "ä¼ļ", + "导èĩ´" + ], + [ + "æ°´", + "åºĵ" + ], + [ + "ç»Ĩ", + "èĩ´" + ], + [ + "åIJİ", + "æĤĶ" + ], + [ + "å¿ĥ", + "æĢĿ" + ], + [ + "åģļ", + "äºĭ" + ], + [ + "åİĤ", + "æĪ¿" + ], + [ + "çĿ", + "¿" + ], + [ + "è¿IJèIJ¥", + "åķĨ" + ], + [ + "头", + "éĥ¨" + ], + [ + "çļĦ", + "è§Ĵèī²" + ], + [ + "æĺ¯", + "ä»ĸ" + ], + [ + "æĹ¢", + "æľī" + ], + [ + "å°ıæĹ¶", + "åĢĻ" + ], + [ + "强", + "åĬ²" + ], + [ + "主", + "æĴŃ" + ], + [ + "åħ¨åĽ½", + "åIJĦåľ°" + ], + [ + "æį", + "ı" + ], + [ + "æįŁ", + "åĿı" + ], + [ + "åķĨ", + "ä¼ļ" + ], + [ + "ä¿Ŀ", + "ç½Ĺ" + ], + [ + "çľģ", + "å¸Ĥ" + ], + [ + "éļ§", + "éģĵ" + ], + [ + "æľī", + "ä¸įå°ij" + ], + [ + "è¦ģ", + "åľ¨" + ], + [ + "建设", + "é¡¹çĽ®" + ], + [ + "ç³ĸ", + "å°¿" + ], + [ + "ç³ĸå°¿", + "çĹħ" + ], + [ + "æĿ¡ä»¶", + "ä¸ĭ" + ], + [ + "ä¼ĺè´¨", + "çļĦ" + ], + [ + "é¦ĸ", + "åıij" + ], + [ + "å½ĵæĹ¶", + "çļĦ" + ], + [ + "丰", + "çͰ" + ], + [ + "大", + "çĽĺ" + ], + [ + "缸", + "ç»§" + ], + [ + "å®ģ", + "å¤ı" + ], + [ + "åħ¥", + "ä½ı" + ], + [ + "æĪij", + "è¿ĺ" + ], + [ + "åħĭ", + "æĸ¯" + ], + [ + "å®ļ", + "ä»·" + ], + [ + "å¹³æĸ¹", + "åħ¬éĩĮ" + ], + [ + "çļĦ", + "çŁ¥è¯Ĩ" + ], + [ + "æĪij们", + "ä¼ļ" + ], + [ + "åħĥ", + "å®Ŀ" + ], + [ + "ä½ĵ", + "éĩį" + ], + [ + "è³", + "£" + ], + [ + "对", + "æĪij们" + ], + [ + "çŁ³", + "å®¶" + ], + [ + "çŁ³å®¶", + "åºĦ" + ], + [ + "ç²¾", + "åįİ" + ], + [ + "å½¢", + "çĬ¶" + ], + [ + "åıĹ", + "åΰäºĨ" + ], + [ + "ä¿®", + "订" + ], + [ + "ç¾İ", + "åľĭ" + ], + [ + "é«ĺ", + "æ¸ħ" + ], + [ + "çľ¼", + "éķľ" + ], + [ + "è§īå¾Ĺ", + "èĩªå·±" + ], + [ + "带", + "ç»Ļ" + ], + [ + "åĶ®", + "ä»·" + ], + [ + "éŨ", + "票" + ], + [ + "åŃķ", + "å¦ĩ" + ], + [ + "ç͵è§Ĩ", + "åı°" + ], + [ + "åıij", + "ä½ľ" + ], + [ + "çļĦ", + "åij³éģĵ" + ], + [ + "éķ¿", + "è¿ľ" + ], + [ + "åħ¬åħ±", + "æľįåĬ¡" + ], + [ + "æŃ£å¸¸", + "çļĦ" + ], + [ + "æľī", + "è¿ĩ" + ], + [ + "é£İ", + "æĥħ" + ], + [ + "æ¯Ķ", + "éĩį" + ], + [ + "åIJ", + "»" + ], + [ + "管çIJĨ", + "å·¥ä½ľ" + ], + [ + "综åIJĪ", + "æĢ§" + ], + [ + "å·²", + "被" + ], + [ + "说", + "èµ·" + ], + [ + "æİĴ", + "æ°´" + ], + [ + "ä¸įæĸŃ", + "åľ°" + ], + [ + "æĥħ", + "æĢĢ" + ], + [ + "è¾ĵ", + "éĢģ" + ], + [ + "è¿ĩ", + "æķı" + ], + [ + "çļĦ", + "åı¯èĥ½æĢ§" + ], + [ + "æľį", + "ç͍" + ], + [ + "æľī", + "许å¤ļ" + ], + [ + "å§Ķ", + "åī¯ä¹¦è®°" + ], + [ + "åĮĸå¦Ĩ", + "åĵģ" + ], + [ + "æļĤ", + "åģľ" + ], + [ + "æĬķèµĦ", + "人" + ], + [ + "çıŃ", + "级" + ], + [ + "说", + "çĿĢ" + ], + [ + "åįĹ", + "åĮĹ" + ], + [ + "åĪĨ", + "è¡Į" + ], + [ + "çıł", + "å®Ŀ" + ], + [ + "å¯", + "¶" + ], + [ + "å¢ŀ", + "å¤ļ" + ], + [ + "被", + "åĬ¨" + ], + [ + "ç®Ĭ", + "çļĦ" + ], + [ + "éĹľ", + "ä¿Ĥ" + ], + [ + "çļĦ", + "èĦ¸" + ], + [ + "æĥ", + "Ł" + ], + [ + "ä¸į", + "ä¸Ģå®ļ" + ], + [ + "ç¶", + "Ń" + ], + [ + "çģ«", + "çĪĨ" + ], + [ + "ç§Ł", + "éĩij" + ], + [ + "çŀ", + "§" + ], + [ + "éĩį", + "建" + ], + [ + "è·", + "ª" + ], + [ + "ä¸Ģ", + "種" + ], + [ + "çļĦ", + "åIJĪä½ľ" + ], + [ + "å®ī", + "æħ°" + ], + [ + "ä»į", + "æĺ¯" + ], + [ + "ä¸ĵä¸ļ", + "åĮĸ" + ], + [ + "è°ĥ", + "è§£" + ], + [ + "ä¸į", + "妨" + ], + [ + "éĢĻ", + "æĺ¯" + ], + [ + "å¿ħ", + "éłĪ" + ], + [ + "ä¼Ĭ", + "æľĹ" + ], + [ + "å¾Ĺ", + "äºĨ" + ], + [ + "æľįåĬ¡", + "å¹³åı°" + ], + [ + "å§", + "¬" + ], + [ + "åħĪ", + "éĶĭ" + ], + [ + "çİĭ", + "åŃIJ" + ], + [ + "çļĦä¸Ģ", + "åĪĩ" + ], + [ + "æĢ»", + "çIJĨ" + ], + [ + "åĵ", + "¼" + ], + [ + "çª", + "ij" + ], + [ + "çļĦå¿ĥ", + "æĥħ" + ], + [ + "çļĦ", + "éĩį大" + ], + [ + "çij", + "Ł" + ], + [ + "ä¸Ģ", + "ç¬ij" + ], + [ + "åıijå±ķ", + "ä¸Ń" + ], + [ + "åģ¥åº·", + "åıijå±ķ" + ], + [ + "åĵģçīĮ", + "çļĦ" + ], + [ + "ç¦", + "®" + ], + [ + "ä½Ļ", + "人" + ], + [ + "ä»Ĭå¹´", + "以æĿ¥" + ], + [ + "æķ°", + "çłģ" + ], + [ + "çѾ", + "è¯ģ" + ], + [ + "åİ»", + "æī¾" + ], + [ + "åŁºéĩij", + "ä¼ļ" + ], + [ + "æĬ±", + "æĢ¨" + ], + [ + "æŃ£", + "å½ĵ" + ], + [ + "çıŃåŃIJ", + "æĪIJåijĺ" + ], + [ + "ä¸į", + "åIJĪæł¼" + ], + [ + "åζ", + "å®ļäºĨ" + ], + [ + "ç¼ĵ", + "æħ¢" + ], + [ + "åζ", + "约" + ], + [ + "æłı", + "缮" + ], + [ + "å¸Ĥåľº", + "ç»ıæµİ" + ], + [ + "ç»ĦæĪIJ", + "çļĦ" + ], + [ + "严", + "å³»" + ], + [ + "æĹ¥", + "讯" + ], + [ + "ä¸ĢçĤ¹", + "çĤ¹" + ], + [ + "æĺ¯", + "æĢİä¹Ī" + ], + [ + "çļĦ", + "çħ§çīĩ" + ], + [ + "éĺ»", + "æŃ¢" + ], + [ + "模", + "ç³Ĭ" + ], + [ + "ç¼", + "¸" + ], + [ + "éģķ", + "åıį" + ], + [ + "æIJ¬", + "è¿ģ" + ], + [ + "éĩij", + "éĴ±" + ], + [ + "å½", + "¬" + ], + [ + "ä¸į", + "å®ī" + ], + [ + "æĪĺçķ¥", + "åIJĪä½ľ" + ], + [ + "å¡«", + "åĨĻ" + ], + [ + "讲", + "ç©¶" + ], + [ + "åħħåĪĨ", + "åĪ©ç͍" + ], + [ + "èĥ½", + "å¤ł" + ], + [ + "èij¡èIJĦ", + "éħĴ" + ], + [ + "éĩĩç͍", + "äºĨ" + ], + [ + "åľ¨", + "ä»Ĭå¹´" + ], + [ + "ä¸Ńå°ı", + "åѦ" + ], + [ + "åľ¨", + "æĦı" + ], + [ + "çļĦ", + "åİĭåĬĽ" + ], + [ + "ä¸į", + "幸" + ], + [ + "åζ", + "èį¯" + ], + [ + "åı¯ä»¥", + "让" + ], + [ + "被", + "è¯Ħ为" + ], + [ + "ç»Ĩ", + "èıĮ" + ], + [ + "æĪı", + "åī§" + ], + [ + "åįĬ", + "导" + ], + [ + "åįĬ导", + "ä½ĵ" + ], + [ + "è§Ĩ", + "è§Ĵ" + ], + [ + "åĸľ", + "æŃ¡" + ], + [ + "å¾ģ", + "æĶ¶" + ], + [ + "è°ĭ", + "åĪĴ" + ], + [ + "æŀģ", + "大çļĦ" + ], + [ + "çĤ¹", + "èµŀ" + ], + [ + "è®°èĢħ", + "ä»İ" + ], + [ + "两", + "åIJį" + ], + [ + "èĩª", + "åĬ©" + ], + [ + "èµ·", + "æŃ¥" + ], + [ + "æĬ¤", + "士" + ], + [ + "å®Ŀ", + "马" + ], + [ + "太", + "åŃIJ" + ], + [ + "å°ıå°ı", + "çļĦ" + ], + [ + "温", + "æ³ī" + ], + [ + "åĩºç§Ł", + "车" + ], + [ + "ç§Ł", + "æĪ¿" + ], + [ + "两", + "å®¶" + ], + [ + "éľĩ", + "æĴ¼" + ], + [ + "ç§ī", + "æī¿" + ], + [ + "ä¸Ģä»¶", + "äºĭ" + ], + [ + "çĥĪ", + "士" + ], + [ + "å®ĺ", + "åħµ" + ], + [ + "转", + "身" + ], + [ + "ä¹IJ", + "åĽŃ" + ], + [ + "çĻĮ", + "çĹĩ" + ], + [ + "模", + "èĮĥ" + ], + [ + "æĦ", + "£" + ], + [ + "è¿ĩåİ»", + "çļĦ" + ], + [ + "代", + "ä»·" + ], + [ + "çļĦ", + "æ¦Ĥ念" + ], + [ + "åĩł", + "çϾ" + ], + [ + "è´µ", + "éĺ³" + ], + [ + "æĭħ", + "å¿§" + ], + [ + "éĢĤ", + "å®ľ" + ], + [ + "çݯå¢ĥ", + "ä¿ĿæĬ¤" + ], + [ + "çĥ", + "«" + ], + [ + "ä½ł", + "æĥ³" + ], + [ + "æŃ¤", + "åIJİ" + ], + [ + "ä½ł", + "ä¹Ł" + ], + [ + "çį", + "İ" + ], + [ + "éϤ", + "æŃ¤" + ], + [ + "éϤæŃ¤", + "ä¹ĭå¤ĸ" + ], + [ + "è°ĥ", + "度" + ], + [ + "ç§ij", + "缮" + ], + [ + "æīĢ说", + "çļĦ" + ], + [ + "åĬ", + "ĩ" + ], + [ + "忽", + "è§Ĩ" + ], + [ + "ä¸ī", + "次" + ], + [ + "ä¸Ģ", + "æĹ¥" + ], + [ + "åŀĤ", + "缴" + ], + [ + "ç«ŀ", + "æĬĢ" + ], + [ + "éĿ¢", + "åĮħ" + ], + [ + "大", + "æĪĺ" + ], + [ + "æIJº", + "带" + ], + [ + "å¦Ĥæŀľ", + "没æľī" + ], + [ + "åħ»", + "æĪIJ" + ], + [ + "åĩº", + "è¡Ģ" + ], + [ + "çα好", + "èĢħ" + ], + [ + "æīĵ", + "éĢļ" + ], + [ + "èµ·", + "è¯ī" + ], + [ + "åijĪ", + "çݰåĩº" + ], + [ + "æŃĮ", + "æīĭ" + ], + [ + "åľ¨", + "å¤ĸ" + ], + [ + "é¢Ĩ导", + "å¹²éĥ¨" + ], + [ + "åĨ", + "¥" + ], + [ + "èĪĨ", + "论" + ], + [ + "æıIJ", + "åıĸ" + ], + [ + "éĺ¿", + "å°Ķ" + ], + [ + "æľĽ", + "çĿĢ" + ], + [ + "ä¸ī", + "äºļ" + ], + [ + "è²", + "¡" + ], + [ + "åĪ", + "·æĸ°" + ], + [ + "æĻļ", + "æĬ¥" + ], + [ + "è¿ĺæľī", + "ä¸Ģ个" + ], + [ + "åĨ°", + "ç®±" + ], + [ + "ç½ij", + "çĤ¹" + ], + [ + "åĩº", + "åħ·" + ], + [ + "强çĥĪ", + "çļĦ" + ], + [ + "æĪij", + "çĽ¸ä¿¡" + ], + [ + "å¸ĮæľĽ", + "èĥ½" + ], + [ + "çīĻ", + "齿" + ], + [ + "äºĭ", + "å®ľ" + ], + [ + "ä¸ļåĨħ", + "人士" + ], + [ + "代", + "æĽ¿" + ], + [ + "åıĺ", + "å½¢" + ], + [ + "éĽ", + "²" + ], + [ + "è°ĥ", + "æİ§" + ], + [ + "åĪĽæĸ°", + "åĪĽä¸ļ" + ], + [ + "æĭĨ", + "è¿ģ" + ], + [ + "æł¸", + "æŁ¥" + ], + [ + "éĢ", + "Ĺ" + ], + [ + "åħ¥", + "åѦ" + ], + [ + "æĦı", + "åIJij" + ], + [ + "æı", + "Ľ" + ], + [ + "ä¸ĭ", + "次" + ], + [ + "ä¼ł", + "è¾ĵ" + ], + [ + "ä»ĸ们", + "åľ¨" + ], + [ + "èĢĮä¸Ķ", + "è¿ĺ" + ], + [ + "æĹ¥", + "åľ¨" + ], + [ + "æķĻ", + "è®Ń" + ], + [ + "æ´»", + "çĿĢ" + ], + [ + "çļĦ", + "æľīæķĪ" + ], + [ + "å¤įå·¥", + "å¤į" + ], + [ + "å¤įå·¥å¤į", + "产" + ], + [ + "æĺ¯ä¸Ģ", + "ä»¶" + ], + [ + "çŃī", + "çĿĢ" + ], + [ + "å¾", + "©" + ], + [ + "åĭĩ", + "æķ¢" + ], + [ + "éģŃ", + "åıĹ" + ], + [ + "å¥Ķ", + "é©°" + ], + [ + "讲", + "座" + ], + [ + "说", + "å®Į" + ], + [ + "ç»Ļ", + "åĩº" + ], + [ + "è°", + "¦" + ], + [ + "è¯Ĭ", + "çĸĹ" + ], + [ + "çĽ²", + "缮" + ], + [ + "客", + "è¿IJ" + ], + [ + "å°±", + "è¿ŀ" + ], + [ + "å¼Ģ", + "åħĥ" + ], + [ + "å¼Ģåħĥ", + "æ£ĭçīĮ" + ], + [ + "ä¸įæĸŃ", + "æıIJåįĩ" + ], + [ + "ç͍æĪ·", + "çļĦ" + ], + [ + "æĴ", + "ķ" + ], + [ + "ä¾Ľ", + "æ°´" + ], + [ + "ç¶ĵ", + "æ¿Ł" + ], + [ + "ä¸Ń", + "åĮ»èį¯" + ], + [ + "èģĶ", + "æĥ³" + ], + [ + "åħ¬äº¤", + "车" + ], + [ + "èĪª", + "çıŃ" + ], + [ + "æĬĢ", + "è¡ĵ" + ], + [ + "å¼ķèµ·", + "çļĦ" + ], + [ + "å°", + "¹" + ], + [ + "èµĦ", + "æ·±" + ], + [ + "åĽ½èµĦ", + "å§Ķ" + ], + [ + "èĺ", + "Ń" + ], + [ + "é¼»", + "åŃIJ" + ], + [ + "éĹ", + "½" + ], + [ + "æİĴ", + "éĺŁ" + ], + [ + "è§Ĥ", + "åħī" + ], + [ + "éģĹ", + "åĿĢ" + ], + [ + "举", + "京" + ], + [ + "é¥Ń", + "åºĹ" + ], + [ + "ä¸įæĸŃ", + "çļĦ" + ], + [ + "å°±æĺ¯", + "ä¸Ģ个" + ], + [ + "éķ¿", + "ä¹ħ" + ], + [ + "çļĦ", + "è§ĤçĤ¹" + ], + [ + "å¨", + "¶" + ], + [ + "æĪij", + "çİ°åľ¨" + ], + [ + "çķ", + "°" + ], + [ + "å¾Ĺ", + "åĩº" + ], + [ + "å¿ħ", + "å®ļ" + ], + [ + "ä¸į", + "åıĹ" + ], + [ + "åıª", + "éľĢè¦ģ" + ], + [ + "åĽ°", + "æī°" + ], + [ + "ç§ijåѦ", + "æĬĢæľ¯" + ], + [ + "çīĽ", + "èĤī" + ], + [ + "è¾ĥ", + "é«ĺçļĦ" + ], + [ + "è·ij", + "æŃ¥" + ], + [ + "æ²", + "¾" + ], + [ + "èı©", + "èIJ¨" + ], + [ + "æľĢ", + "å¾Į" + ], + [ + "ä¿Ŀ", + "å¯Ĩ" + ], + [ + "æ²»", + "å®ī" + ], + [ + "éĤ", + "±" + ], + [ + "常", + "è¯Ĩ" + ], + [ + "èĦ¸", + "èī²" + ], + [ + "åĮĹ", + "大" + ], + [ + "æ±ĩ", + "èģļ" + ], + [ + "æijĨ", + "èĦ±" + ], + [ + "é¾Ļ头", + "ä¼ģä¸ļ" + ], + [ + "女", + "åıĭ" + ], + [ + "çŃī", + "å·¥ä½ľ" + ], + [ + "ä¸Ń", + "ç¾İ" + ], + [ + "èģĮ", + "åľº" + ], + [ + "èĦij", + "è¢ĭ" + ], + [ + "åĨĻ", + "çļĦ" + ], + [ + "饲", + "æĸĻ" + ], + [ + "åĬ³", + "åĬ¨åĬĽ" + ], + [ + "å±", + "¯" + ], + [ + "æĮģ", + "èĤ¡" + ], + [ + "åĽ¾", + "åĥı" + ], + [ + "è¿ĩåİ»", + "äºĨ" + ], + [ + "è²", + "¨" + ], + [ + "è¾", + "²" + ], + [ + "éĹ®", + "æĪij" + ], + [ + "è·Ł", + "ä½ł" + ], + [ + "çĶŁ", + "æŃ»" + ], + [ + "审", + "ç¾İ" + ], + [ + "é¢Ĺ", + "ç²Ĵ" + ], + [ + "ä¸Ń", + "æĸ¹" + ], + [ + "åĬł", + "çĥŃ" + ], + [ + "æĹħè¡Į", + "社" + ], + [ + "çϼ", + "çĶŁ" + ], + [ + "ä¸į", + "åłª" + ], + [ + "åĤ", + "·" + ], + [ + "æ¥", + "ł" + ], + [ + "åĬŀ", + "æ¡Ī" + ], + [ + "æŁ", + "Ħ" + ], + [ + "æĹ¢", + "æĺ¯" + ], + [ + "å¤Ħ", + "åĪĨ" + ], + [ + "羣å®ŀ", + "çļĦ" + ], + [ + "æĬ¥", + "纸" + ], + [ + "å¸Ī", + "çζ" + ], + [ + "å®īå¾½", + "çľģ" + ], + [ + "åī¯", + "主å¸Ń" + ], + [ + "ä¹ĭ", + "éģĵ" + ], + [ + "导", + "å¼¹" + ], + [ + "åŃ¦æł¡", + "çļĦ" + ], + [ + "åŁİå¸Ĥ", + "çļĦ" + ], + [ + "è°Ī", + "åΰ" + ], + [ + "æ¢", + "Ĺ" + ], + [ + "å¹³", + "éĿ¢" + ], + [ + "说", + "ä»Ģä¹Ī" + ], + [ + "é¢ij", + "çİĩ" + ], + [ + "éķ¿", + "ä¸īè§Ĵ" + ], + [ + "çļĦ", + "åĪ©çĽĬ" + ], + [ + "é»", + "¨" + ], + [ + "è±Ĩ", + "èħIJ" + ], + [ + "å®ŀéĻħ", + "æĥħåĨµ" + ], + [ + "æŀĹ", + "ä¸ļ" + ], + [ + "纪æ£Ģ", + "çĽijå¯Ł" + ], + [ + "ä½ı", + "éĻ¢" + ], + [ + "çļĦ", + "æķ´ä½ĵ" + ], + [ + "åīį", + "è¡Į" + ], + [ + "æĮ", + "¨" + ], + [ + "çħ¤", + "çŁ¿" + ], + [ + "å̻", + "è£ģ" + ], + [ + "å°ı", + "åIJĥ" + ], + [ + "æŀģ", + "端" + ], + [ + "å©Ĩ", + "å©Ĩ" + ], + [ + "çݰ", + "è´§" + ], + [ + "è¯Ĺ", + "æŃĮ" + ], + [ + "éĴ¥", + "åĮĻ" + ], + [ + "缩", + "çŁŃ" + ], + [ + "ä½Ĩ", + "è¿Ļ" + ], + [ + "æĸ°", + "åĵģ" + ], + [ + "è¿Ļ", + "对" + ], + [ + "çŁ¥åIJį", + "度" + ], + [ + "å¿ĹæĦ¿", + "æľįåĬ¡" + ], + [ + "大", + "å±Ģ" + ], + [ + "è¡¡", + "éĩı" + ], + [ + "ä½ĵçݰ", + "äºĨ" + ], + [ + "æ¡ĥ", + "èĬ±" + ], + [ + "åIJ¸å¼ķ", + "åĬĽ" + ], + [ + "åł", + "¤" + ], + [ + "æĵħ", + "éķ¿" + ], + [ + "åĴ", + "Ĵ" + ], + [ + "缸", + "æľº" + ], + [ + "ä¸Ģ", + "ç«Ļ" + ], + [ + "ä¸Ģç«Ļ", + "å¼ı" + ], + [ + "æľĢ", + "ç¾İ" + ], + [ + "æ°¸", + "ä¹ħ" + ], + [ + "çļĦ", + "éĥ¨åĪĨ" + ], + [ + "åĪĨ", + "å·¥" + ], + [ + "å·¥ç¨ĭ", + "建设" + ], + [ + "æIJŃ", + "è½½" + ], + [ + "æ°´", + "ä¸Ń" + ], + [ + "èĮ", + "¨" + ], + [ + "çļĦ", + "æĵįä½ľ" + ], + [ + "绣", + "æ²»" + ], + [ + "çķħ", + "éĢļ" + ], + [ + "åħļçļĦ", + "åįģ" + ], + [ + "è¼", + "¸" + ], + [ + "æ¸", + "¬" + ], + [ + "ç¾İ", + "è§Ĥ" + ], + [ + "ä¸į", + "åĪ©" + ], + [ + "åıį", + "æĢĿ" + ], + [ + "éªĦ", + "åĤ²" + ], + [ + "æłĩ", + "çļĦ" + ], + [ + "æĿĢ", + "人" + ], + [ + "éĺ¿", + "姨" + ], + [ + "é£Ł", + "æĿIJ" + ], + [ + "åIJĥ", + "çļĦ" + ], + [ + "åIJİ", + "åĨį" + ], + [ + "çŁ", + "£" + ], + [ + "两", + "ä¾§" + ], + [ + "æ¸ħ", + "æ°´" + ], + [ + "è¿Ľ", + "çIJĥ" + ], + [ + "å¼Ģå§ĭ", + "äºĨ" + ], + [ + "åIJ¬", + "äºĨ" + ], + [ + "çĦĬ", + "æİ¥" + ], + [ + "çŁ", + "®" + ], + [ + "å¨", + "Ł" + ], + [ + "为", + "人" + ], + [ + "éĢģ", + "ç»Ļ" + ], + [ + "åĨĴ", + "éĻ©" + ], + [ + "æķ", + "·" + ], + [ + "ç»Ī", + "æŃ¢" + ], + [ + "æīį", + "çŁ¥éģĵ" + ], + [ + "è¿IJ", + "æ°Ķ" + ], + [ + "éĢļ", + "é£İ" + ], + [ + "æĥĬ", + "è®¶" + ], + [ + "ç§ijåѦ", + "éĻ¢" + ], + [ + "æıIJ", + "éĹ®" + ], + [ + "太", + "åİŁ" + ], + [ + "缸åIJĮ", + "çļĦ" + ], + [ + "ä»", + "ķ" + ], + [ + "èģ", + "ĸ" + ], + [ + "æĥħ", + "æ³ģ" + ], + [ + "é¢Ĩ导", + "人" + ], + [ + "åĩºæĿ¥", + "äºĨ" + ], + [ + "沿", + "线" + ], + [ + "éĻ", + "½" + ], + [ + "æĦŁ", + "覺" + ], + [ + "ä»į", + "åľ¨" + ], + [ + "æ©", + "Ļ" + ], + [ + "约", + "为" + ], + [ + "åĸĿ", + "éħĴ" + ], + [ + "ç͍", + "èį¯" + ], + [ + "ä¸ĭ", + "ä¸Ģ" + ], + [ + "æ³ķ", + "å®ĺ" + ], + [ + "顺", + "åºı" + ], + [ + "åģļ", + "ä¸Ģ个" + ], + [ + "åĭ", + "¢" + ], + [ + "æŃ", + "ª" + ], + [ + "ç͵", + "ç«ŀ" + ], + [ + "ä¼´", + "éļıçĿĢ" + ], + [ + "ä¹ĭ", + "åĬĽ" + ], + [ + "ä¹ĭ", + "人" + ], + [ + "äºij", + "计ç®Ĺ" + ], + [ + "åĪ«äºº", + "çļĦ" + ], + [ + "ç§ijåѦ", + "åıijå±ķ" + ], + [ + "第", + "åħ«" + ], + [ + "å¹²", + "æī°" + ], + [ + "女", + "ç¥ŀ" + ], + [ + "è¿Ļæł·", + "åģļ" + ], + [ + "å¤Ħ", + "åľ¨" + ], + [ + "æ°´", + "è´¨" + ], + [ + "éķ¿", + "æĺ¥" + ], + [ + "å¸Ĥåľº", + "éľĢæ±Ĥ" + ], + [ + "ç»´", + "æĿĥ" + ], + [ + "è̳", + "æľµ" + ], + [ + "æĸĩåĮĸ", + "çļĦ" + ], + [ + "奶", + "ç²ī" + ], + [ + "ä¼ł", + "è¾¾" + ], + [ + "æīĭæľº", + "çīĪ" + ], + [ + "æĽ¾", + "åľ¨" + ], + [ + "äºĮ", + "æľŁ" + ], + [ + "åİŁåĽł", + "æĺ¯" + ], + [ + "æºIJ", + "头" + ], + [ + "åıĪ", + "èĥ½" + ], + [ + "è£", + "¸" + ], + [ + "æĬĢæľ¯", + "åĪĽæĸ°" + ], + [ + "æĸĩåĮĸ", + "æĹħ游" + ], + [ + "åıij", + "票" + ], + [ + "å¹´", + "级" + ], + [ + "ä½ł", + "ä¸į" + ], + [ + "ä¹ĭ", + "å¿ĥ" + ], + [ + "æķ°", + "çϾ" + ], + [ + "åIJij", + "å¾Ģ" + ], + [ + "èĢģ", + "å®¶" + ], + [ + "åľĭ", + "éļĽ" + ], + [ + "çļĦ", + "é«ĺ度" + ], + [ + "æľĿ", + "éĺ³" + ], + [ + "æ¸ħ", + "éϤ" + ], + [ + "èĩª", + "æľī" + ], + [ + "书", + "ä¸Ń" + ], + [ + "游æĪı", + "è£ħå¤ĩ" + ], + [ + "ä¸ĩ", + "å¤ļ" + ], + [ + "驾驶", + "åijĺ" + ], + [ + "ä½ł", + "çŁ¥éģĵ" + ], + [ + "åĽ½", + "åºĨ" + ], + [ + "é£Ł", + "åłĤ" + ], + [ + "æİ¥", + "åı£" + ], + [ + "æĢ»", + "æķ°" + ], + [ + "åħ¶ä»ĸ", + "çļĦ" + ], + [ + "çĶŁåij½", + "çļĦ" + ], + [ + "ä½ł", + "åľ¨" + ], + [ + "çļĦ", + "缮åħī" + ], + [ + "è¿Ļ", + "æĸ¹éĿ¢" + ], + [ + "éĥ½", + "说" + ], + [ + "çĸĹ", + "æ³ķ" + ], + [ + "åĭĩ", + "士" + ], + [ + "åľ¨", + "åħ¨çIJĥ" + ], + [ + "ä¿ĿéĻ©", + "åħ¬åı¸" + ], + [ + "çĿ£", + "æŁ¥" + ], + [ + "åĸĦ", + "èī¯" + ], + [ + "表", + "å½°" + ], + [ + "è¹", + "²" + ], + [ + "è·¯", + "段" + ], + [ + "æľĥåĵ¡", + "è¦ı" + ], + [ + "æľĥåĵ¡è¦ı", + "ç¯Ħ" + ], + [ + "æĪ·", + "åŀĭ" + ], + [ + "ä¿ĥ", + "使" + ], + [ + "ä¿®", + "建" + ], + [ + "é«ĺ", + "æ°´å¹³" + ], + [ + "åģļ", + "åĩºäºĨ" + ], + [ + "主", + "åľº" + ], + [ + "è¡Į", + "èµ°" + ], + [ + "空", + "çϽ" + ], + [ + "æľī人", + "说" + ], + [ + "è¿Ļ个", + "ä¸ĸçķĮ" + ], + [ + "åIJį", + "ä¹ī" + ], + [ + "å®Į", + "ç¾İçļĦ" + ], + [ + "羡", + "æħķ" + ], + [ + "åıĬ", + "åħ¶ä»ĸ" + ], + [ + "åı¯", + "ç͍" + ], + [ + "æĭ", + "IJ" + ], + [ + "è¾ĥ", + "大çļĦ" + ], + [ + "æĬĢæľ¯", + "åĴĮ" + ], + [ + "å°¼", + "äºļ" + ], + [ + "çϾ", + "è´§" + ], + [ + "æı", + "ī" + ], + [ + "éĢī", + "è´Ń" + ], + [ + "éĺŁ", + "åıĭ" + ], + [ + "ä¼ł", + "æĦŁ" + ], + [ + "ä¼łæĦŁ", + "åύ" + ], + [ + "åıªè¦ģ", + "ä½ł" + ], + [ + "为ä»Ģä¹Ī", + "è¦ģ" + ], + [ + "ä¸ĵ注", + "äºİ" + ], + [ + "ä½Ļ", + "é¢Ŀ" + ], + [ + "åħ¸åŀĭ", + "çļĦ" + ], + [ + "缮åīį", + "å·²" + ], + [ + "欲", + "æľĽ" + ], + [ + "èģĶ", + "绾" + ], + [ + "æµģ", + "ä¼ł" + ], + [ + "çļĦ", + "å®¶åºŃ" + ], + [ + "åı·", + "åı¬" + ], + [ + "çıį", + "è´µ" + ], + [ + "ä¼Ł", + "大çļĦ" + ], + [ + "éī´", + "äºİ" + ], + [ + "è·Ł", + "ä»ĸ" + ], + [ + "产", + "çī©" + ], + [ + "ä¸į", + "å·²" + ], + [ + "è¿Ŀæ³ķ", + "è¡Į为" + ], + [ + "头", + "ä¸Ĭ" + ], + [ + "åĪĨ", + "è§£" + ], + [ + "åı¯ä»¥", + "çľĭåĩº" + ], + [ + "æł¡", + "åĮº" + ], + [ + "åŃĹ", + "ä½ĵ" + ], + [ + "ä¿®", + "çĤ¼" + ], + [ + "çĶļèĩ³", + "æĺ¯" + ], + [ + "微信", + "åħ¬ä¼Ĺ" + ], + [ + "åıĸ", + "代" + ], + [ + "èIJ¥ä¸ļ", + "æĶ¶åħ¥" + ], + [ + "æ½į", + "åĿĬ" + ], + [ + "ä½ł", + "èĥ½" + ], + [ + "社ä¼ļ", + "ä¿Ŀéļľ" + ], + [ + "æ¯ĶèµĽ", + "ä¸Ń" + ], + [ + "污水", + "å¤ĦçIJĨ" + ], + [ + "夫", + "å¦ĩ" + ], + [ + "ä¸Ģ", + "å¹ħ" + ], + [ + "沿", + "æµ·" + ], + [ + "åı£", + "æĦŁ" + ], + [ + "ä½Ĩ", + "åį´" + ], + [ + "å½ĵ", + "æĹ¥" + ], + [ + "çļĦ", + "æľĢ大" + ], + [ + "æ¯ı", + "ä¸Ģä½į" + ], + [ + "没", + "äºĭ" + ], + [ + "çī¹", + "åĪ¥" + ], + [ + "å¼Ģ", + "åѦ" + ], + [ + "è·¯", + "éĿ¢" + ], + [ + "å¿ĥçIJĨ", + "åѦ" + ], + [ + "æĶ¾", + "ç½®" + ], + [ + "éĩįåºĨ", + "å¸Ĥ" + ], + [ + "ä½ł", + "èĩªå·±" + ], + [ + "æ¶Īè´¹èĢħ", + "çļĦ" + ], + [ + "ä¸Ģ", + "æ³¢" + ], + [ + "èѦ", + "æĥķ" + ], + [ + "åį§", + "室" + ], + [ + "注", + "å°Ħ" + ], + [ + "é£İ", + "鼨" + ], + [ + "沿", + "çĿĢ" + ], + [ + "åijĬ", + "訴" + ], + [ + "表", + "çݰåĩº" + ], + [ + "åĽĽ", + "æĺ¯" + ], + [ + "åı¤", + "åħ¸" + ], + [ + "æĽ´", + "éĩįè¦ģçļĦ" + ], + [ + "好", + "äºĭ" + ], + [ + "çľ¼", + "泪" + ], + [ + "æ¨", + "ĵ" + ], + [ + "审", + "åΤ" + ], + [ + "碰", + "æĴŀ" + ], + [ + "车", + "ç«Ļ" + ], + [ + "è¿Ľåħ¥", + "äºĨ" + ], + [ + "éĽĨ", + "åIJĪ" + ], + [ + "æł¼", + "å¤ĸ" + ], + [ + "宾", + "é¦Ĩ" + ], + [ + "æĶ¯ä»ĺ", + "å®Ŀ" + ], + [ + "她", + "æĺ¯" + ], + [ + "æĺ¯", + "å¦Ĥä½ķ" + ], + [ + "人", + "次" + ], + [ + "çļĦ", + "æĪIJåĬŁ" + ], + [ + "æĹł", + "åĬĽ" + ], + [ + "æµ·", + "æĭĶ" + ], + [ + "æĺ¥", + "åŃ£" + ], + [ + "éĥ½", + "ä¸įä¼ļ" + ], + [ + "çŃī", + "å¤ļç§į" + ], + [ + "ä¸Ģ个", + "å°ı" + ], + [ + "åģľè½¦", + "åľº" + ], + [ + "让", + "æĽ´å¤ļ" + ], + [ + "è¿Ļ", + "çĤ¹" + ], + [ + "æĪIJ", + "åĵģ" + ], + [ + "éĴ", + "ī" + ], + [ + "éģĩ", + "è§ģ" + ], + [ + "çıŃ", + "主任" + ], + [ + "æĦı", + "æĦ¿" + ], + [ + "çļĦ", + "åIJĮåѦ" + ], + [ + "游", + "è§Ī" + ], + [ + "åİĭ", + "缩" + ], + [ + "åľ¨", + "ä¼łå¥ĩ" + ], + [ + "å¼¹", + "æĢ§" + ], + [ + "æĹ¥", + "åĨħ" + ], + [ + "ç¦ı建", + "çľģ" + ], + [ + "è§Ĵ", + "èIJ½" + ], + [ + "åĪĨ", + "å¼Ģ" + ], + [ + "ä¼ļ", + "让" + ], + [ + "å¤ĸ", + "åĽ´" + ], + [ + "çĨŁæĤī", + "çļĦ" + ], + [ + "çĨ", + "Ķ" + ], + [ + "ä¸ĩ", + "è¾Ĩ" + ], + [ + "å¤ľ", + "éĹ´" + ], + [ + "车", + "身" + ], + [ + "ä¸Ń", + "æľŁ" + ], + [ + "å®ĮåĸĦ", + "çļĦ" + ], + [ + "åĵģ", + "ç±»" + ], + [ + "åıĭ", + "è°Ĭ" + ], + [ + "éĢīæĭ", + "Ķ" + ], + [ + "éªij", + "士" + ], + [ + "å½", + "¦" + ], + [ + "çļĦ", + "çľĭæ³ķ" + ], + [ + "åĽ½", + "çİĭ" + ], + [ + "è¾£", + "æ¤Ĵ" + ], + [ + "åıijå¸ĥ", + "æĹ¶éĹ´" + ], + [ + "åı¤", + "åŁİ" + ], + [ + "éļı", + "æľº" + ], + [ + "ç«", + "ĸ" + ], + [ + "å¼Ģ", + "è¾Ł" + ], + [ + "ä¼Ĺ", + "çĶŁ" + ], + [ + "没", + "åĬŀæ³ķ" + ], + [ + "åįĥ", + "éĩĮ" + ], + [ + "æĿ¥æºIJ", + "äºİ" + ], + [ + "çļĦ", + "æĿĥåĪ©" + ], + [ + "æ¯Ķ", + "åĪĨ" + ], + [ + "满æĦı", + "çļĦ" + ], + [ + "ä¿®", + "è¡Į" + ], + [ + "åĿ", + "ł" + ], + [ + "大", + "æµ·" + ], + [ + "èİ", + "¹" + ], + [ + "åĩº", + "身" + ], + [ + "è«", + "ĩ" + ], + [ + "åħ³", + "èĬĤ" + ], + [ + "åIJį", + "人" + ], + [ + "éľĢè¦ģ", + "注æĦı" + ], + [ + "æĹ©", + "æĻ¨" + ], + [ + "å¤ĸ", + "åįĸ" + ], + [ + "åıĪ", + "è¦ģ" + ], + [ + "æ¶ī", + "æ¡Ī" + ], + [ + "çĶ³è¯·", + "人" + ], + [ + "éĻĦè¿ij", + "çļĦ" + ], + [ + "åĬłå¿«", + "æİ¨è¿Ľ" + ], + [ + "æĸ°", + "å¹´" + ], + [ + "大", + "è¡Ĺ" + ], + [ + "ä¸Ģ", + "é»ŀ" + ], + [ + "èĭı", + "å®ģ" + ], + [ + "æĤĦ", + "æĤĦ" + ], + [ + "èĦ¾", + "æ°Ķ" + ], + [ + "å¸Į", + "èħĬ" + ], + [ + "éļı", + "åį³" + ], + [ + "æķ¢", + "äºİ" + ], + [ + "å®ŀè·µ", + "ä¸Ń" + ], + [ + "æĺ¯", + "没æľī" + ], + [ + "æľīè¶£", + "çļĦ" + ], + [ + "æĿ¥èĩª", + "äºİ" + ], + [ + "è£ģ", + "åΤ" + ], + [ + "女", + "åŃ©åŃIJ" + ], + [ + "èĩ³", + "åħ³" + ], + [ + "èĩ³åħ³", + "éĩįè¦ģ" + ], + [ + "æĻº", + "åĬĽ" + ], + [ + "èµ°", + "åĩºåİ»" + ], + [ + "çŁŃ", + "æĿ¿" + ], + [ + "大", + "åĽ½" + ], + [ + "çļĦ", + "认è¯Ĩ" + ], + [ + "å¹´", + "å¤ľ" + ], + [ + "åĨį", + "åΰ" + ], + [ + "åIJĮ", + "æł·çļĦ" + ], + [ + "å¯Ĩ", + "å°ģ" + ], + [ + "å¤ĸ交", + "éĥ¨" + ], + [ + "çĶŁ", + "æķĪ" + ], + [ + "æĤ¨", + "åı¯ä»¥" + ], + [ + "ä½ł", + "åĢij" + ], + [ + "è¿ĩ", + "å¹´" + ], + [ + "å¼", + "ĵ" + ], + [ + "è¡Į", + "æĿİ" + ], + [ + "æ¯Ķ", + "èµ·" + ], + [ + "身", + "é«ĺ" + ], + [ + "è¿Ļ个", + "人" + ], + [ + "ä¸Ń", + "å¤ĸ" + ], + [ + "éģĵ", + "æŃī" + ], + [ + "çĽ¯", + "çĿĢ" + ], + [ + "亲", + "åŃIJ" + ], + [ + "éĹ", + "¸" + ], + [ + "çϽ", + "äºij" + ], + [ + "èĦĸ", + "åŃIJ" + ], + [ + "ä¸ĢåĪĩ", + "éĥ½" + ], + [ + "æ·", + "ij" + ], + [ + "è°", + "ľ" + ], + [ + "åģ¶", + "çĦ¶" + ], + [ + "éĿł", + "è°±" + ], + [ + "é«ĺ", + "管" + ], + [ + "ä¸ĭ", + "åıij" + ], + [ + "æĶ¾", + "åΰ" + ], + [ + "ç±»", + "åĪ«" + ], + [ + "ä¸ĭ", + "åĪĹ" + ], + [ + "æ··", + "ä¹±" + ], + [ + "åIJĪæ³ķ", + "æĿĥçĽĬ" + ], + [ + "çݯ", + "çIJĥ" + ], + [ + "æľīæķĪ", + "åľ°" + ], + [ + "åķĨ", + "æĪ·" + ], + [ + "æ¹ĸ", + "人" + ], + [ + "æµ·", + "岸" + ], + [ + "æĬķ", + "产" + ], + [ + "两", + "个æľĪ" + ], + [ + "éĥ½", + "éĿŀ常" + ], + [ + "å¢ŀ强", + "äºĨ" + ], + [ + "æĿ¥", + "åΰäºĨ" + ], + [ + "åī©", + "ä½Ļ" + ], + [ + "æĤ¨çļĦ", + "åŃ©åŃIJ" + ], + [ + "æµģ", + "æ°´" + ], + [ + "æŃ£", + "ä¹ī" + ], + [ + "天", + "çĮ«" + ], + [ + "åģļ", + "è¿ĩ" + ], + [ + "ä½ķ", + "æĹ¶" + ], + [ + "æĪij", + "åİ»" + ], + [ + "çľģ", + "份" + ], + [ + "å¥ĸ", + "éĩij" + ], + [ + "该", + "å¦Ĥä½ķ" + ], + [ + "ä¸ĭ", + "çıŃ" + ], + [ + "åģ¶", + "åĥı" + ], + [ + "æijĨ", + "æĶ¾" + ], + [ + "æĸ°", + "模å¼ı" + ], + [ + "æĬķ", + "è³ĩ" + ], + [ + "è·¯", + "åı£" + ], + [ + "åĨľæ°ij", + "å·¥" + ], + [ + "大", + "åѸ" + ], + [ + "ä»¶", + "äºĭ" + ], + [ + "æł¹æľ¬", + "ä¸į" + ], + [ + "æµĵ", + "度" + ], + [ + "æµĵ", + "åİļ" + ], + [ + "è½®", + "èĥİ" + ], + [ + "æĪ¿", + "ä¼ģ" + ], + [ + "éĿŀ常", + "好" + ], + [ + "ä»İ", + "ä¸Ń" + ], + [ + "人", + "æł¼" + ], + [ + "ç¿", + "ģ" + ], + [ + "æĹ¶éĹ´", + "åĴĮ" + ], + [ + "è¿Ļ", + "ä¸įæĺ¯" + ], + [ + "åΏ", + "åķĨ" + ], + [ + "æĥĬ", + "人" + ], + [ + "åύ", + "å®ĺ" + ], + [ + "åĩĨ", + "åĪĻ" + ], + [ + "æĥħ", + "æĻ¯" + ], + [ + "æĽ´", + "é«ĺçļĦ" + ], + [ + "åѦ", + "å®¶" + ], + [ + "泡", + "沫" + ], + [ + "åľ°æĸ¹", + "æĶ¿åºľ" + ], + [ + "å°±", + "çŁ¥éģĵ" + ], + [ + "åij¼", + "åIJģ" + ], + [ + "ç»ı", + "è´¸" + ], + [ + "èĬ±", + "éĴ±" + ], + [ + "æľī", + "ä¸Ģ次" + ], + [ + "æĦŁ", + "æħ¨" + ], + [ + "ä¸Ģ", + "åįĥ" + ], + [ + "å¤ľ", + "æĻļ" + ], + [ + "詹", + "å§Ĩ" + ], + [ + "詹å§Ĩ", + "æĸ¯" + ], + [ + "è¦ģ", + "éĹ»" + ], + [ + "ç»", + "Ĵ" + ], + [ + "æºIJ", + "äºİ" + ], + [ + "çļĦ", + "è´¨éĩı" + ], + [ + "注æĦı", + "äºĭ项" + ], + [ + "æħ¢", + "æĢ§" + ], + [ + "稳å®ļ", + "çļĦ" + ], + [ + "建设", + "åĴĮ" + ], + [ + "æĻ¯", + "象" + ], + [ + "éĩı", + "åĮĸ" + ], + [ + "çļĦ", + "話" + ], + [ + "è¯Ħ", + "级" + ], + [ + "æº", + "ľ" + ], + [ + "红", + "åĮħ" + ], + [ + "éĢļ", + "éģİ" + ], + [ + "社ä¼ļ", + "责任" + ], + [ + "æĸ°", + "产åĵģ" + ], + [ + "åĨ·", + "éĿĻ" + ], + [ + "çľĭ", + "ä¸įåΰ" + ], + [ + "èģĶ", + "éĤ¦" + ], + [ + "éŃ", + "Ħ" + ], + [ + "çļĦ", + "åīįæıIJ" + ], + [ + "çļĦåīįæıIJ", + "ä¸ĭ" + ], + [ + "è¾ĥ", + "好" + ], + [ + "çļĦ", + "æĦŁæĥħ" + ], + [ + "客æĪ·", + "æıIJä¾Ľ" + ], + [ + "çĭ¬", + "èĩª" + ], + [ + "å¢ŀ", + "æĶ¶" + ], + [ + "æĸĩ", + "çĮ®" + ], + [ + "æĭ¼", + "åij½" + ], + [ + "管çIJĨ", + "åĴĮ" + ], + [ + "æµģåĬ¨", + "æĢ§" + ], + [ + "åħ¨", + "å®¶" + ], + [ + "ä¸Ĭ", + "æĸ¹" + ], + [ + "æİ¨åĩº", + "çļĦ" + ], + [ + "ä¸ī", + "åĽ½" + ], + [ + "ä¸Ģ个", + "æĺ¯" + ], + [ + "æĸ°", + "ä¸Ģè½®" + ], + [ + "æĸĩåĮĸ", + "éģĹ产" + ], + [ + "æ®", + "º" + ], + [ + "大", + "æ¹¾åĮº" + ], + [ + "éĥ½", + "éľĢè¦ģ" + ], + [ + "çļĦ", + "å®ŀéĻħ" + ], + [ + "ç·", + "Ĭ" + ], + [ + "大", + "å¥ĸ" + ], + [ + "åħī", + "èĬĴ" + ], + [ + "便", + "äºİ" + ], + [ + "çļĦ", + "表æĥħ" + ], + [ + "æ¼Ķ", + "ç»İ" + ], + [ + "红", + "åĨĽ" + ], + [ + "å½ĵ", + "æĪij" + ], + [ + "æ²»", + "æĦĪ" + ], + [ + "é¢Ŀ", + "度" + ], + [ + "éĿ", + "ľ" + ], + [ + "ä»»ä½ķ", + "人" + ], + [ + "è¡Ĺ", + "头" + ], + [ + "çī¹", + "æĸ¯" + ], + [ + "çĸ¯", + "æĭī" + ], + [ + "åĮ»çĸĹ", + "æľºæŀĦ" + ], + [ + "ç»Ļ", + "åŃ©åŃIJ" + ], + [ + "è§Ħ", + "磩" + ], + [ + "è£", + "ľ" + ], + [ + "çļĦ", + "身影" + ], + [ + "ä¸ĵ", + "æłı" + ], + [ + "æĿ¥", + "临" + ], + [ + "ç«¥", + "å¹´" + ], + [ + "å¤į", + "èĭı" + ], + [ + "è¨", + "Ĥ" + ], + [ + "åŀĭ", + "åı·" + ], + [ + "åĽ¾", + "æ¡Ī" + ], + [ + "ç®Ģ", + "åİĨ" + ], + [ + "æĭ", + "±" + ], + [ + "èį·", + "åħ°" + ], + [ + "ä»»", + "æĦı" + ], + [ + "æī¿", + "æİ¥" + ], + [ + "è¿Ļ", + "æīį" + ], + [ + "客", + "车" + ], + [ + "æľĿ", + "çĿĢ" + ], + [ + "éłħ", + "缮" + ], + [ + "åı°", + "é£İ" + ], + [ + "çļĦ", + "æĪ¿åŃIJ" + ], + [ + "éª", + "ı" + ], + [ + "æĿ±", + "西" + ], + [ + "éģĹ", + "ä¼ł" + ], + [ + "è¶Ĭ", + "å¤ļ" + ], + [ + "äºĨ", + "ä»ĸçļĦ" + ], + [ + "ä¸Ĭ", + "åij¨" + ], + [ + "管çIJĨ", + "åĪ¶åº¦" + ], + [ + "失", + "ä¸ļ" + ], + [ + "çĶ·", + "åıĭ" + ], + [ + "æİ¥", + "ç§į" + ], + [ + "å¨ģ", + "åIJį" + ], + [ + "çĴ°", + "å¢ĥ" + ], + [ + "åıijçĶŁ", + "åľ¨" + ], + [ + "个", + "åĽ½å®¶" + ], + [ + "åĪĽæĸ°", + "åıijå±ķ" + ], + [ + "æĶ¹åıĺ", + "äºĨ" + ], + [ + "åģ¥åº·", + "çļĦ" + ], + [ + "å̼å¾Ĺ", + "ä¸Ģ" + ], + [ + "å̼å¾Ĺä¸Ģ", + "æıIJ" + ], + [ + "åĽ¢", + "ä¼Ļ" + ], + [ + "åģĩ", + "设" + ], + [ + "åı°", + "ä¸Ĭ" + ], + [ + "è§ĦèĮĥ", + "åĮĸ" + ], + [ + "éĻª", + "åIJĮ" + ], + [ + "座", + "æ¤ħ" + ], + [ + "åı¯", + "æĢľ" + ], + [ + "åħĭæĢĿ", + "主ä¹ī" + ], + [ + "æ³ķå¾ĭ", + "责任" + ], + [ + "ä¸Ģ", + "é¡¿" + ], + [ + "æĬ¬", + "头" + ], + [ + "为", + "éĩįçĤ¹" + ], + [ + "è¿ľ", + "æ´ĭ" + ], + [ + "éĢı", + "è¿ĩ" + ], + [ + "åħ¨çIJĥ", + "åĮĸ" + ], + [ + "è¶£", + "åij³" + ], + [ + "票", + "æĪ¿" + ], + [ + "æ¯ı", + "人" + ], + [ + "åIJĦç§į", + "åIJĦæł·" + ], + [ + "äºĨ", + "åĩºæĿ¥" + ], + [ + "ç»Ŀ对", + "æĺ¯" + ], + [ + "ä¸ĭ", + "å±ŀ" + ], + [ + "ä¸Ģ", + "åıĮ" + ], + [ + "è¿Ļ", + "åĿĹ" + ], + [ + "æĬĹ", + "çĸ«" + ], + [ + "è¦ģ", + "çĤ¹" + ], + [ + "å½¢æĪIJ", + "çļĦ" + ], + [ + "æĪij", + "çľĭ" + ], + [ + "ä¸ĩ", + "éĩĮ" + ], + [ + "èĢĥ", + "çłĶ" + ], + [ + "为", + "åħ¶" + ], + [ + "æ°ij", + "宿" + ], + [ + "å¤ļ", + "ä½į" + ], + [ + "大", + "èĩ´" + ], + [ + "ä»ĺ", + "è´¹" + ], + [ + "åħ¥", + "æīĭ" + ], + [ + "å±ħ", + "å®¶" + ], + [ + "æīĢåľ¨", + "åľ°" + ], + [ + "人", + "身" + ], + [ + "è¿ĩ", + "å¾Ĺ" + ], + [ + "è¯ķ", + "è¯ķ" + ], + [ + "访", + "è°Ī" + ], + [ + "åĬł", + "éĩį" + ], + [ + "å°±", + "ä¸įä¼ļ" + ], + [ + "çĶŁäº§", + "ä¼ģä¸ļ" + ], + [ + "åĽŀ", + "åĽ½" + ], + [ + "åºķ", + "线" + ], + [ + "èµ¶", + "åΰ" + ], + [ + "æĶ¯", + "éĺŁ" + ], + [ + "æĪij们", + "éĥ½" + ], + [ + "éĤ®", + "æĶ¿" + ], + [ + "缴", + "èĩ³" + ], + [ + "éĴ¢", + "çIJ´" + ], + [ + "åħ", + "ľ" + ], + [ + "çłĶ讨", + "ä¼ļ" + ], + [ + "æľĪ", + "亮" + ], + [ + "åĿļæĮģ", + "以" + ], + [ + "åħ¬å®ī", + "éĥ¨" + ], + [ + "éĴ¢", + "管" + ], + [ + "å°ı", + "çϽ" + ], + [ + "ç½®", + "ä¸ļ" + ], + [ + "èģ", + "ĭ" + ], + [ + "书", + "åĨĻ" + ], + [ + "æĿ", + "ı" + ], + [ + "éħį", + "æĸ¹" + ], + [ + "èĢĮ", + "åıĪ" + ], + [ + "çijŀ", + "士" + ], + [ + "çķĮ", + "çļĦ" + ], + [ + "èĢģ", + "大" + ], + [ + "æĪIJçĨŁ", + "çļĦ" + ], + [ + "å¹²", + "ä»Ģä¹Ī" + ], + [ + "ä¸ĵ项", + "æĸĹäºī" + ], + [ + "çŃī", + "å¤ļ个" + ], + [ + "èĦ±", + "离" + ], + [ + "ä¸ī", + "个æľĪ" + ], + [ + "çłĶç©¶", + "åijĺ" + ], + [ + "æĹĭ", + "转" + ], + [ + "æŀģ", + "èĩ´" + ], + [ + "åħį", + "è´£" + ], + [ + "åħįè´£", + "声æĺİ" + ], + [ + "å¾Īå¤ļ", + "çݩ家" + ], + [ + "车", + "ä¸Ĭ" + ], + [ + "交", + "äºĴ" + ], + [ + "å·²", + "æĺ¯" + ], + [ + "ä¸Ģ", + "å°ı" + ], + [ + "çļĦ", + "éĩįçĤ¹" + ], + [ + "èĬ±", + "äºĨ" + ], + [ + "ä¸į", + "æĺİ" + ], + [ + "æľīåħ³", + "è§Ħå®ļ" + ], + [ + "çĬ¹", + "å¦Ĥ" + ], + [ + "çľ", + "¸" + ], + [ + "å¯", + "¡" + ], + [ + "çļĦ", + "è¡£æľį" + ], + [ + "åĮħ", + "裹" + ], + [ + "身", + "åŃIJ" + ], + [ + "å¸ĪèĮĥ", + "大åѦ" + ], + [ + "äºĭ", + "åħĪ" + ], + [ + "线", + "æĿ¡" + ], + [ + "æ³ķ", + "åζ" + ], + [ + "åħ»", + "æĬ¤" + ], + [ + "稳å®ļ", + "æĢ§" + ], + [ + "éĤ", + "µ" + ], + [ + "åŀĦ", + "æĸŃ" + ], + [ + "é¡", + "į" + ], + [ + "èĢĥ", + "åı¤" + ], + [ + "æĿł", + "æĿĨ" + ], + [ + "èĭı", + "èģĶ" + ], + [ + "æ°´", + "ç͵" + ], + [ + "åħ·ä½ĵ", + "çļĦ" + ], + [ + "æ¿Ģ", + "æ´»" + ], + [ + "æĪij", + "æł¡" + ], + [ + "åĪļ", + "å¼Ģå§ĭ" + ], + [ + "åĩ¸", + "æĺ¾" + ], + [ + "ç¦", + "¾" + ], + [ + "åħ¼", + "èģĮ" + ], + [ + "éĢı", + "éģİ" + ], + [ + "åľ¨", + "游æĪıä¸Ń" + ], + [ + "社ä¼ļ", + "åıijå±ķ" + ], + [ + "好", + "çİ©" + ], + [ + "å¹»", + "æĥ³" + ], + [ + "ä¸į", + "代表" + ], + [ + "注æĦı", + "åĬĽ" + ], + [ + "æ£", + "į" + ], + [ + "ç͍", + "æīĭ" + ], + [ + "ç¾İ", + "人" + ], + [ + "许å¤ļ", + "人" + ], + [ + "å¾Ī", + "æĺ¯" + ], + [ + "çļĦ", + "çłĶåıij" + ], + [ + "æīĵ", + "åĩº" + ], + [ + "åIJĪä¼Ļ", + "人" + ], + [ + "ä¸Ģ", + "å¤ľ" + ], + [ + "ç¼ĵ", + "ç¼ĵ" + ], + [ + "ä¿®", + "æŃ£" + ], + [ + "æĦŁ", + "çŁ¥" + ], + [ + "ç»Ī", + "身" + ], + [ + "æ¿Ģ", + "ç´ł" + ], + [ + "çݯå¢ĥ", + "ä¸ĭ" + ], + [ + "次", + "ä¼ļè®®" + ], + [ + "ç»ıæµİ", + "å¢ŀéķ¿" + ], + [ + "æī", + "Ľ" + ], + [ + "åıij", + "éħµ" + ], + [ + "åĪĨæŀIJ", + "å¸Ī" + ], + [ + "åľ¨", + "æľªæĿ¥" + ], + [ + "主è¦ģ", + "æľī" + ], + [ + "ä¸Ģ", + "åŃ£åº¦" + ], + [ + "çļĦ", + "说æ³ķ" + ], + [ + "ä»İæĿ¥", + "没æľī" + ], + [ + "è´§", + "车" + ], + [ + "缩", + "å°ı" + ], + [ + "太", + "è¿ĩ" + ], + [ + "æķĪ", + "åĬĽ" + ], + [ + "ä¸į", + "ä¸ĭ" + ], + [ + "æĬķ", + "稿" + ], + [ + "èį¯", + "ä¸ļ" + ], + [ + "ç»Ħ", + "éķ¿" + ], + [ + "ç«Ļ", + "çĤ¹" + ], + [ + "å¾Ī", + "åĸľæ¬¢" + ], + [ + "éIJ", + "µ" + ], + [ + "åĬ¿", + "头" + ], + [ + "æ¼ı", + "æ´ŀ" + ], + [ + "æĦ¤", + "æĢĴ" + ], + [ + "åħħ", + "å®ŀ" + ], + [ + "åĪĽä¸ļ", + "æĿ¿" + ], + [ + "çĪ", + "ª" + ], + [ + "æľª", + "å¿ħ" + ], + [ + "åºķ", + "éĥ¨" + ], + [ + "å¾Ĺ", + "åĪĨ" + ], + [ + "人æ°ij", + "åĮ»éĻ¢" + ], + [ + "äºĮæīĭ", + "æĪ¿" + ], + [ + "å·²ç»ı", + "被" + ], + [ + "大", + "楼" + ], + [ + "æĸ°", + "æĪ¿" + ], + [ + "辦", + "æ³ķ" + ], + [ + "ç͍", + "åĬĽ" + ], + [ + "æĭĵ", + "宽" + ], + [ + "åĨħ", + "åľ¨" + ], + [ + "æĴŃ", + "åĩº" + ], + [ + "饰", + "æ¼Ķ" + ], + [ + "ä¹Ł", + "让" + ], + [ + "ä½ľ", + "çĤº" + ], + [ + "çī©ä¸ļ", + "管çIJĨ" + ], + [ + "åį´", + "ä¸į" + ], + [ + "为", + "ä¸ŃåĽ½" + ], + [ + "å±Ģ", + "åĬ¿" + ], + [ + "ä¸į", + "èĤ¯" + ], + [ + "æľĢ", + "æĸ°çļĦ" + ], + [ + "åı¯ä»¥", + "éĢīæĭ©" + ], + [ + "æĺ¾", + "çݰ" + ], + [ + "å°±", + "ç®Ĺæĺ¯" + ], + [ + "åľ¨", + "æł¡" + ], + [ + "é¾", + "Ł" + ], + [ + "两", + "æĿ¡" + ], + [ + "çļĦ", + "å®ŀåĬĽ" + ], + [ + "è¶Ĭ", + "好" + ], + [ + "她", + "åľ¨" + ], + [ + "å¿ł", + "è¯ļ" + ], + [ + "ä¹Ł", + "éľĢè¦ģ" + ], + [ + "游æĪı", + "æĵįä½ľ" + ], + [ + "è¶ħ", + "åĩº" + ], + [ + "å¦Ĥæŀľ", + "ä¸į" + ], + [ + "æīĢåľ¨", + "çļĦ" + ], + [ + "ä½ł", + "è¿ĺ" + ], + [ + "以", + "åĨħ" + ], + [ + "æľī", + "ä¸Ģå®ļ" + ], + [ + "åı¯", + "è¾¾" + ], + [ + "è·ij", + "åΰ" + ], + [ + "åī", + "Ľ" + ], + [ + "建ç«ĭ", + "åģ¥åħ¨" + ], + [ + "æķ´", + "车" + ], + [ + "åīį", + "æĸ¹" + ], + [ + "éĹ´", + "æİ¥" + ], + [ + "çѹ", + "å¤ĩ" + ], + [ + "çĸ²", + "åĬ³" + ], + [ + "离", + "å¼ĢäºĨ" + ], + [ + "æ±", + "Ŀ" + ], + [ + "éĿ¢", + "éĥ¨" + ], + [ + "ä¹ĭåīį", + "çļĦ" + ], + [ + "åıĺ", + "为" + ], + [ + "å¦Ĥæŀľ", + "说" + ], + [ + "对", + "ä»ĺ" + ], + [ + "åĿĩ", + "åı¯" + ], + [ + "被åijĬ", + "人" + ], + [ + "ç²¾", + "ç¾İ" + ], + [ + "èģļ", + "ä¼ļ" + ], + [ + "çĿĢ", + "æĢ¥" + ], + [ + "è°·", + "æŃĮ" + ], + [ + "ä¸Ģ", + "åı·" + ], + [ + "红", + "åĪ©" + ], + [ + "ä¼łå¥ĩ", + "游æĪı" + ], + [ + "å»", + "ĸ" + ], + [ + "è´", + "ŀ" + ], + [ + "ä¹°", + "åΰ" + ], + [ + "éŃ", + "ļ" + ], + [ + "ä½ĵ", + "è´¨" + ], + [ + "å°ij", + "äºĨ" + ], + [ + "æ³ī", + "å·ŀ" + ], + [ + "åIJ", + "Ł" + ], + [ + "ç»Ŀ", + "ä¸į" + ], + [ + "é»ij", + "æģ¶" + ], + [ + "é»ijæģ¶", + "åĬ¿åĬĽ" + ], + [ + "ä¸Ĭ", + "æĺł" + ], + [ + "çļĦè¯Ŀ", + "é¢ĺ" + ], + [ + "ä¸ĩ人", + "次" + ], + [ + "ä¸ĸ", + "éĹ´" + ], + [ + "ç͍", + "å·¥" + ], + [ + "è´¯", + "ç©¿" + ], + [ + "å®Ŀ", + "çŁ³" + ], + [ + "ä½ł", + "好" + ], + [ + "åĪĩ", + "åī²" + ], + [ + "强", + "åĽ½" + ], + [ + "åĽŀ", + "èIJ½" + ], + [ + "æ°´", + "æĻ¶" + ], + [ + "模", + "仿" + ], + [ + "æ´ª", + "æ°´" + ], + [ + "éĢĻ", + "麼" + ], + [ + "åįģä¸ī", + "äºĶ" + ], + [ + "ä½", + "ij" + ], + [ + "éĻ", + "Ħä»¶" + ], + [ + "çļĦ", + "å¢ŀéķ¿" + ], + [ + "éĻĦ", + "å±ŀ" + ], + [ + "çݰ", + "å·²" + ], + [ + "帮", + "ä½ł" + ], + [ + "éĩij", + "çīĮ" + ], + [ + "é«ĺ", + "åİŁ" + ], + [ + "åľ¨", + "å®¶éĩĮ" + ], + [ + "éĺ²", + "èħIJ" + ], + [ + "ç¡®å®ŀ", + "æĺ¯" + ], + [ + "宣", + "讲" + ], + [ + "天", + "æīį" + ], + [ + "ç»ıèIJ¥", + "管çIJĨ" + ], + [ + "éĶħ", + "çĤī" + ], + [ + "åIJĪ", + "ä¸Ģ" + ], + [ + "è§Ĥ", + "èµı" + ], + [ + "éķ¿", + "è¾¾" + ], + [ + "主ä¹ī", + "æĢĿæĥ³" + ], + [ + "éĤ£", + "麼" + ], + [ + "é£İ", + "äºij" + ], + [ + "为主", + "çļĦ" + ], + [ + "æļij", + "åģĩ" + ], + [ + "æĮģ", + "ä¹ħ" + ], + [ + "å¼Ĥ", + "åľ°" + ], + [ + "å¼Ģ", + "éŨ" + ], + [ + "模", + "æĿ¿" + ], + [ + "æī¹", + "次" + ], + [ + "ä¸į", + "便" + ], + [ + "天", + "çĶŁ" + ], + [ + "åĩł", + "个æľĪ" + ], + [ + "ä¸ĵ", + "ç§ij" + ], + [ + "åı¦", + "æľī" + ], + [ + "åħ¬å¸ĥ", + "çļĦ" + ], + [ + "æĩ", + "·" + ], + [ + "åľº", + "åIJĪ" + ], + [ + "çļĦå¿ĥ", + "æĢģ" + ], + [ + "è¿ĺ", + "好" + ], + [ + "å®ŀ", + "æĪĺ" + ], + [ + "èĢģå¸Ī", + "çļĦ" + ], + [ + "åħ©", + "åĢĭ" + ], + [ + "åı¯", + "åľ¨" + ], + [ + "éĤ£", + "ä½į" + ], + [ + "å¥ł", + "å®ļäºĨ" + ], + [ + "ä¿ĥ", + "éĶĢ" + ], + [ + "æı´", + "åĬ©" + ], + [ + "ä¸ĩ", + "çī©" + ], + [ + "æĥħ", + "æĬ¥" + ], + [ + "é¦ĸåħĪ", + "è¦ģ" + ], + [ + "æĸĩåĮĸ", + "åĴĮ" + ], + [ + "éĥ½", + "å·²ç»ı" + ], + [ + "ä¸Ĭ", + "ä¸ĸ纪" + ], + [ + "åĨľ", + "åľº" + ], + [ + "大", + "æī¹" + ], + [ + "æĺİçϽ", + "äºĨ" + ], + [ + "çļĦ", + "æĪIJéķ¿" + ], + [ + "çļĦ", + "æ¯ĶèµĽ" + ], + [ + "失", + "误" + ], + [ + "åģļ", + "æĪIJ" + ], + [ + "ä»Ĭ天", + "å°ıç¼ĸ" + ], + [ + "é¢Ĩ", + "è¢ĸ" + ], + [ + "æıIJåįĩ", + "äºĨ" + ], + [ + "å¾IJ", + "å·ŀ" + ], + [ + "ä»į", + "æľī" + ], + [ + "è¿ĩ", + "滤" + ], + [ + "å¹½", + "é»ĺ" + ], + [ + "çĥŃ", + "éĩı" + ], + [ + "ä¸Ģ", + "é¦ĸ" + ], + [ + "æ¼Ĥ亮", + "çļĦ" + ], + [ + "åĩł", + "ç§į" + ], + [ + "åĢ¡", + "è®®" + ], + [ + "å°±åı¯ä»¥", + "äºĨ" + ], + [ + "æİĴ", + "åĪĹ" + ], + [ + "éĩį", + "éĩį" + ], + [ + "ä¼ģä¸ļ", + "åĴĮ" + ], + [ + "ä¸ĵ", + "å±ŀ" + ], + [ + "çħ", + "İ" + ], + [ + "亲", + "æĪļ" + ], + [ + "çϾåĪĨ", + "ä¹ĭ" + ], + [ + "稿", + "ä»¶" + ], + [ + "è¿ĺ", + "å¾Ĺ" + ], + [ + "人", + "åĵ¡" + ], + [ + "äºī", + "夺" + ], + [ + "æĽ´", + "容æĺĵ" + ], + [ + "大", + "èĩªçĦ¶" + ], + [ + "鼻", + "èħ¦" + ], + [ + "太", + "空" + ], + [ + "åľ°", + "å¤Ħ" + ], + [ + "å¤", + "¢" + ], + [ + "ä»ĸ", + "对" + ], + [ + "å¿ħ", + "å°Ĩ" + ], + [ + "ä¸į", + "å½ĵ" + ], + [ + "严", + "è°¨" + ], + [ + "åĩº", + "åľº" + ], + [ + "å·²ç»ı", + "æľī" + ], + [ + "é¢Ĩ", + "åĨĽ" + ], + [ + "é«ĺ", + "æ¡£" + ], + [ + "ä¸Ģ", + "æīĢ" + ], + [ + "æł", + "Ĺ" + ], + [ + "让", + "åѦçĶŁ" + ], + [ + "æĽ¹", + "æĵį" + ], + [ + "æŁIJ", + "ä¸Ģ" + ], + [ + "伸", + "åĩº" + ], + [ + "èĬ±", + "åįī" + ], + [ + "æ¸ħ", + "éĨĴ" + ], + [ + "èģĶç³»", + "æĸ¹å¼ı" + ], + [ + "åĪĨ", + "å±Ģ" + ], + [ + "èħ", + "³" + ], + [ + "æ©¡", + "èĥ¶" + ], + [ + "éķ¿", + "å¾Ĺ" + ], + [ + "绿", + "åľ°" + ], + [ + "è¢", + "į" + ], + [ + "çļĦ", + "èīºæľ¯" + ], + [ + "女", + "æľĭåıĭ" + ], + [ + "ä¸Ń", + "è¶ħ" + ], + [ + "离", + "åŃIJ" + ], + [ + "å¤ļæł·", + "åĮĸ" + ], + [ + "éĺ³", + "åı°" + ], + [ + "ä½İ", + "碳" + ], + [ + "ä¸Ģ", + "ç±»" + ], + [ + "çŃīæĸ¹éĿ¢", + "çļĦ" + ], + [ + "å¾Ĺ", + "好" + ], + [ + "模", + "åħ·" + ], + [ + "ä¸ĩ", + "亿" + ], + [ + "çķĻ", + "æĦı" + ], + [ + "临", + "æ²Ĥ" + ], + [ + "å°ij", + "éĩı" + ], + [ + "çľĭ", + "åIJij" + ], + [ + "ç»ıèIJ¥", + "èĢħ" + ], + [ + "çķĻä¸ĭ", + "äºĨ" + ], + [ + "åĿı", + "äºĨ" + ], + [ + "åijĬ", + "åĪ«" + ], + [ + "羣", + "çIJĨ" + ], + [ + "ç¼´", + "è´¹" + ], + [ + "æĬĬ", + "ä½ł" + ], + [ + "çļĦ", + "ä»»åĬ¡" + ], + [ + "æĪij", + "对" + ], + [ + "ä¹°", + "åħ¥" + ], + [ + "çĻ»", + "ä¸Ĭ" + ], + [ + "æľī", + "两个" + ], + [ + "ä¸Ģ", + "头" + ], + [ + "æĵį", + "æİ§" + ], + [ + "åħ¨", + "è¦ĨçĽĸ" + ], + [ + "çĿĢ", + "æīĭ" + ], + [ + "å¢Ļ", + "éĿ¢" + ], + [ + "å¤ļ", + "æĸ¹" + ], + [ + "åı¯çα", + "çļĦ" + ], + [ + "ä¹Ł", + "åı¯èĥ½" + ], + [ + "æľĢ", + "æľī" + ], + [ + "è¿ĻäºĽ", + "éĥ½æĺ¯" + ], + [ + "æĥ", + "¡" + ], + [ + "å®", + "®" + ], + [ + "å¾Ī", + "å°ı" + ], + [ + "éĹ®é¢ĺ", + "æĺ¯" + ], + [ + "åĿĩ", + "æľī" + ], + [ + "å¾ģ", + "éĽĨ" + ], + [ + "说", + "åĩº" + ], + [ + "æľī", + "æĦı" + ], + [ + "é¢", + "Ĥ" + ], + [ + "æī¬", + "å·ŀ" + ], + [ + "åķĨä¸ļ", + "模å¼ı" + ], + [ + "çĶŁ", + "èĤĸ" + ], + [ + "æįIJ", + "款" + ], + [ + "å²", + "Ĥ" + ], + [ + "ç¾İ", + "æĻ¯" + ], + [ + "è¿ĺ", + "羣" + ], + [ + "æĭ¥", + "æĬ±" + ], + [ + "身ä½ĵ", + "åģ¥åº·" + ], + [ + "æ·±", + "å¤Ħ" + ], + [ + "çľ¼", + "ç¥ŀ" + ], + [ + "çļĦ", + "形象" + ], + [ + "ä¼ĺ", + "è¶Ĭ" + ], + [ + "å½ĵ", + "æĪIJ" + ], + [ + "åĮº", + "åĪĨ" + ], + [ + "åİ»", + "éϤ" + ], + [ + "注", + "å®ļ" + ], + [ + "å§IJ", + "妹" + ], + [ + "åĮº", + "åĨħ" + ], + [ + "é©", + "ļ" + ], + [ + "æļĹ", + "示" + ], + [ + "æĺİ", + "亮" + ], + [ + "æħ°", + "éĹ®" + ], + [ + "å¸Ĥåľº", + "份é¢Ŀ" + ], + [ + "çĮª", + "èĤī" + ], + [ + "çļĦ", + "èµĦéĩij" + ], + [ + "åİĨ", + "ç»ı" + ], + [ + "å§ĭç»Ī", + "åĿļæĮģ" + ], + [ + "çĶŁ", + "æľº" + ], + [ + "ä¸į", + "顾" + ], + [ + "éĩij", + "åĪļ" + ], + [ + "大", + "声" + ], + [ + "éĻķ", + "西çľģ" + ], + [ + "é²", + "į" + ], + [ + "åĨľä¸ļ", + "åĨľæĿij" + ], + [ + "æľī", + "害" + ], + [ + "éŨ", + "è¯Ĭ" + ], + [ + "æ¯ı", + "ä¸Ģ次" + ], + [ + "çļĦ", + "åĽłç´ł" + ], + [ + "é¢Ŀ", + "å¤ĸ" + ], + [ + "åİ¿", + "级" + ], + [ + "çļĩ", + "åIJİ" + ], + [ + "åĽ½", + "ä¼ģ" + ], + [ + "é¦ĸ", + "éĢī" + ], + [ + "ç¼ĸ", + "åĨĻ" + ], + [ + "æĭ¿", + "èµ·" + ], + [ + "åģ·", + "åģ·" + ], + [ + "ä¸İ", + "ä¸ŃåĽ½" + ], + [ + "åįĸ", + "å®¶" + ], + [ + "ç»Ļ", + "ä»ĸ们" + ], + [ + "ç¥ŀ", + "è¯Ŀ" + ], + [ + "åѸ", + "æł¡" + ], + [ + "æĪij", + "ä¸Ģ缴" + ], + [ + "çŁ¥éģĵ", + "äºĨ" + ], + [ + "åį", + "Ĵ" + ], + [ + "åĴĮ", + "åľ°åĮº" + ], + [ + "ä»Ģä¹Ī", + "éĥ½" + ], + [ + "çĶ»", + "å®¶" + ], + [ + "æľ¬", + "çĿĢ" + ], + [ + "ä½Ļ", + "åIJį" + ], + [ + "审", + "çIJĨ" + ], + [ + "ä¸Ģ", + "åIJij" + ], + [ + "åıijå±ķ", + "è¶ĭåĬ¿" + ], + [ + "åĮº", + "éĹ´" + ], + [ + "注åĨĮ", + "èµĦæľ¬" + ], + [ + "çIJ", + "¦" + ], + [ + "ä¸į", + "åı¯ä»¥" + ], + [ + "çļĦ", + "åĦ¿åŃIJ" + ], + [ + "å̼", + "çıŃ" + ], + [ + "ä¸¥æł¼", + "çļĦ" + ], + [ + "å®ŀä½ĵ", + "ç»ıæµİ" + ], + [ + "æľī", + "æĿĥ" + ], + [ + "æĪij", + "åıĪ" + ], + [ + "éĵ¶", + "æ²³" + ], + [ + "ç«ĭ", + "马" + ], + [ + "æĿĢ", + "äºĨ" + ], + [ + "åĮħ", + "容" + ], + [ + "管", + "å®¶" + ], + [ + "身", + "é«Ķ" + ], + [ + "éĵ", + "ħ" + ], + [ + "å°ı", + "åŃIJ" + ], + [ + "管çIJĨ", + "ç³»ç»Ł" + ], + [ + "æľīçļĦ", + "人" + ], + [ + "é£İ", + "ç͵" + ], + [ + "æĻºèĥ½", + "åζéĢł" + ], + [ + "ç²¾", + "ç¡®" + ], + [ + "æĭĽåķĨ", + "å¼ķ" + ], + [ + "æĭĽåķĨå¼ķ", + "èµĦ" + ], + [ + "äºĮæīĭ", + "车" + ], + [ + "åİ¿", + "å§Ķ" + ], + [ + "èīº", + "人" + ], + [ + "å¥", + "ķ" + ], + [ + "è¿İ", + "æĿ¥äºĨ" + ], + [ + "ç»ĵæĿŁ", + "äºĨ" + ], + [ + "çļĦ", + "ä¼łç»Ł" + ], + [ + "æĭ¼", + "æIJı" + ], + [ + "奥", + "迪" + ], + [ + "çĸij", + "æĥij" + ], + [ + "ä¹ĭ", + "æĹ¥èµ·" + ], + [ + "æłĩå¿Ĺ", + "çĿĢ" + ], + [ + "åľ°", + "åįĢ" + ], + [ + "è¯ł", + "éĩĬ" + ], + [ + "åΰ", + "æľŁ" + ], + [ + "åħ¨", + "éĥ½" + ], + [ + "çŁŃ", + "æļĤ" + ], + [ + "æĺ¯", + "æĪijåĽ½" + ], + [ + "æĪij", + "å·²ç»ı" + ], + [ + "æ»´", + "æ»´" + ], + [ + "天", + "èµĭ" + ], + [ + "对", + "她" + ], + [ + "åį«çĶŁ", + "éĹ´" + ], + [ + "çĶŁäº§", + "åŁºåľ°" + ], + [ + "æĹ¥", + "è®°" + ], + [ + "çļĦ", + "æķĻåѦ" + ], + [ + "åĵ", + "ĩ" + ], + [ + "æ°ij", + "äºĭ" + ], + [ + "è¿ĺ", + "åİŁ" + ], + [ + "æīĭ", + "ä¸ŃçļĦ" + ], + [ + "çļĦ", + "èī¯å¥½" + ], + [ + "æ·", + "«" + ], + [ + "ä¸Ńåħ±", + "ä¸Ń央" + ], + [ + "åĪ", + "ĥ" + ], + [ + "åĵ", + "Ħ" + ], + [ + "åľ¨", + "ä»ĸçļĦ" + ], + [ + "å°Ī", + "æ¥Ń" + ], + [ + "åľº", + "éĿ¢" + ], + [ + "éĤ»", + "å±ħ" + ], + [ + "çĹ", + "Ĵ" + ], + [ + "å¦", + "Ħ" + ], + [ + "å¤ĸ", + "ç§ij" + ], + [ + "ä¸į", + "éĢĤ" + ], + [ + "举åĬŀ", + "çļĦ" + ], + [ + "é", + "Ĥ¹" + ], + [ + "åħļçļĦ", + "建设" + ], + [ + "çϼ", + "表" + ], + [ + "è·¨", + "çķĮ" + ], + [ + "æ²ī", + "æ·Ģ" + ], + [ + "大", + "çīĩ" + ], + [ + "è¶Ĭ", + "é«ĺ" + ], + [ + "å°Ĩ", + "æĺ¯" + ], + [ + "è§ī", + "éĨĴ" + ], + [ + "åĤ¨", + "åŃĺ" + ], + [ + "å¢ŀ", + "大" + ], + [ + "ä¸į", + "让" + ], + [ + "æķ´", + "å½¢" + ], + [ + "å¹³åı°", + "ä¸Ĭ" + ], + [ + "åĩł", + "ä½į" + ], + [ + "è¯ī", + "æ±Ĥ" + ], + [ + "好", + "ä¸į好" + ], + [ + "åľ", + "į" + ], + [ + "æĸĩ", + "æľ¬" + ], + [ + "é̲", + "åħ¥" + ], + [ + "ç´", + "į" + ], + [ + "æł¹", + "æĵļ" + ], + [ + "èįī", + "æ¡Ī" + ], + [ + "åħŃ", + "个" + ], + [ + "åĭ", + "¿" + ], + [ + "åζ", + "æĪIJ" + ], + [ + "饮", + "æ°´" + ], + [ + "æ°¸", + "æģĴ" + ], + [ + "èĩª", + "æĿĢ" + ], + [ + "åı¸", + "马" + ], + [ + "éļ¾", + "çĤ¹" + ], + [ + "为", + "æĪij们" + ], + [ + "å¼", + "§" + ], + [ + "åī©", + "ä¸ĭçļĦ" + ], + [ + "åĩĨå¤ĩ", + "好" + ], + [ + "çļĦ", + "æľĢä½³" + ], + [ + "èģĶåIJĪ", + "ä¼ļ" + ], + [ + "æĤ£èĢħ", + "çļĦ" + ], + [ + "æĪijä¸į", + "çŁ¥éģĵ" + ], + [ + "ä¸ĭ", + "ä¸Ģ个" + ], + [ + "åıijå±ķ", + "æĸ¹åIJij" + ], + [ + "ç¬", + "¨" + ], + [ + "æīĢ以", + "æĪij们" + ], + [ + "åĨĻ", + "äºĨ" + ], + [ + "éĢł", + "æĪIJäºĨ" + ], + [ + "æ²Ļ", + "æ¼ł" + ], + [ + "çŃĽ", + "éĢī" + ], + [ + "çģ¾", + "åĮº" + ], + [ + "ä¸Ĭ", + "çľĭ" + ], + [ + "éħ", + "¶" + ], + [ + "æ»ļ", + "åĬ¨" + ], + [ + "éļ¾", + "åħį" + ], + [ + "åIJī", + "åĪ©" + ], + [ + "ä¸Ģ", + "ä¸Ģ" + ], + [ + "ç²¾", + "å¯Ĩ" + ], + [ + "伸", + "æīĭ" + ], + [ + "礼", + "仪" + ], + [ + "åħ¨", + "æĺ¯" + ], + [ + "è¶Ĭ", + "大" + ], + [ + "ä¸Ń", + "æłĩ" + ], + [ + "åıĸ", + "åĨ³" + ], + [ + "åıĸåĨ³", + "äºİ" + ], + [ + "éĢĶ", + "ä¸Ń" + ], + [ + "讨", + "åİĮ" + ], + [ + "æīĭ", + "åĨĮ" + ], + [ + "第", + "ä¹Ŀ" + ], + [ + "åŃĶ", + "åŃIJ" + ], + [ + "çĦ¶", + "å¾Į" + ], + [ + "ä¸Ģ", + "åħ±" + ], + [ + "æµ·", + "æĬ¥" + ], + [ + "款", + "å¼ı" + ], + [ + "æķ´", + "天" + ], + [ + "è¾¹", + "çķĮ" + ], + [ + "è·¯", + "è¾¹" + ], + [ + "æĻĭ", + "级" + ], + [ + "åIJIJ", + "æ§½" + ], + [ + "çļĦ", + "åħ³æ³¨" + ], + [ + "æĪij", + "没æľī" + ], + [ + "å°±æĺ¯", + "åľ¨" + ], + [ + "缮", + "çļĦæĺ¯" + ], + [ + "åį³ä½¿", + "æĺ¯" + ], + [ + "é¡¶", + "å°ĸ" + ], + [ + "å·²ç»ı", + "åľ¨" + ], + [ + "å®īåħ¨", + "éļIJæĤ£" + ], + [ + "æłĩ", + "æĿĨ" + ], + [ + "åįĹ", + "éĢļ" + ], + [ + "ä¼ļ", + "对" + ], + [ + "座", + "ä½į" + ], + [ + "èµ¢å¾Ĺ", + "äºĨ" + ], + [ + "åİŁæĿ¥", + "çļĦ" + ], + [ + "身", + "为" + ], + [ + "书", + "åºĹ" + ], + [ + "è¢Ń", + "åĩ»" + ], + [ + "ä»Ĭ", + "æĻļ" + ], + [ + "以", + "èī²" + ], + [ + "以èī²", + "åĪĹ" + ], + [ + "æĬĸ", + "éŁ³" + ], + [ + "åį´", + "没æľī" + ], + [ + "丧", + "失" + ], + [ + "çļĦ", + "å±ĢéĿ¢" + ], + [ + "åįģåĽĽ", + "äºĶ" + ], + [ + "çŃī", + "缸åħ³" + ], + [ + "æ±ĩ", + "æĢ»" + ], + [ + "å¤ĸ", + "表" + ], + [ + "为", + "æ°ij" + ], + [ + "éľĩ", + "æĥĬ" + ], + [ + "å¥Ĺ", + "è·¯" + ], + [ + "çĬ¯ç½ª", + "å«Įçĸij" + ], + [ + "å°Ĩ", + "以" + ], + [ + "çİĩ", + "é¢Ĩ" + ], + [ + "éħĴ", + "åIJ§" + ], + [ + "è¡Įä¸ļ", + "åıijå±ķ" + ], + [ + "å¹´", + "èĩ³" + ], + [ + "åύ", + "æĿIJ" + ], + [ + "åĴĮ", + "æĬĢæľ¯" + ], + [ + "æľĢ", + "å°ı" + ], + [ + "è¿Ļä¸Ģ", + "åĪĩ" + ], + [ + "èģĮ", + "ç§°" + ], + [ + "å½ĵ", + "ä½ľ" + ], + [ + "æİĢ", + "èµ·" + ], + [ + "åĴ", + "ĭ" + ], + [ + "ä¸Ń", + "éĥ¨" + ], + [ + "æīĭ", + "èĩĤ" + ], + [ + "ç½¢", + "äºĨ" + ], + [ + "媳", + "å¦ĩ" + ], + [ + "æ´½", + "è°Ī" + ], + [ + "æĹ¶ä»£", + "ä¸ŃåĽ½" + ], + [ + "人çĶŁ", + "çļĦ" + ], + [ + "æŀģ", + "éĻIJ" + ], + [ + "ç¦", + "Ħ" + ], + [ + "åĮº", + "æĶ¿åºľ" + ], + [ + "æľ¬", + "éĴ±" + ], + [ + "礼", + "åĵģ" + ], + [ + "çļĦ", + "éĤ£ä¸ª" + ], + [ + "侦", + "æŁ¥" + ], + [ + "太å¤ļ", + "çļĦ" + ], + [ + "å®ŀæĸ½", + "æĸ¹æ¡Ī" + ], + [ + "é«ĺ", + "æłĩåĩĨ" + ], + [ + "æĮĩæĮ¥", + "éĥ¨" + ], + [ + "å̾", + "æĸľ" + ], + [ + "çī¹èī²", + "社ä¼ļ" + ], + [ + "çµIJ", + "æŀľ" + ], + [ + "éĴ»", + "çŁ³" + ], + [ + "ç§»", + "æ¤į" + ], + [ + "çī¹", + "ç§į" + ], + [ + "èĩª", + "æĦ¿" + ], + [ + "æĭľ", + "çĻ»" + ], + [ + "åįķ", + "身" + ], + [ + "åį´", + "åıĪ" + ], + [ + "åĪ¥", + "人" + ], + [ + "åIJĪ", + "è§Ħ" + ], + [ + "æľº", + "ç͵" + ], + [ + "çī¹", + "æĦı" + ], + [ + "å½ĵåīį", + "ä½įç½®" + ], + [ + "ä¹°", + "å®¶" + ], + [ + "åIJĪ", + "约" + ], + [ + "èĤ©", + "èĨĢ" + ], + [ + "为", + "åĩĨ" + ], + [ + "å®¶", + "è£ħ" + ], + [ + "çļĦ", + "çĥŃæĥħ" + ], + [ + "éĿŀ", + "éģĹ" + ], + [ + "çļĦ", + "éŃħåĬĽ" + ], + [ + "åİŁ", + "åijĬ" + ], + [ + "社ä¼ļ", + "åIJĦçķĮ" + ], + [ + "ä¹°", + "çļĦ" + ], + [ + "å¤ļ", + "åIJĥ" + ], + [ + "éĽķ", + "å¡ij" + ], + [ + "èµ·", + "ä¹ī" + ], + [ + "åĬł", + "åī§" + ], + [ + "éĤ£ä¸Ģ", + "åĪ»" + ], + [ + "å°Ĩ", + "è¿Ľä¸ĢæŃ¥" + ], + [ + "æ¡Ĥ", + "æŀĹ" + ], + [ + "æĽ´", + "强" + ], + [ + "对", + "ä¼ģä¸ļ" + ], + [ + "æĹł", + "æĦı" + ], + [ + "ä¹łè¿ijå¹³", + "æĸ°" + ], + [ + "æµģ", + "失" + ], + [ + "å¾®", + "软" + ], + [ + "缸", + "对äºİ" + ], + [ + "座è°Ī", + "ä¼ļ" + ], + [ + "主", + "èIJ¥ä¸ļ" + ], + [ + "主èIJ¥ä¸ļ", + "åĬ¡" + ], + [ + "ç§ģ", + "åĭŁ" + ], + [ + "å±ķ示", + "äºĨ" + ], + [ + "常æĢģ", + "åĮĸ" + ], + [ + "è²", + "´" + ], + [ + "符", + "åı·" + ], + [ + "å¹´è½»", + "çļĦ" + ], + [ + "å°±", + "éľĢè¦ģ" + ], + [ + "ä¹Ł", + "æĽ¾" + ], + [ + "çļĦæĥħ", + "绪" + ], + [ + "è¾¾", + "æłĩ" + ], + [ + "èĩ", + "¨" + ], + [ + "ä½į", + "å±ħ" + ], + [ + "ä»ħ", + "为" + ], + [ + "é¦ĸ", + "å®¶" + ], + [ + "éĺ´", + "éĺ³" + ], + [ + "ä¸įåĨį", + "æĺ¯" + ], + [ + "åĽłä¸º", + "å®ĥ" + ], + [ + "ä¼ģä¸ļ", + "åľ¨" + ], + [ + "çĺ", + "¾" + ], + [ + "åIJ¬", + "è§ģ" + ], + [ + "åİŁ", + "æľī" + ], + [ + "åζ", + "è£ģ" + ], + [ + "å¯Ĥ", + "å¯ŀ" + ], + [ + "éĢļè¿ĩ", + "对" + ], + [ + "æ»ij", + "éĽª" + ], + [ + "è¿Ļ", + "å¼ł" + ], + [ + "çļĦ", + "çIJĨè§£" + ], + [ + "æĸ°", + "ä¸ŃåĽ½" + ], + [ + "è¿Ļ", + "åĦ¿" + ], + [ + "ä½İ", + "ä»·" + ], + [ + "æĥ³", + "è¿ĩ" + ], + [ + "çļĦ", + "ä¿¡å¿ĥ" + ], + [ + "建çŃij", + "çī©" + ], + [ + "çļĦ", + "é¢ľèī²" + ], + [ + "ä¸į", + "åºĶ该" + ], + [ + "æĹłçĸij", + "æĺ¯" + ], + [ + "å¼ķèµ·", + "äºĨ" + ], + [ + "åħ¨", + "åijĺ" + ], + [ + "æĿ°", + "åĩº" + ], + [ + "è¿Ļæĺ¯", + "æĪij" + ], + [ + "èª", + "°" + ], + [ + "èĺ", + "ĩ" + ], + [ + "éĺµ", + "åľ°" + ], + [ + "åħħ", + "å̼" + ], + [ + "çŁ¿", + "ä¸ļ" + ], + [ + "çĿĢ", + "ä»ĸ" + ], + [ + "ä¿¡", + "访" + ], + [ + "ä¸ĩ", + "è¾¾" + ], + [ + "æij©", + "æĵ¦" + ], + [ + "å¼Ģ", + "端" + ], + [ + "èı²", + "å¾ĭ" + ], + [ + "èı²å¾ĭ", + "宾" + ], + [ + "车", + "åŃIJ" + ], + [ + "æľ¬èº«", + "çļĦ" + ], + [ + "çģ«è½¦", + "ç«Ļ" + ], + [ + "常", + "å·ŀ" + ], + [ + "为", + "代表" + ], + [ + "为代表", + "çļĦ" + ], + [ + "广", + "ç͵" + ], + [ + "亲", + "人" + ], + [ + "åı³", + "æīĭ" + ], + [ + "éĽĨ", + "è£ħ" + ], + [ + "éĽĨè£ħ", + "ç®±" + ], + [ + "çļĦ", + "åį°è±¡" + ], + [ + "æ©Ł", + "æľĥ" + ], + [ + "åĮĨ", + "åĮĨ" + ], + [ + "åħī", + "ç͵" + ], + [ + "大", + "æĸ¹" + ], + [ + "è¿ĺ", + "æľª" + ], + [ + "åĪ©", + "好" + ], + [ + "ç»Ŀ", + "大å¤ļæķ°" + ], + [ + "åľ¨", + "è¿Ļç§į" + ], + [ + "ä¸Ģ", + "ç»Ħ" + ], + [ + "æĸ°", + "èĤ¡" + ], + [ + "转", + "åıij" + ], + [ + "æ³ķ", + "åºŃ" + ], + [ + "æĹł", + "æīĢ" + ], + [ + "éģĵ", + "è·¯ä¸Ĭ" + ], + [ + "çŁ¿", + "å±±" + ], + [ + "èij", + "ī" + ], + [ + "æĶ¶", + "åĽŀ" + ], + [ + "ç§°", + "ä¹ĭ" + ], + [ + "ç§°ä¹ĭ", + "为" + ], + [ + "æıŃ", + "éľ²" + ], + [ + "åı£", + "岸" + ], + [ + "åIJ", + "¼" + ], + [ + "å¿ĥ", + "æĥ³" + ], + [ + "çļĦ", + "梦æĥ³" + ], + [ + "éĽ", + "¯" + ], + [ + "ä¹ĭ", + "åĪĿ" + ], + [ + "å¥ĸ", + "项" + ], + [ + "订", + "éĺħ" + ], + [ + "èĵĿ", + "天" + ], + [ + "åĿ¦", + "åħĭ" + ], + [ + "ç«ĭ", + "æ¡Ī" + ], + [ + "èģĶ", + "æīĭ" + ], + [ + "ä½Ĩæĺ¯", + "æĪij" + ], + [ + "帮", + "æĪij" + ], + [ + "ä»ħ", + "代表" + ], + [ + "说", + "æĪij" + ], + [ + "çļĦ", + "è¶ĭåĬ¿" + ], + [ + "æ¯Ķè¾ĥ", + "大" + ], + [ + "èµ°", + "å»Ĭ" + ], + [ + "éĩįçĤ¹", + "é¡¹çĽ®" + ], + [ + "èµĮ", + "åľº" + ], + [ + "åIJį", + "çīĩ" + ], + [ + "æĦŁ", + "åı¹" + ], + [ + "åľ¨", + "åľ°ä¸Ĭ" + ], + [ + "åıij", + "çĥŃ" + ], + [ + "èĮĥ", + "çķ´" + ], + [ + "çļĦ", + "éģĵè·¯" + ], + [ + "éĩij", + "èī²" + ], + [ + "ä»ĸ", + "åıĪ" + ], + [ + "ä¼ļ", + "产çĶŁ" + ], + [ + "æ°ij", + "åĽ½" + ], + [ + "å®ĺæĸ¹", + "ç½ijç«Ļ" + ], + [ + "æĶ¶çĽĬ", + "çİĩ" + ], + [ + "çļĦ", + "åΰæĿ¥" + ], + [ + "çļĦ", + "åĬŀæ³ķ" + ], + [ + "æĶ¹", + "åζ" + ], + [ + "ä¸ĩ", + "ç§ij" + ], + [ + "ä¸į", + "äºĪ" + ], + [ + "è¿ĻäºĽ", + "éĹ®é¢ĺ" + ], + [ + "çα", + "ä¸Ĭ" + ], + [ + "çIJĥ", + "åľº" + ], + [ + "è´£", + "令" + ], + [ + "æİĪ", + "课" + ], + [ + "åľ¨", + "é¦Ļ港" + ], + [ + "ç»Ĩ", + "èħ»" + ], + [ + "å¤ļ", + "ä¸ĩ" + ], + [ + "åIJĮ", + "å¹´" + ], + [ + "大", + "使" + ], + [ + "æĸ", + "ĭ" + ], + [ + "ä¹Ł", + "为" + ], + [ + "æĥł", + "å·ŀ" + ], + [ + "åIJī", + "祥" + ], + [ + "çͰ", + "åĽŃ" + ], + [ + "åĽ½å®¶", + "éĺŁ" + ], + [ + "éĩį", + "çĶŁ" + ], + [ + "åľ¨", + "åħ¶" + ], + [ + "é¦Ļ", + "åij³" + ], + [ + "è´Ł", + "èį·" + ], + [ + "亲", + "åĪĩ" + ], + [ + "èĩª", + "豪" + ], + [ + "没", + "éĶĻ" + ], + [ + "åĽłä¸º", + "åľ¨" + ], + [ + "æĺŁ", + "æĺŁ" + ], + [ + "éĤ", + "ij" + ], + [ + "è¿ĺæľī", + "å¾Īå¤ļ" + ], + [ + "æij©", + "æīĺ" + ], + [ + "æij©æīĺ", + "车" + ], + [ + "æŃ¥", + "è¡Į" + ], + [ + "管çIJĨ", + "ä½ĵç³»" + ], + [ + "èĦļ", + "ä¸ĭ" + ], + [ + "éģİ", + "åİ»" + ], + [ + "æ±ī", + "è¯Ń" + ], + [ + "对", + "ä¸įèµ·" + ], + [ + "çļĦ", + "ç»ıåİĨ" + ], + [ + "åıĬ", + "缸åħ³" + ], + [ + "ä¸įå°ij", + "人" + ], + [ + "éĩį", + "ç£ħ" + ], + [ + "åĬ³åĬ¨", + "èĢħ" + ], + [ + "大åĬĽ", + "åıijå±ķ" + ], + [ + "æĢİä¹Ī", + "åģļ" + ], + [ + "çĭĹ", + "çĭĹ" + ], + [ + "举åįĹ", + "äºļ" + ], + [ + "åĭĩ", + "äºİ" + ], + [ + "åħ¬", + "éĸĭ" + ], + [ + "çĵ·", + "çłĸ" + ], + [ + "åıĤ", + "çħ§" + ], + [ + "广æĴŃ", + "ç͵è§Ĩ" + ], + [ + "举", + "åĬ¨" + ], + [ + "æ±Ł", + "西çľģ" + ], + [ + "æķĪ", + "èĥ½" + ], + [ + "å͝", + "æľī" + ], + [ + "éĿ¢", + "è²Į" + ], + [ + "èĩªåĬ¨", + "驾驶" + ], + [ + "æ¦ľ", + "åįķ" + ], + [ + "å½ĵ", + "æĪij们" + ], + [ + "仲", + "è£ģ" + ], + [ + "æľ¨", + "æĿIJ" + ], + [ + "ç±³", + "åħ°" + ], + [ + "çϽ", + "éĵ¶" + ], + [ + "çļĦ", + "人éĥ½" + ], + [ + "å°±", + "åĥıæĺ¯" + ], + [ + "æŃ¥", + "åħ¥" + ], + [ + "åįł", + "ç͍" + ], + [ + "åĩ»", + "è´¥" + ], + [ + "让", + "大家" + ], + [ + "ä¼ļ", + "è®©ä½ł" + ], + [ + "åİ¿", + "æĶ¿åºľ" + ], + [ + "è¦ģ", + "ç͍" + ], + [ + "çŃī", + "å½¢å¼ı" + ], + [ + "åįĩ", + "é«ĺ" + ], + [ + "责任", + "æĦŁ" + ], + [ + "å¤ĩ", + "ç͍" + ], + [ + "ä»ĸ", + "认为" + ], + [ + "æ¸ħåįİ", + "大åѦ" + ], + [ + "ä»ĸ", + "èĩªå·±" + ], + [ + "éĸ±", + "è®Ģ" + ], + [ + "太平", + "æ´ĭ" + ], + [ + "éĶģ", + "å®ļ" + ], + [ + "çŃ", + "Ĩ" + ], + [ + "è¿Ļ", + "çīĩ" + ], + [ + "æī§", + "æĶ¿" + ], + [ + "è¿ĶåĽŀ", + "æIJľçĭIJ" + ], + [ + "å°±", + "æŃ¤" + ], + [ + "éģĩ", + "åΰäºĨ" + ], + [ + "å¼Ģå¹ķ", + "å¼ı" + ], + [ + "管çIJĨ", + "éĥ¨éŨ" + ], + [ + "å§¿", + "åĬ¿" + ], + [ + "设", + "æĥ³" + ], + [ + "åĽĽ", + "åŃ£" + ], + [ + "æĬĢæľ¯", + "人åijĺ" + ], + [ + "å·®", + "çĤ¹" + ], + [ + "è¾ŀ", + "èģĮ" + ], + [ + "èĢģ", + "師" + ], + [ + "çļĦ", + "æĦŁåıĹ" + ], + [ + "ä¹Ł", + "éĿŀ常" + ], + [ + "å¹´", + "ä¸ĬåįĬå¹´" + ], + [ + "æĢª", + "çī©" + ], + [ + "èĮĥ", + "æĸĩ" + ], + [ + "æĪĺ", + "å½¹" + ], + [ + "åIJ«", + "ä¹ī" + ], + [ + "åħ¨", + "è¿ĩç¨ĭ" + ], + [ + "èĢĮ", + "éĿŀ" + ], + [ + "éĢļ讯", + "åijĺ" + ], + [ + "è¿Ļæł·", + "æīįèĥ½" + ], + [ + "æľº", + "ç»Ħ" + ], + [ + "è£", + "ı" + ], + [ + "çķ¶", + "çĦ¶" + ], + [ + "èµĮ", + "åįļ" + ], + [ + "åIJĦ", + "æľī" + ], + [ + "å·¥ä½ľ", + "æľºåζ" + ], + [ + "äºĭ", + "åIJİ" + ], + [ + "åī§", + "éĻ¢" + ], + [ + "å±Ĭ", + "æĹ¶" + ], + [ + "åĺ´", + "éĩĮ" + ], + [ + "主", + "线" + ], + [ + "ä¸Ģ", + "åľĪ" + ], + [ + "主è¦ģ", + "åİŁåĽł" + ], + [ + "å°¸", + "ä½ĵ" + ], + [ + "åĮ»çĸĹ", + "åĻ¨æ¢°" + ], + [ + "ä½ł", + "æĢİä¹Ī" + ], + [ + "ä½Ĩ", + "çͱäºİ" + ], + [ + "æĹ¶", + "空" + ], + [ + "çĶ·", + "æľĭåıĭ" + ], + [ + "çĶľ", + "èľľ" + ], + [ + "é«ĺ", + "åľ°" + ], + [ + "æĻ", + "ĸ" + ], + [ + "èĴIJ", + "éĽĨ" + ], + [ + "åĩĿèģļ", + "åĬĽ" + ], + [ + "å¤ĩ", + "åıĹ" + ], + [ + "æĸĩ", + "åĪĽ" + ], + [ + "马", + "æĿ¥" + ], + [ + "马æĿ¥", + "西äºļ" + ], + [ + "æŁ´", + "æ²¹" + ], + [ + "使", + "人" + ], + [ + "æķĻ", + "ä¼ļ" + ], + [ + "ç§ĭ", + "天" + ], + [ + "æĺİ", + "çıł" + ], + [ + "åħŃ", + "åįģ" + ], + [ + "çݯå¢ĥ", + "ä¸Ń" + ], + [ + "æ¸ħ", + "æĻ¨" + ], + [ + "积æŀģ", + "åıĤä¸İ" + ], + [ + "å·ħ", + "å³°" + ], + [ + "为", + "æľŁ" + ], + [ + "çѾ", + "åŃĹ" + ], + [ + "æĦŁ", + "æ¿Ģ" + ], + [ + "ç§ĭ", + "åŃ£" + ], + [ + "æĿij", + "åŃIJ" + ], + [ + "æ¢ħ", + "西" + ], + [ + "æļ´", + "鼨" + ], + [ + "çĶŁæ´»", + "åľ¨" + ], + [ + "çªĹ", + "æĪ·" + ], + [ + "æģ¶", + "åĬ£" + ], + [ + "纯", + "ç²¹" + ], + [ + "åľ¨", + "æİ¥åıĹ" + ], + [ + "没", + "èĥ½" + ], + [ + "è¡Į", + "人" + ], + [ + "åĭ", + "º" + ], + [ + "æĭ¨", + "æīĵ" + ], + [ + "ä½ľ", + "åĩºäºĨ" + ], + [ + "çļĦ", + "主é¢ĺ" + ], + [ + "æľª", + "ä¾Ĩ" + ], + [ + "ä¸Ń", + "æľĢ" + ], + [ + "æ¾", + "ľ" + ], + [ + "é«ĺ", + "è¡Ģåİĭ" + ], + [ + "åħ´", + "èµ·" + ], + [ + "æŃ£", + "èĥ½éĩı" + ], + [ + "åŁ¹è®Ń", + "çıŃ" + ], + [ + "æİ¥", + "åħ¥" + ], + [ + "çĦ¶åIJİ", + "åĨį" + ], + [ + "åѦçĶŁ", + "们" + ], + [ + "é¢ĨåħĪ", + "çļĦ" + ], + [ + "çģ«", + "çĥŃ" + ], + [ + "ä¸ĵ", + "èģĮ" + ], + [ + "æĪĸèĢħ", + "说" + ], + [ + "建", + "è¨Ń" + ], + [ + "é»", + "ı" + ], + [ + "对", + "åħ¬åı¸" + ], + [ + "çī¹", + "æľīçļĦ" + ], + [ + "åħī", + "èį£" + ], + [ + "å½ĵ", + "åľº" + ], + [ + "éĿ¢", + "åŃIJ" + ], + [ + "èµĦ产", + "管çIJĨ" + ], + [ + "æĹ¶æľŁ", + "çļĦ" + ], + [ + "çŀ", + "İ" + ], + [ + "åįİ", + "举" + ], + [ + "åıĪ", + "ä¸Ģ次" + ], + [ + "èĥİ", + "åĦ¿" + ], + [ + "å®ļ", + "çĤ¹" + ], + [ + "头", + "çĹĽ" + ], + [ + "æ¶²", + "ä½ĵ" + ], + [ + "æĺ¯ä¸Ģ", + "ä½į" + ], + [ + "帽", + "åŃIJ" + ], + [ + "å¹´", + "èµ·" + ], + [ + "ä¸į", + "ä½İäºİ" + ], + [ + "è¾ĥ", + "å°ij" + ], + [ + "éĿ¢ä¸´", + "çĿĢ" + ], + [ + "å±Ĥ", + "å±Ĥ" + ], + [ + "èĿ´", + "èĿ¶" + ], + [ + "èī°", + "èĭ¦" + ], + [ + "éĺ¿", + "æł¹" + ], + [ + "éĺ¿æł¹", + "å»·" + ], + [ + "æ¦Ĥ", + "æĭ¬" + ], + [ + "请", + "éĹ®" + ], + [ + "èµ·", + "åºĬ" + ], + [ + "å±Ģ", + "å±Ģéķ¿" + ], + [ + "稳", + "åģ¥" + ], + [ + "å¦Ĥæŀľ", + "æĪij们" + ], + [ + "éħĴ", + "ç²¾" + ], + [ + "æĪ·", + "åı£" + ], + [ + "æĦŁ", + "æĤŁ" + ], + [ + "æĪij们", + "éľĢè¦ģ" + ], + [ + "æĬĢ", + "èīº" + ], + [ + "èĩª", + "åªĴä½ĵ" + ], + [ + "è¿Ľ", + "åĮĸ" + ], + [ + "æ¿ĢçĥĪ", + "çļĦ" + ], + [ + "ä½ĵ", + "温" + ], + [ + "èļ", + "ķ" + ], + [ + "èĩ´", + "è¾ŀ" + ], + [ + "宪", + "æ³ķ" + ], + [ + "ä¸Ģ", + "çŃīå¥ĸ" + ], + [ + "çĵ¶", + "é¢Ī" + ], + [ + "æĥł", + "æ°ij" + ], + [ + "èµ°", + "è·¯" + ], + [ + "çݰ", + "ä»»" + ], + [ + "åķĨ", + "éĩı" + ], + [ + "ä¸ĭ", + "车" + ], + [ + "åĪ", + "ł" + ], + [ + "責", + "ä»»" + ], + [ + "èŀįåIJĪ", + "åıijå±ķ" + ], + [ + "ç´ł", + "æĿIJ" + ], + [ + "æ²¹", + "ä»·" + ], + [ + "åģļ", + "人" + ], + [ + "çŀ", + "ª" + ], + [ + "æĶ¹éĿ©", + "åĪĽæĸ°" + ], + [ + "çļĦ", + "åĮºåĪ«" + ], + [ + "è·¨å¢ĥ", + "ç͵åķĨ" + ], + [ + "æ¶īåıĬ", + "åΰ" + ], + [ + "æīĺ", + "管" + ], + [ + "æĪij", + "è¿ĺæĺ¯" + ], + [ + "åĿIJ", + "æłĩ" + ], + [ + "ç½ij", + "讯" + ], + [ + "å½ĵåľ°", + "çļĦ" + ], + [ + "追", + "溯" + ], + [ + "åľŁ", + "è̳" + ], + [ + "åľŁè̳", + "åħ¶" + ], + [ + "åºķ", + "ä¸ĭ" + ], + [ + "åĩł", + "åįģå¹´" + ], + [ + "ç©¿", + "è¿ĩ" + ], + [ + "çĶŁæĢģ", + "æĸĩæĺİ" + ], + [ + "æİ¨", + "èĸ" + ], + [ + "æİ¨èĸ", + "¦" + ], + [ + "éł", + "Ĩ" + ], + [ + "åĴ³", + "åĹ½" + ], + [ + "åĪĨ", + "æĪIJ" + ], + [ + "çĹķ", + "迹" + ], + [ + "æĪ·", + "ç±į" + ], + [ + "éĥ½", + "ä¸įèĥ½" + ], + [ + "æĻļ", + "ä¼ļ" + ], + [ + "åĢ", + "©" + ], + [ + "ä½ĵ", + "åĬĽ" + ], + [ + "è¿Ļ个", + "èģĮä¸ļ" + ], + [ + "æĹł", + "å½¢" + ], + [ + "åıª", + "æĥ³" + ], + [ + "è¿Ľ", + "åıĸ" + ], + [ + "æĿĢ", + "æŃ»" + ], + [ + "èĦ", + "Ĭ" + ], + [ + "äºij", + "åįĹçľģ" + ], + [ + "æľª", + "çŁ¥" + ], + [ + "ç¾İ", + "èģĶ" + ], + [ + "ç¾İèģĶ", + "åĤ¨" + ], + [ + "å¤ĸ", + "å½¢" + ], + [ + "诱", + "æĥij" + ], + [ + "çĽ", + "£" + ], + [ + "è¡Į", + "使" + ], + [ + "åłĨ", + "积" + ], + [ + "çĨŁ", + "ç»ĥ" + ], + [ + "éĺIJ", + "è¿°" + ], + [ + "æľĢ大", + "éĻIJ度" + ], + [ + "å·¡", + "æŁ¥" + ], + [ + "夺", + "åĨł" + ], + [ + "ä¼ģä¸ļ", + "æĸĩåĮĸ" + ], + [ + "çĭ®", + "åŃIJ" + ], + [ + "ä¿Ŀ", + "å®Ī" + ], + [ + "ä¸ºæł¸å¿ĥ", + "çļĦ" + ], + [ + "æī©", + "æķ£" + ], + [ + "åζéĢł", + "åķĨ" + ], + [ + "æŁĶ", + "软" + ], + [ + "为ä¸Ģä½ĵ", + "çļĦ" + ], + [ + "游", + "çİ©" + ], + [ + "çĶŁ", + "çĹħ" + ], + [ + "幫", + "åĬ©" + ], + [ + "åͱ", + "æŃĮ" + ], + [ + "æīį", + "åı¯ä»¥" + ], + [ + "宽", + "æĿ¾" + ], + [ + "è¦ģ", + "æ¯Ķ" + ], + [ + "æĺ¯", + "æĢİæł·" + ], + [ + "çģ°", + "èī²" + ], + [ + "çİĭ", + "åĽ½" + ], + [ + "æIJħ", + "æĭĮ" + ], + [ + "计", + "éĩı" + ], + [ + "åij¨åĽ´", + "çļĦ" + ], + [ + "æĻºèĥ½", + "æīĭæľº" + ], + [ + "常", + "åĬ¡" + ], + [ + "常åĬ¡", + "åī¯" + ], + [ + "é©", + "´" + ], + [ + "å°Ĩ", + "è¿ij" + ], + [ + "寻", + "常" + ], + [ + "ä¸ŃåĽ½", + "å¸Ĥåľº" + ], + [ + "容", + "åύ" + ], + [ + "å±±", + "ä¸Ĭ" + ], + [ + "èĥĮåIJİ", + "çļĦ" + ], + [ + "亲", + "å¯Ĩ" + ], + [ + "æīĢ以", + "说" + ], + [ + "éİ", + "®" + ], + [ + "çļĦ", + "çIJĨçͱ" + ], + [ + "大", + "åŁİå¸Ĥ" + ], + [ + "常", + "å¹´" + ], + [ + "æĹħ游", + "ä¸ļ" + ], + [ + "å°±æĺ¯", + "è¿Ļæł·" + ], + [ + "åĨį", + "æĿ¥" + ], + [ + "é«ĺ", + "ä½į" + ], + [ + "åĨħ", + "饰" + ], + [ + "æŀĦ", + "éĢł" + ], + [ + "ä¸Ģ", + "èµ·æĿ¥" + ], + [ + "çͳ", + "è«ĭ" + ], + [ + "å·²ç»ı", + "å¼Ģå§ĭ" + ], + [ + "çļĦ", + "åĬ¨ä½ľ" + ], + [ + "被", + "è¿«" + ], + [ + "éģį", + "å¸ĥ" + ], + [ + "åīĸ", + "æŀIJ" + ], + [ + "å°ı", + "äºĭ" + ], + [ + "å¿ĥ", + "ä¸ŃçļĦ" + ], + [ + "ä½ĵåζ", + "æĶ¹éĿ©" + ], + [ + "çļĩ", + "å®¶" + ], + [ + "æķĻ", + "åłĤ" + ], + [ + "åIJĥ", + "å®Į" + ], + [ + "åĽ½æ°ij", + "åħļ" + ], + [ + "æĺİç¡®", + "äºĨ" + ], + [ + "åıijå±ķ", + "è§ĦåĪĴ" + ], + [ + "第ä¸Ģ", + "æŃ¥" + ], + [ + "å¾Ĺ", + "èµ·" + ], + [ + "åľ¨", + "åĵª" + ], + [ + "çļĦ", + "è·¯ä¸Ĭ" + ], + [ + "é»", + "Ķ" + ], + [ + "çķ¶", + "æĻĤ" + ], + [ + "大åĬĽ", + "æĶ¯æĮģ" + ], + [ + "åıĮ", + "éĩį" + ], + [ + "çŁ¥éģĵ", + "èĩªå·±" + ], + [ + "åIJĪä½ľ", + "åįıè®®" + ], + [ + "æ°Ķ", + "åĬ¿" + ], + [ + "éķ¿æķĪ", + "æľºåζ" + ], + [ + "ç½ķ", + "è§ģ" + ], + [ + "åĽŀ", + "æĿ¥äºĨ" + ], + [ + "ä»ĸ", + "ä¼ļ" + ], + [ + "ä¸Ń", + "æĸ°" + ], + [ + "ä¸Ńæĸ°", + "ç½ij" + ], + [ + "çļĦ", + "åķĨåĵģ" + ], + [ + "èµł", + "éĢģ" + ], + [ + "決", + "å®ļ" + ], + [ + "å¸Ĥåľº", + "çĽij管" + ], + [ + "çķĻ", + "åѦçĶŁ" + ], + [ + "ç͵", + "åİĭ" + ], + [ + "äºļ", + "马" + ], + [ + "äºļ马", + "éĢĬ" + ], + [ + "è¿ĺæĺ¯", + "æ¯Ķè¾ĥ" + ], + [ + "ä¿ĥè¿Ľ", + "äºĨ" + ], + [ + "æµģ", + "åħ¥" + ], + [ + "æijĦ", + "åĥı" + ], + [ + "æijĦåĥı", + "头" + ], + [ + "æıIJ", + "åıĬ" + ], + [ + "åıij", + "æİĺ" + ], + [ + "æī¾", + "åĩº" + ], + [ + "æ¢Ŀ", + "ä»¶" + ], + [ + "ç¹¼", + "çºĮ" + ], + [ + "æĪij", + "åĸľæ¬¢" + ], + [ + "å¥", + "İ" + ], + [ + "æ¦ľ", + "æł·" + ], + [ + "å¼Ģ", + "èĬ±" + ], + [ + "æ²ī", + "éĩį" + ], + [ + "åŁº", + "åĩĨ" + ], + [ + "ä»ħä»ħ", + "æĺ¯" + ], + [ + "轨éģĵ", + "交éĢļ" + ], + [ + "åĶIJ", + "å±±" + ], + [ + "çŃī", + "ä¸Ģç³»åĪĹ" + ], + [ + "ä¸įè¿ĩ", + "æĺ¯" + ], + [ + "åŃĺåľ¨", + "çĿĢ" + ], + [ + "èĬ±", + "çĶŁ" + ], + [ + "å¤", + "·" + ], + [ + "ç»Ī", + "ç©¶" + ], + [ + "ä¹Łæĺ¯", + "ä¸Ģ个" + ], + [ + "åįģ", + "åŃĹ" + ], + [ + "èĸª", + "éħ¬" + ], + [ + "伤", + "å¿ĥ" + ], + [ + "æĺ¥", + "ç§ĭ" + ], + [ + "åĨ·", + "åį´" + ], + [ + "ç²¾", + "çģµ" + ], + [ + "çļĦ", + "åľ°åĽ¾" + ], + [ + "æ¯Ķ", + "çī¹" + ], + [ + "æ¯Ķçī¹", + "å¸ģ" + ], + [ + "æĢ§", + "åĪ«" + ], + [ + "ä½Ļ", + "ä¸ĩåħĥ" + ], + [ + "ä¸įå¿ĺ", + "åĪĿå¿ĥ" + ], + [ + "å¿ĥ", + "çĸ¼" + ], + [ + "æĽ²", + "线" + ], + [ + "é«ĺ", + "ä½İ" + ], + [ + "è¦ı", + "å®ļ" + ], + [ + "æĻ¯", + "èī²" + ], + [ + "è¦ģ", + "说" + ], + [ + "åħ¬åı¸", + "å°Ĩ" + ], + [ + "æ¶²", + "åİĭ" + ], + [ + "è¿Ŀ", + "约" + ], + [ + "åİļ", + "度" + ], + [ + "åºŀ", + "大çļĦ" + ], + [ + "è¿ĺæĺ¯", + "å¾Ī" + ], + [ + "é¦ĸåħĪ", + "æĺ¯" + ], + [ + "çµ", + "²" + ], + [ + "åĬ¡", + "å®ŀ" + ], + [ + "並", + "ä¸Ķ" + ], + [ + "å¢ŀ", + "è¿Ľ" + ], + [ + "ç»Ħç»ĩ", + "å¼Ģå±ķ" + ], + [ + "èµ·æĿ¥", + "äºĨ" + ], + [ + "è¾ĥ", + "å°ı" + ], + [ + "导", + "游" + ], + [ + "两", + "åľ°" + ], + [ + "ç¿", + "ĺ" + ], + [ + "çģ¿", + "çĥĤ" + ], + [ + "é£İ", + "éĩĩ" + ], + [ + "æĶ¯", + "线" + ], + [ + "æĶ¯çº¿", + "ä»»åĬ¡" + ], + [ + "娱ä¹IJ", + "åľĪ" + ], + [ + "天津", + "å¸Ĥ" + ], + [ + "åĮħ", + "åĽ´" + ], + [ + "æľ¬", + "èµĽåŃ£" + ], + [ + "éĩįè¦ģ", + "讲è¯Ŀ" + ], + [ + "åıĮ", + "åIJij" + ], + [ + "åįİ", + "丽" + ], + [ + "éĶ", + "¤" + ], + [ + "åĦ¿", + "女" + ], + [ + "åįĸ", + "åĩº" + ], + [ + "ä¾Ĩ", + "說" + ], + [ + "ä»ĭç»į", + "ä¸Ģä¸ĭ" + ], + [ + "åIJ¦", + "认" + ], + [ + "åĭ", + "Ŀ" + ], + [ + "æĻ®éĢļ", + "人" + ], + [ + "çļĦ", + "åĬ¨åĬĽ" + ], + [ + "涨", + "åģľ" + ], + [ + "åŁºéĩij", + "管çIJĨ" + ], + [ + "ä¸Ģ个", + "éĩįè¦ģ" + ], + [ + "è¿IJ", + "æ²³" + ], + [ + "çħ", + "ŀ" + ], + [ + "è´¢æĶ¿", + "éĥ¨" + ], + [ + "è¡Įä¸ļ", + "åįıä¼ļ" + ], + [ + "éĥ½", + "å°Ĩ" + ], + [ + "è¨Ģ", + "论" + ], + [ + "ä¸ĭ", + "ä¾Ĩ" + ], + [ + "墨", + "西" + ], + [ + "墨西", + "åĵ¥" + ], + [ + "åĽłä¸º", + "ä»ĸ们" + ], + [ + "æĢİä¹Ī", + "åĽŀäºĭ" + ], + [ + "åĬłå¤§", + "对" + ], + [ + "èĬ", + "Ń" + ], + [ + "çīĮ", + "åŃIJ" + ], + [ + "ä¼ļ", + "使" + ], + [ + "妹", + "åŃIJ" + ], + [ + "ç«Ļ", + "éķ¿" + ], + [ + "å¿ħ", + "å¤ĩ" + ], + [ + "æłij", + "æľ¨" + ], + [ + "æģ¶", + "æĦı" + ], + [ + "æ²³", + "éģĵ" + ], + [ + "å¯Į", + "è£ķ" + ], + [ + "ç¹ģ", + "åįİ" + ], + [ + "代表", + "åĽ¢" + ], + [ + "æµij", + "身" + ], + [ + "é¦ĸ", + "ä½į" + ], + [ + "èĪªç©º", + "åħ¬åı¸" + ], + [ + "鼻", + "å½±" + ], + [ + "ä¸ĵ", + "è¾ij" + ], + [ + "æ°´", + "æºIJ" + ], + [ + "ä¸Ń", + "æ¯Ĵ" + ], + [ + "並", + "ä¸į" + ], + [ + "èĢĮ", + "åİ»" + ], + [ + "é", + "ĥĿ" + ], + [ + "äºİ", + "æŃ¤" + ], + [ + "æĸĩåĮĸ", + "建设" + ], + [ + "èĤ¯å®ļ", + "ä¼ļ" + ], + [ + "å¸ĮæľĽ", + "大家" + ], + [ + "æıı", + "åĨĻ" + ], + [ + "ä½İ", + "è°ĥ" + ], + [ + "æĸ°åħ´", + "产ä¸ļ" + ], + [ + "æ·Ħ", + "åįļ" + ], + [ + "æĶ¾", + "å¼Ģ" + ], + [ + "çļĦ", + "æĢ§æł¼" + ], + [ + "çĸ¾çĹħ", + "çļĦ" + ], + [ + "æķ´", + "é¡¿" + ], + [ + "线ä¸Ĭ", + "线ä¸ĭ" + ], + [ + "éĢī", + "项" + ], + [ + "çļĦ", + "认åı¯" + ], + [ + "æķ´", + "é½IJ" + ], + [ + "çĶļ", + "ä¹Ī" + ], + [ + "çľģ", + "åĨħ" + ], + [ + "åı¤", + "人" + ], + [ + "æ°ij", + "ä¿Ĺ" + ], + [ + "çī¡", + "丹" + ], + [ + "éŨ", + "çªĹ" + ], + [ + "éĤ£", + "æł·çļĦ" + ], + [ + "çĽijäºĭ", + "ä¼ļ" + ], + [ + "ç¿¡", + "ç¿ł" + ], + [ + "ç¦", + "¹" + ], + [ + "åįĥä¸ĩ", + "ä¸įè¦ģ" + ], + [ + "æĶ¶", + "缩" + ], + [ + "çļĦ", + "æĸĩåŃĹ" + ], + [ + "åĴĮ", + "å°ļ" + ], + [ + "æĮĩ", + "令" + ], + [ + "åħ±äº§", + "åħļåijĺ" + ], + [ + "çļĦ", + "çĪ¶äº²" + ], + [ + "å®Į", + "å·¥" + ], + [ + "åĬ¡", + "å·¥" + ], + [ + "马", + "æĭī" + ], + [ + "马æĭī", + "æĿ¾" + ], + [ + "æµĭ", + "è¯Ħ" + ], + [ + "å²", + "ļ" + ], + [ + "ä¸į", + "åģļ" + ], + [ + "ä¸ĥ", + "å¹´" + ], + [ + "åĿĩ", + "ä»·" + ], + [ + "主", + "è§Ĥ" + ], + [ + "å¾Ī", + "ä¸įéĶĻ" + ], + [ + "èĤ¡ä¸ľ", + "大ä¼ļ" + ], + [ + "äºĶ", + "ä¸Ģ" + ], + [ + "é£İ", + "åIJ¹" + ], + [ + "å¼Ģ", + "éĩĩ" + ], + [ + "è¿Ļä¹Ī", + "大" + ], + [ + "èĥ½", + "çľĭåΰ" + ], + [ + "èĢĥ", + "è¯Ħ" + ], + [ + "åį³", + "便æĺ¯" + ], + [ + "çݰ代", + "åĨľä¸ļ" + ], + [ + "æ¯Ķè¾ĥ", + "é«ĺ" + ], + [ + "è¦ģ", + "çľĭ" + ], + [ + "没", + "äºĨ" + ], + [ + "è§£", + "決" + ], + [ + "çݯ", + "æ¯Ķ" + ], + [ + "åĨ²", + "åĬ¨" + ], + [ + "æ·±", + "å¤ľ" + ], + [ + "åĩł", + "åįĥ" + ], + [ + "ä¿", + "ı" + ], + [ + "ç½ij", + "æ°ij" + ], + [ + "å°±", + "没" + ], + [ + "ä»ĸ", + "表示" + ], + [ + "éĩı", + "åŃIJ" + ], + [ + "æĹ©é¤IJ", + "åĬłçĽŁ" + ], + [ + "åįĬ", + "å²Ľ" + ], + [ + "æIJŀ", + "ç¬ij" + ], + [ + "ä¸Ĭ", + "æĬ¥" + ], + [ + "å¯", + "©" + ], + [ + "é¢Ħ", + "订" + ], + [ + "èľĤ", + "èľľ" + ], + [ + "æŁ¥", + "æī¾" + ], + [ + "ä¼Ĺ", + "æīĢ" + ], + [ + "ä¼ĹæīĢ", + "åij¨" + ], + [ + "ä¼ĹæīĢåij¨", + "çŁ¥" + ], + [ + "æĹ©", + "æĹ¥" + ], + [ + "åıij", + "æī¬" + ], + [ + "åĴĮ", + "个人" + ], + [ + "åĬłåħ¥", + "äºĨ" + ], + [ + "åĸ®", + "ä½į" + ], + [ + "åĪĨ", + "æĺİ" + ], + [ + "第ä¸Ģ", + "æī¹" + ], + [ + "ç¾İ", + "åĨĽ" + ], + [ + "æĿĢ", + "æīĭ" + ], + [ + "éŨ", + "å¤ĸ" + ], + [ + "åķĨ", + "åľĪ" + ], + [ + "ä¸Ģ", + "åĪ»" + ], + [ + "çļĦçľ¼", + "ç¥ŀ" + ], + [ + "éľ", + "Ħ" + ], + [ + "äºĽ", + "ä»Ģä¹Ī" + ], + [ + "åĬł", + "æ·±" + ], + [ + "æ¯ı", + "ä½į" + ], + [ + "å¸Ĥ", + "éĿ¢ä¸Ĭ" + ], + [ + "åıĶ", + "åıĶ" + ], + [ + "çļĦ", + "éĤ£ç§į" + ], + [ + "粤", + "港澳" + ], + [ + "è´´", + "å¿ĥ" + ], + [ + "æĸĩåĮĸ", + "产ä¸ļ" + ], + [ + "红", + "æĹĹ" + ], + [ + "åĺī", + "åħ´" + ], + [ + "æĶ¶", + "çĽĺ" + ], + [ + "å®ĮæĪIJ", + "åIJİ" + ], + [ + "ä¼ģä¸ļ", + "管çIJĨ" + ], + [ + "纵", + "横" + ], + [ + "ä¸į", + "ä¿¡" + ], + [ + "æĪIJ", + "éĥ½å¸Ĥ" + ], + [ + "æ´Ĺ", + "澡" + ], + [ + "举è¡Į", + "çļĦ" + ], + [ + "çĶ¢", + "çĶŁ" + ], + [ + "ç©¿", + "ä¸Ĭ" + ], + [ + "åĪļ", + "好" + ], + [ + "åħī", + "线" + ], + [ + "æīĵ", + "æŀ¶" + ], + [ + "è¿Ļ", + "æľ¬ä¹¦" + ], + [ + "åĶ®åIJİ", + "æľįåĬ¡" + ], + [ + "åĩł", + "åĪĨ" + ], + [ + "ä¸Ĭ", + "次" + ], + [ + "ä¸į", + "åĪĨ" + ], + [ + "产", + "åIJİ" + ], + [ + "éģ¿", + "å¼Ģ" + ], + [ + "ç»Ī", + "æŀģ" + ], + [ + "代表", + "大ä¼ļ" + ], + [ + "æ¼Ķ", + "æĬĢ" + ], + [ + "åĽŀ", + "è´Ń" + ], + [ + "åѦ", + "è´¹" + ], + [ + "éĺ»", + "ç¢į" + ], + [ + "ä¸Ģ大", + "æī¹" + ], + [ + "ç«£", + "å·¥" + ], + [ + "åĨ³", + "å®ļäºĨ" + ], + [ + "ä½Ĩ", + "å¦Ĥæŀľ" + ], + [ + "ç͵", + "æµģ" + ], + [ + "ä¸Ŀ", + "毫" + ], + [ + "èĥ½å¤Ł", + "åľ¨" + ], + [ + "éĶĢåĶ®", + "æĶ¶åħ¥" + ], + [ + "åľ¨", + "åŃ¦æł¡" + ], + [ + "æ°´", + "åĩĨ" + ], + [ + "è§Ĩ", + "线" + ], + [ + "èĩª", + "åľ¨" + ], + [ + "åķĨä¸ļ", + "éĵ¶è¡Į" + ], + [ + "为äºĨ", + "让" + ], + [ + "çį²", + "å¾Ĺ" + ], + [ + "çݩ家", + "æľĭåıĭ" + ], + [ + "éĿ¢", + "èĨľ" + ], + [ + "åĪĨ", + "åī²" + ], + [ + "åī§", + "æľ¬" + ], + [ + "ç«", + "Ń" + ], + [ + "说", + "å¾Ĺ" + ], + [ + "æĥ³", + "çŁ¥éģĵ" + ], + [ + "çļĦ人", + "çī©" + ], + [ + "èĮħ", + "åı°" + ], + [ + "åIJĮ", + "ä¸Ģ个" + ], + [ + "æķ°æį®", + "ä¸Ńå¿ĥ" + ], + [ + "çĶ", + "Ħ" + ], + [ + "åĸľ", + "æĤ¦" + ], + [ + "ä¸ĭæĿ¥", + "çļĦ" + ], + [ + "å®ļ", + "åIJij" + ], + [ + "æŀģ", + "åħ·" + ], + [ + "çļĦ", + "åľŁåľ°" + ], + [ + "éĤ£", + "åĢĭ" + ], + [ + "æijĦ", + "åħ¥" + ], + [ + "äºĨ", + "æĪijçļĦ" + ], + [ + "马", + "è·¯" + ], + [ + "åħ¨", + "社ä¼ļ" + ], + [ + "è®®", + "æ¡Ī" + ], + [ + "å±ĭ", + "åŃIJ" + ], + [ + "åIJį", + "åı«" + ], + [ + "åĮ", + "ª" + ], + [ + "åľ¨", + "å¤ĸéĿ¢" + ], + [ + "åįİ", + "åįĹ" + ], + [ + "åıij", + "è´§" + ], + [ + "å¯Ĵ", + "åĨ·" + ], + [ + "é«ĺçŃī", + "æķĻèĤ²" + ], + [ + "详ç»Ĩ", + "çļĦ" + ], + [ + "个", + "é¡¹çĽ®" + ], + [ + "çĶŁäº§", + "åĬĽ" + ], + [ + "æĹ¶", + "常" + ], + [ + "å°±", + "æľĥ" + ], + [ + "ä¸ĩ", + "èĤ¡" + ], + [ + "éĻĮçĶŁ", + "人" + ], + [ + "æıı", + "ç»ĺ" + ], + [ + "å½ĵ", + "çĦ¶æĺ¯" + ], + [ + "æĭī", + "åĬ¨" + ], + [ + "éĵ¾", + "æĿ¡" + ], + [ + "æī£", + "éϤ" + ], + [ + "ä¸Ģ缴", + "éĥ½" + ], + [ + "å°ı", + "åŃ©åŃIJ" + ], + [ + "伤", + "åı£" + ], + [ + "第äºĮ", + "å±Ĭ" + ], + [ + "è´Ń", + "ç½®" + ], + [ + "çļĩ", + "马" + ], + [ + "æĹł", + "èģĬ" + ], + [ + "表", + "åĨ³" + ], + [ + "诸", + "å¦Ĥ" + ], + [ + "åĵį", + "èµ·" + ], + [ + "é£İ", + "æļ´" + ], + [ + "ä¸Ģæµģ", + "çļĦ" + ], + [ + "ç", + "·¨" + ], + [ + "è§£æĶ¾", + "åĨĽ" + ], + [ + "室", + "å¤ĸ" + ], + [ + "å°±", + "è¿Ļä¹Ī" + ], + [ + "å³", + "¶" + ], + [ + "æīĢæľī", + "人éĥ½" + ], + [ + "æIJľç´¢", + "å¼ķæĵİ" + ], + [ + "çļĦ", + "æĪIJæľ¬" + ], + [ + "åħļ", + "æĶ¿" + ], + [ + "åıijè¡Į", + "人" + ], + [ + "çļĦ", + "äºĭå®ŀ" + ], + [ + "对", + "该" + ], + [ + "åıĹ", + "æįŁ" + ], + [ + "ä¿Ħ", + "ä¹Į" + ], + [ + "é²ľ", + "èĬ±" + ], + [ + "åĨľ", + "èį¯" + ], + [ + "æŀģ", + "éĢŁ" + ], + [ + "æĢ¥", + "æĢ§" + ], + [ + "两", + "ä¼ļ" + ], + [ + "ä¸Ģèά", + "æĿ¥è¯´" + ], + [ + "æµ·", + "é²ľ" + ], + [ + "åĨ", + "Ī" + ], + [ + "ç͍", + "人" + ], + [ + "çĶ¨äºº", + "åįķä½į" + ], + [ + "åĢ", + "ª" + ], + [ + "åĦª", + "æĥł" + ], + [ + "æł¹", + "æºIJ" + ], + [ + "åĽ¢", + "è´Ń" + ], + [ + "ç¾İ", + "æ´²" + ], + [ + "ä¸ĭ", + "è¡Į" + ], + [ + "å¹´", + "æľ«" + ], + [ + "èľ", + "¡" + ], + [ + "è¯ģ", + "ä»¶" + ], + [ + "åľ¨", + "æĪijåĽ½" + ], + [ + "ä¸į", + "åºĶ" + ], + [ + "æĮī", + "æĹ¶" + ], + [ + "åłª", + "ç§°" + ], + [ + "åľº", + "ä¸Ĭ" + ], + [ + "å¹²éĥ¨", + "èģĮå·¥" + ], + [ + "æľī", + "å¾Ī大çļĦ" + ], + [ + "æķ°åŃĹ", + "ç»ıæµİ" + ], + [ + "æ¼Ķ", + "ç»ĥ" + ], + [ + "æį®", + "ç»Łè®¡" + ], + [ + "å¾Ģ", + "æĿ¥" + ], + [ + "广åijĬ", + "æľįåĬ¡" + ], + [ + "çļĦ", + "è·Ŀ离" + ], + [ + "æŃ", + "¸" + ], + [ + "è¨Ģ", + "è¯Ń" + ], + [ + "被", + "èªī" + ], + [ + "被èªī", + "为" + ], + [ + "åĭī", + "强" + ], + [ + "å°Ĭ", + "æķ¬" + ], + [ + "ä¸ĩ", + "亿åħĥ" + ], + [ + "ä¸ŃåĽ½", + "åĽ½éĻħ" + ], + [ + "å¹²", + "é¢Ħ" + ], + [ + "å¹´", + "产" + ], + [ + "èĢķ", + "åľ°" + ], + [ + "èĮ", + "İ" + ], + [ + "åį³", + "æĺ¯" + ], + [ + "æĺ¨", + "æĻļ" + ], + [ + "æĪIJ为", + "ä¸Ģ个" + ], + [ + "çºł", + "æŃ£" + ], + [ + "åij½", + "åIJį" + ], + [ + "é¢ģ", + "å¸ĥ" + ], + [ + "çĮľ", + "æµĭ" + ], + [ + "ä¿ĿèŃ·", + "æĶ¿çŃĸ" + ], + [ + "æĭ", + "¢" + ], + [ + "æ´»", + "æ³¼" + ], + [ + "çŃī", + "éĥ¨éŨ" + ], + [ + "åѦ", + "åΰ" + ], + [ + "å¢ŀå̼", + "ç¨İ" + ], + [ + "èĪª", + "线" + ], + [ + "åĨ", + "¤" + ], + [ + "åįģ", + "åĩłå¹´" + ], + [ + "æİ§èĤ¡", + "èĤ¡ä¸ľ" + ], + [ + "ä¸Ģ", + "éŨ" + ], + [ + "个", + "å·¥ä½ľ" + ], + [ + "ä¸ªå·¥ä½ľ", + "æĹ¥" + ], + [ + "æĸ°", + "西" + ], + [ + "æĸ°è¥¿", + "åħ°" + ], + [ + "论", + "è¯ģ" + ], + [ + "ä»", + "Ĩ" + ], + [ + "åı¦å¤ĸ", + "ä¸Ģ个" + ], + [ + "æĶ¹", + "ç¼ĸ" + ], + [ + "严", + "ç¦ģ" + ], + [ + "åĸľ", + "好" + ], + [ + "个人", + "ä¿¡æģ¯" + ], + [ + "满æĦı", + "度" + ], + [ + "åĵ", + "¨" + ], + [ + "å¸Ī", + "èµĦ" + ], + [ + "æĶ¹", + "为" + ], + [ + "ç«ŀäºī", + "对æīĭ" + ], + [ + "åĩº", + "çĤī" + ], + [ + "åķĨ", + "人" + ], + [ + "大", + "æ£ļ" + ], + [ + "æĮĩ导", + "ä¸ĭ" + ], + [ + "å¦ĩ", + "ç§ij" + ], + [ + "è¼", + "ª" + ], + [ + "æī", + "ģ" + ], + [ + "åIJĮæĹ¶", + "è¿ĺ" + ], + [ + "å¹¶", + "éĢļè¿ĩ" + ], + [ + "æĪĺ", + "éĺŁ" + ], + [ + "èĶĵ", + "å»¶" + ], + [ + "ä¿", + "ŀ" + ], + [ + "éĢĤå½ĵ", + "çļĦ" + ], + [ + "åīį", + "è¾Ī" + ], + [ + "åĵģ", + "åij³" + ], + [ + "湿", + "åľ°" + ], + [ + "æĪIJ", + "åŀĭ" + ], + [ + "ä¸į", + "åıªæĺ¯" + ], + [ + "æĥ©", + "ç½ļ" + ], + [ + "åĩºåı°", + "äºĨ" + ], + [ + "çİ©", + "游æĪı" + ], + [ + "æīį", + "åıijçݰ" + ], + [ + "åºĶ", + "èģĺ" + ], + [ + "å¤ĸ", + "æĿ¥" + ], + [ + "åįł", + "é¢Ĩ" + ], + [ + "å±ķ", + "æľĽ" + ], + [ + "å«", + "Ĥ" + ], + [ + "港", + "èĤ¡" + ], + [ + "æ¡Į", + "ä¸Ĭ" + ], + [ + "æĶ¯", + "æŁ±" + ], + [ + "çļĦæĥħ", + "å½¢" + ], + [ + "广éĺĶ", + "çļĦ" + ], + [ + "æĶ¯", + "è¡Į" + ], + [ + "å´©", + "æºĥ" + ], + [ + "æľĪ", + "ä¸Ń" + ], + [ + "æľĪä¸Ń", + "æĹ¬" + ], + [ + "ç»į", + "åħ´" + ], + [ + "临", + "è¿ij" + ], + [ + "æĬ¤", + "æłı" + ], + [ + "æļ", + "®" + ], + [ + "åįķ", + "èģĮä¸ļ" + ], + [ + "è¾¹", + "å¢ĥ" + ], + [ + "æĹ¥", + "çħ§" + ], + [ + "ä¸Ģ", + "åłĨ" + ], + [ + "缴", + "å¾Ħ" + ], + [ + "åħ±åIJĮ", + "ä½ĵ" + ], + [ + "æĸ°åįİ", + "ç½ij" + ], + [ + "æīĵ", + "好" + ], + [ + "ç͵åĬ¨", + "汽车" + ], + [ + "ä¸į", + "æĺİçϽ" + ], + [ + "éĢĻ", + "裡" + ], + [ + "缼", + "大" + ], + [ + "çİĭ", + "æľĿ" + ], + [ + "åĨį", + "ä¸Ģ次" + ], + [ + "åĬŀåħ¬", + "åİħ" + ], + [ + "è´¨", + "æĬ¼" + ], + [ + "åIJĪ", + "åĩ»" + ], + [ + "人们", + "对" + ], + [ + "鼶", + "é£Ł" + ], + [ + "éĥ½ä¸į", + "çŁ¥éģĵ" + ], + [ + "çļĦ", + "è¯Ńè¨Ģ" + ], + [ + "åĭŁéĽĨ", + "èµĦéĩij" + ], + [ + "åĬ¨", + "èĦī" + ], + [ + "å½", + "¤" + ], + [ + "è¿Ļ", + "åĩłå¹´" + ], + [ + "çŁŃ", + "è§Ĩé¢ij" + ], + [ + "太", + "é«ĺ" + ], + [ + "常", + "å§Ķä¼ļ" + ], + [ + "åĬł", + "çıŃ" + ], + [ + "éĩį", + "å¿ĥ" + ], + [ + "åªĴä½ĵ", + "æĬ¥éģĵ" + ], + [ + "没", + "æ³ķ" + ], + [ + "éĹ»", + "åIJį" + ], + [ + "çĥŃ", + "度" + ], + [ + "å¹¿æ³Ľ", + "çļĦ" + ], + [ + "åħŃ", + "大" + ], + [ + "çī©", + "ä½ĵ" + ], + [ + "ä¸į", + "该" + ], + [ + "é¢ĺ", + "主" + ], + [ + "精彩", + "çļĦ" + ], + [ + "为", + "è¿Ľä¸ĢæŃ¥" + ], + [ + "èĻ", + "ŀ" + ], + [ + "åĽº", + "çĦ¶" + ], + [ + "è´µå·ŀ", + "çľģ" + ], + [ + "çºł", + "ç»ĵ" + ], + [ + "代çIJĨ", + "人" + ], + [ + "æ³ķå®ļ", + "代表" + ], + [ + "åı¦ä¸Ģ", + "ç§į" + ], + [ + "ä¸į", + "åIJ«" + ], + [ + "æĭ¯", + "æķij" + ], + [ + "ä¼ļ", + "ç»Ļ" + ], + [ + "è¯Ĺ", + "è¯į" + ], + [ + "åIJĮ", + "ç±»" + ], + [ + "å¾Ĺ", + "ä¸įåΰ" + ], + [ + "æĬĵ", + "ç´§" + ], + [ + "以", + "åħ¶" + ], + [ + "åħ¥", + "åħļ" + ], + [ + "è¿ĺ", + "åı¯" + ], + [ + "æľŁ", + "åĪĬ" + ], + [ + "å¾Īå¤ļ", + "æĹ¶åĢĻ" + ], + [ + "æĹ¥", + "åIJİ" + ], + [ + "åħ¬", + "约" + ], + [ + "ä¸Ģ", + "举" + ], + [ + "æ¯Ķè¾ĥ", + "å¤ļ" + ], + [ + "éĩij", + "æ²Ļ" + ], + [ + "æį", + "ŀ" + ], + [ + "æİĴ", + "åĩº" + ], + [ + "æŃ¦", + "æľ¯" + ], + [ + "ä¸į", + "æĸ·" + ], + [ + "ä¸Ń", + "èĢĥ" + ], + [ + "ä¿¡", + "èµĸ" + ], + [ + "ä»İä¸ļ", + "人åijĺ" + ], + [ + "çģ«", + "çĦ°" + ], + [ + "éĨĴ", + "æĿ¥" + ], + [ + "ä½İ", + "温" + ], + [ + "é̾", + "æľŁ" + ], + [ + "åĬ±", + "å¿Ĺ" + ], + [ + "éħ", + "¥" + ], + [ + "åı¯è°ĵ", + "æĺ¯" + ], + [ + "è¿Ļ", + "æĦıåij³çĿĢ" + ], + [ + "é¢ł", + "è¦Ĩ" + ], + [ + "åĮĹ京", + "大åѦ" + ], + [ + "ä¸ĵ", + "线" + ], + [ + "åıĬ", + "以ä¸Ĭ" + ], + [ + "è¨", + "ª" + ], + [ + "èĢĮ", + "åIJİ" + ], + [ + "çŁ¥", + "ä¹İ" + ], + [ + "ä¸Ģ对", + "ä¸Ģ" + ], + [ + "å¨ĥ", + "å¨ĥ" + ], + [ + "çģ¾", + "éļ¾" + ], + [ + "åħ¨", + "å±Ģ" + ], + [ + "æīĢå¾Ĺ", + "ç¨İ" + ], + [ + "å®ŀ", + "æĥł" + ], + [ + "èļĤ", + "èļģ" + ], + [ + "ä¹Ł", + "çŁ¥éģĵ" + ], + [ + "温", + "åĴĮ" + ], + [ + "èIJ½", + "ä¸ĭ" + ], + [ + "åŀĭ", + "ä¼ģä¸ļ" + ], + [ + "åĨį", + "ä¹Ł" + ], + [ + "ä¾Ľ", + "çĥŃ" + ], + [ + "é«ĺ", + "æ½®" + ], + [ + "çĢı覽", + "åύ" + ], + [ + "çļĦ", + "巨大" + ], + [ + "åħĪ", + "天" + ], + [ + "å¹´", + "ä¸ŃåĽ½" + ], + [ + "类似", + "çļĦ" + ], + [ + "çIJĨäºĭ", + "ä¼ļ" + ], + [ + "空", + "éĸĵ" + ], + [ + "çģµ", + "æĦŁ" + ], + [ + "åĬĽ", + "æ°Ķ" + ], + [ + "带", + "ä¸Ĭ" + ], + [ + "ä¸į好", + "æĦıæĢĿ" + ], + [ + "æľī", + "ä½ķ" + ], + [ + "å·²", + "åľ¨" + ], + [ + "åıĸ", + "åĩº" + ], + [ + "è¿Ŀæ³ķ", + "çĬ¯ç½ª" + ], + [ + "åŃ¦ä¹ł", + "贯彻" + ], + [ + "åľ°", + "带" + ], + [ + "楼", + "梯" + ], + [ + "çŃī", + "æĥħåĨµ" + ], + [ + "ä»İ", + "åīį" + ], + [ + "çļĦ", + "ä¹łæĥ¯" + ], + [ + "ç³Ł", + "ç³ķ" + ], + [ + "å°±", + "èĥ½å¤Ł" + ], + [ + "è©", + "ķ" + ], + [ + "ä¸Ģ", + "å¾ĭ" + ], + [ + "æĮ«", + "æĬĺ" + ], + [ + "åİŁæĸĩ", + "åľ°åĿĢ" + ], + [ + "å½ĵ", + "å±Ģ" + ], + [ + "ä¸į", + "éĢļ" + ], + [ + "æķ°", + "åįĥ" + ], + [ + "éĺŁä¼į", + "建设" + ], + [ + "æĹ¶", + "èĬĤ" + ], + [ + "åģļ", + "èµ·" + ], + [ + "çļĦ", + "è®°å¿Ĩ" + ], + [ + "ç½ij绾", + "å®īåħ¨" + ], + [ + "åĩ¡", + "æĺ¯" + ], + [ + "æ°", + "¯" + ], + [ + "éĽķ", + "åĪ»" + ], + [ + "åŁĥ", + "åıĬ" + ], + [ + "æĪij", + "åı¯ä»¥" + ], + [ + "çĽij", + "çIJĨ" + ], + [ + "æĽ´", + "åħ·" + ], + [ + "åŁİ", + "管" + ], + [ + "èĭ", + "¯" + ], + [ + "åı¥", + "åŃIJ" + ], + [ + "èĭ¥", + "æľī" + ], + [ + "ä»İæĿ¥", + "ä¸į" + ], + [ + "缸åħ³", + "è´Łè´£" + ], + [ + "å®īåħ¨", + "æĦŁ" + ], + [ + "æĽ´", + "è¦ģ" + ], + [ + "çļĦæĥħ", + "æĦŁ" + ], + [ + "çī¢", + "çī¢" + ], + [ + "è¾ĥ", + "好çļĦ" + ], + [ + "æ°", + "®" + ], + [ + "ç¬ij", + "è¯Ŀ" + ], + [ + "车", + "å±ķ" + ], + [ + "ä¹ĭ", + "ç¾İ" + ], + [ + "ç®Ģ", + "约" + ], + [ + "ç±»åŀĭ", + "çļĦ" + ], + [ + "èĢģ", + "åĮĸ" + ], + [ + "çľĭ", + "ä½ł" + ], + [ + "è¿ĩ", + "åĪĨ" + ], + [ + "éŨ", + "åīį" + ], + [ + "ä¸Ģ", + "éĹ´" + ], + [ + "æĥ³", + "åİ»" + ], + [ + "åª", + "Ľ" + ], + [ + "åľŁ", + "è±Ĩ" + ], + [ + "åıĪ", + "ç§°" + ], + [ + "ä¸Ń", + "ä¿¡" + ], + [ + "åŃĺ", + "éĩı" + ], + [ + "马", + "äºij" + ], + [ + "èĩ´", + "使" + ], + [ + "åħĪ", + "åīį" + ], + [ + "èĢģ", + "åŃIJ" + ], + [ + "æīĵ", + "æī®" + ], + [ + "æ¯ķä¸ļ", + "äºİ" + ], + [ + "æ¯ķä¸ļ", + "åIJİ" + ], + [ + "ç¾İ好", + "çĶŁæ´»" + ], + [ + "å·¥ä¸ļ", + "ä¼ģä¸ļ" + ], + [ + "就好", + "äºĨ" + ], + [ + "èħIJ", + "èļĢ" + ], + [ + "çıį", + "çıł" + ], + [ + "åΰ", + "è¿ĻéĩĮ" + ], + [ + "æīĢéľĢ", + "çļĦ" + ], + [ + "è¿Ļæĺ¯", + "åĽłä¸º" + ], + [ + "çIJĨæĥ³", + "çļĦ" + ], + [ + "å·®å¼Ĥ", + "åĮĸ" + ], + [ + "é", + "®" + ], + [ + "é®", + "®" + ], + [ + "äºļ", + "太" + ], + [ + "æĹł", + "ç©·" + ], + [ + "æıIJ", + "çݰ" + ], + [ + "ä¸ĵä¸ļ", + "æĬĢæľ¯" + ], + [ + "çĶ¢", + "æ¥Ń" + ], + [ + "åѦ", + "åŃIJ" + ], + [ + "ç§ij", + "å¹»" + ], + [ + "åįłåľ°", + "éĿ¢ç§¯" + ], + [ + "ä¸į", + "åĩĨ" + ], + [ + "æľªæĪIJ", + "年人" + ], + [ + "æĶ¶", + "å½ķ" + ], + [ + "è¿ĺ", + "款" + ], + [ + "éĴ¢", + "çŃĭ" + ], + [ + "æ¼", + "¢" + ], + [ + "å¾Ĺ", + "æĦı" + ], + [ + "综åIJĪ", + "ä½ĵ" + ], + [ + "æŀģ", + "é«ĺ" + ], + [ + "åįķ", + "è¯į" + ], + [ + "é«ĺæķĪ", + "çļĦ" + ], + [ + "骨", + "头" + ], + [ + "æī§", + "çĿĢ" + ], + [ + "缼", + "ä¸ĸ" + ], + [ + "模", + "çī¹" + ], + [ + "æĽ´", + "èĥ½" + ], + [ + "ç»Ŀ", + "æľĽ" + ], + [ + "对åºĶ", + "çļĦ" + ], + [ + "æ¨", + "Ĭ" + ], + [ + "æĸ°", + "ä¸ī" + ], + [ + "æĸ°ä¸ī", + "æĿ¿" + ], + [ + "æģ°", + "æģ°" + ], + [ + "åIJį", + "å®¶" + ], + [ + "æł¸å¿ĥ", + "æĬĢæľ¯" + ], + [ + "个", + "å°ı" + ], + [ + "æĢİä¹Ī", + "ä¼ļ" + ], + [ + "说", + "ä¸įå®ļ" + ], + [ + "西", + "çĵľ" + ], + [ + "åĵ", + "İ" + ], + [ + "ç¢", + "Ł" + ], + [ + "å¿ħ", + "ä¸įåı¯" + ], + [ + "å¿ħä¸įåı¯", + "å°ij" + ], + [ + "ä¹ĭ", + "éĸĵ" + ], + [ + "åĪĨ", + "管" + ], + [ + "交éĢļ", + "äºĭæķħ" + ], + [ + "å¼Ģ", + "åĬŀ" + ], + [ + "å¾ģæ±Ĥ", + "æĦıè§ģ" + ], + [ + "äº", + "¨" + ], + [ + "鼻åŃIJ", + "éĥµ" + ], + [ + "鼻åŃIJéĥµ", + "ä»¶" + ], + [ + "ä¿¡æģ¯", + "æľįåĬ¡" + ], + [ + "ä½ł", + "è§īå¾Ĺ" + ], + [ + "缴", + "è§Ĥ" + ], + [ + "å·²", + "å®ĮæĪIJ" + ], + [ + "åĪĨ", + "ä¼ļ" + ], + [ + "åĽŀ", + "åįĩ" + ], + [ + "éļ", + "»" + ], + [ + "好", + "人" + ], + [ + "äºĨè§£", + "ä¸Ģä¸ĭ" + ], + [ + "åį«", + "æµ´" + ], + [ + "æľĢ", + "çα" + ], + [ + "åºŀ", + "大" + ], + [ + "客", + "æĪ¿" + ], + [ + "çijŀ", + "åħ¸" + ], + [ + "éĥ½", + "ä¸įæĺ¯" + ], + [ + "é¤", + "¨" + ], + [ + "èĹ", + "ī" + ], + [ + "çļĦ", + "åIJĦ项" + ], + [ + "为", + "缮æłĩ" + ], + [ + "çļĦ", + "è®¤çŁ¥" + ], + [ + "å½±åĵįåĬĽ", + "çļĦ" + ], + [ + "夸", + "å¼ł" + ], + [ + "佩", + "æĪ´" + ], + [ + "æ±ĩ", + "çİĩ" + ], + [ + "çļĦ", + "çαæĥħ" + ], + [ + "æĺ¥", + "é£İ" + ], + [ + "æĺ¯", + "æĪijçļĦ" + ], + [ + "æ¨", + "¹" + ], + [ + "åįĬ", + "å°ıæĹ¶" + ], + [ + "å±±", + "åİ¿" + ], + [ + "å±±", + "西çľģ" + ], + [ + "èĢĮ", + "è¿Ļ" + ], + [ + "æĽ´å¤ļ", + "ä¿¡æģ¯" + ], + [ + "è¿ĺ", + "æľīä¸ĢäºĽ" + ], + [ + "ç²¾", + "ç»ĨåĮĸ" + ], + [ + "ç¾İ", + "åѦ" + ], + [ + "çͱ", + "æĸ¼" + ], + [ + "ä»ħä¾Ľ", + "åıĤèĢĥ" + ], + [ + "å¾Ī", + "é«ĺçļĦ" + ], + [ + "åıł", + "åĬł" + ], + [ + "è¿Ļä¹Ī", + "说" + ], + [ + "å±ķ", + "åĩº" + ], + [ + "åĽĽ", + "å¤Ħ" + ], + [ + "ä¸ĩ", + "å®¶" + ], + [ + "æĭĽ", + "åĭŁ" + ], + [ + "çļĦ", + "强大" + ], + [ + "æĤ£", + "æľī" + ], + [ + "å°ı", + "äºİ" + ], + [ + "ä¹Łè®¸", + "æĺ¯" + ], + [ + "对", + "èĩªå·±çļĦ" + ], + [ + "èģĮä¸ļ", + "æķĻèĤ²" + ], + [ + "æĿ¥", + "è¿Ľè¡Į" + ], + [ + "æ¡£", + "次" + ], + [ + "æīĵ", + "èµ¢" + ], + [ + "éĥ½æľī", + "çĿĢ" + ], + [ + "åº", + "¸" + ], + [ + "è¯Ń", + "æ°Ķ" + ], + [ + "çͲ", + "éĨĽ" + ], + [ + "空", + "åĨĽ" + ], + [ + "车", + "åĨħ" + ], + [ + "åĽłä¸º", + "ä½ł" + ], + [ + "å®ŀ", + "æķĪ" + ], + [ + "æĥħ", + "ä¾£" + ], + [ + "åıijè¾¾", + "åĽ½å®¶" + ], + [ + "éķľ", + "åŃIJ" + ], + [ + "æ¯į", + "å©´" + ], + [ + "ä½Ĩæĺ¯", + "ä»ĸ" + ], + [ + "积æŀģ", + "æİ¨è¿Ľ" + ], + [ + "大å¹ħ", + "度" + ], + [ + "çļĦ", + "女åĦ¿" + ], + [ + "é¤IJ", + "æ¡Į" + ], + [ + "åIJ¬", + "å¾Ĺ" + ], + [ + "çļĦ", + "积æŀģæĢ§" + ], + [ + "好", + "åIJ§" + ], + [ + "æĹ¥", + "æ¶Īæģ¯" + ], + [ + "æľī", + "ä»»ä½ķ" + ], + [ + "æ¯Ĵ", + "åĵģ" + ], + [ + "æĹ©çĤ¹", + "åĬłçĽŁ" + ], + [ + "第ä¸Ģ", + "天" + ], + [ + "å°½", + "åĬĽ" + ], + [ + "æł", + "ĸ" + ], + [ + "主", + "æīĵ" + ], + [ + "æĺ¯ä¸Ģ", + "åIJį" + ], + [ + "çĪĨ", + "æĸĻ" + ], + [ + "äºĭä¸ļ", + "åıijå±ķ" + ], + [ + "å¾®", + "åķĨ" + ], + [ + "äºİä¸Ģä½ĵ", + "çļĦ" + ], + [ + "çĶŁ", + "çĮª" + ], + [ + "èĩªçĦ¶", + "èµĦæºIJ" + ], + [ + "çŀĦ", + "åĩĨ" + ], + [ + "è§Ħ模", + "åĮĸ" + ], + [ + "å¹¶", + "ä¸İ" + ], + [ + "èĤ¥", + "èĥĸ" + ], + [ + "å®¶", + "ç͍" + ], + [ + "大", + "çĪ·" + ], + [ + "é¢Ħ", + "åijĬ" + ], + [ + "æĿ¥", + "åģļ" + ], + [ + "éĺ³", + "åİ¿" + ], + [ + "æŀĦ", + "çŃij" + ], + [ + "é¢ģ", + "å¥ĸ" + ], + [ + "åİĨåı²", + "æĸĩåĮĸ" + ], + [ + "æľįåĭĻ", + "æĪĸ" + ], + [ + "æĢ»", + "åĨ³èµĽ" + ], + [ + "åıij", + "åŀĭ" + ], + [ + "æĪij", + "羣çļĦ" + ], + [ + "æĽ", + "¦" + ], + [ + "åıĤ", + "ä¼ļ" + ], + [ + "èĦĨ", + "å¼±" + ], + [ + "åĩĨ", + "åħ¥" + ], + [ + "èħ¹", + "éĥ¨" + ], + [ + "åı¸", + "令" + ], + [ + "æĤ²", + "åī§" + ], + [ + "天", + "ä¸Ĭ" + ], + [ + "åı£", + "ä¸Ń" + ], + [ + "ä¸ĩ", + "个" + ], + [ + "åѦ", + "ä¸ļ" + ], + [ + "æıIJ", + "åĢ¡" + ], + [ + "两", + "è¾¹" + ], + [ + "大", + "èĤ¡ä¸ľ" + ], + [ + "åı¤", + "éķĩ" + ], + [ + "è¡Ģ", + "ç³ĸ" + ], + [ + "çļĦ", + "ç¨ĭ度" + ], + [ + "æ£ī", + "èĬ±" + ], + [ + "åIJİ", + "åı°" + ], + [ + "å°±", + "åĮ»" + ], + [ + "æķ´", + "æķ´" + ], + [ + "èĴ", + "²" + ], + [ + "çĽĪåĪ©", + "èĥ½åĬĽ" + ], + [ + "ç±", + "½" + ], + [ + "èĦ", + "«" + ], + [ + "çľĭ", + "éĩį" + ], + [ + "å®¶", + "éķ·" + ], + [ + "èģĺ", + "ç͍" + ], + [ + "èµĽ", + "éģĵ" + ], + [ + "åīį", + "èĢħ" + ], + [ + "建", + "èѰ" + ], + [ + "å¾ĭå¸Ī", + "äºĭåĬ¡" + ], + [ + "èīºæľ¯", + "åĵģ" + ], + [ + "æľī", + "èĩªå·±çļĦ" + ], + [ + "åIJ¦", + "å®ļ" + ], + [ + "社", + "åĽ¢" + ], + [ + "åij¨", + "äºĶ" + ], + [ + "带", + "åΰ" + ], + [ + "å·¥ä½ľ", + "ä¼ļè®®" + ], + [ + "èĤ¡", + "æľ¬" + ], + [ + "å¤ĸ", + "åĮħ" + ], + [ + "å®¶", + "åħ¬åı¸" + ], + [ + "çĽij", + "çĭ±" + ], + [ + "èĪ", + "Ĭ" + ], + [ + "åIJį", + "æł¡" + ], + [ + "西", + "æ¹ĸ" + ], + [ + "è¶ħè¿ĩ", + "äºĨ" + ], + [ + "åįĹ", + "å±±" + ], + [ + "ç»Ħ", + "ä»¶" + ], + [ + "å̼å¾Ĺ", + "注æĦı" + ], + [ + "æĮ£", + "æīİ" + ], + [ + "äºĭ", + "迹" + ], + [ + "ç¶ĵ", + "çĩŁ" + ], + [ + "ç§ij", + "室" + ], + [ + "好", + "åIJĹ" + ], + [ + "æ¤ħ", + "åŃIJ" + ], + [ + "åľĪ", + "åŃIJ" + ], + [ + "ä½Ĩ", + "她" + ], + [ + "æµģ", + "çķħ" + ], + [ + "åIJĦèĩª", + "çļĦ" + ], + [ + "èģĮ", + "åijĺ" + ], + [ + "è¡į", + "çĶŁ" + ], + [ + "åħ¨", + "åľº" + ], + [ + "æĴ¤", + "éĶĢ" + ], + [ + "åį´", + "被" + ], + [ + "å®ģ", + "éĿĻ" + ], + [ + "åīį", + "æīĢ" + ], + [ + "åīįæīĢ", + "æľª" + ], + [ + "åīįæīĢæľª", + "æľī" + ], + [ + "主", + "ä¸ļ" + ], + [ + "åĮĹ", + "ç¾İ" + ], + [ + "è¯Ħ", + "å®ļ" + ], + [ + "åĵģ", + "å°Ŀ" + ], + [ + "大家", + "éĥ½åľ¨" + ], + [ + "主", + "å¸ħ" + ], + [ + "ç»Ĩ", + "å¿ĥ" + ], + [ + "ä¿¡æģ¯", + "æĬ«éľ²" + ], + [ + "çļĦ", + "ç«ŀäºī" + ], + [ + "éĢĻæ¨£", + "çļĦ" + ], + [ + "ç§ijåĪĽ", + "æĿ¿" + ], + [ + "éĩĩ", + "æijĺ" + ], + [ + "票", + "æį®" + ], + [ + "éĢIJ", + "å¹´" + ], + [ + "èĭ±", + "è¶ħ" + ], + [ + "è¡Įä¸ļ", + "åĨħ" + ], + [ + "人", + "寿" + ], + [ + "åIJİ", + "åĭ¤" + ], + [ + "å¦Ĥ", + "æĦı" + ], + [ + "ç¬Ķ", + "è¯ķ" + ], + [ + "æ·¡æ·¡", + "çļĦ" + ], + [ + "ä¸į", + "èĪĴæľį" + ], + [ + "ä½ĵ", + "积" + ], + [ + "ä¹Łä¸į", + "è¦ģ" + ], + [ + "éĿ¢", + "æĸĻ" + ], + [ + "æł·", + "æľ¬" + ], + [ + "ç¥", + "ģ" + ], + [ + "æĮī", + "è§Ħå®ļ" + ], + [ + "大æ¦Ĥ", + "æĺ¯" + ], + [ + "æĥħåĨµ", + "è¿Ľè¡Į" + ], + [ + "åIJĦ", + "åįķä½į" + ], + [ + "çļĦ", + "ç¬ij容" + ], + [ + "åĩºèī²", + "çļĦ" + ], + [ + "代表", + "æĢ§" + ], + [ + "çļĦ", + "ç¾İ好" + ], + [ + "éĴ", + "¦" + ], + [ + "å¾®", + "çĶŁçī©" + ], + [ + "è¶Ĭ", + "æĺ¯" + ], + [ + "æĸ¹", + "åı¯" + ], + [ + "å¹²", + "èĦĨ" + ], + [ + "éģĬ", + "æĪ²" + ], + [ + "çļĦ", + "åħ´è¶£" + ], + [ + "éĹ®", + "è´£" + ], + [ + "åĽłä¸º", + "æĪij们" + ], + [ + "èĢĥ", + "éĩı" + ], + [ + "çĶŁ", + "çĶŁ" + ], + [ + "éĺ»", + "åĬĽ" + ], + [ + "ä¸į", + "åħģ许" + ], + [ + "æıIJ", + "è®®" + ], + [ + "åĩı", + "æĮģ" + ], + [ + "åıªæĺ¯", + "ä¸Ģ个" + ], + [ + "æĪij", + "æĬĬ" + ], + [ + "åıijçݰ", + "èĩªå·±" + ], + [ + "å¢ŀ", + "å¹ħ" + ], + [ + "å¦", + "į" + ], + [ + "èĹĿ", + "è¡ĵ" + ], + [ + "ä¸Ģå®¶", + "人" + ], + [ + "åĪĨ", + "级" + ], + [ + "çļĦ", + "æķ°éĩı" + ], + [ + "è½®", + "èŀįèµĦ" + ], + [ + "çŃī", + "åĽłç´ł" + ], + [ + "大", + "夫" + ], + [ + "èģĺ", + "请" + ], + [ + "é£İ", + "æľº" + ], + [ + "绽", + "æĶ¾" + ], + [ + "ä»»ä½ķ", + "ä¸Ģ个" + ], + [ + "éł", + "Ĥ" + ], + [ + "éĺ¶", + "级" + ], + [ + "æĬĬ", + "她" + ], + [ + "è¿Ľ", + "åĨĽ" + ], + [ + "èĥ½", + "åģļåΰ" + ], + [ + "åŁ¹è®Ń", + "æľºæŀĦ" + ], + [ + "çī©", + "æĸĻ" + ], + [ + "ç«¥", + "è¯Ŀ" + ], + [ + "æĮĩ导", + "æĦıè§ģ" + ], + [ + "éĺ", + "®" + ], + [ + "æ·±åħ¥", + "æİ¨è¿Ľ" + ], + [ + "主", + "æľº" + ], + [ + "æ¸Ķ", + "ä¸ļ" + ], + [ + "ä¸į", + "æľį" + ], + [ + "æµĵ", + "éĥģ" + ], + [ + "è¡Ĺ", + "ä¸Ĭ" + ], + [ + "ä¾Ŀ", + "次" + ], + [ + "æĹ¶", + "段" + ], + [ + "æ¢", + "µ" + ], + [ + "çļĦ", + "åĸľçα" + ], + [ + "å¾Ī", + "éķ¿" + ], + [ + "åĪĿ", + "级" + ], + [ + "æŀľ", + "æĸŃ" + ], + [ + "æĬ¢", + "æķij" + ], + [ + "é¼ĵ", + "èĪŀ" + ], + [ + "ä¾Ľ", + "éľĢ" + ], + [ + "æ·±åħ¥", + "å¼Ģå±ķ" + ], + [ + "产ä¸ļ", + "éĽĨ群" + ], + [ + "åĻª", + "éŁ³" + ], + [ + "åIJ¬", + "çĿĢ" + ], + [ + "æ·±åĪ»", + "çļĦ" + ], + [ + "å¿į", + "åıĹ" + ], + [ + "ç͵", + "ç£ģ" + ], + [ + "强", + "èĢħ" + ], + [ + "æ»ĭ", + "åij³" + ], + [ + "æĽ¼", + "èģĶ" + ], + [ + "åı¯ä»¥", + "缴æİ¥" + ], + [ + "大", + "ç±³" + ], + [ + "æŃ·", + "åı²" + ], + [ + "æĶ¿åĬ¡", + "æľįåĬ¡" + ], + [ + "åħ¬", + "å¼ı" + ], + [ + "社", + "群" + ], + [ + "éģĵ士", + "èģĮä¸ļ" + ], + [ + "ä¹ĭ", + "æĥħ" + ], + [ + "æµ·", + "æ°´" + ], + [ + "æ¼Ķ", + "å¥ı" + ], + [ + "åºĹ", + "éĩĮ" + ], + [ + "迹", + "象" + ], + [ + "åıijå±ķ", + "çIJĨ念" + ], + [ + "é«ĺ", + "空" + ], + [ + "åij¨", + "åĪĬ" + ], + [ + "åĽŀ", + "åΰäºĨ" + ], + [ + "ä¸į", + "éĢĤåIJĪ" + ], + [ + "åłµ", + "å¡ŀ" + ], + [ + "åĬ", + "Ī" + ], + [ + "æ°´", + "ä¸Ĭ" + ], + [ + "çĢij", + "å¸ĥ" + ], + [ + "纳ç¨İ", + "人" + ], + [ + "çĩĥ", + "æ²¹" + ], + [ + "å·¥ç¨ĭ", + "é¡¹çĽ®" + ], + [ + "峡", + "è°·" + ], + [ + "æľī", + "éĴĪ对æĢ§" + ], + [ + "åľĨ", + "å½¢" + ], + [ + "æľ¬", + "å¸Ĥ" + ], + [ + "è¿Ļ", + "è¯Ŀ" + ], + [ + "管çIJĨ", + "èĢħ" + ], + [ + "ç¡®è¯Ĭ", + "çĹħä¾ĭ" + ], + [ + "æĬĬ", + "æīĭ" + ], + [ + "彩", + "èī²" + ], + [ + "ä¸Ĭ", + "åīį" + ], + [ + "夯", + "å®ŀ" + ], + [ + "ç¾Ĭ", + "èĤī" + ], + [ + "å¾Ģ", + "å¹´" + ], + [ + "æĵħ", + "èĩª" + ], + [ + "è¿·", + "人" + ], + [ + "èĪª", + "æ¯į" + ], + [ + "ç²¾", + "ç»Ĩ" + ], + [ + "åľ¨", + "æĪijçļĦ" + ], + [ + "åĪĽ", + "æĬķ" + ], + [ + "麦", + "åħĭ" + ], + [ + "æľĪ", + "ç»ı" + ], + [ + "åĮĹ", + "æµ·" + ], + [ + "ä¹ĭ", + "æĺŁ" + ], + [ + "åı¶", + "åŃIJ" + ], + [ + "å¸Ĥåľº", + "ç«ŀäºī" + ], + [ + "è¿Ļ", + "äºĭ" + ], + [ + "åıĥ", + "èĪĩ" + ], + [ + "产", + "åľ°" + ], + [ + "åĶ", + "ī" + ], + [ + "åķĨåĵģ", + "æĪ¿" + ], + [ + "èĪª", + "è¿IJ" + ], + [ + "ä¼ĺ", + "å¼Ĥ" + ], + [ + "ä»ĸ们", + "æĺ¯" + ], + [ + "鼨", + "æ°´" + ], + [ + "è¯į", + "æ±ĩ" + ], + [ + "åĨľ", + "çͰ" + ], + [ + "欧", + "éĺ³" + ], + [ + "çŁŃ", + "线" + ], + [ + "管", + "ç½ij" + ], + [ + "æł¹", + "åŁº" + ], + [ + "åıªæľī", + "ä¸Ģ个" + ], + [ + "éŀĭ", + "åŃIJ" + ], + [ + "å¸Ĥ", + "å§Ķ书记" + ], + [ + "åĪ»", + "æĦı" + ], + [ + "è¡Į", + "车" + ], + [ + "åıĪ", + "被" + ], + [ + "åı¯éĿł", + "æĢ§" + ], + [ + "è´", + "±" + ], + [ + "ä»»", + "åij½" + ], + [ + "åºĶ", + "åľ¨" + ], + [ + "å°±", + "å¾Ĺ" + ], + [ + "æľįåĬ¡", + "ä½ĵç³»" + ], + [ + "æĶ¿", + "æĿĥ" + ], + [ + "åıijè¨Ģ", + "人" + ], + [ + "è¿ĩ", + "å¾Ģ" + ], + [ + "两", + "åıª" + ], + [ + "èϽ", + "说" + ], + [ + "éĢģ", + "ä¸Ĭ" + ], + [ + "ä»Ģä¹Ī", + "äºĭ" + ], + [ + "æķ£", + "æĸĩ" + ], + [ + "æİĮ", + "æİ§" + ], + [ + "èĸĦ", + "å¼±" + ], + [ + "ä¸ĭéĿ¢", + "å°±" + ], + [ + "主è¦ģ", + "åĨħ容" + ], + [ + "å¾Ī", + "éĩįè¦ģçļĦ" + ], + [ + "å°±", + "说" + ], + [ + "çϽèī²", + "çļĦ" + ], + [ + "éĤ£ä¸ª", + "æĹ¶åĢĻ" + ], + [ + "ç»ı纪", + "人" + ], + [ + "çļĦ", + "æ¯į亲" + ], + [ + "ç¬Ķè®°", + "æľ¬" + ], + [ + "åºķ", + "å±Ĥ" + ], + [ + "è¿ij", + "代" + ], + [ + "è§£", + "说" + ], + [ + "è²ł", + "責" + ], + [ + "æľĢ大", + "åĮĸ" + ], + [ + "åķĨ", + "éĵº" + ], + [ + "æł¡", + "åıĭ" + ], + [ + "æ²", + "ģ" + ], + [ + "ä¸į", + "åĩºæĿ¥" + ], + [ + "éĻ·", + "éĺ±" + ], + [ + "ç¨", + "ħ" + ], + [ + "åħ¬å¸ĥ", + "äºĨ" + ], + [ + "åĩĢ", + "å̼" + ], + [ + "çĽ¸å¯¹", + "è¾ĥ" + ], + [ + "ç¬", + "Ľ" + ], + [ + "æł¸", + "ç®Ĺ" + ], + [ + "åįİ", + "侨" + ], + [ + "æĢ¥", + "æķij" + ], + [ + "æĮº", + "好" + ], + [ + "åħĴ", + "ç«¥" + ], + [ + "äºĮ", + "èĥİ" + ], + [ + "åĩº", + "èĩª" + ], + [ + "åĿ", + "Ł" + ], + [ + "æīĭ", + "ä¸ĭ" + ], + [ + "å±", + "¡" + ], + [ + "åĪĽéĢł", + "æĢ§" + ], + [ + "ä¸¥æł¼", + "æĮīçħ§" + ], + [ + "åĨį", + "åİ»" + ], + [ + "举", + "缣" + ], + [ + "人", + "æµģ" + ], + [ + "äºĨä¸Ģ", + "声" + ], + [ + "å°ıæĹ¶", + "åīį" + ], + [ + "è´µ", + "æĹı" + ], + [ + "éľ", + "ĸ" + ], + [ + "ä¹Łæĺ¯", + "éĿŀ常" + ], + [ + "éĢ", + "±" + ], + [ + "çľĭäºĨ", + "çľĭ" + ], + [ + "ç¹ģ", + "æ®ĸ" + ], + [ + "èĩ³", + "æŃ¤" + ], + [ + "é¢Ħ", + "å¤ĩ" + ], + [ + "å¾Ī", + "æĺİæĺ¾" + ], + [ + "æ¼Ķ", + "èīº" + ], + [ + "åĿIJ", + "çĿĢ" + ], + [ + "ä¿Ħ", + "åĨĽ" + ], + [ + "åľ¨", + "è¿ĩåİ»" + ], + [ + "ä¹ĭ", + "äºĭ" + ], + [ + "æĬĵ", + "èİ·" + ], + [ + "åĿIJ", + "ä¸ĭ" + ], + [ + "çͱ", + "ä¸ŃåĽ½" + ], + [ + "ä¹Ł", + "å¼Ģå§ĭ" + ], + [ + "çŃĶ", + "å¤į" + ], + [ + "åŀĥåľ¾", + "åĪĨç±»" + ], + [ + "éĴĵ", + "é±¼" + ], + [ + "åIJĦ", + "種" + ], + [ + "缸", + "éģĩ" + ], + [ + "ä¸įåģľ", + "çļĦ" + ], + [ + "æī¹", + "éĩı" + ], + [ + "éĩįè¦ģ", + "ä½ľç͍" + ], + [ + "å§Ķ", + "å±Ī" + ], + [ + "åħŃ", + "å¹´" + ], + [ + "ä¸ĥ", + "åįģ" + ], + [ + "ä¹ĭ", + "æĪĺ" + ], + [ + "é£İéĻ©", + "管çIJĨ" + ], + [ + "éŁ³", + "æ¨Ĥ" + ], + [ + "è¡ĮæĶ¿", + "å¤Ħç½ļ" + ], + [ + "æľ¬", + "äºĭ" + ], + [ + "æĴ°", + "åĨĻ" + ], + [ + "èģļ", + "åIJĪ" + ], + [ + "éĢĤ", + "æĹ¶" + ], + [ + "æIJ¬", + "å®¶" + ], + [ + "ç¢İ", + "çīĩ" + ], + [ + "缼", + "å®´" + ], + [ + "ç®Ģ", + "æ´ģ" + ], + [ + "åı¬", + "éĽĨ" + ], + [ + "ç®Ģ", + "åĮĸ" + ], + [ + "åĮĹ京", + "æĹ¶éĹ´" + ], + [ + "第ä¸ī", + "å±Ĭ" + ], + [ + "æĿ¥", + "åĽŀ" + ], + [ + "常ç͍", + "çļĦ" + ], + [ + "京", + "æ´¥" + ], + [ + "京津", + "åĨĢ" + ], + [ + "梦", + "å¹»" + ], + [ + "è¯ķ", + "è¡Į" + ], + [ + "æľº", + "åºĬ" + ], + [ + "åΰ", + "æľĢåIJİ" + ], + [ + "åĬ©", + "æīĭ" + ], + [ + "åĪĨ", + "彩" + ], + [ + "åĩº", + "åĵģ" + ], + [ + "åι", + "车" + ], + [ + "åIJ¯", + "åıij" + ], + [ + "ä¾§", + "éĿ¢" + ], + [ + "æ¯ı", + "å½ĵ" + ], + [ + "缸åħ³", + "è§Ħå®ļ" + ], + [ + "ä¸ĸ", + "人" + ], + [ + "è´Ń", + "车" + ], + [ + "å¿ĥ", + "缮" + ], + [ + "å¿ĥ缮", + "ä¸Ń" + ], + [ + "äºĶ", + "éĩij" + ], + [ + "è¿ĺ", + "è®°å¾Ĺ" + ], + [ + "ä¾Ŀ", + "çĦ¶æĺ¯" + ], + [ + "æıIJ", + "æ¡Ī" + ], + [ + "ç͵åķĨ", + "å¹³åı°" + ], + [ + "åģļ", + "åΰäºĨ" + ], + [ + "æĿľ", + "ç»Ŀ" + ], + [ + "å®ī", + "åįĵ" + ], + [ + "ä¸ĸçķĮ", + "åIJĦåľ°" + ], + [ + "åīį", + "éĢĶ" + ], + [ + "æ´Ĺ", + "åĩĢ" + ], + [ + "å¥ĭ", + "åĬĽ" + ], + [ + "åŁİå¸Ĥ", + "建设" + ], + [ + "å¤ļ", + "åĬŁèĥ½" + ], + [ + "ä¼ļ", + "éĢłæĪIJ" + ], + [ + "åıijå¸ĥ", + "ä¼ļä¸Ĭ" + ], + [ + "ç©¶", + "竣æĺ¯" + ], + [ + "åĪĨ", + "红" + ], + [ + "çŁ¥", + "èŃĺ" + ], + [ + "éĿ¢", + "æĿ¿" + ], + [ + "æĹł", + "声" + ], + [ + "æĢ¥", + "éľĢ" + ], + [ + "失", + "çľł" + ], + [ + "çΏ", + "å¦Ī" + ], + [ + "äº", + "Ĥ" + ], + [ + "åħ¨", + "æĻ¯" + ], + [ + "ç»ıåħ¸", + "çļĦ" + ], + [ + "åī§", + "ä¸Ń" + ], + [ + "é¢Ĩ导", + "ä¸ĭ" + ], + [ + "åħļ", + "åĨħ" + ], + [ + "åħ¥", + "ä¾µ" + ], + [ + "æĭī", + "æĸ¯" + ], + [ + "ä¸Ģ", + "å¹ķ" + ], + [ + "åĬł", + "ä¹ĭ" + ], + [ + "èĤ", + "Ĩ" + ], + [ + "èĭ±", + "æł¼" + ], + [ + "èĭ±æł¼", + "åħ°" + ], + [ + "å·§", + "åħĭ" + ], + [ + "å·§åħĭ", + "åĬĽ" + ], + [ + "ä¸Ģ", + "å¿ĥ" + ], + [ + "èģ", + "Ĥ" + ], + [ + "å¾Ģå¾Ģ", + "æĺ¯" + ], + [ + "管çIJĨ", + "å±Ĥ" + ], + [ + "çĻ»", + "åħ¥" + ], + [ + "建ç«ĭ", + "èµ·" + ], + [ + "建", + "åĽ½" + ], + [ + "åŃIJ", + "宫" + ], + [ + "åºĶ", + "ä»ĺ" + ], + [ + "æİ¢", + "ç©¶" + ], + [ + "第ä¸Ģ", + "ä½į" + ], + [ + "ä½Ļ", + "å®¶" + ], + [ + "çŃī", + "æ´»åĬ¨" + ], + [ + "æīĢ", + "èĩ´" + ], + [ + "è¾ĥ", + "å¿«" + ], + [ + "æĺ¯", + "éĿŀ" + ], + [ + "æıIJ", + "åIJį" + ], + [ + "äºĮ", + "èĢħ" + ], + [ + "åıªåī©", + "ä¸ĭ" + ], + [ + "åħ¶ä¸Ń", + "åĮħæĭ¬" + ], + [ + "ç¼ĸ", + "ç¨ĭ" + ], + [ + "çł´", + "ç¢İ" + ], + [ + "ä¸Ń", + "举" + ], + [ + "å·¥ä½ľ", + "æĬ¥åijĬ" + ], + [ + "çѾ", + "åIJį" + ], + [ + "éħĴ", + "ä¸ļ" + ], + [ + "çŁ¥", + "æĻĵ" + ], + [ + "çĥŃ", + "å¿ĥ" + ], + [ + "éĿŀ", + "åĩ¡" + ], + [ + "èIJ¥ä¸ļ", + "æī§" + ], + [ + "èIJ¥ä¸ļæī§", + "çħ§" + ], + [ + "人大", + "代表" + ], + [ + "ä¸Ģ个", + "æĸ°çļĦ" + ], + [ + "å¨ģ", + "æµ·" + ], + [ + "éĤ£", + "人" + ], + [ + "涨", + "ä»·" + ], + [ + "æ¶Ī", + "çģŃ" + ], + [ + "éļ¾", + "å¿ĺ" + ], + [ + "ç¶ĵ", + "é©Ĺ" + ], + [ + "åı£", + "è¢ĭ" + ], + [ + "ç³»", + "æķ°" + ], + [ + "æĸĩ", + "ä¸Ń" + ], + [ + "好", + "转" + ], + [ + "æĸ°", + "鼶åĶ®" + ], + [ + "讲述", + "äºĨ" + ], + [ + "å¼Ģ", + "çĽĺ" + ], + [ + "çķĻ", + "ç»Ļ" + ], + [ + "æħ¢æħ¢", + "çļĦ" + ], + [ + "æĤ²", + "伤" + ], + [ + "æľ¬", + "æľŁ" + ], + [ + "äºĨ", + "å¤ļå°ij" + ], + [ + "è¿Ļ", + "让" + ], + [ + "åIJĮ", + "çŃī" + ], + [ + "æ¸ħ", + "æĺİ" + ], + [ + "个", + "åŁİå¸Ĥ" + ], + [ + "æºĸ", + "åĤĻ" + ], + [ + "åĩłä¹İ", + "æĺ¯" + ], + [ + "强", + "åĬĽ" + ], + [ + "ä¿", + "¯" + ], + [ + "æ°´", + "稻" + ], + [ + "åĽºå®ļ", + "çļĦ" + ], + [ + "æł¸", + "åĩĨ" + ], + [ + "说", + "æľį" + ], + [ + "顯", + "示" + ], + [ + "è¿Ļ", + "å¥Ĺ" + ], + [ + "æĻºæħ§", + "åŁİå¸Ĥ" + ], + [ + "å±ĭ", + "é¡¶" + ], + [ + "ä¸į", + "æĿ¥" + ], + [ + "çĶŁ", + "é²ľ" + ], + [ + "çŁ¥", + "æĥħ" + ], + [ + "æĬķ", + "身" + ], + [ + "åijĬè¯ī", + "æĪij们" + ], + [ + "ä¸ī", + "åĽĽ" + ], + [ + "ä¸ĩ", + "ä¸Ģ" + ], + [ + "è¾Ĩ", + "车" + ], + [ + "为", + "ä¹ĭ" + ], + [ + "åΰ", + "æĹ¶åĢĻ" + ], + [ + "è¿Ļ", + "æīįæĺ¯" + ], + [ + "åIJį", + "çīĮ" + ], + [ + "åºŁ", + "æ°´" + ], + [ + "åݻ年", + "åIJĮæľŁ" + ], + [ + "å¹´", + "éĻIJ" + ], + [ + "éģĭ", + "åĭķ" + ], + [ + "åıĮ", + "çľ¼" + ], + [ + "è¦ģ", + "ç´§" + ], + [ + "对", + "çŃĸ" + ], + [ + "åľº", + "é¦Ĩ" + ], + [ + "çϾ", + "ç§ij" + ], + [ + "è¶Ĭ", + "éĩİ" + ], + [ + "å¯Į", + "åIJ«" + ], + [ + "大å¤ļæķ°", + "人" + ], + [ + "æľĢ", + "å°ij" + ], + [ + "åı¬", + "åͤ" + ], + [ + "åħ¸", + "èĮĥ" + ], + [ + "åĨľ", + "æľº" + ], + [ + "æŃ£", + "æĸĩ" + ], + [ + "åºĶç͍", + "äºİ" + ], + [ + "æ·±", + "èĢķ" + ], + [ + "ä¿", + "Ń" + ], + [ + "ä»Ģä¹Ī", + "ä¸ľè¥¿" + ], + [ + "å¥Ĺ", + "é¤IJ" + ], + [ + "å½ĵ", + "éĢī" + ], + [ + "å·¦", + "æīĭ" + ], + [ + "è°ĥ", + "çIJĨ" + ], + [ + "æĻļ", + "é¤IJ" + ], + [ + "éļ¾", + "åħ³" + ], + [ + "åĩŃ", + "è¯ģ" + ], + [ + "çα", + "人" + ], + [ + "æĮĩ", + "è´£" + ], + [ + "è´£", + "ç¼ĸ" + ], + [ + "çļĦä¸Ģ", + "款" + ], + [ + "éĵ", + "²" + ], + [ + "åįģ", + "个" + ], + [ + "èĢ", + "»" + ], + [ + "æľįåĬ¡", + "åķĨ" + ], + [ + "åľ°", + "çĭ±" + ], + [ + "è¿ŀ", + "å¿Ļ" + ], + [ + "åĽ°", + "æĥij" + ], + [ + "çļ", + "ĵ" + ], + [ + "ä¸į", + "åIJĥ" + ], + [ + "çİ°åľ¨", + "å·²ç»ı" + ], + [ + "çĽĺ", + "çĤ¹" + ], + [ + "ä¸įåģľ", + "åľ°" + ], + [ + "管çIJĨ", + "模å¼ı" + ], + [ + "è¿Ļ", + "段æĹ¶éĹ´" + ], + [ + "æ¤", + "°" + ], + [ + "礼", + "åĮħ" + ], + [ + "æµģ", + "转" + ], + [ + "æī«", + "çłģ" + ], + [ + "éĽĨä¸Ń", + "åľ¨" + ], + [ + "æ±Ĥ", + "åĬ©" + ], + [ + "åįĬ", + "个" + ], + [ + "å¿«éĢŁ", + "å¢ŀéķ¿" + ], + [ + "å¾Ģ", + "ä¸ĭ" + ], + [ + "è¯Ħ", + "åĪĨ" + ], + [ + "å°±", + "æĥ³" + ], + [ + "åķĨåĬ¡", + "éĥ¨" + ], + [ + "æľī", + "éĹ®é¢ĺ" + ], + [ + "èİ·", + "åĪ©" + ], + [ + "æ¯Ľ", + "çĹħ" + ], + [ + "æĦŁ", + "åºĶ" + ], + [ + "èī¯", + "æĢ§" + ], + [ + "åĪĨ", + "æŃ§" + ], + [ + "åĨ", + "ī" + ], + [ + "æĪij们", + "çİ°åľ¨" + ], + [ + "è¦ģ", + "åĬłå¼º" + ], + [ + "å·§", + "å¦Ļ" + ], + [ + "èŀº", + "æĹĭ" + ], + [ + "åĪĩ", + "æį¢" + ], + [ + "çĭ", + "Ħ" + ], + [ + "顺", + "çķħ" + ], + [ + "å°¤åħ¶", + "æĺ¯åľ¨" + ], + [ + "èĬĿ", + "麻" + ], + [ + "éļ¾", + "è¿ĩ" + ], + [ + "æĹĹ", + "å¸ľ" + ], + [ + "å¤į", + "åį°" + ], + [ + "å¤įåį°", + "ä»¶" + ], + [ + "å¿ħ", + "éľĢ" + ], + [ + "对å¤ĸ", + "å¼ĢæĶ¾" + ], + [ + "éļ¾", + "åıĹ" + ], + [ + "åİŁæĿ¥", + "æĺ¯" + ], + [ + "ç®Ĺ", + "äºĨ" + ], + [ + "é«ĺ", + "å±±" + ], + [ + "离", + "èģĮ" + ], + [ + "çµĦ", + "ç¹" + ], + [ + "çµĦç¹", + "Ķ" + ], + [ + "å±ģ", + "èĤ¡" + ], + [ + "çϾ", + "å®¶" + ], + [ + "éģĩ", + "ä¸Ĭ" + ], + [ + "æĺĶ", + "æĹ¥" + ], + [ + "ä¸į", + "容" + ], + [ + "çĽij管", + "éĥ¨éŨ" + ], + [ + "主", + "æĦı" + ], + [ + "æµģ", + "åŁŁ" + ], + [ + "è·Į", + "å¹ħ" + ], + [ + "èĩ³", + "ä¸Ĭ" + ], + [ + "åĪ«", + "说" + ], + [ + "æĺ¯", + "æ¯Ķè¾ĥ" + ], + [ + "å®ıè§Ĥ", + "ç»ıæµİ" + ], + [ + "å¸Ĥåľº", + "主ä½ĵ" + ], + [ + "污æŁĵ", + "çī©" + ], + [ + "æķij", + "æ²»" + ], + [ + "丰", + "æĶ¶" + ], + [ + "åŃĺ", + "æĶ¾" + ], + [ + "åĩ", + "Ħ" + ], + [ + "éĩij", + "å±±" + ], + [ + "æį¢", + "äºĨ" + ], + [ + "ä¸ĵ", + "人" + ], + [ + "éĹľ", + "æĸ¼" + ], + [ + "æĹ¢", + "è¦ģ" + ], + [ + "åĽ½", + "è¶³" + ], + [ + "éļ", + "ĭ" + ], + [ + "åıį", + "åĩ»" + ], + [ + "èµ·", + "身" + ], + [ + "åħĪ", + "æĺ¯" + ], + [ + "å¸ĮæľĽ", + "èĥ½å¤Ł" + ], + [ + "åζ", + "订" + ], + [ + "åºĹ", + "éĿ¢" + ], + [ + "åĸ", + "Ģ" + ], + [ + "æķĻ", + "ä½ł" + ], + [ + "éĻį", + "温" + ], + [ + "åĬĽ", + "æ±Ĥ" + ], + [ + "ä¸ī", + "çϾ" + ], + [ + "çī©", + "ä»·" + ], + [ + "丢", + "失" + ], + [ + "å¢Ļ", + "ä¸Ĭ" + ], + [ + "éĥ¨", + "份" + ], + [ + "æł·", + "æĿ¿" + ], + [ + "ä¹ĭ", + "æĦı" + ], + [ + "ç½ij", + "å°ıç¼ĸ" + ], + [ + "ä¸ĸ", + "ä¸Ĭ" + ], + [ + "è°ĥ", + "è¯ķ" + ], + [ + "污æŁĵ", + "éĺ²æ²»" + ], + [ + "å½±", + "éĻ¢" + ], + [ + "å®Įåħ¨", + "åı¯ä»¥" + ], + [ + "éĢļ", + "åħ³" + ], + [ + "ä¹īåĬ¡", + "æķĻèĤ²" + ], + [ + "没æľī", + "åĬŀæ³ķ" + ], + [ + "èĢ", + "¿" + ], + [ + "å¦", + "³" + ], + [ + "æĹł", + "æĥħ" + ], + [ + "å¾Ĺ", + "çĽĬ" + ], + [ + "å¾ĹçĽĬ", + "äºİ" + ], + [ + "æľŁ", + "çĽ¼" + ], + [ + "娱ä¹IJ", + "åľº" + ], + [ + "çͲ", + "æĸ¹" + ], + [ + "ä¸Ģ", + "æ±½" + ], + [ + "çĹ", + "°" + ], + [ + "çĸij", + "ä¼¼" + ], + [ + "æĸ°æµª", + "å¾®åįļ" + ], + [ + "强", + "è¡Į" + ], + [ + "å½ĵ", + "ä»ĸ" + ], + [ + "èĥ", + "º" + ], + [ + "ç͍æĪ·", + "æıIJä¾Ľ" + ], + [ + "åĮº", + "å§Ķ" + ], + [ + "æĦ¿", + "æĻ¯" + ], + [ + "æĬĺ", + "æī£" + ], + [ + "失", + "踪" + ], + [ + "è¿«", + "åĪĩ" + ], + [ + "åŃĹ", + "æ¯į" + ], + [ + "åĴ", + "¯" + ], + [ + "èªį", + "èŃĺ" + ], + [ + "ä»Ģä¹Ī", + "æĦıæĢĿ" + ], + [ + "çĽĴ", + "åŃIJ" + ], + [ + "å½ķ", + "éŁ³" + ], + [ + "建设", + "å·¥ç¨ĭ" + ], + [ + "ä¸ļ", + "ä½Ļ" + ], + [ + "å®ŀè·µ", + "æ´»åĬ¨" + ], + [ + "羣", + "空" + ], + [ + "çĤ", + "ĸ" + ], + [ + "åľ¨", + "è·¯ä¸Ĭ" + ], + [ + "主è¦ģ", + "åĮħæĭ¬" + ], + [ + "该", + "æĢİä¹Ī" + ], + [ + "æĢ»", + "æľī" + ], + [ + "æĢ§", + "æĦŁ" + ], + [ + "æ°ij", + "èĪª" + ], + [ + "å¼Ģ", + "åºĹ" + ], + [ + "欺", + "éªĹ" + ], + [ + "çªģ", + "åĩ»" + ], + [ + "缺", + "失" + ], + [ + "æī§", + "ä¸ļ" + ], + [ + "åľ°", + "éģĵ" + ], + [ + "å¹¶", + "æĹł" + ], + [ + "æ°ij", + "åĬŀ" + ], + [ + "ç»Ħç»ĩ", + "çĶŁæ´»" + ], + [ + "æĪij", + "å¦Ī" + ], + [ + "è¨ĺ", + "èĢħ" + ], + [ + "管", + "åζ" + ], + [ + "æī¾", + "个" + ], + [ + "èĹ", + "»" + ], + [ + "çĤİ", + "çĹĩ" + ], + [ + "äºĴ", + "åĬ©" + ], + [ + "æµıè§Ī", + "åύ" + ], + [ + "çݩ家", + "æĿ¥è¯´" + ], + [ + "éĻįä½İ", + "äºĨ" + ], + [ + "è£", + "Ķ" + ], + [ + "æĮ£", + "éĴ±" + ], + [ + "åķĨ", + "æľº" + ], + [ + "æĶ¹", + "è£ħ" + ], + [ + "æµģ", + "浪" + ], + [ + "æĶ¿", + "æ³ķ" + ], + [ + "èĢģ", + "头" + ], + [ + "çĶŁäº§", + "åĴĮ" + ], + [ + "ç©", + "Ĺ" + ], + [ + "亲", + "çα" + ], + [ + "亲çα", + "çļĦ" + ], + [ + "å±¥", + "èģĮ" + ], + [ + "åŁİ", + "éĩĮ" + ], + [ + "ç»Ĩ", + "åĪĨ" + ], + [ + "åĬ³åĬ¨", + "åIJĪåIJĮ" + ], + [ + "åľ¨", + "æĹ¥æľ¬" + ], + [ + "å¨ģ", + "å°Ķ" + ], + [ + "åį«", + "è§Ĩ" + ], + [ + "éĢ£", + "çµIJ" + ], + [ + "çĿĢ", + "éĩį" + ], + [ + "æĬĺ", + "磨" + ], + [ + "åĽ¾", + "为" + ], + [ + "çľ", + "·" + ], + [ + "å·¥", + "åºı" + ], + [ + "æĵ", + "ģ" + ], + [ + "æĵģ", + "æľī" + ], + [ + "ç½ijç«Ļ", + "åľ°åĽ¾" + ], + [ + "çļĦä¸Ģ", + "大" + ], + [ + "ç»Ħç»ĩ", + "å®ŀæĸ½" + ], + [ + "æĬĽ", + "å¼ĥ" + ], + [ + "åĴĮ", + "æĶ¯æĮģ" + ], + [ + "æ³ķ", + "åĪĻ" + ], + [ + "浪", + "æ½®" + ], + [ + "çݰ", + "æľīçļĦ" + ], + [ + "åĩł", + "çİĩ" + ], + [ + "为", + "客æĪ·" + ], + [ + "åįģ", + "ä¸ĩ" + ], + [ + "è", + "¹Ħ" + ], + [ + "çªģåĩº", + "éĹ®é¢ĺ" + ], + [ + "åıĥ", + "åĬł" + ], + [ + "éĥ½ä¼ļ", + "æľī" + ], + [ + "çĽ", + "¤" + ], + [ + "è°ģ", + "éĥ½" + ], + [ + "æīĭ", + "åĬ¨" + ], + [ + "缴", + "è¾¾" + ], + [ + "çĤ¹", + "å¤ļ" + ], + [ + "éĺ¶", + "å±Ĥ" + ], + [ + "ä¸į", + "ä½³" + ], + [ + "éĤ£", + "段" + ], + [ + "滨", + "æµ·" + ], + [ + "æĺ¯", + "åĽ½åĨħ" + ], + [ + "æĪij", + "å¸ĮæľĽ" + ], + [ + "åIJĽ", + "åŃIJ" + ], + [ + "è§Ĥ", + "éŁ³" + ], + [ + "åģļ", + "é¥Ń" + ], + [ + "æ±½", + "è»Ĭ" + ], + [ + "åħ³", + "ç¨İ" + ], + [ + "çľ¼åīį", + "çļĦ" + ], + [ + "æ°´", + "éĿ¢" + ], + [ + "è̳", + "æľº" + ], + [ + "追", + "踪" + ], + [ + "æİ¨", + "éĢģ" + ], + [ + "éĴ±", + "åĮħ" + ], + [ + "æģ¶", + "å¿ĥ" + ], + [ + "æµ·", + "åŁŁ" + ], + [ + "å·", + "į" + ], + [ + "å¼Ģ", + "æĿ¥" + ], + [ + "表", + "æĢģ" + ], + [ + "仪", + "表" + ], + [ + "å¹³", + "åİŁ" + ], + [ + "åįģ", + "å¤ļå¹´" + ], + [ + "ä¹Ł", + "æĹłæ³ķ" + ], + [ + "åħ¼", + "顾" + ], + [ + "è¡£", + "æŁľ" + ], + [ + "æł½", + "åŁ¹" + ], + [ + "æĪ¿", + "æºIJ" + ], + [ + "设ç«ĭ", + "äºĨ" + ], + [ + "ä¸ĩ", + "åIJį" + ], + [ + "æķ°", + "é¢Ŀ" + ], + [ + "è¦ģ", + "åĿļæĮģ" + ], + [ + "åIJīæŀĹ", + "çľģ" + ], + [ + "请", + "èģĶç³»" + ], + [ + "ç»ıåİĨ", + "è¿ĩ" + ], + [ + "çļĦ", + "æľ¬è´¨" + ], + [ + "åħ¥", + "éŨ" + ], + [ + "æľ¬", + "æ¡Ī" + ], + [ + "çİĩ", + "è¾¾åΰ" + ], + [ + "åı°", + "éĺ¶" + ], + [ + "éĴ", + "ŀ" + ], + [ + "æĪij", + "èĥ½" + ], + [ + "èݲ", + "èĬ±" + ], + [ + "éĴ", + "ł" + ], + [ + "ä¸Ģ", + "äºĭ" + ], + [ + "åİŁ", + "æľīçļĦ" + ], + [ + "æ¯ı", + "åĢĭ" + ], + [ + "æ¯Ķäºļ", + "迪" + ], + [ + "æ£ĭçīĮ", + "游æĪı" + ], + [ + "ä¸įä¼ļ", + "æľī" + ], + [ + "å½Ĵ", + "æĿ¥" + ], + [ + "äºĶ", + "çϾ" + ], + [ + "è¿ĩ", + "é«ĺ" + ], + [ + "鼷", + "è¾¾" + ], + [ + "ä¸Ģèµ·", + "åİ»" + ], + [ + "æķĻ", + "导" + ], + [ + "å°±", + "è¯Ĭ" + ], + [ + "å°±", + "å¾Ī" + ], + [ + "ä¸įåIJĮ", + "äºİ" + ], + [ + "ä¿", + "º" + ], + [ + "å¸ĸ", + "åŃIJ" + ], + [ + "æĶ¿åįı", + "å§Ķåijĺ" + ], + [ + "çĸ«æĥħ", + "å½±åĵį" + ], + [ + "åĪĨ", + "è£Ĥ" + ], + [ + "为ä»Ģä¹Ī", + "ä¼ļ" + ], + [ + "äºĶ", + "æĺŁ" + ], + [ + "å°ij", + "åĦ¿" + ], + [ + "æĬ¢", + "éĻ©" + ], + [ + "梦", + "è§ģ" + ], + [ + "è®°èĢħ", + "éĩĩ访" + ], + [ + "å±±", + "è·¯" + ], + [ + "æĪij", + "个人" + ], + [ + "æ²Ļ", + "滩" + ], + [ + "è¹", + "Ń" + ], + [ + "æĶ¹", + "è®Ĭ" + ], + [ + "æĸ°åŀĭ", + "åĨł" + ], + [ + "æĸ°åŀĭåĨł", + "çĬ¶" + ], + [ + "åĮ»", + "æĬ¤" + ], + [ + "åĮ»æĬ¤", + "人åijĺ" + ], + [ + "æµ·", + "å°Ķ" + ], + [ + "åħ³äºİ", + "æĪij们" + ], + [ + "éϤ", + "å¤ĸ" + ], + [ + "åº", + "ļ" + ], + [ + "宣", + "åijĬ" + ], + [ + "ä¸ī", + "åįĥ" + ], + [ + "æ¦", + "¨" + ], + [ + "ç§ijæĬĢ", + "大åѦ" + ], + [ + "ä¸ĥ", + "åħ«" + ], + [ + "顺", + "åºĶ" + ], + [ + "çΏçΏ", + "å¦Īå¦Ī" + ], + [ + "éĢī", + "åıĸ" + ], + [ + "åī§", + "çĥĪ" + ], + [ + "乡æĿij", + "æĹħ游" + ], + [ + "积æŀģ", + "æİ¢ç´¢" + ], + [ + "表çݰ", + "为" + ], + [ + "å¾Ī", + "æ¸ħæ¥ļ" + ], + [ + "大", + "åĨĽ" + ], + [ + "æĿ¥", + "ç͵" + ], + [ + "å¥Ĺ", + "æĪ¿" + ], + [ + "çݰ", + "è¡Į" + ], + [ + "享", + "åıĹåΰ" + ], + [ + "çľĭ", + "çĤ¹" + ], + [ + "åĽºå®ļ", + "èµĦ产" + ], + [ + "以", + "人为" + ], + [ + "以人为", + "æľ¬" + ], + [ + "ä¸į", + "å®Į" + ], + [ + "éĻį", + "鼨" + ], + [ + "åģļçļĦ", + "äºĭæĥħ" + ], + [ + "å¹¶", + "äºİ" + ], + [ + "顽", + "强" + ], + [ + "èĢ", + "¸" + ], + [ + "åĺ´", + "å·´" + ], + [ + "缸åħ³", + "ä¿¡æģ¯" + ], + [ + "æĪij", + "没" + ], + [ + "æĪĺçķ¥", + "æĢ§" + ], + [ + "æĢĿ", + "念" + ], + [ + "åĪĺ", + "å¤ĩ" + ], + [ + "åĬ©", + "æĶ»" + ], + [ + "é£İ", + "è²Į" + ], + [ + "éĿ¢å¯¹", + "éĿ¢" + ], + [ + "积æŀģ", + "å¼Ģå±ķ" + ], + [ + "çĸĹ", + "æķĪ" + ], + [ + "çľĭ", + "书" + ], + [ + "缺", + "åı£" + ], + [ + "åĽ½æ°ij", + "ç»ıæµİ" + ], + [ + "使ç͍", + "æĿĥ" + ], + [ + "éģ¥", + "è¿ľ" + ], + [ + "å¡«", + "è¡¥" + ], + [ + "第ä¸ī", + "人" + ], + [ + "åįĬ", + "å¤ľ" + ], + [ + "æŃ¦æ±ī", + "å¸Ĥ" + ], + [ + "æĪij", + "åıijçݰ" + ], + [ + "ä¼ĺæĥł", + "æĶ¿çŃĸ" + ], + [ + "é£İ", + "åı£" + ], + [ + "å°±", + "ä¸įèĥ½" + ], + [ + "为", + "主è¦ģ" + ], + [ + "æµģ", + "åĩº" + ], + [ + "å´ĩ", + "æĭľ" + ], + [ + "å¹¶", + "ä¸įèĥ½" + ], + [ + "é«ĺ", + "ä¸ī" + ], + [ + "ä¸ĸçķĮä¸Ĭ", + "æľĢ" + ], + [ + "æĥ³", + "å¿ħ" + ], + [ + "åħ¶", + "æīĢ" + ], + [ + "åĢĻ", + "éĢī" + ], + [ + "åĢĻéĢī", + "人" + ], + [ + "ä¸į", + "çα" + ], + [ + "åī¯", + "ä½ľç͍" + ], + [ + "人æ°ij", + "æĹ¥æĬ¥" + ], + [ + "æĪij", + "ä¸įæĺ¯" + ], + [ + "å®ŀ", + "çī©" + ], + [ + "ç͵", + "åİĤ" + ], + [ + "ä¹Ł", + "ç®Ĺæĺ¯" + ], + [ + "æľī", + "éĹľ" + ], + [ + "æľī", + "èĥ½åĬĽ" + ], + [ + "æĮĤ", + "åľ¨" + ], + [ + "çľ¼", + "ä¸ĭ" + ], + [ + "约", + "ç¿°" + ], + [ + "å°ı", + "åѦçĶŁ" + ], + [ + "èµ·", + "åΰäºĨ" + ], + [ + "å·¥", + "夫" + ], + [ + "åIJĮ", + "å¿ĥ" + ], + [ + "åĿ¦", + "è¨Ģ" + ], + [ + "çł", + "Į" + ], + [ + "åıijæĮ¥", + "äºĨ" + ], + [ + "èģĮä¸ļ", + "éģĵå¾·" + ], + [ + "è¿ĻäºĽ", + "å¹´" + ], + [ + "念", + "头" + ], + [ + "èĢģ", + "é¼ł" + ], + [ + "åħ¨", + "èµĦ" + ], + [ + "åħ¨èµĦ", + "åŃIJ" + ], + [ + "ä¸Ģ", + "åij³" + ], + [ + "å¤ļ", + "ä¸ĩåħĥ" + ], + [ + "æł¼", + "æľĥ" + ], + [ + "éķ¿", + "éĢĶ" + ], + [ + "带", + "èµ°" + ], + [ + "èĭ±", + "寸" + ], + [ + "æĸĩ", + "ä½ĵ" + ], + [ + "对", + "ä»ĸ们" + ], + [ + "åĵŃ", + "äºĨ" + ], + [ + "å¡«", + "æĬ¥" + ], + [ + "çīĪæĿĥ", + "声æĺİ" + ], + [ + "ç͵", + "线" + ], + [ + "è´Ńçī©", + "ä¸Ńå¿ĥ" + ], + [ + "饱", + "满" + ], + [ + "ä½İ", + "头" + ], + [ + "强", + "è¿«" + ], + [ + "ä¿Ŀ", + "æ´ģ" + ], + [ + "欧", + "åĨł" + ], + [ + "缸", + "è¿ŀ" + ], + [ + "认", + "è´Ń" + ], + [ + "çģ«", + "æĺŁ" + ], + [ + "é«ĺ", + "å°Ķ" + ], + [ + "é«ĺå°Ķ", + "夫" + ], + [ + "èij«", + "èĬ¦" + ], + [ + "æłĩ", + "注" + ], + [ + "çļĦ", + "çIJĨæĥ³" + ], + [ + "æł¸", + "éħ¸" + ], + [ + "æł¸éħ¸", + "æ£Ģæµĭ" + ], + [ + "åĬ", + "ī" + ], + [ + "ä¸Ģèά", + "æĺ¯" + ], + [ + "æĢĿ", + "ç´¢" + ], + [ + "轨", + "迹" + ], + [ + "çĥŃ", + "带" + ], + [ + "éĻ", + "£" + ], + [ + "åĩĨç¡®", + "æĢ§" + ], + [ + "æĪ´", + "çĿĢ" + ], + [ + "åľ¨", + "çĶŁæ´»ä¸Ń" + ], + [ + "æīĢ", + "èĥ½" + ], + [ + "æľ¯", + "åIJİ" + ], + [ + "带", + "ä½ł" + ], + [ + "ç¥", + "ł" + ], + [ + "æ®ĭ", + "éħ·" + ], + [ + "ä¹Ł", + "åıªæĺ¯" + ], + [ + "çͳ", + "è´Ń" + ], + [ + "举åĬŀ", + "äºĨ" + ], + [ + "æľī", + "æĦıä¹ī" + ], + [ + "æĹº", + "缼" + ], + [ + "åľ¨", + "ç¶²" + ], + [ + "åľ¨ç¶²", + "è·¯ä¸Ĭ" + ], + [ + "å¾Ī大", + "ç¨ĭ度" + ], + [ + "管", + "è¾ĸ" + ], + [ + "çĸ«æĥħ", + "æľŁéĹ´" + ], + [ + "触", + "æij¸" + ], + [ + "éĺ¶æ®µ", + "æĢ§" + ], + [ + "ä¼ļ", + "è§īå¾Ĺ" + ], + [ + "çļĦ", + "çĶ»éĿ¢" + ], + [ + "æİ¥åıĹ", + "äºĨ" + ], + [ + "表达", + "äºĨ" + ], + [ + "éĤĵ", + "å°ı" + ], + [ + "éĤĵå°ı", + "å¹³" + ], + [ + "åħļ", + "é£İ" + ], + [ + "åħļé£İ", + "å»īæĶ¿" + ], + [ + "åķĨ", + "åѦéĻ¢" + ], + [ + "åħij", + "æį¢" + ], + [ + "é£Łåĵģ", + "èį¯åĵģ" + ], + [ + "éĿŀ常", + "好çļĦ" + ], + [ + "çľ", + "¯" + ], + [ + "纳", + "ç±³" + ], + [ + "åĬ¨", + "æijĩ" + ], + [ + "åĽŀ", + "éģ¿" + ], + [ + "çľĭ", + "èijĹ" + ], + [ + "款", + "项" + ], + [ + "åħ«", + "å¹´" + ], + [ + "åģļ", + "个" + ], + [ + "æĸĩ", + "æ¡£" + ], + [ + "éĩijèŀį", + "ç§ijæĬĢ" + ], + [ + "åħ¶ä¸Ń", + "æľī" + ], + [ + "äºĨä¸Ģ", + "ç³»åĪĹ" + ], + [ + "æĹĹèΰ", + "åºĹ" + ], + [ + "ç§°", + "èµŀ" + ], + [ + "éĽ¢", + "éĸĭ" + ], + [ + "åζ", + "åĨ·" + ], + [ + "å®¶", + "éŨåı£" + ], + [ + "åįģ", + "å¤ļ" + ], + [ + "ä¼´", + "ä¾£" + ], + [ + "çľĭ", + "çĹħ" + ], + [ + "æĭī", + "çĿĢ" + ], + [ + "æī", + "Ĵ" + ], + [ + "çĸ²", + "æĥ«" + ], + [ + "å°ijæķ°", + "æ°ijæĹı" + ], + [ + "åĽ¾", + "å½¢" + ], + [ + "è½", + "§" + ], + [ + "å¢ŀ", + "éĩı" + ], + [ + "饲", + "åħ»" + ], + [ + "çģ«", + "å±±" + ], + [ + "æ¯ı", + "个æľĪ" + ], + [ + "ä½ľä¸º", + "ä¸ĢåIJį" + ], + [ + "è½´", + "æī¿" + ], + [ + "æĸĩ", + "书" + ], + [ + "ç¼", + "ķ" + ], + [ + "åħ·ä½ĵ", + "æĥħåĨµ" + ], + [ + "çĹĽ", + "çĤ¹" + ], + [ + "缴", + "éĶĢ" + ], + [ + "å¡", + "Ĭ" + ], + [ + "ä¹Ł", + "æľĥ" + ], + [ + "çĥŃ", + "æ½®" + ], + [ + "å¹³", + "æ°ij" + ], + [ + "æ¼Ķåͱ", + "ä¼ļ" + ], + [ + "æķĻ", + "çłĶ" + ], + [ + "éĢĥ", + "éģ¿" + ], + [ + "ä¸Ģ", + "è´¯" + ], + [ + "å°±", + "è¶Ĭ" + ], + [ + "å®ŀ", + "å®ŀåľ¨" + ], + [ + "å®ŀå®ŀåľ¨", + "åľ¨" + ], + [ + "ä¹łè¿ijå¹³", + "æĢ»" + ], + [ + "æº", + "º" + ], + [ + "å¿ĥ", + "åºķ" + ], + [ + "éķ¿", + "å¾ģ" + ], + [ + "媽", + "媽" + ], + [ + "第ä¸ī", + "次" + ], + [ + "åĩº", + "æ¼Ķ" + ], + [ + "çĭĢ", + "æ³ģ" + ], + [ + "å°Ķ", + "æĸ¯" + ], + [ + "代çIJĨ", + "åķĨ" + ], + [ + "çĨ", + "ı" + ], + [ + "çļĦ", + "对象" + ], + [ + "ç͵", + "éĩı" + ], + [ + "è¡Į", + "åĪĹ" + ], + [ + "åĽ½", + "人" + ], + [ + "è·ij", + "äºĨ" + ], + [ + "åįĶ", + "åĬ©" + ], + [ + "èIJ¥", + "è¿IJ" + ], + [ + "å¸Ī", + "åħĦ" + ], + [ + "æ¦", + "®" + ], + [ + "æĥ³", + "åĥı" + ], + [ + "æĢ§", + "强" + ], + [ + "ç§ijåѦ", + "çłĶç©¶" + ], + [ + "å»¶", + "å®ī" + ], + [ + "ä¸¥æł¼", + "èIJ½å®ŀ" + ], + [ + "é¢Ĩ", + "ä¼ļ" + ], + [ + "缸", + "å·®" + ], + [ + "è·¯", + "人" + ], + [ + "çĶ", + "«" + ], + [ + "æľī", + "ä»·å̼" + ], + [ + "æľīä»·å̼", + "çļĦ" + ], + [ + "ç¾İ", + "åĽ¢" + ], + [ + "æ°ij主", + "çĶŁæ´»" + ], + [ + "æĪij", + "æīį" + ], + [ + "ç¾İåĽ½", + "人" + ], + [ + "æ°Ķ", + "åij³" + ], + [ + "åıį", + "å°Ħ" + ], + [ + "çļĦ", + "åĨ³å¿ĥ" + ], + [ + "大", + "è±Ĩ" + ], + [ + "交", + "代" + ], + [ + "è¿Ľ", + "åĩº" + ], + [ + "åıį", + "æĬĹ" + ], + [ + "æĮĩ", + "çļĦæĺ¯" + ], + [ + "ä»·", + "ä½į" + ], + [ + "è¿Ľ", + "é©»" + ], + [ + "ä¸Ĭ", + "çϾ" + ], + [ + "ä½į", + "åĪĹ" + ], + [ + "ä¸ŃåĽ½", + "ä¼ģä¸ļ" + ], + [ + "çļĦ好", + "å¤Ħ" + ], + [ + "主", + "ç¼ĸ" + ], + [ + "æ±½", + "æ²¹" + ], + [ + "ä½Ĩ", + "æĪij们" + ], + [ + "æĢİä¹Ī", + "çľĭ" + ], + [ + "é»Ħ", + "å±±" + ], + [ + "å¤ļ", + "åªĴä½ĵ" + ], + [ + "åIJİ", + "åį«" + ], + [ + "èİ·å¾Ĺ", + "æĽ´å¤ļ" + ], + [ + "åĬ¡", + "å¿ħ" + ], + [ + "为", + "å¥ijæľº" + ], + [ + "é¦ĸ", + "饰" + ], + [ + "ä¸ĩ", + "åįļ" + ], + [ + "è¶ĬæĿ¥è¶Ĭ", + "大" + ], + [ + "ä¸ĵ项", + "è¡ĮåĬ¨" + ], + [ + "å¥ĭ", + "è¿Ľ" + ], + [ + "ä»į", + "çĦ¶æĺ¯" + ], + [ + "è´¨", + "æĦŁ" + ], + [ + "å¦Ĥæŀľ", + "ä¸įæĺ¯" + ], + [ + "ç«Ļ", + "èµ·æĿ¥" + ], + [ + "ä¹¾", + "éļĨ" + ], + [ + "åı¯æĢķ", + "çļĦ" + ], + [ + "å¯Į", + "è´µ" + ], + [ + "æ¸ħ", + "ç®Ĺ" + ], + [ + "åIJij", + "ä¸ĭ" + ], + [ + "åĢ", + "ļ" + ], + [ + "çļĦ", + "çŃĶæ¡Ī" + ], + [ + "èι", + "ä¸Ĭ" + ], + [ + "çļĦ羣å®ŀ", + "æĢ§" + ], + [ + "çŃī", + "åĬŁèĥ½" + ], + [ + "åĸľ", + "åī§" + ], + [ + "å¨ģ", + "åĬĽ" + ], + [ + "æĸ°", + "é¢ĸ" + ], + [ + "æł¸", + "ç͵" + ], + [ + "æĬ¥", + "éĶĢ" + ], + [ + "æķħ", + "乡" + ], + [ + "ä¼´", + "éļı" + ], + [ + "éŀ", + "Ń" + ], + [ + "å¦Ĭ", + "å¨ł" + ], + [ + "åĪĨ", + "åĮĸ" + ], + [ + "æľī", + "å¾Ī大" + ], + [ + "æĢİä¹Ī", + "说" + ], + [ + "æĻĤ", + "代" + ], + [ + "产", + "åĩº" + ], + [ + "ä»ĭç»į", + "说" + ], + [ + "å¤ĦçIJĨ", + "åύ" + ], + [ + "èĨ¨", + "èĥĢ" + ], + [ + "åī¯", + "å¸Ĥéķ¿" + ], + [ + "çļĦ", + "妻åŃIJ" + ], + [ + "æł·", + "åĵģ" + ], + [ + "åIJĮæ¯Ķ", + "ä¸ĭéĻį" + ], + [ + "åħĥ", + "å·¦åı³" + ], + [ + "ç͍", + "èĩªå·±çļĦ" + ], + [ + "é«ĺ", + "éĽĦ" + ], + [ + "æĺ¥", + "æĻļ" + ], + [ + "ä¹Ł", + "æľīå¾Īå¤ļ" + ], + [ + "çľ¼", + "çIJĥ" + ], + [ + "æķ£", + "æŃ¥" + ], + [ + "ä»ĸ们", + "éĥ½" + ], + [ + "第ä¸Ģ", + "å®¶" + ], + [ + "åĬŀ", + "好" + ], + [ + "å®ī", + "éĺ²" + ], + [ + "ä¸Ģ", + "ä¸ĩ" + ], + [ + "åľ¨", + "éĩĮéĿ¢" + ], + [ + "éŁ³", + "é¢ij" + ], + [ + "åı£", + "åı·" + ], + [ + "ä¸Ģ", + "è¶Ł" + ], + [ + "ç¦ı", + "çī¹" + ], + [ + "é³", + "ŀ" + ], + [ + "æĥĬ", + "èī³" + ], + [ + "æĸ°", + "å¨ĺ" + ], + [ + "绿èī²", + "åıijå±ķ" + ], + [ + "ä¸Ń", + "å¼ı" + ], + [ + "ä¹Ł", + "åıªæľī" + ], + [ + "çݰ", + "身" + ], + [ + "åı¯", + "ä¾Ľ" + ], + [ + "æ¯ı", + "ä¸Ģ个人" + ], + [ + "第ä¸ī", + "èĢħ" + ], + [ + "åľ°", + "å½¢" + ], + [ + "éĴ¢", + "ç»ĵæŀĦ" + ], + [ + "çĽijçĿ£", + "æ£ĢæŁ¥" + ], + [ + "åı«", + "æĪij" + ], + [ + "èĩ´", + "æķ¬" + ], + [ + "æ´Ĺ", + "æīĭ" + ], + [ + "ä¸ĭ", + "è°ĥ" + ], + [ + "康", + "çĨĻ" + ], + [ + "æĪIJ交", + "éĩı" + ], + [ + "ä¹Ł", + "æĪIJ为" + ], + [ + "åħī", + "æ»ij" + ], + [ + "å®Įæķ´", + "æĢ§" + ], + [ + "çģ", + "¼" + ], + [ + "ç¶²", + "éłģ" + ], + [ + "éķ¿", + "寿" + ], + [ + "éģ©", + "ç͍" + ], + [ + "çļĦä¸Ģ", + "项" + ], + [ + "çŀ©", + "缮" + ], + [ + "æĬĬ", + "èĩªå·±çļĦ" + ], + [ + "éĵ¶è¡Į", + "åį¡" + ], + [ + "å°±", + "å¿ħé¡»" + ], + [ + "ç¾İ", + "çϽ" + ], + [ + "éŀį", + "å±±" + ], + [ + "æľ¬", + "é¢Ĩ" + ], + [ + "ä¸Ģ", + "ç¢Ĺ" + ], + [ + "æīĵ", + "æ³ķ" + ], + [ + "æĤ¨", + "好" + ], + [ + "对", + "åŃ©åŃIJ" + ], + [ + "æĬ¥éģĵ", + "ç§°" + ], + [ + "ä¼ł", + "åĩº" + ], + [ + "大", + "èĩ£" + ], + [ + "ç¬", + "ĭ" + ], + [ + "çĽ", + "ı" + ], + [ + "é¾", + "ļ" + ], + [ + "缴", + "线" + ], + [ + "æĻº", + "åºĵ" + ], + [ + "ç§Ł", + "车" + ], + [ + "é£İ", + "åij³" + ], + [ + "çľĭ", + "ä¸Ģä¸ĭ" + ], + [ + "æİ¨", + "éĶĢ" + ], + [ + "éĥ¨", + "éĥ¨éķ¿" + ], + [ + "è´¨éĩı", + "åĴĮ" + ], + [ + "åĪĬ", + "çĻ»" + ], + [ + "å·¥ä¸ļ", + "åĮĸ" + ], + [ + "çİĩ", + "为" + ], + [ + "鼶", + "ä»¶" + ], + [ + "硬", + "åĮĸ" + ], + [ + "ä¸Ĭ", + "åįĥ" + ], + [ + "ç»ıéªĮ", + "å̼" + ], + [ + "å¹³", + "è¡Į" + ], + [ + "声", + "éģĵ" + ], + [ + "æľįåĬ¡", + "è´¨éĩı" + ], + [ + "çĶŁ", + "çĶ¢" + ], + [ + "æľĢ", + "容æĺĵ" + ], + [ + "ä¸Ģ", + "æŀļ" + ], + [ + "å¹´", + "æĬ¥" + ], + [ + "åħ¬", + "ç½ij" + ], + [ + "åħ¬ç½ij", + "å®ī" + ], + [ + "åħ¬ç½ijå®ī", + "å¤ĩ" + ], + [ + "çļĦ", + "èĥ½éĩı" + ], + [ + "å®ŀéĻħ", + "è¡ĮåĬ¨" + ], + [ + "è¦ģ", + "ä¸įè¦ģ" + ], + [ + "æĹ¥æľ¬", + "人" + ], + [ + "è̶", + "稣" + ], + [ + "ç¼ĸ", + "åī§" + ], + [ + "æ¶", + "©" + ], + [ + "åį°", + "å°¼" + ], + [ + "ä¸Ĭä¸ĭ", + "游" + ], + [ + "åĩł", + "åı¥" + ], + [ + "ä¸Ń", + "éĵģ" + ], + [ + "ç°¡", + "åĸ®" + ], + [ + "èĩª", + "带" + ], + [ + "çĶŁ", + "äºİ" + ], + [ + "ä¸Ģ", + "åı£æ°Ķ" + ], + [ + "åĭ¤", + "å¥ĭ" + ], + [ + "éĻį", + "ä»·" + ], + [ + "å±ķçݰ", + "äºĨ" + ], + [ + "å¸ĥ", + "æĭī" + ], + [ + "ä¼ļ", + "éĢīæĭ©" + ], + [ + "çļĦ", + "ç»ıåħ¸" + ], + [ + "好", + "æľĭåıĭ" + ], + [ + "车", + "éģĵ" + ], + [ + "æķ´", + "åĢĭ" + ], + [ + "åľ", + "ĵ" + ], + [ + "éķ¿æľŁ", + "以æĿ¥" + ], + [ + "æĬķ", + "å½±" + ], + [ + "çļĩ", + "åĨł" + ], + [ + "è¿ĩ", + "大" + ], + [ + "åijĬè¯ī", + "ä»ĸ" + ], + [ + "ä¼ģä¸ļ", + "æıIJä¾Ľ" + ], + [ + "æĬ½", + "象" + ], + [ + "éĢĤ", + "度" + ], + [ + "çļĦ", + "女åŃ©" + ], + [ + "èµ·", + "ä¼ı" + ], + [ + "çļĦ", + "åĬŁæķĪ" + ], + [ + "ä¸ĵ项", + "æķ´æ²»" + ], + [ + "åı¯", + "éĢļè¿ĩ" + ], + [ + "ä¸įåIJĮ", + "ç¨ĭ度" + ], + [ + "å¼Ĥ", + "è®®" + ], + [ + "åĩĢ", + "èµĦ产" + ], + [ + "åij", + "Ĺ" + ], + [ + "ä»Ģä¹Ī", + "åij¢" + ], + [ + "å·¡", + "éĢ»" + ], + [ + "è¸ı", + "ä¸Ĭ" + ], + [ + "ä½Ĩ", + "å®ĥ" + ], + [ + "ç²¾", + "度" + ], + [ + "管", + "å±Ģ" + ], + [ + "第ä¸Ģ", + "åIJį" + ], + [ + "åĨħ", + "åŃĺ" + ], + [ + "æijĨ", + "åľ¨" + ], + [ + "åī©", + "ä¸ĭ" + ], + [ + "主ä½ĵ", + "责任" + ], + [ + "çĤ¹", + "åįĬ" + ], + [ + "以", + "èĩ³äºİ" + ], + [ + "åħ»èĢģ", + "ä¿ĿéĻ©" + ], + [ + "æĦŁåıĹ", + "åΰäºĨ" + ], + [ + "çŁ¥åIJį", + "çļĦ" + ], + [ + "å¯Į", + "豪" + ], + [ + "妥", + "åĸĦ" + ], + [ + "åŃĻ", + "åŃIJ" + ], + [ + "éĵ", + "Ĥ" + ], + [ + "说", + "èĩªå·±" + ], + [ + "让", + "æĤ¨" + ], + [ + "æķ°", + "æİ§" + ], + [ + "çļĦçľ¼", + "åħī" + ], + [ + "注", + "éĶĢ" + ], + [ + "çļĦ", + "çģµéŃĤ" + ], + [ + "è¿ĺ", + "ä¸įéĶĻ" + ], + [ + "éĹ®", + "ä»ĸ" + ], + [ + "èĩªä¸»", + "çłĶåıij" + ], + [ + "èĵ", + "ĭ" + ], + [ + "ç´«", + "èī²" + ], + [ + "åĽ½å®¶", + "å®īåħ¨" + ], + [ + "è¾½å®ģ", + "çľģ" + ], + [ + "ä¹Ł", + "æ¯Ķè¾ĥ" + ], + [ + "ç¾İ", + "èĤ¡" + ], + [ + "ä¸įç¡®å®ļ", + "æĢ§" + ], + [ + "å¿ĥ", + "头" + ], + [ + "æĪ", + "³" + ], + [ + "级", + "åĪ«çļĦ" + ], + [ + "论", + "è¿°" + ], + [ + "çļĦ", + "åĽŀçŃĶ" + ], + [ + "ä¿Ŀè¯ģ", + "éĩij" + ], + [ + "çŃī", + "è¡Įä¸ļ" + ], + [ + "幸ç¦ı", + "æĦŁ" + ], + [ + "æŃ§", + "è§Ĩ" + ], + [ + "æľº", + "票" + ], + [ + "æ´¾", + "人" + ], + [ + "èĩ´", + "åij½" + ], + [ + "åĺ´", + "è§Ĵ" + ], + [ + "æĸ°éĹ»", + "ä¸Ńå¿ĥ" + ], + [ + "æĶ¾å¼ĥ", + "äºĨ" + ], + [ + "å®ľ", + "å±ħ" + ], + [ + "åĨĻ", + "ä¸ĭ" + ], + [ + "éĹ®", + "çŃĶ" + ], + [ + "è¿ĻéĩĮ", + "æĺ¯" + ], + [ + "å¤ļ", + "åľ°" + ], + [ + "åĮºåŁŁ", + "åĨħ" + ], + [ + "åīµ", + "æĸ°" + ], + [ + "çľĭ", + "ä»ĸ" + ], + [ + "æī§æ³ķ", + "人åijĺ" + ], + [ + "åĬ¨", + "æľº" + ], + [ + "éŁ³", + "åĵį" + ], + [ + "çļĦ", + "åij½è¿IJ" + ], + [ + "é¡¶", + "éĥ¨" + ], + [ + "åĵ", + "Ł" + ], + [ + "éĥ½", + "æľĥ" + ], + [ + "æīĵéĢł", + "æĪIJ" + ], + [ + "æĦı", + "åĽ¾" + ], + [ + "çļ", + "ĸ" + ], + [ + "åĢĴ", + "åħ¥" + ], + [ + "å·´", + "èIJ¨" + ], + [ + "åĬ©", + "åѦ" + ], + [ + "å¤į", + "åı¤" + ], + [ + "åIJ¯", + "ç͍" + ], + [ + "åĽ½éĻħ", + "å¸Ĥåľº" + ], + [ + "åĤ¨", + "èĥ½" + ], + [ + "é»ijé¾Ļæ±Ł", + "çľģ" + ], + [ + "ä¹ĺ", + "车" + ], + [ + "è¿IJåĬ¨", + "ä¼ļ" + ], + [ + "ä¿Ŀ", + "åĪ©" + ], + [ + "çŁ³", + "æĿIJ" + ], + [ + "çµ", + "®" + ], + [ + "çĤĴ", + "ä½ľ" + ], + [ + "çļĦ", + "ä¿¡ä»»" + ], + [ + "å°±", + "æĪIJäºĨ" + ], + [ + "åı¯", + "è§Ĥ" + ], + [ + "çļĩ", + "ä¸Ĭ" + ], + [ + "è¿Ļ", + "åĩłå¤©" + ], + [ + "ä¸Ģ", + "éĶ®" + ], + [ + "åĨ·", + "åĨ»" + ], + [ + "ä¿Ŀ", + "åį«" + ], + [ + "æł¸", + "æ¡ĥ" + ], + [ + "åIJĪä½ľ", + "åħ³ç³»" + ], + [ + "éĢģ", + "åĩº" + ], + [ + "æĹĹ", + "ä¸ĭçļĦ" + ], + [ + "åľ¨", + "ä¹İ" + ], + [ + "为", + "广大" + ], + [ + "åįĪ", + "é¤IJ" + ], + [ + "ä¸ĵ", + "访" + ], + [ + "æĪĸ", + "å°Ĩ" + ], + [ + "éĿĴå²Ľ", + "å¸Ĥ" + ], + [ + "å¥Ķ", + "è·ij" + ], + [ + "æĹ¥", + "æĬ¥éģĵ" + ], + [ + "å¥ij", + "åIJĪ" + ], + [ + "æĸ°", + "æĺ¥" + ], + [ + "ä¸į", + "å°ıå¿ĥ" + ], + [ + "两", + "ä¸ī" + ], + [ + "æĦıæĢĿ", + "æĺ¯" + ], + [ + "åĨ·", + "èĹı" + ], + [ + "çļĦ", + "çĹĩçĬ¶" + ], + [ + "æĢ§", + "åij½" + ], + [ + "è¶ħ", + "æłĩ" + ], + [ + "å¯Ĩ", + "碼" + ], + [ + "ç§ijæĬĢ", + "èĤ¡ä»½" + ], + [ + "äºĨä¸Ģ", + "æī¹" + ], + [ + "çĿ£", + "å¯Ł" + ], + [ + "åªĴ", + "ä»ĭ" + ], + [ + "å°Ħ", + "æīĭ" + ], + [ + "ä¿®", + "åħ»" + ], + [ + "çīĩ", + "åĪ»" + ], + [ + "éĢĤåIJĪ", + "èĩªå·±" + ], + [ + "åıªè¦ģ", + "æĺ¯" + ], + [ + "åIJĥ", + "è¿ĩ" + ], + [ + "éĩij", + "éĵ¶" + ], + [ + "缴", + "å±ŀ" + ], + [ + "åѦ", + "éĹ®" + ], + [ + "åİĭ", + "åζ" + ], + [ + "çªĹ", + "å¤ĸ" + ], + [ + "æĶ¶", + "åΰäºĨ" + ], + [ + "åħ¨åĽ½", + "人大" + ], + [ + "ä½Ĩæĺ¯", + "对äºİ" + ], + [ + "åľ¨", + "æķ´ä¸ª" + ], + [ + "çļĦ", + "èĥĮåIJİ" + ], + [ + "åĩıå°ij", + "äºĨ" + ], + [ + "åıį", + "èħIJ" + ], + [ + "åıįèħIJ", + "åĢ¡" + ], + [ + "åıįèħIJåĢ¡", + "å»ī" + ], + [ + "æĹ", + "·" + ], + [ + "åĪĨ", + "æľŁ" + ], + [ + "åľ¨", + "æ·±åľ³" + ], + [ + "æīĵ", + "çĿĢ" + ], + [ + "æī«", + "ä¸Ģ" + ], + [ + "æī«ä¸Ģ", + "æī«" + ], + [ + "æĶ¿åºľ", + "éĥ¨éŨ" + ], + [ + "æİ¥", + "è¿ŀ" + ], + [ + "å±ŀäºİ", + "èĩªå·±" + ], + [ + "åŃIJ", + "å¼¹" + ], + [ + "åIJĮæł·", + "æĺ¯" + ], + [ + "æĢ»", + "åħ±" + ], + [ + "车", + "ä¼ģ" + ], + [ + "æ¢", + "ĵ" + ], + [ + "åħ¬", + "é¡·" + ], + [ + "åıij", + "声" + ], + [ + "éĴ", + "Ľ" + ], + [ + "èµ°åĬ¿", + "åĽ¾" + ], + [ + "主", + "èIJ¥" + ], + [ + "åĸ", + "Ķ" + ], + [ + "æķ°æį®", + "åĪĨæŀIJ" + ], + [ + "ä¸į", + "è¿ľ" + ], + [ + "æľī", + "åIJį" + ], + [ + "æľīåIJį", + "çļĦ" + ], + [ + "åģ¿", + "è¿ĺ" + ], + [ + "å¾Ī", + "ä½İ" + ], + [ + "è®ĵ", + "人" + ], + [ + "èĿ", + "ī" + ], + [ + "é«ĺ", + "è´µ" + ], + [ + "å°ij", + "许" + ], + [ + "æ°", + "Ł" + ], + [ + "å¹", + "¢" + ], + [ + "亲", + "æĥħ" + ], + [ + "è¿Ļä»¶", + "äºĭæĥħ" + ], + [ + "ç͍", + "é¤IJ" + ], + [ + "缸åħ³", + "æĸ°éĹ»" + ], + [ + "å°±", + "åºĶ该" + ], + [ + "ç»Ī", + "çĤ¹" + ], + [ + "æĺ¯", + "å¤ļå°ij" + ], + [ + "çĻ»", + "åľº" + ], + [ + "è¯ķ", + "管" + ], + [ + "è¯ķ管", + "å©´åĦ¿" + ], + [ + "åģļ", + "大" + ], + [ + "åģļ大", + "åģļ强" + ], + [ + "çļĦ", + "ä¾ĭåŃIJ" + ], + [ + "åħ«", + "个" + ], + [ + "æĺİ", + "æĹ¥" + ], + [ + "çĤ", + "³" + ], + [ + "èµ°", + "åİ»" + ], + [ + "éģ", + "º" + ], + [ + "å¢", + "©" + ], + [ + "ä½ĵä¼ļ", + "åΰ" + ], + [ + "åĴ", + "ı" + ], + [ + "ä¸ĭ", + "è¾¾" + ], + [ + "å¤į", + "åıij" + ], + [ + "追", + "éĢIJ" + ], + [ + "æīĵ", + "åĵį" + ], + [ + "çļĦ", + "éļ±ç§ģæ¬Ĭ" + ], + [ + "åħ·æľī", + "ä¸Ģå®ļ" + ], + [ + "è¿Ļä¹Ī", + "å¤ļå¹´" + ], + [ + "æłij", + "æŀĹ" + ], + [ + "æľĢ", + "éķ¿" + ], + [ + "åIJĮ", + "èĥŀ" + ], + [ + "åħī", + "æ³½" + ], + [ + "åŁŁ", + "åIJį" + ], + [ + "æĮĩ", + "åIJij" + ], + [ + "åıĹ害", + "èĢħ" + ], + [ + "æłij", + "èĦĤ" + ], + [ + "æľīå¤ļ", + "大" + ], + [ + "大", + "éĿ¢ç§¯" + ], + [ + "æĹł", + "ç¼Ŀ" + ], + [ + "æĶ¹", + "æŃ£" + ], + [ + "æĽ´å¤ļ", + "çļĦæĺ¯" + ], + [ + "æľŁ", + "æľ«" + ], + [ + "æŃ", + "¼" + ], + [ + "ä¹ī", + "ä¹Į" + ], + [ + "éĤ£", + "ä½ł" + ], + [ + "çļĦ", + "第ä¸Ģ个" + ], + [ + "èĮ", + "µ" + ], + [ + "å°", + "§" + ], + [ + "èį", + "«" + ], + [ + "ä¸įä»ħ", + "åı¯ä»¥" + ], + [ + "æ¶Į", + "çݰ" + ], + [ + "æĢ»", + "éĿ¢ç§¯" + ], + [ + "æĸ°éĹ»", + "åıijå¸ĥ" + ], + [ + "æ°ij", + "ç͍" + ], + [ + "å°±", + "读" + ], + [ + "æīĵ", + "è´¥" + ], + [ + "å¤ĸ", + "è¯Ń" + ], + [ + "æĪij们", + "ä¸Ģèµ·" + ], + [ + "é¢Ħ", + "å®ļ" + ], + [ + "çĥ¹", + "饪" + ], + [ + "æľĢ", + "主è¦ģ" + ], + [ + "æľĢ主è¦ģ", + "çļĦ" + ], + [ + "çīĮ", + "çħ§" + ], + [ + "åĽł", + "åħ¶" + ], + [ + "ä½İ", + "ä¸ĭ" + ], + [ + "ä¼ļ", + "åIJĮ" + ], + [ + "è§ģ", + "è§£" + ], + [ + "éĹ´", + "éļĶ" + ], + [ + "æķĻ", + "ç¨ĭ" + ], + [ + "å°", + "ī" + ], + [ + "å¸Ĥ", + "ä¸Ńå¿ĥ" + ], + [ + "åħ³éĶ®", + "æĺ¯" + ], + [ + "æµ·", + "åįĹçľģ" + ], + [ + "çī¹åĪ«", + "æĺ¯åľ¨" + ], + [ + "ä¸ŃåĽ½", + "大éĻĨ" + ], + [ + "åħħè¶³", + "çļĦ" + ], + [ + "æĹ¢", + "èĥ½" + ], + [ + "åĤ³", + "çµ±" + ], + [ + "çijľ", + "ä¼½" + ], + [ + "åħ¥", + "åĽ´" + ], + [ + "æħ¢æħ¢", + "åľ°" + ], + [ + "æĬ¥", + "éħ¬" + ], + [ + "æī¹", + "å¤į" + ], + [ + "å·¥ä¸ļ", + "åĽŃåĮº" + ], + [ + "ä¸İ", + "åıijå±ķ" + ], + [ + "èĥ¸", + "éĥ¨" + ], + [ + "åľ¨", + "ç½ij绾" + ], + [ + "åľ¨ç½ij绾", + "ä¸Ĭ" + ], + [ + "交", + "è°Ī" + ], + [ + "æĽ´", + "æĶ¹" + ], + [ + "åįłæľī", + "çİĩ" + ], + [ + "ä¸Ŀ绸", + "ä¹ĭè·¯" + ], + [ + "è¡", + "Ľ" + ], + [ + "çłĶ", + "åΤ" + ], + [ + "åĪ", + "ª" + ], + [ + "åĪª", + "éϤ" + ], + [ + "è¿Ļ", + "åıª" + ], + [ + "çļĦ", + "æ°Ķæģ¯" + ], + [ + "åĬł", + "å·ŀ" + ], + [ + "éĴ", + "§" + ], + [ + "çIJĨäºĭ", + "éķ¿" + ], + [ + "ä¸ĸ", + "å®¶" + ], + [ + "æµģè¡Į", + "çļĦ" + ], + [ + "å¾Ī", + "æľīåı¯èĥ½" + ], + [ + "们", + "éĥ½" + ], + [ + "ç»ıèIJ¥", + "模å¼ı" + ], + [ + "è¡Įä¸ļ", + "ä¸Ń" + ], + [ + "éĢļçŁ¥", + "书" + ], + [ + "åij½", + "é¢ĺ" + ], + [ + "æľ¬", + "ç¶²ç«Ļ" + ], + [ + "æ²Ļ", + "çī¹" + ], + [ + "åıij", + "åħī" + ], + [ + "é«ĺ", + "ä»·" + ], + [ + "å·²", + "çĦ¶" + ], + [ + "åıĮ", + "åįģä¸Ģ" + ], + [ + "ä¸Ĭ", + "è¯ī" + ], + [ + "ç¿ħ", + "èĨĢ" + ], + [ + "è¿Ļä¸Ģ", + "å¹´" + ], + [ + "大ä¼ļ", + "ä¸Ĭ" + ], + [ + "éĩ", + "ī" + ], + [ + "å®Įåħ¨", + "æĺ¯" + ], + [ + "å¾Ĺ", + "太" + ], + [ + "ä¸Ģèά", + "人" + ], + [ + "è¿ĺ", + "ç®Ĺ" + ], + [ + "æĬĺ", + "åıł" + ], + [ + "æĬķ", + "æľº" + ], + [ + "çĤ¹", + "çĩĥ" + ], + [ + "çݰéĩij", + "æµģ" + ], + [ + "åħĶ", + "åŃIJ" + ], + [ + "ç½ij", + "æł¼" + ], + [ + "æİ¥", + "è¿ĩ" + ], + [ + "ä¾Ľ", + "è´§" + ], + [ + "éĺ´", + "å½±" + ], + [ + "åİŁ", + "åħĪ" + ], + [ + "æį", + "£" + ], + [ + "å·¦", + "ä¾§" + ], + [ + "åħĭ", + "æĭī" + ], + [ + "æīĵ", + "åį¡" + ], + [ + "ç§ij", + "æ¯Ķ" + ], + [ + "æ±ĩ", + "éĽĨ" + ], + [ + "åľ°çIJĨ", + "ä½įç½®" + ], + [ + "è¯Ħ", + "å§Ķ" + ], + [ + "ç»ĵåIJĪ", + "èµ·æĿ¥" + ], + [ + "è¿Ľåħ¥", + "åΰ" + ], + [ + "åı¯", + "è¡Į" + ], + [ + "åı¯è¡Į", + "æĢ§" + ], + [ + "让", + "å®ĥ" + ], + [ + "åĪ¶åº¦", + "æĶ¹éĿ©" + ], + [ + "çĶĺèĤĥ", + "çľģ" + ], + [ + "åĵ", + "Ĺ" + ], + [ + "åģı", + "åģı" + ], + [ + "è¡£", + "çī©" + ], + [ + "ç¥Ŀ", + "è´º" + ], + [ + "æºIJ", + "èĩª" + ], + [ + "å¹¶ä¸į", + "代表" + ], + [ + "åĽ½", + "度" + ], + [ + "好", + "åĿı" + ], + [ + "æĿ", + "ĸ" + ], + [ + "æĿŃ", + "å·ŀå¸Ĥ" + ], + [ + "湿", + "度" + ], + [ + "é²", + "¸" + ], + [ + "åįļ", + "彩" + ], + [ + "æ³°", + "å±±" + ], + [ + "æĿij", + "èIJ½" + ], + [ + "æĸ°", + "èģŀ" + ], + [ + "èĤ", + "ĭ" + ], + [ + "åı¤èĢģ", + "çļĦ" + ], + [ + "çļĦ", + "ç§ĺå¯Ĩ" + ], + [ + "ä¸Ģ个", + "éĹ®é¢ĺ" + ], + [ + "éģı", + "åζ" + ], + [ + "åįĥ", + "亿" + ], + [ + "è¿ĩ", + "硬" + ], + [ + "å°Ħ", + "åĩ»" + ], + [ + "èĩªçĦ¶", + "æĺ¯" + ], + [ + "产", + "åĮº" + ], + [ + "çĤ¹", + "çĤ¹å¤´" + ], + [ + "åı¯ä»¥", + "帮åĬ©" + ], + [ + "说", + "å®ŀ" + ], + [ + "说å®ŀ", + "è¯Ŀ" + ], + [ + "æĪij", + "åıªæĺ¯" + ], + [ + "ä¹ĭ", + "ä½Ļ" + ], + [ + "åIJĮæĹ¶", + "ä¹Łæĺ¯" + ], + [ + "ä¸ŃåĽ½", + "éĺŁ" + ], + [ + "建æĪIJ", + "åIJİ" + ], + [ + "ä¹IJ", + "è§Ĩ" + ], + [ + "åij¨", + "å²ģ" + ], + [ + "èį¯", + "åºĹ" + ], + [ + "éĩij", + "åįİ" + ], + [ + "严éĩį", + "å½±åĵį" + ], + [ + "è´¨", + "åľ°" + ], + [ + "æĹħ", + "éģĬ" + ], + [ + "åħµ", + "åύ" + ], + [ + "æķĻèĤ²", + "æķĻåѦ" + ], + [ + "离", + "åİ»" + ], + [ + "åIJĦå¼ı", + "åIJĦæł·" + ], + [ + "ä»ĭ", + "ç´" + ], + [ + "ä»ĭç´", + "¹" + ], + [ + "å¼Ģ", + "头" + ], + [ + "å°Ĩ", + "èĩªå·±çļĦ" + ], + [ + "åIJ¬", + "åĬĽ" + ], + [ + "ä¿¡æģ¯", + "ç³»ç»Ł" + ], + [ + "ä»İ", + "æł¹æľ¬" + ], + [ + "ä»İæł¹æľ¬", + "ä¸Ĭ" + ], + [ + "æİĮ", + "声" + ], + [ + "欢", + "åĸľ" + ], + [ + "å±ķ", + "åĮº" + ], + [ + "åķ", + "¸" + ], + [ + "太å¤ļ", + "äºĨ" + ], + [ + "éĹ²", + "ç½®" + ], + [ + "èĥ¡", + "èIJĿåįľ" + ], + [ + "å§Ķ", + "å®£ä¼ł" + ], + [ + "å§Ķå®£ä¼ł", + "éĥ¨" + ], + [ + "åįĹ", + "éĺ³" + ], + [ + "å·ŀ", + "åĮº" + ], + [ + "ä¸İ", + "æĹ¶" + ], + [ + "ä¸İæĹ¶", + "俱" + ], + [ + "ä¸İæĹ¶ä¿±", + "è¿Ľ" + ], + [ + "å«Įçĸij", + "人" + ], + [ + "èī¯", + "å¿ĥ" + ], + [ + "头", + "é¡¶" + ], + [ + "è´¢", + "æĬ¥" + ], + [ + "ä½Ľ", + "æ³ķ" + ], + [ + "å¾", + "µ" + ], + [ + "åİŁ", + "ä»¶" + ], + [ + "åĭ", + "ŀ" + ], + [ + "çĶ·", + "篮" + ], + [ + "å¤ĸåĽ½", + "人" + ], + [ + "è¿Ŀ", + "纪" + ], + [ + "æī¾", + "äºĨ" + ], + [ + "æįķ", + "æįī" + ], + [ + "缸", + "è¯Ĩ" + ], + [ + "æIJľ", + "éĽĨ" + ], + [ + "çļĦ", + "ä¼Łå¤§" + ], + [ + "ä¸ī", + "ç»´" + ], + [ + "å°±è¡Į", + "äºĨ" + ], + [ + "çĭIJ", + "æľĪ" + ], + [ + "çĭIJæľĪ", + "å±±" + ], + [ + "å¸ĮæľĽ", + "éĢļè¿ĩ" + ], + [ + "èĢĮ", + "对äºİ" + ], + [ + "éĿ¢", + "å°į" + ], + [ + "åĨĽ", + "åĽ¢" + ], + [ + "è¡Ĺ", + "åĮº" + ], + [ + "æĤ¬", + "æĮĤ" + ], + [ + "便", + "ç§ĺ" + ], + [ + "æľīä¸Ģ", + "çĤ¹" + ], + [ + "ä¼ļè®®", + "ä¸Ĭ" + ], + [ + "ä¸ĭ", + "æīĭ" + ], + [ + "廣", + "åijĬ" + ], + [ + "äºĶ", + "è¡Į" + ], + [ + "çŃī", + "åĢĻ" + ], + [ + "ç´§ç´§", + "åĽ´ç»ķ" + ], + [ + "æĭ¿", + "äºĨ" + ], + [ + "æ¡Į", + "éĿ¢" + ], + [ + "ç¥ŀ", + "æĥħ" + ], + [ + "éĽĦ", + "åİļ" + ], + [ + "çŀ", + "³" + ], + [ + "楼", + "ä¸ĭ" + ], + [ + "å½", + "ª" + ], + [ + "äºĭ", + "åıij" + ], + [ + "åĨį", + "è§ģ" + ], + [ + "é¤", + "ĺ" + ], + [ + "é¢Ħ", + "åĶ®" + ], + [ + "åİ»", + "çľĭçľĭ" + ], + [ + "æĪij们", + "åºĶ该" + ], + [ + "ä¸ī", + "å®¶" + ], + [ + "æµ", + "Ĭ" + ], + [ + "ä¹IJ", + "éĺŁ" + ], + [ + "çľĭ", + "ä¸įè§ģ" + ], + [ + "èĦij", + "åŃIJ" + ], + [ + "æĮģ", + "æľīçļĦ" + ], + [ + "çϽ", + "èıľ" + ], + [ + "éĹª", + "çĥģ" + ], + [ + "åĸĿ", + "æ°´" + ], + [ + "æİ§åζ", + "ç³»ç»Ł" + ], + [ + "ä¸ĵ", + "åĮº" + ], + [ + "æľĿ", + "å»·" + ], + [ + "æĪij", + "å¿ĥéĩĮ" + ], + [ + "å±ķ", + "åİħ" + ], + [ + "èľĺ", + "èĽĽ" + ], + [ + "åĨ»", + "ç»ĵ" + ], + [ + "ç²", + "ª" + ], + [ + "åº", + "IJ" + ], + [ + "åIJij", + "社ä¼ļ" + ], + [ + "åĨ³çŃĸ", + "éĥ¨ç½²" + ], + [ + "çŁŃ", + "æľŁåĨħ" + ], + [ + "æĸ°", + "ä¸ļæĢģ" + ], + [ + "æľ", + "Ķ" + ], + [ + "æĹ¶", + "æĬ¥" + ], + [ + "使", + "ä¹ĭ" + ], + [ + "åĽł", + "åŃIJ" + ], + [ + "åıĤä¸İ", + "èĢħ" + ], + [ + "çļĦ", + "年轻人" + ], + [ + "æīĭ", + "表" + ], + [ + "å°ģ", + "éĶģ" + ], + [ + "为ä»Ģä¹Ī", + "ä¸į" + ], + [ + "åIJ¸", + "çĥŁ" + ], + [ + "æ¯Ĵ", + "ç´ł" + ], + [ + "åĪij", + "æ³ķ" + ], + [ + "磫", + "æŃ£" + ], + [ + "身", + "æĹģ" + ], + [ + "åİŁ", + "è°ħ" + ], + [ + "çĽij", + "æĬ¤" + ], + [ + "æŃ¤", + "å¤Ħ" + ], + [ + "éļ¨", + "æĻĤ" + ], + [ + "æŀľ", + "å®ŀ" + ], + [ + "åĮ»çĸĹ", + "æľįåĬ¡" + ], + [ + "ä¸į", + "åIJĪçIJĨ" + ], + [ + "æIJŀ", + "好" + ], + [ + "çļĦ", + "èĦļæŃ¥" + ], + [ + "å¤ĸ", + "å¥Ĺ" + ], + [ + "ç¶ĵ", + "éģİ" + ], + [ + "æĶ¾", + "ç¼ĵ" + ], + [ + "åģľ", + "çķĻ" + ], + [ + "æĺŁ", + "çIJĥ" + ], + [ + "çļĦä¸Ģ", + "éĿ¢" + ], + [ + "åĩł", + "ä½ķ" + ], + [ + "è½®", + "åĽŀ" + ], + [ + "æ¯Ľ", + "å·¾" + ], + [ + "ä¿®", + "çIJĨ" + ], + [ + "ä¸įçŁ¥", + "ä¸į" + ], + [ + "ä¸įçŁ¥ä¸į", + "è§ī" + ], + [ + "æķ´", + "个人" + ], + [ + "æ¯ģ", + "çģŃ" + ], + [ + "åı°", + "å·ŀ" + ], + [ + "使ç͍", + "寿åij½" + ], + [ + "é»ij", + "çϽ" + ], + [ + "æij¸", + "ç´¢" + ], + [ + "é¼ł", + "æłĩ" + ], + [ + "éĿ©", + "æĸ°" + ], + [ + "éº", + "µ" + ], + [ + "ä¸ĵéŨ", + "为" + ], + [ + "å¾Īå¤ļ", + "æľĭåıĭ" + ], + [ + "å·¥ä½ľ", + "ç»Ħ" + ], + [ + "åIJĪ", + "å½±" + ], + [ + "çĤº", + "ä»Ģ麼" + ], + [ + "æŀģ", + "度" + ], + [ + "çļĦ", + "è¿ĽæŃ¥" + ], + [ + "å½ĵ", + "ä¹ĭ" + ], + [ + "å½ĵä¹ĭ", + "æĹł" + ], + [ + "å½ĵä¹ĭæĹł", + "æĦ§" + ], + [ + "è´´", + "è¿ij" + ], + [ + "å°º", + "度" + ], + [ + "åľ¨", + "çİ°åľº" + ], + [ + "éĻį", + "临" + ], + [ + "åħ»èĢģ", + "éĩij" + ], + [ + "ç£", + "ķ" + ], + [ + "åı¯ä»¥", + "使" + ], + [ + "管çIJĨ", + "æ°´å¹³" + ], + [ + "æľ¬æĬ¥", + "è®°èĢħ" + ], + [ + "æ³ķ", + "令" + ], + [ + "åį¡", + "车" + ], + [ + "举", + "æµ·" + ], + [ + "å¤ļ", + "éĩį" + ], + [ + "åħ¶", + "éĹ´" + ], + [ + "ç´", + "Ļ" + ], + [ + "éĩį大", + "é¡¹çĽ®" + ], + [ + "æ±Ĺ", + "æ°´" + ], + [ + "ç»Ħ", + "å§Ķä¼ļ" + ], + [ + "ä¿¡æģ¯", + "åħ¬å¼Ģ" + ], + [ + "ä¸į论", + "æĺ¯" + ], + [ + "ä¸Ģ", + "åIJ¬" + ], + [ + "èĴ¸", + "æ±½" + ], + [ + "æıŃ", + "ç§ĺ" + ], + [ + "è¶ħ", + "éģİ" + ], + [ + "触", + "åıij" + ], + [ + "å©", + "¦" + ], + [ + "åħ³èģĶ", + "交æĺĵ" + ], + [ + "å°±", + "ç»Ļ大家" + ], + [ + "好", + "ä¹ħ" + ], + [ + "åĢŁ", + "è´·" + ], + [ + "游æĪı", + "è§Ĵèī²" + ], + [ + "å¼ĢåIJ¯", + "äºĨ" + ], + [ + "æİ", + "ł" + ], + [ + "åħļçļĦ", + "åįģä¹Ŀ" + ], + [ + "ä¸ĭ", + "鼨" + ], + [ + "çŁŃ", + "æĹ¶éĹ´åĨħ" + ], + [ + "å¯", + "ħ" + ], + [ + "导", + "åħ¥" + ], + [ + "å·¥ä½ľ", + "ç»ıéªĮ" + ], + [ + "ä¹Ł", + "åıªèĥ½" + ], + [ + "鼷", + "éľĨ" + ], + [ + "è·Ł", + "è¿Ľ" + ], + [ + "åį¡", + "éĢļ" + ], + [ + "é¢ĩ", + "æľī" + ], + [ + "æľº", + "ä½ĵ" + ], + [ + "æĪĺ士", + "èģĮä¸ļ" + ], + [ + "女", + "主" + ], + [ + "ä½ĵåζ", + "æľºåζ" + ], + [ + "è¶³", + "åįı" + ], + [ + "èĪĴéĢĤ", + "çļĦ" + ], + [ + "åĢŁ", + "åı£" + ], + [ + "æī¹", + "åΤ" + ], + [ + "æķ°", + "å̼" + ], + [ + "è«", + "¾" + ], + [ + "éĺ¿æĭī", + "伯" + ], + [ + "åĺ", + "İ" + ], + [ + "æħ", + "¶" + ], + [ + "è¾¾", + "人" + ], + [ + "å¼Ģ", + "æ°´" + ], + [ + "大", + "鼨" + ], + [ + "温", + "室" + ], + [ + "ä½İ", + "è¿·" + ], + [ + "ä»į", + "æĹ§" + ], + [ + "éªĹ", + "åŃIJ" + ], + [ + "亲", + "å±ŀ" + ], + [ + "çIJĨ", + "æĻº" + ], + [ + "æľ¬", + "åŁºéĩij" + ], + [ + "å¨", + "ħ" + ], + [ + "åĨĻåŃĹ", + "楼" + ], + [ + "å¢Ļ", + "å£ģ" + ], + [ + "å®", + "µ" + ], + [ + "èϽ", + "çĦ¶æĺ¯" + ], + [ + "顺", + "çĿĢ" + ], + [ + "åħ«", + "åį¦" + ], + [ + "åķĨ", + "ç͍" + ], + [ + "ä¸į", + "失" + ], + [ + "è¿·", + "èĮ«" + ], + [ + "顺", + "便" + ], + [ + "æļij", + "æľŁ" + ], + [ + "欺", + "è´Ł" + ], + [ + "é¢ij", + "é¢ij" + ], + [ + "该", + "æł¡" + ], + [ + "æĸĻ", + "çIJĨ" + ], + [ + "æ·±", + "æĥħ" + ], + [ + "åīį", + "éĶĭ" + ], + [ + "ä¿Ŀ", + "èŃī" + ], + [ + "èģĮä¸ļ", + "çĶŁæ¶¯" + ], + [ + "åħ¬", + "å¼Ģåıij" + ], + [ + "åħ¬å¼Ģåıij", + "è¡Į" + ], + [ + "åħ¥", + "æĪ·" + ], + [ + "éł", + "ĵ" + ], + [ + "å̾", + "åIJ¬" + ], + [ + "éŃ", + "ģ" + ], + [ + "æĦī", + "æĤ¦" + ], + [ + "åĽŀ", + "åIJĪ" + ], + [ + "åħ¨åĬĽ", + "以" + ], + [ + "åħ¨åĬĽä»¥", + "èµ´" + ], + [ + "åĥ¹", + "å̼" + ], + [ + "èĥ½åĬĽ", + "强" + ], + [ + "ç»ı", + "å¼Ģ" + ], + [ + "ç»ıå¼Ģ", + "åĮº" + ], + [ + "è¿ľ", + "æĸ¹" + ], + [ + "çļĦ", + "éģĵçIJĨ" + ], + [ + "缴", + "åįĩ" + ], + [ + "缴åįĩ", + "æľº" + ], + [ + "为主é¢ĺ", + "çļĦ" + ], + [ + "ç»Ļ", + "æĤ¨" + ], + [ + "è¿ĺ", + "æĥ³" + ], + [ + "æ¯Ķ", + "æĪij" + ], + [ + "åĨľ", + "çī§" + ], + [ + "æµ·", + "åºķ" + ], + [ + "çŃ¾è®¢", + "äºĨ" + ], + [ + "对äºİ", + "æĪij们" + ], + [ + "æĹ¶", + "许" + ], + [ + "éĶ®", + "çĽĺ" + ], + [ + "å®ŀéĻħ", + "æİ§åζ" + ], + [ + "çļĦ", + "æ¨¡æł·" + ], + [ + "åıįæĺł", + "äºĨ" + ], + [ + "代", + "åĬŀ" + ], + [ + "åĮ»", + "ç͍" + ], + [ + "éĽĨ", + "ç»ĵ" + ], + [ + "åıijå±ķ", + "åīįæĻ¯" + ], + [ + "æĮĩ", + "çĿĢ" + ], + [ + "åįİ", + "åĮĹ" + ], + [ + "è¿Ļ", + "åĩłä¸ª" + ], + [ + "åIJį", + "æ°Ķ" + ], + [ + "åĤį", + "æĻļ" + ], + [ + "èĩª", + "åıij" + ], + [ + "æ³¢", + "åħ°" + ], + [ + "大åĬĽ", + "æİ¨è¿Ľ" + ], + [ + "èĩª", + "ç§°" + ], + [ + "èįĨ", + "å·ŀ" + ], + [ + "æIJį", + "害" + ], + [ + "äºĨä¸Ģ", + "åı¥" + ], + [ + "æľĢåĪĿ", + "çļĦ" + ], + [ + "éĩijèŀį", + "å᱿ľº" + ], + [ + "æĢĢ", + "念" + ], + [ + "è¡Į", + "åĭķ" + ], + [ + "女", + "æİĴ" + ], + [ + "ä¸į", + "è§£" + ], + [ + "ä¼ł", + "éĶĢ" + ], + [ + "转载", + "请" + ], + [ + "饰", + "åĵģ" + ], + [ + "åıª", + "为" + ], + [ + "ä¸İ", + "ä¼Ĺ" + ], + [ + "ä¸İä¼Ĺ", + "ä¸įåIJĮ" + ], + [ + "èĥ½", + "èĢĹ" + ], + [ + "èı©", + "æıIJ" + ], + [ + "è¿ij", + "两年" + ], + [ + "è¿Ķ", + "乡" + ], + [ + "马ä¸Ĭ", + "å°±" + ], + [ + "äºĮ", + "çŃīå¥ĸ" + ], + [ + "æ°´", + "管" + ], + [ + "æ³ķ", + "åѦ" + ], + [ + "çģŃ", + "çģ«" + ], + [ + "大", + "å§IJ" + ], + [ + "åij¨", + "转" + ], + [ + "æľī", + "æľŁ" + ], + [ + "æľīæľŁ", + "å¾Ĵ" + ], + [ + "æľīæľŁå¾Ĵ", + "åĪij" + ], + [ + "å°į", + "æĸ¹" + ], + [ + "ç¥ŀ", + "èī²" + ], + [ + "æ²¹", + "èĦĤ" + ], + [ + "ä¸ī", + "çĤ¹" + ], + [ + "ä¸į", + "åĪ©äºİ" + ], + [ + "äºĭä¸ļ", + "éĥ¨" + ], + [ + "å°±", + "è·Ł" + ], + [ + "å¼Ģ", + "æĶ¯" + ], + [ + "å°ı", + "女åŃ©" + ], + [ + "åħ±åIJĮ", + "åĬªåĬĽ" + ], + [ + "çĶļèĩ³", + "è¿ĺ" + ], + [ + "è¿Ļ", + "åIJį" + ], + [ + "è¿Ļ", + "ç¬Ķ" + ], + [ + "çݯ", + "åį«" + ], + [ + "æľī", + "ç§į" + ], + [ + "è§Ĩ", + "åĬĽ" + ], + [ + "çĨŁ", + "çŁ¥" + ], + [ + "åħ¬ç§¯", + "éĩij" + ], + [ + "æ¶Īéĺ²", + "å®īåħ¨" + ], + [ + "é¢ĩ", + "为" + ], + [ + "大", + "èħ¿" + ], + [ + "éĿ", + "¶" + ], + [ + "çī¹", + "æķĪ" + ], + [ + "æľįåĬ¡", + "åĮº" + ], + [ + "å¼Ģ", + "åĩº" + ], + [ + "深度", + "èŀįåIJĪ" + ], + [ + "æĹł", + "å¿§" + ], + [ + "æŁ¥", + "éĺħ" + ], + [ + "ç»Ī", + "ç»ĵ" + ], + [ + "ä¿Ŀ", + "ç¨İ" + ], + [ + "è¨İ", + "è«ĸ" + ], + [ + "å½ĵ", + "åģļ" + ], + [ + "è·³", + "èĪŀ" + ], + [ + "å¯", + "§" + ], + [ + "女", + "çİĭ" + ], + [ + "è®°èĢħ", + "åľ¨" + ], + [ + "åħ¨", + "产ä¸ļéĵ¾" + ], + [ + "è´¯", + "éĢļ" + ], + [ + "åħ´", + "ä¸ļ" + ], + [ + "éĻį", + "åΰ" + ], + [ + "å°ģ", + "éĿ¢" + ], + [ + "åħ¨éĿ¢", + "æİ¨è¿Ľ" + ], + [ + "奶", + "èĮ¶" + ], + [ + "éĢī", + "åĿĢ" + ], + [ + "äºĨä¸Ģ", + "åľº" + ], + [ + "åIJĮ", + "ä¼´" + ], + [ + "è®®", + "论" + ], + [ + "æIJ", + "ĵ" + ], + [ + "诸", + "èijĽ" + ], + [ + "诸èijĽ", + "亮" + ], + [ + "å¹²", + "åĺĽ" + ], + [ + "æµģ", + "æĦŁ" + ], + [ + "ä¸ĵä¸ļ", + "çŁ¥è¯Ĩ" + ], + [ + "ç͵", + "ç«Ļ" + ], + [ + "åĩı", + "å¼±" + ], + [ + "åĩº", + "åħ¥" + ], + [ + "åIJĦ", + "çľģ" + ], + [ + "éĿŀ常", + "é«ĺ" + ], + [ + "åľ°", + "毯" + ], + [ + "åıij", + "æĸĩ" + ], + [ + "çĦ", + "ī" + ], + [ + "çĥ§", + "çĥ¤" + ], + [ + "å£ģ", + "纸" + ], + [ + "æģ¶", + "åĮĸ" + ], + [ + "èĬ", + "¸" + ], + [ + "èĥĸ", + "åŃIJ" + ], + [ + "çĩ", + "Ĵ" + ], + [ + "çľģ", + "éĴ±" + ], + [ + "çϾ", + "强" + ], + [ + "çIJĨå·¥", + "大åѦ" + ], + [ + "éĴ¢", + "æĿIJ" + ], + [ + "åĽ½æľī", + "èµĦ产" + ], + [ + "æĪĺ", + "æľº" + ], + [ + "æ³Ħ", + "éľ²" + ], + [ + "åIJİéĿ¢", + "çļĦ" + ], + [ + "æ°´", + "èµĦæºIJ" + ], + [ + "æ¢ħ", + "èĬ±" + ], + [ + "åĨĻ", + "çĿĢ" + ], + [ + "ä¹ĭ", + "声" + ], + [ + "æĹł", + "åı¯" + ], + [ + "æĺİ", + "æľĿ" + ], + [ + "ç«ĭæĸ¹", + "ç±³" + ], + [ + "ç·", + "£" + ], + [ + "æĶ¾", + "è¿ĩ" + ], + [ + "ç¦ı", + "çͰ" + ], + [ + "å¾Ĺ", + "ä½ı" + ], + [ + "åıĹ", + "ä¼Ĺ" + ], + [ + "ä¸Ń", + "级" + ], + [ + "çĹħ", + "åıĺ" + ], + [ + "ä¸Ģ", + "çŀ¬éĹ´" + ], + [ + "æĿĥ", + "éĩį" + ], + [ + "人æĢ§", + "åĮĸ" + ], + [ + "åĮ»çĸĹ", + "åį«çĶŁ" + ], + [ + "ä¸įåΰ", + "ä½į" + ], + [ + "æĻºèĥ½", + "å®¶å±ħ" + ], + [ + "饮", + "ç͍" + ], + [ + "æ¼Ķ", + "åıĺ" + ], + [ + "é«ĺ", + "ç´łè´¨" + ], + [ + "ä¹Ļ", + "æĸ¹" + ], + [ + "åģľ", + "çķĻåľ¨" + ], + [ + "èİ·", + "æī¹" + ], + [ + "ç©¿", + "æ¢Ń" + ], + [ + "客", + "åľº" + ], + [ + "æĮ½", + "åĽŀ" + ], + [ + "京", + "åŁİ" + ], + [ + "çĶŁåij½", + "åĬĽ" + ], + [ + "實", + "éļĽ" + ], + [ + "çĩ", + "Ī" + ], + [ + "åĨį", + "çݰ" + ], + [ + "çݰå®ŀ", + "ä¸Ń" + ], + [ + "æľī", + "ä¿¡å¿ĥ" + ], + [ + "çĸı", + "éĢļ" + ], + [ + "åĺ´", + "åĶĩ" + ], + [ + "鼷", + "éĶĭ" + ], + [ + "èıľ", + "åįķ" + ], + [ + "éħ", + "¯" + ], + [ + "è¶ħ", + "é«ĺ" + ], + [ + "å¾Ī", + "é«ĺåħ´" + ], + [ + "çĶŁ", + "æ®ĸ" + ], + [ + "éĢł", + "ä»·" + ], + [ + "误", + "åĮº" + ], + [ + "æĨ", + "ĭ" + ], + [ + "好", + "æ¶Īæģ¯" + ], + [ + "å´", + "Ń" + ], + [ + "以", + "èĩ´" + ], + [ + "å¼Ģ", + "çİ©ç¬ij" + ], + [ + "çĽij", + "è§Ĩ" + ], + [ + "å·¡", + "å¯Ł" + ], + [ + "å¾·", + "å·ŀ" + ], + [ + "æĹ©", + "æĹ©" + ], + [ + "éĹª", + "ç͵" + ], + [ + "æĪª", + "åĽ¾" + ], + [ + "åı¯ä»¥", + "æł¹æį®" + ], + [ + "æīĭ", + "èīº" + ], + [ + "æİ¥", + "轨" + ], + [ + "ç§į", + "æĹı" + ], + [ + "æĢĢ", + "éĩĮ" + ], + [ + "åİ»", + "åĮ»éĻ¢" + ], + [ + "ä¸Ģ", + "äºĮ" + ], + [ + "å¼Ģ", + "éĺĶ" + ], + [ + "åĩı", + "éĢŁ" + ], + [ + "ä½Ĩ", + "ä»İ" + ], + [ + "éĢĻ", + "ä¸Ģ" + ], + [ + "åĩı", + "åħį" + ], + [ + "主é¢ĺ", + "æķĻèĤ²" + ], + [ + "å¼Ģå·¥", + "建设" + ], + [ + "è¹", + "¦" + ], + [ + "æľĪ", + "饼" + ], + [ + "ä¸ĭ", + "æ²ī" + ], + [ + "å°Ĭ", + "严" + ], + [ + "éĻ", + "ĩ" + ], + [ + "å®ŀ", + "æľ¨" + ], + [ + "å»ł", + "åķĨ" + ], + [ + "声", + "ç§°" + ], + [ + "èĢĥ", + "åľº" + ], + [ + "å¸ĥ", + "é²ģ" + ], + [ + "èĩª", + "æĿ¥" + ], + [ + "èĩªæĿ¥", + "æ°´" + ], + [ + "éĴ", + "¾" + ], + [ + "å¹´", + "以ä¸Ĭ" + ], + [ + "大", + "åıĶ" + ], + [ + "ä»ĸ", + "å·²ç»ı" + ], + [ + "åħ¨", + "æĿij" + ], + [ + "èģĶç³»", + "ç͵è¯Ŀ" + ], + [ + "为", + "导åIJij" + ], + [ + "åΤ", + "å¤Ħ" + ], + [ + "对", + "éĺµ" + ], + [ + "缮", + "æ¨Ļ" + ], + [ + "åIJį", + "é¢Ŀ" + ], + [ + "客", + "æ°Ķ" + ], + [ + "横", + "åIJij" + ], + [ + "çŃī", + "åĨħ容" + ], + [ + "åĩł", + "çĤ¹" + ], + [ + "è°Ī", + "论" + ], + [ + "ä¸į", + "ä¹ı" + ], + [ + "å±ķ", + "çݰåĩº" + ], + [ + "è¾ĥ", + "éķ¿" + ], + [ + "éĢĨ", + "转" + ], + [ + "å°ı", + "æĻĤ" + ], + [ + "æĺ¯", + "å¤ļä¹Ī" + ], + [ + "æľ¬", + "æľĪ" + ], + [ + "è¿ij", + "è§Ĩ" + ], + [ + "æĪIJç«ĭ", + "以æĿ¥" + ], + [ + "代表", + "çĿĢ" + ], + [ + "æĬ¥", + "å¤į" + ], + [ + "æĪı", + "æĽ²" + ], + [ + "è¨Ń", + "åĤĻ" + ], + [ + "åħ¥", + "èĤ¡" + ], + [ + "å¾ģ", + "æľį" + ], + [ + "é«ĺ", + "åĩº" + ], + [ + "èĪŀåı°", + "ä¸Ĭ" + ], + [ + "å¿ĥ", + "åĬ¨" + ], + [ + "两", + "çĤ¹" + ], + [ + "缸", + "çķ¶" + ], + [ + "èĻ", + "Ľ" + ], + [ + "主", + "页" + ], + [ + "åĩł", + "å®¶" + ], + [ + "æĹł", + "ä¸į" + ], + [ + "åįı", + "å®ļ" + ], + [ + "æĸ", + "IJ" + ], + [ + "å¯ĵ", + "æĦı" + ], + [ + "åħ¨", + "线" + ], + [ + "æįķ", + "é±¼" + ], + [ + "åı¯ä»¥", + "ä»İ" + ], + [ + "æľī", + "è¿Ļæł·çļĦ" + ], + [ + "æģ¶", + "éŃĶ" + ], + [ + "åĮħ", + "åŃIJ" + ], + [ + "æģ", + "¤" + ], + [ + "å¼Ģå¥ĸ", + "ç»ĵæŀľ" + ], + [ + "ä¸į", + "æŃ»" + ], + [ + "èĹ", + "į" + ], + [ + "弯", + "æĽ²" + ], + [ + "æµ·", + "峡" + ], + [ + "éĶĢ", + "æ¯ģ" + ], + [ + "çļĦ", + "çĭ¬çī¹" + ], + [ + "示", + "æĦı" + ], + [ + "ä¸įèĥ½", + "åĨį" + ], + [ + "èĥ½", + "æĬĬ" + ], + [ + "éĺ²", + "线" + ], + [ + "ä¸įå°ij", + "äºİ" + ], + [ + "æ±", + "Ģ" + ], + [ + "çļĦ", + "éĤ£ä¸Ģ" + ], + [ + "羣", + "æĥħ" + ], + [ + "åŀ", + "®" + ], + [ + "被", + "æīĵ" + ], + [ + "åĽ½", + "å®ī" + ], + [ + "ç¾İ", + "å¦Ļ" + ], + [ + "è¿Ļ", + "åĩł" + ], + [ + "åĩº", + "éģĵ" + ], + [ + "æľįåĬ¡", + "äºİ" + ], + [ + "æĪIJæŀľ", + "转åĮĸ" + ], + [ + "æīį", + "åįİ" + ], + [ + "天", + "é¹ħ" + ], + [ + "åĩł", + "个人" + ], + [ + "åĢĺ", + "èĭ¥" + ], + [ + "è̽", + "误" + ], + [ + "æĬĹ", + "æĪĺ" + ], + [ + "è¡Į", + "éĬ·" + ], + [ + "æĿ¥", + "è¢Ń" + ], + [ + "åĢŁ", + "éĮ¢" + ], + [ + "èįī", + "èİĵ" + ], + [ + "ä¸¥æł¼", + "æī§è¡Į" + ], + [ + "举è¡Į", + "äºĨ" + ], + [ + "å¤ĸ", + "ç±į" + ], + [ + "å·²", + "è¾¾" + ], + [ + "æĿij", + "åħļæĶ¯éĥ¨" + ], + [ + "è¡", + "Ŀ" + ], + [ + "éĻį", + "èĩ³" + ], + [ + "æµ·", + "éĩı" + ], + [ + "é¤IJ", + "é¦Ĩ" + ], + [ + "æĢ¥", + "å¿Ļ" + ], + [ + "æ·±", + "è¿ľ" + ], + [ + "å¾Ģ", + "è¿Ķ" + ], + [ + "ç¨İåĬ¡", + "å±Ģ" + ], + [ + "å¹¿æ³Ľ", + "åºĶç͍" + ], + [ + "è®®", + "åijĺ" + ], + [ + "æĹł", + "æķĮ" + ], + [ + "çľ¼", + "åħī" + ], + [ + "çĥŃè¡Ģ", + "ä¼łå¥ĩ" + ], + [ + "æŃ", + "IJ" + ], + [ + "äºĨ", + "äºĽ" + ], + [ + "è¿Ŀ", + "èĥĮ" + ], + [ + "è¿Ļ", + "æĺ¯ä¸Ģç§į" + ], + [ + "ä¸į", + "稳å®ļ" + ], + [ + "大家", + "åĪĨ享" + ], + [ + "表", + "çı¾" + ], + [ + "åīį", + "åįģ" + ], + [ + "è·¯", + "è¿ĩ" + ], + [ + "æĴ", + "©" + ], + [ + "åIJĮ", + "æĥħ" + ], + [ + "ä¹ł", + "ä¿Ĺ" + ], + [ + "åıij", + "è´¢" + ], + [ + "åºĶ", + "æľīçļĦ" + ], + [ + "æĿİ", + "æŁIJ" + ], + [ + "èĤ", + "Ľ" + ], + [ + "马", + "åħĭ" + ], + [ + "éĢļ", + "åijĬ" + ], + [ + "å·¨", + "人" + ], + [ + "ä¸Ģ", + "åĽ¢" + ], + [ + "éĢĻ", + "次" + ], + [ + "ä¸į", + "äºĨè§£" + ], + [ + "æĸ½", + "è¡Į" + ], + [ + "èij¡èIJĦ", + "çīĻ" + ], + [ + "åıĺå¾Ĺ", + "æĽ´åĬł" + ], + [ + "æı", + "£" + ], + [ + "åĪĽæĸ°", + "èĥ½åĬĽ" + ], + [ + "çķħ", + "éĶĢ" + ], + [ + "表", + "æī¬" + ], + [ + "æ¯Ķ", + "åĪ©" + ], + [ + "æ¯ĶåĪ©", + "æĹ¶" + ], + [ + "åĮ»çĸĹ", + "ä¿ĿéĻ©" + ], + [ + "æĵį", + "纵" + ], + [ + "伤", + "亡" + ], + [ + "æµİ", + "å®ģ" + ], + [ + "åıĺ", + "äºĨ" + ], + [ + "æľ¬æ¬¡", + "æ´»åĬ¨" + ], + [ + "åľŁ", + "豪" + ], + [ + "æĥ³", + "åĬŀæ³ķ" + ], + [ + "æĺ", + "ķ" + ], + [ + "å½ĵ", + "æĻļ" + ], + [ + "åĩº", + "å±Ģ" + ], + [ + "çĥŃ", + "è®®" + ], + [ + "è°Ī", + "è°Ī" + ], + [ + "æĻĭ", + "åįĩ" + ], + [ + "åĬ¿", + "å¿ħ" + ], + [ + "çĻ»", + "å±±" + ], + [ + "éĤ£", + "åĦ¿" + ], + [ + "åIJĥ", + "åΰ" + ], + [ + "ä¹ĭ", + "åŁİ" + ], + [ + "å¿«", + "æĿ¥" + ], + [ + "æ¹Ľ", + "æ±Ł" + ], + [ + "第ä¸ī", + "个" + ], + [ + "åħ¨éĿ¢", + "æıIJåįĩ" + ], + [ + "å¥ĸ", + "åѦ" + ], + [ + "å¥ĸåѦ", + "éĩij" + ], + [ + "æĬķåħ¥", + "使ç͍" + ], + [ + "é½IJ", + "é²ģ" + ], + [ + "åı¯ä»¥", + "æĬĬ" + ], + [ + "åĴĮ", + "ä»ĸçļĦ" + ], + [ + "è´ŃæĪ¿", + "èĢħ" + ], + [ + "æŃ£å¼ı", + "åIJ¯åĬ¨" + ], + [ + "åįİ", + "润" + ], + [ + "ä¸įæĸŃ", + "å®ĮåĸĦ" + ], + [ + "éĴ¢", + "æĿ¿" + ], + [ + "ç´¯", + "积" + ], + [ + "满", + "èĦ¸" + ], + [ + "åĽĽ", + "æĸ¹" + ], + [ + "è´¢", + "çī©" + ], + [ + "ä»ĸ们", + "ä¼ļ" + ], + [ + "å¤ı", + "æĹ¥" + ], + [ + "éĤ£", + "个人" + ], + [ + "éĿł", + "çĿĢ" + ], + [ + "çĤ¹", + "äºĨ" + ], + [ + "çĤ¹äºĨ", + "çĤ¹å¤´" + ], + [ + "æ©", + "ĭ" + ], + [ + "åıĪ", + "好" + ], + [ + "åıĪ好", + "åıĪ" + ], + [ + "åıĪ好åıĪ", + "å¿«" + ], + [ + "éĺµ", + "éĺµ" + ], + [ + "å°ģ", + "建" + ], + [ + "æľ¬", + "çͰ" + ], + [ + "çī©ä¸ļ", + "æľįåĬ¡" + ], + [ + "èĩªè´¸", + "åĮº" + ], + [ + "åIJ", + "ı" + ], + [ + "便åĪ©", + "åºĹ" + ], + [ + "åĽ½å®¶", + "æłĩåĩĨ" + ], + [ + "éĿ¢", + "ç²ī" + ], + [ + "èī°", + "è¾Ľ" + ], + [ + "æĶ»", + "åħ³" + ], + [ + "æīĵ", + "åĮħ" + ], + [ + "车", + "éĺŁ" + ], + [ + "人", + "éĢī" + ], + [ + "åı¯", + "ä¸įæĺ¯" + ], + [ + "äºĮ", + "åįģå¹´" + ], + [ + "åIJį", + "å¸Ī" + ], + [ + "浦", + "举" + ], + [ + "åħ¬", + "è¯ģ" + ], + [ + "è¿IJ", + "éĢģ" + ], + [ + "æĺ¯", + "æľĢ好çļĦ" + ], + [ + "æŁĶ", + "åĴĮ" + ], + [ + "çİĭ", + "æŁIJ" + ], + [ + "çĹħ", + "æĪ¿" + ], + [ + "åĨ¶", + "éĩij" + ], + [ + "ä¸Ģä»¶", + "äºĭæĥħ" + ], + [ + "åį", + "¤" + ], + [ + "åı¯", + "æİ§" + ], + [ + "çī", + "Ł" + ], + [ + "æĭ", + "Ĥ" + ], + [ + "å·²", + "äºİ" + ], + [ + "人", + "éĢł" + ], + [ + "çĶŁçī©", + "åĮ»èį¯" + ], + [ + "ä½ĵ", + "çݰåĩº" + ], + [ + "èĤ²", + "åĦ¿" + ], + [ + "èĢģ", + "å®ŀ" + ], + [ + "åľĸ", + "çīĩ" + ], + [ + "è«", + "¸" + ], + [ + "ç´¯", + "äºĨ" + ], + [ + "æĦŁåħ´è¶£", + "çļĦ" + ], + [ + "åĽ¾çīĩ", + "æĿ¥æºIJ" + ], + [ + "ä¹Ł", + "æĺ¯ä¸Ģç§į" + ], + [ + "æ¾İæ¹ĥ", + "æĸ°éĹ»" + ], + [ + "æĹ¶", + "表示" + ], + [ + "åħī", + "è¾ī" + ], + [ + "æĬ¥", + "åºŁ" + ], + [ + "å²ģ", + "æĹ¶" + ], + [ + "éħ", + "®" + ], + [ + "æ£Ģ", + "ä¿®" + ], + [ + "åıĺ", + "éĢŁ" + ], + [ + "åıĺéĢŁ", + "ç®±" + ], + [ + "åľ¨", + "èģĮ" + ], + [ + "éı", + "¡" + ], + [ + "æį", + "Ĥ" + ], + [ + "çĿ£", + "åĬŀ" + ], + [ + "æ°¸", + "ä¸į" + ], + [ + "åģļ", + "ä¸ĢäºĽ" + ], + [ + "åİĨ", + "æĹ¶" + ], + [ + "å·¥ç¨ĭ", + "æľºæ¢°" + ], + [ + "æģ°", + "å½ĵ" + ], + [ + "å°±", + "åľ¨äºİ" + ], + [ + "ç§°", + "åij¼" + ], + [ + "éĢļ常", + "æĺ¯" + ], + [ + "æł·", + "å¼ı" + ], + [ + "åij¨", + "ä¸Ģ" + ], + [ + "èĭ±", + "éķij" + ], + [ + "åĿĩ", + "线" + ], + [ + "ä¼ł", + "éĹ»" + ], + [ + "ç͍æĪ·", + "ä½ĵéªĮ" + ], + [ + "èµŀ", + "åIJĮ" + ], + [ + "骨", + "æĬĺ" + ], + [ + "为主", + "ä½ĵ" + ], + [ + "æ±Ł", + "å±±" + ], + [ + "æ¸ħ", + "æľĿ" + ], + [ + "æĶĢ", + "åįĩ" + ], + [ + "ä¸į", + "çĽ¸ä¿¡" + ], + [ + "éĿ", + "´" + ], + [ + "æŃ¦", + "åĬŁ" + ], + [ + "åĭ¤", + "åĬ³" + ], + [ + "æĿ¥", + "æī¾" + ], + [ + "å°Ĩ", + "æĮģç»Ń" + ], + [ + "丫", + "头" + ], + [ + "æ¨Ļ", + "æºĸ" + ], + [ + "è£", + "´" + ], + [ + "深深", + "çļĦ" + ], + [ + "åŃķ", + "èĤ²" + ], + [ + "è§ĦåĪĴ", + "建设" + ], + [ + "æ¸ħ", + "çν" + ], + [ + "ç²¾åĩĨ", + "æī¶è´«" + ], + [ + "æīĵçł´", + "äºĨ" + ], + [ + "è¿Ļä¸Ģ", + "天" + ], + [ + "å·¥ä½ľ", + "æĢ»ç»ĵ" + ], + [ + "æĹħ", + "ç¨ĭ" + ], + [ + "举", + "èIJ¥" + ], + [ + "æĶ¾", + "å°Ħ" + ], + [ + "æľī", + "åĩłä¸ª" + ], + [ + "éĿŀ", + "çī©è´¨" + ], + [ + "åIJĥ", + "å¾Ĺ" + ], + [ + "åĹ", + "¨" + ], + [ + "ä¼ļ", + "åıijçĶŁ" + ], + [ + "篮", + "æĿ¿" + ], + [ + "å¼Ģ", + "å°ģ" + ], + [ + "麻", + "å°Ĩ" + ], + [ + "èıı", + "æ³½" + ], + [ + "ä¸į", + "åIJĪ" + ], + [ + "ç³»åĪĹ", + "产åĵģ" + ], + [ + "èѬ", + "å¦Ĥ" + ], + [ + "ç¾İ", + "èªī" + ], + [ + "èĩªå·±", + "åĸľæ¬¢" + ], + [ + "交æĺĵ", + "ä¸Ńå¿ĥ" + ], + [ + "åIJĪ", + "åͱ" + ], + [ + "使", + "æĪij" + ], + [ + "åĥı", + "ç´ł" + ], + [ + "带", + "éĺŁ" + ], + [ + "ä½Ĩ", + "对äºİ" + ], + [ + "æĬĬ", + "è¿Ļ个" + ], + [ + "èĤĿ", + "èĦı" + ], + [ + "åįķ纯", + "çļĦ" + ], + [ + "æĶ»åĿļ", + "æĪĺ" + ], + [ + "缼", + "ä¼ļ" + ], + [ + "åijµ", + "æĬ¤" + ], + [ + "æª", + "Ģ" + ], + [ + "èµ¶", + "ä¸Ĭ" + ], + [ + "æ¥", + "Ĭ" + ], + [ + "ä¹ħ", + "äºĨ" + ], + [ + "ç¡", + "Ŀ" + ], + [ + "çŃĶ", + "é¢ĺ" + ], + [ + "ä¿ĿæĮģ", + "çĿĢ" + ], + [ + "è§ģ", + "è¯Ĩ" + ], + [ + "çĤ¹", + "åĦ¿" + ], + [ + "åįĬ", + "个æľĪ" + ], + [ + "æ»", + "ĩ" + ], + [ + "浸", + "泡" + ], + [ + "ä¼ł", + "éĢģ" + ], + [ + "åľ¨", + "å¸Ĥåľºä¸Ĭ" + ], + [ + "ä¹ĭ", + "乡" + ], + [ + "çī¹", + "éķ¿" + ], + [ + "éĽ", + "ŀ" + ], + [ + "èª", + "ł" + ], + [ + "身", + "å¤Ħ" + ], + [ + "æŁł", + "檬" + ], + [ + "身", + "ç©¿" + ], + [ + "çľģ", + "åħ¬å®ī" + ], + [ + "çľģåħ¬å®ī", + "åİħ" + ], + [ + "åıĻ", + "åĪ©äºļ" + ], + [ + "åĩł", + "åĪĨéĴŁ" + ], + [ + "人", + "åĢij" + ], + [ + "åľ°", + "段" + ], + [ + "èĩª", + "åѦ" + ], + [ + "ä¹Ł", + "è¶ĬæĿ¥è¶Ĭ" + ], + [ + "èģĮ", + "æĿĥ" + ], + [ + "æĸ", + "§" + ], + [ + "èĩ", + "»" + ], + [ + "å½Ĵ", + "纳" + ], + [ + "驾", + "é©Ń" + ], + [ + "éĥ¨åĪĨ", + "åľ°åĮº" + ], + [ + "没æľī", + "æĥ³åΰ" + ], + [ + "æĴ", + "ĩ" + ], + [ + "ä¹Į", + "é²ģ" + ], + [ + "ä¹Įé²ģ", + "æľ¨" + ], + [ + "ä¹Įé²ģæľ¨", + "é½IJ" + ], + [ + "èĤ²", + "人" + ], + [ + "çļĦ", + "æŃ¥ä¼IJ" + ], + [ + "å»¶", + "æľŁ" + ], + [ + "æ²¹", + "æ°Ķ" + ], + [ + "åģļ", + "å®Į" + ], + [ + "åľ£", + "åľ°" + ], + [ + "丰", + "åİļ" + ], + [ + "宽", + "带" + ], + [ + "åı¯éĿł", + "çļĦ" + ], + [ + "åºŃ", + "éĻ¢" + ], + [ + "åŃ", + "ľ" + ], + [ + "å°ı康", + "社ä¼ļ" + ], + [ + "å®īåħ¨", + "管çIJĨ" + ], + [ + "å¹´", + "第" + ], + [ + "æİĴ", + "污" + ], + [ + "èĥĮ", + "åĮħ" + ], + [ + "å®¶", + "ä½ı" + ], + [ + "åħ¶å®ŀ", + "å°±æĺ¯" + ], + [ + "ä¼ļ", + "è§ģ" + ], + [ + "帮åĬ©", + "ä¼ģä¸ļ" + ], + [ + "ç½ij", + "è´Ń" + ], + [ + "æĺ¯", + "ä¸įä¼ļ" + ], + [ + "飯", + "åºĹ" + ], + [ + "æŃ»", + "åİ»" + ], + [ + "åħįçĸ«", + "åĬĽ" + ], + [ + "æľ", + "ķ" + ], + [ + "åĸĿ", + "äºĨ" + ], + [ + "è½»", + "å¾®" + ], + [ + "个æľĪ", + "åĨħ" + ], + [ + "ç»Ħ", + "åĽ¢" + ], + [ + "åĴĮ", + "å®ĮåĸĦ" + ], + [ + "é¸", + "½" + ], + [ + "æıIJ", + "éĢŁ" + ], + [ + "西å®ī", + "å¸Ĥ" + ], + [ + "ä¸Ńå¿ĥ", + "主任" + ], + [ + "æĹ¶éĹ´", + "为" + ], + [ + "æľŁ", + "æĿĥ" + ], + [ + "è¶", + "ķ" + ], + [ + "ä¸įä»ħ", + "è¦ģ" + ], + [ + "æľį", + "ä»İ" + ], + [ + "é¡ĺ", + "æĦı" + ], + [ + "ä¸į", + "å°ı" + ], + [ + "ä¸įå°ı", + "çļĦ" + ], + [ + "ç°", + "ĩ" + ], + [ + "çª", + "¦" + ], + [ + "åĪĩ", + "æĪIJ" + ], + [ + "åĵĪ", + "åĪ©" + ], + [ + "天", + "羣" + ], + [ + "ä¸Ģ次", + "次" + ], + [ + "éĩij", + "å¸ģ" + ], + [ + "æĢİä¹Ī", + "èĥ½" + ], + [ + "ç½ij", + "è´·" + ], + [ + "ä¼ļ计", + "å¸Ī" + ], + [ + "çŁŃ", + "缺" + ], + [ + "对", + "æłĩ" + ], + [ + "åıĺå¾Ĺ", + "æĽ´" + ], + [ + "åīį", + "åĩłå¤©" + ], + [ + "éĺ²", + "æ±Ľ" + ], + [ + "彩", + "èϹ" + ], + [ + "åĵģ", + "ä½į" + ], + [ + "表", + "æł¼" + ], + [ + "严", + "å¯Ĩ" + ], + [ + "æ¯Ľ", + "åĪ©çİĩ" + ], + [ + "çļĦ", + "åį±å®³" + ], + [ + "å½ķ", + "åζ" + ], + [ + "æ°´", + "åĬ¡" + ], + [ + "èĥ½å¤Ł", + "让" + ], + [ + "å¹³", + "æĿ¿" + ], + [ + "ä¹³", + "æĪ¿" + ], + [ + "è¸ı", + "å®ŀ" + ], + [ + "é¦ĸ", + "åĪĽ" + ], + [ + "é¦Ļ", + "èķī" + ], + [ + "æĬ¥", + "表" + ], + [ + "ä¸Ģ", + "æĬ¹" + ], + [ + "åĩºçĶŁ", + "äºİ" + ], + [ + "è²»", + "ç͍" + ], + [ + "åĩº", + "让" + ], + [ + "åIJĪæ³ķ", + "æĢ§" + ], + [ + "å°¼", + "åħĭ" + ], + [ + "åĨ°", + "åĨ·" + ], + [ + "é¦Ļ", + "æ°Ķ" + ], + [ + "åı·", + "ç§°" + ], + [ + "èµ·", + "çłģ" + ], + [ + "åŁİ", + "åİ¿" + ], + [ + "çİ©", + "èĢį" + ], + [ + "ä¸Ĭ", + "éĻIJ" + ], + [ + "ä¼ļè®®", + "ç²¾ç¥ŀ" + ], + [ + "æĹģè¾¹", + "çļĦ" + ], + [ + "便", + "ä¼ļ" + ], + [ + "æıŃ", + "æĻĵ" + ], + [ + "çİ©", + "æĦı" + ], + [ + "éĽª", + "å±±" + ], + [ + "åIJij", + "çĿĢ" + ], + [ + "ä½ĵèĤ²", + "åľ¨çº¿" + ], + [ + "说æĺİ", + "书" + ], + [ + "åĮĸ", + "èĤ¥" + ], + [ + "åħļç»Ħ", + "书记" + ], + [ + "åĬ¨", + "人" + ], + [ + "ä¹ĭ", + "æīĢ" + ], + [ + "æľĪ", + "èĩ³" + ], + [ + "æľĢå¿«", + "çļĦ" + ], + [ + "èĬĤ", + "åģĩæĹ¥" + ], + [ + "ä¸ĵ", + "åľº" + ], + [ + "èĢĥ", + "ä¸Ĭ" + ], + [ + "çª", + "Ł" + ], + [ + "é²ľ", + "è¡Ģ" + ], + [ + "è¾ĥ强", + "çļĦ" + ], + [ + "æĤĦ", + "çĦ¶" + ], + [ + "å¤ļ个", + "åĽ½å®¶" + ], + [ + "çªĹ", + "å¸ĺ" + ], + [ + "æŀģ", + "å¤§åľ°" + ], + [ + "ä¸įç͍", + "æĭħå¿ĥ" + ], + [ + "è¿Ļä¹Ī", + "åģļ" + ], + [ + "åĥ¹", + "æł¼" + ], + [ + "ç¾İ丽", + "乡æĿij" + ], + [ + "å°ıæĹ¶", + "åĨħ" + ], + [ + "ç´§", + "è¿«" + ], + [ + "大", + "çģ«" + ], + [ + "èĥ³", + "èĨĬ" + ], + [ + "æĵįä½ľ", + "ç³»ç»Ł" + ], + [ + "æ®ĭ", + "çķĻ" + ], + [ + "åĨĻ", + "åĩº" + ], + [ + "ç¦ģ", + "å¿Į" + ], + [ + "åĬłçĽŁ", + "åºĹ" + ], + [ + "è¿ij", + "çϾ" + ], + [ + "便", + "åı¯" + ], + [ + "æķ´æĶ¹", + "æİªæĸ½" + ], + [ + "éĩĩ访", + "æĹ¶" + ], + [ + "åĶIJ", + "代" + ], + [ + "æ·±åĮĸ", + "æĶ¹éĿ©" + ], + [ + "çŁ", + "¢" + ], + [ + "éĥ½", + "åĸľæ¬¢" + ], + [ + "è¶ĬæĿ¥è¶Ĭ", + "é«ĺ" + ], + [ + "èĬ±", + "æľµ" + ], + [ + "头", + "çĸ¼" + ], + [ + "å®ī", + "康" + ], + [ + "å¢ŀéķ¿", + "çİĩ" + ], + [ + "çľ¼", + "çľĭ" + ], + [ + "å°±æĺ¯", + "为äºĨ" + ], + [ + "èĢĮ", + "导èĩ´" + ], + [ + "åĬłå¿«", + "建设" + ], + [ + "èĬ±", + "æł·" + ], + [ + "åĨħå¿ĥ", + "çļĦ" + ], + [ + "æĺĨ", + "å±±" + ], + [ + "è³ĩ", + "æºIJ" + ], + [ + "åĽŀåΰ", + "å®¶" + ], + [ + "èıĬ", + "èĬ±" + ], + [ + "æ°´", + "éĩı" + ], + [ + "å¾ģ", + "ä¿¡" + ], + [ + "è¡ĮæĶ¿", + "åĮº" + ], + [ + "ä¹ĥ", + "æĺ¯" + ], + [ + "æĬķèµĦ", + "é¡¹çĽ®" + ], + [ + "å«ģ", + "ç»Ļ" + ], + [ + "ç¥ŀ", + "åľ£" + ], + [ + "ç¨", + "ł" + ], + [ + "æľ¬æĿ¥", + "å°±" + ], + [ + "éĢIJ", + "ä¸Ģ" + ], + [ + "èģĮä¸ļ", + "æĬĢæľ¯" + ], + [ + "ä¸įèī¯", + "ä¿¡æģ¯" + ], + [ + "æīĺ", + "è¿IJ" + ], + [ + "åIJ¯", + "示" + ], + [ + "ä¹ĭ", + "åħ§å®¹" + ], + [ + "éŁ", + "¶" + ], + [ + "奢", + "åįİ" + ], + [ + "æıŃ", + "示" + ], + [ + "æĪIJ为", + "ä¸ŃåĽ½" + ], + [ + "æ¶Īè´¹", + "åĵģ" + ], + [ + "åħ¬", + "ç͍" + ], + [ + "æIJŀ", + "å®ļ" + ], + [ + "请", + "ä½ł" + ], + [ + "æŁ", + "ļ" + ], + [ + "åĨħ", + "è¡£" + ], + [ + "ä½Ĩ", + "ä»ĸ们" + ], + [ + "ä¿Ŀ", + "湿" + ], + [ + "该", + "åİ¿" + ], + [ + "饱", + "åĴĮ" + ], + [ + "æİ¨", + "åIJij" + ], + [ + "èµĦæĸĻ", + "æĺ¾ç¤º" + ], + [ + "ä¸į", + "å½±åĵį" + ], + [ + "人", + "人éĥ½" + ], + [ + "åıijå±ķ", + "壮大" + ], + [ + "åħ»èĢģ", + "æľįåĬ¡" + ], + [ + "çĶŁæ´»", + "æ°´å¹³" + ], + [ + "åIJĦ", + "åİ¿" + ], + [ + "ä½ł", + "éľĢè¦ģ" + ], + [ + "说", + "çļĦæĺ¯" + ], + [ + "å¤ĸ", + "åªĴ" + ], + [ + "æŃ¤", + "人" + ], + [ + "次", + "è¦ģ" + ], + [ + "追", + "èµ¶" + ], + [ + "åºĶ该", + "å¦Ĥä½ķ" + ], + [ + "æĹ¥", + "åĩĮæĻ¨" + ], + [ + "çķ¥", + "æľī" + ], + [ + "éĥ½", + "æĥ³" + ], + [ + "游", + "ä¹IJ" + ], + [ + "è¿Ļ款", + "游æĪı" + ], + [ + "å¹³", + "æ·¡" + ], + [ + "æĺ¯ä¸Ģ", + "åĢĭ" + ], + [ + "å¤ĩ", + "èĢĥ" + ], + [ + "åζ", + "æŃ¢" + ], + [ + "ä¸Ģå®ļ", + "èĥ½" + ], + [ + "å¾Ĵ", + "å¼Ł" + ], + [ + "以", + "çĤº" + ], + [ + "åįĥ", + "åħĥ" + ], + [ + "äºĶ", + "åħŃ" + ], + [ + "迪", + "士" + ], + [ + "迪士", + "å°¼" + ], + [ + "éĺ³", + "æĢ§" + ], + [ + "åĨ¬å¥¥", + "ä¼ļ" + ], + [ + "å°±æĺ¯", + "åĽłä¸º" + ], + [ + "æĮĤ", + "éĴ©" + ], + [ + "æ¦Ĥ", + "åĨµ" + ], + [ + "åıªè¦ģ", + "æľī" + ], + [ + "æ²¹", + "çĶ»" + ], + [ + "åľ°", + "æłĩ" + ], + [ + "ä¸Ĭ", + "è°ĥ" + ], + [ + "产ä¸ļ", + "åĽŃåĮº" + ], + [ + "åħ«", + "åįģ" + ], + [ + "æ£", + "±" + ], + [ + "æ¶²", + "æĻ¶" + ], + [ + "æĿij", + "å§Ķä¼ļ" + ], + [ + "çŃ¾çº¦", + "仪å¼ı" + ], + [ + "è¿Ļ", + "åħ¶ä¸Ń" + ], + [ + "åĨĻ", + "éģĵ" + ], + [ + "示èĮĥ", + "åŁºåľ°" + ], + [ + "éĩİçĶŁ", + "åĬ¨çī©" + ], + [ + "鼻åŃIJ", + "ä¿¡ç®±" + ], + [ + "åĽ½éĻħ", + "è´¸æĺĵ" + ], + [ + "人", + "æĿĥ" + ], + [ + "ä¿Ŀ", + "管" + ], + [ + "èĭ¥", + "æĤ¨" + ], + [ + "åİĭ", + "æĬij" + ], + [ + "é»", + "Ľ" + ], + [ + "åľ°", + "çľĭçĿĢ" + ], + [ + "éĻ", + "°" + ], + [ + "ä¸Ģå¹´", + "å¤ļ" + ], + [ + "ä»İ", + "容" + ], + [ + "ä¸Ń", + "æĸŃ" + ], + [ + "å¯Ł", + "è§ī" + ], + [ + "ç§»", + "交" + ], + [ + "éĶ", + "¯" + ], + [ + "æĪĸ许", + "æĺ¯" + ], + [ + "ç¶", + "ł" + ], + [ + "两", + "项" + ], + [ + "æľĢ", + "åĸľæ¬¢" + ], + [ + "æľĢåĸľæ¬¢", + "çļĦ" + ], + [ + "å¤ľ", + "éĩĮ" + ], + [ + "åIJĮ", + "ä»ģ" + ], + [ + "åĪĽæĸ°", + "驱åĬ¨" + ], + [ + "è°ģ", + "èĥ½" + ], + [ + "é£", + "¾" + ], + [ + "åħī", + "åѦ" + ], + [ + "åİ", + "Ħ" + ], + [ + "èĦ±", + "é¢ĸ" + ], + [ + "èĦ±é¢ĸ", + "èĢĮåĩº" + ], + [ + "è¿", + "¦" + ], + [ + "æĺ¯", + "ä¸įåı¯èĥ½" + ], + [ + "çª", + "¥" + ], + [ + "èĥ½", + "满足" + ], + [ + "宽", + "度" + ], + [ + "伦", + "çIJĨ" + ], + [ + "åı¯ä»¥", + "èİ·å¾Ĺ" + ], + [ + "转", + "ä¼ļ" + ], + [ + "å±±", + "æĿij" + ], + [ + "éĵº", + "设" + ], + [ + "åĩº", + "åĩ»" + ], + [ + "æĸĩåĮĸ", + "èīºæľ¯" + ], + [ + "ä¼ļè®®", + "室" + ], + [ + "æŃĮ", + "声" + ], + [ + "æ»", + "Ķ" + ], + [ + "èIJİ", + "缩" + ], + [ + "æľįåĬ¡", + "åijĺ" + ], + [ + "åıij表", + "äºĨ" + ], + [ + "æĸ¼", + "æĺ¯" + ], + [ + "æĺİç¡®", + "è§Ħå®ļ" + ], + [ + "ç»´", + "å¥ĩ" + ], + [ + "æ°´", + "产" + ], + [ + "æĬķ", + "ä¿Ŀ" + ], + [ + "éĺ´", + "éģĵ" + ], + [ + "èµ¶", + "å¿«" + ], + [ + "夺", + "å¾Ĺ" + ], + [ + "ä¸ĭ", + "åįķ" + ], + [ + "çµģ", + "åħ¬åı¸" + ], + [ + "çݯ", + "ç»ķ" + ], + [ + "å½", + "Ī" + ], + [ + "ä½ľé£İ", + "建设" + ], + [ + "æĹħ游", + "æĻ¯åĮº" + ], + [ + "æľī", + "æĽ´å¤ļçļĦ" + ], + [ + "丰å¯Į", + "å¤ļ彩" + ], + [ + "çIJĨè´¢", + "产åĵģ" + ], + [ + "åĩº", + "å·®" + ], + [ + "ä»İ严", + "æ²»" + ], + [ + "ä»İ严治", + "åħļ" + ], + [ + "缸", + "å¹²" + ], + [ + "æ»ĭ", + "润" + ], + [ + "主åĬŀ", + "æĸ¹" + ], + [ + "åī§", + "åľº" + ], + [ + "æ»ļ", + "çIJĥ" + ], + [ + "æ©Ħ", + "æ¦Ħ" + ], + [ + "èĩªä¸»", + "åĪĽæĸ°" + ], + [ + "éĢļ", + "å¾Ģ" + ], + [ + "æł¼", + "å°Ķ" + ], + [ + "çļĦ", + "ä¼ĺçĤ¹" + ], + [ + "èĥĮ", + "ä¸Ĭ" + ], + [ + "çª", + "ľ" + ], + [ + "çĪĨ", + "åĩº" + ], + [ + "å¹³", + "æķ´" + ], + [ + "ä¸Ģ", + "èĦļ" + ], + [ + "åħ¨ä½ĵ", + "åijĺå·¥" + ], + [ + "éĻIJ", + "å®ļ" + ], + [ + "åŁİéķĩ", + "åĮĸ" + ], + [ + "æ·", + "³" + ], + [ + "éĢ®", + "æįķ" + ], + [ + "è¡ĮåĬ¨", + "计åĪĴ" + ], + [ + "æīĵ", + "å¾Ĺ" + ], + [ + "åİļ", + "éĩį" + ], + [ + "纪å½ķ", + "çīĩ" + ], + [ + "åĿļ", + "ä¿¡" + ], + [ + "央", + "ä¼ģ" + ], + [ + "åĨį", + "ä¹Łä¸į" + ], + [ + "天", + "涯" + ], + [ + "åıĤèĢĥ", + "èµĦæĸĻ" + ], + [ + "æľī", + "æ¯Ĵ" + ], + [ + "åIJ¸", + "纳" + ], + [ + "è¶Ĭ", + "åıij" + ], + [ + "éĩįè¦ģ", + "æĦıä¹ī" + ], + [ + "åĽ½éĺ²", + "éĥ¨" + ], + [ + "è¿Ļ个", + "è¡Įä¸ļ" + ], + [ + "æĻ®", + "æŁ¥" + ], + [ + "å¼Ĥ", + "æĢ§" + ], + [ + "å»¶", + "è¿Ł" + ], + [ + "å°ı", + "å¹ħ" + ], + [ + "èī²", + "æĥħ" + ], + [ + "综åIJĪ", + "æ²»çIJĨ" + ], + [ + "æŃ£æĺ¯", + "åĽłä¸º" + ], + [ + "产ä¸ļ", + "ç»ĵæŀĦ" + ], + [ + "çłĶç©¶", + "æĬ¥åijĬ" + ], + [ + "åģľ", + "ä¸ĭ" + ], + [ + "éķ¿", + "èĢģ" + ], + [ + "éĩĿ", + "å°į" + ], + [ + "åįĹ京", + "å¸Ĥ" + ], + [ + "çģĮ", + "æºī" + ], + [ + "转", + "è¿IJ" + ], + [ + "欺", + "è¯Ī" + ], + [ + "éĢł", + "åģĩ" + ], + [ + "åĪĨå¸ĥ", + "å¼ı" + ], + [ + "æĦŁ", + "触" + ], + [ + "æĪij", + "å½ĵæĹ¶" + ], + [ + "åıij", + "è§ī" + ], + [ + "åĽ¾", + "纸" + ], + [ + "æĶ¹", + "èī¯" + ], + [ + "çĭł", + "çĭł" + ], + [ + "åĨ²", + "åĪº" + ], + [ + "æĸ°", + "京" + ], + [ + "æĸ°äº¬", + "æĬ¥" + ], + [ + "ç¥ŀ", + "åύ" + ], + [ + "秸", + "ç§Ĩ" + ], + [ + "çĪ", + "º" + ], + [ + "å°Ĩ", + "è¿İæĿ¥" + ], + [ + "å·¥", + "ä¿¡" + ], + [ + "工信", + "éĥ¨" + ], + [ + "éĻIJ", + "éĩı" + ], + [ + "æŃ¢", + "æįŁ" + ], + [ + "åѦä¼ļ", + "äºĨ" + ], + [ + "åįİ", + "缼" + ], + [ + "åįİ缼", + "é¡¿" + ], + [ + "å¾Į", + "ä¾Ĩ" + ], + [ + "ä¸ĭéĿ¢", + "æĺ¯" + ], + [ + "ä¸ĭéĿ¢æĺ¯", + "å°ı" + ], + [ + "æIJ¬", + "è¿IJ" + ], + [ + "ç¾İæľ¯", + "é¦Ĩ" + ], + [ + "æ¸ħ", + "åĩī" + ], + [ + "å¤ļå¹´", + "åīį" + ], + [ + "è©", + "ŀ" + ], + [ + "åįĥ", + "ç±³" + ], + [ + "表", + "è¿°" + ], + [ + "æ±Ł", + "éŨ" + ], + [ + "åĬłæ²¹", + "ç«Ļ" + ], + [ + "æľ¬", + "èĥ½" + ], + [ + "导", + "读" + ], + [ + "åĽ´", + "è§Ĥ" + ], + [ + "å¹¶", + "åIJij" + ], + [ + "åŁºæľ¬", + "æĥħåĨµ" + ], + [ + "æīĵ", + "å¼ĢäºĨ" + ], + [ + "è¿Ļ", + "ä¸ī个" + ], + [ + "æ±ķ", + "头" + ], + [ + "强", + "æľīåĬĽ" + ], + [ + "强æľīåĬĽ", + "çļĦ" + ], + [ + "è¿Ľ", + "åľº" + ], + [ + "ä¹Ŀ", + "æ±Ł" + ], + [ + "çIJĥ", + "æĺŁ" + ], + [ + "好çľĭ", + "çļĦ" + ], + [ + "大", + "æĪ·" + ], + [ + "æ¹", + "¯" + ], + [ + "å¥ĩ", + "å¦Ļ" + ], + [ + "ä¹IJ", + "åύ" + ], + [ + "æĪijçļĦ", + "å¿ĥ" + ], + [ + "çľī", + "头" + ], + [ + "åĨľä¸ļ", + "çĶŁäº§" + ], + [ + "ç¼ĸ", + "çłģ" + ], + [ + "åŁº", + "ç¤" + ], + [ + "åŁºç¤", + "İ" + ], + [ + "天", + "æĸĩ" + ], + [ + "åĢĭ人", + "è³ĩè¨Ĭ" + ], + [ + "åİ»", + "è¿ĩ" + ], + [ + "èģĨ", + "åIJ¬" + ], + [ + "æĶ¾", + "åģĩ" + ], + [ + "ä¸į", + "åħ·å¤ĩ" + ], + [ + "æ·Ģ", + "ç²ī" + ], + [ + "大", + "佬" + ], + [ + "åħ¨", + "天" + ], + [ + "åħ¨éĿ¢", + "建æĪIJ" + ], + [ + "éļIJ", + "å½¢" + ], + [ + "ç¼ħ", + "ç͏" + ], + [ + "åIJ", + "³" + ], + [ + "è¡ĮæĶ¿", + "æī§æ³ķ" + ], + [ + "åŁİ", + "åł¡" + ], + [ + "èİ«", + "æĸ¯" + ], + [ + "èİ«æĸ¯", + "ç§ij" + ], + [ + "æīĢæľī", + "æĿĥ" + ], + [ + "éĽĨ", + "åľĺ" + ], + [ + "å±Ģ", + "åī¯å±Ģéķ¿" + ], + [ + "åĩłä¹İ", + "没æľī" + ], + [ + "æ´ģ", + "åĩĢ" + ], + [ + "ç͵影", + "èĬĤ" + ], + [ + "åŃ©", + "ç«¥" + ], + [ + "æīĢ", + "åģļçļĦ" + ], + [ + "æ¸ħ", + "代" + ], + [ + "æĸ°", + "çīĪ" + ], + [ + "éĵĿ", + "åIJĪéĩij" + ], + [ + "为", + "æĬĵ" + ], + [ + "为æĬĵ", + "æīĭ" + ], + [ + "åΤ", + "å®ļ" + ], + [ + "çī¹", + "产" + ], + [ + "æīĭ", + "æ©Ł" + ], + [ + "ä¸įåı¯", + "æĪĸ" + ], + [ + "ä¸įåı¯æĪĸ", + "缺" + ], + [ + "å¸Ĥåľº", + "è§Ħ模" + ], + [ + "åĿ", + "¯" + ], + [ + "åĮ»", + "åѦéĻ¢" + ], + [ + "å¿«", + "è¦ģ" + ], + [ + "èĮ", + "ľ" + ], + [ + "æĬĺ", + "èħ¾" + ], + [ + "äºĨ", + "è¿ĩæĿ¥" + ], + [ + "æĬ¥åijĬ", + "æľŁåĨħ" + ], + [ + "çī©", + "ç§į" + ], + [ + "ç»Łè®¡", + "å±Ģ" + ], + [ + "æī©", + "建" + ], + [ + "æ¶", + "ħ" + ], + [ + "责任", + "人" + ], + [ + "éĺ", + "İ" + ], + [ + "è¯Ħ", + "è®®" + ], + [ + "å¾Ģ", + "äºĭ" + ], + [ + "æīĢ", + "示" + ], + [ + "æķ´", + "æ´ģ" + ], + [ + "éĹº", + "èľľ" + ], + [ + "æĹħ", + "éĢĶ" + ], + [ + "å®ŀ", + "è®Ń" + ], + [ + "ä¹ĭ", + "ç§°" + ], + [ + "å·´", + "士" + ], + [ + "éĢŁåº¦", + "å¿«" + ], + [ + "ä¸įä»ħ", + "å¦ĤæŃ¤" + ], + [ + "å®Ŀè´µ", + "çļĦ" + ], + [ + "åºŁ", + "çī©" + ], + [ + "æ²³", + "æ°´" + ], + [ + "æİ¥", + "纳" + ], + [ + "ç²¾", + "æ¹Ľ" + ], + [ + "åħ¶æ¬¡", + "æĺ¯" + ], + [ + "顺", + "å¾·" + ], + [ + "åħ¬åħ±", + "åį«çĶŁ" + ], + [ + "è¤IJ", + "èī²" + ], + [ + "ä¸į", + "æĥľ" + ], + [ + "æĬĢæľ¯", + "æľįåĬ¡" + ], + [ + "æİ", + "·" + ], + [ + "æ±Ĥ", + "èģĮ" + ], + [ + "ä¸ī", + "峡" + ], + [ + "æĬķåħ¥", + "åΰ" + ], + [ + "太", + "åIJİ" + ], + [ + "åIJ¯åĬ¨", + "仪å¼ı" + ], + [ + "缴æİ¥", + "å½±åĵį" + ], + [ + "æĸ°", + "款" + ], + [ + "个", + "乡éķĩ" + ], + [ + "çϾ", + "亿" + ], + [ + "åº", + "«" + ], + [ + "ä¹Ł", + "æŃ£æĺ¯" + ], + [ + "åı¶", + "çīĩ" + ], + [ + "æľĢæĹ©", + "çļĦ" + ], + [ + "æĪĺ", + "绩" + ], + [ + "å·¥", + "æľŁ" + ], + [ + "æĻļ", + "æľŁ" + ], + [ + "è¿Ļæł·", + "说" + ], + [ + "è¯į", + "è¯Ń" + ], + [ + "ä¾", + "Ħ" + ], + [ + "æķ£", + "çĥŃ" + ], + [ + "éĽĨæĪIJ", + "çĶµè·¯" + ], + [ + "åIJį", + "è¯į" + ], + [ + "æĻº", + "åķĨ" + ], + [ + "æĭ¥", + "åłµ" + ], + [ + "çĭĤ", + "欢" + ], + [ + "è¿Ļ", + "èά" + ], + [ + "æµ´", + "室" + ], + [ + "åijķ", + "åIJIJ" + ], + [ + "æľªæĿ¥", + "åıijå±ķ" + ], + [ + "ä¸īä½į", + "ä¸Ģä½ĵ" + ], + [ + "åªĴ", + "é«Ķ" + ], + [ + "ä¸įå¾Ĺ", + "转载" + ], + [ + "åĽłä¸º", + "她" + ], + [ + "æĺ¾ç¤º", + "å±ı" + ], + [ + "ä¾Ľ", + "æļĸ" + ], + [ + "éĨ«", + "éĻ¢" + ], + [ + "æľī", + "æĦıæĢĿ" + ], + [ + "æľīæĦıæĢĿ", + "çļĦ" + ], + [ + "娱ä¹IJ", + "åŁİ" + ], + [ + "åįµ", + "å·¢" + ], + [ + "åĪĽéĢł", + "åĬĽ" + ], + [ + "竳", + "èĬĤ" + ], + [ + "人大", + "常å§Ķ" + ], + [ + "èĢĮ", + "çİ°åľ¨" + ], + [ + "å¤ĸ", + "å©Ĩ" + ], + [ + "å¢ŀ", + "æĮģ" + ], + [ + "äºĶ", + "åįĥ" + ], + [ + "èĢģå¸Ī", + "们" + ], + [ + "æ´Ľ", + "æĿī" + ], + [ + "æ´ĽæĿī", + "磶" + ], + [ + "æİĮæı¡", + "äºĨ" + ], + [ + "ä¸ŃåĽ½", + "æĸĩåĮĸ" + ], + [ + "æĸ°", + "æĶ¿" + ], + [ + "主è¦ģ", + "ç͍äºİ" + ], + [ + "åıij", + "çĥ§" + ], + [ + "类似", + "äºİ" + ], + [ + "åĮĹ", + "æŀģ" + ], + [ + "æĪij们", + "认为" + ], + [ + "å¼¥", + "漫" + ], + [ + "åħ¨çIJĥ", + "ç»ıæµİ" + ], + [ + "é¢", + "IJ" + ], + [ + "ä¸Ģèµ·", + "è£ħä¿®" + ], + [ + "æĶ", + "Ĵ" + ], + [ + "æĭī", + "èIJ¨" + ], + [ + "帶", + "ä¾Ĩ" + ], + [ + "åĨ·", + "æ°´" + ], + [ + "ä¸ī", + "åĨľ" + ], + [ + "æĿ¿", + "æĿIJ" + ], + [ + "è¿ŀ", + "è¿ŀ" + ], + [ + "éĵ", + "®" + ], + [ + "ç»ıèIJ¥", + "çIJĨ念" + ], + [ + "å±±", + "é¡¶" + ], + [ + "å¾Ī", + "æĥ³" + ], + [ + "çĺ", + "«" + ], + [ + "å§ĭç»Ī", + "ä¿ĿæĮģ" + ], + [ + "åľ¨", + "广å·ŀ" + ], + [ + "ä¸įåIJĮ", + "æĦı" + ], + [ + "åıĺ", + "åİĭ" + ], + [ + "åıĺåİĭ", + "åύ" + ], + [ + "产", + "éĶĢ" + ], + [ + "表", + "éĿ¢ä¸Ĭ" + ], + [ + "æīĢ以", + "ä»ĸ" + ], + [ + "ç»ıéªĮ", + "丰å¯Į" + ], + [ + "éĥ¨", + "å§Ķ" + ], + [ + "åħµ", + "åĽ¢" + ], + [ + "æīĢ", + "è¿°" + ], + [ + "æķ¦", + "çħĮ" + ], + [ + "ç»ıèIJ¥", + "èĮĥåĽ´" + ], + [ + "åı£", + "è¯Ń" + ], + [ + "失", + "ä¿¡" + ], + [ + "æ¯ı个人", + "çļĦ" + ], + [ + "æīĭ", + "æĮģ" + ], + [ + "æģIJ", + "æħĮ" + ], + [ + "åł¡", + "åŀĴ" + ], + [ + "é¦", + "ħ" + ], + [ + "éĵ¸", + "éĢł" + ], + [ + "æĭ¿", + "åĩºæĿ¥" + ], + [ + "æİ¢", + "æµĭ" + ], + [ + "大家", + "ä¸Ģèµ·" + ], + [ + "å¥", + "§" + ], + [ + "å®ŀè´¨", + "æĢ§" + ], + [ + "å°ı", + "åĦ¿" + ], + [ + "èĩº", + "åįĹ" + ], + [ + "èĩºåįĹ", + "å¸Ĥ" + ], + [ + "å¼Ģåıij", + "èĢħ" + ], + [ + "åı¯", + "æł¹æį®" + ], + [ + "ç®±", + "åŃIJ" + ], + [ + "饺", + "åŃIJ" + ], + [ + "å¿Ļ", + "çĿĢ" + ], + [ + "æĿ¥", + "ä¸įåıĬ" + ], + [ + "缸", + "ä¼ł" + ], + [ + "åĽ½", + "ç½ij" + ], + [ + "èħ¹", + "æ³»" + ], + [ + "è¿ĻéĩĮ", + "æľī" + ], + [ + "é£İ", + "æĻ¯åĮº" + ], + [ + "åıĤ", + "ä¿Ŀ" + ], + [ + "æŃ»", + "èĢħ" + ], + [ + "æĪ´", + "ä¸Ĭ" + ], + [ + "æ©Ł", + "æ§ĭ" + ], + [ + "è¯ķéªĮ", + "åĮº" + ], + [ + "ä¼ł", + "æİĪ" + ], + [ + "æµ·", + "è¾¹" + ], + [ + "泪", + "æ°´" + ], + [ + "缸åħ³", + "åĨħ容" + ], + [ + "éĥij", + "å·ŀå¸Ĥ" + ], + [ + "åħij", + "çݰ" + ], + [ + "两", + "åij¨" + ], + [ + "èĬľ", + "æ¹ĸ" + ], + [ + "ç͵åŃIJ", + "ä¿¡æģ¯" + ], + [ + "红", + "å¤ĸ" + ], + [ + "æĹħ游", + "å±Ģ" + ], + [ + "å¾Ģå¾Ģ", + "ä¼ļ" + ], + [ + "è¿ħ", + "çĮĽ" + ], + [ + "ä¼ł", + "羣" + ], + [ + "æ¸ħ", + "æ¾Ī" + ], + [ + "å°±", + "è¿ij" + ], + [ + "微信", + "群" + ], + [ + "ç³»åĪĹ", + "æ´»åĬ¨" + ], + [ + "ç»ı常", + "ä¼ļ" + ], + [ + "è§Ĥ", + "æµĭ" + ], + [ + "å¿ĥå¾Ĺ", + "ä½ĵä¼ļ" + ], + [ + "éĻĪ", + "åĪĹ" + ], + [ + "åĮĹ", + "æĸĹ" + ], + [ + "è«", + "®" + ], + [ + "è«®", + "è©¢" + ], + [ + "è¿ĺæĺ¯", + "ä¼ļ" + ], + [ + "æµĭ", + "ç®Ĺ" + ], + [ + "æĺŁ", + "空" + ], + [ + "宽", + "容" + ], + [ + "çī©ä¸ļ", + "åħ¬åı¸" + ], + [ + "æĪĴ", + "æĮĩ" + ], + [ + "å¸ħ", + "æ°Ķ" + ], + [ + "ä¸ĢæŃ¥", + "æŃ¥" + ], + [ + "åħ±", + "鸣" + ], + [ + "åĨ³", + "ä¸į" + ], + [ + "æİ¥", + "管" + ], + [ + "å¦ĩ", + "èģĶ" + ], + [ + "æ¯Ķ", + "åĸ»" + ], + [ + "é²ģ", + "è¿ħ" + ], + [ + "æĮģ", + "çºĮ" + ], + [ + "缸", + "亲" + ], + [ + "å¨ģå°¼æĸ¯", + "人" + ], + [ + "ç«ĭ", + "项" + ], + [ + "åĪ", + "Ŀå§ĭ" + ], + [ + "èĩª", + "åζ" + ], + [ + "è¿Ī", + "è¿Ľ" + ], + [ + "ä¸Ĭ", + "æ±½" + ], + [ + "å®ı", + "ä¼Ł" + ], + [ + "æł¹æľ¬", + "没æľī" + ], + [ + "æĸ°åĨł", + "çĹħæ¯Ĵ" + ], + [ + "åĵª", + "ç§į" + ], + [ + "康", + "åħ»" + ], + [ + "è¡°", + "èĢģ" + ], + [ + "å½ķ", + "åĥı" + ], + [ + "é«Ķ", + "é©Ĺ" + ], + [ + "ç»ij", + "å®ļ" + ], + [ + "é¢Ŀ", + "头" + ], + [ + "äºĶ", + "æľĪ" + ], + [ + "èĬ±", + "å¼Ģ" + ], + [ + "ä¸Ģ线", + "åŁİå¸Ĥ" + ], + [ + "åΰ", + "åľº" + ], + [ + "æĬķ", + "éĻį" + ], + [ + "çĹĺ", + "çĹĺ" + ], + [ + "åıĹ", + "ä¸įäºĨ" + ], + [ + "æīİ", + "æł¹" + ], + [ + "æĽ´", + "ä½ķåĨµ" + ], + [ + "æĬ½", + "æŁ¥" + ], + [ + "åĩº", + "è·¯" + ], + [ + "审议", + "éĢļè¿ĩ" + ], + [ + "ä¸į", + "åĥħ" + ], + [ + "èī²", + "è°ĥ" + ], + [ + "çϾ", + "ä½Ļ" + ], + [ + "èĤł", + "éģĵ" + ], + [ + "æ·±åİļ", + "çļĦ" + ], + [ + "马", + "åĬĽ" + ], + [ + "æĹ©", + "æĻļ" + ], + [ + "æŃĮ", + "èĪŀ" + ], + [ + "éĺ²", + "æĻĴ" + ], + [ + "æľĢåIJİ", + "ä¸Ģ个" + ], + [ + "樱", + "èĬ±" + ], + [ + "å°ıä¼Ļ", + "åŃIJ" + ], + [ + "åľ¨", + "å½ĵåľ°" + ], + [ + "å°ıä¼Ļä¼´", + "们" + ], + [ + "èµ·", + "æºIJ" + ], + [ + "åħ¨", + "åªĴä½ĵ" + ], + [ + "ç°", + "½" + ], + [ + "éħ±", + "æ²¹" + ], + [ + "æĹłè®º", + "å¦Ĥä½ķ" + ], + [ + "裤", + "åŃIJ" + ], + [ + "åģľ", + "产" + ], + [ + "ä¸įçͱ", + "å¾Ĺ" + ], + [ + "çīµ", + "å¼ķ" + ], + [ + "ä¼ł", + "åĬ¨" + ], + [ + "ä¹Ŀ", + "é¾Ļ" + ], + [ + "åĬł", + "åĽº" + ], + [ + "ä¹Łä¸į", + "æķ¢" + ], + [ + "æĬĢæľ¯", + "æĶ¯æĮģ" + ], + [ + "ä¸Ĭ", + "å²Ĺ" + ], + [ + "ç»ıéªĮ", + "åĴĮ" + ], + [ + "æł¼", + "æŀĹ" + ], + [ + "åIJ¸", + "éĻĦ" + ], + [ + "æľªæĪIJ", + "å¹´" + ], + [ + "奢ä¾Ī", + "åĵģ" + ], + [ + "追", + "æį§" + ], + [ + "好", + "ä¸į容æĺĵ" + ], + [ + "èķ´", + "åIJ«" + ], + [ + "ä¿Ŀ", + "å®ļ" + ], + [ + "æĬ¥", + "ä¸ļ" + ], + [ + "æµ·", + "åĨħå¤ĸ" + ], + [ + "ä½ł", + "çİ°åľ¨" + ], + [ + "æ²¹", + "èĢĹ" + ], + [ + "è´¨éĩı", + "管çIJĨ" + ], + [ + "æ½ľ", + "æ°´" + ], + [ + "丽", + "æ±Ł" + ], + [ + "转", + "åħ¥" + ], + [ + "è¿Ļä¹Ī", + "ä¹ħ" + ], + [ + "æĺİ", + "代" + ], + [ + "责任", + "åζ" + ], + [ + "éĩį", + "å·¥" + ], + [ + "大", + "å·´" + ], + [ + "触", + "åıĬ" + ], + [ + "èµ·", + "åĪĿ" + ], + [ + "大", + "å¦Ī" + ], + [ + "æĸ¯", + "å¡Ķ" + ], + [ + "åĨĽ", + "å·¥" + ], + [ + "书", + "éĻ¢" + ], + [ + "å³", + "¨" + ], + [ + "æİ¨", + "çIJĨ" + ], + [ + "è¿Ļç¯ĩ", + "æĸĩ竳" + ], + [ + "è¿ģ", + "ç§»" + ], + [ + "åľ¨", + "åIJĮä¸Ģ" + ], + [ + "ç»Ĩ", + "ç»Ĩ" + ], + [ + "åīĬ", + "å¼±" + ], + [ + "书", + "æĪ¿" + ], + [ + "ç¶ĵ", + "常" + ], + [ + "è¯ķ", + "é¢ĺ" + ], + [ + "æĤ£", + "ä¸Ĭ" + ], + [ + "çĻ«çĹ«", + "çĹħ" + ], + [ + "åĨ²", + "æ´Ĺ" + ], + [ + "å¤ĸ", + "æı´" + ], + [ + "åħĭ", + "åζ" + ], + [ + "åįģ", + "æľĪ" + ], + [ + "åģļ", + "ä¸įåΰ" + ], + [ + "ç¾İ", + "åĮĸ" + ], + [ + "å¦Ĥ", + "æľŁ" + ], + [ + "è¿ĺ", + "éľĢ" + ], + [ + "天", + "åºľ" + ], + [ + "å°±", + "æĦıåij³çĿĢ" + ], + [ + "çļĦç¡®", + "æĺ¯" + ], + [ + "éªĹ", + "å±Ģ" + ], + [ + "å°ıç»Ħ", + "èµĽ" + ], + [ + "è©", + "©" + ], + [ + "ä¹Ŀ", + "å¹´" + ], + [ + "æĻĵ", + "å¾Ĺ" + ], + [ + "çłĶç©¶", + "人åijĺ" + ], + [ + "大", + "éħĴåºĹ" + ], + [ + "ç§ij", + "åѸ" + ], + [ + "åħŃ", + "åIJĪ" + ], + [ + "çķĮ", + "å®ļ" + ], + [ + "车", + "è½½" + ], + [ + "å¼Ģ", + "çĿĢ" + ], + [ + "毫", + "æĹłçĸij" + ], + [ + "毫æĹłçĸij", + "éĹ®" + ], + [ + "è¿IJ", + "ç»´" + ], + [ + "ç¦ģ", + "åĮº" + ], + [ + "èĦ±", + "èIJ½" + ], + [ + "讲", + "å¸Ī" + ], + [ + "产ä¸ļ", + "åŁºåľ°" + ], + [ + "é«ĺ", + "æĢ§èĥ½" + ], + [ + "åħī", + "彩" + ], + [ + "çݰ", + "éĺ¶æ®µ" + ], + [ + "åĩ", + "¿" + ], + [ + "è¾ĥ", + "å·®" + ], + [ + "饮", + "çĶ¨æ°´" + ], + [ + "éĸĭ", + "çϼ" + ], + [ + "ç½ij", + "åIJ§" + ], + [ + "çĮ´", + "åŃIJ" + ], + [ + "æŃ¦", + "æŀĹ" + ], + [ + "å®ī", + "åİ¿" + ], + [ + "ä¸įåı¯", + "æĢĿ" + ], + [ + "ä¸įåı¯æĢĿ", + "è®®" + ], + [ + "éĬ·", + "åĶ®" + ], + [ + "è´«", + "ç©·" + ], + [ + "为", + "åķ¥" + ], + [ + "éº", + "ĵ" + ], + [ + "å¹¾", + "åĢĭ" + ], + [ + "è§Ħ模", + "以ä¸Ĭ" + ], + [ + "æı", + "ļ" + ], + [ + "被", + "åĽ°" + ], + [ + "缺", + "å¸Ń" + ], + [ + "å¿«", + "é¤IJ" + ], + [ + "æĬ¢", + "åįł" + ], + [ + "æĻ", + "Ł" + ], + [ + "å¤į", + "æ´»" + ], + [ + "æľ¬æĬ¥", + "讯" + ], + [ + "åĪĽ", + "ä¸ĭ" + ], + [ + "æµ·", + "滩" + ], + [ + "éĩı", + "产" + ], + [ + "å¦Ĥä½ķ", + "åİ»" + ], + [ + "车", + "ä½į" + ], + [ + "å¯", + "ĩ" + ], + [ + "äºĮ", + "åįģåĽĽ" + ], + [ + "ç»ıæµİ", + "æįŁå¤±" + ], + [ + "éħįå¥Ĺ", + "设æĸ½" + ], + [ + "åŁºæľ¬", + "éĿ¢" + ], + [ + "äºī", + "论" + ], + [ + "就好", + "åĥı" + ], + [ + "çłĶç©¶", + "æĪIJæŀľ" + ], + [ + "éĻĪ", + "è¿°" + ], + [ + "æīĵ", + "åĬ¨" + ], + [ + "ä¸ĭ", + "å·´" + ], + [ + "ç§Ĵ", + "éĴŁ" + ], + [ + "对", + "人ä½ĵ" + ], + [ + "æĬĢæľ¯", + "çłĶåıij" + ], + [ + "åİŁ", + "åŃIJ" + ], + [ + "æĺ¯ä¸Ģ", + "项" + ], + [ + "äºĨä¸Ģ", + "份" + ], + [ + "æĮĩ", + "çͲ" + ], + [ + "ç͍", + "éĩı" + ], + [ + "è¿ĺä¸į", + "å¤Ł" + ], + [ + "æĶ¿åºľ", + "éĩĩè´Ń" + ], + [ + "çŁ¥è¯Ĩ", + "çĤ¹" + ], + [ + "ä¸ŃåĽ½", + "梦" + ], + [ + "å¾Ī", + "å¼Ģå¿ĥ" + ], + [ + "礼", + "è²Į" + ], + [ + "éĿŀ常", + "å¤ļ" + ], + [ + "éĿŀ常å¤ļ", + "çļĦ" + ], + [ + "åĽ", + "ļ" + ], + [ + "æĹħ", + "é¦Ĩ" + ], + [ + "å°½", + "æĥħ" + ], + [ + "æŃĮ", + "åͱ" + ], + [ + "æ²Ļ", + "é¾Ļ" + ], + [ + "车", + "åİ¢" + ], + [ + "客", + "æµģ" + ], + [ + "åģı", + "å·®" + ], + [ + "积累", + "äºĨ" + ], + [ + "æ¡", + "Ķ" + ], + [ + "çĶ»", + "çĶ»" + ], + [ + "ä¹Ł", + "åºĶ该" + ], + [ + "åºĶç͍", + "ç¨ĭåºı" + ], + [ + "èĥĥ", + "èĤł" + ], + [ + "以", + "å¾Į" + ], + [ + "豪", + "å®ħ" + ], + [ + "æ·±", + "åĬłå·¥" + ], + [ + "缴", + "è¨Ģ" + ], + [ + "åĮĸ", + "çŁ³" + ], + [ + "åĽ½", + "éģĵ" + ], + [ + "ä¸ĥ", + "个" + ], + [ + "ä»İèĢĮ", + "使" + ], + [ + "èĤł", + "èĥĥ" + ], + [ + "æĹ¥", + "è¶ĭ" + ], + [ + "çζ", + "åŃIJ" + ], + [ + "ç·", + "©" + ], + [ + "æĭĽ", + "çīĮ" + ], + [ + "产", + "å¦ĩ" + ], + [ + "çķª", + "èĮĦ" + ], + [ + "æĪij", + "éĻ¢" + ], + [ + "建çŃij", + "å·¥ç¨ĭ" + ], + [ + "å±ķè§Ī", + "ä¼ļ" + ], + [ + "å®¶éķ¿", + "们" + ], + [ + "åĨľ", + "ä½ľçī©" + ], + [ + "æĹ¥", + "å¤ľ" + ], + [ + "æĶ»", + "æĵĬ" + ], + [ + "è§Ħ", + "éģ¿" + ], + [ + "èĪŁ", + "å±±" + ], + [ + "便", + "æ°ij" + ], + [ + "åħ«", + "åŃĹ" + ], + [ + "ä¸į", + "æĽ¾" + ], + [ + "æĶ¯", + "éħį" + ], + [ + "çĨ¬", + "å¤ľ" + ], + [ + "人", + "é¡ŀ" + ], + [ + "ç´Ģ", + "éĮĦ" + ], + [ + "ç»ıèIJ¥", + "æ´»åĬ¨" + ], + [ + "大", + "涨" + ], + [ + "å¸Ĥå§Ķ", + "常å§Ķ" + ], + [ + "åĪĨ", + "éIJĺ" + ], + [ + "ä¸Ģ个", + "èģĮä¸ļ" + ], + [ + "çĹħ", + "åĽł" + ], + [ + "è¿Ļ", + "对äºİ" + ], + [ + "ä¸įå¾Ĺä¸į", + "说" + ], + [ + "åıijç͵", + "æľº" + ], + [ + "æľīæīĢ", + "帮åĬ©" + ], + [ + "缮æłĩ", + "ä»»åĬ¡" + ], + [ + "åĽł", + "åľ°" + ], + [ + "åĽłåľ°", + "åζ" + ], + [ + "åĽłåľ°åζ", + "å®ľ" + ], + [ + "å°Ĩ", + "è¾¾åΰ" + ], + [ + "ç²Ĺ", + "ç³Ļ" + ], + [ + "稳", + "åĽº" + ], + [ + "å«", + "£" + ], + [ + "çİ°åľ¨", + "å¾Īå¤ļ" + ], + [ + "ä¸ĸçķĮ", + "级" + ], + [ + "å¼ł", + "æŁIJ" + ], + [ + "çĤ¹", + "ç¼Ģ" + ], + [ + "èij", + "µ" + ], + [ + "社ä¼ļ", + "ç»Ħç»ĩ" + ], + [ + "å¾Ģ", + "åIJİ" + ], + [ + "åĬł", + "æģ¯" + ], + [ + "åĻª", + "声" + ], + [ + "æľī", + "åħ´è¶£" + ], + [ + "为æĤ¨", + "æıIJä¾Ľ" + ], + [ + "æ²¹", + "æ¼Ĩ" + ], + [ + "ç¬¬åĽĽ", + "å±Ĭ" + ], + [ + "çļĩ", + "宫" + ], + [ + "ä¹Ĵ", + "ä¹ĵ" + ], + [ + "ä¹Ĵä¹ĵ", + "çIJĥ" + ], + [ + "éļ¨", + "èijĹ" + ], + [ + "éģ©", + "åIJĪ" + ], + [ + "åįĹ", + "éĿŀ" + ], + [ + "æĵ", + "´" + ], + [ + "西", + "æ´ĭ" + ], + [ + "åĬł", + "å¯Ĩ" + ], + [ + "æĪIJåĬŁ", + "举åĬŀ" + ], + [ + "åı£", + "æ°´" + ], + [ + "æĪIJ", + "年人" + ], + [ + "æīĢ", + "æıIJä¾ĽçļĦ" + ], + [ + "éļĶ", + "å£ģ" + ], + [ + "åľ¨", + "京" + ], + [ + "å½ĵåľ°", + "æĹ¶éĹ´" + ], + [ + "çŃī", + "åIJĦç§į" + ], + [ + "é£İ", + "æ°Ķ" + ], + [ + "å±ĭ", + "éĩĮ" + ], + [ + "ä¸Ģ", + "åŃĹ" + ], + [ + "çļĦæĹ¶éĹ´", + "éĩĮ" + ], + [ + "åĺ¿", + "åĺ¿" + ], + [ + "å¿«", + "讯" + ], + [ + "ä¸Ń", + "åľº" + ], + [ + "ä¸Ģ", + "çĵ¶" + ], + [ + "æ»", + "ķ" + ], + [ + "é¢Ĩ", + "è·ij" + ], + [ + "好", + "èݱ" + ], + [ + "好èݱ", + "åĿŀ" + ], + [ + "没", + "åħ³ç³»" + ], + [ + "åĩº", + "å¢ĥ" + ], + [ + "ä¸įæĺ¯", + "ä¸Ģ个" + ], + [ + "éĥ½æĺ¯", + "éĿŀ常" + ], + [ + "éľĩ", + "åĬ¨" + ], + [ + "èİ·", + "èĥľ" + ], + [ + "åįļ", + "å¼Ī" + ], + [ + "æĬļ", + "åħ»" + ], + [ + "对", + "ç«ĭ" + ], + [ + "æľįåĬ¡", + "æľºæŀĦ" + ], + [ + "è°£", + "è¨Ģ" + ], + [ + "社ä¼ļ", + "ç§ijåѦ" + ], + [ + "åIJ¬è¯´", + "è¿ĩ" + ], + [ + "æī", + "³" + ], + [ + "æīĵ", + "磨" + ], + [ + "åı£", + "æľį" + ], + [ + "好", + "åĥıæĺ¯" + ], + [ + "以åıĬ", + "åħ¶ä»ĸ" + ], + [ + "çī¹", + "è´¨" + ], + [ + "亲", + "è¿ij" + ], + [ + "ä¸Ģ", + "ç»ı" + ], + [ + "æ¶", + "Ŀ" + ], + [ + "éŃĶ", + "æľ¯" + ], + [ + "éģĵè·¯", + "交éĢļ" + ], + [ + "è§Ħ模", + "æľĢ大" + ], + [ + "å®ŀæĸ½", + "æĦıè§ģ" + ], + [ + "ä¹", + "ŀ" + ], + [ + "ä¸Ģ", + "ä¸ĸ" + ], + [ + "åŁ·", + "è¡Į" + ], + [ + "è±Ĩ", + "çĵ£" + ], + [ + "åĪĹ", + "为" + ], + [ + "æķħ", + "宫" + ], + [ + "çĶŁ", + "åij½åij¨æľŁ" + ], + [ + "ä¸īç§į", + "èģĮä¸ļ" + ], + [ + "详ç»Ĩ", + "ä»ĭç»į" + ], + [ + "å®Į", + "å¤ĩ" + ], + [ + "岩", + "çŁ³" + ], + [ + "éļı", + "æīĭ" + ], + [ + "é£", + "²" + ], + [ + "æķĪæŀľ", + "åĽ¾" + ], + [ + "ç§ĭ", + "åĨ¬" + ], + [ + "åĬŁ", + "å¾·" + ], + [ + "è§Ħ竳", + "åĪ¶åº¦" + ], + [ + "æĹ¥", + "æ¸IJ" + ], + [ + "æīĢ", + "éľĢè¦ģ" + ], + [ + "æīĢéľĢè¦ģ", + "çļĦ" + ], + [ + "å²Ľ", + "ä¸Ĭ" + ], + [ + "åĩº", + "åľŁ" + ], + [ + "åĽ¾", + "æĸĩ" + ], + [ + "ç§ijæĬĢ", + "è¿ĽæŃ¥" + ], + [ + "éĢļ", + "èĥĢ" + ], + [ + "èĢģ", + "太太" + ], + [ + "èĭĹ", + "æľ¨" + ], + [ + "éĵ¶", + "å·Ŀ" + ], + [ + "å¸IJ", + "篷" + ], + [ + "éĿŀ", + "è¦ģ" + ], + [ + "éħį", + "ç͵" + ], + [ + "å¤Ħ", + "å¢ĥ" + ], + [ + "èĤ¡æĿĥ", + "æĬķèµĦ" + ], + [ + "ä¸Ģ缴", + "åΰ" + ], + [ + "åĿĩ", + "çͱ" + ], + [ + "æĬĹ", + "æĹ¥" + ], + [ + "æį®", + "ä»ĭç»į" + ], + [ + "ä½ł", + "åĸľæ¬¢" + ], + [ + "åĪĽæĸ°", + "åŀĭ" + ], + [ + "åıĺ", + "è¿ģ" + ], + [ + "è§Ĩ", + "å¯Ł" + ], + [ + "å®Įåħ¨", + "没æľī" + ], + [ + "åħĥ", + "æĹ¦" + ], + [ + "åı¯", + "ä¿¡" + ], + [ + "åı¦", + "è¡Į" + ], + [ + "æĿij", + "级" + ], + [ + "åħ¥", + "åľº" + ], + [ + "æIJŃ", + "æ¡£" + ], + [ + "ä¹Ł", + "åĽłæŃ¤" + ], + [ + "æį¢", + "æĪIJ" + ], + [ + "ä¸į", + "è´Ł" + ], + [ + "äºĨ", + "大éĩıçļĦ" + ], + [ + "éģĶ", + "åΰ" + ], + [ + "å¸Ĥ", + "åİ¿" + ], + [ + "å¹´", + "è¼ķ" + ], + [ + "å¿«", + "æīĭ" + ], + [ + "å¸Į", + "å°Ķ" + ], + [ + "èĩª", + "èIJ¥" + ], + [ + "éĽª", + "èĬ±" + ], + [ + "æIJ", + "ģ" + ], + [ + "çľ¼", + "ç§ij" + ], + [ + "æŃ£", + "確" + ], + [ + "çļĦ", + "å§¿æĢģ" + ], + [ + "åĿļå®ŀ", + "çļĦ" + ], + [ + "æĮĩ", + "纹" + ], + [ + "æªĶ", + "æ¡Ī" + ], + [ + "ç½®", + "äºİ" + ], + [ + "佩", + "æľį" + ], + [ + "豪", + "éŨ" + ], + [ + "åĵ", + "Ĵ" + ], + [ + "æģ°", + "好" + ], + [ + "檢", + "æŁ¥" + ], + [ + "åĪĿ", + "è¡·" + ], + [ + "大", + "åĶIJ" + ], + [ + "约", + "ä¼ļ" + ], + [ + "èĴ¸", + "åıij" + ], + [ + "çѹ", + "åĪĴ" + ], + [ + "å¹´", + "ç»Ī" + ], + [ + "è¡Į", + "æ¥Ń" + ], + [ + "åħ±", + "éĿĴ" + ], + [ + "åħ±éĿĴ", + "åĽ¢" + ], + [ + "ä¼ļ", + "å¼ķèµ·" + ], + [ + "ä¸Ń", + "ç§ij" + ], + [ + "ä¸Ńç§ij", + "éĻ¢" + ], + [ + "æĮ¯", + "åĬ¨" + ], + [ + "åį´", + "åıijçݰ" + ], + [ + "ä¸įåĬ¨", + "产" + ], + [ + "èĮ", + "¹" + ], + [ + "æĪ¿éĹ´", + "éĩĮ" + ], + [ + "è´§å¸ģ", + "æĶ¿çŃĸ" + ], + [ + "æ²»", + "çĻĤ" + ], + [ + "æħİ", + "éĩį" + ], + [ + "å¡ŀ", + "å°Ķ" + ], + [ + "åĽ½", + "ç±į" + ], + [ + "åĽł", + "æŀľ" + ], + [ + "çŃī", + "çī¹çĤ¹" + ], + [ + "å±±", + "è°·" + ], + [ + "ä¸ĭ", + "è¼ī" + ], + [ + "è®ĵ", + "æĪij" + ], + [ + "饮", + "éħĴ" + ], + [ + "è¿Ļ个", + "游æĪı" + ], + [ + "ç»Ŀ", + "大éĥ¨åĪĨ" + ], + [ + "åĴ¨è¯¢", + "æľįåĬ¡" + ], + [ + "å¹²", + "æ´»" + ], + [ + "è®®", + "ä¼ļ" + ], + [ + "æ¦Ĥ", + "è¿°" + ], + [ + "åĪĨ", + "åĮº" + ], + [ + "æŃ»", + "åIJİ" + ], + [ + "ç«Ļ", + "çĿĢ" + ], + [ + "主è¦ģ", + "é¢Ĩ导" + ], + [ + "åIJĮ", + "åŁİ" + ], + [ + "大", + "æłij" + ], + [ + "对", + "åѦçĶŁ" + ], + [ + "社ä¼ļ", + "ä¿ĿéĻ©" + ], + [ + "å¢ŀ", + "èµĦ" + ], + [ + "主人", + "åħ¬" + ], + [ + "å®£ä¼ł", + "æķĻèĤ²" + ], + [ + "æĸĩåĮĸ", + "交æµģ" + ], + [ + "客", + "æĪ¶" + ], + [ + "çŁ¥åIJį", + "åĵģçīĮ" + ], + [ + "æ»ŀ", + "åIJİ" + ], + [ + "äºĴ", + "è¡¥" + ], + [ + "æĦŁ", + "人" + ], + [ + "åī", + "¿" + ], + [ + "åIJİ", + "代" + ], + [ + "äºī", + "龸" + ], + [ + "æķĻèĤ²", + "åŁ¹è®Ń" + ], + [ + "éĿĻ", + "èĦī" + ], + [ + "ä¹ı", + "åĬĽ" + ], + [ + "说", + "åĩºæĿ¥" + ], + [ + "çİĭèĢħ", + "èį£èĢĢ" + ], + [ + "åĢ", + "«" + ], + [ + "åįĩ", + "èµ·" + ], + [ + "éķ", + "ģ" + ], + [ + "åĩº", + "游" + ], + [ + "éĢļè¡Į", + "è¯ģ" + ], + [ + "å·¥ä½ľ", + "å²Ĺä½į" + ], + [ + "åĮł", + "å¿ĥ" + ], + [ + "æĭ¿", + "æĿ¥" + ], + [ + "æ´Ĺè¡£", + "æľº" + ], + [ + "æĪijä¸į", + "æĥ³" + ], + [ + "é¢Ħ", + "è§ģ" + ], + [ + "æ¼Ķ", + "示" + ], + [ + "ä¸Ģ缴", + "没æľī" + ], + [ + "è·Ł", + "她" + ], + [ + "对çħ§", + "æ£ĢæŁ¥" + ], + [ + "ç°", + "¿" + ], + [ + "ä¸ĵ", + "å¿ĥ" + ], + [ + "è®®", + "äºĭ" + ], + [ + "åīį", + "端" + ], + [ + "åį¡", + "å°Ķ" + ], + [ + "è¨Ń", + "å®ļ" + ], + [ + "设置", + "äºĨ" + ], + [ + "å©ļ", + "纱" + ], + [ + "åľ¨", + "åĽ½å¤ĸ" + ], + [ + "åı³", + "ä¾§" + ], + [ + "è³¼", + "çī©" + ], + [ + "å¥ĩ", + "èij©" + ], + [ + "å¢ŀåĬł", + "å̼" + ], + [ + "好", + "è¿IJ" + ], + [ + "åĽ½éĻħ", + "æľºåľº" + ], + [ + "ä¸ĭ", + "ç§°" + ], + [ + "缮åīį", + "为æŃ¢" + ], + [ + "ç¥ŀ", + "ä»Ļ" + ], + [ + "å®ĥ", + "åı¯ä»¥" + ], + [ + "æ¾Ħ", + "æ¸ħ" + ], + [ + "èĥ½", + "使" + ], + [ + "游", + "åĩ»" + ], + [ + "游åĩ»", + "éĺŁ" + ], + [ + "åĩ", + "¹" + ], + [ + "ä¸įè¦ģ", + "åĨį" + ], + [ + "åĨ³", + "èĥľ" + ], + [ + "åĨ³", + "æĪĺ" + ], + [ + "æĭ", + "½" + ], + [ + "缼", + "åħ¸" + ], + [ + "å¾Ī好", + "åľ°" + ], + [ + "æľĢ", + "ç¾İçļĦ" + ], + [ + "åĥ", + "ļ" + ], + [ + "å·´", + "åŁº" + ], + [ + "å·´åŁº", + "æĸ¯åĿ¦" + ], + [ + "æľĢ", + "éĢĤåIJĪ" + ], + [ + "é«ĺ", + "èģĮ" + ], + [ + "ä¿Ŀ", + "å§Ĩ" + ], + [ + "æİĪ", + "æ¬Ĭ" + ], + [ + "说åΰ", + "è¿ĻéĩĮ" + ], + [ + "æİ¨", + "å¼Ģ" + ], + [ + "çİĩ", + "è¾¾" + ], + [ + "ä¸īåĪĨ", + "ä¹ĭä¸Ģ" + ], + [ + "管çIJĨ", + "ä¸Ńå¿ĥ" + ], + [ + "交", + "æ±ĩ" + ], + [ + "森æŀĹ", + "åħ¬åĽŃ" + ], + [ + "å¾Ģ", + "ä¸Ĭ" + ], + [ + "éªij", + "è¡Į" + ], + [ + "æį®", + "æŃ¤" + ], + [ + "纽", + "带" + ], + [ + "ç»", + "ŀ" + ], + [ + "ä¸ī", + "æĸ¹" + ], + [ + "æĦıä¹ī", + "ä¸ĬçļĦ" + ], + [ + "æİ¨", + "è¿Ł" + ], + [ + "å¤ļæł·", + "æĢ§" + ], + [ + "æĥ³", + "èµ·äºĨ" + ], + [ + "æİĴåIJį", + "第" + ], + [ + "å·¨", + "é¢Ŀ" + ], + [ + "æĿŁ", + "ç¼ļ" + ], + [ + "å®ī", + "å®ļ" + ], + [ + "äºĭ", + "實" + ], + [ + "çļĦ", + "æĦ¿æľĽ" + ], + [ + "è£ħå¤ĩ", + "åζéĢł" + ], + [ + "人", + "å±ħ" + ], + [ + "人å±ħ", + "çݯå¢ĥ" + ], + [ + "å¿ĺè®°", + "äºĨ" + ], + [ + "该", + "游æĪı" + ], + [ + "楼", + "ä¸Ĭ" + ], + [ + "å¼Ģ", + "ä¼ļ" + ], + [ + "æģ", + "³" + ], + [ + "åıĭæĥħ", + "éĵ¾æİ¥" + ], + [ + "ç¡", + "Ĵ" + ], + [ + "ç»ĻäºĪ", + "äºĨ" + ], + [ + "åģı", + "好" + ], + [ + "åĵ", + "ī" + ], + [ + "交éĢļ", + "å®īåħ¨" + ], + [ + "éĽ", + "Į" + ], + [ + "æ²»", + "çĹħ" + ], + [ + "è§īå¾Ĺ", + "å¾Ī" + ], + [ + "衬", + "è¡«" + ], + [ + "å¿ĥ", + "æĦ¿" + ], + [ + "æ´ŀ", + "å¯Ł" + ], + [ + "æ°ij", + "æ£Ģå¯ŁéĻ¢" + ], + [ + "æıIJ", + "çĤ¼" + ], + [ + "è¦ģ", + "è¿Ľä¸ĢæŃ¥" + ], + [ + "驾", + "车" + ], + [ + "æĻ®", + "æĥł" + ], + [ + "æķ", + "ĸ" + ], + [ + "ç¦ı", + "éŁ³" + ], + [ + "éĢģ", + "è¾¾" + ], + [ + "è§ĦåĪĴ", + "设计" + ], + [ + "æīĭ", + "å¥Ĺ" + ], + [ + "å®ī", + "ä¿Ŀ" + ], + [ + "è¿ĺä¸į", + "å¦Ĥ" + ], + [ + "åīį", + "è¿°" + ], + [ + "æłĩ", + "è®°" + ], + [ + "ç´§", + "æİ¥çĿĢ" + ], + [ + "æ§", + "IJ" + ], + [ + "深深", + "åľ°" + ], + [ + "满满", + "çļĦ" + ], + [ + "æĺ¥", + "è¿IJ" + ], + [ + "æĹ¥", + "产" + ], + [ + "çα", + "æĬ¤" + ], + [ + "åħ¨", + "æĹ¥" + ], + [ + "åħ¨æĹ¥", + "åζ" + ], + [ + "转", + "åĬ¨" + ], + [ + "ç¥Ń", + "ç¥Ģ" + ], + [ + "ä¹°", + "ä¸ľè¥¿" + ], + [ + "对", + "æľªæĿ¥" + ], + [ + "æ¶Ī失", + "äºĨ" + ], + [ + "åļ´", + "éĩį" + ], + [ + "ä¸ī", + "æĿ¡" + ], + [ + "éħ¸", + "奶" + ], + [ + "éĽĨåĽ¢", + "èĤ¡ä»½" + ], + [ + "西", + "è·¯" + ], + [ + "åıª", + "å¾Ĺ" + ], + [ + "éĢģ", + "åİ»" + ], + [ + "çĭł", + "æĬĵ" + ], + [ + "åĪ©ç͍", + "çİĩ" + ], + [ + "ä¸ĭ", + "åij¨" + ], + [ + "å¥ĭ", + "æĪĺ" + ], + [ + "æĺ¥èĬĤ", + "æľŁéĹ´" + ], + [ + "è´Ł", + "责任" + ], + [ + "æĺĤ", + "è´µ" + ], + [ + "å°¾", + "å·´" + ], + [ + "ç¯ĩ", + "æĸĩ竳" + ], + [ + "åħ", + "®" + ], + [ + "è®Ĭ", + "æĪIJ" + ], + [ + "å¹", + "¹" + ], + [ + "çĻ»", + "éĮĦ" + ], + [ + "ä½", + "Ī" + ], + [ + "å·¥", + "åĮł" + ], + [ + "åĵªæĢķ", + "æĺ¯" + ], + [ + "åıį", + "åĵį" + ], + [ + "ç§", + "ĥ" + ], + [ + "åĩº", + "轨" + ], + [ + "æĹ¥", + "åĨĽ" + ], + [ + "åIJį", + "èªī" + ], + [ + "æķı", + "éĶIJ" + ], + [ + "æľįåĬ¡", + "æ°´å¹³" + ], + [ + "çħ§", + "å°Ħ" + ], + [ + "ä¼Ĭ", + "æĭī" + ], + [ + "ä¼Ĭæĭī", + "åħĭ" + ], + [ + "åĨħ", + "éĺģ" + ], + [ + "èĬĴ", + "æŀľ" + ], + [ + "ä¸ĩ", + "åĪĨ" + ], + [ + "éĢĢ", + "款" + ], + [ + "缴æĴŃ", + "éĹ´" + ], + [ + "æĭ¿", + "åΰäºĨ" + ], + [ + "å°İ", + "èĩ´" + ], + [ + "空æ°Ķ", + "ä¸Ń" + ], + [ + "客æĪ·", + "æľįåĬ¡" + ], + [ + "è¿IJ", + "åĬ¿" + ], + [ + "ç»ĵ", + "çŁ³" + ], + [ + "ä¸į", + "å¿ħè¦ģçļĦ" + ], + [ + "èĥ¶", + "åĽĬ" + ], + [ + "çIJĨ", + "ä¼ļ" + ], + [ + "æĬ½", + "åĩº" + ], + [ + "空æ°Ķ", + "è´¨éĩı" + ], + [ + "æ¯ķ", + "竣æĺ¯" + ], + [ + "åĨ·", + "æ¼ł" + ], + [ + "ä¸Ģ", + "å¦Ĥ" + ], + [ + "ä¸Ģå¦Ĥ", + "æĹ¢" + ], + [ + "ä¸Ģå¦ĤæĹ¢", + "å¾Ģ" + ], + [ + "æĤ£", + "çĹħ" + ], + [ + "åĬł", + "æĮģ" + ], + [ + "èµŀ", + "åĬ©" + ], + [ + "é«", + "®" + ], + [ + "åij½", + "ä¸Ń" + ], + [ + "æĦıä¹ī", + "ä¸Ĭ" + ], + [ + "ä¸į", + "èĪį" + ], + [ + "åģļ", + "梦" + ], + [ + "æīĵ", + "æī«" + ], + [ + "æĺŁ", + "åħī" + ], + [ + "æĸŃ", + "è£Ĥ" + ], + [ + "åħ¨", + "å¥Ĺ" + ], + [ + "è£ģ", + "å®ļ" + ], + [ + "马", + "åħĭæĢĿ" + ], + [ + "骨", + "骼" + ], + [ + "ä¸Ģ", + "è·¯ä¸Ĭ" + ], + [ + "å®ļ", + "æĹ¶" + ], + [ + "å·¥ç¨ĭ", + "æĬĢæľ¯" + ], + [ + "å½¼", + "å¾Ĺ" + ], + [ + "æ±²", + "åıĸ" + ], + [ + "ä¸Ģ", + "è§Ī" + ], + [ + "åIJµ", + "æŀ¶" + ], + [ + "ä¿Ĺ", + "ç§°" + ], + [ + "æłª", + "æ´²" + ], + [ + "åºŁ", + "æĹ§" + ], + [ + "è¡Į", + "æĺŁ" + ], + [ + "åıijçĶŁ", + "åıĺåĮĸ" + ], + [ + "é¦ĸ", + "ä»ĺ" + ], + [ + "åįģåĪĨ", + "éĩįè¦ģ" + ], + [ + "æĬĬ", + "è¿ĻäºĽ" + ], + [ + "ç¥ŀ", + "å·ŀ" + ], + [ + "æıIJä¾Ľ", + "åķĨ" + ], + [ + "æ¥", + "·" + ], + [ + "å±", + "İ" + ], + [ + "çĬ¶", + "åħĥ" + ], + [ + "åŁİ", + "å¢Ļ" + ], + [ + "çľĭ", + "ä¸Ģçľĭ" + ], + [ + "çĶŁäº§", + "èĥ½åĬĽ" + ], + [ + "åŁºæľ¬ä¸Ĭ", + "éĥ½" + ], + [ + "æīĵ", + "æī°" + ], + [ + "åĪĿ", + "次" + ], + [ + "åĩº", + "示" + ], + [ + "åħ¶ä¸Ń", + "ä¸Ģ个" + ], + [ + "çĶŁæĢģ", + "ç³»ç»Ł" + ], + [ + "æīĭ", + "æİĮ" + ], + [ + "æµİåįĹ", + "å¸Ĥ" + ], + [ + "åľĭ", + "åħ§" + ], + [ + "æŃ£", + "å̼" + ], + [ + "å¹¾", + "ä¹İ" + ], + [ + "æİ¨èįIJ", + "éĺħ读" + ], + [ + "è¿Ń", + "代" + ], + [ + "è°ĥ", + "ä¾ĥ" + ], + [ + "饮", + "åĵģ" + ], + [ + "å¢Ļ", + "ä½ĵ" + ], + [ + "åıĺ", + "çݰ" + ], + [ + "äºĨ", + "好" + ], + [ + "äºĨ好", + "åĩł" + ], + [ + "ä¸į", + "çķĻ" + ], + [ + "çĪ", + "²" + ], + [ + "å°½", + "æĹ©" + ], + [ + "æŃ£åľ¨", + "è¿Ľè¡Į" + ], + [ + "åĩº", + "éĻ¢" + ], + [ + "æĿĢ", + "害" + ], + [ + "æıIJ", + "款" + ], + [ + "åıijå±ķ", + "空éĹ´" + ], + [ + "åīį", + "身" + ], + [ + "ä¸įæĸŃ", + "å¢ŀ强" + ], + [ + "æ·±", + "å±Ĥ次" + ], + [ + "容", + "纳" + ], + [ + "éĤ£", + "份" + ], + [ + "å·¥ä½ľ", + "æķĪçİĩ" + ], + [ + "æľ¬", + "åĽ½" + ], + [ + "失", + "èIJ½" + ], + [ + "æŃ£", + "åĽłä¸º" + ], + [ + "èĬĤ", + "æ°´" + ], + [ + "ä¸ĭ", + "ä¸Ģ代" + ], + [ + "çłĶåıij", + "ä¸Ńå¿ĥ" + ], + [ + "ä¸į", + "çIJĨ" + ], + [ + "å®Į", + "好" + ], + [ + "ä¿ĿæĬ¤", + "åĮº" + ], + [ + "ç»ĵæŀĦ", + "è°ĥæķ´" + ], + [ + "å¥ł", + "å®ļ" + ], + [ + "宣", + "ç§°" + ], + [ + "éĺ»", + "æĮ¡" + ], + [ + "æĴ¤", + "离" + ], + [ + "ä¸į", + "æĸ¹ä¾¿" + ], + [ + "åĴ", + "ķ" + ], + [ + "ç¬ijäºĨ", + "ç¬ij" + ], + [ + "çݯå¢ĥ", + "污æŁĵ" + ], + [ + "ä½ı", + "æĪ·" + ], + [ + "ç»Ŀ", + "ç¼ĺ" + ], + [ + "éϤ", + "å°ĺ" + ], + [ + "é«ĺ", + "å°ļ" + ], + [ + "æĢİä¹Ī", + "åı¯èĥ½" + ], + [ + "éĿ¢", + "èī²" + ], + [ + "åķĨ", + "æ¥Ń" + ], + [ + "çĸ", + "¹" + ], + [ + "èµĦæºIJ", + "ä¼ĺåĬ¿" + ], + [ + "è¾ĸåĮº", + "åĨħ" + ], + [ + "èĢĢ", + "çľ¼" + ], + [ + "æij§", + "æ¯ģ" + ], + [ + "ä¸ĸçķĮ", + "ç»ıæµİ" + ], + [ + "å¼ķ", + "æĿ¥" + ], + [ + "ä¸Ģ", + "åĪĻ" + ], + [ + "æĭĩ", + "æĮĩ" + ], + [ + "æĬµ", + "御" + ], + [ + "éĽ", + "į" + ], + [ + "åĩĨå¤ĩ", + "å·¥ä½ľ" + ], + [ + "çıł", + "ä¸īè§Ĵ" + ], + [ + "ç¨Ģ", + "åľŁ" + ], + [ + "èİ·å¾Ĺ", + "æĦŁ" + ], + [ + "æĪIJåĬŁ", + "çİĩ" + ], + [ + "ç½ij", + "约" + ], + [ + "ç½ij约", + "车" + ], + [ + "èĦ", + "IJ" + ], + [ + "æķ¬", + "ä¸ļ" + ], + [ + "éĩij", + "ä»·" + ], + [ + "ç²¾", + "é«ĵ" + ], + [ + "ä¹°", + "车" + ], + [ + "åħ³", + "åı£" + ], + [ + "åĨį", + "å¤ļ" + ], + [ + "æŀģ", + "åĵģ" + ], + [ + "åIJĦ", + "å®¶" + ], + [ + "举æĬ¥", + "ç͵è¯Ŀ" + ], + [ + "èļ", + "Ĭ" + ], + [ + "æĸ¹", + "å½¢" + ], + [ + "ç§ijæĬĢ", + "æĪIJæŀľ" + ], + [ + "æľĢ好", + "æĺ¯" + ], + [ + "éĹ®", + "åĢĻ" + ], + [ + "红", + "éħĴ" + ], + [ + "åĽĽ", + "ç§į" + ], + [ + "ç¿Ĵ", + "æħ" + ], + [ + "ç¿Ĵæħ", + "£" + ], + [ + "åŀ", + "¦" + ], + [ + "éĤ£", + "åıª" + ], + [ + "é¢Ĩ", + "æĤŁ" + ], + [ + "çľ¼", + "éĥ¨" + ], + [ + "æ³°", + "å®ī" + ], + [ + "ä»»", + "æľŁ" + ], + [ + "磨", + "æįŁ" + ], + [ + "æĽ¿", + "æį¢" + ], + [ + "åħ¸", + "礼" + ], + [ + "符åIJĪ", + "æĿ¡ä»¶" + ], + [ + "è¿ĺæľī", + "ä»Ģä¹Ī" + ], + [ + "åħ±äº«", + "åįķ车" + ], + [ + "åı¯", + "åĪĨ为" + ], + [ + "åŃ£", + "åIJİ" + ], + [ + "åŃ£åIJİ", + "èµĽ" + ], + [ + "举èİŀ", + "å¸Ĥ" + ], + [ + "å¿ĥ", + "æĦı" + ], + [ + "æīŃ", + "æĽ²" + ], + [ + "ä½ľä¸º", + "ä¸Ģç§į" + ], + [ + "è¿Ļ", + "éĥ¨åĪĨ" + ], + [ + "åıĤä¸İ", + "åΰ" + ], + [ + "ç½ij", + "çIJĥ" + ], + [ + "實", + "çı¾" + ], + [ + "ç»Ħ", + "è£ħ" + ], + [ + "åIJij", + "å¤ĸ" + ], + [ + "å·¥ä½ľ", + "æĸ¹æ¡Ī" + ], + [ + "åįģ", + "æĿ¡" + ], + [ + "課", + "ç¨ĭ" + ], + [ + "颤", + "æĬĸ" + ], + [ + "åĵ", + "©" + ], + [ + "éĤ®", + "å¯Ħ" + ], + [ + "äº", + "¢" + ], + [ + "åħį", + "è²»" + ], + [ + "ç§", + "¤" + ], + [ + "åºĶæĢ¥", + "管çIJĨ" + ], + [ + "åĽĽ", + "äºĶ" + ], + [ + "éºĴ", + "éºŁ" + ], + [ + "å¾Ĵ", + "æŃ¥" + ], + [ + "è¨ĺ", + "å¾Ĺ" + ], + [ + "çĴ", + "IJ" + ], + [ + "æĺ¯åIJ¦", + "ä¼ļ" + ], + [ + "æĦıè§ģ", + "åıįé¦Ī" + ], + [ + "éļ¾", + "æĢª" + ], + [ + "çª", + "į" + ], + [ + "交", + "æİ¥" + ], + [ + "两", + "åįĥ" + ], + [ + "æĩī", + "ç͍" + ], + [ + "æľŁ", + "éĸĵ" + ], + [ + "æIJ¬", + "åΰ" + ], + [ + "è®®", + "é¢ĺ" + ], + [ + "碧", + "æ¡Ĥ" + ], + [ + "碧æ¡Ĥ", + "åĽŃ" + ], + [ + "åģļ", + "çĶŁæĦı" + ], + [ + "éĻĽ", + "ä¸ĭ" + ], + [ + "è·", + "ĭ" + ], + [ + "èĢģ人", + "å®¶" + ], + [ + "带", + "åĽŀ" + ], + [ + "æŀ¸", + "æĿŀ" + ], + [ + "è¡Į", + "éķ¿" + ], + [ + "åĨħ容", + "ç®Ģä»ĭ" + ], + [ + "æ¢", + "¢" + ], + [ + "æĮĩ", + "æİ§" + ], + [ + "éĩį", + "çĹĩ" + ], + [ + "ç½ijåıĭ", + "们" + ], + [ + "çı¾", + "代" + ], + [ + "ç±»", + "产åĵģ" + ], + [ + "å¥Ķ", + "æ³¢" + ], + [ + "æ¸", + "º" + ], + [ + "ç²ī", + "ç¢İ" + ], + [ + "è¿Ļ", + "åıªæĺ¯" + ], + [ + "æ£Ģå¯Ł", + "æľºåħ³" + ], + [ + "é½", + "Ĭ" + ], + [ + "æĪ¿", + "ç§Ł" + ], + [ + "å¾·", + "æĭī" + ], + [ + "å²ģ", + "以ä¸Ĭ" + ], + [ + "纯", + "åĩĢ" + ], + [ + "åĪĨå¸ĥ", + "åľ¨" + ], + [ + "èĥ½", + "å¾Ĺåΰ" + ], + [ + "ä¸į", + "å°½" + ], + [ + "ç«ŀ", + "ä»·" + ], + [ + "çļĦ", + "带é¢Ĩ" + ], + [ + "çļĦ带é¢Ĩ", + "ä¸ĭ" + ], + [ + "ä¸Ńèį¯", + "æĿIJ" + ], + [ + "æĿij", + "éķĩ" + ], + [ + "ä¸įåı¯", + "éģ¿åħį" + ], + [ + "éľ²", + "天" + ], + [ + "å°ı", + "å§ijå¨ĺ" + ], + [ + "çī©", + "ä»¶" + ], + [ + "èijĹä½ľ", + "æĿĥ" + ], + [ + "æĭĺ", + "çķĻ" + ], + [ + "éĥ½", + "è§īå¾Ĺ" + ], + [ + "æĽ²", + "æĬĺ" + ], + [ + "æ·»åĬł", + "åīĤ" + ], + [ + "åı¬", + "åĽŀ" + ], + [ + "æīİå®ŀ", + "æİ¨è¿Ľ" + ], + [ + "æĬĦ", + "è¢Ń" + ], + [ + "åĮĸ", + "身" + ], + [ + "缴", + "èIJ¥" + ], + [ + "ä¹Ł", + "å¸ĮæľĽ" + ], + [ + "èį£èªī", + "ç§°åı·" + ], + [ + "åįĸ", + "ç»Ļ" + ], + [ + "æľī", + "ä¸įåIJĮçļĦ" + ], + [ + "å¥ĩ", + "çī¹" + ], + [ + "éĥ½", + "认为" + ], + [ + "å¦", + "ŀ" + ], + [ + "æĪIJéķ¿", + "为" + ], + [ + "辩", + "æĬ¤" + ], + [ + "主", + "æķĻç»ĥ" + ], + [ + "æ³ķå¸Ī", + "èģĮä¸ļ" + ], + [ + "æ¤į", + "åħ¥" + ], + [ + "ç´¢", + "å°¼" + ], + [ + "åIJ¬", + "è¿ĩ" + ], + [ + "ä¹łæĥ¯", + "äºĨ" + ], + [ + "夺", + "åıĸ" + ], + [ + "éŁ", + "ĵ" + ], + [ + "æľ¬è´¨", + "ä¸Ĭ" + ], + [ + "æİ¥", + "åĬĽ" + ], + [ + "äºij", + "端" + ], + [ + "è¦ģ", + "åģļ好" + ], + [ + "è·¯", + "çģ¯" + ], + [ + "åįıåIJĮ", + "åıijå±ķ" + ], + [ + "æľī", + "å¾ħ" + ], + [ + "æ°´", + "åŁŁ" + ], + [ + "æIJľçĭIJ", + "é¦ĸ页" + ], + [ + "è´¨éĩı", + "å®īåħ¨" + ], + [ + "åįģäºĮ", + "äºĶ" + ], + [ + "åĵ®", + "åĸĺ" + ], + [ + "èĵ¬åĭĥ", + "åıijå±ķ" + ], + [ + "åIJį", + "声" + ], + [ + "身", + "亡" + ], + [ + "çİĭ", + "åºľ" + ], + [ + "åİŁåĪĻ", + "ä¸Ĭ" + ], + [ + "çĥĺ", + "å¹²" + ], + [ + "éģĹ", + "æ¼ı" + ], + [ + "éĿ¢", + "缮" + ], + [ + "åĽ½", + "ä¼ļ" + ], + [ + "ä¸Ģ缴", + "éĥ½æĺ¯" + ], + [ + "æľīä¸Ģ", + "ä½į" + ], + [ + "éħį", + "æľī" + ], + [ + "éĻª", + "çĿĢ" + ], + [ + "ä¼ģ", + "åĽ¾" + ], + [ + "æĮī", + "ä¸ĭ" + ], + [ + "èĵĿ", + "åĽ¾" + ], + [ + "æ©", + "ĺ" + ], + [ + "大å¤ļ", + "æĺ¯" + ], + [ + "辩", + "论" + ], + [ + "æĹĭ", + "å¾ĭ" + ], + [ + "æĬ¥", + "éĢģ" + ], + [ + "æĿ¡", + "è§Ħå®ļ" + ], + [ + "åĬ¨", + "éĿĻ" + ], + [ + "åĮĪ", + "奴" + ], + [ + "æĭľ", + "访" + ], + [ + "ä¸Ģ", + "åĪĢ" + ], + [ + "ä»ĸ", + "çŁ¥éģĵ" + ], + [ + "主", + "æĿĥ" + ], + [ + "ä»ĸ", + "æĽ¾" + ], + [ + "æĴŃ", + "ç§į" + ], + [ + "å£ģ", + "åŀĴ" + ], + [ + "çī¢è®°", + "使åij½" + ], + [ + "åľ¨è¿Ļ", + "æĸ¹éĿ¢" + ], + [ + "æīĭ", + "èħķ" + ], + [ + "æĶ¯", + "æŀ¶" + ], + [ + "ä¾Ĩ", + "èĩª" + ], + [ + "éĩį", + "å¡ij" + ], + [ + "å¤ļ", + "å±Ĥ次" + ], + [ + "ä»ĭ", + "è´¨" + ], + [ + "éĿ¢", + "åŃĶ" + ], + [ + "æ½®", + "湿" + ], + [ + "åİ¿", + "åŁŁ" + ], + [ + "游æĪı", + "å½ĵä¸Ń" + ], + [ + "å£", + "ŀ" + ], + [ + "åĪĹ", + "åĩº" + ], + [ + "èµĽ", + "åĮº" + ], + [ + "å¤ļ", + "åįĬ" + ], + [ + "éĩįçĤ¹", + "å·¥ä½ľ" + ], + [ + "æĪij们", + "å¿ħé¡»" + ], + [ + "æŁı", + "æŀĹ" + ], + [ + "é²ģ", + "èĥ½" + ], + [ + "æĸ½", + "å±ķ" + ], + [ + "åIJĦ", + "åĮº" + ], + [ + "åħį", + "ç¨İ" + ], + [ + "èµĽ", + "åIJİ" + ], + [ + "æľĢ", + "éĩįè¦ģ" + ], + [ + "ä¸Ģ个", + "好çļĦ" + ], + [ + "è¿Ŀæ³ķ", + "è¿Ŀè§Ħ" + ], + [ + "äºĨè§£", + "æĽ´å¤ļ" + ], + [ + "æķ¬", + "请" + ], + [ + "ç¬ijçĿĢ", + "说" + ], + [ + "ä¸įæĸŃ", + "åıijå±ķ" + ], + [ + "æijĦå½±", + "å¸Ī" + ], + [ + "以", + "éĺ²" + ], + [ + "çĤ¸", + "å¼¹" + ], + [ + "声", + "åĵį" + ], + [ + "ç¤", + "ģ" + ], + [ + "æĩ", + "¿" + ], + [ + "èĪĨ", + "æĥħ" + ], + [ + "èĩªçͱ", + "è´¸æĺĵ" + ], + [ + "æķı", + "æį·" + ], + [ + "ä¸ī大", + "éĺ¶æ®µ" + ], + [ + "èĭ", + "Ķ" + ], + [ + "æĹº", + "åŃ£" + ], + [ + "ä¸į", + "满æĦı" + ], + [ + "微信", + "åı·" + ], + [ + "ä¿®", + "为" + ], + [ + "çł´", + "è£Ĥ" + ], + [ + "éĢĥ", + "离" + ], + [ + "æ¯ı", + "èĤ¡" + ], + [ + "è¾¾", + "ä¸įåΰ" + ], + [ + "æ¯ıå¹´", + "éĥ½" + ], + [ + "çģ¯", + "笼" + ], + [ + "æŃ¤", + "åŁºç¡Ģä¸Ĭ" + ], + [ + "åĥı", + "个" + ], + [ + "åĪĨ", + "娩" + ], + [ + "æĻ", + "¾" + ], + [ + "ä¸į", + "èĩ³äºİ" + ], + [ + "红", + "线" + ], + [ + "误", + "è§£" + ], + [ + "举", + "è·¯" + ], + [ + "æ·®", + "å®ī" + ], + [ + "产", + "åѦ" + ], + [ + "产åѦ", + "çłĶ" + ], + [ + "èī¾", + "æ»ĭ" + ], + [ + "è»ĭ", + "çĹħ" + ], + [ + "åīįæıIJ", + "æĺ¯" + ], + [ + "æ¯ı", + "ä¸Ģ天" + ], + [ + "ä¸ĥ", + "大" + ], + [ + "æłij", + "åı¶" + ], + [ + "èµ°", + "å¾Ĺ" + ], + [ + "è¿Ļ", + "两ç§į" + ], + [ + "æİı", + "åĩº" + ], + [ + "æİ", + "IJ" + ], + [ + "é¢Ĩ导", + "èĢħ" + ], + [ + "ä¸Ģ", + "æľµ" + ], + [ + "个å¤ļ", + "æľĪ" + ], + [ + "ä¸Ń", + "åħ³" + ], + [ + "ä¸Ńåħ³", + "æĿij" + ], + [ + "课åłĤ", + "æķĻåѦ" + ], + [ + "大", + "åĴĸ" + ], + [ + "éģĭ", + "ç͍" + ], + [ + "è¯ļ", + "æĦı" + ], + [ + "ç»Ħ", + "åĽ¾" + ], + [ + "è¯ķ", + "çĿĢ" + ], + [ + "ä¹Ķ", + "æ²»" + ], + [ + "è¿ĺ", + "ä¸įæĺ¯" + ], + [ + "æľī", + "æĽ´å¥½çļĦ" + ], + [ + "åIJİ", + "å¤ĩ" + ], + [ + "æĸ°çĶŁ", + "åĦ¿" + ], + [ + "æ°Ķ", + "è¡Ģ" + ], + [ + "æ²¥", + "éĿĴ" + ], + [ + "å±ı", + "éļľ" + ], + [ + "æ¥Ń", + "åĭĻ" + ], + [ + "æĪij", + "以为" + ], + [ + "éķ¿", + "缸" + ], + [ + "èĢģ", + "çΏ" + ], + [ + "éķĩ", + "æ±Ł" + ], + [ + "æľºæ¢°", + "设å¤ĩ" + ], + [ + "ä½Ĩæĺ¯", + "å¦Ĥæŀľ" + ], + [ + "åĿļå®ļ", + "ä¸į" + ], + [ + "åĿļå®ļä¸į", + "ç§»" + ], + [ + "åĨ²", + "éĶĭ" + ], + [ + "ç®Ģ缴", + "æĺ¯" + ], + [ + "åĤ¨", + "èĵĦ" + ], + [ + "纯", + "ç͵åĬ¨" + ], + [ + "漫", + "æŃ¥" + ], + [ + "举", + "èµ·" + ], + [ + "æģ¶", + "æĢ§" + ], + [ + "è¨ĺ", + "éĮĦ" + ], + [ + "èģĮèĥ½", + "éĥ¨éŨ" + ], + [ + "åħ¨", + "éķ¿" + ], + [ + "鼻", + "è¦ĸ" + ], + [ + "ä¹³", + "èħº" + ], + [ + "ä½ķ", + "å¤Ħ" + ], + [ + "æ¶Ī", + "æŀģ" + ], + [ + "æŃ£", + "å¤Ħäºİ" + ], + [ + "å®ī", + "å®ģ" + ], + [ + "æĪIJ", + "éķ·" + ], + [ + "åıĻ", + "è¿°" + ], + [ + "æºĥ", + "çĸ¡" + ], + [ + "ä½Ĩ", + "çİ°åľ¨" + ], + [ + "女", + "æĺŁ" + ], + [ + "å©´", + "å¹¼åĦ¿" + ], + [ + "æĬķ", + "èŀįèµĦ" + ], + [ + "éĹ®", + "éĹ®" + ], + [ + "æıŃ", + "å¼Ģ" + ], + [ + "è¯", + "ı" + ], + [ + "åIJį", + "å½ķ" + ], + [ + "èĺij", + "èıĩ" + ], + [ + "åIJĬ", + "é¡¶" + ], + [ + "æ¹ĸ", + "åĮº" + ], + [ + "åįĸ", + "åľº" + ], + [ + "建", + "ç¯" + ], + [ + "建ç¯", + "ī" + ], + [ + "èİ", + "½" + ], + [ + "åIJ¬", + "åIJ¬" + ], + [ + "ç«ŀäºī", + "ä¼ĺåĬ¿" + ], + [ + "åĩº", + "ä»»" + ], + [ + "æľī", + "两ç§į" + ], + [ + "橱", + "æŁľ" + ], + [ + "è¤", + "ª" + ], + [ + "è¯ķ", + "åį·" + ], + [ + "ç»ıæµİ", + "æĬĢæľ¯" + ], + [ + "æ·±", + "å±Ĥ" + ], + [ + "éĩįè¦ģ", + "åĨħ容" + ], + [ + "é£İ", + "æİ§" + ], + [ + "çĬ¶æĢģ", + "ä¸ĭ" + ], + [ + "éĥ¨", + "éĸĢ" + ], + [ + "广", + "æ±½" + ], + [ + "è§Ĥ", + "æij©" + ], + [ + "éģĹ", + "çķĻ" + ], + [ + "转", + "è´¦" + ], + [ + "æĮģ", + "ä»ĵ" + ], + [ + "æĢ»", + "计" + ], + [ + "åľĺ", + "éļĬ" + ], + [ + "æĪ¿", + "举" + ], + [ + "éĺĢ", + "éŨ" + ], + [ + "åħ¬", + "åħ³" + ], + [ + "åħ³", + "åĪĩ" + ], + [ + "èĤ", + "ĺ" + ], + [ + "æķ¸", + "æĵļ" + ], + [ + "ä¸ī", + "åįģå¹´" + ], + [ + "è§ģè¯ģ", + "äºĨ" + ], + [ + "å±", + "Ĩ" + ], + [ + "çģ°", + "å°ĺ" + ], + [ + "æ¦ľ", + "é¦ĸ" + ], + [ + "è¦ĨçĽĸ", + "çİĩ" + ], + [ + "ä»Ļ", + "女" + ], + [ + "çĶŁäº§", + "æĢ»" + ], + [ + "çĶŁäº§æĢ»", + "å̼" + ], + [ + "æĪ¿", + "è´·" + ], + [ + "æ±Ł", + "åĮº" + ], + [ + "åħħç͵", + "æ¡©" + ], + [ + "çϾ", + "åIJĪ" + ], + [ + "確", + "èªį" + ], + [ + "转", + "ç§»åΰ" + ], + [ + "éĥ½", + "æĹłæ³ķ" + ], + [ + "纪念", + "é¦Ĩ" + ], + [ + "çŃ¾ç½²", + "äºĨ" + ], + [ + "å¹¶ä¸į", + "å¤ļ" + ], + [ + "æĮ", + "ł" + ], + [ + "ä¸į太", + "好" + ], + [ + "ä¸ĸ", + "代" + ], + [ + "误", + "导" + ], + [ + "é«ĺå³°", + "论åĿĽ" + ], + [ + "åħ¼", + "容" + ], + [ + "龸", + "æ°Ķ" + ], + [ + "æĿ¥", + "访" + ], + [ + "æīĢ", + "带æĿ¥çļĦ" + ], + [ + "æĺ¯ä¸Ģ", + "éĥ¨" + ], + [ + "æĻļ", + "é¥Ń" + ], + [ + "åİĨ", + "代" + ], + [ + "åIJ¦", + "åīĩ" + ], + [ + "ä¹ħ", + "ä¹ħ" + ], + [ + "æľīæķĪ", + "æľŁ" + ], + [ + "诱", + "åıij" + ], + [ + "æĢ»", + "èµĦ产" + ], + [ + "æľ¬èº«", + "å°±æĺ¯" + ], + [ + "çĶŁäº§", + "åİĤå®¶" + ], + [ + "æĹ¶", + "髦" + ], + [ + "èĢIJ", + "ç͍" + ], + [ + "ä»İå°ı", + "å°±" + ], + [ + "æĿ¡", + "约" + ], + [ + "èĭ±", + "åĭĩ" + ], + [ + "ä¿Ĺ", + "è¯Ŀ说" + ], + [ + "寺", + "åºĻ" + ], + [ + "å¿ĥçIJĨ", + "åģ¥åº·" + ], + [ + "ä»Ģä¹Ī", + "äºĭæĥħ" + ], + [ + "æ±ī", + "åŃĹ" + ], + [ + "çķĻ", + "ä½ı" + ], + [ + "åįĹ", + "è·¯" + ], + [ + "ä¸ī", + "项" + ], + [ + "丢", + "äºĨ" + ], + [ + "æĥ³", + "åΰäºĨ" + ], + [ + "çѹ", + "éĽĨ" + ], + [ + "éĻĦåĬł", + "å̼" + ], + [ + "西", + "è£ħ" + ], + [ + "ä¹ĭ", + "ä½ľ" + ], + [ + "åģļçļĦ", + "äºĭ" + ], + [ + "çķ¶", + "æĤ¨" + ], + [ + "çķ¶æĤ¨", + "åľ¨" + ], + [ + "é¦ĸ", + "款" + ], + [ + "ä¸įåľ¨", + "ä¹İ" + ], + [ + "å·¥ç¨ĭ", + "æĸ½å·¥" + ], + [ + "éļIJ", + "éļIJ" + ], + [ + "åıĺ", + "身" + ], + [ + "沿", + "éĢĶ" + ], + [ + "æĤł", + "æĤł" + ], + [ + "ä¿Ŀ", + "æļĸ" + ], + [ + "çĶŁæ´»", + "åŀĥåľ¾" + ], + [ + "渤", + "æµ·" + ], + [ + "æŃ¦", + "ä¾ł" + ], + [ + "女", + "主è§Ĵ" + ], + [ + "举", + "ä¾ĭ" + ], + [ + "æ", + "·¨" + ], + [ + "çϽ", + "é¢Ĩ" + ], + [ + "è£Ļ", + "åŃIJ" + ], + [ + "è¿Ķ", + "è¿ĺ" + ], + [ + "è¿Ī", + "åĩº" + ], + [ + "é¾Ļ", + "éŨ" + ], + [ + "ç»ıæµİ", + "ä½ĵ" + ], + [ + "æĶ¶", + "å®ĺ" + ], + [ + "çķĮ", + "éĻIJ" + ], + [ + "è·³", + "åĩº" + ], + [ + "åįĩ", + "å̼" + ], + [ + "绵", + "éĺ³" + ], + [ + "çĸ¤", + "çĹķ" + ], + [ + "çľĭ", + "æ¸ħ" + ], + [ + "æĭĴ", + "çµķ" + ], + [ + "è¥Ħ", + "éĺ³" + ], + [ + "课", + "å¤ĸ" + ], + [ + "åŃIJ", + "åŃĻ" + ], + [ + "æŃĮ", + "è¯į" + ], + [ + "æĪIJ", + "åIJį" + ], + [ + "溶", + "æ¶²" + ], + [ + "åĦĴ", + "å®¶" + ], + [ + "åķĨä¸ļ", + "åĮĸ" + ], + [ + "辨", + "åĪ«" + ], + [ + "å¤ļ", + "è¾¾" + ], + [ + "ç½ij", + "åºĹ" + ], + [ + "ä¹Ŀ", + "大" + ], + [ + "ä¹Ŀ大", + "ç²¾ç¥ŀ" + ], + [ + "æŃ¤", + "举" + ], + [ + "è¿ŀ", + "è½½" + ], + [ + "ä¸Ģ", + "åĢĭ人" + ], + [ + "èī²", + "æ³½" + ], + [ + "æ¶µçĽĸ", + "äºĨ" + ], + [ + "è¦ı", + "åĬĥ" + ], + [ + "åĽ½", + "æĥħ" + ], + [ + "åį«çĶŁ", + "åģ¥åº·" + ], + [ + "积æŀģ", + "åĵįåºĶ" + ], + [ + "æĭ", + "Ļ" + ], + [ + "åζ", + "åĬ¨" + ], + [ + "æĥ³è±¡", + "åĬĽ" + ], + [ + "çļĦ", + "ä¹IJè¶£" + ], + [ + "å¼łå®¶", + "çķĮ" + ], + [ + "å´", + "İ" + ], + [ + "éĩį", + "åŀĭ" + ], + [ + "å¤ĸ", + "å¢Ļ" + ], + [ + "æĶ¾", + "åѦ" + ], + [ + "è®¤çľŁ", + "åŃ¦ä¹ł" + ], + [ + "è´¬", + "å̼" + ], + [ + "æ³ķ", + "æ¡Ī" + ], + [ + "æĬ¤èĤ¤", + "åĵģ" + ], + [ + "éĻ·åħ¥", + "äºĨ" + ], + [ + "请", + "æĤ¨" + ], + [ + "åŀ", + "¢" + ], + [ + "æķĻèĤ²", + "èµĦæºIJ" + ], + [ + "交æĺĵ", + "å¹³åı°" + ], + [ + "æĹ¶", + "è£ħ" + ], + [ + "ä¼łæŁĵ", + "çĹħ" + ], + [ + "æ¹ĸ", + "æ³Ĭ" + ], + [ + "èµĦ", + "管" + ], + [ + "åݨ", + "å¸Ī" + ], + [ + "éĹľ", + "éį" + ], + [ + "éĹľéį", + "µ" + ], + [ + "åĵĪåĵĪ", + "åĵĪ" + ], + [ + "çĽĹ", + "çªĥ" + ], + [ + "çĶľ", + "ç¾İ" + ], + [ + "åºĦ", + "åĽŃ" + ], + [ + "缮åīį", + "å·²ç»ı" + ], + [ + "è¾¹", + "ä¸Ĭ" + ], + [ + "çģ«", + "èĬ±" + ], + [ + "æĬ¥", + "è®°èĢħ" + ], + [ + "æģĭ", + "æĥħ" + ], + [ + "ç´§", + "åĩij" + ], + [ + "æ°´", + "æµģ" + ], + [ + "è¿Ļæĺ¯", + "æĪij们" + ], + [ + "æ³¥", + "åľŁ" + ], + [ + "æĽ¾", + "ä»»" + ], + [ + "æĸ¹", + "è¨Ģ" + ], + [ + "åij¨", + "åħŃ" + ], + [ + "åı·", + "楼" + ], + [ + "ä¼ij", + "åģĩ" + ], + [ + "误", + "ä¼ļ" + ], + [ + "åĽ½", + "åĢº" + ], + [ + "åīį", + "å¤ķ" + ], + [ + "两", + "å¼ł" + ], + [ + "éĹ", + "«" + ], + [ + "éŃĶ", + "鬼" + ], + [ + "æĬĬ", + "æĮģ" + ], + [ + "èĬĤèĥ½", + "çݯä¿Ŀ" + ], + [ + "æ¸ħæ´ģ", + "èĥ½æºIJ" + ], + [ + "èĤ¥", + "æĸĻ" + ], + [ + "é«ĺ", + "é¢ij" + ], + [ + "å°±", + "æľīäºĨ" + ], + [ + "交", + "ä¼ļ" + ], + [ + "没", + "éĴ±" + ], + [ + "éĽħ", + "æĢĿ" + ], + [ + "è¦ģ", + "åıĬæĹ¶" + ], + [ + "åŁ¹åħ»", + "åѦçĶŁ" + ], + [ + "欣", + "åĸľ" + ], + [ + "çĥŃæ°´", + "åύ" + ], + [ + "é¾Ļ", + "æ¹ĸ" + ], + [ + "äºĮ", + "楼" + ], + [ + "æĸ°æµª", + "è´¢ç»ı" + ], + [ + "æĸ°", + "åĬ¨èĥ½" + ], + [ + "èµ£", + "å·ŀ" + ], + [ + "æĭ³", + "头" + ], + [ + "æµģ", + "åIJij" + ], + [ + "ä¹Łæĺ¯", + "å¾Ī" + ], + [ + "åıij", + "åĶ®" + ], + [ + "ä¸Ń", + "åIJ«æľī" + ], + [ + "åIJĵ", + "å¾Ĺ" + ], + [ + "å·¨", + "æĺŁ" + ], + [ + "æĹł", + "æīĢè°ĵ" + ], + [ + "æ¯Ľ", + "åŃĶ" + ], + [ + "åħ¬åħ±", + "交éĢļ" + ], + [ + "çĤİ", + "çĥŃ" + ], + [ + "èµ·", + "èįī" + ], + [ + "åĬłçĽŁ", + "åķĨ" + ], + [ + "说", + "ä¸įåĩº" + ], + [ + "大åѦ", + "æ¯ķä¸ļ" + ], + [ + "å·¥ä¸ļ", + "åĽŃ" + ], + [ + "éłĺ", + "åŁŁ" + ], + [ + "åºĨ", + "åħ¸" + ], + [ + "æµģ", + "产" + ], + [ + "èģ²", + "éŁ³" + ], + [ + "ä¼¼ä¹İ", + "æĺ¯" + ], + [ + "è´§", + "æºIJ" + ], + [ + "æ·±", + "åĪĩ" + ], + [ + "æ²»çĸĹ", + "æĸ¹æ³ķ" + ], + [ + "èµĦæºIJ", + "éħįç½®" + ], + [ + "ç¶²", + "åıĭ" + ], + [ + "çĶ", + "£" + ], + [ + "äº", + "¥" + ], + [ + "躲", + "åľ¨" + ], + [ + "社", + "ç§ij" + ], + [ + "è»Ł", + "é«Ķ" + ], + [ + "女", + "è£ħ" + ], + [ + "æŃ¡", + "è¿İ" + ], + [ + "综åIJĪ", + "å®ŀåĬĽ" + ], + [ + "æł¼", + "å°ĩ" + ], + [ + "åħļåı²", + "åŃ¦ä¹ł" + ], + [ + "æľĢ", + "åŁºæľ¬" + ], + [ + "æľĢåŁºæľ¬", + "çļĦ" + ], + [ + "çľĭ", + "æľĽ" + ], + [ + "åıĹ", + "è´¿" + ], + [ + "ä¸įä»ħ", + "èĥ½" + ], + [ + "ä½ķ", + "å¿ħ" + ], + [ + "ä¸Ģ个", + "å°ıæĹ¶" + ], + [ + "ç¾", + "Į" + ], + [ + "æĭĽ", + "æĶ¶" + ], + [ + "çĤĴ", + "èĤ¡" + ], + [ + "æĿij", + "å¹²éĥ¨" + ], + [ + "缸", + "çα" + ], + [ + "æ½ľ", + "èĥ½" + ], + [ + "ä¹", + "į" + ], + [ + "æĹ¶", + "è¾°" + ], + [ + "欣", + "æħ°" + ], + [ + "éĵ¶", + "è¡Įä¸ļ" + ], + [ + "çĭŃ", + "çªĦ" + ], + [ + "éĩįçĤ¹", + "é¢ĨåŁŁ" + ], + [ + "çݰå®ŀ", + "çĶŁæ´»" + ], + [ + "éĮ¯", + "誤" + ], + [ + "æĸ°", + "è§Ħ" + ], + [ + "滥", + "ç͍" + ], + [ + "æĹ¶", + "ä¸į" + ], + [ + "æĹ¶ä¸į", + "æĹ¶" + ], + [ + "帳", + "èĻŁ" + ], + [ + "ç¨Ģ", + "缺" + ], + [ + "åIJij", + "举" + ], + [ + "ä¿Ŀåģ¥", + "åĵģ" + ], + [ + "çıŃ", + "éķ¿" + ], + [ + "äºĴ", + "åĭķ" + ], + [ + "笼", + "罩" + ], + [ + "æ½", + "Ľ" + ], + [ + "æļĸ", + "å¿ĥ" + ], + [ + "è½°", + "çĤ¸" + ], + [ + "åºĨ", + "幸" + ], + [ + "è²Į", + "ä¼¼" + ], + [ + "æĵ", + "º" + ], + [ + "èĢIJ", + "磨" + ], + [ + "ä¸ĵä¸ļ", + "人士" + ], + [ + "ä¸Ģèά", + "éĥ½æĺ¯" + ], + [ + "æ¼³", + "å·ŀ" + ], + [ + "åħ¨", + "èĩªåĬ¨" + ], + [ + "å½ķ", + "ç͍" + ], + [ + "大", + "è·Į" + ], + [ + "æľīæķĪ", + "æĢ§" + ], + [ + "èĩª", + "åĭķ" + ], + [ + "ä¸ī个", + "æĸ¹éĿ¢" + ], + [ + "港", + "åĮº" + ], + [ + "ä¿¡", + "貸" + ], + [ + "éĢļ", + "è¯Ŀ" + ], + [ + "é«ĺ", + "涨" + ], + [ + "æ³Ħ", + "æ¼ı" + ], + [ + "éħį", + "ä¸Ĭ" + ], + [ + "åħļ", + "å·¥å§Ķ" + ], + [ + "被", + "认为" + ], + [ + "被认为", + "æĺ¯" + ], + [ + "ä¸įä¼ļ", + "åĨį" + ], + [ + "è°ĥ", + "åīĤ" + ], + [ + "åıĤ", + "èĤ¡" + ], + [ + "èĦ±", + "åıij" + ], + [ + "å¿ł", + "å®ŀ" + ], + [ + "åĨħ", + "åĪĨæ³Į" + ], + [ + "ç¹ģ", + "å¿Ļ" + ], + [ + "åıĮ", + "åĪĽ" + ], + [ + "é©»", + "æĿij" + ], + [ + "åĪĴ", + "ç®Ĺ" + ], + [ + "éģİ", + "ä¾Ĩ" + ], + [ + "åľ£", + "ç»ı" + ], + [ + "èıľ", + "鸣" + ], + [ + "æĭ¼", + "å¤ļå¤ļ" + ], + [ + "ä¸ŃåĽ½", + "汽车" + ], + [ + "çĥŁ", + "èįī" + ], + [ + "缴", + "æµģ" + ], + [ + "äºĨä¸Ģ", + "åı£æ°Ķ" + ], + [ + "ä½İ", + "æĪIJæľ¬" + ], + [ + "æī¾", + "åĽŀ" + ], + [ + "èĩª", + "åįij" + ], + [ + "總", + "æĺ¯" + ], + [ + "æĸĩåĮĸ", + "åĪĽæĦı" + ], + [ + "天", + "æ²³" + ], + [ + "樱", + "æ¡ĥ" + ], + [ + "éªij", + "åħµ" + ], + [ + "éĩĮéĿ¢", + "æľī" + ], + [ + "çİ", + "®" + ], + [ + "èĥ½", + "æī¾åΰ" + ], + [ + "éĢĥ", + "è·ij" + ], + [ + "åĪĩ", + "å°Ķ" + ], + [ + "åĪĩå°Ķ", + "西" + ], + [ + "以ä¸ĭ", + "æĺ¯" + ], + [ + "å²³", + "éĺ³" + ], + [ + "çļĦ", + "æ¦Ĥçİĩ" + ], + [ + "æĬµ", + "åζ" + ], + [ + "å¸Ī", + "äºĭåĬ¡" + ], + [ + "å¸ĪäºĭåĬ¡", + "æīĢ" + ], + [ + "åĩĨ", + "æĹ¶" + ], + [ + "屬", + "æĸ¼" + ], + [ + "订", + "è´Ń" + ], + [ + "åįłæį®", + "äºĨ" + ], + [ + "ä¸Ń", + "éĢĶ" + ], + [ + "å°", + "ĭ" + ], + [ + "é»ij", + "马" + ], + [ + "åİ¿", + "åħ¬å®īå±Ģ" + ], + [ + "ä¸ĥ", + "æľĪ" + ], + [ + "èī²", + "ç´ł" + ], + [ + "å¿ĥèĦı", + "çĹħ" + ], + [ + "æĹ¶", + "éĻIJ" + ], + [ + "æ¯į", + "åħ¬åı¸" + ], + [ + "å¹ķ", + "åIJİ" + ], + [ + "ä¸Ĭ", + "æ¦ľ" + ], + [ + "å̾åIJij", + "äºİ" + ], + [ + "纸", + "ä¸Ĭ" + ], + [ + "æ¡", + "ĵ" + ], + [ + "éĽĨä½ĵ", + "ç»ıæµİ" + ], + [ + "æĥħ", + "å¢ĥ" + ], + [ + "è¦ģ", + "åģļåΰ" + ], + [ + "ç©į", + "極" + ], + [ + "åıª", + "æĢķ" + ], + [ + "æ¹ĺ", + "西" + ], + [ + "çļ±", + "纹" + ], + [ + "åħ¨", + "åľĭ" + ], + [ + "çĦ¡", + "è«ĸ" + ], + [ + "好", + "æĦŁ" + ], + [ + "åįķ", + "ä»·" + ], + [ + "è¿Ľç¨ĭ", + "ä¸Ń" + ], + [ + "æĺĨ", + "ä»ij" + ], + [ + "åĪĽ", + "客" + ], + [ + "åħħ", + "æĸ¥" + ], + [ + "åħĪ", + "æĬĬ" + ], + [ + "该", + "æĢİä¹ĪåĬŀ" + ], + [ + "åĵģ", + "å¾·" + ], + [ + "åħ¨éĿ¢", + "åıijå±ķ" + ], + [ + "è¨Ī", + "åĬĥ" + ], + [ + "æĢ»", + "å·¥ä¼ļ" + ], + [ + "ä½Ľå±±", + "å¸Ĥ" + ], + [ + "æĬĹ", + "è¡¡" + ], + [ + "å¼Ģ", + "åľº" + ], + [ + "éĴ±", + "å¸ģ" + ], + [ + "åıĭ", + "们" + ], + [ + "å«ī", + "å¦Ĵ" + ], + [ + "ç´¢", + "èµĶ" + ], + [ + "è®Ĭ", + "åĮĸ" + ], + [ + "æĮ¤", + "åİĭ" + ], + [ + "æĮij", + "è¡ħ" + ], + [ + "çŃī", + "ä¸Ģæī¹" + ], + [ + "æĿ¨", + "欢" + ], + [ + "ä¸ĵå®¶", + "åѦèĢħ" + ], + [ + "èĥ½", + "è¾¾åΰ" + ], + [ + "èµ°", + "è¿ij" + ], + [ + "è´«åĽ°", + "åľ°åĮº" + ], + [ + "éĻIJ", + "æľŁ" + ], + [ + "ä¸į", + "平衡" + ], + [ + "åĽ½åĨħ", + "å¸Ĥåľº" + ], + [ + "èµĽ", + "åľº" + ], + [ + "éħį", + "èµĦ" + ], + [ + "è¦ģ", + "èĢĥèĻij" + ], + [ + "ä¸ĩ", + "åı°" + ], + [ + "æľĪ", + "æľ«" + ], + [ + "éĶ", + "¥" + ], + [ + "åŃ", + "«" + ], + [ + "æİ¥è§¦", + "åΰ" + ], + [ + "åĩº", + "产" + ], + [ + "æķĻ", + "åѸ" + ], + [ + "ä½ľ", + "å¼Ĭ" + ], + [ + "çļĦ", + "æľĢåIJİä¸Ģ" + ], + [ + "ä¿ĥ", + "æĪIJ" + ], + [ + "åIJ¸", + "åıĸ" + ], + [ + "æ½ľ", + "èīĩ" + ], + [ + "被", + "éªĹ" + ], + [ + "è¾ĵ", + "äºĨ" + ], + [ + "çĭIJ", + "çĭ¸" + ], + [ + "åįĩ", + "éĻį" + ], + [ + "è¿ĻäºĽ", + "ä¸ľè¥¿" + ], + [ + "æĬķèµĦ", + "åŁºéĩij" + ], + [ + "çĶŁçī©", + "åѦ" + ], + [ + "ç½ij绾", + "èIJ¥éĶĢ" + ], + [ + "åIJij", + "è®°èĢħ" + ], + [ + "èįī", + "åľ°" + ], + [ + "æĢ", + "¯" + ], + [ + "æľįåĬ¡", + "èĥ½åĬĽ" + ], + [ + "éĥģ", + "éĹ·" + ], + [ + "åįķ", + "åĵģ" + ], + [ + "å¾Ĺ", + "罪" + ], + [ + "æĺĵ", + "äºİ" + ], + [ + "个å¤ļ", + "å°ıæĹ¶" + ], + [ + "éĩį", + "ä»»" + ], + [ + "ä¸Ĭ", + "å®ĺ" + ], + [ + "æľ¬", + "éĩij" + ], + [ + "çı¾", + "åł´" + ], + [ + "溢", + "ä»·" + ], + [ + "æĺŁ", + "è¾°" + ], + [ + "æ´»åĬ¨", + "çİ°åľº" + ], + [ + "丹", + "麦" + ], + [ + "å¸Ŀ", + "çİĭ" + ], + [ + "æŁ¥", + "æĺİ" + ], + [ + "åŃĺåľ¨", + "äºİ" + ], + [ + "é¦Ļ", + "æ°´" + ], + [ + "æĬ½", + "æ£Ģ" + ], + [ + "å®ŀéĻħä¸Ĭ", + "æĺ¯" + ], + [ + "æĸ°", + "å¾ģç¨ĭ" + ], + [ + "è´¢åĬ¡", + "管çIJĨ" + ], + [ + "æİ", + "Ľ" + ], + [ + "åĨľ", + "åİĨ" + ], + [ + "éĥ½", + "èĥ½å¤Ł" + ], + [ + "éĤ¯", + "éĥ¸" + ], + [ + "羣", + "實" + ], + [ + "ç»", + "Ĭ" + ], + [ + "åĨµ", + "ä¸Ķ" + ], + [ + "ç½®", + "身" + ], + [ + "ç¥Ī", + "祷" + ], + [ + "çĿģ", + "å¼Ģ" + ], + [ + "æĮĩ", + "çĤ¹" + ], + [ + "å¼Ģ", + "æľº" + ], + [ + "西", + "å®ģ" + ], + [ + "åĮĹ", + "约" + ], + [ + "积", + "æ°´" + ], + [ + "åĩº", + "åĬ¨" + ], + [ + "åıijå±ķ", + "模å¼ı" + ], + [ + "转", + "æĬĺ" + ], + [ + "èĢĥ", + "çĤ¹" + ], + [ + "æľī", + "ç½ijåıĭ" + ], + [ + "è´«åĽ°", + "æĿij" + ], + [ + "æĪij们", + "çŁ¥éģĵ" + ], + [ + "åĪĨ", + "éĶĢ" + ], + [ + "å±±", + "èĦī" + ], + [ + "æ¯Ķ", + "æĭŁ" + ], + [ + "ä¼°", + "ç®Ĺ" + ], + [ + "æĶ¹", + "建" + ], + [ + "壮", + "è§Ĥ" + ], + [ + "ç§ī", + "æĮģ" + ], + [ + "æı", + "ª" + ], + [ + "ç¦", + "Ģ" + ], + [ + "åĮĸåѦ", + "åĵģ" + ], + [ + "ä¸ŃåĽ½", + "åζéĢł" + ], + [ + "ä¸Ģ", + "æŀ¶" + ], + [ + "æīį", + "è¡Į" + ], + [ + "æĭĽ", + "å¾ħ" + ], + [ + "åıĺ", + "æį¢" + ], + [ + "åīį", + "线" + ], + [ + "幸", + "好" + ], + [ + "è¿Ļæł·", + "çļĦè¯Ŀ" + ], + [ + "å¿ĥ", + "è¡Ģ管" + ], + [ + "æĢ§", + "çĸ¾çĹħ" + ], + [ + "åħ¨", + "èĥ½" + ], + [ + "åĪij", + "侦" + ], + [ + "ä¿¡æģ¯", + "åıijå¸ĥ" + ], + [ + "æĺ¾", + "çĦ¶æĺ¯" + ], + [ + "éĿĴ", + "éĵľ" + ], + [ + "åIJĥ", + "ä»Ģä¹Ī" + ], + [ + "ç͵", + "ä»·" + ], + [ + "æ³ķå¾ĭ", + "è§Ħå®ļ" + ], + [ + "çħ", + "²" + ], + [ + "çĵ·", + "åύ" + ], + [ + "èĤī", + "ç±»" + ], + [ + "æıĴ", + "åħ¥" + ], + [ + "åĹ", + "ľ" + ], + [ + "è¿Ł", + "è¿Ł" + ], + [ + "ä¸ĢçĤ¹", + "éĥ½ä¸į" + ], + [ + "è¿ĺ", + "åĮħæĭ¬" + ], + [ + "èĪį", + "ä¸įå¾Ĺ" + ], + [ + "æłĩå¿Ĺ", + "æĢ§" + ], + [ + "æľĪ", + "以æĿ¥" + ], + [ + "ç³ĸ", + "æŀľ" + ], + [ + "éĥ½", + "åºĶ该" + ], + [ + "çݯå¢ĥ", + "åį«çĶŁ" + ], + [ + "èĪª", + "è¡Į" + ], + [ + "éĥij", + "éĩį" + ], + [ + "ç½ij", + "æĬķ" + ], + [ + "åįģ", + "ä½³" + ], + [ + "ç§ģ", + "ä¸ĭ" + ], + [ + "æļ´", + "è·Į" + ], + [ + "åĬłå¿«", + "åıijå±ķ" + ], + [ + "产åĵģ", + "çłĶåıij" + ], + [ + "åĪĽéĢł", + "åĩº" + ], + [ + "æĢ»", + "è§īå¾Ĺ" + ], + [ + "åºķ", + "çĽĺ" + ], + [ + "èķ", + "Ĭ" + ], + [ + "åĩºå¸Ń", + "ä¼ļè®®" + ], + [ + "主", + "æĿ¿" + ], + [ + "æĹ¥æĻļ", + "éĹ´" + ], + [ + "å®ĺæĸ¹", + "å¾®åįļ" + ], + [ + "å¼ķç͍", + "æĹ¥æľŁ" + ], + [ + "åī¯", + "æķĻæİĪ" + ], + [ + "ç͵åŃIJ", + "产åĵģ" + ], + [ + "è¡°", + "éĢĢ" + ], + [ + "çķĻ", + "åŃĺ" + ], + [ + "çģ«", + "åĬĽ" + ], + [ + "çĴ", + "§" + ], + [ + "çļ", + "Ĥ" + ], + [ + "åħ¼", + "åħ·" + ], + [ + "éĩį", + "è¿Ķ" + ], + [ + "é¢Ĩ", + "çķ¥" + ], + [ + "åĪĩ", + "éϤ" + ], + [ + "åĨįçĶŁ", + "èĥ½æºIJ" + ], + [ + "å®ŀåľ¨", + "太" + ], + [ + "çIJĨ论", + "ä¸Ĭ" + ], + [ + "ä¸ī", + "å±Ĥ" + ], + [ + "ä¸ĸçķĮ", + "åIJĦåĽ½" + ], + [ + "å®ľ", + "æĺĮ" + ], + [ + "è̳", + "è¾¹" + ], + [ + "宽", + "æķŀ" + ], + [ + "æ±ī", + "æĹı" + ], + [ + "çϽ", + "çϽ" + ], + [ + "è¿ĻéĩĮ", + "éĿ¢" + ], + [ + "çĶŁæ´»", + "ä¹łæĥ¯" + ], + [ + "èµŀ", + "èµı" + ], + [ + "çĶ·", + "士" + ], + [ + "ä¸Ń", + "ä¿Ħ" + ], + [ + "车", + "祸" + ], + [ + "åīĤ", + "éĩı" + ], + [ + "éϤ", + "åİ»" + ], + [ + "å·¦", + "è¾¹" + ], + [ + "çŃij", + "çī¢" + ], + [ + "çīĽ", + "å¸Ĥ" + ], + [ + "å®¶", + "åĬ¡" + ], + [ + "åķ", + "ĥ" + ], + [ + "ç½®", + "æį¢" + ], + [ + "ç´«", + "å¤ĸ" + ], + [ + "ç´«å¤ĸ", + "线" + ], + [ + "å¾Ģ", + "åīį" + ], + [ + "åĬĽ", + "åѦ" + ], + [ + "ç´§", + "è·Ł" + ], + [ + "缮çļĦ", + "åľ¨äºİ" + ], + [ + "ç»", + "®" + ], + [ + "ç¥", + "Ĥ" + ], + [ + "宣", + "è¨Ģ" + ], + [ + "äºĮ", + "æ°§åĮĸ" + ], + [ + "äºĮæ°§åĮĸ", + "碳" + ], + [ + "æĹł", + "ç¼ĺ" + ], + [ + "ç²¾", + "éĢļ" + ], + [ + "è¨", + "º" + ], + [ + "å¼ķåıij", + "äºĨ" + ], + [ + "æľĢ", + "åħĪ" + ], + [ + "æ´¾", + "é©»" + ], + [ + "ä¸į", + "å¿į" + ], + [ + "æĪij", + "çΏ" + ], + [ + "å¹´", + "ä¸ĭåįĬå¹´" + ], + [ + "æ·ĭ", + "å·´" + ], + [ + "没", + "éĹ®é¢ĺ" + ], + [ + "åºĹ", + "åĨħ" + ], + [ + "è·Ł", + "æĪij说" + ], + [ + "çĶŁäº§", + "çĶŁæ´»" + ], + [ + "è§Ĥ", + "æľĽ" + ], + [ + "æ¸", + "į" + ], + [ + "被", + "æī§è¡Į" + ], + [ + "被æī§è¡Į", + "人" + ], + [ + "èĪ", + "ľ" + ], + [ + "æİ", + "º" + ], + [ + "ä¸Ģ", + "ç§Ĵ" + ], + [ + "èįī", + "åĿª" + ], + [ + "åij¼", + "åĴĮ" + ], + [ + "åij¼åĴĮ", + "浩" + ], + [ + "åij¼åĴĮ浩", + "çī¹" + ], + [ + "人æ°ij", + "éĵ¶è¡Į" + ], + [ + "çĦķ", + "åıij" + ], + [ + "è¯ģåΏ", + "交æĺĵ" + ], + [ + "çķ", + "Ķ" + ], + [ + "æľº", + "èĥ½" + ], + [ + "å¦", + "¾" + ], + [ + "æĻļ", + "å¹´" + ], + [ + "å·¥åķĨ", + "èģĶ" + ], + [ + "åİŁ", + "åŀĭ" + ], + [ + "è§Ĵ度", + "çľĭ" + ], + [ + "æĬ¥", + "社" + ], + [ + "è¯į", + "æĿ¡" + ], + [ + "躲", + "éģ¿" + ], + [ + "éĩį", + "åIJ¯" + ], + [ + "å¤ķ", + "éĺ³" + ], + [ + "èĤ¡æĿĥ", + "转让" + ], + [ + "åľ¨", + "ä¸Ģ" + ], + [ + "åľ¨ä¸Ģ", + "æĹģ" + ], + [ + "社ä¼ļ", + "åĮĸ" + ], + [ + "åıijå±ķ", + "åİĨç¨ĭ" + ], + [ + "æĭĸ", + "æ¬ł" + ], + [ + "使", + "èĢħ" + ], + [ + "ä¸İ", + "åIJ¦" + ], + [ + "æĸ°", + "å±ĢéĿ¢" + ], + [ + "ä»Ĭ天", + "æĪij们" + ], + [ + "é½IJ", + "èģļ" + ], + [ + "对", + "æĪij说" + ], + [ + "éĢĴ", + "交" + ], + [ + "æľª", + "æĽ¾" + ], + [ + "èİ", + "Ĭ" + ], + [ + "éĸ", + "ī" + ], + [ + "亲", + "æīĭ" + ], + [ + "è§Ĵ", + "éĢIJ" + ], + [ + "æľī", + "é»ŀ" + ], + [ + "ç¨İ", + "çİĩ" + ], + [ + "ä½İ", + "声" + ], + [ + "é»ĺ", + "å¥ij" + ], + [ + "æĻ®", + "æ³ķ" + ], + [ + "大", + "ä¸ĵ" + ], + [ + "第äºĮ", + "大" + ], + [ + "ä½ı", + "åĿĢ" + ], + [ + "æĶ¾", + "è¿Ľ" + ], + [ + "äºĮ", + "æĪĺ" + ], + [ + "亲", + "身" + ], + [ + "åĽº", + "åĮĸ" + ], + [ + "ä¸ĭ", + "乡" + ], + [ + "åħ³éĶ®", + "æĬĢæľ¯" + ], + [ + "åĽŀ", + "æĥ³" + ], + [ + "æĬ¥", + "åĪĬ" + ], + [ + "æ¶Ĥ", + "æĬ¹" + ], + [ + "èĹı", + "çĿĢ" + ], + [ + "ç¥Ŀ", + "æĦ¿" + ], + [ + "åįĩ", + "温" + ], + [ + "çĶļèĩ³", + "è¿ŀ" + ], + [ + "åħ¬åħĥ", + "åīį" + ], + [ + "ç¾İ", + "æĸ¹" + ], + [ + "è¯ļ", + "å®ŀ" + ], + [ + "æĹł", + "åģ¿" + ], + [ + "åīµ", + "æ¥Ń" + ], + [ + "å°ıå¿ĥ", + "翼" + ], + [ + "å°ıå¿ĥ翼", + "翼" + ], + [ + "两", + "æīĭ" + ], + [ + "温馨", + "æıIJ示" + ], + [ + "仿", + "羣" + ], + [ + "æĥ", + "¶" + ], + [ + "èĥ¡", + "åŃIJ" + ], + [ + "å·¥ä½ľ", + "ç«Ļ" + ], + [ + "硬", + "çĽĺ" + ], + [ + "ç«", + "¿" + ], + [ + "åĤ³", + "éĢģ" + ], + [ + "åħ¨", + "æł¡" + ], + [ + "é²ľ", + "æ´»" + ], + [ + "çĴĢ", + "çĴ¨" + ], + [ + "ç»ĵ", + "å°¾" + ], + [ + "æį¢", + "æĿ¥" + ], + [ + "æĪ", + "Ģ" + ], + [ + "ä½İ", + "ä½į" + ], + [ + "ä¸ĩåħĥ", + "以ä¸Ĭ" + ], + [ + "åĬł", + "åĪĨ" + ], + [ + "æİ¨ä»ĭ", + "ä¼ļ" + ], + [ + "çIJĨ", + "èµĶ" + ], + [ + "å¾·", + "å°Ķ" + ], + [ + "æĬĹ", + "è®®" + ], + [ + "æ´", + "¼" + ], + [ + "åĸ", + "§" + ], + [ + "åŁİ", + "éĻħ" + ], + [ + "å¾Ī", + "æ£Ĵ" + ], + [ + "人", + "æŃ»äº¡" + ], + [ + "ä¼ļå±ķ", + "ä¸Ńå¿ĥ" + ], + [ + "äºĴèģĶ", + "äºĴéĢļ" + ], + [ + "èĸĦ", + "èĨľ" + ], + [ + "éĩį", + "é»ŀ" + ], + [ + "ç¦ģ", + "æ¯Ĵ" + ], + [ + "åĨ·", + "ç¬ij" + ], + [ + "大家", + "åı¯ä»¥" + ], + [ + "é¦ĸ", + "缸" + ], + [ + "è¿ij", + "è·Ŀ离" + ], + [ + "æµ®", + "çݰ" + ], + [ + "ç§ĺ", + "è¯Ģ" + ], + [ + "èµ·", + "é£ŀ" + ], + [ + "æIJ", + "¶" + ], + [ + "羣", + "åģĩ" + ], + [ + "æģ", + "ķ" + ], + [ + "å°ı", + "åºĹ" + ], + [ + "æ°ij", + "çľ¾" + ], + [ + "åıijå¸ĥ", + "åħ¬åijĬ" + ], + [ + "ä¾§", + "éĩį" + ], + [ + "å¾ĺ", + "å¾Ĭ" + ], + [ + "æĢ", + "Ķ" + ], + [ + "æª", + "IJ" + ], + [ + "æķ°", + "缮" + ], + [ + "åī¯", + "ç§ĺ书éķ¿" + ], + [ + "两", + "åı¥" + ], + [ + "éļIJ", + "çŀĴ" + ], + [ + "åıĮ", + "åıĮ" + ], + [ + "æīĭ", + "æĦŁ" + ], + [ + "èij¡", + "京" + ], + [ + "éģĹ", + "å¿ĺ" + ], + [ + "é¬", + "¥" + ], + [ + "è¿Ļ个", + "åľ°æĸ¹" + ], + [ + "说", + "çļĦè¯Ŀ" + ], + [ + "å·¡", + "åĽŀ" + ], + [ + "è¿Ŀ", + "竳" + ], + [ + "æī¾", + "å·¥ä½ľ" + ], + [ + "æĶ¯", + "çIJĥéĺŁ" + ], + [ + "裡", + "éĿ¢" + ], + [ + "æĺ¾ç¤º", + "åĩº" + ], + [ + "èĩ³", + "å°Ĭ" + ], + [ + "两", + "级" + ], + [ + "åīį", + "段æĹ¶éĹ´" + ], + [ + "çĺ¦", + "身" + ], + [ + "èĤ¢", + "ä½ĵ" + ], + [ + "æ¯į", + "親" + ], + [ + "æīĭç»Ń", + "è´¹" + ], + [ + "汽车", + "è¡Įä¸ļ" + ], + [ + "æİ©", + "çĽĸ" + ], + [ + "æİ§èĤ¡", + "éĽĨåĽ¢" + ], + [ + "åı£", + "å¾Ħ" + ], + [ + "æĶ¿çŃĸ", + "æİªæĸ½" + ], + [ + "æµ·", + "绵" + ], + [ + "åħ¨", + "éķĩ" + ], + [ + "äºĭ", + "åħ³" + ], + [ + "å¸Ń", + "æī§è¡Į" + ], + [ + "å¸Ńæī§è¡Į", + "å®ĺ" + ], + [ + "éĤ£", + "次" + ], + [ + "åı¯èĥ½", + "åĩºçݰ" + ], + [ + "ä¸Ńå¿ĥ", + "åŁİå¸Ĥ" + ], + [ + "ç¿»", + "身" + ], + [ + "ä¹Ł", + "ç®Ĺ" + ], + [ + "ä¾µ", + "çķ¥" + ], + [ + "åĸĩ", + "åıŃ" + ], + [ + "æ¯ı次", + "éĥ½" + ], + [ + "è§", + "ħ" + ], + [ + "éĻ¢", + "éĻ¢éķ¿" + ], + [ + "å§ĭ", + "äºİ" + ], + [ + "èѦ", + "åĬ¡" + ], + [ + "èį¯", + "æĿIJ" + ], + [ + "å±ł", + "æĿĢ" + ], + [ + "æľ¬èº«", + "å°±" + ], + [ + "éļıæĹ¶", + "éļı" + ], + [ + "éļıæĹ¶éļı", + "åľ°" + ], + [ + "åĶ®", + "åįĸ" + ], + [ + "æĹłäºº", + "驾驶" + ], + [ + "é¢", + "ħ" + ], + [ + "åĵģ", + "質" + ], + [ + "åĺ²", + "ç¬ij" + ], + [ + "è·ij", + "åİ»" + ], + [ + "åħĭ", + "éĩĮæĸ¯" + ], + [ + "çķ¸", + "å½¢" + ], + [ + "ä¿®", + "饰" + ], + [ + "磩", + "éĺµ" + ], + [ + "éŁ³ä¹IJ", + "ä¼ļ" + ], + [ + "æŁ³", + "å·ŀ" + ], + [ + "é½", + "¡" + ], + [ + "ä¼ļ", + "è°Ī" + ], + [ + "æŃ£", + "çīĪ" + ], + [ + "ä¹Ł", + "åIJĮæł·" + ], + [ + "æļ§", + "æĺ§" + ], + [ + "è¡ĮæĶ¿", + "éĥ¨éŨ" + ], + [ + "ä¹ĸ", + "ä¹ĸ" + ], + [ + "èĤ¤", + "èī²" + ], + [ + "æĹ¶", + "ä»»" + ], + [ + "羣", + "åĪĩ" + ], + [ + "æľĪ", + "ä¸ĭ" + ], + [ + "æľĪä¸ĭ", + "æĹ¬" + ], + [ + "举æĸ¹", + "è´¢å¯Į" + ], + [ + "è£ħä¿®", + "åħ¬åı¸" + ], + [ + "éĢĢ", + "è¿ĺ" + ], + [ + "åĭĺ", + "å¯Ł" + ], + [ + "åĵ¥", + "伦" + ], + [ + "åĵ¥ä¼¦", + "æ¯Ķäºļ" + ], + [ + "çĭ¬", + "ä¸Ģ" + ], + [ + "çĭ¬ä¸Ģ", + "æĹł" + ], + [ + "çĭ¬ä¸ĢæĹł", + "äºĮ" + ], + [ + "è°ĥ", + "åij³" + ], + [ + "åİĭ", + "è¿«" + ], + [ + "åħ¨çIJĥ", + "æľĢ大" + ], + [ + "åī¯", + "æł¡éķ¿" + ], + [ + "æĽ´", + "ä½İ" + ], + [ + "åĪĨéĴŁ", + "åIJİ" + ], + [ + "åĽŀ", + "ä¾Ĩ" + ], + [ + "åζ", + "åīĤ" + ], + [ + "åijĬè¯ī", + "大家" + ], + [ + "çĤ¹", + "éĴŁ" + ], + [ + "åįģä¸ī", + "å±Ĭ" + ], + [ + "åij¨", + "åĽĽ" + ], + [ + "è¿Ļæł·", + "ä¸Ģ" + ], + [ + "è¿Ļæł·ä¸Ģ", + "æĿ¥" + ], + [ + "èĭ", + "Ł" + ], + [ + "æľĽ", + "åİ»" + ], + [ + "æĪIJ", + "è¯Ń" + ], + [ + "å½ĵ", + "åį³" + ], + [ + "ç¬ij", + "声" + ], + [ + "ä¹ĭ", + "åĬ¿" + ], + [ + "åĪijäºĭ", + "æ¡Īä»¶" + ], + [ + "æĮĤ", + "çĿĢ" + ], + [ + "ä½ķ", + "ç§į" + ], + [ + "å°ı", + "游æĪı" + ], + [ + "åĽ½å®¶", + "æĪĺçķ¥" + ], + [ + "åĨ·", + "åĨ·" + ], + [ + "å®ľ", + "宾" + ], + [ + "æIJº", + "ç¨ĭ" + ], + [ + "è¶ĭ", + "äºİ" + ], + [ + "åıį", + "çľģ" + ], + [ + "常", + "说" + ], + [ + "ä¸ĩ", + "æĪ·" + ], + [ + "åĥµ", + "å°¸" + ], + [ + "åįĥä¸ĩ", + "åĪ«" + ], + [ + "åıijçݰ", + "éĹ®é¢ĺ" + ], + [ + "åı¯", + "çŁ¥" + ], + [ + "éŨæĪ·", + "ç½ijç«Ļ" + ], + [ + "åģ¥åº·", + "产ä¸ļ" + ], + [ + "åı³", + "è¾¹" + ], + [ + "æµ·", + "è¿IJ" + ], + [ + "è¿ij", + "ä¹İ" + ], + [ + "åĮ»", + "æ²»" + ], + [ + "æĢ»", + "ç®Ĺ" + ], + [ + "ä¸Ģ", + "åĪĨéĴŁ" + ], + [ + "æĭ", + "§" + ], + [ + "ä¹Ł", + "æľīä¸ĢäºĽ" + ], + [ + "ä¾Ľç͵", + "åħ¬åı¸" + ], + [ + "å»ī", + "ä»·" + ], + [ + "帮", + "ä»ĸ" + ], + [ + "æŃ¤æ¬¡", + "æ´»åĬ¨" + ], + [ + "åıªèĥ½", + "说" + ], + [ + "èĬ", + "ĭ" + ], + [ + "çīĩ", + "段" + ], + [ + "åŃĺåľ¨", + "éĹ®é¢ĺ" + ], + [ + "ä½łä¼ļ", + "åıijçݰ" + ], + [ + "è½®", + "å»ĵ" + ], + [ + "ç½ij", + "éĢļ" + ], + [ + "滨", + "æ±Ł" + ], + [ + "æİĪ", + "ä¿¡" + ], + [ + "é»İ", + "æĺİ" + ], + [ + "ä¸į", + "å±ŀäºİ" + ], + [ + "约", + "åįł" + ], + [ + "éķ¿æ²Ļ", + "å¸Ĥ" + ], + [ + "èĥļ", + "èĥİ" + ], + [ + "åħĥ", + "ä»¶" + ], + [ + "éĻĨ", + "åĨĽ" + ], + [ + "è³¼", + "è²·" + ], + [ + "æĮĩ", + "æľĽ" + ], + [ + "å®ŀä¹ł", + "çĶŁ" + ], + [ + "çī¹çĤ¹", + "æĺ¯" + ], + [ + "çıł", + "æ±Ł" + ], + [ + "çľĭ", + "ä¸įåĩº" + ], + [ + "ä¸įè§ģ", + "äºĨ" + ], + [ + "ç¼", + "ī" + ], + [ + "éĺµ", + "èIJ¥" + ], + [ + "åĶIJ", + "æľĿ" + ], + [ + "没", + "å¿ħè¦ģ" + ], + [ + "åĽ½åľŁ", + "èµĦæºIJ" + ], + [ + "ç»ıæµİåѦ", + "å®¶" + ], + [ + "åIJĪèĤ¥", + "å¸Ĥ" + ], + [ + "çIJ¢", + "磨" + ], + [ + "ç¡®", + "åĪĩ" + ], + [ + "åŁİå¸Ĥ", + "åıijå±ķ" + ], + [ + "çŃ·", + "åŃIJ" + ], + [ + "人æ°ij", + "æľįåĬ¡" + ], + [ + "满", + "åĪĨ" + ], + [ + "è¿·", + "ä¿¡" + ], + [ + "ä½ľèĢħ", + "æľ¬äºº" + ], + [ + "æĸĩ竳", + "æĿ¥æºIJ" + ], + [ + "ç«Ļ", + "ç«ĭ" + ], + [ + "æŀĦ", + "æĪIJäºĨ" + ], + [ + "è¾Ľ", + "åĭ¤" + ], + [ + "è¶ħ", + "强" + ], + [ + "éĶ", + "ļ" + ], + [ + "åīįä¸ī", + "åŃ£åº¦" + ], + [ + "å°±", + "è§īå¾Ĺ" + ], + [ + "å´ĩ", + "é«ĺ" + ], + [ + "è¶Ĭ", + "ä¾Ĩ" + ], + [ + "è¶Ĭä¾Ĩ", + "è¶Ĭ" + ], + [ + "å¸Ĥåľº", + "èIJ¥éĶĢ" + ], + [ + "综åIJĪ", + "ç´łè´¨" + ], + [ + "åŃ", + "ļ" + ], + [ + "ä¾®", + "è¾±" + ], + [ + "äºĮ", + "åŃĹ" + ], + [ + "å·¥ä½ľ", + "ä»»åĬ¡" + ], + [ + "åı²ä¸Ĭ", + "æľĢ" + ], + [ + "æľĢ", + "ä¼ĺ" + ], + [ + "åIJ©", + "åĴIJ" + ], + [ + "表", + "çϽ" + ], + [ + "èİ«", + "åIJį" + ], + [ + "èİ«åIJį", + "åħ¶" + ], + [ + "èİ«åIJįåħ¶", + "å¦Ļ" + ], + [ + "å¹", + "£" + ], + [ + "åIJĮå¿Ĺ", + "们" + ], + [ + "建设", + "çĶ¨åľ°" + ], + [ + "åĦ", + "Ģ" + ], + [ + "éħį", + "åģ¶" + ], + [ + "å¼", + "©" + ], + [ + "åͱ", + "çīĩ" + ], + [ + "æīĭ", + "èĦļ" + ], + [ + "åħ¼", + "ä»»" + ], + [ + "åģľ", + "æĶ¾" + ], + [ + "æŃ£", + "å®Ĺ" + ], + [ + "æĸ°", + "åĨľæĿij" + ], + [ + "åĤ¬", + "çĶŁ" + ], + [ + "æīĢ", + "åŃ¦æł¡" + ], + [ + "念", + "ä½Ľ" + ], + [ + "åͤ", + "éĨĴ" + ], + [ + "åħ±", + "åĪĽ" + ], + [ + "æĭī", + "ä¸ģ" + ], + [ + "èĥĮ", + "çĿĢ" + ], + [ + "çĶŁæĢģ", + "ä¿ĿæĬ¤" + ], + [ + "åı£", + "头" + ], + [ + "æĸ¹åIJij", + "çĽĺ" + ], + [ + "調", + "æķ´" + ], + [ + "æĭĽèģĺ", + "ä¿¡æģ¯" + ], + [ + "åħ¶ä»ĸ", + "åĽ½å®¶" + ], + [ + "ç®Ģ", + "æĺĵ" + ], + [ + "åĮ¿", + "åIJį" + ], + [ + "è¯Ħ", + "æµĭ" + ], + [ + "æĺ¯ä¸Ģ", + "座" + ], + [ + "çīµ", + "æīĭ" + ], + [ + "è¶³", + "迹" + ], + [ + "çIJĨè§£", + "åĴĮ" + ], + [ + "æľĢ", + "åıĹ" + ], + [ + "å¿ĥ", + "è·³" + ], + [ + "çζ", + "親" + ], + [ + "éĿŀ常", + "åĸľæ¬¢" + ], + [ + "èĭ¦", + "éļ¾" + ], + [ + "æĬĢ", + "å¸Ī" + ], + [ + "æ°ij", + "æĦı" + ], + [ + "æĪĺ", + "åĽ½" + ], + [ + "æĽ¿", + "è¡¥" + ], + [ + "æ´¥", + "è´´" + ], + [ + "ä¸ŃåĽ½", + "ä¼łç»Ł" + ], + [ + "åIJĦ", + "è¡Į" + ], + [ + "åIJĦè¡Į", + "åIJĦ" + ], + [ + "åIJĦè¡ĮåIJĦ", + "ä¸ļ" + ], + [ + "第äºĶ", + "å±Ĭ" + ], + [ + "èį·", + "èĬ±" + ], + [ + "æĦı", + "èŃĺ" + ], + [ + "票", + "ä»·" + ], + [ + "åĪĨ", + "æµģ" + ], + [ + "æĿİ", + "çϽ" + ], + [ + "æ±Ł", + "åĮĹ" + ], + [ + "æİĴ", + "æĸ¥" + ], + [ + "ä½ĵ", + "éĩı" + ], + [ + "åĮħåIJ«", + "äºĨ" + ], + [ + "åĪĺ", + "æŁIJ" + ], + [ + "çݰ", + "å¦Ĥä»Ĭ" + ], + [ + "å·¥èīº", + "åĵģ" + ], + [ + "è¿Ļç§į", + "æĸ¹æ³ķ" + ], + [ + "åĬŀåħ¬", + "楼" + ], + [ + "ç͵", + "å·¥" + ], + [ + "çħ", + "Ļ" + ], + [ + "åį¡", + "çīĩ" + ], + [ + "å¹´", + "å¹´åºķ" + ], + [ + "ä¸ĵ项", + "èµĦéĩij" + ], + [ + "åĮ»", + "ç§ij" + ], + [ + "åĮ»ç§ij", + "大åѦ" + ], + [ + "åĽŀ头", + "çľĭ" + ], + [ + "ä¸į", + "å±ij" + ], + [ + "èĩª", + "驾" + ], + [ + "没", + "æĶ¶" + ], + [ + "æīĵ", + "çĮİ" + ], + [ + "èĦ¸", + "éĥ¨" + ], + [ + "åıĥ", + "èĢĥ" + ], + [ + "å°Ĩ", + "士" + ], + [ + "è´«åĽ°", + "人åı£" + ], + [ + "çIJĨæĥ³", + "信念" + ], + [ + "é£İ", + "å°ļ" + ], + [ + "人æīį", + "éĺŁä¼į" + ], + [ + "çij", + "¾" + ], + [ + "æĿ¥", + "è¿ĻéĩĮ" + ], + [ + "æ´Ĺ", + "涤" + ], + [ + "å¹´", + "èĸª" + ], + [ + "èĭį", + "çϽ" + ], + [ + "ä¸ĩ", + "äºĭ" + ], + [ + "课", + "æľ¬" + ], + [ + "åºĵ", + "éĩĮ" + ], + [ + "çī¹", + "æ´¾" + ], + [ + "ç´¾", + "åijĺ" + ], + [ + "èµŀ", + "ç¾İ" + ], + [ + "ç©¿", + "æĪ´" + ], + [ + "製", + "ä½ľ" + ], + [ + "èµŀ", + "æĪIJ" + ], + [ + "ä¸Ģ", + "ä¾§" + ], + [ + "å½ĵåľ°", + "人" + ], + [ + "æĭ", + "İ" + ], + [ + "纸", + "è´¨" + ], + [ + "ä½Ļ", + "个" + ], + [ + "éĶĤ", + "çĶµæ±ł" + ], + [ + "æľº", + "åŀĭ" + ], + [ + "éĻ¢", + "éϢ士" + ], + [ + "åģļ", + "å·¥" + ], + [ + "å¼ł", + "è´´" + ], + [ + "ç¥Ľ", + "æĸij" + ], + [ + "æ®ĸ", + "æ°ij" + ], + [ + "å¥ij", + "约" + ], + [ + "æ¹ĺ", + "æ½Ń" + ], + [ + "æIJ", + "ĸ" + ], + [ + "åŃĺ", + "è´§" + ], + [ + "交éĢļ", + "大åѦ" + ], + [ + "è¶ģ", + "çĿĢ" + ], + [ + "æĸĩçī©", + "ä¿ĿæĬ¤" + ], + [ + "å¤ĩ", + "æĪĺ" + ], + [ + "éĩĩ", + "纳" + ], + [ + "åįĬ", + "æľĪ" + ], + [ + "æľĢ", + "åħ³éĶ®" + ], + [ + "æľĢåħ³éĶ®", + "çļĦ" + ], + [ + "æİ¥", + "éĢģ" + ], + [ + "æĶ¶", + "åī²" + ], + [ + "åıį", + "åĢĴ" + ], + [ + "çĥ", + "Ľ" + ], + [ + "æ", + "½Ķ" + ], + [ + "ä¼Łå¤§", + "å¤įåħ´" + ], + [ + "çļĦè¯Ŀ", + "è¯Ń" + ], + [ + "容", + "å¿į" + ], + [ + "å®ļ", + "éĩı" + ], + [ + "æķ", + "Ĺ" + ], + [ + "åĵģçīĮ", + "形象" + ], + [ + "æīŃ", + "转" + ], + [ + "åĽ½å®¶", + "éĩįçĤ¹" + ], + [ + "èĨĿ", + "çĽĸ" + ], + [ + "ä¸Ģ", + "楼" + ], + [ + "大", + "éϏ" + ], + [ + "éĤª", + "æģ¶" + ], + [ + "åĽŀ", + "åij³" + ], + [ + "çĮ", + "¿" + ], + [ + "çĿ¡", + "åīį" + ], + [ + "æĹł", + "è¾ľ" + ], + [ + "çĹħæ¯Ĵ", + "æĦŁæŁĵ" + ], + [ + "æľºæ¢°", + "åĮĸ" + ], + [ + "çĤ¹", + "亮" + ], + [ + "溶", + "è§£" + ], + [ + "åĩłä¹İ", + "æīĢæľī" + ], + [ + "è·ij", + "éģĵ" + ], + [ + "ç͵è§Ĩ", + "æľº" + ], + [ + "åı", + "¨" + ], + [ + "æijĩ", + "äºĨ" + ], + [ + "æijĩäºĨ", + "æijĩ头" + ], + [ + "èĩª", + "è´Ł" + ], + [ + "综åIJĪ", + "åĪ©ç͍" + ], + [ + "èĩª", + "å¦Ĥ" + ], + [ + "åİŁ", + "ä¾Ĩ" + ], + [ + "ä¹Łä¸į", + "æĥ³" + ], + [ + "èĬĤ", + "课" + ], + [ + "è¿ĩ", + "åī©" + ], + [ + "çͲ", + "çĬ¶" + ], + [ + "çͲçĬ¶", + "èħº" + ], + [ + "æĸ°", + "ä¸ĸ纪" + ], + [ + "èĩªä¸»", + "åĵģçīĮ" + ], + [ + "é«ĺ", + "å±Ĥ次" + ], + [ + "ä¸Ģ", + "è§Ĵ" + ], + [ + "è¡Į", + "äºĭ" + ], + [ + "ç¥ĸ", + "åħĪ" + ], + [ + "å©ļ", + "åIJİ" + ], + [ + "éĹ´", + "éļĻ" + ], + [ + "ç¼Ŀ", + "éļĻ" + ], + [ + "è¿Ļ", + "æĶ¯" + ], + [ + "ä¸įæĸŃ", + "åĪĽæĸ°" + ], + [ + "å¾®", + "åŀĭ" + ], + [ + "æĽĻ", + "åħī" + ], + [ + "享", + "ç͍" + ], + [ + "ä¸ŃåĽ½", + "ç§»åĬ¨" + ], + [ + "éĹŃ", + "çݯ" + ], + [ + "æī§", + "æĦı" + ], + [ + "åıijå±ķ", + "æł¼å±Ģ" + ], + [ + "æł¸å¿ĥ", + "åĮº" + ], + [ + "éªļ", + "æī°" + ], + [ + "åħļåĴĮ", + "åĽ½å®¶" + ], + [ + "ä¸ŃåĽ½", + "æĶ¿åºľ" + ], + [ + "帶", + "èijĹ" + ], + [ + "ä¸ĩåįĥ", + "çĵ¦" + ], + [ + "åħ©", + "人" + ], + [ + "äºİæĺ¯", + "æĪij" + ], + [ + "åĽº", + "ä½ĵ" + ], + [ + "çªģ", + "å¦Ĥ" + ], + [ + "çªģå¦Ĥ", + "åħ¶" + ], + [ + "çªģå¦Ĥåħ¶", + "æĿ¥" + ], + [ + "éĩĮç¨ĭ", + "ç¢ij" + ], + [ + "çα", + "ç¾İ" + ], + [ + "æŁ¥", + "éªĮ" + ], + [ + "åıĮ", + "èµ¢" + ], + [ + "éĹª", + "åħī" + ], + [ + "楼", + "å®ĩ" + ], + [ + "æĻ", + "ı" + ], + [ + "æľī", + "è¶³å¤ŁçļĦ" + ], + [ + "æŁĶ", + "æĢ§" + ], + [ + "ä¿¡æģ¯", + "å®īåħ¨" + ], + [ + "管", + "线" + ], + [ + "å¹¶", + "ä¸įä¼ļ" + ], + [ + "åύ", + "ä»¶" + ], + [ + "ä½ł", + "åºĶ该" + ], + [ + "çĿĢ", + "å®ŀ" + ], + [ + "æĺİ", + "æ¸ħ" + ], + [ + "æĬĹ", + "çĶŁç´ł" + ], + [ + "æīĵ", + "æŃ»" + ], + [ + "å®Įåħ¨", + "ä¸įåIJĮ" + ], + [ + "èĬ±", + "æ¤Ĵ" + ], + [ + "æĶ¾", + "宽" + ], + [ + "ä½İ", + "端" + ], + [ + "åĽĽ", + "èĤ¢" + ], + [ + "åĮĹ京", + "èµĽè½¦" + ], + [ + "éĽĨ", + "å¸Ĥ" + ], + [ + "æľª", + "å©ļ" + ], + [ + "大å¹ħ", + "æıIJåįĩ" + ], + [ + "建çŃij", + "设计" + ], + [ + "çĭ¬", + "æľīçļĦ" + ], + [ + "æİ¢", + "éĻ©" + ], + [ + "æ²³æµģ", + "åŁŁ" + ], + [ + "æħķ", + "容" + ], + [ + "被", + "çĽĹ" + ], + [ + "åĵº", + "ä¹³" + ], + [ + "èı", + "ģ" + ], + [ + "æĥ¬", + "æĦı" + ], + [ + "è¶ĬæĿ¥è¶Ĭ", + "好" + ], + [ + "广大", + "群ä¼Ĺ" + ], + [ + "å¾·", + "èĤ²" + ], + [ + "å¸Ĥåľº", + "ä»·æł¼" + ], + [ + "奥", + "å·´" + ], + [ + "奥巴", + "马" + ], + [ + "èĬĤ缮", + "ä¸Ń" + ], + [ + "两", + "款" + ], + [ + "ä¸ĩä½Ļ", + "åħĥ" + ], + [ + "ç»´", + "å°Ķ" + ], + [ + "çĶŁçī©", + "ç§ijæĬĢ" + ], + [ + "åIJ¬", + "èµ·æĿ¥" + ], + [ + "çł", + "ļ" + ], + [ + "æĭŁ", + "å®ļ" + ], + [ + "æ²¹", + "çͰ" + ], + [ + "声", + "èªī" + ], + [ + "建çŃij", + "ä¸ļ" + ], + [ + "éĻIJ", + "è´Ń" + ], + [ + "çīĩ", + "åŃIJ" + ], + [ + "çķľ", + "禽" + ], + [ + "ç½ij", + "é¦ĸ页" + ], + [ + "ä¼Ĺ", + "çѹ" + ], + [ + "æĴŀ", + "åĩ»" + ], + [ + "åīį", + "ä¸įä¹ħ" + ], + [ + "åīį", + "ä¸ĸ" + ], + [ + "åĽĽä¸ª", + "æĦıè¯Ĩ" + ], + [ + "æµĭ", + "ç»ĺ" + ], + [ + "éĺ²", + "空" + ], + [ + "漫éķ¿", + "çļĦ" + ], + [ + "æ²IJ", + "æµ´" + ], + [ + "æ¯Ķè¾ĥ", + "ç®Ģåįķ" + ], + [ + "æµĭ", + "å®ļ" + ], + [ + "åĽŀ", + "è°ĥ" + ], + [ + "让", + "人们" + ], + [ + "èĴĭ", + "ä»ĭ" + ], + [ + "èĴĭä»ĭ", + "çŁ³" + ], + [ + "ç»ĵ", + "æĻ¶" + ], + [ + "å¢ŀæ·»", + "äºĨ" + ], + [ + "æĿ¡", + "è¯Ħ论" + ], + [ + "åī¯", + "ä¼ļéķ¿" + ], + [ + "ä½ı", + "æīĢ" + ], + [ + "ç»Ļ", + "åĩºäºĨ" + ], + [ + "è°ĥ", + "éħį" + ], + [ + "æ²", + "ĸ" + ], + [ + "æľī", + "ç͍" + ], + [ + "æľīç͍", + "çļĦ" + ], + [ + "ä¸ĢæĿ¡", + "é¾Ļ" + ], + [ + "éĩİ", + "å¤ĸ" + ], + [ + "ç¼ĺ", + "åĪĨ" + ], + [ + "æ°¸è¿ľ", + "ä¸įä¼ļ" + ], + [ + "æŀľ", + "æłij" + ], + [ + "大åıij", + "å¿«ä¸ī" + ], + [ + "麻", + "éĨī" + ], + [ + "äºij", + "éĽĨ" + ], + [ + "åİ»", + "åĵªéĩĮ" + ], + [ + "åħ¥", + "å¸Ĥ" + ], + [ + "ä»»", + "æĢ§" + ], + [ + "建", + "æ¡£" + ], + [ + "建档", + "ç«ĭ" + ], + [ + "建档ç«ĭ", + "åį¡" + ], + [ + "ä¸Ģ", + "棵" + ], + [ + "社", + "åįĢ" + ], + [ + "缸", + "ä¼´" + ], + [ + "åļ", + "·" + ], + [ + "å¡«", + "åħħ" + ], + [ + "ä¸Ģ", + "æĹı" + ], + [ + "ç¾", + "ģ" + ], + [ + "åıĸ", + "è¯ģ" + ], + [ + "èΰ", + "éĺŁ" + ], + [ + "åİĤ", + "åĮº" + ], + [ + "è¡·", + "å¿ĥ" + ], + [ + "åıijå±ķ", + "éĺ¶æ®µ" + ], + [ + "é«ĺ", + "强度" + ], + [ + "åĹĵ", + "åŃIJ" + ], + [ + "é¢Ĩ", + "è¡Ķ" + ], + [ + "楼", + "主" + ], + [ + "大", + "èĴľ" + ], + [ + "æŀķ", + "头" + ], + [ + "ç²®", + "æ²¹" + ], + [ + "é»Ħ", + "çĵľ" + ], + [ + "æĵ", + "Ĵ" + ], + [ + "å°ı", + "çĭĹ" + ], + [ + "æĶ¹éĿ©", + "å§Ķ" + ], + [ + "åįģ", + "åĪĨéĴŁ" + ], + [ + "é²ľ", + "èī³" + ], + [ + "åħ³", + "ç¾½" + ], + [ + "çĭĢ", + "æħĭ" + ], + [ + "å®ŀç͍", + "æĢ§" + ], + [ + "å°ij", + "è§ģ" + ], + [ + "é£ŀ", + "æī¬" + ], + [ + "çͰ", + "éĩİ" + ], + [ + "æIJ", + "Ĥ" + ], + [ + "è¿Ļ个", + "è¯į" + ], + [ + "åºĶæĢ¥", + "é¢Ħæ¡Ī" + ], + [ + "è§Ĵ度", + "æĿ¥çľĭ" + ], + [ + "æķ¬", + "çķı" + ], + [ + "æ³ķ", + "å®Ŀ" + ], + [ + "åĸĦ", + "æĦı" + ], + [ + "æīĵ", + "æĸŃ" + ], + [ + "对", + "åĨ³" + ], + [ + "çµķ", + "å°į" + ], + [ + "åĢŁ", + "æŃ¤" + ], + [ + "å¼Ģ", + "æºIJ" + ], + [ + "å°ı", + "說" + ], + [ + "ç¥", + "º" + ], + [ + "å²ģ", + "以ä¸ĭ" + ], + [ + "éĢĢå½¹", + "åĨĽäºº" + ], + [ + "ä¸įä¹ħ", + "åīį" + ], + [ + "åĩº", + "åİĤ" + ], + [ + "讽", + "åĪº" + ], + [ + "æĿ¥çľĭçľĭ", + "åIJ§" + ], + [ + "éŃĶ", + "åħ½" + ], + [ + "çķĻ", + "ä¸ĭæĿ¥" + ], + [ + "å±ħ", + "室" + ], + [ + "åłħ", + "æĮģ" + ], + [ + "çľĭ", + "äºĨä¸Ģ" + ], + [ + "çľĭäºĨä¸Ģ", + "çľ¼" + ], + [ + "éĽĨåĽ¢", + "æĹĹä¸ĭ" + ], + [ + "æĪĺ", + "æĪĺç»ĦåIJĪ" + ], + [ + "è®¤çľŁ", + "èIJ½å®ŀ" + ], + [ + "汽车", + "产ä¸ļ" + ], + [ + "çī©çIJĨ", + "åѦ" + ], + [ + "æķ", + "µ" + ], + [ + "éĴ", + "Ŀ" + ], + [ + "åĽ¢", + "éķ¿" + ], + [ + "ä¸įæĸŃ", + "æī©å¤§" + ], + [ + "èĤ©", + "è´Ł" + ], + [ + "åıijå±ķ", + "缮æłĩ" + ], + [ + "è³ĩ", + "éĩij" + ], + [ + "åīį", + "ç½®" + ], + [ + "ä¸ŃåĽ½", + "åı¤ä»£" + ], + [ + "æŃ»", + "åĪij" + ], + [ + "åħħåĪĨ", + "ä½ĵçݰ" + ], + [ + "åħ³", + "éŨ" + ], + [ + "ç¾İ", + "æĦŁ" + ], + [ + "æīĵ", + "åħ¥" + ], + [ + "æĬijéĥģ", + "çĹĩ" + ], + [ + "å°ij", + "çĪ·" + ], + [ + "æłij", + "æŀĿ" + ], + [ + "æ¶Īæģ¯", + "ç§°" + ], + [ + "æ´Ľ", + "åħĭ" + ], + [ + "åį", + "¯" + ], + [ + "è¿Ī", + "åIJij" + ], + [ + "æİ¨", + "åĭķ" + ], + [ + "ä»İä¸ļ", + "èĢħ" + ], + [ + "åİ»", + "ä¹°" + ], + [ + "欢", + "å¿«" + ], + [ + "æĭ¥", + "æĮ¤" + ], + [ + "马", + "æ¡¶" + ], + [ + "æĬĬ", + "æİ§" + ], + [ + "æĶ¿", + "åħļ" + ], + [ + "å¼ł", + "æī¬" + ], + [ + "客", + "æłĪ" + ], + [ + "红", + "æĺŁ" + ], + [ + "éĢģ", + "æĿ¥" + ], + [ + "åħ¨åŁŁ", + "æĹħ游" + ], + [ + "èĩª", + "ç§ģ" + ], + [ + "åįģäºĮ", + "æĿ¡" + ], + [ + "åı¹", + "æģ¯" + ], + [ + "ä¸Ģ", + "èīĺ" + ], + [ + "ä¿Ŀ", + "è´¹" + ], + [ + "æĸ½å·¥", + "çİ°åľº" + ], + [ + "æľī", + "幸" + ], + [ + "ç»Ń", + "èĪª" + ], + [ + "åı¯èĥ½", + "æľĥ" + ], + [ + "èĥĮ", + "åıĽ" + ], + [ + "ä½£", + "éĩij" + ], + [ + "ä¸ī", + "çŃīå¥ĸ" + ], + [ + "å¾Ī", + "满æĦı" + ], + [ + "游æĪı", + "åľ¬" + ], + [ + "群", + "éĩĮ" + ], + [ + "æŀĦ", + "ä»¶" + ], + [ + "åºı", + "å¹ķ" + ], + [ + "太", + "æ¹ĸ" + ], + [ + "æľ¨", + "è´¨" + ], + [ + "æĻĭ", + "æ±Ł" + ], + [ + "çµĤ", + "æĸ¼" + ], + [ + "è·³", + "è·ĥ" + ], + [ + "åĢºæĿĥ", + "人" + ], + [ + "çŃī", + "诸å¤ļ" + ], + [ + "æĶ¾", + "åĩº" + ], + [ + "åħ³éĶ®", + "æĹ¶åĪ»" + ], + [ + "æĦŁæŁĵ", + "èĢħ" + ], + [ + "é£ŀè¡Į", + "åijĺ" + ], + [ + "èĥĨ", + "åĽº" + ], + [ + "èĥĨåĽº", + "éĨĩ" + ], + [ + "æĬ±", + "æŃī" + ], + [ + "åij¨", + "äºĮ" + ], + [ + "æĸ°", + "æĹ¶æľŁ" + ], + [ + "åĨ·éĵ¾", + "çµģ" + ], + [ + "è¿Ļç§į", + "æĸ¹å¼ı" + ], + [ + "该", + "æĿij" + ], + [ + "åĽŀ", + "é¦Ī" + ], + [ + "åŁºçĿ£", + "æķĻ" + ], + [ + "人", + "åıĤ" + ], + [ + "æŀ¯", + "çĩ¥" + ], + [ + "æī¹åıij", + "å¸Ĥåľº" + ], + [ + "åħħåĪĨ", + "èĤ¯å®ļ" + ], + [ + "å¸Ĥ", + "æĶ¿åįı" + ], + [ + "äºĭ", + "æ¥Ń" + ], + [ + "龸", + "çİĭ" + ], + [ + "çĥŃ", + "æIJľ" + ], + [ + "åįģä¹Ŀ", + "大" + ], + [ + "ä¼´", + "æľī" + ], + [ + "ç¾İåĽ½", + "æĢ»ç»Ł" + ], + [ + "åŁİå¸Ĥ", + "管çIJĨ" + ], + [ + "ä¸ĭ", + "令" + ], + [ + "èĥ¸", + "åı£" + ], + [ + "åıª", + "çŁ¥éģĵ" + ], + [ + "åij¨", + "ä¸ī" + ], + [ + "ç͍", + "æĪ¶" + ], + [ + "éŃ", + "¯" + ], + [ + "å¿ĥ", + "è¡Ģ" + ], + [ + "带头", + "人" + ], + [ + "åĮ»", + "åĬ¡" + ], + [ + "åĮ»åĬ¡", + "人åijĺ" + ], + [ + "æİ§åζ", + "åύ" + ], + [ + "ä½ľåĵģ", + "åĨħ容" + ], + [ + "æĪĺ", + "åıĭ" + ], + [ + "åİĨ", + "å¹´" + ], + [ + "ä¸į", + "åħĭ" + ], + [ + "ä¸įåħĭ", + "ä¸įåıĬ" + ], + [ + "æĹ¥", + "æŃ£å¼ı" + ], + [ + "è±IJ", + "å¯Į" + ], + [ + "ç¨İ", + "è´¹" + ], + [ + "æĹ¶", + "æķĪ" + ], + [ + "å±ķ", + "ä½į" + ], + [ + "è¡¡", + "éĺ³" + ], + [ + "æĪ¿", + "貸" + ], + [ + "çĪĨ", + "款" + ], + [ + "ä¹IJ", + "æĦı" + ], + [ + "çĶ·", + "主" + ], + [ + "å¯", + "¬" + ], + [ + "æľĥ", + "èѰ" + ], + [ + "ä¹ĭ", + "å¤ľ" + ], + [ + "åIJĮ", + "樣" + ], + [ + "ä¸įè¦ģ", + "太" + ], + [ + "ä¼Ĭ", + "æĸ¯" + ], + [ + "ä¼Ĭæĸ¯", + "åħ°" + ], + [ + "åŁºæľ¬", + "åİŁåĪĻ" + ], + [ + "åİ»", + "æİī" + ], + [ + "ä½İ", + "ä¿Ŀ" + ], + [ + "个", + "交æĺĵ" + ], + [ + "个交æĺĵ", + "æĹ¥" + ], + [ + "èģĬ", + "èģĬ" + ], + [ + "åĽĽ", + "ä½į" + ], + [ + "åħļç»Ħ", + "æĪIJåijĺ" + ], + [ + "主è¦ģ", + "ä»İäºĭ" + ], + [ + "å½±", + "éŁ³" + ], + [ + "åĨĴ", + "åĩº" + ], + [ + "åij¼åIJ¸", + "éģĵ" + ], + [ + "è¾¾", + "å°Ķ" + ], + [ + "æľ¨", + "åľ°æĿ¿" + ], + [ + "诡", + "å¼Ĥ" + ], + [ + "çģ¯", + "åħ·" + ], + [ + "çģ«", + "çĥ§" + ], + [ + "è§£", + "èĦ±" + ], + [ + "æĦĪ", + "åıij" + ], + [ + "æ¹ĸ", + "å·ŀ" + ], + [ + "é£İ", + "ä¿Ĺ" + ], + [ + "æĸ°", + "å½¢åĬ¿" + ], + [ + "æĸ°å½¢åĬ¿", + "ä¸ĭ" + ], + [ + "è²", + "Ŀ" + ], + [ + "èĦ", + "ĵ" + ], + [ + "åĬ¨åĬĽ", + "çĶµæ±ł" + ], + [ + "é£ŀ", + "èι" + ], + [ + "飧", + "æĢ§" + ], + [ + "åĪ©", + "çī©" + ], + [ + "åĪ©çī©", + "浦" + ], + [ + "ä¸į", + "认è¯Ĩ" + ], + [ + "ç¼ĸ", + "ç»ĩ" + ], + [ + "ä½ľ", + "åĿĬ" + ], + [ + "èģĮä¸ļ", + "æĬĢèĥ½" + ], + [ + "çľĭ", + "è¦ĭ" + ], + [ + "åĽ´", + "æ£ĭ" + ], + [ + "æĺı", + "è¿·" + ], + [ + "å½Ĵ", + "å±ŀäºİ" + ], + [ + "æĤ¬", + "å´ĸ" + ], + [ + "éĨ«", + "çĻĤ" + ], + [ + "å®ĭ", + "代" + ], + [ + "åºĦ", + "æĿij" + ], + [ + "èĹ", + "ķ" + ], + [ + "çĮĽ", + "çĦ¶" + ], + [ + "çĩĥæĸĻ", + "çĶµæ±ł" + ], + [ + "å®ŀä½ĵ", + "åºĹ" + ], + [ + "ä¸įè¶³", + "以" + ], + [ + "æĥħ", + "ç·" + ], + [ + "æĥħç·", + "Ĵ" + ], + [ + "å»Ĭ", + "åĿĬ" + ], + [ + "ç͵", + "åı°" + ], + [ + "åºĶ", + "åĬĽ" + ], + [ + "ä¸Ńå°ı", + "åѦçĶŁ" + ], + [ + "èĥ¡", + "åIJĮ" + ], + [ + "éī´", + "åĪ«" + ], + [ + "åĨħ", + "ç½®" + ], + [ + "ä¹±", + "象" + ], + [ + "æ¬Ĭ", + "çĽĬ" + ], + [ + "å¼ĢæĶ¾", + "å¼ı" + ], + [ + "åįļ", + "æĸĩ" + ], + [ + "讲", + "课" + ], + [ + "çŃī", + "åİŁåĽł" + ], + [ + "ç©·", + "人" + ], + [ + "交", + "æĽ¿" + ], + [ + "æĬ¤", + "çħ§" + ], + [ + "åıijå±ķ", + "æľºéģĩ" + ], + [ + "客", + "åķĨ" + ], + [ + "åıį", + "ä¹ĭ" + ], + [ + "ç±³", + "é¥Ń" + ], + [ + "å¹¶", + "åıij" + ], + [ + "å¹¶åıij", + "çĹĩ" + ], + [ + "æ±ī", + "åŃIJ" + ], + [ + "æŀľ", + "åĽŃ" + ], + [ + "对æĪij", + "æĿ¥è¯´" + ], + [ + "åģı", + "åIJij" + ], + [ + "æī¹", + "示" + ], + [ + "读", + "åIJİ" + ], + [ + "读åIJİ", + "æĦŁ" + ], + [ + "æĺİ", + "æĻº" + ], + [ + "åĽ´", + "çĿĢ" + ], + [ + "åıį", + "转" + ], + [ + "æĿ¨", + "å¹Ĥ" + ], + [ + "ä¸ĵ", + "åįĸ" + ], + [ + "ä¸ĵåįĸ", + "åºĹ" + ], + [ + "åıĹ", + "éĻIJ" + ], + [ + "åºŁ", + "è¯Ŀ" + ], + [ + "æŀģ", + "å°ij" + ], + [ + "åįĪ", + "åIJİ" + ], + [ + "è¿Ľ", + "ä¿®" + ], + [ + "åīĬ", + "åĩı" + ], + [ + "æľ¬ç§ij", + "çĶŁ" + ], + [ + "ä¼ĺ", + "éĢī" + ], + [ + "åħī", + "çħ§" + ], + [ + "åıĻ", + "äºĭ" + ], + [ + "åıĸ", + "æļĸ" + ], + [ + "åĮĹ", + "è·¯" + ], + [ + "æ¦", + "ķ" + ], + [ + "èİĨ", + "çͰ" + ], + [ + "楼", + "å±Ĥ" + ], + [ + "天", + "èĬ±" + ], + [ + "天èĬ±", + "æĿ¿" + ], + [ + "çĤ", + "ľ" + ], + [ + "å·²ç»ı", + "æľīäºĨ" + ], + [ + "è¶", + "¾" + ], + [ + "çͳ", + "åįļ" + ], + [ + "ç͵", + "éĺ»" + ], + [ + "åĬŁ", + "课" + ], + [ + "æŃ¥", + "æŃ¥" + ], + [ + "éĤ£ä¹Ī", + "容æĺĵ" + ], + [ + "æŃ¤", + "æĸĩ" + ], + [ + "ä½", + "°" + ], + [ + "计", + "è¾ĥ" + ], + [ + "çīĩ", + "éĿ¢" + ], + [ + "ç͵影", + "éĻ¢" + ], + [ + "ä¸į", + "åħ¬å¹³" + ], + [ + "ä¸ī", + "æľŁ" + ], + [ + "æĹħ游", + "èµĦæºIJ" + ], + [ + "å¤ļç§į", + "å½¢å¼ı" + ], + [ + "è£Ĥ", + "ç¼Ŀ" + ], + [ + "åIJİ", + "æİĴ" + ], + [ + "硬", + "度" + ], + [ + "åĽŀ", + "æļĸ" + ], + [ + "éģĵ", + "æķĻ" + ], + [ + "è´«", + "è¡Ģ" + ], + [ + "æ¸ħ", + "é¦Ļ" + ], + [ + "伤", + "çĹħ" + ], + [ + "æĦı", + "義" + ], + [ + "çļĦ", + "ç¼ĺ" + ], + [ + "çļĦç¼ĺ", + "æķħ" + ], + [ + "åºĦ", + "严" + ], + [ + "åıªæĺ¯", + "为äºĨ" + ], + [ + "æīĵ", + "æĬĺ" + ], + [ + "以", + "ä¾Ĩ" + ], + [ + "滿", + "è¶³" + ], + [ + "çİĽ", + "丽" + ], + [ + "風", + "éļª" + ], + [ + "æĸĩ", + "ç§ij" + ], + [ + "éħįå¤ĩ", + "äºĨ" + ], + [ + "è¿Ľ", + "é£Ł" + ], + [ + "æ¶", + "¡" + ], + [ + "è·¯", + "ç¨ĭ" + ], + [ + "åı«", + "声" + ], + [ + "ä¸Ńå¿ĥ", + "åŁİåĮº" + ], + [ + "æľīæīĢ", + "ä¸įåIJĮ" + ], + [ + "å¼µ", + "è²¼" + ], + [ + "é¢Ħ", + "æĬ¥" + ], + [ + "æľīå¤ļ", + "ä¹Ī" + ], + [ + "è¿Ľè¡Į", + "åħ¨éĿ¢" + ], + [ + "æĽ¾", + "ç¶ĵ" + ], + [ + "ä¸ī", + "代" + ], + [ + "å®ı", + "大" + ], + [ + "æ¸ħ", + "æī«" + ], + [ + "éĢī", + "åĩº" + ], + [ + "åĵª", + "ä¸Ģ个" + ], + [ + "主", + "義" + ], + [ + "ä¾Ŀ", + "æĵļ" + ], + [ + "çļ®", + "éĿ©" + ], + [ + "èµ¶", + "æĿ¥" + ], + [ + "çŃĽ", + "æŁ¥" + ], + [ + "æ¨", + "Ł" + ], + [ + "ä¿Ŀ", + "èįIJ" + ], + [ + "åIJĥ", + "æĥĬ" + ], + [ + "æľĭåıĭ们", + "对" + ], + [ + "ä»ĸ", + "æĺ¯ä¸Ģ个" + ], + [ + "åºŁ", + "æ°Ķ" + ], + [ + "æ»", + "ħ" + ], + [ + "è´¢", + "ç¨İ" + ], + [ + "æĿij", + "æĿijæ°ij" + ], + [ + "èµĦ产", + "è´ŁåĢº" + ], + [ + "å®ī", + "å¨ľ" + ], + [ + "缮åīį", + "åĽ½åĨħ" + ], + [ + "æĦŁè§ī", + "èĩªå·±" + ], + [ + "çµIJ", + "åIJĪ" + ], + [ + "éͦ", + "æłĩ" + ], + [ + "éͦæłĩ", + "èµĽ" + ], + [ + "æĽ´", + "æ·±" + ], + [ + "åŁº", + "æķ°" + ], + [ + "éħ¿", + "éħĴ" + ], + [ + "çī¹èī²", + "产ä¸ļ" + ], + [ + "åİĭ", + "å®ŀ" + ], + [ + "ä¾Ŀæ³ķ", + "追究" + ], + [ + "æ·¡", + "å®ļ" + ], + [ + "ç®Ģ缴", + "å°±æĺ¯" + ], + [ + "å£ĵ", + "åĬĽ" + ], + [ + "æ°ij", + "å¿ĥ" + ], + [ + "ä¸į", + "åIJĪéĢĤ" + ], + [ + "çͱæŃ¤", + "åı¯è§ģ" + ], + [ + "èµŀ", + "èªī" + ], + [ + "æ¾", + "¤" + ], + [ + "åĩłå¹´", + "åīį" + ], + [ + "åIJī", + "ä»ĸ" + ], + [ + "çł´", + "æįŁ" + ], + [ + "轻轻", + "åľ°" + ], + [ + "å²Ľ", + "屿" + ], + [ + "æĦı", + "å¢ĥ" + ], + [ + "ä»Ģä¹Ī", + "åı«" + ], + [ + "åģĩ", + "è£ħ" + ], + [ + "éĢģ", + "è´§" + ], + [ + "å¹ķ", + "å¢Ļ" + ], + [ + "妥", + "åįı" + ], + [ + "åĽ½", + "æĹĹ" + ], + [ + "äºĨ", + "å¾Īä¹ħ" + ], + [ + "åĪĨ辨", + "çİĩ" + ], + [ + "ç´", + "Ķ" + ], + [ + "éĺ³", + "åĮº" + ], + [ + "åĩŃ", + "çĿĢ" + ], + [ + "åģľè½¦", + "ä½į" + ], + [ + "京", + "éĥ½" + ], + [ + "éĶ", + "£" + ], + [ + "æĵ", + "¾" + ], + [ + "è¿Ľ", + "éŨ" + ], + [ + "åĪĺ", + "æµ·" + ], + [ + "åĽĽ", + "级" + ], + [ + "女", + "è¶³" + ], + [ + "è¡ĮæĶ¿", + "审æī¹" + ], + [ + "éģ¥", + "æİ§" + ], + [ + "ä¸į", + "éĮ¯" + ], + [ + "å¾Ĺ", + "å¾Ī好" + ], + [ + "为", + "缮çļĦ" + ], + [ + "ä»į", + "æľª" + ], + [ + "ç²¾", + "è£ħ" + ], + [ + "éĢį", + "éģ¥" + ], + [ + "å°½", + "头" + ], + [ + "çºł", + "ç¼ł" + ], + [ + "éłĺ", + "å°İ" + ], + [ + "æĭħ", + "è´Ł" + ], + [ + "æĪĸèĢħ", + "åħ¶ä»ĸ" + ], + [ + "åıªä¸įè¿ĩ", + "æĺ¯" + ], + [ + "åı®", + "åĺ±" + ], + [ + "åģĩ", + "åĨĴ" + ], + [ + "æļĸ", + "æ°Ķ" + ], + [ + "çĽIJ", + "åŁİ" + ], + [ + "被", + "è§Ĩ为" + ], + [ + "诺", + "è´Ŀå°Ķ" + ], + [ + "ç»ĻäºĨ", + "æĪij" + ], + [ + "è¿ij", + "åįĥ" + ], + [ + "éĩį", + "åĽŀ" + ], + [ + "éĨĴ", + "äºĨ" + ], + [ + "ç͵", + "è§£" + ], + [ + "忽çķ¥", + "äºĨ" + ], + [ + "èĥĮ", + "éĥ¨" + ], + [ + "æĸĩæĺİ", + "åŁİå¸Ĥ" + ], + [ + "æº", + "ħ" + ], + [ + "è²", + "ĵ" + ], + [ + "æĬµ", + "æĮ¡" + ], + [ + "åĸľæ¬¢", + "åIJĥ" + ], + [ + "éĿĻéĿĻ", + "åľ°" + ], + [ + "å¾Ī", + "æ·±" + ], + [ + "åŁºç¡Ģ", + "çŁ¥è¯Ĩ" + ], + [ + "è¿ĩ", + "éĶĻ" + ], + [ + "çIJĨ", + "ç§ij" + ], + [ + "交æµģ", + "åIJĪä½ľ" + ], + [ + "èĪ", + "Ķ" + ], + [ + "調", + "æŁ¥" + ], + [ + "æħĪ", + "æĤ²" + ], + [ + "éĴ", + "°" + ], + [ + "èĩ´", + "ç͵" + ], + [ + "å®£ä¼ł", + "æ´»åĬ¨" + ], + [ + "åıĺ", + "éĩı" + ], + [ + "çļĦ人", + "æĿ¥è¯´" + ], + [ + "æĹ¶", + "éļĶ" + ], + [ + "ä¸į管", + "ä½ł" + ], + [ + "缸", + "è¿ij" + ], + [ + "è´µ", + "éĩijå±ŀ" + ], + [ + "ä¹Łä¸į", + "åı¯èĥ½" + ], + [ + "ç²ī", + "æľ«" + ], + [ + "åįĹ", + "çĵľ" + ], + [ + "çϽ", + "马" + ], + [ + "åħī", + "æºIJ" + ], + [ + "éĩij", + "å¥ĸ" + ], + [ + "çĭ¬", + "è§Ĵ" + ], + [ + "çĭ¬è§Ĵ", + "åħ½" + ], + [ + "妨", + "ç¢į" + ], + [ + "ç»Ļ", + "åĬĽ" + ], + [ + "ä½Ĩ", + "ä»į" + ], + [ + "å¼łå®¶", + "åı£" + ], + [ + "èIJ¬", + "åħĥ" + ], + [ + "渲", + "æŁĵ" + ], + [ + "éķ¿å¤§", + "äºĨ" + ], + [ + "è®°èĢħ", + "äºĨè§£" + ], + [ + "æĢĢ", + "çĿĢ" + ], + [ + "è¦ģ", + "åѦä¼ļ" + ], + [ + "游æĪı", + "代" + ], + [ + "游æĪı代", + "ç»ĥ" + ], + [ + "äºĮ", + "çϾ" + ], + [ + "æĦıè¯Ĩ", + "å½¢æĢģ" + ], + [ + "çİ", + "º" + ], + [ + "计åĪĴ", + "çĶŁèĤ²" + ], + [ + "æī¾", + "åĩĨ" + ], + [ + "åħ°", + "èĬ±" + ], + [ + "è¿Ļ座", + "åŁİå¸Ĥ" + ], + [ + "污", + "æ³¥" + ], + [ + "å®ĺæĸ¹", + "微信" + ], + [ + "å½Ĵ", + "å±ŀ" + ], + [ + "æ°§", + "æ°Ķ" + ], + [ + "éģİç¨ĭ", + "ä¸Ń" + ], + [ + "åį°è±¡", + "æ·±åĪ»" + ], + [ + "稳", + "妥" + ], + [ + "çµIJ", + "æĿŁ" + ], + [ + "åŃķ", + "æľŁ" + ], + [ + "çī¹", + "æĿĥ" + ], + [ + "åĿļ", + "åĽº" + ], + [ + "顺", + "åĬ¿" + ], + [ + "æŀľ", + "èͬ" + ], + [ + "éĨ«", + "師" + ], + [ + "åİ", + "®" + ], + [ + "ä¹Łæĺ¯", + "å¦ĤæŃ¤" + ], + [ + "é¦Ĵ", + "头" + ], + [ + "缸", + "åĬ©" + ], + [ + "å¹²", + "线" + ], + [ + "ä¸Ģ", + "æľ¬ä¹¦" + ], + [ + "ç»", + "¥" + ], + [ + "æĮ¯", + "å¥ĭ" + ], + [ + "èĤ¾", + "èĦı" + ], + [ + "åĭķ", + "çī©" + ], + [ + "é£ŀ", + "è·ĥ" + ], + [ + "èıľ", + "åĵģ" + ], + [ + "å¤ļ", + "ä½Ļ" + ], + [ + "å¤ļä½Ļ", + "çļĦ" + ], + [ + "éĢĿ", + "ä¸ĸ" + ], + [ + "æģĭ", + "人" + ], + [ + "å¼Ģåıij", + "åĪ©ç͍" + ], + [ + "顺", + "丰" + ], + [ + "éĩİ", + "å¿ĥ" + ], + [ + "æł¡", + "å¤ĸ" + ], + [ + "æģIJ", + "é¾Ļ" + ], + [ + "éĿ¢", + "åħ·" + ], + [ + "éķ¿", + "è¾Ī" + ], + [ + "éļı", + "å¤Ħ" + ], + [ + "éļıå¤Ħ", + "åı¯è§ģ" + ], + [ + "ç´§", + "缺" + ], + [ + "éĩį", + "ä¸Ń" + ], + [ + "éĩįä¸Ń", + "ä¹ĭ" + ], + [ + "éĩįä¸Ńä¹ĭ", + "éĩį" + ], + [ + "奥", + "æĸ¯" + ], + [ + "奥æĸ¯", + "åį¡" + ], + [ + "ä¸Ģ个", + "å¤ļ" + ], + [ + "ä¸Ģ个å¤ļ", + "æľĪ" + ], + [ + "ä¸įåı¯", + "缺å°ij" + ], + [ + "æĸ°", + "æł¼å±Ģ" + ], + [ + "æıIJ", + "æĮ¯" + ], + [ + "è¡Į", + "è´¿" + ], + [ + "æ¼Ĥ", + "æµģ" + ], + [ + "èģĬ", + "åŁİ" + ], + [ + "åħ´", + "建" + ], + [ + "è´¨", + "æ£Ģ" + ], + [ + "ç§ģæľį", + "游æĪı" + ], + [ + "æĽ´", + "éĩįè¦ģ" + ], + [ + "è´", + "®" + ], + [ + "çħ", + "ľ" + ], + [ + "转åıĺ", + "为" + ], + [ + "è¿Ļ", + "两年" + ], + [ + "ä¿Ŀ", + "é²ľ" + ], + [ + "æī§", + "æķĻ" + ], + [ + "çĥ", + "¨" + ], + [ + "å¼Ģåıij", + "建设" + ], + [ + "è¿IJèIJ¥", + "管çIJĨ" + ], + [ + "误", + "å·®" + ], + [ + "京", + "åī§" + ], + [ + "å¸IJ", + "åı·" + ], + [ + "å·¥ä½ľ", + "ä½ľé£İ" + ], + [ + "ä¸ĸ", + "ä¿Ĺ" + ], + [ + "çϽ", + "宫" + ], + [ + "天", + "åĽ½" + ], + [ + "å¤©åĽ½", + "ç»§ç»Ń" + ], + [ + "å·´", + "æĸ¯" + ], + [ + "èIJ¥", + "åĪ©" + ], + [ + "åĵģ", + "æł¼" + ], + [ + "æĿijæ°ij", + "们" + ], + [ + "æĪ¿", + "车" + ], + [ + "çŃī", + "çĹĩçĬ¶" + ], + [ + "å¦Ĥ", + "å®ŀ" + ], + [ + "å®", + "¸" + ], + [ + "å±Ĥ", + "级" + ], + [ + "éĶĻ", + "è¿ĩäºĨ" + ], + [ + "ç»ĵ", + "å®ŀ" + ], + [ + "ç¬ij", + "èĦ¸" + ], + [ + "羣å®ŀ", + "æĢ§" + ], + [ + "éĥ½å¸Ĥ", + "æĬ¥" + ], + [ + "é¥Ń", + "èıľ" + ], + [ + "åºĶ", + "注æĦı" + ], + [ + "æĬ½", + "çĥŁ" + ], + [ + "伪", + "éĢł" + ], + [ + "åīį", + "ä¸Ģ天" + ], + [ + "éŃĶ", + "é¾Ļ" + ], + [ + "éŃĶé¾Ļ", + "令çīĮ" + ], + [ + "约", + "è°Ī" + ], + [ + "绣çѹ", + "æİ¨è¿Ľ" + ], + [ + "让", + "ç͍æĪ·" + ], + [ + "åħ¨éĿ¢", + "èIJ½å®ŀ" + ], + [ + "å¼Ħ", + "å¾Ĺ" + ], + [ + "è°Ī", + "æģĭçα" + ], + [ + "鸣", + "æĪIJéķ¿" + ], + [ + "鸣æĪIJéķ¿", + "è®°" + ], + [ + "æ´ĭ", + "æ´ĭ" + ], + [ + "çĸı", + "æķ£" + ], + [ + "éĿ¢ç§¯", + "约" + ], + [ + "æµĵ", + "缩" + ], + [ + "æĸ¯", + "é¡¿" + ], + [ + "çĶŁæĢģ", + "åľĪ" + ], + [ + "æī§", + "导" + ], + [ + "ç§»", + "éĢģ" + ], + [ + "齿", + "è½®" + ], + [ + "æł¹æľ¬", + "å°±ä¸į" + ], + [ + "缩", + "åĩı" + ], + [ + "èµ°", + "ä¸ĭåİ»" + ], + [ + "çĿ«", + "æ¯Ľ" + ], + [ + "ä¹Łä¸į", + "éĶĻ" + ], + [ + "åıįæĺł", + "åĩº" + ], + [ + "èĭ¦", + "æģ¼" + ], + [ + "缸åħ³", + "æĶ¿çŃĸ" + ], + [ + "é«ĺ", + "楼" + ], + [ + "ç²ī", + "èī²" + ], + [ + "æĬķèµĦ", + "é¢Ŀ" + ], + [ + "ä¸į", + "ç»ı" + ], + [ + "ä¸įç»ı", + "æĦı" + ], + [ + "å®ģ", + "æĦ¿" + ], + [ + "èĪĮ", + "头" + ], + [ + "æ»ĭ", + "çĶŁ" + ], + [ + "å®ģ", + "åİ¿" + ], + [ + "åīįåĪĹ", + "èħº" + ], + [ + "åĩ", + "³" + ], + [ + "é£Ł", + "欲" + ], + [ + "åıĸ", + "èĥľ" + ], + [ + "éĻ¢", + "åŃIJ" + ], + [ + "ç´łè´¨", + "æķĻèĤ²" + ], + [ + "滨", + "å·ŀ" + ], + [ + "æĬ¢", + "æĬĵ" + ], + [ + "å¼Ĥ", + "åij³" + ], + [ + "åĴ", + "ļ" + ], + [ + "åĬ", + "į" + ], + [ + "宽", + "éĺĶ" + ], + [ + "æļ´", + "涨" + ], + [ + "æĥł", + "åıĬ" + ], + [ + "è§Ħ", + "ç¨ĭ" + ], + [ + "ä¾Ľ", + "åħ»" + ], + [ + "éĢģ", + "å¾Ģ" + ], + [ + "å±±", + "åºĦ" + ], + [ + "举", + "äºļ" + ], + [ + "å±ķ", + "é¦Ĩ" + ], + [ + "è§£", + "éĶģ" + ], + [ + "æĹł", + "è§Ĩ" + ], + [ + "éĻį", + "èIJ½" + ], + [ + "è¿ŀ", + "äºij" + ], + [ + "è¿ŀäºij", + "港" + ], + [ + "åıĤ", + "è°ĭ" + ], + [ + "çİ", + "ĸ" + ], + [ + "ç¬", + "ĥ" + ], + [ + "èĢĹ", + "è´¹" + ], + [ + "æī¿", + "å¾·" + ], + [ + "社ä¼ļ", + "æķĪçĽĬ" + ], + [ + "åįĹæµ·", + "ç½ij" + ], + [ + "åĪĽ", + "伤" + ], + [ + "èIJ", + "±" + ], + [ + "åħħ", + "æ²Ľ" + ], + [ + "ç½ijç«Ļ", + "建设" + ], + [ + "大", + "åºĨ" + ], + [ + "åĨį", + "éĢł" + ], + [ + "åŃĹ", + "æł·" + ], + [ + "åħ¨æ°ij", + "åģ¥èº«" + ], + [ + "èĮ«", + "èĮ«" + ], + [ + "æµ®", + "åĬ¨" + ], + [ + "åīį", + "åı°" + ], + [ + "å¢ŀ", + "设" + ], + [ + "éĢĽ", + "è¡Ĺ" + ], + [ + "åĢĴ", + "éĹŃ" + ], + [ + "æ³ķå¾ĭ", + "顾éĹ®" + ], + [ + "çĸ", + "®" + ], + [ + "çĹħ", + "çĹĩ" + ], + [ + "空", + "åīį" + ], + [ + "请", + "æķĻ" + ], + [ + "èĥľ", + "ä»»" + ], + [ + "æĿĢ", + "èıĮ" + ], + [ + "æĪĺæĸĹ", + "æľº" + ], + [ + "ç»ĺ", + "åζ" + ], + [ + "å¤Ħ", + "æĸ¹" + ], + [ + "çªģ", + "åĽ´" + ], + [ + "çĮ«", + "åĴª" + ], + [ + "æĬ¥åijĬ", + "æĺ¾ç¤º" + ], + [ + "ç¿", + "Ł" + ], + [ + "çķ¶", + "åľ°" + ], + [ + "æľĢ", + "éļ¾" + ], + [ + "纪", + "å§Ķ书记" + ], + [ + "ä½İ", + "åİĭ" + ], + [ + "èĻļ", + "空" + ], + [ + "è¿Ļéĥ¨", + "ç͵影" + ], + [ + "产ä¸ļ", + "åįĩ级" + ], + [ + "è°·", + "çα" + ], + [ + "è°·çα", + "åĩĮ" + ], + [ + "æĬ¼", + "éĩij" + ], + [ + "女", + "æĸ¹" + ], + [ + "éĴ»", + "çłĶ" + ], + [ + "æļĹ", + "æļĹ" + ], + [ + "è¿·", + "ä½ł" + ], + [ + "æīĢ", + "è¬Ĥ" + ], + [ + "å¨ģ", + "å»ī" + ], + [ + "å¼Ģ", + "æľĹ" + ], + [ + "å²", + "Ķ" + ], + [ + "çģ«", + "çĤ¬" + ], + [ + "åIJĪçIJĨ", + "æĢ§" + ], + [ + "åħ¬", + "åĬŀ" + ], + [ + "ä¼ļ", + "ä¼ļéķ¿" + ], + [ + "éĺ´", + "è°ĭ" + ], + [ + "å¼Ģ", + "å±Ģ" + ], + [ + "æĻ®éĢļ", + "è¯Ŀ" + ], + [ + "åį¡", + "æĭī" + ], + [ + "å°ij", + "åIJĥ" + ], + [ + "éĹª", + "èĢĢ" + ], + [ + "æŀľ", + "æ±ģ" + ], + [ + "æī§è¡Į", + "åĬĽ" + ], + [ + "è°", + "Ľ" + ], + [ + "æĬ¢", + "åĬ«" + ], + [ + "é«ĺéĢŁ", + "åıijå±ķ" + ], + [ + "éŁ", + "¬" + ], + [ + "åįĹ", + "æ²Ļ" + ], + [ + "é«ĺçŃī", + "åŃ¦æł¡" + ], + [ + "æį¢", + "个" + ], + [ + "åı¯èĥ½", + "åŃĺåľ¨" + ], + [ + "æĬ", + "Ĵ" + ], + [ + "è°±", + "åĨĻ" + ], + [ + "被", + "æĬĵ" + ], + [ + "æĿ¯", + "åŃIJ" + ], + [ + "èĬĤèĥ½", + "åĩıæİĴ" + ], + [ + "æ°ĶåĢĻ", + "åıĺåĮĸ" + ], + [ + "åĪĨ", + "åĪ¥" + ], + [ + "ä¸Ń", + "æŀ¢" + ], + [ + "欢", + "åij¼" + ], + [ + "åħī", + "纤" + ], + [ + "è¿Ļ", + "群" + ], + [ + "çľ¼", + "çķĮ" + ], + [ + "åħ±åIJĮ", + "åıijå±ķ" + ], + [ + "çݰ", + "ä»Ĭ" + ], + [ + "éĹ»", + "è¨Ģ" + ], + [ + "çī¹èī²", + "å°ıéķĩ" + ], + [ + "æķij", + "人" + ], + [ + "éĻį", + "æ°´" + ], + [ + "ä¸ĸçķĮ", + "ä¸Ģæµģ" + ], + [ + "å°±", + "é¤IJ" + ], + [ + "çŀ", + "¥" + ], + [ + "å¤į", + "ä»ĩ" + ], + [ + "ç¾½", + "æ¯Ľ" + ], + [ + "ç¾½æ¯Ľ", + "çIJĥ" + ], + [ + "è´©", + "åįĸ" + ], + [ + "æºIJ", + "æ³ī" + ], + [ + "æĢ»ä½ĵ", + "è§ĦåĪĴ" + ], + [ + "åĬ¨", + "æĦŁ" + ], + [ + "ä¸Ģ", + "审" + ], + [ + "åĢŁ", + "éĴ±" + ], + [ + "è§ģ", + "æķĪ" + ], + [ + "èĬ±", + "èįī" + ], + [ + "åIJĮ", + "ä¸ļ" + ], + [ + "æŁ¥", + "è©¢" + ], + [ + "åĽ½éĻħ", + "åIJĪä½ľ" + ], + [ + "ä¾Ľ", + "åĽ¾" + ], + [ + "åģ", + "´" + ], + [ + "æł", + "ĵ" + ], + [ + "缸", + "éĢļ" + ], + [ + "è°Ī", + "åıĬ" + ], + [ + "è¿ĩç¨ĭ", + "å½ĵä¸Ń" + ], + [ + "é¦Ļ", + "èıĩ" + ], + [ + "åįģåĽĽ", + "æĿ¡" + ], + [ + "ä¸Ģå¼Ģå§ĭ", + "å°±" + ], + [ + "ä¸ĵ", + "åijĺ" + ], + [ + "æĺİ", + "顯" + ], + [ + "æīĵéĢł", + "åĩº" + ], + [ + "ä¸ĭéĿ¢", + "æĪij们" + ], + [ + "æľº", + "æ²¹" + ], + [ + "åı°", + "è¯į" + ], + [ + "åŃIJ", + "å¼Ł" + ], + [ + "æľĢ", + "常è§ģçļĦ" + ], + [ + "æĪij", + "è®°å¾Ĺ" + ], + [ + "ç»", + "°" + ], + [ + "æĤ¬", + "æµ®" + ], + [ + "è¿ĺ", + "羣æĺ¯" + ], + [ + "æĮĤ", + "åı·" + ], + [ + "åıĭ", + "åĸĦ" + ], + [ + "éĩį", + "伤" + ], + [ + "çħ§", + "亮" + ], + [ + "æŃ¦", + "èѦ" + ], + [ + "åĩºçݰ", + "éĹ®é¢ĺ" + ], + [ + "è¸Ĭ", + "è·ĥ" + ], + [ + "åľ°çIJĥ", + "ä¸Ĭ" + ], + [ + "å¸Ĥ", + "人大" + ], + [ + "åıĹ害", + "人" + ], + [ + "å²", + "IJ" + ], + [ + "åIJĮ", + "åѸ" + ], + [ + "éĩijèŀį", + "å¸Ĥåľº" + ], + [ + "æľīçļĦ", + "çݩ家" + ], + [ + "å¸Ĥ", + "æķĻèĤ²" + ], + [ + "å¸ĤæķĻèĤ²", + "å±Ģ" + ], + [ + "åIJĦ", + "å¼Ĥ" + ], + [ + "ç·ļ", + "ä¸Ĭ" + ], + [ + "æģ", + "º" + ], + [ + "æľī", + "大éĩıçļĦ" + ], + [ + "åķĨ", + "æĬ¥" + ], + [ + "åįķ", + "åįķ" + ], + [ + "åħ¨", + "é¢Ŀ" + ], + [ + "ä¾ĿæĹ§", + "æĺ¯" + ], + [ + "好", + "åĩłä¸ª" + ], + [ + "åĸ", + "µ" + ], + [ + "éĩį", + "æķ´" + ], + [ + "çĶŁæ´»", + "è´¨éĩı" + ], + [ + "æİ¢", + "访" + ], + [ + "åį°", + "èĬ±" + ], + [ + "缼", + "è¡Į" + ], + [ + "å¾®", + "è§Ĥ" + ], + [ + "èĪį", + "å¾Ĺ" + ], + [ + "åºŁå¼ĥ", + "çī©" + ], + [ + "积", + "èĵĦ" + ], + [ + "å®ļ", + "å±ħ" + ], + [ + "æĤ", + "¼" + ], + [ + "èĮ", + "¸" + ], + [ + "çļĦ", + "帮åĬ©" + ], + [ + "çļĦ帮åĬ©", + "ä¸ĭ" + ], + [ + "亿", + "åIJ¨" + ], + [ + "åŃĶ", + "éĽĢ" + ], + [ + "è¿ĻæĿ¡", + "è·¯" + ], + [ + "é¥", + "µ" + ], + [ + "æĦĪ", + "åĬł" + ], + [ + "éķ", + "į" + ], + [ + "ä½ľ", + "æ¡Ī" + ], + [ + "èįĶ", + "æŀĿ" + ], + [ + "太", + "å°ij" + ], + [ + "è·»", + "身" + ], + [ + "åħ¬çĽĬ", + "æ´»åĬ¨" + ], + [ + "çϽ", + "æĸij" + ], + [ + "æĬĢæľ¯", + "æ°´å¹³" + ], + [ + "å¸", + "§" + ], + [ + "æĹł", + "çŁ¥" + ], + [ + "åºĶ该", + "æĢİä¹Ī" + ], + [ + "éĢĢ", + "å¸Ĥ" + ], + [ + "æ¸", + "Ń" + ], + [ + "åħ»", + "çĮª" + ], + [ + "é©", + "¼" + ], + [ + "群", + "å²Ľ" + ], + [ + "大", + "åį«" + ], + [ + "ä¹ĺ", + "çĶ¨è½¦" + ], + [ + "èı²", + "å°Ķ" + ], + [ + "è´´", + "åIJ§" + ], + [ + "åģľ", + "ä¸ĭæĿ¥" + ], + [ + "æľīæľº", + "ç»ĵåIJĪ" + ], + [ + "åĪ»", + "èĭ¦" + ], + [ + "çļĦ", + "åľ°" + ], + [ + "çļĦåľ°", + "æŃ¥" + ], + [ + "è¯Ĭ", + "æīĢ" + ], + [ + "å¼Ģ", + "æĪĺ" + ], + [ + "èĢģ", + "çīĮ" + ], + [ + "çѹ", + "çłģ" + ], + [ + "åħ«å¤§", + "以æĿ¥" + ], + [ + "楼", + "æĪ¿" + ], + [ + "åŃĻ", + "æĤŁ" + ], + [ + "åŃĻæĤŁ", + "空" + ], + [ + "åħĴ", + "åŃIJ" + ], + [ + "第ä¸Ģ", + "æĿ¡" + ], + [ + "社交", + "åªĴä½ĵ" + ], + [ + "æĥ³", + "èµ·æĿ¥" + ], + [ + "大", + "æ´ĭ" + ], + [ + "æĭ¼", + "éŁ³" + ], + [ + "è¿Ľ", + "åįļä¼ļ" + ], + [ + "è¿ĩ", + "åħ³" + ], + [ + "æ²", + "¼" + ], + [ + "ç©¿", + "æIJŃ" + ], + [ + "éĤ£", + "ä¸Ģ天" + ], + [ + "çł´", + "éŨ" + ], + [ + "æĬķæłĩ", + "人" + ], + [ + "èµ¢", + "å®¶" + ], + [ + "èĻļ", + "å¼±" + ], + [ + "æ¿", + "ĥ" + ], + [ + "å®ī", + "æ£Ģ" + ], + [ + "客", + "å®¶" + ], + [ + "çĭ¬ç«ĭ", + "èij£äºĭ" + ], + [ + "æīĭ", + "åĬ¿" + ], + [ + "åīµ", + "éĢł" + ], + [ + "åľĨ满", + "å®ĮæĪIJ" + ], + [ + "为主", + "线" + ], + [ + "好å¥ĩ", + "å¿ĥ" + ], + [ + "é¢Ĩ", + "åľŁ" + ], + [ + "çª", + "ĸ" + ], + [ + "åħ¸åŀĭ", + "æ¡Īä¾ĭ" + ], + [ + "çªģåıij", + "äºĭä»¶" + ], + [ + "åºķ", + "æ°Ķ" + ], + [ + "头", + "æĻķ" + ], + [ + "å®Ľ", + "å¦Ĥ" + ], + [ + "è§", + "¸" + ], + [ + "æ¸ħ", + "æ·¡" + ], + [ + "åļ", + "¼" + ], + [ + "åģľ", + "ç͵" + ], + [ + "ç²ī", + "å°ĺ" + ], + [ + "éĻįä½İ", + "æĪIJæľ¬" + ], + [ + "æĶ¾", + "æīĭ" + ], + [ + "è®°èĢħ", + "表示" + ], + [ + "æĭĸ", + "å»¶" + ], + [ + "éª", + "ĩ" + ], + [ + "æ®ĭ", + "å¿į" + ], + [ + "çľģ", + "æķĻèĤ²" + ], + [ + "çľģæķĻèĤ²", + "åİħ" + ], + [ + "é«ĺ", + "é¢Ŀ" + ], + [ + "éĦ", + "Ļ" + ], + [ + "æ¥", + "ŀ" + ], + [ + "åĨħ", + "ç§ij" + ], + [ + "èIJ¥ä¸ļ", + "é¢Ŀ" + ], + [ + "åŁº", + "çŁ³" + ], + [ + "æµģ", + "æ·Į" + ], + [ + "主", + "æĹ¨" + ], + [ + "éĺIJ", + "éĩĬ" + ], + [ + "建", + "åįİ" + ], + [ + "æĥĬ", + "åı¹" + ], + [ + "çī¢åĽº", + "æłijç«ĭ" + ], + [ + "æĺ¯åIJ¦", + "åŃĺåľ¨" + ], + [ + "建", + "åĨĽ" + ], + [ + "éĽ¾", + "éľ¾" + ], + [ + "åħ¬", + "认" + ], + [ + "åħ¬è®¤", + "çļĦ" + ], + [ + "æ°¨", + "åŁº" + ], + [ + "æ°¨åŁº", + "éħ¸" + ], + [ + "åīį", + "åĩłå¹´" + ], + [ + "åι", + "éĤ£" + ], + [ + "æ±Ł", + "举" + ], + [ + "å·¥", + "æ¥Ń" + ], + [ + "ä¸ĢçĤ¹", + "ä¹Łä¸į" + ], + [ + "ä¿®", + "士" + ], + [ + "äºĨä¸Ģ", + "éģį" + ], + [ + "åĪ", + "ģ" + ], + [ + "æ»ļ", + "æ»ļ" + ], + [ + "åĪĨ", + "æł¡" + ], + [ + "羣", + "çα" + ], + [ + "è¡Ģ", + "èĦī" + ], + [ + "æĢ¥", + "åī§" + ], + [ + "ä¸Ģ群", + "人" + ], + [ + "ç¾", + "¯" + ], + [ + "æĪIJ", + "é¾Ļ" + ], + [ + "ç²¾ç¥ŀ", + "çĹħ" + ], + [ + "缸åħ³", + "人åijĺ" + ], + [ + "éĿĵ", + "丽" + ], + [ + "ä¸ī", + "åŃ£åº¦" + ], + [ + "åĪĴ", + "å®ļ" + ], + [ + "ä¸ĸçķĮ", + "第ä¸Ģ" + ], + [ + "éĢļ", + "ä¿Ĺ" + ], + [ + "åķĨä¸ļ", + "åľ°äº§" + ], + [ + "åĬŁèĥ½", + "æĢ§" + ], + [ + "èµĦæľ¬", + "主ä¹ī" + ], + [ + "详", + "è§ģ" + ], + [ + "æĬĵ", + "æįķ" + ], + [ + "æĸĩ", + "æĺĮ" + ], + [ + "å®Ŀ", + "å®ī" + ], + [ + "è£ħéħį", + "å¼ı" + ], + [ + "æºIJ", + "æºIJ" + ], + [ + "æºIJæºIJ", + "ä¸įæĸŃ" + ], + [ + "çĶŁ", + "æĢķ" + ], + [ + "纵", + "åIJij" + ], + [ + "å£", + "½" + ], + [ + "çľ¼", + "è¢ĭ" + ], + [ + "èĤī", + "ä½ĵ" + ], + [ + "åı¤", + "ä»Ĭ" + ], + [ + "èŀį", + "åªĴä½ĵ" + ], + [ + "åģ", + "ī" + ], + [ + "æł¼", + "æľĥåĵ¡" + ], + [ + "çĥ", + "·" + ], + [ + "åĬŁ", + "ç͍" + ], + [ + "æīŃ", + "磩" + ], + [ + "绿èī²", + "éĢļéģĵ" + ], + [ + "åī§", + "ç»Ħ" + ], + [ + "å¼±", + "åĬ¿" + ], + [ + "è´¨éĩı", + "éĹ®é¢ĺ" + ], + [ + "éĻIJ", + "é¢Ŀ" + ], + [ + "éª", + "Ĩ" + ], + [ + "éģµ", + "ä¹ī" + ], + [ + "å¯Ŀ", + "室" + ], + [ + "æĥ³", + "念" + ], + [ + "åł±", + "åijĬ" + ], + [ + "ä»ħ", + "次" + ], + [ + "ä»ħ次", + "äºİ" + ], + [ + "èŀį", + "åĪĽ" + ], + [ + "æĭĽèģĺ", + "ä¼ļ" + ], + [ + "åºĬ", + "åŀ«" + ], + [ + "转åŀĭ", + "åıijå±ķ" + ], + [ + "ä¸ŃåĽ½", + "çĶµä¿¡" + ], + [ + "åIJ¬", + "è¯Ŀ" + ], + [ + "è«ĭ", + "æ±Ĥ" + ], + [ + "大éĥ¨åĪĨ", + "人" + ], + [ + "æ´»", + "å¾Ĺ" + ], + [ + "åĵŃ", + "æ³£" + ], + [ + "è¶", + "Ļ" + ], + [ + "åıijçĹħ", + "çİĩ" + ], + [ + "ä¸į", + "符" + ], + [ + "åĨĽ", + "å®ĺ" + ], + [ + "é¢Ī", + "æ¤İ" + ], + [ + "æĸ°åĨł", + "çĸ«æĥħ" + ], + [ + "æŁ¬", + "åŁĶ" + ], + [ + "æŁ¬åŁĶ", + "寨" + ], + [ + "ä»»ä½ķ", + "å½¢å¼ı" + ], + [ + "人", + "éĻħ" + ], + [ + "人éĻħ", + "åħ³ç³»" + ], + [ + "æĢ»", + "æī¿åĮħ" + ], + [ + "å¹³åĿĩ", + "æ¯ı" + ], + [ + "æģŃ", + "åĸľ" + ], + [ + "åĦ", + "ĺ" + ], + [ + "åħµ", + "马" + ], + [ + "è¿Ł", + "åΰ" + ], + [ + "å·¥", + "伤" + ], + [ + "çīĪæĿĥ", + "å½Ĵ" + ], + [ + "çīĪæĿĥå½Ĵ", + "åİŁ" + ], + [ + "æĭ¥", + "æĬ¤" + ], + [ + "ç³Ĭ", + "æ¶Ĥ" + ], + [ + "å¹²", + "æ¶ī" + ], + [ + "å°ij", + "ä¸įäºĨ" + ], + [ + "æĥ³", + "æī¾" + ], + [ + "è´¹", + "çİĩ" + ], + [ + "该", + "éĻ¢" + ], + [ + "èŀį", + "åĮĸ" + ], + [ + "è¿İ", + "åIJĪ" + ], + [ + "è§ĨåIJ¬", + "èĬĤ缮" + ], + [ + "æł¼", + "ç¶²ç«Ļ" + ], + [ + "çľī", + "æ¯Ľ" + ], + [ + "欢è¿İ", + "大家" + ], + [ + "å®¶åºŃ", + "æķĻèĤ²" + ], + [ + "ä¾µ", + "èļĢ" + ], + [ + "ç»Ļ", + "ä½łä»¬" + ], + [ + "è¡Ģæ¶²", + "循çݯ" + ], + [ + "å¯Ħ", + "æīĺ" + ], + [ + "å°ĸ", + "åı«" + ], + [ + "以ä¸ĭ", + "åĩłä¸ª" + ], + [ + "è¿ĺ", + "以为" + ], + [ + "åħ¶ä»ĸ", + "çݩ家" + ], + [ + "ç¬ij", + "ç¬ij" + ], + [ + "æīĵ", + "åIJ¬" + ], + [ + "èĩªçĦ¶", + "ç§ijåѦ" + ], + [ + "åŁº", + "ç«Ļ" + ], + [ + "ä¹Ŀ", + "å·ŀ" + ], + [ + "ä¿Ŀ", + "驾" + ], + [ + "ä¿Ŀ驾", + "æĬ¤" + ], + [ + "ä¿Ŀ驾æĬ¤", + "èĪª" + ], + [ + "æĶ¾", + "çľ¼" + ], + [ + "çŁ¥åIJį", + "ä¼ģä¸ļ" + ], + [ + "ç¸", + "®" + ], + [ + "ç¨", + "½" + ], + [ + "æļ", + "ĩ" + ], + [ + "使ç͍", + "網路" + ], + [ + "é¢Ħ", + "çķĻ" + ], + [ + "大", + "象" + ], + [ + "åıijæĺİ", + "ä¸ĵåĪ©" + ], + [ + "æĸĩ", + "娱" + ], + [ + "éĢł", + "ç¦ı" + ], + [ + "湿", + "润" + ], + [ + "éĿ¢", + "æĿ¡" + ], + [ + "æ¶Īè´¹", + "åįĩ级" + ], + [ + "è®Ĭ", + "å¾Ĺ" + ], + [ + "åĩł", + "åIJį" + ], + [ + "ä»", + "Ħ" + ], + [ + "认", + "æ¸ħ" + ], + [ + "è¿ľ", + "æĻ¯" + ], + [ + "æıĴ", + "座" + ], + [ + "诸", + "侯" + ], + [ + "åıĺ", + "æĢģ" + ], + [ + "ç¦ı", + "彩" + ], + [ + "è´§", + "æŀ¶" + ], + [ + "失", + "æİ§" + ], + [ + "ç§»åĬ¨", + "端" + ], + [ + "ä¸Ĭ", + "åı¸" + ], + [ + "éĢł", + "纸" + ], + [ + "å¸ĥ", + "æľĹ" + ], + [ + "çĴ", + "ĩ" + ], + [ + "åı°", + "åįĹ" + ], + [ + "åĮĹ京", + "åĨ¬å¥¥" + ], + [ + "èĵĿ", + "çīĻ" + ], + [ + "éķ¿", + "çŁŃ" + ], + [ + "æĬĺ", + "å°Ħ" + ], + [ + "ç»ij", + "æŀ¶" + ], + [ + "å¯Ĵ", + "åģĩ" + ], + [ + "转", + "åŁºåĽł" + ], + [ + "æĢ¥", + "äºİ" + ], + [ + "æŃ£", + "åĵģ" + ], + [ + "åħħ", + "滿" + ], + [ + "大", + "纲" + ], + [ + "æĬĹ", + "ä½ĵ" + ], + [ + "è¨ĵ", + "ç·´" + ], + [ + "æĶ¶", + "ç´§" + ], + [ + "æ¯Ķ", + "è³½" + ], + [ + "åħµ", + "åĬĽ" + ], + [ + "æľ¬", + "æĽ¸" + ], + [ + "äºĮ", + "代" + ], + [ + "æĢ¥", + "è¯Ĭ" + ], + [ + "æĸĩ", + "æ¡Ī" + ], + [ + "ç»ı", + "åķĨ" + ], + [ + "æĻ¨", + "æĬ¥" + ], + [ + "æ£", + "ĺ" + ], + [ + "æĢ»ä¹¦è®°", + "åľ¨" + ], + [ + "åıĹ", + "éĤĢ" + ], + [ + "äºĶ", + "åĽĽ" + ], + [ + "å²Ń", + "åįĹ" + ], + [ + "çα", + "åIJĥ" + ], + [ + "åŁĥ", + "å°Ķ" + ], + [ + "å¿ĥ", + "å¢ĥ" + ], + [ + "è¦ĨçĽĸ", + "éĿ¢" + ], + [ + "å®ŀåľ¨æĺ¯", + "太" + ], + [ + "æł¹", + "åºķ" + ], + [ + "纷纷", + "表示" + ], + [ + "åĹ", + "ħ" + ], + [ + "éļıçĿĢ", + "æĹ¶éĹ´" + ], + [ + "åİĨåı²", + "æĤłä¹ħ" + ], + [ + "éħ", + "ī" + ], + [ + "æĢ»", + "éĺŁ" + ], + [ + "主é¢ĺ", + "æ´»åĬ¨" + ], + [ + "éĹ®", + "åį·" + ], + [ + "é©¿", + "ç«Ļ" + ], + [ + "æı¡", + "ä½ı" + ], + [ + "åı¯èĥ½", + "导èĩ´" + ], + [ + "æ°ij", + "éĸĵ" + ], + [ + "éĸĭ", + "åķŁ" + ], + [ + "ä½Ĩ", + "ä¸įéĻIJ" + ], + [ + "ä½Ĩä¸įéĻIJ", + "äºİ" + ], + [ + "åįģ", + "éĩĮ" + ], + [ + "å¨", + "¥" + ], + [ + "æįŁ", + "èĢĹ" + ], + [ + "çĸı", + "导" + ], + [ + "çݯ", + "æ°§" + ], + [ + "ç¥ŀ", + "éĢļ" + ], + [ + "çα", + "å°Ķ" + ], + [ + "çαå°Ķ", + "åħ°" + ], + [ + "æľ´", + "å®ŀ" + ], + [ + "å¿«", + "æĬ¥" + ], + [ + "æĶ¶", + "åıĹ" + ], + [ + "æĪĸ", + "許" + ], + [ + "èĥĮ", + "éĿ¢" + ], + [ + "æĸĩåĮĸ", + "ä¼łåªĴ" + ], + [ + "ä¸ī", + "åĢĭ" + ], + [ + "æĶ»", + "åĬ¿" + ], + [ + "å®ī", + "举" + ], + [ + "å®ī举", + "å°¼" + ], + [ + "åĿĩ", + "å·²" + ], + [ + "顾", + "èĻij" + ], + [ + "éĦ", + "Ń" + ], + [ + "è¿Ļå®¶", + "åħ¬åı¸" + ], + [ + "åħ¬åijĬ", + "ç§°" + ], + [ + "æıIJä¾Ľ", + "ä¼ĺè´¨" + ], + [ + "稳æŃ¥", + "æİ¨è¿Ľ" + ], + [ + "å¤į", + "è¯ķ" + ], + [ + "å°Ĩ", + "é¢Ĩ" + ], + [ + "è°Ī", + "èµ·" + ], + [ + "å¨", + "Ħ" + ], + [ + "è¿ŀ", + "线" + ], + [ + "æ©Ł", + "éĹľ" + ], + [ + "åºĶç͍", + "åľºæĻ¯" + ], + [ + "çĶ»", + "åĥı" + ], + [ + "è´¢", + "è¿IJ" + ], + [ + "ä¿Ŀ", + "éļª" + ], + [ + "çĹħ", + "çIJĨ" + ], + [ + "æ¯Ľ", + "主å¸Ń" + ], + [ + "ä¸Ŀ", + "毫ä¸į" + ], + [ + "çα", + "å¥ĩ" + ], + [ + "çαå¥ĩ", + "èīº" + ], + [ + "ä¸ĵå®¶", + "ç»Ħ" + ], + [ + "åij¼", + "åͤ" + ], + [ + "éĭ", + "¼" + ], + [ + "çģ", + "¸" + ], + [ + "é¢ĨåħĪ", + "åľ°ä½į" + ], + [ + "æıIJ", + "æĭĶ" + ], + [ + "龸", + "éģĵ" + ], + [ + "å±±", + "åĿ¡" + ], + [ + "èĿ", + "İ" + ], + [ + "沸", + "èħ¾" + ], + [ + "该", + "项" + ], + [ + "ä»Ĭ", + "çĶŁ" + ], + [ + "ä¸Ģç¯ĩ", + "æĸĩ竳" + ], + [ + "æĸ¹å¼ı", + "è¿Ľè¡Į" + ], + [ + "é»ij", + "客" + ], + [ + "æĶ¹", + "åĬ¨" + ], + [ + "主", + "é¡Į" + ], + [ + "æķ£", + "å¸ĥ" + ], + [ + "ä»Ģä¹Ī", + "åľ°æĸ¹" + ], + [ + "åĮĸ", + "åIJĪ" + ], + [ + "åĮĸåIJĪ", + "çī©" + ], + [ + "éĿĻ", + "ç͵" + ], + [ + "æĢ»", + "æĶ¶åħ¥" + ], + [ + "å§Ķ", + "ç»Ħç»ĩ" + ], + [ + "å§Ķç»Ħç»ĩ", + "éĥ¨" + ], + [ + "éĿĻ", + "æĢģ" + ], + [ + "èĢģ", + "åŃĹåı·" + ], + [ + "室", + "åıĭ" + ], + [ + "éĥ½ä¸į", + "æķ¢" + ], + [ + "æŀ¶", + "åŃIJ" + ], + [ + "çģµ", + "æķı" + ], + [ + "审", + "è§Ĩ" + ], + [ + "æĤ£", + "åĦ¿" + ], + [ + "å±±", + "寨" + ], + [ + "èĸª", + "èµĦ" + ], + [ + "é©°", + "æı´" + ], + [ + "éĥ¨åĪĨ", + "åĨħ容" + ], + [ + "好", + "ä¼¼" + ], + [ + "æĪIJåijĺ", + "åĽ½" + ], + [ + "åľ¨æĪij", + "çľĭæĿ¥" + ], + [ + "åħ³æ³¨", + "度" + ], + [ + "éĻĪ", + "æŁIJ" + ], + [ + "è¿Ļç§į", + "äºĭæĥħ" + ], + [ + "éĢī", + "å®ļ" + ], + [ + "ç²¾", + "åŃIJ" + ], + [ + "å£ģ", + "çĶ»" + ], + [ + "æ±Ł", + "æ·®" + ], + [ + "é«ĺ", + "æĺĤ" + ], + [ + "æł¼", + "åĬĽ" + ], + [ + "è¼", + "©" + ], + [ + "åѦ", + "åłĤ" + ], + [ + "æĤ¨", + "åIJĮæĦı" + ], + [ + "ä¸ĢåĪĩ", + "éĥ½æĺ¯" + ], + [ + "æ½", + "¤" + ], + [ + "éĸ", + "ĥ" + ], + [ + "å¸ĮæľĽ", + "èĩªå·±" + ], + [ + "ä¿", + "ĺ" + ], + [ + "æ±Ł", + "åİ¿" + ], + [ + "æ³", + "¾" + ], + [ + "ç§ij", + "æķĻ" + ], + [ + "æīĵ", + "è¿Ľ" + ], + [ + "ä¸į", + "æħİ" + ], + [ + "å¯Ĵ", + "åĨ¬" + ], + [ + "æ¸Ķ", + "æ°ij" + ], + [ + "鼷", + "æĸ¯" + ], + [ + "主", + "å®°" + ], + [ + "æĹħ游", + "度åģĩ" + ], + [ + "ç͵åŃIJ", + "éĤ®ä»¶" + ], + [ + "æ±Ĥ", + "å©ļ" + ], + [ + "éļİ", + "段" + ], + [ + "åģ¥èº«", + "æĪ¿" + ], + [ + "注æĺİ", + "åĩºå¤Ħ" + ], + [ + "äºĭæķħ", + "åıijçĶŁ" + ], + [ + "级", + "以ä¸Ĭ" + ], + [ + "åŃĺ", + "æ´»" + ], + [ + "æĸ½", + "èĤ¥" + ], + [ + "èľľ", + "èľĤ" + ], + [ + "åµ", + "©" + ], + [ + "æĮĸæİĺ", + "æľº" + ], + [ + "æĬĹ", + "æĭĴ" + ], + [ + "ä¼ł", + "导" + ], + [ + "æĺ¯ä»Ģä¹Ī", + "åij¢" + ], + [ + "ä¸Ĭå¹´", + "åIJĮæľŁ" + ], + [ + "建", + "åħļ" + ], + [ + "çĶŁ", + "æħĭ" + ], + [ + "ä¿Ŀ", + "ä½ı" + ], + [ + "款", + "车åŀĭ" + ], + [ + "人", + "èĦī" + ], + [ + "éļIJ", + "èͽ" + ], + [ + "失", + "æķĪ" + ], + [ + "éģ¿", + "åŃķ" + ], + [ + "ç®Ģ", + "便" + ], + [ + "谢谢", + "ä½ł" + ], + [ + "å®Ī", + "ä½ı" + ], + [ + "æĶ¾", + "æĺł" + ], + [ + "è¨Ī", + "çķ«" + ], + [ + "çݰ代", + "çµģ" + ], + [ + "é¤IJ", + "廳" + ], + [ + "æķħ", + "å±ħ" + ], + [ + "大", + "大å°ı" + ], + [ + "大大å°ı", + "å°ı" + ], + [ + "çī¹åĪ«", + "声æĺİ" + ], + [ + "éģį", + "åıĬ" + ], + [ + "å¿ĥçIJĨ", + "åĴ¨è¯¢" + ], + [ + "è³", + "´" + ], + [ + "çĮ®", + "è¡Ģ" + ], + [ + "å·²ç»ı", + "è¾¾åΰ" + ], + [ + "æīĵ", + "æĭĽåij¼" + ], + [ + "åıĮ", + "è¾¹" + ], + [ + "ä¸Ģæĸ¹éĿ¢", + "æĺ¯" + ], + [ + "å´ĩ", + "å°ļ" + ], + [ + "éĺ¿", + "å¯Į" + ], + [ + "éĺ¿å¯Į", + "æ±Ĺ" + ], + [ + "æĮģ", + "æľī人" + ], + [ + "è±", + "ģ" + ], + [ + "é£İ", + "çŃĿ" + ], + [ + "åĬ¨", + "èį¡" + ], + [ + "äºĨä¸Ģ", + "ä¼ļ" + ], + [ + "äºĨä¸Ģä¼ļ", + "åĦ¿" + ], + [ + "ä¸ĩ", + "象" + ], + [ + "çľĭ", + "ç͵è§Ĩ" + ], + [ + "åįģä¸ī", + "æĿ¡" + ], + [ + "çĮĽ", + "çĥĪ" + ], + [ + "è¦ģ", + "ä¸įçĦ¶" + ], + [ + "太æŀģ", + "æĭ³" + ], + [ + "å¼ķ", + "çĪĨ" + ], + [ + "ç»ıè¿ĩ", + "å¤ļå¹´" + ], + [ + "游æĪı", + "éĩĮçļĦ" + ], + [ + "é¾Ļ", + "æ³ī" + ], + [ + "æłĩ", + "éħį" + ], + [ + "è®ĵ", + "ä»ĸåĢij" + ], + [ + "éĢł", + "æŀĹ" + ], + [ + "åĮºåŁŁ", + "æĢ§" + ], + [ + "亿", + "ä¸ĩ" + ], + [ + "æĪĺçķ¥", + "å¸ĥå±Ģ" + ], + [ + "éķĩ", + "æĶ¿åºľ" + ], + [ + "åĶ®", + "票" + ], + [ + "çĶŁäº§", + "å·¥èīº" + ], + [ + "éķĩ", + "åħļå§Ķ" + ], + [ + "ä¸Ńå°ı", + "åŀĭ" + ], + [ + "æľ¨", + "è̳" + ], + [ + "æ²³", + "è¾¹" + ], + [ + "èĦ¾", + "èĥĥ" + ], + [ + "欢è¿İ", + "æĤ¨" + ], + [ + "åıĺ", + "å¼Ĥ" + ], + [ + "缤", + "纷" + ], + [ + "åŀĥåľ¾", + "æ¡¶" + ], + [ + "辩", + "è¯ģ" + ], + [ + "车", + "åºĵ" + ], + [ + "æ¯Ķ", + "çİĩ" + ], + [ + "åħ´", + "æĹº" + ], + [ + "详ç»Ĩ", + "äºĨè§£" + ], + [ + "å®ī", + "å±ħ" + ], + [ + "çħ§", + "æĸĻ" + ], + [ + "æĸ¹", + "æīį" + ], + [ + "èµ", + "¦" + ], + [ + "åĨ", + "ķ" + ], + [ + "å¥Ķ", + "èµ´" + ], + [ + "å®Ŀ", + "鸡" + ], + [ + "åľº", + "åĿĩ" + ], + [ + "缮åīį", + "æŃ£åľ¨" + ], + [ + "åIJŀ", + "åϬ" + ], + [ + "è¿°", + "èģĮ" + ], + [ + "æĩ", + "µ" + ], + [ + "å¥ĩ", + "çijŀ" + ], + [ + "ä»į", + "å°Ĩ" + ], + [ + "èĪī", + "辦" + ], + [ + "å·¥åķĨ", + "å±Ģ" + ], + [ + "å¡ij", + "èĥ¶" + ], + [ + "åĬŀ", + "å®ŀäºĭ" + ], + [ + "æĸ¹", + "æĸ¹éĿ¢" + ], + [ + "æĸ¹æĸ¹éĿ¢", + "éĿ¢" + ], + [ + "æĸĩåĮĸ", + "èĬĤ" + ], + [ + "åħ¥", + "èģĮ" + ], + [ + "é¸", + "¥" + ], + [ + "ç©¿", + "éĢı" + ], + [ + "以", + "ä¹łè¿ijå¹³" + ], + [ + "åį±", + "éļª" + ], + [ + "æľ¦", + "èĥ§" + ], + [ + "åİĨåı²", + "æĢ§" + ], + [ + "æķŀ", + "å¼Ģ" + ], + [ + "ä¼Ļä¼´", + "åħ³ç³»" + ], + [ + "çŁ¿", + "åĮº" + ], + [ + "åĽ½éĻħ", + "åľ¨çº¿" + ], + [ + "ä¼łå¥ĩ", + "éĩĮéĿ¢" + ], + [ + "è¿ij", + "äºĽ" + ], + [ + "è¿ijäºĽ", + "å¹´" + ], + [ + "åĬ£", + "åĬ¿" + ], + [ + "æĶ»åĩ»", + "åĬĽ" + ], + [ + "æĻº", + "éĢł" + ], + [ + "ç¦", + "§" + ], + [ + "çİĭ", + "åħĪçĶŁ" + ], + [ + "éĨ«", + "çĶŁ" + ], + [ + "åĽĽ", + "项" + ], + [ + "å®ŀ", + "æĻ¯" + ], + [ + "åĪĿ", + "åĪĽ" + ], + [ + "å¿ĥ", + "裡" + ], + [ + "æĻ¶", + "ä½ĵ" + ], + [ + "交", + "éĻħ" + ], + [ + "让", + "æ¶Īè´¹èĢħ" + ], + [ + "课", + "æĸĩ" + ], + [ + "æİĴ", + "æ°Ķ" + ], + [ + "å¹¶ä¸į", + "æĦıåij³" + ], + [ + "缸", + "声" + ], + [ + "第ä¸Ģ", + "å±Ĭ" + ], + [ + "åİŁ", + "èijĹ" + ], + [ + "éĽ", + "ľ" + ], + [ + "没æľī", + "太大" + ], + [ + "è¡¥", + "æ°´" + ], + [ + "çµģ", + "ä¼ģä¸ļ" + ], + [ + "第äºĮ", + "æī¹" + ], + [ + "åħ¶å®ĥ", + "éĹ®é¢ĺ" + ], + [ + "æİĮ", + "éŨ" + ], + [ + "责任", + "å¿ĥ" + ], + [ + "é¤IJ", + "åħ·" + ], + [ + "ç¾Ĭ", + "æ¯Ľ" + ], + [ + "没æľī", + "å¿ħè¦ģ" + ], + [ + "ä¹IJ", + "åĽ¢" + ], + [ + "è¿Ľ", + "åŁİ" + ], + [ + "ä¸ĢçĤ¹", + "åĦ¿" + ], + [ + "身", + "å½¢" + ], + [ + "çļ®èĤ¤", + "çĹħ" + ], + [ + "æĺ", + "±" + ], + [ + "å¢ŀ", + "èĩ³" + ], + [ + "èģ²", + "æĺİ" + ], + [ + "æıIJ", + "è´¨" + ], + [ + "ä½ĵèĤ²", + "åľº" + ], + [ + "çѹ", + "建" + ], + [ + "é¬", + "Ĩ" + ], + [ + "车", + "çīĮ" + ], + [ + "éļĶ", + "éŁ³" + ], + [ + "è´Łè´£", + "åIJĮå¿Ĺ" + ], + [ + "丰", + "ç¡ķ" + ], + [ + "ä½Ľ", + "éĻĢ" + ], + [ + "äºī", + "åIJµ" + ], + [ + "åº", + "¶" + ], + [ + "æ·¡", + "æ°´" + ], + [ + "å°ı", + "çĶ·åŃ©" + ], + [ + "ç§ģ", + "èĩª" + ], + [ + "åĮĸ", + "è¿Ľç¨ĭ" + ], + [ + "æĪĺ士", + "æĿ¥è¯´" + ], + [ + "æ²¹", + "èħ»" + ], + [ + "èĦ±è´«", + "èĩ´å¯Į" + ], + [ + "æĹ¥å¸¸", + "å·¥ä½ľ" + ], + [ + "交", + "èŀį" + ], + [ + "åĨľ", + "è´¸" + ], + [ + "åĨľè´¸", + "å¸Ĥåľº" + ], + [ + "åĵĪ", + "çĻ»" + ], + [ + "ç͵", + "è´¹" + ], + [ + "èµ", + "ĺ" + ], + [ + "åıĮ", + "èħ¿" + ], + [ + "æĵĶ", + "å¿ĥ" + ], + [ + "æĿ¥", + "形容" + ], + [ + "使åij½", + "æĦŁ" + ], + [ + "éĤ£ä¹Ī", + "ç®Ģåįķ" + ], + [ + "èĬĻ", + "èĵī" + ], + [ + "åĢŁæ¬¾", + "人" + ], + [ + "ç§Ģ", + "丽" + ], + [ + "è®ĵ", + "ä»ĸ" + ], + [ + "严åİī", + "æīĵåĩ»" + ], + [ + "è³", + "ŀ" + ], + [ + "æļ", + "«" + ], + [ + "çħ¤", + "æ°Ķ" + ], + [ + "çά", + "ä¸Ĭ" + ], + [ + "æ½ĩ", + "æ´Ĵ" + ], + [ + "太", + "ä¹ħ" + ], + [ + "åij½", + "åIJį为" + ], + [ + "è·¯", + "çͱ" + ], + [ + "è·¯çͱ", + "åύ" + ], + [ + "é©", + "¯" + ], + [ + "æıIJ", + "æĹ©" + ], + [ + "æĬĹåĩ»", + "çĸ«æĥħ" + ], + [ + "åĩ", + "Ľ" + ], + [ + "交", + "åıĭ" + ], + [ + "éĶĢåĶ®", + "æ¸łéģĵ" + ], + [ + "毫ä¸į", + "çĬ¹è±«" + ], + [ + "èIJ¥", + "åľ°" + ], + [ + "çłĶç©¶", + "表æĺİ" + ], + [ + "é±¼", + "ç±»" + ], + [ + "æį¢", + "å±Ĭ" + ], + [ + "æİ¡", + "åıĸ" + ], + [ + "çī", + "Ĩ" + ], + [ + "缼", + "å¼Ģ" + ], + [ + "æ²§", + "æ¡ij" + ], + [ + "åºŃ", + "审" + ], + [ + "ç»ı", + "æŁ¥" + ], + [ + "åĬł", + "å¼·" + ], + [ + "缸æ¯Ķ", + "äºİ" + ], + [ + "ä¸ĵ", + "çıŃ" + ], + [ + "ä½ĵ", + "åŀĭ" + ], + [ + "被", + "害" + ], + [ + "被害", + "人" + ], + [ + "æĶ¶", + "款" + ], + [ + "åħ·æľī", + "èī¯å¥½" + ], + [ + "é«ĺå³°", + "æľŁ" + ], + [ + "åģı", + "ä½İ" + ], + [ + "åĦ", + "Ł" + ], + [ + "åĨľä¸ļ", + "ç§ijæĬĢ" + ], + [ + "ç®Ĭ", + "æĥħåĨµ" + ], + [ + "å¦Ĥæŀľ", + "çݩ家" + ], + [ + "éķ¿", + "约" + ], + [ + "第åħŃ", + "å±Ĭ" + ], + [ + "åħ¬å¼Ģ", + "æĭĽèģĺ" + ], + [ + "åĪĩ", + "æĸŃ" + ], + [ + "è¿«", + "使" + ], + [ + "çĸĹ", + "ç¨ĭ" + ], + [ + "第äºĮ", + "ç§į" + ], + [ + "ä¸į", + "åħį" + ], + [ + "å¹²", + "èѦ" + ], + [ + "çŁ³", + "榴" + ], + [ + "åĹ", + "£" + ], + [ + "两", + "ç±»" + ], + [ + "çε", + "士" + ], + [ + "åŁİ乡", + "å±ħæ°ij" + ], + [ + "æŃ¤", + "项" + ], + [ + "缴", + "è¾ĸ" + ], + [ + "缴è¾ĸ", + "å¸Ĥ" + ], + [ + "åij¼", + "åºĶ" + ], + [ + "éĴ", + "¯" + ], + [ + "ç¦ı", + "å¾·" + ], + [ + "æľº", + "身" + ], + [ + "æĵį", + "åľº" + ], + [ + "æ¿Ĵ", + "临" + ], + [ + "人群", + "ä¸Ń" + ], + [ + "èĤ¡", + "æ°ij" + ], + [ + "åŃ", + "½" + ], + [ + "æ³ķ", + "åħ°" + ], + [ + "é¨", + "İ" + ], + [ + "糯", + "ç±³" + ], + [ + "æĢ»", + "çļĦ" + ], + [ + "æĢ»çļĦ", + "æĿ¥è¯´" + ], + [ + "åħ¸", + "éĽħ" + ], + [ + "æĸ°", + "éĻĪ" + ], + [ + "æĸ°éĻĪ", + "代谢" + ], + [ + "缮", + "çĿ¹" + ], + [ + "é¢Ħ", + "è¨Ģ" + ], + [ + "è·Į", + "çł´" + ], + [ + "æĸ°", + "ç¯ĩ竳" + ], + [ + "æ¯Ĵ", + "æĢ§" + ], + [ + "åĸĿ", + "èĮ¶" + ], + [ + "æŁ¥", + "èİ·" + ], + [ + "亮", + "丽" + ], + [ + "çĶŁäº§", + "åķĨ" + ], + [ + "æĶ¹", + "æĪIJ" + ], + [ + "为äºĨ", + "æĽ´å¥½" + ], + [ + "æ·±", + "交" + ], + [ + "深交", + "æīĢ" + ], + [ + "æİ", + "ĥ" + ], + [ + "ä¹Ļ", + "èĤĿ" + ], + [ + "泸", + "å·ŀ" + ], + [ + "åħĪè¿Ľ", + "æĬĢæľ¯" + ], + [ + "è¾ĵ", + "ç»Ļ" + ], + [ + "æķ£", + "æĪ·" + ], + [ + "æĢĿç»´", + "æĸ¹å¼ı" + ], + [ + "åºĹ", + "主" + ], + [ + "è°ĭ", + "æ±Ĥ" + ], + [ + "游æĪı", + "æĬĢå·§" + ], + [ + "ä¸Ģå¹´", + "级" + ], + [ + "çľ¼", + "è§Ĵ" + ], + [ + "ä¸Ńä»ĭ", + "æľºæŀĦ" + ], + [ + "å·§", + "åIJĪ" + ], + [ + "éĺ²", + "çĽĹ" + ], + [ + "导", + "è´Ń" + ], + [ + "æĪ", + "Ĭ" + ], + [ + "æĽ´", + "éĢĤåIJĪ" + ], + [ + "åŁºæľ¬", + "ä¿¡æģ¯" + ], + [ + "马", + "ä¸ģ" + ], + [ + "åħ»æ®ĸ", + "åľº" + ], + [ + "åıį", + "è¿ĩæĿ¥" + ], + [ + "æİ¨", + "å´ĩ" + ], + [ + "å¯ĨåĪĩ", + "åħ³æ³¨" + ], + [ + "åŁºéĩij", + "ç»ıçIJĨ" + ], + [ + "æĮī", + "éĶ®" + ], + [ + "åĨħéĥ¨", + "æİ§åζ" + ], + [ + "æĪIJåijĺ", + "åįķä½į" + ], + [ + "æľ¯", + "è¯Ń" + ], + [ + "åζ", + "æľį" + ], + [ + "åĪļ", + "éľĢ" + ], + [ + "æ£Ģ", + "ç´¢" + ], + [ + "大大", + "æıIJé«ĺ" + ], + [ + "åģ¥åº·", + "管çIJĨ" + ], + [ + "èĩª", + "æŃ¤" + ], + [ + "客æĪ·", + "éľĢæ±Ĥ" + ], + [ + "丰", + "èĥ¸" + ], + [ + "èµ·", + "éĩį" + ], + [ + "èµ·éĩį", + "æľº" + ], + [ + "æ¬ł", + "缺" + ], + [ + "æ¡Ī", + "åŃIJ" + ], + [ + "æĥħ人", + "èĬĤ" + ], + [ + "åħļ", + "æł¡" + ], + [ + "è¢", + "ľ" + ], + [ + "该", + "åī§" + ], + [ + "迷失", + "ä¼łå¥ĩ" + ], + [ + "ç»ļ", + "丽" + ], + [ + "åķ", + "ª" + ], + [ + "æĹł", + "ç§ģ" + ], + [ + "é̲", + "ä¸ĢæŃ¥" + ], + [ + "第ä¸Ģ", + "竳" + ], + [ + "åύ", + "åħ·" + ], + [ + "åĨľ", + "èµĦ" + ], + [ + "確", + "實" + ], + [ + "åºı", + "åĪĹ" + ], + [ + "娱ä¹IJ", + "å¹³åı°" + ], + [ + "èŀįèµĦ", + "ç§Łèµģ" + ], + [ + "èµĦæºIJ", + "åħ±äº«" + ], + [ + "èģ½", + "åΰ" + ], + [ + "æIJŀ", + "å¾Ĺ" + ], + [ + "ç»§ç»Ń", + "ä¿ĿæĮģ" + ], + [ + "åIJ¯", + "èĴĻ" + ], + [ + "çľ", + "º" + ], + [ + "ä¸Ŀ", + "è·¯" + ], + [ + "设æĸ½", + "建设" + ], + [ + "æİ¥", + "åľ°" + ], + [ + "æİ¥åľ°", + "æ°Ķ" + ], + [ + "第ä¸ī", + "åŃ£åº¦" + ], + [ + "åŁº", + "è°ĥ" + ], + [ + "åıij", + "éŁ³" + ], + [ + "社ä¼ļ", + "èµĦæľ¬" + ], + [ + "éĽĩ", + "主" + ], + [ + "è¿ŀ", + "èĥľ" + ], + [ + "没", + "åķ¥" + ], + [ + "å»", + "¢" + ], + [ + "èµ¶", + "èµ´" + ], + [ + "æ¼Ķ", + "åĮĸ" + ], + [ + "åı¤", + "æĢª" + ], + [ + "çİĭ", + "çĪ·" + ], + [ + "é¢Ħ", + "åħĪ" + ], + [ + "å¼Ģ", + "åħ·" + ], + [ + "åĽŀ", + "é¦ĸ" + ], + [ + "åľ°ä¸ĭ", + "æ°´" + ], + [ + "å°ıç¼ĸ", + "ä¸Ģèµ·" + ], + [ + "èµİ", + "åĽŀ" + ], + [ + "åľ°", + "è²Į" + ], + [ + "åĪĿ", + "ä¸ī" + ], + [ + "åı¯", + "ç͍äºİ" + ], + [ + "éģĹ", + "迹" + ], + [ + "è¿Ļ", + "æī¹" + ], + [ + "èĸª", + "æ°´" + ], + [ + "å¿ħçĦ¶", + "ä¼ļ" + ], + [ + "æ²", + "½" + ], + [ + "éį", + "ĭ" + ], + [ + "第ä¸Ģ", + "éĥ¨" + ], + [ + "åĪĬ", + "çī©" + ], + [ + "å®ŀ", + "ä¾ĭ" + ], + [ + "æ¸ħ", + "åĩĢ" + ], + [ + "ä¸Ĭ", + "èµĽåŃ£" + ], + [ + "åĽ¾", + "表" + ], + [ + "éĤ®", + "è½®" + ], + [ + "åĵª", + "裡" + ], + [ + "缸", + "è§ģ" + ], + [ + "æī°", + "ä¹±" + ], + [ + "æ¯ı", + "æ¯ı" + ], + [ + "è¿Ļ", + "è¾ĪåŃIJ" + ], + [ + "ç¡«", + "éħ¸" + ], + [ + "äºī", + "缸" + ], + [ + "溯", + "æºIJ" + ], + [ + "åĩº", + "ä¼Ĺ" + ], + [ + "çİī", + "çŁ³" + ], + [ + "åħ±", + "çĶŁ" + ], + [ + "æĹ¶éĹ´", + "段" + ], + [ + "éĩįè¦ģ", + "æĮĩ示" + ], + [ + "æ¶Īè´¹", + "éľĢæ±Ĥ" + ], + [ + "éķ¿", + "éķ¿" + ], + [ + "éķ¿éķ¿", + "çļĦ" + ], + [ + "å®ī", + "æĬļ" + ], + [ + "å¢ŀ", + "é«ĺ" + ], + [ + "æľ¬", + "è½®" + ], + [ + "亲", + "çľ¼" + ], + [ + "é£İ", + "æ³¢" + ], + [ + "èĢģ", + "å¦Ī" + ], + [ + "æĶ¶è´¹", + "æłĩåĩĨ" + ], + [ + "åĨħ", + "éĻĨ" + ], + [ + "æĮ¥", + "åıij" + ], + [ + "åįĩ", + "åѦ" + ], + [ + "èĥ¸", + "åīį" + ], + [ + "åģı", + "è¿ľ" + ], + [ + "纯", + "æ´ģ" + ], + [ + "æĸ½å·¥", + "åįķä½į" + ], + [ + "身", + "ä»·" + ], + [ + "è´¢", + "åĬĽ" + ], + [ + "çº", + "¶" + ], + [ + "è£ħ", + "çͲ" + ], + [ + "æĺ¾ç¤º", + "åύ" + ], + [ + "毫", + "åįĩ" + ], + [ + "æ·±", + "çŁ¥" + ], + [ + "è̶", + "ç©" + ], + [ + "è̶ç©", + "Į" + ], + [ + "è¾ĥ", + "éĩı" + ], + [ + "åľ¨", + "è¿ĩ渡" + ], + [ + "åľ¨è¿ĩ渡", + "æľŁ" + ], + [ + "èĮ", + "Ĺ" + ], + [ + "ä¸Ģ个", + "æĺŁæľŁ" + ], + [ + "èĬ", + "·" + ], + [ + "è´¿", + "èµĤ" + ], + [ + "æ¿", + "ķ" + ], + [ + "æĩĤ", + "äºĭ" + ], + [ + "ç§", + "§" + ], + [ + "åħħ", + "å½ĵ" + ], + [ + "åĽ½", + "ç«ĭ" + ], + [ + "èĬ±", + "çĵ£" + ], + [ + "éĤĦ", + "è¦ģ" + ], + [ + "åħ¬", + "åľĴ" + ], + [ + "触", + "åĬ¨" + ], + [ + "æ³°", + "å·ŀ" + ], + [ + "ä»Ģä¹Ī", + "æł·" + ], + [ + "æ»ĭ", + "åħ»" + ], + [ + "è¯Ħ", + "åΤ" + ], + [ + "æĮ¥", + "æīĭ" + ], + [ + "èĦ", + "Ī" + ], + [ + "å§¥", + "å§¥" + ], + [ + "è¿IJ", + "è´¹" + ], + [ + "æ¯ħ", + "åĬĽ" + ], + [ + "å¿ĥ", + "æĻº" + ], + [ + "ä¸į", + "æİĴéϤ" + ], + [ + "第ä¸ī", + "代" + ], + [ + "éĢĢ", + "è´§" + ], + [ + "æĺŁ", + "éĻħ" + ], + [ + "æ°¸", + "åĪ©" + ], + [ + "æĬ¤", + "åį«" + ], + [ + "çıŃ", + "车" + ], + [ + "è¨Ģ", + "è¡Į" + ], + [ + "ç¹", + "ª" + ], + [ + "主åĬ¨", + "æĢ§" + ], + [ + "å·¥ç¨ĭ", + "è´¨éĩı" + ], + [ + "éĥĬ", + "åĮº" + ], + [ + "ä¸Ģ", + "æłĭ" + ], + [ + "ä½Ĩ", + "å®ŀéĻħä¸Ĭ" + ], + [ + "ä¸ī大", + "èģĮä¸ļ" + ], + [ + "åij¼", + "åı«" + ], + [ + "女", + "åħĴ" + ], + [ + "è¯ģåΏ", + "æĬķèµĦ" + ], + [ + "èĢĥ", + "æħ®" + ], + [ + "çĤ«", + "èĢĢ" + ], + [ + "æ²»", + "好" + ], + [ + "åĺ", + "¶" + ], + [ + "èĥ", + "¤" + ], + [ + "åħīä¼ı", + "åıijç͵" + ], + [ + "åĩł", + "æŃ¥" + ], + [ + "æīĢ", + "æīĢ" + ], + [ + "æīĢæīĢ", + "éķ¿" + ], + [ + "çħ§", + "æł·" + ], + [ + "åĵ¥", + "们" + ], + [ + "è¯", + "Ľ" + ], + [ + "è¿Ļä¸Ģ", + "åĪ»" + ], + [ + "çŁ¿", + "çī©è´¨" + ], + [ + "ä¸įå¾Ĺ", + "å·²" + ], + [ + "åIJĮ", + "缣" + ], + [ + "ç»Ĩ", + "å¾®" + ], + [ + "è·¯", + "èĻİ" + ], + [ + "çϾ", + "èĬ±" + ], + [ + "æ··", + "æ²Į" + ], + [ + "ä¸Ĭæµ·", + "è¯ģåΏ" + ], + [ + "éĢĢ", + "ç¨İ" + ], + [ + "èµŀ", + "åı¹" + ], + [ + "æī®æ¼Ķ", + "游æĪı" + ], + [ + "åIJį", + "åĪĹ" + ], + [ + "åIJįåĪĹ", + "åīį" + ], + [ + "åIJįåĪĹåīį", + "èĮħ" + ], + [ + "ç±³", + "å°Ķ" + ], + [ + "ä»Ģä¹Ī", + "åİŁåĽł" + ], + [ + "å®īåħ¨", + "ä¿Ŀéļľ" + ], + [ + "ä¸Ģåıª", + "æīĭ" + ], + [ + "ä¹³", + "ä¸ļ" + ], + [ + "ä¸į", + "çĶĺ" + ], + [ + "æĥħ", + "åķĨ" + ], + [ + "æĮ¡", + "ä½ı" + ], + [ + "åİŁåĽł", + "ä¹ĭä¸Ģ" + ], + [ + "è¿Ļ", + "两天" + ], + [ + "çĥĺ", + "çĦĻ" + ], + [ + "è±", + "¬" + ], + [ + "ä½ł", + "以为" + ], + [ + "没", + "è§ģè¿ĩ" + ], + [ + "åĵªå®¶", + "好" + ], + [ + "åīį", + "ä»»" + ], + [ + "è¿Ľ", + "è´§" + ], + [ + "éĢĢ", + "åĽŀ" + ], + [ + "串", + "èģĶ" + ], + [ + "èĩ³", + "æĸ¼" + ], + [ + "åĨ°", + "æ·ĩ" + ], + [ + "åĨ°æ·ĩ", + "æ·ĭ" + ], + [ + "æŁ¥çľĭ", + "详æĥħ" + ], + [ + "çı¾", + "實" + ], + [ + "æİ¨", + "æµĭ" + ], + [ + "æİ¥", + "æīĭ" + ], + [ + "éļ¶", + "å±ŀäºİ" + ], + [ + "åŁİå¸Ĥ", + "群" + ], + [ + "æĿİ", + "åħĪçĶŁ" + ], + [ + "çŁ¿", + "æ³īæ°´" + ], + [ + "çī¹", + "ä»·" + ], + [ + "æĽ´å¤ļ", + "精彩" + ], + [ + "ç¨ĭ", + "å¼ı" + ], + [ + "读", + "æĩĤ" + ], + [ + "å±ı", + "èͽ" + ], + [ + "奥", + "æŀĹ" + ], + [ + "奥æŀĹ", + "åĮ¹" + ], + [ + "奥æŀĹåĮ¹", + "åħĭ" + ], + [ + "红", + "èĸ¯" + ], + [ + "å¥", + "®" + ], + [ + "å®Ŀ", + "çİī" + ], + [ + "ç¶²", + "絡" + ], + [ + "è²", + "§" + ], + [ + "欧", + "å¼ı" + ], + [ + "çϽ", + "ç³ĸ" + ], + [ + "èĩªçĦ¶", + "çģ¾å®³" + ], + [ + "åijĬè¯ī", + "她" + ], + [ + "å»", + "ļ" + ], + [ + "çĤ¹åĩ»", + "æŁ¥çľĭ" + ], + [ + "é£İ", + "湿" + ], + [ + "èµĦ产", + "éĩįç»Ħ" + ], + [ + "ä¹Łä¸į", + "ä¾ĭå¤ĸ" + ], + [ + "åįĬ", + "个å°ıæĹ¶" + ], + [ + "åIJ¸å¼ķ", + "æĽ´å¤ļ" + ], + [ + "æĹ¶éĹ´", + "èĬĤçĤ¹" + ], + [ + "æĶ¶", + "纳" + ], + [ + "åIJ¸", + "æ¯Ĵ" + ], + [ + "èĢģ", + "乡" + ], + [ + "çIJ", + "ħ" + ], + [ + "æľĢ", + "çµĤ" + ], + [ + "åıį", + "æĦŁ" + ], + [ + "ç͍", + "微信" + ], + [ + "çĶ¨å¾®ä¿¡", + "æī«" + ], + [ + "éĢŁ", + "çİĩ" + ], + [ + "大", + "çĨĬçĮ«" + ], + [ + "åı¯", + "æĥ³" + ], + [ + "åı¯æĥ³", + "èĢĮ" + ], + [ + "åı¯æĥ³èĢĮ", + "çŁ¥" + ], + [ + "åĴ", + "§" + ], + [ + "èµ°", + "åħ¥" + ], + [ + "碳", + "éħ¸" + ], + [ + "èĮĥ", + "åĨ°" + ], + [ + "èĮĥåĨ°", + "åĨ°" + ], + [ + "被", + "åΤ" + ], + [ + "积æŀģ", + "æİ¨åĬ¨" + ], + [ + "è¶³", + "è¶³" + ], + [ + "ç²Ĵ", + "åŃIJ" + ], + [ + "大", + "å®Ĺ" + ], + [ + "大å®Ĺ", + "åķĨåĵģ" + ], + [ + "ç½ij绾", + "ç§ijæĬĢ" + ], + [ + "æĽ¼", + "åŁİ" + ], + [ + "å·²", + "ä¹ħ" + ], + [ + "å·²ä¹ħ", + "çļĦ" + ], + [ + "秦", + "çļĩ" + ], + [ + "秦çļĩ", + "å²Ľ" + ], + [ + "ä»»", + "æķĻ" + ], + [ + "å͝", + "ç¾İ" + ], + [ + "æ·¡", + "åĮĸ" + ], + [ + "æ¡Ĥ", + "èĬ±" + ], + [ + "çŁ¥è¯Ĩ", + "åĪĨåŃIJ" + ], + [ + "æĩĴ", + "å¾Ĺ" + ], + [ + "主", + "åħ¬" + ], + [ + "设计", + "çIJĨ念" + ], + [ + "è³", + "º" + ], + [ + "æīĢ", + "æıIJä¾Ľ" + ], + [ + "æīĢæıIJä¾Ľ", + "ä¹ĭ" + ], + [ + "æĶ»", + "åħĭ" + ], + [ + "åĤ", + "¾" + ], + [ + "è¯Ń", + "æ³ķ" + ], + [ + "åįĥ", + "åı¤" + ], + [ + "éĸĭ", + "æĶ¾" + ], + [ + "第ä¸Ģ", + "èĬĤ" + ], + [ + "éĤĦ", + "æ²Ĵ" + ], + [ + "éĢĥ", + "çĶŁ" + ], + [ + "æ³", + "Ĺ" + ], + [ + "åİ¿", + "å§Ķ书记" + ], + [ + "ä½ľèĢħ", + "æīĢæľī" + ], + [ + "çħ", + "½" + ], + [ + "ç»", + "ħ" + ], + [ + "æł", + "ħ" + ], + [ + "æľ´", + "ç´ł" + ], + [ + "çijķ", + "çĸµ" + ], + [ + "åĮħ", + "åĮħ" + ], + [ + "æ°ij主", + "åħļ" + ], + [ + "ä¸į", + "è¿ľå¤Ħ" + ], + [ + "å¥ĩ", + "å¼Ĥ" + ], + [ + "åĺ»", + "åĺ»" + ], + [ + "æī", + "¼" + ], + [ + "ç¿»", + "å¼Ģ" + ], + [ + "æĢİ", + "èĥ½" + ], + [ + "éģ´", + "éĢī" + ], + [ + "è§£", + "éĩĭ" + ], + [ + "å¹¼", + "ç¨ļ" + ], + [ + "è¦ģ", + "好好" + ], + [ + "è¶´", + "åľ¨" + ], + [ + "ç´¢", + "åıĸ" + ], + [ + "ç»Ī", + "çĶŁ" + ], + [ + "åħ¨", + "æµģç¨ĭ" + ], + [ + "éģ©", + "çķ¶" + ], + [ + "åįıè°ĥ", + "åıijå±ķ" + ], + [ + "æĬ¥", + "ä»ĩ" + ], + [ + "ç§ijæĬĢ", + "åĽŃ" + ], + [ + "ä»Ģä¹Ī", + "éĥ½ä¸į" + ], + [ + "æľĢåIJİ", + "ä¸Ģ次" + ], + [ + "ç»Ļ人", + "ä¸Ģç§į" + ], + [ + "æł¸", + "å®ļ" + ], + [ + "被", + "åĪĹåħ¥" + ], + [ + "æĦı", + "æĥ³ä¸įåΰ" + ], + [ + "èĢĥ", + "æŁ¥" + ], + [ + "åľ¨æŃ¤", + "ä¹ĭåīį" + ], + [ + "æīĵ", + "çIJĥ" + ], + [ + "è¶ĬæĿ¥è¶Ĭ", + "å°ij" + ], + [ + "å®ļ", + "å¾ĭ" + ], + [ + "è¡ĮæĶ¿", + "æľºåħ³" + ], + [ + "ä½ıæĪ¿", + "åħ¬ç§¯" + ], + [ + "å°ıå§IJ", + "å§IJ" + ], + [ + "ä¸ī", + "èı±" + ], + [ + "ä¿®", + "è¡¥" + ], + [ + "èŀĥ", + "èŁ¹" + ], + [ + "西", + "çͲ" + ], + [ + "æĢ", + "ł" + ], + [ + "çŃī", + "å¤ļ项" + ], + [ + "产ä¸ļ", + "éĽĨèģļ" + ], + [ + "ä»·æł¼", + "ä¸Ĭ涨" + ], + [ + "åħ¬åħ±", + "åľºæīĢ" + ], + [ + "è¢ĭ", + "åŃIJ" + ], + [ + "æĨ§", + "æĨ¬" + ], + [ + "çļĦæĸ¹å¼ı", + "æĿ¥" + ], + [ + "åΰ", + "è´¦" + ], + [ + "çģ", + "½" + ], + [ + "å·´", + "èı²" + ], + [ + "å·´èı²", + "çī¹" + ], + [ + "æ¼Ķ", + "ä¹ł" + ], + [ + "èŃ¦ç¤º", + "æķĻèĤ²" + ], + [ + "çķı", + "æĥ§" + ], + [ + "å¼ķ", + "æµģ" + ], + [ + "æĶ¶", + "æĶ¯" + ], + [ + "å±Ĥ", + "åĩº" + ], + [ + "å±Ĥåĩº", + "ä¸į" + ], + [ + "å±Ĥåĩºä¸į", + "ç©·" + ], + [ + "æijĩ", + "æ»ļ" + ], + [ + "辦", + "çIJĨ" + ], + [ + "纵", + "è§Ĥ" + ], + [ + "æķij", + "æµİ" + ], + [ + "å®¶", + "éĥ½çŁ¥éģĵ" + ], + [ + "åĮ", + "¯" + ], + [ + "å°ı", + "鸣" + ], + [ + "ä»»", + "åĭĻ" + ], + [ + "计", + "åħ¥" + ], + [ + "ç«ŀ", + "éĢī" + ], + [ + "å¼ĢèįĴ", + "æĹ¶æľŁ" + ], + [ + "åij¨", + "æģ©" + ], + [ + "åij¨æģ©", + "æĿ¥" + ], + [ + "交", + "ç»ĩ" + ], + [ + "çķ¢", + "æ¥Ń" + ], + [ + "æł¹æį®", + "èĩªå·±" + ], + [ + "æĸ°äºº", + "çݩ家" + ], + [ + "åѵåĮĸ", + "åύ" + ], + [ + "éĩĩ", + "æļĸ" + ], + [ + "å¹³åĿĩ", + "æ°´å¹³" + ], + [ + "åħ¬å¼Ģ", + "课" + ], + [ + "失", + "åĪ©" + ], + [ + "伺", + "æľį" + ], + [ + "çĬ", + "ģ" + ], + [ + "忽", + "æĤł" + ], + [ + "主è¦ģ", + "éĽĨä¸Ń" + ], + [ + "æ¤į", + "æłij" + ], + [ + "æ¯Ĺ", + "éĤ»" + ], + [ + "èĩº", + "çģ£" + ], + [ + "åĩºåĽ½", + "çķĻåѦ" + ], + [ + "æĬĹ", + "éľĩ" + ], + [ + "æĥ©", + "æĪĴ" + ], + [ + "å¹´åºķ", + "åīį" + ], + [ + "åĴ¸", + "éĺ³" + ], + [ + "æ°ij", + "å±ħ" + ], + [ + "大çIJĨ", + "çŁ³" + ], + [ + "éĿ", + "³" + ], + [ + "éķ", + "ĸ" + ], + [ + "æ¸ħ", + "è¿ľ" + ], + [ + "è£ħ", + "è½½" + ], + [ + "èĩ", + "Ģ" + ], + [ + "å½±", + "ä¸ļ" + ], + [ + "å¼Ł", + "åħĦ" + ], + [ + "æĤ²", + "è§Ĥ" + ], + [ + "çĿĢçľ¼", + "äºİ" + ], + [ + "æįį", + "åį«" + ], + [ + "åī¥", + "夺" + ], + [ + "ç¯", + "Ĩ" + ], + [ + "å¾Ī", + "éķ¿æĹ¶éĹ´" + ], + [ + "è¥", + "Ł" + ], + [ + "第ä¸Ģ", + "çϾ" + ], + [ + "ä¸ĢåĪĨ", + "éĴ±" + ], + [ + "æĸ°éĹ»", + "è®°èĢħ" + ], + [ + "éķ·", + "æľŁ" + ], + [ + "æ³ķ", + "æĪĺç»ĦåIJĪ" + ], + [ + "è°ģ", + "çŁ¥éģĵ" + ], + [ + "èħ°", + "éĥ¨" + ], + [ + "æ±ī", + "åł¡" + ], + [ + "åħ¥", + "çĿ¡" + ], + [ + "åįĸ", + "æİī" + ], + [ + "æ¶Īè²»", + "èĢħ" + ], + [ + "æĥ¯", + "ä¾ĭ" + ], + [ + "æĥ³", + "äºĨ" + ], + [ + "æĥ³äºĨ", + "æĥ³" + ], + [ + "èĢģæĹ§", + "å°ıåĮº" + ], + [ + "ä¼ł", + "è¨Ģ" + ], + [ + "åĪĨæķ°", + "线" + ], + [ + "æµģ", + "泪" + ], + [ + "ç»Ħç»ĩ", + "é¢Ĩ导" + ], + [ + "äºļ", + "åĨĽ" + ], + [ + "å¢ŀå̼", + "æľįåĬ¡" + ], + [ + "å¾", + "¹" + ], + [ + "ä¼", + "¶" + ], + [ + "äºĽ", + "许" + ], + [ + "å¸ĥ", + "èݱ" + ], + [ + "强", + "æĤį" + ], + [ + "宫", + "å»·" + ], + [ + "绿", + "èĮ¶" + ], + [ + "åĮ", + "¡" + ], + [ + "å¾Ī", + "æŃ£å¸¸" + ], + [ + "æĺ¥", + "å¤ı" + ], + [ + "æ¯", + "Ļ" + ], + [ + "è¯Ħ", + "æ¯Ķ" + ], + [ + "åĩ¡", + "äºĭ" + ], + [ + "æĬī", + "æĭ©" + ], + [ + "åĢĴ", + "éľī" + ], + [ + "éĩį", + "度" + ], + [ + "åįıä¼ļ", + "ä¼ļéķ¿" + ], + [ + "å¿§", + "èĻij" + ], + [ + "ä¸ĭ", + "ä¸Ģç¯ĩ" + ], + [ + "沪", + "æ·±" + ], + [ + "æĪ", + "İ" + ], + [ + "æīĵ", + "ä»Ĺ" + ], + [ + "åįĪ", + "é¥Ń" + ], + [ + "å¹´é¾Ħ", + "段" + ], + [ + "ä¸ŃåĽ½", + "è¶³çIJĥ" + ], + [ + "设计", + "æĸ¹æ¡Ī" + ], + [ + "åºĶç͍", + "æŁ¥çľĭ" + ], + [ + "é¢Ħ", + "æĸĻ" + ], + [ + "åĹ", + "¡" + ], + [ + "ç¥ĸ", + "çζ" + ], + [ + "çļĦä¸Ģ", + "åijĺ" + ], + [ + "æ´Ĺ", + "å¹²åĩĢ" + ], + [ + "åİĨåı²", + "æĸ°" + ], + [ + "åİĨåı²æĸ°", + "é«ĺ" + ], + [ + "çĭ¬", + "åħ·" + ], + [ + "æħĭ", + "度" + ], + [ + "æīĵ", + "交" + ], + [ + "æīĵ交", + "éģĵ" + ], + [ + "é»Ħ", + "çŁ³" + ], + [ + "çĽ¼", + "æľĽ" + ], + [ + "çī§", + "åľº" + ], + [ + "转", + "弯" + ], + [ + "åįĩ", + "åįİ" + ], + [ + "åĨį", + "ä¹Łæ²¡æľī" + ], + [ + "èĭ±", + "æīį" + ], + [ + "æĽ´", + "åIJį为" + ], + [ + "åĢŁ", + "ç͍" + ], + [ + "çºł", + "éĶĻ" + ], + [ + "ç»Ŀ对", + "ä¸įä¼ļ" + ], + [ + "çİĭ", + "çīĮ" + ], + [ + "çĽĨ", + "åľ°" + ], + [ + "失", + "è°ĥ" + ], + [ + "好", + "象" + ], + [ + "é³", + "¥" + ], + [ + "ä¿Ŀ", + "ä¿®" + ], + [ + "åĽĽä¸ª", + "èĩªä¿¡" + ], + [ + "头", + "çļ®" + ], + [ + "åİŁ", + "åīĩ" + ], + [ + "æĬ¥", + "æ¡Ī" + ], + [ + "奴", + "éļ¶" + ], + [ + "å³", + "Ļ" + ], + [ + "è°ĥ", + "æĸĻ" + ], + [ + "ä¹Ł", + "許" + ], + [ + "èIJ½", + "åΰ" + ], + [ + "èIJ½åΰ", + "å®ŀ" + ], + [ + "èIJ½åΰå®ŀ", + "å¤Ħ" + ], + [ + "çĦļ", + "çĥ§" + ], + [ + "çĶŁæ´»", + "çݯå¢ĥ" + ], + [ + "åºĶ", + "åıĬæĹ¶" + ], + [ + "è¶Ĭ", + "è¿ĩ" + ], + [ + "æĦŁ", + "è¬Ŀ" + ], + [ + "æĻ¯", + "å¾·" + ], + [ + "æĻ¯å¾·", + "éķĩ" + ], + [ + "çĬ", + "Ģ" + ], + [ + "身", + "éĤĬ" + ], + [ + "ç¨İåĬ¡", + "æĢ»å±Ģ" + ], + [ + "åĩĢ", + "åľŁ" + ], + [ + "ä¾µ", + "åįł" + ], + [ + "åĬ¨", + "å·¥" + ], + [ + "å¹´", + "ä¹ĭ" + ], + [ + "å¹´ä¹ĭ", + "ä¹ħ" + ], + [ + "第äºĮ", + "èĬĤ" + ], + [ + "åĬ¨çī©", + "åĽŃ" + ], + [ + "第ä¸Ģ", + "书记" + ], + [ + "éħ", + "ļ" + ], + [ + "çĶŁäº§", + "设å¤ĩ" + ], + [ + "æŁIJç§į", + "ç¨ĭ度" + ], + [ + "åľ", + "Ń" + ], + [ + "åĩŃåĢŁ", + "çĿĢ" + ], + [ + "éĺħ", + "è§Ī" + ], + [ + "çϽ", + "æ²Ļ" + ], + [ + "æ²¹", + "çĥŁ" + ], + [ + "çªģçł´", + "åı£" + ], + [ + "åıĹ", + "å½±åĵį" + ], + [ + "åı¯ä»¥", + "æĽ´å¥½" + ], + [ + "å³°", + "å̼" + ], + [ + "æĿĤ", + "è´¨" + ], + [ + "宿", + "è¿ģ" + ], + [ + "çĽĺ", + "æ´»" + ], + [ + "æ¿Ģ", + "èµ·" + ], + [ + "åĦ¿", + "ç§ij" + ], + [ + "åĿIJ", + "èIJ½åľ¨" + ], + [ + "æĮª", + "å¨ģ" + ], + [ + "æµ·", + "å²Ľ" + ], + [ + "绣", + "绣" + ], + [ + "éĻ", + "¨" + ], + [ + "ä¼ĺ", + "äºİ" + ], + [ + "å°Ī", + "å®¶" + ], + [ + "ä¸Ģ", + "éĤĬ" + ], + [ + "èIJ", + "Ĭ" + ], + [ + "äºĨä¸Ģ", + "åı£" + ], + [ + "æ²ĥå°Ķ", + "æ²ĥ" + ], + [ + "æŃ£å¸¸", + "使ç͍" + ], + [ + "æĻ®éģį", + "åŃĺåľ¨" + ], + [ + "丰", + "满" + ], + [ + "çĶ»", + "åį·" + ], + [ + "åºĶ", + "æĶ¶" + ], + [ + "åºĶæĶ¶", + "è´¦" + ], + [ + "åºĶæĶ¶è´¦", + "款" + ], + [ + "å®Įæķ´", + "çĥŃ" + ], + [ + "å®Įæķ´çĥŃ", + "æ¦ľ" + ], + [ + "注", + "è§Ĩ" + ], + [ + "çĨ", + "Ħ" + ], + [ + "èº", + "¬" + ], + [ + "éĶĢåĶ®", + "人åijĺ" + ], + [ + "è¶ĭ", + "åIJij" + ], + [ + "çĦ¦", + "æĢ¥" + ], + [ + "åįģå¹´", + "åīį" + ], + [ + "ä¼łç»Ł", + "产ä¸ļ" + ], + [ + "質", + "éĩı" + ], + [ + "åĩ¤åĩ°", + "ç½ij" + ], + [ + "èµĦæºIJ", + "æķ´åIJĪ" + ], + [ + "æ¶Į", + "åħ¥" + ], + [ + "æĸĩåĮĸ", + "ä¼łæĴŃ" + ], + [ + "çķĮ", + "第ä¸Ģ" + ], + [ + "æ°´", + "æ³µ" + ], + [ + "宫", + "殿" + ], + [ + "æİ¢", + "寻" + ], + [ + "ä¿®", + "åīª" + ], + [ + "æĦı", + "è¦ĭ" + ], + [ + "ç´Ĭ", + "ä¹±" + ], + [ + "æĽ", + "ī" + ], + [ + "çϽ", + "è¡£" + ], + [ + "èĻİ", + "åį«" + ], + [ + "ç´§", + "æī£" + ], + [ + "å¤Ħå¤Ħ", + "éķ¿" + ], + [ + "åĪĽå»º", + "å·¥ä½ľ" + ], + [ + "红", + "æŀ£" + ], + [ + "饼", + "å¹²" + ], + [ + "äºĨ", + "åįĬ天" + ], + [ + "ä¼ļå½±åĵį", + "åΰ" + ], + [ + "çĽ¸ä¿¡", + "大家" + ], + [ + "èħ¾", + "é£ŀ" + ], + [ + "å°±", + "å¦ĤåIJĮ" + ], + [ + "ä¸ĭéĿ¢", + "å°ıç¼ĸ" + ], + [ + "æ°ijèIJ¥", + "ç»ıæµİ" + ], + [ + "æĻ", + "¦" + ], + [ + "è£ħ", + "æī®" + ], + [ + "é»ij", + "å¤ľ" + ], + [ + "常", + "å¾·" + ], + [ + "å·¥ä¸ļ", + "大åѦ" + ], + [ + "æĺİ", + "çŁ¥" + ], + [ + "éĺŁåijĺ", + "们" + ], + [ + "åIJ¬", + "课" + ], + [ + "æ¯ı", + "éļĶ" + ], + [ + "羣æĺ¯", + "太" + ], + [ + "åIJĪä½ľ", + "åħ±èµ¢" + ], + [ + "çIJĨ", + "åıij" + ], + [ + "æīį", + "å¹²" + ], + [ + "çľĭ", + "èµ·ä¾Ĩ" + ], + [ + "殿", + "ä¸ĭ" + ], + [ + "å®ī", + "éĺ³" + ], + [ + "æīĢ", + "产çĶŁçļĦ" + ], + [ + "éĽĩ", + "ä½£" + ], + [ + "æĬ¬èµ·", + "头" + ], + [ + "æį®", + "æĬ¥éģĵ" + ], + [ + "éļĨéĩį", + "举è¡Į" + ], + [ + "交", + "éĶĻ" + ], + [ + "è¶ħ", + "é¢Ŀ" + ], + [ + "åĮĸ", + "çĸĹ" + ], + [ + "é¡", + "Ĩ" + ], + [ + "纵", + "æ·±" + ], + [ + "çĪ±åĽ½", + "主ä¹ī" + ], + [ + "éĻ¢", + "åī¯éĻ¢éķ¿" + ], + [ + "è®", + "³" + ], + [ + "羣æŃ£", + "åģļåΰ" + ], + [ + "åѤ", + "åįķ" + ], + [ + "èĩªçĦ¶", + "èĢĮ" + ], + [ + "èĩªçĦ¶èĢĮ", + "çĦ¶" + ], + [ + "ä¿®", + "身" + ], + [ + "èĬ", + "¹" + ], + [ + "æģ¯", + "æģ¯" + ], + [ + "æģ¯æģ¯", + "缸åħ³" + ], + [ + "驾", + "æł¡" + ], + [ + "æİ©", + "饰" + ], + [ + "æ³½", + "è¿ŀ" + ], + [ + "æ³½è¿ŀ", + "æĸ¯åŁº" + ], + [ + "举", + "æŃ¢" + ], + [ + "管çIJĨ", + "ä½ĵåζ" + ], + [ + "åħ¶ä¸Ń", + "ä¹ĭä¸Ģ" + ], + [ + "æĿ¾", + "å¼Ľ" + ], + [ + "æĭ¦", + "æĪª" + ], + [ + "åį«", + "åģ¥" + ], + [ + "åį«åģ¥", + "å§Ķ" + ], + [ + "ä»İ", + "åݻ年" + ], + [ + "åĤ", + "¢" + ], + [ + "è´Ń", + "票" + ], + [ + "åĽ¾", + "æłĩ" + ], + [ + "æ²³", + "西" + ], + [ + "æ°ijæĶ¿", + "å±Ģ" + ], + [ + "ç§ģ", + "èIJ¥" + ], + [ + "å¤ĸåĽ½", + "è¯Ń" + ], + [ + "å¹²", + "è´§" + ], + [ + "æĵ¦", + "æĭŃ" + ], + [ + "åľ°", + "ä¸Ń" + ], + [ + "åľ°ä¸Ń", + "æµ·" + ], + [ + "æµĵ", + "æµĵ" + ], + [ + "æµĵæµĵ", + "çļĦ" + ], + [ + "å§ĭ", + "建" + ], + [ + "å§ĭ建", + "äºİ" + ], + [ + "ç¶ĵ", + "æŃ·" + ], + [ + "è·¯", + "æ¼Ķ" + ], + [ + "æļ´", + "é£İ" + ], + [ + "åŁº", + "è¾ħ" + ], + [ + "æī¶è´«", + "å·¥ä½ľ" + ], + [ + "ä¸Ģ缴", + "å¤Ħäºİ" + ], + [ + "æĥħ", + "è¶£" + ], + [ + "äºĮ", + "åŃ£åº¦" + ], + [ + "åİĮ", + "æģ¶" + ], + [ + "顺åĪ©", + "å®ĮæĪIJ" + ], + [ + "æŁ¥", + "å°ģ" + ], + [ + "é¡¶", + "端" + ], + [ + "ä¸į", + "åŃķ" + ], + [ + "ä¸Ģ大", + "åłĨ" + ], + [ + "被", + "æ·ĺæ±°" + ], + [ + "æĺ¯", + "ç͍æĿ¥" + ], + [ + "æľĢ", + "åIJĪéĢĤ" + ], + [ + "亮", + "çľ¼" + ], + [ + "å¹¶ä¸įæĺ¯", + "å¾Ī" + ], + [ + "ç§ijçłĶ", + "éĻ¢" + ], + [ + "ç§ijçłĶéĻ¢", + "æīĢ" + ], + [ + "ç²", + "Ł" + ], + [ + "é¢Ī", + "éĥ¨" + ], + [ + "é»ĺé»ĺ", + "åľ°" + ], + [ + "é«ĺä¸Ń", + "çĶŁ" + ], + [ + "æĹıèĩªæ²»", + "åİ¿" + ], + [ + "æķĻåѦ", + "è´¨éĩı" + ], + [ + "æĪĺ", + "çģ«" + ], + [ + "åĿİ", + "åĿ·" + ], + [ + "æIJŃ", + "ä¹ĺ" + ], + [ + "è¯Ĺ", + "æĦı" + ], + [ + "åĪij", + "èѦ" + ], + [ + "åĩº", + "æ±Ĺ" + ], + [ + "åįģåħŃ", + "æĿ¡" + ], + [ + "请", + "åıĬæĹ¶" + ], + [ + "åĨľä¸ļ", + "大åѦ" + ], + [ + "èIJ½", + "åı¶" + ], + [ + "æĢ»", + "èĢĮè¨Ģ" + ], + [ + "æĢ»èĢĮè¨Ģ", + "ä¹ĭ" + ], + [ + "æĿľ", + "åħ°" + ], + [ + "æĿľåħ°", + "çī¹" + ], + [ + "éĻª", + "ä½ł" + ], + [ + "åħ¬", + "æĬ¥" + ], + [ + "çķĻè¨Ģ", + "æĿ¿" + ], + [ + "éĺħ", + "åİĨ" + ], + [ + "ç«¶", + "çĪŃ" + ], + [ + "ç»Ļ", + "åĪ«äºº" + ], + [ + "æĹ¥æĬ¥", + "社" + ], + [ + "åĿIJ", + "èIJ½" + ], + [ + "åĿIJèIJ½", + "äºİ" + ], + [ + "éĩij", + "åŃĹ" + ], + [ + "éĩijåŃĹ", + "å¡Ķ" + ], + [ + "åĽ", + "¤" + ], + [ + "è¯Ŀ", + "åī§" + ], + [ + "æĮģç»Ń", + "æİ¨è¿Ľ" + ], + [ + "æ¼ı", + "æ°´" + ], + [ + "詳", + "ç´°" + ], + [ + "æĢĢ", + "æĬ±" + ], + [ + "åıĺ", + "å¹»" + ], + [ + "饥", + "饿" + ], + [ + "éļIJ", + "身" + ], + [ + "个", + "èµĽåŃ£" + ], + [ + "åĵ¡", + "å·¥" + ], + [ + "æģ¢å¤į", + "æŃ£å¸¸" + ], + [ + "äºĨ", + "好å¤ļ" + ], + [ + "æĺŁ", + "å·´" + ], + [ + "æĺŁå·´", + "åħĭ" + ], + [ + "åħī", + "çݯ" + ], + [ + "å¸ħ", + "åĵ¥" + ], + [ + "çϽ", + "éĽª" + ], + [ + "ç¨į", + "ç¨į" + ], + [ + "计", + "æıIJ" + ], + [ + "æĦĽ", + "æĥħ" + ], + [ + "éİ", + "ĸ" + ], + [ + "ä¿¡", + "éĺ³" + ], + [ + "è§Ģ", + "å¯Ł" + ], + [ + "å¦Ĥæŀľä½ł", + "æĥ³" + ], + [ + "缸æ¯Ķ", + "ä¹ĭä¸ĭ" + ], + [ + "è§£", + "å¼Ģ" + ], + [ + "æīĵåį°", + "æľº" + ], + [ + "身", + "躯" + ], + [ + "ç²¾ç¥ŀ", + "æĸĩæĺİ" + ], + [ + "èĤ¡", + "æĮĩ" + ], + [ + "å¾®", + "åĪĽ" + ], + [ + "红", + "èĮ¶" + ], + [ + "èĩ´", + "çĻĮ" + ], + [ + "æģ©", + "æĸ½" + ], + [ + "èħ¿", + "éĥ¨" + ], + [ + "大åŀĭ", + "å¤ļ人" + ], + [ + "å®ī", + "åĢį" + ], + [ + "è¾ħ导", + "åijĺ" + ], + [ + "èĪª", + "éģĵ" + ], + [ + "å¸ĥ", + "å°Ķ" + ], + [ + "åįĹå®ģ", + "å¸Ĥ" + ], + [ + "ä¸ĬçıŃ", + "æĹı" + ], + [ + "ä¾§", + "ç»ĵæŀĦæĢ§" + ], + [ + "追", + "éļı" + ], + [ + "å½ĵåľ°", + "æĶ¿åºľ" + ], + [ + "èµ°", + "åĩºæĿ¥" + ], + [ + "éĩijèŀį", + "ä¸ļ" + ], + [ + "丼", + "书" + ], + [ + "é¡¹çĽ®", + "ç»ıçIJĨ" + ], + [ + "è¿ĩ", + "æĪ·" + ], + [ + "骨", + "æŀ¶" + ], + [ + "è¡", + "Ļ" + ], + [ + "ä»Ģ", + "麽" + ], + [ + "èħ", + "ĭ" + ], + [ + "è¦ģ", + "害" + ], + [ + "åľ¨", + "åºĬä¸Ĭ" + ], + [ + "代è¨Ģ", + "人" + ], + [ + "並", + "å°ĩ" + ], + [ + "åIJĦ个", + "æĸ¹éĿ¢" + ], + [ + "è°´", + "è´£" + ], + [ + "åħ±", + "æĮ¯" + ], + [ + "åį³å°Ĩ", + "åΰæĿ¥" + ], + [ + "èĤº", + "çĻĮ" + ], + [ + "ä¾Ľ", + "éĶĢ" + ], + [ + "丼", + "æŀĹ" + ], + [ + "èµ", + "ĥ" + ], + [ + "åįģä½Ļ", + "å¹´" + ], + [ + "åĭĺ", + "æİ¢" + ], + [ + "飵", + "åij³" + ], + [ + "èĭ¦", + "ç¬ij" + ], + [ + "æľĢ大", + "ç¨ĭ度" + ], + [ + "éĩįçĤ¹", + "åħ³æ³¨" + ], + [ + "ä¹ĭ", + "举" + ], + [ + "满", + "æĢĢ" + ], + [ + "åıĹåΰ", + "å½±åĵį" + ], + [ + "æĭĽ", + "æĬķæłĩ" + ], + [ + "è¡¥", + "é½IJ" + ], + [ + "西", + "红" + ], + [ + "西红", + "æŁ¿" + ], + [ + "é¬", + "§" + ], + [ + "è£ħ", + "åį¸" + ], + [ + "éĤ»", + "éĩĮ" + ], + [ + "èĤĩ", + "äºĭ" + ], + [ + "æİĴ", + "æ¯Ĵ" + ], + [ + "åѤ", + "åĦ¿" + ], + [ + "鼶", + "è·Ŀ离" + ], + [ + "å®ŀ", + "å¹²" + ], + [ + "çľĭ", + "æŁ¥çľĭ" + ], + [ + "æĶ¶è´¹", + "ç«Ļ" + ], + [ + "ç»", + "·" + ], + [ + "åħ¬çĽĬ", + "æĢ§" + ], + [ + "éĢĴ", + "ç»Ļ" + ], + [ + "æĶ»", + "æīĵ" + ], + [ + "æĺŁçº§", + "éħĴåºĹ" + ], + [ + "æĺİ", + "åªļ" + ], + [ + "çį¨", + "ç«ĭ" + ], + [ + "è¯Ŀè¯Ń", + "æĿĥ" + ], + [ + "ä¸ĢæŃ¥", + "ä¸ĢæŃ¥" + ], + [ + "书æ³ķ", + "å®¶" + ], + [ + "æľªç»ı", + "æİĪæĿĥ" + ], + [ + "çŁ³", + "èĨı" + ], + [ + "åĩŃ", + "ä»Ģä¹Ī" + ], + [ + "çļĦ", + "æĹ¥" + ], + [ + "çļĦæĹ¥", + "åŃIJéĩĮ" + ], + [ + "诱", + "人" + ], + [ + "çϾåĪĨ", + "çϾ" + ], + [ + "èĪĪ", + "è¶£" + ], + [ + "å¼ł", + "åħĪçĶŁ" + ], + [ + "èĢģçĪ·", + "åŃIJ" + ], + [ + "æ³¢", + "çī¹" + ], + [ + "åŁºéĩij", + "份é¢Ŀ" + ], + [ + "æ²Ļåıij", + "ä¸Ĭ" + ], + [ + "å¥ĭæĸĹ", + "缮æłĩ" + ], + [ + "æ°¢", + "èĥ½" + ], + [ + "æ²ĥå°Ķ", + "çİĽ" + ], + [ + "義", + "åĭĻ" + ], + [ + "éŁ³", + "ç®±" + ], + [ + "æ²ī", + "浸" + ], + [ + "æ²ī浸", + "åľ¨" + ], + [ + "èĭ±", + "åľĭ" + ], + [ + "çģ¯", + "çģ«" + ], + [ + "è¿Ľ", + "项" + ], + [ + "两", + "端" + ], + [ + "ä¹Ķ", + "丹" + ], + [ + "èĦ¸", + "é¢Ĭ" + ], + [ + "åıijå±ķ", + "æ½ľåĬĽ" + ], + [ + "åĭķ", + "ä½ľ" + ], + [ + "åĵĪ", + "ä½Ľ" + ], + [ + "å®´", + "ä¼ļ" + ], + [ + "æ§", + "į" + ], + [ + "ç«ĭ", + "å¿Ĺ" + ], + [ + "ç¡ķ士", + "åѦä½į" + ], + [ + "åĭĭ", + "竳" + ], + [ + "è¿Ļ", + "åľºæ¯ĶèµĽ" + ], + [ + "æĮģ", + "å¹³" + ], + [ + "éķĢ", + "éĶĮ" + ], + [ + "èĭ±", + "çī¹" + ], + [ + "èĭ±çī¹", + "å°Ķ" + ], + [ + "æķĻ", + "èģĮå·¥" + ], + [ + "åĬŁ", + "åĬĽ" + ], + [ + "该", + "æ¡Ī" + ], + [ + "ä¸Ģ", + "æ¢Ŀ" + ], + [ + "åĺī", + "å¹´" + ], + [ + "åĺīå¹´", + "åįİ" + ], + [ + "è¿«", + "ä¸įåıĬ" + ], + [ + "è¿«ä¸įåıĬ", + "å¾ħ" + ], + [ + "è¿Ļ个", + "æĹ¶ä»£" + ], + [ + "精彩", + "æĴŃæĬ¥" + ], + [ + "人", + "èĦ¸" + ], + [ + "人èĦ¸", + "è¯ĨåĪ«" + ], + [ + "æ£Ģå¯Ł", + "å®ĺ" + ], + [ + "å°ı", + "èħ¿" + ], + [ + "éĨĴ", + "缮" + ], + [ + "åħļ", + "æĢ»" + ], + [ + "åħļæĢ»", + "æĶ¯" + ], + [ + "æĪ", + "Ł" + ], + [ + "èĮ«", + "çĦ¶" + ], + [ + "è±Ĩ", + "æµĨ" + ], + [ + "主", + "æ²»" + ], + [ + "éĿĴæµ·", + "çľģ" + ], + [ + "åĪijäºĭ", + "责任" + ], + [ + "çł", + "°" + ], + [ + "ä¹ĭ", + "æ¬ĬåĪ©" + ], + [ + "äºĶ", + "å®ĺ" + ], + [ + "è¿·", + "æĥij" + ], + [ + "åħ¥", + "åºĵ" + ], + [ + "å®¶", + "纺" + ], + [ + "å¼¹", + "ç°§" + ], + [ + "åįģäºĶ", + "æĿ¡" + ], + [ + "ç»Ļ", + "å®Ŀå®Ŀ" + ], + [ + "èĪªç©º", + "èĪªå¤©" + ], + [ + "å¾Ģ", + "å¤ĸ" + ], + [ + "å¼ķ", + "åĬĽ" + ], + [ + "çľ¼", + "çļ®" + ], + [ + "æ¶ī", + "è¶³" + ], + [ + "æĿ¥", + "宾" + ], + [ + "åľ¨çº¿", + "è§Ĵèī²" + ], + [ + "çĥŃ", + "éĶĢ" + ], + [ + "æµģ", + "éĢĿ" + ], + [ + "泡", + "泡" + ], + [ + "éĻį", + "å¹ħ" + ], + [ + "è´ŁéĿ¢", + "å½±åĵį" + ], + [ + "红", + "楼" + ], + [ + "红楼", + "梦" + ], + [ + "éļĶ", + "çĿĢ" + ], + [ + "ä¾¥", + "幸" + ], + [ + "许", + "ä¹ħ" + ], + [ + "åĴĮ", + "çĿ¦" + ], + [ + "èŃ", + "½" + ], + [ + "使ç͍èĢħ", + "æĪĸ" + ], + [ + "ä¹°", + "åįķ" + ], + [ + "è¿", + "´" + ], + [ + "é£İ", + "æīĩ" + ], + [ + "æķĻ", + "師" + ], + [ + "æ¡ĮåŃIJ", + "ä¸Ĭ" + ], + [ + "å¾Ī", + "æ¼Ĥ亮" + ], + [ + "åł±", + "å°İ" + ], + [ + "第ä¸Ģ", + "åŃ£åº¦" + ], + [ + "ç©©", + "å®ļ" + ], + [ + "æĤ²", + "åĵĢ" + ], + [ + "çĿĢåĬĽ", + "æīĵéĢł" + ], + [ + "æĮ", + "Ł" + ], + [ + "è·¯", + "æ¡¥" + ], + [ + "åij", + "IJ" + ], + [ + "åľ£è¯ŀ", + "èĬĤ" + ], + [ + "çļĩ", + "åŃIJ" + ], + [ + "ä»ĩ", + "æģ¨" + ], + [ + "éħĿ", + "éħ¿" + ], + [ + "ä¸į", + "éĹ´" + ], + [ + "ä¸įéĹ´", + "æĸŃ" + ], + [ + "æĮĩ", + "å°ĸ" + ], + [ + "ä¸ŃåĽ½", + "ç½ij游" + ], + [ + "åŀ", + "£" + ], + [ + "æĦıè§ģ", + "建议" + ], + [ + "æ¯ħ", + "çĦ¶" + ], + [ + "亮", + "度" + ], + [ + "èģĶ", + "è°Ĭ" + ], + [ + "å½ķ", + "åħ¥" + ], + [ + "åĦ", + "²" + ], + [ + "å¨ĺ", + "å®¶" + ], + [ + "ç§ij", + "å°Ķ" + ], + [ + "ä¹Łæ²¡", + "ä»Ģä¹Ī" + ], + [ + "æł¹æį®", + "ä¸įåIJĮ" + ], + [ + "åı¶", + "ä¿®" + ], + [ + "å̼", + "å®Ī" + ], + [ + "æľ«", + "端" + ], + [ + "åĪ", + "¨" + ], + [ + "åĤµ", + "åĭĻ" + ], + [ + "èģ¯", + "åIJĪ" + ], + [ + "å¥ĩ", + "å¹»" + ], + [ + "èĻļ", + "æŀĦ" + ], + [ + "é»Ħ", + "æĺı" + ], + [ + "å¹³", + "åĿ¦" + ], + [ + "æµģ", + "æ°ĵ" + ], + [ + "æĸ°", + "åŁºå»º" + ], + [ + "æĮ½", + "æķij" + ], + [ + "åįİ", + "å°Ķ" + ], + [ + "åįİå°Ķ", + "è¡Ĺ" + ], + [ + "æľĢ", + "åıĹæ¬¢è¿İ" + ], + [ + "ç»Ń", + "约" + ], + [ + "å¼Ĭ", + "端" + ], + [ + "éŃĶ", + "æ³ķå¸Ī" + ], + [ + "éŃĶæ³ķå¸Ī", + "åĴĮ" + ], + [ + "åħ·ä½ĵ", + "åĨħ容" + ], + [ + "çIJī", + "çĴĥ" + ], + [ + "æī©", + "容" + ], + [ + "èĮ¶", + "åĽŃ" + ], + [ + "主ä¹ī", + "èĢħ" + ], + [ + "ç«ĭ", + "éĿ¢" + ], + [ + "æİ¥åıĹ", + "éĩĩ访" + ], + [ + "åĩº", + "åħ¥å¢ĥ" + ], + [ + "ç§ij", + "åįı" + ], + [ + "éĴ", + "³" + ], + [ + "çµIJ", + "æ§ĭ" + ], + [ + "ç»ĵæŀľ", + "æĺ¾ç¤º" + ], + [ + "åı°", + "è´¦" + ], + [ + "å°±", + "æĿ¥çľĭçľĭ" + ], + [ + "èĩª", + "æķij" + ], + [ + "åıį", + "æĩī" + ], + [ + "åİ»", + "åĵªåĦ¿" + ], + [ + "è¿Ļ", + "é¦ĸ" + ], + [ + "è¿Ļé¦ĸ", + "æŃĮ" + ], + [ + "åIJ¬", + "ä¼Ĺ" + ], + [ + "å¤ĸ", + "壳" + ], + [ + "ä½ĵèĤ²", + "é¦Ĩ" + ], + [ + "實", + "æĸ½" + ], + [ + "èŀº", + "ä¸Ŀ" + ], + [ + "æĭī", + "åįĩ" + ], + [ + "çĮĽ", + "åľ°" + ], + [ + "åħ¨åĽ½", + "人æ°ij" + ], + [ + "æĤī", + "å°¼" + ], + [ + "æĹı", + "群" + ], + [ + "åĽ¢", + "åijĺ" + ], + [ + "两个", + "å°ıæĹ¶" + ], + [ + "åľ¨", + "çݩ家" + ], + [ + "åľ¨çݩ家", + "ä¸Ń" + ], + [ + "çĶľ", + "çĶľ" + ], + [ + "æĬķ", + "è¡Į" + ], + [ + "åįĶ", + "æľĥ" + ], + [ + "éĻ", + "¡" + ], + [ + "åĬłå·¥", + "åİĤ" + ], + [ + "æ¦Ĩ", + "æŀĹ" + ], + [ + "æŃ»", + "è§Ĵ" + ], + [ + "åĨħ", + "å¹ķ" + ], + [ + "æīĢæľī", + "æĥħèĬĤ" + ], + [ + "åĪ·", + "åį¡" + ], + [ + "æ°´", + "èĤ¿" + ], + [ + "èĥĥ", + "åı£" + ], + [ + "å«Į", + "å¼ĥ" + ], + [ + "æ²®", + "丧" + ], + [ + "ä¸īå¹´", + "级" + ], + [ + "æ¶Ĥ", + "å±Ĥ" + ], + [ + "å¿ĥ", + "仪" + ], + [ + "å¿ĥ仪", + "çļĦ" + ], + [ + "å¤", + "Ń" + ], + [ + "é¦ĸ", + "è½®" + ], + [ + "æĹłè®ºæĺ¯", + "åħ¶" + ], + [ + "éĢı", + "æ°Ķ" + ], + [ + "äºĮ", + "åįģäºĶ" + ], + [ + "ç®", + "«" + ], + [ + "åĬŁ", + "åĬ³" + ], + [ + "çѾ", + "ä¸ĭ" + ], + [ + "æ²ī", + "è¿·" + ], + [ + "æķij", + "åij½" + ], + [ + "éĹª", + "éĹª" + ], + [ + "åIJĥ", + "äºı" + ], + [ + "å±ķ", + "åĵģ" + ], + [ + "åį³æĹ¶", + "åıijçĶŁ" + ], + [ + "ç¶", + "ľ" + ], + [ + "ç¶ľ", + "åIJĪ" + ], + [ + "æłĩ", + "æĺİ" + ], + [ + "çľĭ", + "ç͵影" + ], + [ + "åħ¬", + "竳" + ], + [ + "éĺ¿", + "森" + ], + [ + "éĺ¿æ£®", + "纳" + ], + [ + "身", + "åĪĽéĢł" + ], + [ + "身åĪĽéĢł", + "çļĦ" + ], + [ + "æ¸Ľ", + "å°ij" + ], + [ + "å̼å¾Ĺ", + "åħ³æ³¨" + ], + [ + "鼶åĶ®", + "åķĨ" + ], + [ + "æįĨ", + "ç»ij" + ], + [ + "è¸ı", + "åħ¥" + ], + [ + "èĽ", + "Ł" + ], + [ + "æŁ´", + "纳" + ], + [ + "èĢģ", + "åħµ" + ], + [ + "绿èī²", + "çݯä¿Ŀ" + ], + [ + "é¹", + "Ń" + ], + [ + "麻", + "æľ¨" + ], + [ + "æıŃ", + "çīĮ" + ], + [ + "è¿Ļ款", + "车" + ], + [ + "ç¾İ", + "å¾·" + ], + [ + "ç¾İå¾·", + "åħ¬åı¸" + ], + [ + "æ¶", + "§" + ], + [ + "è°ģ", + "çŁ¥" + ], + [ + "æ´ĭ", + "èij±" + ], + [ + "æ¯į", + "æł¡" + ], + [ + "ä¸Ģ", + "éĹª" + ], + [ + "çĶ·", + "主è§Ĵ" + ], + [ + "æĹłçº¿", + "ç͵" + ], + [ + "å±ł", + "å®°" + ], + [ + "æĺ¯", + "éŁ©åĽ½" + ], + [ + "æĺ¯éŁ©åĽ½", + "娱" + ], + [ + "容", + "è²Į" + ], + [ + "åĿĩ", + "使åħ¶" + ], + [ + "太", + "å¿«" + ], + [ + "å¹´", + "çͱ" + ], + [ + "å¹´çͱ", + "缼" + ], + [ + "èĭ¦", + "èĭ¦" + ], + [ + "åĬĽ", + "è¿ĺæĺ¯" + ], + [ + "åĬĽè¿ĺæĺ¯", + "èĩª" + ], + [ + "æĨ", + "©" + ], + [ + "èģ¯", + "絡" + ], + [ + "åĶ", + "¾" + ], + [ + "åħ·æľī", + "æĪĺ士" + ], + [ + "追", + "éĹ®" + ], + [ + "åłĨ", + "æĶ¾" + ], + [ + "åıį", + "驳" + ], + [ + "å®ŀäºĭ", + "æ±Ĥ" + ], + [ + "å®ŀäºĭæ±Ĥ", + "æĺ¯" + ], + [ + "åѸ", + "éĻ¢" + ], + [ + "åįģ", + "åĩłä¸ª" + ], + [ + "æķij", + "æĬ¤" + ], + [ + "æķijæĬ¤", + "车" + ], + [ + "ç½ij绾", + "ä¼łæĴŃ" + ], + [ + "åįģåħ«", + "å±Ĭ" + ], + [ + "éĥ¨", + "åī¯" + ], + [ + "éĥ¨åī¯", + "éĥ¨éķ¿" + ], + [ + "çĹ´", + "è¿·" + ], + [ + "管çIJĨ", + "æĿ¡ä¾ĭ" + ], + [ + "èŀį", + "为ä¸Ģä½ĵ" + ], + [ + "æĢ»", + "产å̼" + ], + [ + "è³", + "ĵ" + ], + [ + "ä¸ĥ", + "æĺŁ" + ], + [ + "çıŃ", + "ç»Ħ" + ], + [ + "绣", + "é¢Ĩ" + ], + [ + "请", + "大家" + ], + [ + "éĩij", + "éϵ" + ], + [ + "èĪħ", + "èĪħ" + ], + [ + "æµ·", + "æ¹¾" + ], + [ + "æĸ½", + "çŃĸ" + ], + [ + "享", + "èªī" + ], + [ + "éº", + "¥" + ], + [ + "端", + "åįĪ" + ], + [ + "绿", + "åŁİ" + ], + [ + "確", + "ä¿Ŀ" + ], + [ + "å·´", + "æĭī" + ], + [ + "åĨĴ", + "çĿĢ" + ], + [ + "æħ·", + "æħ¨" + ], + [ + "个人", + "è§ĤçĤ¹" + ], + [ + "ä¹Ļ", + "çĥ¯" + ], + [ + "ç¡ħ", + "è°·" + ], + [ + "éĸĭ", + "å±ķ" + ], + [ + "å°ļ", + "书" + ], + [ + "åĿļ", + "飧" + ], + [ + "åº", + "µ" + ], + [ + "èĢģ", + "é¾Ħ" + ], + [ + "èĢģé¾Ħ", + "åĮĸ" + ], + [ + "羨", + "çľ¼" + ], + [ + "绿", + "æ°´" + ], + [ + "绿水", + "éĿĴå±±" + ], + [ + "书", + "é¦Ļ" + ], + [ + "主åĬĽ", + "åĨĽ" + ], + [ + "æīįæĺ¯", + "羣æŃ£" + ], + [ + "æĬ¢", + "åħĪ" + ], + [ + "æĪIJå°±", + "æĦŁ" + ], + [ + "éĩį", + "æŀĦ" + ], + [ + "éĴ¢", + "åİĤ" + ], + [ + "æĪIJ", + "份" + ], + [ + "èĬ±", + "纹" + ], + [ + "ä¹ĭ", + "äºī" + ], + [ + "å¹²", + "ç»Ĩèĥŀ" + ], + [ + "æĹ¢", + "åı¯ä»¥" + ], + [ + "ç¹ģ", + "çIJIJ" + ], + [ + "æĦļ", + "èł¢" + ], + [ + "éĿŀ常", + "æĺİæĺ¾" + ], + [ + "ä½ĵ", + "彩" + ], + [ + "æĬĢ", + "æ³ķ" + ], + [ + "æĿĨ", + "èıĮ" + ], + [ + "å¹¿æ³Ľ", + "åħ³æ³¨" + ], + [ + "åĮĹ", + "å®ĭ" + ], + [ + "å§Ĭ", + "妹" + ], + [ + "åįı", + "åĬŀ" + ], + [ + "æ·®", + "åįĹ" + ], + [ + "çĥ", + "ı" + ], + [ + "æ´Ĺ", + "èĦ¸" + ], + [ + "åıĹ", + "访" + ], + [ + "åıĹ访", + "èĢħ" + ], + [ + "éĩįè¦ģ", + "åĽłç´ł" + ], + [ + "å½±è§Ĩ", + "åī§" + ], + [ + "综èīº", + "èĬĤ缮" + ], + [ + "èľķ", + "åıĺ" + ], + [ + "äºĮ", + "线" + ], + [ + "äºĮ线", + "åŁİå¸Ĥ" + ], + [ + "ä¼Ĭ", + "å§ĭ" + ], + [ + "çıĬ", + "çijļ" + ], + [ + "èĩª", + "æŁ¥" + ], + [ + "åħ¥", + "åĽŃ" + ], + [ + "åĩ¶", + "æīĭ" + ], + [ + "åħ¬", + "è¯ī" + ], + [ + "éģĩ", + "éļ¾" + ], + [ + "éĩĩçŁ¿", + "çŃī" + ], + [ + "èĩª", + "çIJĨ" + ], + [ + "åĸ·", + "æ¶Ĥ" + ], + [ + "æī©", + "åħħ" + ], + [ + "éĢı", + "è§Ĩ" + ], + [ + "é«ĺéĢŁ", + "å¢ŀéķ¿" + ], + [ + "åĽ¾", + "çĶ»" + ], + [ + "ç¾", + "¹" + ], + [ + "èĤĩ", + "åºĨ" + ], + [ + "è¾ľ", + "è´Ł" + ], + [ + "èµĶ", + "ä»ĺ" + ], + [ + "è·", + "¡" + ], + [ + "åģ¥åº·", + "æĪIJéķ¿" + ], + [ + "以ä¸Ĭ", + "åѦåİĨ" + ], + [ + "åıĸå¾Ĺ", + "以åıĬ" + ], + [ + "æ²ī", + "积" + ], + [ + "åįģä¹Ŀ", + "å±Ĭ" + ], + [ + "缸éĹľ", + "æľįåĭĻ" + ], + [ + "æī§", + "åĭ¤" + ], + [ + "åī¯", + "åİ¿éķ¿" + ], + [ + "å¯", + "°" + ], + [ + "åģľ", + "æ»ŀ" + ], + [ + "æ·¹", + "没" + ], + [ + "çŁ³", + "çģ°" + ], + [ + "çį", + "¸" + ], + [ + "åĢ", + "¦" + ], + [ + "ç¾İ", + "åªĴ" + ], + [ + "æķĻ", + "æ¡Ī" + ], + [ + "åĬł", + "çĽĸ" + ], + [ + "åħ¬å¼Ģ", + "èµĽ" + ], + [ + "å¥ł", + "åŁº" + ], + [ + "æĺĨ", + "èĻ«" + ], + [ + "çŀ", + "ħ" + ], + [ + "磷", + "éħ¸" + ], + [ + "äºī", + "åĪĽ" + ], + [ + "çİĭ", + "æĻĵ" + ], + [ + "ç¼ĵ", + "åĨ²" + ], + [ + "åİļ", + "åİļ" + ], + [ + "åİļåİļ", + "çļĦ" + ], + [ + "æŀ£", + "åºĦ" + ], + [ + "ç²¾", + "çĽĬ" + ], + [ + "ç²¾çĽĬ", + "æ±Ĥ" + ], + [ + "ç²¾çĽĬæ±Ĥ", + "ç²¾" + ], + [ + "åĪĨæĶ¯", + "æľºæŀĦ" + ], + [ + "å®ŀæĸ½", + "ç»ĨåĪĻ" + ], + [ + "æĸ°", + "èµĽåŃ£" + ], + [ + "總", + "çµ±" + ], + [ + "éĢł", + "è¡Ģ" + ], + [ + "é¢ĩ", + "åħ·" + ], + [ + "é»Ħ", + "åŁĶ" + ], + [ + "è¡Ģ", + "èĦĤ" + ], + [ + "交éĢļ", + "å·¥åħ·" + ], + [ + "å³", + "¥" + ], + [ + "æĹıèĩªæ²»", + "å·ŀ" + ], + [ + "寺", + "éĻ¢" + ], + [ + "確", + "å®ļ" + ], + [ + "æ¦Ĥ念", + "èĤ¡" + ], + [ + "æĦŁ", + "å®ĺ" + ], + [ + "æŁľ", + "åı°" + ], + [ + "åĶ", + "Ķ" + ], + [ + "çŀŃè§£", + "並" + ], + [ + "æĢ»", + "ä»·" + ], + [ + "åIJ¸", + "åħ¥" + ], + [ + "æĢ", + "¼" + ], + [ + "æĻļ", + "éĹ´" + ], + [ + "å±Ĭ", + "æ¯ķä¸ļçĶŁ" + ], + [ + "çĶŁ", + "å§ľ" + ], + [ + "éĺħ读", + "åħ¨æĸĩ" + ], + [ + "å¾Ĺåΰ", + "æľīæķĪ" + ], + [ + "æIJľ", + "æķij" + ], + [ + "åİĨ", + "æĿ¥" + ], + [ + "èŃī", + "æĺİ" + ], + [ + "åĥ", + "»" + ], + [ + "èĨ³", + "é£Ł" + ], + [ + "åĦĦ", + "åħĥ" + ], + [ + "æīĵ", + "åİĭ" + ], + [ + "宾", + "客" + ], + [ + "åķ", + "¼" + ], + [ + "ä¸ĢçϾ", + "å¤ļ" + ], + [ + "æ·±åħ¥", + "人å¿ĥ" + ], + [ + "æ¢ħ", + "å·ŀ" + ], + [ + "çłĶ", + "åѦ" + ], + [ + "åħ³", + "ä¹İ" + ], + [ + "è¼", + "Ľ" + ], + [ + "亲", + "åıĭ" + ], + [ + "éħį", + "æĸĻ" + ], + [ + "æĪij", + "çĪ±ä½ł" + ], + [ + "è´¸æĺĵ", + "æĪĺ" + ], + [ + "æľī", + "èī²" + ], + [ + "æľīèī²", + "éĩijå±ŀ" + ], + [ + "æįIJ", + "åĬ©" + ], + [ + "为", + "é¦ĸ" + ], + [ + "为é¦ĸ", + "çļĦ" + ], + [ + "å¯Į", + "åĬĽ" + ], + [ + "çĶ·", + "ç¥ŀ" + ], + [ + "é³", + "³" + ], + [ + "æµĩ", + "æ°´" + ], + [ + "åIJ", + "±" + ], + [ + "æĺİç¡®", + "æıIJåĩº" + ], + [ + "åı¹", + "äºĨ" + ], + [ + "åı¹äºĨ", + "åı£æ°Ķ" + ], + [ + "礼", + "æĭľ" + ], + [ + "è¿Ļ个", + "åIJįåŃĹ" + ], + [ + "ä¿¡", + "å¾Ĵ" + ], + [ + "å¿Ĺ", + "强" + ], + [ + "éĻIJ", + "æĹ¶" + ], + [ + "æĶ¶", + "è²»" + ], + [ + "åĨľå®¶", + "ä¹IJ" + ], + [ + "å°ıé¾Ļ", + "èϾ" + ], + [ + "èIJ½", + "å¹ķ" + ], + [ + "æ§", + "Ł" + ], + [ + "åѦ", + "龸" + ], + [ + "æĪĸ", + "å¤ļ" + ], + [ + "æĪĸå¤ļ", + "æĪĸ" + ], + [ + "æĪĸå¤ļæĪĸ", + "å°ij" + ], + [ + "座è°Ī", + "ä¼ļä¸Ĭ" + ], + [ + "æ¶", + "¼" + ], + [ + "éŃĶ", + "çİĭ" + ], + [ + "å²", + "±" + ], + [ + "é¡¶", + "å±Ĥ" + ], + [ + "é¡¶å±Ĥ", + "设计" + ], + [ + "èĦij", + "åŃIJéĩĮ" + ], + [ + "éĻ¢", + "åŃIJéĩĮ" + ], + [ + "轩", + "è¾ķ" + ], + [ + "身å¿ĥ", + "åģ¥åº·" + ], + [ + "èħ", + "ij" + ], + [ + "éĹľ", + "注" + ], + [ + "åıĤåĬł", + "ä¼ļè®®" + ], + [ + "ä¸Ńåįİ", + "æĸĩåĮĸ" + ], + [ + "追", + "寻" + ], + [ + "å®ī", + "çĦ¶" + ], + [ + "é£Ļ", + "åįĩ" + ], + [ + "éŁŃ", + "èıľ" + ], + [ + "é¸", + "¦" + ], + [ + "åĤ¨", + "éĩı" + ], + [ + "çĶ·", + "æĸ¹" + ], + [ + "å¤ĩ", + "份" + ], + [ + "æijĶ", + "åĢĴ" + ], + [ + "润æ»ij", + "æ²¹" + ], + [ + "é̼", + "è¿ij" + ], + [ + "çͳ", + "è¯ī" + ], + [ + "鸣", + "ç±»" + ], + [ + "çŁ³æ²¹", + "åĮĸå·¥" + ], + [ + "åĿļ", + "æŀľ" + ], + [ + "è¿Ļå®¶", + "ä¼Ļ" + ], + [ + "æĭĴ", + "ä¸į" + ], + [ + "羣", + "çļ®" + ], + [ + "è·Ŀ", + "éĽ¢" + ], + [ + "è¿ĺ", + "æĮº" + ], + [ + "éĽķ", + "åĥı" + ], + [ + "åĪĿ", + "æģĭ" + ], + [ + "æıIJä¾Ľ", + "æĽ´å¤ļ" + ], + [ + "æŁ¥çľĭ", + "åħ¨æĸĩ" + ], + [ + "æķ°åŃĹ", + "è´§å¸ģ" + ], + [ + "åĸī", + "åĴĻ" + ], + [ + "åı¦ä¸Ģ", + "ä½į" + ], + [ + "åĤ¬", + "åĮĸ" + ], + [ + "åĤ¬åĮĸ", + "åīĤ" + ], + [ + "ä»İæĿ¥", + "没" + ], + [ + "å¯ĨåĪĩ", + "缸åħ³" + ], + [ + "éĥ¨", + "主任" + ], + [ + "产åĵģ", + "ç»ıçIJĨ" + ], + [ + "並", + "åIJĮæĦı" + ], + [ + "èIJ½", + "åħ¥" + ], + [ + "å±ıå¹ķ", + "ä¸Ĭ" + ], + [ + "åħ¬åı¸", + "竳ç¨ĭ" + ], + [ + "æį¢", + "åı¥è¯Ŀ" + ], + [ + "æį¢åı¥è¯Ŀ", + "说" + ], + [ + "ä½į", + "æĸ¼" + ], + [ + "ä½", + "Ķ" + ], + [ + "åĩ»", + "æĿĢ" + ], + [ + "缸", + "è¾ĥ" + ], + [ + "缸è¾ĥ", + "äºİ" + ], + [ + "ç²½", + "åŃIJ" + ], + [ + "åįĹ", + "æŀģ" + ], + [ + "宫", + "é¢Ī" + ], + [ + "è£ģ", + "åijĺ" + ], + [ + "æĺİ", + "ç»Ĩ" + ], + [ + "ä»·å̼", + "éĵ¾" + ], + [ + "åĽĽä¸ª", + "æĸ¹éĿ¢" + ], + [ + "æĥħåĨµ", + "æĿ¥çľĭ" + ], + [ + "æĮij", + "åīĶ" + ], + [ + "æ®", + "ĺ" + ], + [ + "æŀģ", + "åĬĽ" + ], + [ + "çĸij", + "éļ¾" + ], + [ + "æĬµæĬĹ", + "åĬĽ" + ], + [ + "æĢ¥", + "éĢŁ" + ], + [ + "æĪ", + "Į" + ], + [ + "ä½İ", + "ä¼°" + ], + [ + "éĹª", + "è¿ĩ" + ], + [ + "æģ", + "¬" + ], + [ + "èµŀ", + "æī¬" + ], + [ + "ä»ĸ", + "å¦Ī" + ], + [ + "æĪIJ为", + "ä¸ĢåIJį" + ], + [ + "æ´Ĺ", + "礼" + ], + [ + "é¢Ħ计", + "å°Ĩ" + ], + [ + "åħĪè¿Ľ", + "åįķä½į" + ], + [ + "è¼", + "Ķ" + ], + [ + "éĢĥ", + "èĦ±" + ], + [ + "çݰ", + "åŃĺ" + ], + [ + "èĢģèĻİ", + "æľº" + ], + [ + "åįģä¸ĥ", + "æĿ¡" + ], + [ + "åı¦ä¸Ģ", + "åįĬ" + ], + [ + "温", + "æĥħ" + ], + [ + "åī¥", + "离" + ], + [ + "ä¸ĸ", + "è´¸" + ], + [ + "å®ĺ", + "åı¸" + ], + [ + "å¾Ī", + "å·®" + ], + [ + "éĹ´", + "è·Ŀ" + ], + [ + "请", + "注æĦı" + ], + [ + "åı²", + "è¯Ĺ" + ], + [ + "åĪ©", + "åύ" + ], + [ + "è¿IJ", + "ç®Ĺ" + ], + [ + "沦", + "为" + ], + [ + "該", + "使ç͍èĢħ" + ], + [ + "èĮ", + "¬" + ], + [ + "éͦ", + "绣" + ], + [ + "åı²", + "æĸĻ" + ], + [ + "çģµ", + "æ´»æĢ§" + ], + [ + "èģĶ", + "社" + ], + [ + "æĹł", + "åĬ©" + ], + [ + "æĬĹ", + "æ°§åĮĸ" + ], + [ + "èıľ", + "èĤ´" + ], + [ + "éĢł", + "èι" + ], + [ + "æİī", + "èIJ½" + ], + [ + "å¤į", + "æŁ¥" + ], + [ + "åĭĥ", + "åĭĥ" + ], + [ + "åij¼", + "声" + ], + [ + "給", + "äºĪ" + ], + [ + "åIJĮäºĭ", + "们" + ], + [ + "ç½", + "°" + ], + [ + "è¯ķ", + "æİ¢" + ], + [ + "åħ³éĶ®", + "åŃĹ" + ], + [ + "æįIJ", + "çĮ®" + ], + [ + "ç»Łè®¡", + "æķ°æį®" + ], + [ + "åĪĽ", + "ä½ľèĢħ" + ], + [ + "ä¸ĭ", + "åįĬ" + ], + [ + "ä¸ĭåįĬ", + "åľº" + ], + [ + "æī¿æĭħ", + "责任" + ], + [ + "端", + "æŃ£" + ], + [ + "ç©¿", + "è¡£" + ], + [ + "ä¼ł", + "çIJĥ" + ], + [ + "åĬ©", + "éķ¿" + ], + [ + "åĩ", + "±" + ], + [ + "éķ¶", + "åµĮ" + ], + [ + "é£ŀ", + "ç¿Ķ" + ], + [ + "è¾ĵ", + "åįµ" + ], + [ + "è¾ĵåįµ", + "管" + ], + [ + "ä¸ĩ", + "åħ¬éĩĮ" + ], + [ + "æİ¨å¹¿", + "åºĶç͍" + ], + [ + "å¿«", + "æ¨Ĥ" + ], + [ + "ç§", + "½" + ], + [ + "èī°", + "å·¨" + ], + [ + "åIJ¬", + "å®Į" + ], + [ + "åĿļ", + "硬" + ], + [ + "奥", + "åľ°" + ], + [ + "å¥¥åľ°", + "åĪ©" + ], + [ + "é¢", + "ĵ" + ], + [ + "èĻIJ", + "å¾ħ" + ], + [ + "ä¾Ľ", + "æ±Ĥ" + ], + [ + "éľī", + "ç´ł" + ], + [ + "伪", + "è£ħ" + ], + [ + "乡", + "åľŁ" + ], + [ + "åĩ¡", + "æľ¬ç½ij" + ], + [ + "åĩ¡æľ¬ç½ij", + "注" + ], + [ + "ä¼Ĭ", + "åĪ©" + ], + [ + "è¡¡", + "æ°´" + ], + [ + "æĽ´", + "åĥıæĺ¯" + ], + [ + "åĪĨéĴŁ", + "å·¦åı³" + ], + [ + "è¦ı", + "模" + ], + [ + "äºĶ", + "åĪĨéĴŁ" + ], + [ + "åºĹ", + "åĬłçĽŁ" + ], + [ + "åĽ°", + "éĽ£" + ], + [ + "åħ³", + "åģľ" + ], + [ + "æĢĿ", + "绪" + ], + [ + "åĴ½", + "åĸī" + ], + [ + "缸", + "符" + ], + [ + "çĥ¦", + "èºģ" + ], + [ + "æĻĤ", + "æľŁ" + ], + [ + "åijĪ", + "çı¾" + ], + [ + "è§£", + "æķ£" + ], + [ + "诱", + "导" + ], + [ + "éļĶ", + "çĥŃ" + ], + [ + "çĮ", + "¶" + ], + [ + "åįĹ", + "å®ĭ" + ], + [ + "æ·±åħ¥", + "äºĨè§£" + ], + [ + "çŃĶ", + "çĸij" + ], + [ + "æĺ¼", + "å¤ľ" + ], + [ + "åįĥ", + "ä¼ı" + ], + [ + "åĬ³åĬ¡", + "æ´¾éģ£" + ], + [ + "红", + "è±Ĩ" + ], + [ + "åĿı", + "äºĭ" + ], + [ + "çĤ¹", + "æ»´" + ], + [ + "å°±ä¸ļ", + "å²Ĺä½į" + ], + [ + "约", + "åIJĪ" + ], + [ + "åħį", + "éϤ" + ], + [ + "éĢĨ", + "åĬ¿" + ], + [ + "éĩį", + "éĩijå±ŀ" + ], + [ + "å®ĺ", + "宣" + ], + [ + "ä½İ", + "å»ī" + ], + [ + "æģ¨", + "ä¸įå¾Ĺ" + ], + [ + "å¾Ĺ", + "天" + ], + [ + "å¾Ĺ天", + "çĭ¬" + ], + [ + "å¾Ĺ天çĭ¬", + "åİļ" + ], + [ + "ä¸Ģå°ģ", + "ä¿¡" + ], + [ + "æĬ½", + "å¥ĸ" + ], + [ + "è¾Ĺ", + "转" + ], + [ + "çķĻ", + "å®Ī" + ], + [ + "çķĻå®Ī", + "åĦ¿ç«¥" + ], + [ + "çŃĶ", + "åį·" + ], + [ + "å·¨", + "åŀĭ" + ], + [ + "æľĢ好", + "ä¸įè¦ģ" + ], + [ + "æµĻæ±Ł", + "大åѦ" + ], + [ + "æĨ", + "¨" + ], + [ + "æı¡", + "æīĭ" + ], + [ + "éĴĪ", + "ç»ĩ" + ], + [ + "æİĴ", + "骨" + ], + [ + "çĤ", + "½" + ], + [ + "å°ģ", + "è£ħ" + ], + [ + "åįĢ", + "åŁŁ" + ], + [ + "空æ°Ķ", + "åĩĢåĮĸ" + ], + [ + "åħī", + "å½±" + ], + [ + "åĢĴ", + "å¡Į" + ], + [ + "å§ļ", + "æĺİ" + ], + [ + "æ¤į", + "被" + ], + [ + "åѦ", + "åīį" + ], + [ + "åѦåīį", + "æķĻèĤ²" + ], + [ + "èĬĿ", + "åĬł" + ], + [ + "èĬĿåĬł", + "åĵ¥" + ], + [ + "缩", + "æ°´" + ], + [ + "ä½", + "Ł" + ], + [ + "åľ¨çº¿", + "åĴ¨è¯¢" + ], + [ + "èµı", + "æŀIJ" + ], + [ + "éĿĴ", + "èĽĻ" + ], + [ + "æĬ±", + "ä½ı" + ], + [ + "èĮĤ", + "åIJį" + ], + [ + "åħ¨åĬĽ", + "æīĵéĢł" + ], + [ + "åįļ士", + "åѦä½į" + ], + [ + "æ²§", + "å·ŀ" + ], + [ + "åĻ", + "¢" + ], + [ + "æĿĤ", + "çī©" + ], + [ + "åĪ»", + "çĶ»" + ], + [ + "æį", + "ħ" + ], + [ + "å¾®", + "éĩı" + ], + [ + "å¾®éĩı", + "åħĥç´ł" + ], + [ + "ä¸Ģ", + "åĽŀäºĭ" + ], + [ + "鸡", + "èĤī" + ], + [ + "åĪ©æ¶¦", + "çİĩ" + ], + [ + "æīį", + "ç®Ĺ" + ], + [ + "å¾®", + "å¦Ļ" + ], + [ + "棵", + "æłij" + ], + [ + "è´ª", + "婪" + ], + [ + "åĩı", + "å̼" + ], + [ + "梦", + "å¢ĥ" + ], + [ + "åı¯", + "è§Ĩ" + ], + [ + "åı¯è§Ĩ", + "åĮĸ" + ], + [ + "广大", + "å¸Ĥæ°ij" + ], + [ + "ä¸ĵä¸ļ", + "ä»İäºĭ" + ], + [ + "ç»ı", + "纬" + ], + [ + "ç´§", + "çĽ¯" + ], + [ + "çŁ¥", + "å·±" + ], + [ + "è¤", + "ļ" + ], + [ + "æĸĩåĮĸ", + "åºķèķ´" + ], + [ + "åݦéŨ", + "å¸Ĥ" + ], + [ + "临", + "港" + ], + [ + "对åħ¶", + "羣å®ŀ" + ], + [ + "岸", + "è¾¹" + ], + [ + "è¦ĸ", + "çĤº" + ], + [ + "æĬĹ", + "çĻĮ" + ], + [ + "åĶIJ", + "å®ĩ" + ], + [ + "ä¸įå¾Ĺ", + "è¶ħè¿ĩ" + ], + [ + "å¨ģ", + "æħij" + ], + [ + "æ¡Ĩæŀ¶", + "åįıè®®" + ], + [ + "èµ°", + "ç§ģ" + ], + [ + "åĽ¢", + "å§Ķ" + ], + [ + "夸", + "大" + ], + [ + "æ¬", + "Ħ" + ], + [ + "ç¥ŀç»ı", + "ç³»ç»Ł" + ], + [ + "æijĦå½±", + "ä½ľåĵģ" + ], + [ + "èĬ", + "¥" + ], + [ + "å®ī", + "åºĨ" + ], + [ + "æµ·", + "滨" + ], + [ + "æŀĦ", + "æĢĿ" + ], + [ + "çīµ", + "æĮĤ" + ], + [ + "åı", + "©" + ], + [ + "éĺIJ", + "æĺİ" + ], + [ + "éģ", + "ģ" + ], + [ + "ç²¾", + "æ²¹" + ], + [ + "ç©´", + "ä½į" + ], + [ + "æĬ¤", + "身" + ], + [ + "æĬ¤èº«", + "符" + ], + [ + "æĮĩ", + "å°İ" + ], + [ + "åŃĺåľ¨", + "ä¸Ģå®ļ" + ], + [ + "å¯Ĥ", + "éĿĻ" + ], + [ + "æµ·å¤ĸ", + "å¸Ĥåľº" + ], + [ + "éĿ", + "¡" + ], + [ + "综åIJĪ", + "å¾ģ" + ], + [ + "ä¿", + "IJ" + ], + [ + "è¨Ī", + "ç®Ĺ" + ], + [ + "æĺİ", + "æľĹ" + ], + [ + "äºļ", + "è¿IJ" + ], + [ + "äºļè¿IJ", + "ä¼ļ" + ], + [ + "åīįçŀ»", + "æĢ§" + ], + [ + "åĮ®", + "ä¹ı" + ], + [ + "产ä¸ļ", + "æī¶è´«" + ], + [ + "èĦij", + "æµ·" + ], + [ + "èĦijæµ·", + "ä¸Ń" + ], + [ + "åħļçļĦ", + "é¢Ĩ导" + ], + [ + "åĪĺ", + "éĤ¦" + ], + [ + "æµģ", + "æĺŁ" + ], + [ + "æĵ", + "Ĥ" + ], + [ + "æĶĢ", + "çĻ»" + ], + [ + "åĴ", + "Ķ" + ], + [ + "ä¸Ģä¸ĭåŃIJ", + "å°±" + ], + [ + "è¯Ĭ", + "æ²»" + ], + [ + "使", + "åĬ²" + ], + [ + "åīµ", + "ä½ľ" + ], + [ + "éĵŃ", + "è®°" + ], + [ + "éĴ±", + "è´¢" + ], + [ + "æĹ¥æĬ¥", + "è®°èĢħ" + ], + [ + "çĥŁ", + "çģ«" + ], + [ + "èĥľ", + "è´Ł" + ], + [ + "åįļ", + "主" + ], + [ + "ä¸ŃåĽ½", + "èģĶéĢļ" + ], + [ + "ç½ijç«Ļ", + "é¦ĸ页" + ], + [ + "å°±", + "å¤Ł" + ], + [ + "å°±å¤Ł", + "äºĨ" + ], + [ + "æīij", + "åħĭ" + ], + [ + "å±ħ", + "å§Ķä¼ļ" + ], + [ + "è°", + "¬" + ], + [ + "å®īåħ¨", + "äºĭæķħ" + ], + [ + "åķĨ", + "çĶ¨è½¦" + ], + [ + "循çݯ", + "ç»ıæµİ" + ], + [ + "æ·", + "¤" + ], + [ + "èĢĥ", + "è¯ģ" + ], + [ + "å®Ŀ", + "èĹı" + ], + [ + "å®Į", + "ç»ĵ" + ], + [ + "çłĶåıij", + "æĬķåħ¥" + ], + [ + "å²", + "ij" + ], + [ + "æģŃ", + "æķ¬" + ], + [ + "离", + "éĢĢä¼ij" + ], + [ + "æ°´", + "墨" + ], + [ + "å©", + "¶" + ], + [ + "è¯Ĺ", + "åı¥" + ], + [ + "å®ģæ³¢", + "å¸Ĥ" + ], + [ + "å¼±", + "çĤ¹" + ], + [ + "åģľ", + "çīĮ" + ], + [ + "奶", + "æ²¹" + ], + [ + "å¥ĩ纳", + "æ²³" + ], + [ + "æĨ", + "Ĥ" + ], + [ + "社ä¼ļ", + "å®ŀè·µ" + ], + [ + "è´Ŀ", + "壳" + ], + [ + "çłĤ", + "æµĨ" + ], + [ + "èι", + "åıª" + ], + [ + "宣", + "æī¬" + ], + [ + "综åIJĪ", + "æķ´æ²»" + ], + [ + "åĤ", + "ij" + ], + [ + "æ°ijæĹı", + "æĸĩåĮĸ" + ], + [ + "éĩį", + "çݰ" + ], + [ + "积", + "æ·Ģ" + ], + [ + "åħ¬", + "çĦ¶" + ], + [ + "çħ", + "ī" + ], + [ + "缸", + "èģļ" + ], + [ + "æ±", + "¾" + ], + [ + "纹", + "çIJĨ" + ], + [ + "çĩĥ", + "çħ¤" + ], + [ + "æŃ¤", + "ç§į" + ], + [ + "ç¾İ", + "å¦Ĩ" + ], + [ + "åįĥ", + "çĵ¦" + ], + [ + "çIJ", + "Ľ" + ], + [ + "驾驶", + "è¯ģ" + ], + [ + "éĺ¶", + "梯" + ], + [ + "ä¸Ŀ", + "ä¸Ŀ" + ], + [ + "å¾Īå¤ļ", + "äºĭæĥħ" + ], + [ + "åħī", + "éĺ´" + ], + [ + "èijĹä½ľ", + "æ¬Ĭ" + ], + [ + "åħ§", + "éĥ¨" + ], + [ + "çĽ¸å¯¹", + "æĿ¥è¯´" + ], + [ + "éĸ", + "Ĵ" + ], + [ + "éľĩ", + "æħij" + ], + [ + "說", + "話" + ], + [ + "æĨ", + "ij" + ], + [ + "ç«¥", + "è£ħ" + ], + [ + "ä½ıæĪ¿", + "åĴĮ" + ], + [ + "ä½ıæĪ¿åĴĮ", + "åŁİ" + ], + [ + "å·²ç»ı", + "è¶ħè¿ĩ" + ], + [ + "侦", + "å¯Ł" + ], + [ + "çŁ¿", + "çī©" + ], + [ + "ä¾Ľ", + "大家" + ], + [ + "çī¹", + "éĤĢ" + ], + [ + "ç¨ĭåºı", + "åijĺ" + ], + [ + "çķľçī§", + "ä¸ļ" + ], + [ + "æ°", + "ª" + ], + [ + "çij", + "ª" + ], + [ + "åĢĴ", + "åľ¨" + ], + [ + "åĢĴåľ¨", + "åľ°" + ], + [ + "æ¯", + "Ģ" + ], + [ + "梯", + "éĺŁ" + ], + [ + "æİ¥", + "èijĹ" + ], + [ + "æĬĹ", + "èıĮ" + ], + [ + "è¤", + "ĩ" + ], + [ + "ç¬", + "Ļ" + ], + [ + "æ¯Ķ", + "ä¸Ĭå¹´" + ], + [ + "鸡", + "汤" + ], + [ + "åŃ¦ä¹ł", + "æĪIJ绩" + ], + [ + "æĸij", + "æĸĵ" + ], + [ + "åħĪ", + "导" + ], + [ + "åĪĹ", + "举" + ], + [ + "è°ĥæŁ¥", + "æĺ¾ç¤º" + ], + [ + "æ©", + "«" + ], + [ + "ä¹Ŀ", + "åįģ" + ], + [ + "è°¢", + "飵" + ], + [ + "è·¨è¶Ĭ", + "å¼ı" + ], + [ + "女æĢ§", + "æľĭåıĭ" + ], + [ + "èIJ¥åħ»", + "ä»·å̼" + ], + [ + "å®ŀè·µ", + "ç»ıéªĮ" + ], + [ + "èĭı", + "å·ŀå¸Ĥ" + ], + [ + "çĵ¶", + "åŃIJ" + ], + [ + "æĸ°", + "çļĦä¸Ģ" + ], + [ + "æĸ°çļĦä¸Ģ", + "å¹´" + ], + [ + "æĺİ", + "æĻ°" + ], + [ + "å®ł", + "çα" + ], + [ + "åŃĹ", + "第" + ], + [ + "æľĹ", + "诵" + ], + [ + "纳", + "æĸ¯" + ], + [ + "éĢĨ", + "è¡Į" + ], + [ + "è«ĭ", + "æĤ¨" + ], + [ + "è«ĭæĤ¨", + "æıIJä¾Ľ" + ], + [ + "èĥ¸", + "æĢĢ" + ], + [ + "第ä¸ĥ", + "å±Ĭ" + ], + [ + "强", + "壮" + ], + [ + "代", + "åŃķ" + ], + [ + "æ±¶", + "å·Ŀ" + ], + [ + "å®¶", + "åĸ»" + ], + [ + "å®¶åĸ»", + "æĪ·" + ], + [ + "å®¶åĸ»æĪ·", + "æĻĵ" + ], + [ + "èħ", + "®" + ], + [ + "åIJ¯", + "迪" + ], + [ + "æĹł", + "éļľç¢į" + ], + [ + "èĻķçIJĨ", + "åıĬ" + ], + [ + "æĿ¥", + "åİĨ" + ], + [ + "å®ŀ", + "åĬ¡" + ], + [ + "ä¹Ł", + "éļıä¹ĭ" + ], + [ + "æĬĢèĥ½", + "åŁ¹è®Ń" + ], + [ + "åѤ", + "ç«ĭ" + ], + [ + "åī", + "ģ" + ], + [ + "éĥ´", + "å·ŀ" + ], + [ + "æĶ¶", + "æķĽ" + ], + [ + "éł»", + "éģĵ" + ], + [ + "èį£", + "幸" + ], + [ + "èİ«", + "è¿ĩäºİ" + ], + [ + "æŃ¤", + "æĻĤ" + ], + [ + "纪å§Ķ", + "çĽij" + ], + [ + "纪å§ĶçĽij", + "å§Ķ" + ], + [ + "缸", + "éĤ»" + ], + [ + "åı¦ä¸Ģ", + "è¾¹" + ], + [ + "çªĴ", + "æģ¯" + ], + [ + "æľīå¾Īå¤ļ", + "ç§į" + ], + [ + "æ¯ı", + "éĢ¢" + ], + [ + "éĹ®", + "ä¸ĸ" + ], + [ + "ç´¯", + "ç´¯" + ], + [ + "éĿĴæĺ¥", + "æľŁ" + ], + [ + "è·¯", + "åĨµ" + ], + [ + "åħĭ", + "èݱ" + ], + [ + "è¿Ħä»Ĭ", + "为æŃ¢" + ], + [ + "æĥĬ", + "å¥ĩ" + ], + [ + "è·¨", + "度" + ], + [ + "éħ¿", + "éĢł" + ], + [ + "åĩ", + "ĭ" + ], + [ + "è¿ij", + "ä¸īå¹´" + ], + [ + "åĨħ", + "马" + ], + [ + "åĨħ马", + "å°Ķ" + ], + [ + "æı", + "į" + ], + [ + "è¿Ľå±ķ", + "æĥħåĨµ" + ], + [ + "èĮ", + "§" + ], + [ + "æľīåºı", + "æİ¨è¿Ľ" + ], + [ + "æĢ»", + "åĨłåĨĽ" + ], + [ + "æĪIJ绩", + "åįķ" + ], + [ + "éĽ»è©±", + "åıĬ" + ], + [ + "ç´§å¯Ĩ", + "ç»ĵåIJĪ" + ], + [ + "åºĬ", + "ä½į" + ], + [ + "é¹", + "Ĭ" + ], + [ + "æķ£åıij", + "çĿĢ" + ], + [ + "åĭŁ", + "èµĦ" + ], + [ + "æ°¨", + "éħ¸" + ], + [ + "彩", + "ç¥ŀ" + ], + [ + "è®Ģ", + "åıĸ" + ], + [ + "éĩį", + "温" + ], + [ + "ä¸Ń", + "åŃĺåľ¨çļĦ" + ], + [ + "ç¾İ", + "éºĹ" + ], + [ + "ä¸įæĸŃ", + "å¢ŀåĬł" + ], + [ + "è½®", + "æµģ" + ], + [ + "æİ¥", + "åIJ¬" + ], + [ + "å¹´", + "产å̼" + ], + [ + "åįĥ", + "åħĭ" + ], + [ + "æĪĺåľº", + "ä¸Ĭ" + ], + [ + "çħ§", + "é¡§" + ], + [ + "å¹²éĥ¨", + "éĺŁä¼į" + ], + [ + "åį°", + "竳" + ], + [ + "ä¸Ģèĩ´", + "æĢ§" + ], + [ + "è¿ŀ", + "å¤ľ" + ], + [ + "åħħ", + "è£ķ" + ], + [ + "é»ij", + "åIJįåįķ" + ], + [ + "åĩĢ", + "æ°´" + ], + [ + "ä¸Ģ大", + "æĹ©" + ], + [ + "åĮħ", + "袱" + ], + [ + "çĬ¯", + "è§Ħ" + ], + [ + "çIJĨ", + "è«ĸ" + ], + [ + "æŀģ", + "æĺĵ" + ], + [ + "éª", + "¸" + ], + [ + "å¨ĺ", + "å¨ĺ" + ], + [ + "åĽ¢", + "åľĨ" + ], + [ + "亿åħĥ", + "以ä¸Ĭ" + ], + [ + "åĪ©ç͍", + "æĤ¨çļĦ" + ], + [ + "带æĿ¥", + "æĽ´å¤ļ" + ], + [ + "ä¸Ń央", + "空è°ĥ" + ], + [ + "æľĪ", + "èĸª" + ], + [ + "çĮľ", + "æĥ³" + ], + [ + "åĪº", + "客" + ], + [ + "ä½ľ", + "æģ¯" + ], + [ + "åįķ", + "è°ĥ" + ], + [ + "äºĴ", + "åĪ©" + ], + [ + "å¦Ĥæľī", + "ä¾µæĿĥ" + ], + [ + "å°ı", + "å·§" + ], + [ + "åįģ", + "åł°" + ], + [ + "åĵĪåĵĪ", + "åĵĪåĵĪ" + ], + [ + "è¾¹", + "éĻħ" + ], + [ + "æłĩ", + "è¯Ń" + ], + [ + "åĪĩåħ¥", + "çĤ¹" + ], + [ + "éĢĨ", + "è¢Ń" + ], + [ + "è¯ķ", + "åīĤ" + ], + [ + "绿", + "è±Ĩ" + ], + [ + "è®", + "ļ" + ], + [ + "åŁºçĿ£", + "å¾Ĵ" + ], + [ + "å£", + "¬" + ], + [ + "åħ¨", + "æĺİæĺŁ" + ], + [ + "éĢī", + "ç§Ģ" + ], + [ + "èĪĮ", + "å°ĸ" + ], + [ + "ä¸įåIJĮ", + "ç±»åŀĭ" + ], + [ + "çĥŁ", + "åĽ±" + ], + [ + "çģµ", + "æ°Ķ" + ], + [ + "åĮº", + "管å§Ķä¼ļ" + ], + [ + "åĨľ", + "åī¯" + ], + [ + "åĨľåī¯", + "产åĵģ" + ], + [ + "èĶļ", + "æĿ¥" + ], + [ + "沪", + "æĮĩ" + ], + [ + "åħ»æ®ĸ", + "æĪ·" + ], + [ + "æĸĹ", + "å¿Ĺ" + ], + [ + "é¦ĸ", + "é¢Ĩ" + ], + [ + "è¡Ģ", + "èħ¥" + ], + [ + "åĬł", + "ç´§" + ], + [ + "ä¸Ģèĩ´", + "好è¯Ħ" + ], + [ + "第ä¸ī", + "èĬĤ" + ], + [ + "æī¬", + "å°ĺ" + ], + [ + "交éĢļ", + "æŀ¢çº½" + ], + [ + "鼶", + "ç¢İ" + ], + [ + "é»ij", + "æ´ŀ" + ], + [ + "çľĭ", + "ä¸įæĩĤ" + ], + [ + "å±ŀ", + "å®ŀ" + ], + [ + "主", + "åŁİåĮº" + ], + [ + "å¨", + "Ľ" + ], + [ + "å¨Ľ", + "æ¨Ĥ" + ], + [ + "ç¬ij", + "æĦı" + ], + [ + "èϹ", + "æ¡¥" + ], + [ + "åIJĦ个", + "çݯèĬĤ" + ], + [ + "çķ¥", + "å¾®" + ], + [ + "èĢķ", + "èĢĺ" + ], + [ + "æľ¬", + "åľºæ¯ĶèµĽ" + ], + [ + "æĪIJ", + "è´¥" + ], + [ + "éĢī", + "èĤ¡" + ], + [ + "èªŀ", + "è¨Ģ" + ], + [ + "çŃĶ", + "辩" + ], + [ + "èĩª", + "ä¹ł" + ], + [ + "æ£", + "º" + ], + [ + "ä¸ĩ", + "欧åħĥ" + ], + [ + "åģľ", + "å·¥" + ], + [ + "对åħ¶", + "è¿Ľè¡Į" + ], + [ + "积æŀģ", + "éħįåIJĪ" + ], + [ + "ä¹¾", + "åĿ¤" + ], + [ + "å¦ĸ", + "æĢª" + ], + [ + "èļĮ", + "åŁł" + ], + [ + "èµĦ产", + "è¯Ħä¼°" + ], + [ + "è°ĥ", + "çļ®" + ], + [ + "éϤ", + "å¤ķ" + ], + [ + "åĽ´", + "å¢Ļ" + ], + [ + "æľį", + "å½¹" + ], + [ + "æ·±", + "æ¸Ĭ" + ], + [ + "é¢Ħ", + "åζ" + ], + [ + "ç", + "ĥ½" + ], + [ + "å®ī", + "稳" + ], + [ + "建", + "æŀĦ" + ], + [ + "çĭĻ", + "åĩ»" + ], + [ + "主åĭķ", + "註åĨĬ" + ], + [ + "éĥ½æľī", + "èĩªå·±" + ], + [ + "æİĴåIJį", + "第ä¸Ģ" + ], + [ + "麻", + "è¾£" + ], + [ + "çĢ", + "ļ" + ], + [ + "çĥŁèĬ±", + "çĪĨ" + ], + [ + "çĥŁèĬ±çĪĨ", + "竹" + ], + [ + "èĩªçĦ¶", + "ä¿ĿæĬ¤" + ], + [ + "ä»Ļ", + "å¢ĥ" + ], + [ + "为äºĨ", + "éģ¿åħį" + ], + [ + "åĨ·", + "åºĵ" + ], + [ + "è§£æĶ¾", + "æĢĿæĥ³" + ], + [ + "åĪĿ", + "äºĮ" + ], + [ + "ä½ĵ", + "è´´" + ], + [ + "é¦ĸ", + "å¯Į" + ], + [ + "迪", + "æĭľ" + ], + [ + "æļĤ", + "ç¼ĵ" + ], + [ + "æĶ¯æĮģ", + "åĬĽåº¦" + ], + [ + "侦", + "æİ¢" + ], + [ + "马", + "åĪº" + ], + [ + "åĮĹ", + "æ±½" + ], + [ + "ç¹", + "ŀ" + ], + [ + "è°İ", + "è¨Ģ" + ], + [ + "éĢ£", + "çºĮ" + ], + [ + "å·", + "³" + ], + [ + "ä»»ä½ķ", + "æĹ¶åĢĻ" + ], + [ + "车", + "èģĶç½ij" + ], + [ + "åįķ", + "项" + ], + [ + "å¸Ń", + "åį·" + ], + [ + "建çŃij", + "æĿIJæĸĻ" + ], + [ + "ä¸Ńç§ĭ", + "èĬĤ" + ], + [ + "ç¡ķ士", + "çłĶç©¶" + ], + [ + "ç§ģ", + "ç«ĭ" + ], + [ + "åħļåĴĮ", + "æĶ¿åºľ" + ], + [ + "æľ¬æ¬¡", + "交æĺĵ" + ], + [ + "èººåľ¨", + "åºĬä¸Ĭ" + ], + [ + "ç½ijåıĭ", + "è¯Ħ论" + ], + [ + "å¦", + "Ŀ" + ], + [ + "害", + "ç¾ŀ" + ], + [ + "åħ¬ç«ĭ", + "åĮ»éĻ¢" + ], + [ + "ä¸", + "ŀ" + ], + [ + "çĶŁçī©", + "è´¨" + ], + [ + "åºĶ", + "éĤĢ" + ], + [ + "æĬ½", + "åıĸ" + ], + [ + "åĩł", + "å¼ł" + ], + [ + "æijĺ", + "ç¼ĸ" + ], + [ + "ç»ĺ", + "æľ¬" + ], + [ + "详", + "è§£" + ], + [ + "强", + "硬" + ], + [ + "æľĢ", + "åħĪè¿ĽçļĦ" + ], + [ + "æĭĽ", + "èĤ¡" + ], + [ + "æĭĽèĤ¡", + "书" + ], + [ + "åįĥ", + "æĸ¹" + ], + [ + "åįĥæĸ¹", + "çϾ" + ], + [ + "åįĥæĸ¹çϾ", + "计" + ], + [ + "éħį", + "éŁ³" + ], + [ + "驾", + "çħ§" + ], + [ + "å¾ģ", + "æĪĺ" + ], + [ + "èªĵ", + "è¨Ģ" + ], + [ + "æĭľ", + "å¸Ī" + ], + [ + "æĭľå¸Ī", + "åѦ" + ], + [ + "æĭľå¸ĪåѦ", + "èīº" + ], + [ + "æĬ±", + "åĽ¢" + ], + [ + "ç±³", + "ç²ī" + ], + [ + "éĿŀ常", + "éĢĤåIJĪ" + ], + [ + "èĪª", + "æµ·" + ], + [ + "å±¥", + "约" + ], + [ + "åįģåħ«", + "æĿ¡" + ], + [ + "éĶ»", + "éĢł" + ], + [ + "éĩįè¦ģ", + "举æİª" + ], + [ + "åıijæĮ¥", + "ä½ľç͍" + ], + [ + "æ·", + "ļ" + ], + [ + "人", + "社" + ], + [ + "人社", + "å±Ģ" + ], + [ + "è¯ķçĤ¹", + "å·¥ä½ľ" + ], + [ + "éĺľ", + "éĺ³" + ], + [ + "æ¡ĥ", + "åľĴ" + ], + [ + "æ°ij", + "ä¼ģ" + ], + [ + "æ´ģ", + "çϽ" + ], + [ + "è´µ", + "宾" + ], + [ + "åħ¬", + "社" + ], + [ + "è§ī", + "æĤŁ" + ], + [ + "è®°å¿Ĩ", + "åĬĽ" + ], + [ + "æľĥåĵ¡", + "註åĨĬ" + ], + [ + "æŃ¤", + "æ¡Ī" + ], + [ + "麻", + "çĹ¹" + ], + [ + "çı", + "Ģ" + ], + [ + "æĸ©", + "èİ·" + ], + [ + "çĶ·", + "åŃ©åŃIJ" + ], + [ + "å±ĢéĻIJ", + "äºİ" + ], + [ + "åĭĺ", + "æŁ¥" + ], + [ + "åIJĥ", + "饱" + ], + [ + "èĬ¬", + "åħ°" + ], + [ + "æ£ķ", + "èī²" + ], + [ + "ç¦ı", + "ç¥ī" + ], + [ + "çͳ", + "èĬ±" + ], + [ + "æµ·", + "çĽĹ" + ], + [ + "èĶ", + "ij" + ], + [ + "æĸĩ", + "åѸ" + ], + [ + "æ´»æĢ§", + "çĤŃ" + ], + [ + "缴", + "éĢļ车" + ], + [ + "è°¢", + "éĤĢ" + ], + [ + "躺", + "çĿĢ" + ], + [ + "åľ", + "ĥ" + ], + [ + "æ¯ıæĹ¥", + "ç»ıæµİ" + ], + [ + "åħ¬åħ±", + "æĸĩåĮĸ" + ], + [ + "讲", + "æķħäºĭ" + ], + [ + "å¯Ł", + "çľĭ" + ], + [ + "æĤł", + "éĹ²" + ], + [ + "åľ°", + "åĿª" + ], + [ + "æ¶Į", + "çݰåĩº" + ], + [ + "é«ĺçŃī", + "éĻ¢æł¡" + ], + [ + "èĮĦ", + "åŃIJ" + ], + [ + "éĺ²", + "åį«" + ], + [ + "ä¾ĭ", + "è¡Į" + ], + [ + "æĺ¾", + "éľ²" + ], + [ + "æĸ°", + "常æĢģ" + ], + [ + "ç»Ŀ", + "ä½³" + ], + [ + "å¯Į", + "æ°ij" + ], + [ + "以", + "人æ°ij" + ], + [ + "以人æ°ij", + "为" + ], + [ + "éĤ¢", + "åı°" + ], + [ + "å±ķ", + "æ¼Ķ" + ], + [ + "çϼ", + "å¸ĥ" + ], + [ + "è´Ł", + "è½½" + ], + [ + "åģı", + "离" + ], + [ + "æ°¸", + "éģł" + ], + [ + "éĩįè¦ģ", + "åİŁåĽł" + ], + [ + "åįıä¼ļ", + "ä¼ļåijĺ" + ], + [ + "éļ¾", + "æ°ij" + ], + [ + "çĶŁäº§", + "车éĹ´" + ], + [ + "çģµ", + "åĬ¨" + ], + [ + "两年", + "åīį" + ], + [ + "æĸ¹", + "åľĨ" + ], + [ + "æ´»", + "ä¸ĭåİ»" + ], + [ + "ä¸ĸçķĮ", + "è§Ĥ" + ], + [ + "éªĹ", + "åıĸ" + ], + [ + "ç¾İ", + "è²Į" + ], + [ + "èĥ½", + "çľĭåĩº" + ], + [ + "çϼ", + "æı®" + ], + [ + "è§Ĥ", + "å½±" + ], + [ + "åī", + "ĥ" + ], + [ + "åIJĪèµĦ", + "åħ¬åı¸" + ], + [ + "å©", + "§" + ], + [ + "å¹²", + "æĹ±" + ], + [ + "åħŃ", + "个æľĪ" + ], + [ + "尤为", + "éĩįè¦ģ" + ], + [ + "èĤ", + "½" + ], + [ + "秦", + "åĽ½" + ], + [ + "æīĺ", + "ç¦ı" + ], + [ + "建çŃij", + "å¸Ī" + ], + [ + "åįĩ级", + "æĶ¹éĢł" + ], + [ + "å°ı", + "é¢Ŀ" + ], + [ + "å°ıé¢Ŀ", + "贷款" + ], + [ + "两个", + "ç»´æĬ¤" + ], + [ + "æĭį", + "æĭį" + ], + [ + "åı¯", + "çĸij" + ], + [ + "æį¢", + "åıĸ" + ], + [ + "æŃ¦", + "士" + ], + [ + "èµĸ", + "以" + ], + [ + "èµĸ以", + "çĶŁåŃĺ" + ], + [ + "æĮ", + "ļ" + ], + [ + "殿", + "åłĤ" + ], + [ + "èĩªçĦ¶", + "çķĮ" + ], + [ + "ç£ģ", + "åľº" + ], + [ + "å¦Ĥä½ķ", + "çľĭå¾ħ" + ], + [ + "ä»ĬæĹ¥", + "头æĿ¡" + ], + [ + "西", + "åŁŁ" + ], + [ + "èİ·", + "è¯Ħ" + ], + [ + "風", + "æł¼" + ], + [ + "ä¿Ħ", + "åĽ½" + ], + [ + "æīĵ", + "æĭ¼" + ], + [ + "å®£ä¼ł", + "çīĩ" + ], + [ + "å¾Ī", + "æĸ¹ä¾¿" + ], + [ + "ä¾Ľç»Ļ", + "ä¾§" + ], + [ + "纪念", + "ç¢ij" + ], + [ + "毫", + "åħĭ" + ], + [ + "èĬ³", + "é¦Ļ" + ], + [ + "å·¥åķĨ", + "éĵ¶è¡Į" + ], + [ + "请", + "çĤ¹åĩ»" + ], + [ + "ç¼", + "ª" + ], + [ + "æĹłæķ°", + "次" + ], + [ + "èį¯", + "å¸Ī" + ], + [ + "èħ", + "¸" + ], + [ + "游", + "èīĩ" + ], + [ + "åĮ", + "¾" + ], + [ + "å·¡", + "èĪª" + ], + [ + "æ²»çIJĨ", + "ä½ĵç³»" + ], + [ + "èIJ¥éĢł", + "èī¯å¥½" + ], + [ + "æ··", + "æ·Ĩ" + ], + [ + "éĢļ", + "çķħ" + ], + [ + "åĬ³", + "ç´¯" + ], + [ + "ä»ĵ", + "ä½į" + ], + [ + "å¢ŀ", + "éķ·" + ], + [ + "éļIJ", + "约" + ], + [ + "æĿĤå¿Ĺ", + "社" + ], + [ + "åħ»", + "èĤ²" + ], + [ + "åı¯èĥ½", + "åıijçĶŁ" + ], + [ + "èĢĥ", + "試" + ], + [ + "西", + "ä¾§" + ], + [ + "åĬł", + "åĢį" + ], + [ + "主æĮģ", + "åı¬å¼Ģ" + ], + [ + "çķ¢", + "竣" + ], + [ + "éĹ®", + "询" + ], + [ + "æµ·", + "æ£ł" + ], + [ + "èĹ", + "©" + ], + [ + "注æĺİ", + "æĿ¥æºIJ" + ], + [ + "æ£Ģ", + "çĸ«" + ], + [ + "请", + "åģĩ" + ], + [ + "æĬļ", + "æij¸" + ], + [ + "èĵĦ", + "çĶµæ±ł" + ], + [ + "è·Ł", + "ä¸įä¸Ĭ" + ], + [ + "çݰ代", + "社ä¼ļ" + ], + [ + "çѹ", + "èµĦ" + ], + [ + "ä½ĵèĤ²", + "彩票" + ], + [ + "å»¶", + "误" + ], + [ + "è¾Ľ", + "è¾£" + ], + [ + "éĿ¢", + "容" + ], + [ + "åį°", + "è®°" + ], + [ + "çģŃ", + "亡" + ], + [ + "ç´ł", + "é£Ł" + ], + [ + "åħ´", + "èĩ´" + ], + [ + "éľĢè¦ģ", + "ç͍" + ], + [ + "éľĢè¦ģç͍", + "åΰ" + ], + [ + "å®Ŀ", + "å¦Ī" + ], + [ + "ç£ĭ", + "åķĨ" + ], + [ + "éļ¶", + "å±ŀ" + ], + [ + "è´¡çĮ®", + "åĬĽéĩı" + ], + [ + "åħ¬åħ±", + "èµĦæºIJ" + ], + [ + "大", + "éĺª" + ], + [ + "åĨĽ", + "è®Ń" + ], + [ + "æĤ¬", + "念" + ], + [ + "社ä¼ļ", + "稳å®ļ" + ], + [ + "å¹²äºĭ", + "åĪĽä¸ļ" + ], + [ + "æľī", + "æĿ¡ä»¶" + ], + [ + "æľīæĿ¡ä»¶", + "çļĦ" + ], + [ + "ä¸Ģå¹´", + "ä¸Ģ度" + ], + [ + "åİ", + "¥" + ], + [ + "强", + "奸" + ], + [ + "豪", + "车" + ], + [ + "æİĮ", + "æŁľ" + ], + [ + "æ°´åĪ©", + "å·¥ç¨ĭ" + ], + [ + "å³", + "ª" + ], + [ + "积æŀģ", + "ä½ľç͍" + ], + [ + "æµ·", + "æ·Ģ" + ], + [ + "æµ·æ·Ģ", + "åĮº" + ], + [ + "çĥŃ", + "æĴŃ" + ], + [ + "åĿļæĮģ", + "ä¸įæĩĪ" + ], + [ + "åıĮ", + "èĦļ" + ], + [ + "绣", + "æĪĺ" + ], + [ + "ä»»ä½ķ", + "人éĥ½" + ], + [ + "åľ°ä¸ĭ", + "室" + ], + [ + "åĨ¶", + "çĤ¼" + ], + [ + "è°ħ", + "è§£" + ], + [ + "æ¸Ķ", + "èι" + ], + [ + "太éĺ³", + "åŁİ" + ], + [ + "被", + "æįķ" + ], + [ + "计ç®Ĺ", + "åύ" + ], + [ + "西", + "åĮ»" + ], + [ + "èĪĴ", + "å¿ĥ" + ], + [ + "æ¡", + "¦" + ], + [ + "éģ", + "²" + ], + [ + "åĬ", + "ij" + ], + [ + "è¨", + "Ĺ" + ], + [ + "èİ", + "º" + ], + [ + "åĸ", + "¬" + ], + [ + "çĵ", + "¯" + ], + [ + "åĺ", + "ĺ" + ], + [ + "åł", + "ķ" + ], + [ + "æķ", + "Ŀ" + ], + [ + "åij", + "¦" + ], + [ + "èĭ", + "ŀ" + ], + [ + "æŃ", + "¹" + ], + [ + "æĵ", + "¬" + ], + [ + "æ£", + "Ħ" + ], + [ + "èĪ", + "µ" + ], + [ + "å¥", + "ª" + ], + [ + "çļ", + "ĭ" + ], + [ + "æĶ", + "¸" + ], + [ + "åľ", + "©" + ], + [ + "ç¤", + "Ļ" + ], + [ + "ç¢", + "ĺ" + ], + [ + "éı", + "Ī" + ], + [ + "æĦ", + "ķ" + ], + [ + "ç¹", + "³" + ], + [ + "èĺ", + "¸" + ], + [ + "è²", + "Ĥ" + ], + [ + "æ¼", + "²" + ], + [ + "æij", + "¹" + ], + [ + "æĶ", + "Ŀ" + ], + [ + "åŃ", + "¢" + ], + [ + "èķ", + "Ń" + ], + [ + "é¨", + "°" + ], + [ + "æ½", + "¼" + ], + [ + "éħ", + "°" + ], + [ + "æĴ", + "¥" + ], + [ + "è¹", + "¬" + ], + [ + "é¨", + "Ļ" + ], + [ + "è¸", + "¹" + ], + [ + "éģ", + "IJ" + ], + [ + "çĺ", + "Ģ" + ], + [ + "èĽ", + "¤" + ], + [ + "æĤ", + "ĸ" + ], + [ + "çĴ", + "ŀ" + ], + [ + "ç£", + "IJ" + ], + [ + "æİ", + "°" + ], + [ + "è¾", + "Ĭ" + ], + [ + "å¾", + "ij" + ], + [ + "æİ", + "ĸ" + ], + [ + "éģ", + "ŀ" + ], + [ + "éĤ", + "¸" + ], + [ + "éĽ", + "ı" + ], + [ + "æĨ", + "İ" + ], + [ + "æľ", + "½" + ], + [ + "çį", + "»" + ], + [ + "ç®", + "Ķ" + ], + [ + "è¤", + "¶" + ], + [ + "æļ", + "¢" + ], + [ + "æĺ", + "µ" + ], + [ + "çı", + "Ĥ" + ], + [ + "æĤ", + "¸" + ], + [ + "åģ", + "µ" + ], + [ + "åĻ", + "ľ" + ], + [ + "å£", + "¯" + ], + [ + "æĴ", + "®" + ], + [ + "æģ", + "į" + ], + [ + "å©", + "ķ" + ], + [ + "ç¯", + "±" + ], + [ + "éĺ", + "Ļ" + ], + [ + "çī", + "ł" + ], + [ + "è£", + "ĺ" + ], + [ + "è³", + "¢" + ], + [ + "éĩ", + "ľ" + ], + [ + "éĵ", + "ł" + ], + [ + "èİ", + "ĺ" + ], + [ + "æ®", + "Ĩ" + ], + [ + "çĻ", + "¸" + ], + [ + "è´", + "ı" + ], + [ + "ç²", + "±" + ], + [ + "å«", + "¡" + ], + [ + "åĨ", + "¢" + ], + [ + "è¤", + "Ĵ" + ], + [ + "æĩ", + "Ĭ" + ], + [ + "éľ", + "ĵ" + ], + [ + "å¡", + "µ" + ], + [ + "æĭ", + "£" + ], + [ + "å»", + "Ł" + ], + [ + "é£", + "½" + ], + [ + "é¢", + "Į" + ], + [ + "åļ", + "İ" + ], + [ + "æ·", + "º" + ], + [ + "èĨ", + "ł" + ], + [ + "åİ", + "Ń" + ], + [ + "åļ", + "ĩ" + ], + [ + "åij", + "ĥ" + ], + [ + "çĴ", + "ĭ" + ], + [ + "çŃ", + "±" + ], + [ + "æĭ", + "·" + ], + [ + "èį", + "§" + ], + [ + "éĶ", + "°" + ], + [ + "åŃ", + "°" + ], + [ + "èĵ", + "ĵ" + ], + [ + "èĨ", + "½" + ], + [ + "æŀ", + "ī" + ], + [ + "åĸ", + "½" + ], + [ + "çĽ", + "Ķ" + ], + [ + "çŃ", + "IJ" + ], + [ + "ç¾", + "ļ" + ], + [ + "è", + "ħĮ" + ], + [ + "è¾", + "«" + ], + [ + "æ³", + "ĵ" + ], + [ + "çĶ", + "¬" + ], + [ + "èŁ", + "²" + ], + [ + "åĸ", + "ª" + ], + [ + "å¦", + "ĵ" + ], + [ + "è¬", + "Ģ" + ], + [ + "çĤ", + "Ĭ" + ], + [ + "æĽ", + "ľ" + ], + [ + "æ±", + "IJ" + ], + [ + "è´", + "Ī" + ], + [ + "èį", + "Ģ" + ], + [ + "æĬ", + "ł" + ], + [ + "ç¢", + "¾" + ], + [ + "æ«", + "ĥ" + ], + [ + "éŀ", + "ł" + ], + [ + "èij", + "Ĩ" + ], + [ + "ç¥", + "¯" + ], + [ + "å½", + "Ŀ" + ], + [ + "é¦", + "į" + ], + [ + "åĮ", + "£" + ], + [ + "æľ", + "Ń" + ], + [ + "åĿ", + "Ĥ" + ], + [ + "ä¿", + "ij" + ], + [ + "èĵ", + "®" + ], + [ + "çij", + "Ľ" + ], + [ + "æī", + "ī" + ], + [ + "èĩ", + "Ł" + ], + [ + "è²", + "«" + ], + [ + "çİ", + "¥" + ], + [ + "æ·", + "¼" + ], + [ + "åİ", + "²" + ], + [ + "é³", + "Į" + ], + [ + "å³", + "Ń" + ], + [ + "åij", + "Ľ" + ], + [ + "é", + "§" + ], + [ + "é§", + "IJ" + ], + [ + "éģ", + "·" + ], + [ + "ä¿", + "ª" + ], + [ + "æĢ", + "Ĥ" + ], + [ + "è¾", + "į" + ], + [ + "å±", + "į" + ], + [ + "åĭ", + "ģ" + ], + [ + "å¥", + "ļ" + ], + [ + "éļ", + "ħ" + ], + [ + "éĴ", + "´" + ], + [ + "è¼", + "Ŀ" + ], + [ + "å®", + "¦" + ], + [ + "èIJ", + "ĥ" + ], + [ + "çĺ", + "ĭ" + ], + [ + "æĨ", + "¶" + ], + [ + "æĤ", + "ħ" + ], + [ + "è¾", + "Ļ" + ], + [ + "åij", + "ľ" + ], + [ + "çł", + "º" + ], + [ + "éĢ", + "ŀ" + ], + [ + "æµ", + "ļ" + ], + [ + "éĸ", + "£" + ], + [ + "èĸ", + "©" + ], + [ + "éĻ", + "ĭ" + ], + [ + "çĤ", + "Ļ" + ], + [ + "èª", + "ķ" + ], + [ + "ä¸", + "Ł" + ], + [ + "é¹", + "½" + ], + [ + "ç±", + "Į" + ], + [ + "è´", + "°" + ], + [ + "éĭ", + "ª" + ], + [ + "çľ", + "©" + ], + [ + "æĴ", + "IJ" + ], + [ + "èĨ", + "º" + ], + [ + "éŀ", + "ĺ" + ], + [ + "ç¾", + "²" + ], + [ + "çª", + "®" + ], + [ + "ç´", + "IJ" + ], + [ + "æ®", + "´" + ], + [ + "çº", + "¾" + ], + [ + "èº", + "į" + ], + [ + "ç´", + "ĭ" + ], + [ + "çĦ", + "ĸ" + ], + [ + "çĶ", + "º" + ], + [ + "çī", + "½" + ], + [ + "çĤ", + "¯" + ], + [ + "ç¼", + "Ķ" + ], + [ + "æ¯", + "ĵ" + ], + [ + "å¬", + "°" + ], + [ + "æ¢", + "§" + ], + [ + "äº", + "Ł" + ], + [ + "è¢", + "ħ" + ], + [ + "çį", + "Ħ" + ], + [ + "è¿", + "¥" + ], + [ + "æ¼", + "¾" + ], + [ + "çĿ", + "ij" + ], + [ + "ç¸", + "¾" + ], + [ + "é¦", + "ĭ" + ], + [ + "é¤", + "ħ" + ], + [ + "æ", + "¹Ħ" + ], + [ + "æĺ", + "ĩ" + ], + [ + "æŀ", + "Ń" + ], + [ + "èĸ", + "°" + ], + [ + "æŁ", + "ij" + ], + [ + "æ¦", + "»" + ], + [ + "åĻ", + "Ĺ" + ], + [ + "åĻ", + "´" + ], + [ + "æ£", + "£" + ], + [ + "åĶ", + "§" + ], + [ + "çĨ", + "¹" + ], + [ + "è¼", + "¯" + ], + [ + "å¢", + "Ł" + ], + [ + "é²", + "²" + ], + [ + "æĪ", + "Ľ" + ], + [ + "èī", + "¦" + ], + [ + "èĬ", + "®" + ], + [ + "åĺ", + "Ł" + ], + [ + "å¸", + "¥" + ], + [ + "å¿", + "»" + ], + [ + "çĮ", + "Ŀ" + ], + [ + "å¯", + "µ" + ], + [ + "è³", + "¦" + ], + [ + "èĽ", + "¾" + ], + [ + "æ»", + "¾" + ], + [ + "çĤ", + "ķ" + ], + [ + "éĵ", + "¬" + ], + [ + "èĴ", + "¿" + ], + [ + "éĴ", + "¨" + ], + [ + "çĥ", + "Ļ" + ], + [ + "ç²", + "ķ" + ], + [ + "æĥ", + "¦" + ], + [ + "æº", + "§" + ], + [ + "é¢", + "į" + ], + [ + "éħ", + "£" + ], + [ + "å³", + "¦" + ], + [ + "ç±", + "ģ" + ], + [ + "çĥ", + "ĥ" + ], + [ + "åĨ", + "Ĺ" + ], + [ + "åı", + "ģ" + ], + [ + "çĽ", + "§" + ], + [ + "ç½", + "µ" + ], + [ + "éĴ", + "Ĺ" + ], + [ + "å¬", + "ī" + ], + [ + "è°", + "ı" + ], + [ + "ç³", + "§" + ], + [ + "è¾", + "Ń" + ], + [ + "æ·", + "¬" + ], + [ + "èŁ", + "Ĵ" + ], + [ + "è¯", + "©" + ], + [ + "è¦", + "ĥ" + ], + [ + "çĻ", + "ĸ" + ], + [ + "é½", + "Ĵ" + ], + [ + "çĪ", + "IJ" + ], + [ + "ç®", + "į" + ], + [ + "ç¼", + "İ" + ], + [ + "ç£", + "º" + ], + [ + "è¯", + "«" + ], + [ + "è¤", + "²" + ], + [ + "æĵ", + "ł" + ], + [ + "èIJ", + "¦" + ], + [ + "çĿ", + "¬" + ], + [ + "è°", + "į" + ], + [ + "éĦ", + "°" + ], + [ + "æł", + "¾" + ], + [ + "é¡", + "ı" + ], + [ + "ç¸", + "±" + ], + [ + "æ¡", + "¨" + ], + [ + "éĨ", + "¬" + ], + [ + "è¥", + "²" + ], + [ + "è®", + "ª" + ], + [ + "å©", + "º" + ], + [ + "èį", + "Ł" + ], + [ + "åĮ", + "Ŀ" + ], + [ + "çĨ", + "ł" + ], + [ + "èĽ", + "Ĭ" + ], + [ + "æ¸", + "ļ" + ], + [ + "å´", + "½" + ], + [ + "é²", + "¤" + ], + [ + "åķ", + "°" + ], + [ + "åĮ", + "ķ" + ], + [ + "ä¸", + "IJ" + ], + [ + "è®", + "¥" + ], + [ + "åı", + "½" + ], + [ + "åı", + "¼" + ], + [ + "çļ", + "¿" + ], + [ + "è¿", + "Ĥ" + ], + [ + "åIJ", + "Ĩ" + ], + [ + "å±", + "¹" + ], + [ + "èĩ", + "¼" + ], + [ + "è®", + "¹" + ], + [ + "é©", + "®" + ], + [ + "çº", + "«" + ], + [ + "æ±", + "ŀ" + ], + [ + "æĬ", + "¡" + ], + [ + "èĭ", + "ĩ" + ], + [ + "åIJ", + "ł" + ], + [ + "åIJ", + "Ń" + ], + [ + "åIJ", + "®" + ], + [ + "å²", + "ĸ" + ], + [ + "ä½", + "ĥ" + ], + [ + "çĭ", + "Ī" + ], + [ + "åº", + "ĩ" + ], + [ + "åIJ", + "Ŀ" + ], + [ + "éĹ", + "°" + ], + [ + "æ±", + "¹" + ], + [ + "å¿", + "±" + ], + [ + "æĭ", + "Ħ" + ], + [ + "æĭ", + "Ĺ" + ], + [ + "èĮ", + "ī" + ], + [ + "èĭ", + "Ľ" + ], + [ + "èĮ", + "ģ" + ], + [ + "çŁ", + "¾" + ], + [ + "èĻ", + "ı" + ], + [ + "åij", + "»" + ], + [ + "åĴ", + "Ħ" + ], + [ + "å¿", + "¿" + ], + [ + "èĤ", + "®" + ], + [ + "çĭ", + "ŀ" + ], + [ + "çĸ", + "Ł" + ], + [ + "çĸ", + "Ļ" + ], + [ + "çĸ", + "ļ" + ], + [ + "æ³", + "ŀ" + ], + [ + "å¸", + "ļ" + ], + [ + "å±", + "ī" + ], + [ + "è¿", + "¢" + ], + [ + "é©", + "¹" + ], + [ + "ç", + "İ·" + ], + [ + "çıĬ", + "ó" + ], + [ + "çıĬó", + "ł" + ], + [ + "çıĬół", + "Ħ" + ], + [ + "çıĬółĦ", + "ģ" + ], + [ + "æĮ", + "İ" + ], + [ + "æĭ", + "´" + ], + [ + "åŀ", + "Ľ" + ], + [ + "èį", + "¤" + ], + [ + "æ®", + "ĥ" + ], + [ + "çĽ", + "¹" + ], + [ + "åĵ", + "Ĩ" + ], + [ + "è´", + "»" + ], + [ + "æ¯", + "¡" + ], + [ + "çĭ", + "°" + ], + [ + "çĭ", + "¡" + ], + [ + "æŁ", + "Ĵ" + ], + [ + "æģ", + "ĥ" + ], + [ + "è¯", + "¬" + ], + [ + "è¢", + "Ħ" + ], + [ + "è¯", + "²" + ], + [ + "èļ", + "¤" + ], + [ + "èĢ", + "Ļ" + ], + [ + "åŁ", + "Ĥ" + ], + [ + "æį", + "İ" + ], + [ + "æį", + "Į" + ], + [ + "æ¢", + "Ĩ" + ], + [ + "é", + "ħĮ" + ], + [ + "çł", + "¾" + ], + [ + "æ®", + "ī" + ], + [ + "åĶ", + "ł" + ], + [ + "æĻ", + "Į" + ], + [ + "èļ", + "£" + ], + [ + "èļ", + "ª" + ], + [ + "èļ", + "ĵ" + ], + [ + "é¸", + "¯" + ], + [ + "åĶ", + "ģ" + ], + [ + "åĶ", + "Ĩ" + ], + [ + "åĢ", + "Ķ" + ], + [ + "èĪ", + "Ģ" + ], + [ + "è±", + "º" + ], + [ + "èĥ", + "°" + ], + [ + "é¸", + "µ" + ], + [ + "é¸", + "³" + ], + [ + "é¦", + "ģ" + ], + [ + "ç¾", + "Ķ" + ], + [ + "æ¶", + "£" + ], + [ + "æ¶", + "ķ" + ], + [ + "æĤ", + "¯" + ], + [ + "è¯", + "½" + ], + [ + "è°", + "Ĩ" + ], + [ + "ç¥", + "Ł" + ], + [ + "ç»", + "¢" + ], + [ + "æį", + "º" + ], + [ + "æį", + "¶" + ], + [ + "æį", + "»" + ], + [ + "æİ", + "Ĥ" + ], + [ + "èı", + "ł" + ], + [ + "èIJ", + "¤" + ], + [ + "éħ", + "Ĺ" + ], + [ + "çľ", + "¶" + ], + [ + "åķ", + "Ħ" + ], + [ + "èļ", + "¯" + ], + [ + "èĽ", + "Ģ" + ], + [ + "åĶ", + "¬" + ], + [ + "å¸", + "·" + ], + [ + "éĵ", + "IJ" + ], + [ + "éĵ", + "Ľ" + ], + [ + "åģ", + "İ" + ], + [ + "å¾", + "Ļ" + ], + [ + "èĦ", + "¯" + ], + [ + "è±", + "ļ" + ], + [ + "çĮ", + "ĸ" + ], + [ + "çĹ", + "Ĭ" + ], + [ + "æ¶", + "®" + ], + [ + "æĥ", + "Ń" + ], + [ + "æĤ", + "´" + ], + [ + "æĥ", + "ĭ" + ], + [ + "è°", + "ļ" + ], + [ + "æı", + "©" + ], + [ + "æIJ", + "Ģ" + ], + [ + "æIJ", + "Ķ" + ], + [ + "æ¦", + "Ķ" + ], + [ + "æ¤", + "Ń" + ], + [ + "éĽ", + "³" + ], + [ + "åĸ", + "³" + ], + [ + "è·", + "Ľ" + ], + [ + "èľ", + "ĵ" + ], + [ + "èľ", + "Ĵ" + ], + [ + "é¹", + "ĥ" + ], + [ + "éĶ", + "Ħ" + ], + [ + "çĶ", + "¥" + ], + [ + "çŃ", + "ı" + ], + [ + "çĮ", + "©" + ], + [ + "çĮ", + "¬" + ], + [ + "çĮ", + "¾" + ], + [ + "çĹ", + "¢" + ], + [ + "çĹ", + "ª" + ], + [ + "æĥ", + "°" + ], + [ + "çª", + "ĺ" + ], + [ + "è°", + "¤" + ], + [ + "éļ", + "ĺ" + ], + [ + "å©", + "¿" + ], + [ + "é¹", + "ī" + ], + [ + "çij", + "Ļ" + ], + [ + "æĸ", + "Ł" + ], + [ + "æ¤", + "¿" + ], + [ + "éħ", + "ª" + ], + [ + "éĽ", + "¹" + ], + [ + "åĹ", + "¦" + ], + [ + "è·", + "·" + ], + [ + "è·", + "º" + ], + [ + "è·", + "¤" + ], + [ + "èľ", + "Ī" + ], + [ + "èľ", + "Ĺ" + ], + [ + "å¹", + "Į" + ], + [ + "é¦", + "ı" + ], + [ + "èª", + "Ĭ" + ], + [ + "æ¼", + "ĵ" + ], + [ + "è¤", + "Ĥ" + ], + [ + "èĶ", + "Ĺ" + ], + [ + "èĶ", + "¼" + ], + [ + "åħ", + "¢" + ], + [ + "è£", + "³" + ], + [ + "èľ", + "»" + ], + [ + "èĿ", + "ĩ" + ], + [ + "åĺ", + "Ģ" + ], + [ + "éĶ", + "¹" + ], + [ + "ç®", + "ķ" + ], + [ + "ç®", + "©" + ], + [ + "çĺ", + "©" + ], + [ + "çĺ", + "Ł" + ], + [ + "æ¼", + "±" + ], + [ + "å¯", + "¥" + ], + [ + "éª", + "¡" + ], + [ + "æĴ", + "µ" + ], + [ + "æĴ", + "¬" + ], + [ + "è±", + "Į" + ], + [ + "åĺ", + "¹" + ], + [ + "èĿ", + "ł" + ], + [ + "èĿ", + "Į" + ], + [ + "èĿ", + "Ĺ" + ], + [ + "èĿ", + "Ļ" + ], + [ + "éķ", + "IJ" + ], + [ + "ç¨", + "¼" + ], + [ + "ç¯", + "ĵ" + ], + [ + "èĨ", + "Ľ" + ], + [ + "é²", + "«" + ], + [ + "çĺ", + "ª" + ], + [ + "é²", + "¨" + ], + [ + "æĨ", + "Ķ" + ], + [ + "ç¿", + "©" + ], + [ + "è¤", + "¥" + ], + [ + "ç¼", + "Ń" + ], + [ + "åĻ", + "©" + ], + [ + "çĵ", + "¢" + ], + [ + "éľ", + "İ" + ], + [ + "è¸", + "±" + ], + [ + "è¹", + "Ĥ" + ], + [ + "èŁ", + "Ĩ" + ], + [ + "é¹", + "¦" + ], + [ + "ç¯", + "¡" + ], + [ + "çĺ", + "¸" + ], + [ + "çª", + "¿" + ], + [ + "ç¼", + "°" + ], + [ + "èĹ", + "IJ" + ], + [ + "è¹", + "ĭ" + ], + [ + "èŁ", + "ĭ" + ], + [ + "èŁ", + "Ģ" + ], + [ + "èµ", + "¡" + ], + [ + "èĩ", + "Ĭ" + ], + [ + "é³", + "Ħ" + ], + [ + "ç³", + "ł" + ], + [ + "æĩ", + "¦" + ], + [ + "åļ", + "£" + ], + [ + "éķ", + "°" + ], + [ + "é³", + "į" + ], + [ + "ç°", + "¸" + ], + [ + "çĻ", + "£" + ], + [ + "é³", + "ĸ" + ], + [ + "é¬", + "ĵ" + ], + [ + "èł", + "ķ" + ], + [ + "éľ", + "¹" + ], + [ + "èº", + "ı" + ], + [ + "é»", + "¯" + ], + [ + "çĵ", + "¤" + ], + [ + "çŁ", + "Ĺ" + ], + [ + "ä¹", + "Ĥ" + ], + [ + "ä¹", + "ľ" + ], + [ + "åħ", + "Ģ" + ], + [ + "å¼", + "ĭ" + ], + [ + "åŃ", + "ij" + ], + [ + "åŃ", + "ĵ" + ], + [ + "å¹", + "º" + ], + [ + "äº", + "ĵ" + ], + [ + "å", + "»¿" + ], + [ + "ä¸", + "ı" + ], + [ + "åį", + "ħ" + ], + [ + "ä»", + "ĥ" + ], + [ + "ä»", + "ī" + ], + [ + "ä»", + "Ĥ" + ], + [ + "åĪ", + "Ī" + ], + [ + "çĪ", + "»" + ], + [ + "åį", + "ŀ" + ], + [ + "éĹ", + "©" + ], + [ + "è®", + "£" + ], + [ + "å¤", + "¬" + ], + [ + "çĪ", + "¿" + ], + [ + "æ¯", + "ĭ" + ], + [ + "éĤ", + "Ĺ" + ], + [ + "éĤ", + "Ľ" + ], + [ + "èī", + "½" + ], + [ + "èī", + "¿" + ], + [ + "åı", + "µ" + ], + [ + "ä¸", + "ķ" + ], + [ + "åĮ", + "ľ" + ], + [ + "åĬ", + "¢" + ], + [ + "åį", + "Ł" + ], + [ + "åı", + "±" + ], + [ + "åı", + "»" + ], + [ + "ä»", + "¨" + ], + [ + "ä»", + "Ł" + ], + [ + "ä»", + "¡" + ], + [ + "ä»", + "«" + ], + [ + "ä»", + "ŀ" + ], + [ + "åį", + "®" + ], + [ + "æ°", + "IJ" + ], + [ + "çĬ", + "°" + ], + [ + "åĪ", + "į" + ], + [ + "éĤ", + "Ŀ" + ], + [ + "éĤ", + "Ļ" + ], + [ + "è®", + "¦" + ], + [ + "è®", + "§" + ], + [ + "è®", + "«" + ], + [ + "å°", + "»" + ], + [ + "éĺ", + "¡" + ], + [ + "å°", + "ķ" + ], + [ + "å¼", + "ģ" + ], + [ + "èĢ", + "Ĵ" + ], + [ + "çİ", + "İ" + ], + [ + "çİ", + "ij" + ], + [ + "åľ", + "¬" + ], + [ + "æī", + "¦" + ], + [ + "åľ", + "ª" + ], + [ + "åľ", + "¹" + ], + [ + "æī", + "ª" + ], + [ + "åľ", + "®" + ], + [ + "åľ", + "¯" + ], + [ + "èĬ", + "Ĭ" + ], + [ + "èĬ", + "į" + ], + [ + "èĬ", + "Ħ" + ], + [ + "èĬ", + "¨" + ], + [ + "èĬ", + "ij" + ], + [ + "èĬ", + "İ" + ], + [ + "èĬ", + "Ĺ" + ], + [ + "äº", + "ĺ" + ], + [ + "åİ", + "į" + ], + [ + "å¤", + "¼" + ], + [ + "æĪ", + "į" + ], + [ + "å°", + "¥" + ], + [ + "ä¹", + "©" + ], + [ + "æĹ", + "¯" + ], + [ + "æĽ", + "³" + ], + [ + "å²", + "Į" + ], + [ + "å±", + "º" + ], + [ + "åĩ", + "¼" + ], + [ + "åĽ", + "¡" + ], + [ + "éĴ", + "ĩ" + ], + [ + "ç¼", + "¶" + ], + [ + "æ°", + "ĺ" + ], + [ + "æ°", + "ĸ" + ], + [ + "çī", + "Ŀ" + ], + [ + "ä¼", + "İ" + ], + [ + "ä¼", + "Ľ" + ], + [ + "ä¼", + "¢" + ], + [ + "ä½", + "¤" + ], + [ + "ä»", + "µ" + ], + [ + "ä¼", + "¥" + ], + [ + "ä¼", + "§" + ], + [ + "ä¼", + "ī" + ], + [ + "ä¼", + "«" + ], + [ + "åĽ", + "Ł" + ], + [ + "æ±", + "Ĩ" + ], + [ + "åĪ", + "ĸ" + ], + [ + "å¤", + "Ļ" + ], + [ + "æĹ", + "®" + ], + [ + "åĪ", + "İ" + ], + [ + "çĬ", + "·" + ], + [ + "çĬ", + "¸" + ], + [ + "èĪ", + "Ľ" + ], + [ + "åĩ", + "«" + ], + [ + "é", + "Ĥ¬" + ], + [ + "é¥", + "§" + ], + [ + "æ±", + "Ķ" + ], + [ + "æ±", + "ľ" + ], + [ + "æ±", + "Ĭ" + ], + [ + "å¿", + "ĸ" + ], + [ + "å¿", + "ı" + ], + [ + "è®", + "´" + ], + [ + "è®", + "µ" + ], + [ + "è®", + "·" + ], + [ + "èģ", + "¿" + ], + [ + "èī", + "®" + ], + [ + "åİ", + "¾" + ], + [ + "å¦", + "ģ" + ], + [ + "çº", + "¡" + ], + [ + "çº", + "£" + ], + [ + "çº", + "¥" + ], + [ + "çº", + "¨" + ], + [ + "çİ", + "ķ" + ], + [ + "çİ", + "Ļ" + ], + [ + "æĬ", + "Ł" + ], + [ + "æĬ", + "Ķ" + ], + [ + "åľ", + "»" + ], + [ + "åĿ", + "į" + ], + [ + "æĬ", + "ĥ" + ], + [ + "ã§", + "IJ" + ], + [ + "èĬ", + "«" + ], + [ + "èĬ", + "¾" + ], + [ + "èĭ", + "Ī" + ], + [ + "èĭ", + "£" + ], + [ + "èĭ", + "ĭ" + ], + [ + "èĬ", + "¼" + ], + [ + "èĭ", + "Į" + ], + [ + "èĭ", + "ģ" + ], + [ + "èĬ", + "©" + ], + [ + "èĬ", + "ª" + ], + [ + "èĬ", + "¡" + ], + [ + "èĬ", + "Ł" + ], + [ + "èĭ", + "Ħ" + ], + [ + "èĭ", + "İ" + ], + [ + "èĭ", + "¡" + ], + [ + "æĿ", + "Į" + ], + [ + "æĿ", + "ĵ" + ], + [ + "æĿ", + "Ī" + ], + [ + "å¿", + "ij" + ], + [ + "åŃ", + "Ľ" + ], + [ + "éĤ", + "´" + ], + [ + "éĤ", + "³" + ], + [ + "å¥", + "ģ" + ], + [ + "è±", + "ķ" + ], + [ + "å¿", + "Ĵ" + ], + [ + "æ¬", + "¤" + ], + [ + "è½", + "«" + ], + [ + "è¿", + "ĵ" + ], + [ + "éĤ", + "¶" + ], + [ + "å¿", + "IJ" + ], + [ + "åį", + "£" + ], + [ + "éĤ", + "º" + ], + [ + "æĹ", + "°" + ], + [ + "åij", + "ĭ" + ], + [ + "åij", + "Ĵ" + ], + [ + "åij", + "ĵ" + ], + [ + "åij", + "Ķ" + ], + [ + "åij", + "ĸ" + ], + [ + "æĹ", + "¸" + ], + [ + "åIJ", + "¡" + ], + [ + "èĻ", + "¬" + ], + [ + "åIJ", + "½" + ], + [ + "åIJ", + "£" + ], + [ + "åIJ", + "²" + ], + [ + "å¸", + "ı" + ], + [ + "å²", + "Ī" + ], + [ + "å²", + "ĺ" + ], + [ + "åħ", + "ķ" + ], + [ + "åĽ", + "µ" + ], + [ + "åĽ", + "«" + ], + [ + "éĴ", + "Ĭ" + ], + [ + "éĴ", + "ĭ" + ], + [ + "é", + "ĴĮ" + ], + [ + "è¿", + "ķ" + ], + [ + "æ°", + "Ļ" + ], + [ + "æ°", + "ļ" + ], + [ + "çī", + "¤" + ], + [ + "ä½", + "ŀ" + ], + [ + "ä½", + "ļ" + ], + [ + "ä½", + "Ŀ" + ], + [ + "ä½", + "Ĺ" + ], + [ + "å½", + "·" + ], + [ + "ä½", + "ĺ" + ], + [ + "ä½", + "¥" + ], + [ + "è±", + "¸" + ], + [ + "åĿ", + "Į" + ], + [ + "èĤ", + "Ł" + ], + [ + "å¥", + "Ĥ" + ], + [ + "åĬ", + "¬" + ], + [ + "çĭ", + "ģ" + ], + [ + "é¸", + "ł" + ], + [ + "é¥", + "¨" + ], + [ + "é¥", + "©" + ], + [ + "é¥", + "«" + ], + [ + "é¥", + "¬" + ], + [ + "åº", + "ij" + ], + [ + "åº", + "ĭ" + ], + [ + "çĸ", + "Ķ" + ], + [ + "çĸ", + "ĸ" + ], + [ + "èĤ", + "ĵ" + ], + [ + "éĹ", + "±" + ], + [ + "éĹ", + "³" + ], + [ + "çĤ", + "Ģ" + ], + [ + "æ²", + "£" + ], + [ + "æ²", + "ħ" + ], + [ + "æ²", + "Ķ" + ], + [ + "æ²", + "¤" + ], + [ + "æ²", + "ı" + ], + [ + "æ²", + "ļ" + ], + [ + "æ±", + "©" + ], + [ + "æ±", + "¨" + ], + [ + "æ²", + "¨" + ], + [ + "æ±", + "´" + ], + [ + "æ²", + "Ĩ" + ], + [ + "æ²", + "©" + ], + [ + "æ³", + "IJ" + ], + [ + "æĢ", + "ĥ" + ], + [ + "æĢ", + "Ħ" + ], + [ + "å¿", + "¡" + ], + [ + "å¿", + "¤" + ], + [ + "å¿", + "¾" + ], + [ + "æĢ", + "ħ" + ], + [ + "å¿", + "ª" + ], + [ + "æĢ", + "Ĩ" + ], + [ + "å¿", + "Ń" + ], + [ + "å¿", + "¸" + ], + [ + "è¯", + "Ĥ" + ], + [ + "è¯", + "ĥ" + ], + [ + "è¯", + "ħ" + ], + [ + "è¯", + "ĭ" + ], + [ + "è¯", + "Į" + ], + [ + "è¯", + "Ĵ" + ], + [ + "éĻ", + "Ĥ" + ], + [ + "éĻ", + "ī" + ], + [ + "å¦", + "©" + ], + [ + "å¦", + "ª" + ], + [ + "å¦", + "£" + ], + [ + "å¦", + "Ĺ" + ], + [ + "å¦", + "«" + ], + [ + "å§", + "Ĵ" + ], + [ + "å¦", + "¤" + ], + [ + "åĬ", + "Ń" + ], + [ + "åĪ", + "Ń" + ], + [ + "éĤ", + "°" + ], + [ + "çº", + "Ń" + ], + [ + "çº", + "°" + ], + [ + "çº", + "´" + ], + [ + "çİ", + "¡" + ], + [ + "çİ", + "Ń" + ], + [ + "çİ", + "ł" + ], + [ + "çİ", + "¢" + ], + [ + "çİ", + "¦" + ], + [ + "çĽ", + "Ĥ" + ], + [ + "å¿", + "Ŀ" + ], + [ + "åĮ", + "¦" + ], + [ + "åĿ", + "©" + ], + [ + "æĬ", + "¨" + ], + [ + "æĭ", + "¤" + ], + [ + "åĿ", + "«" + ], + [ + "æĭ", + "Ī" + ], + [ + "åŀ", + "Ĩ" + ], + [ + "æĬ", + "»" + ], + [ + "åĬ", + "¼" + ], + [ + "æĭ", + "ĥ" + ], + [ + "æĭ", + "Ĭ" + ], + [ + "åĿ", + "¼" + ], + [ + "åĿ", + "»" + ], + [ + "ã§", + "Ł" + ], + [ + "åĿ", + "¨" + ], + [ + "åĿ", + "Ń" + ], + [ + "æĬ", + "¿" + ], + [ + "åĿ", + "³" + ], + [ + "èĭ", + "·" + ], + [ + "èĭ", + "¤" + ], + [ + "èĮ", + "ı" + ], + [ + "èĭ", + "«" + ], + [ + "èĭ", + "ľ" + ], + [ + "èĭ", + "´" + ], + [ + "èĭ", + "Ĵ" + ], + [ + "èĭ", + "ĺ" + ], + [ + "èĮ", + "Į" + ], + [ + "èĭ", + "»" + ], + [ + "èĭ", + "ĵ" + ], + [ + "èĮ", + "ļ" + ], + [ + "èĮ", + "Ĩ" + ], + [ + "èĮ", + "ij" + ], + [ + "èĮ", + "ĵ" + ], + [ + "èĮ", + "Ķ" + ], + [ + "èĮ", + "ķ" + ], + [ + "è", + "ĮĢ" + ], + [ + "èĭ", + "ķ" + ], + [ + "æŀ", + "¥" + ], + [ + "æŀ", + "ĩ" + ], + [ + "æĿ", + "ª" + ], + [ + "æĿ", + "³" + ], + [ + "æŀ", + "§" + ], + [ + "æĿ", + "µ" + ], + [ + "æŀ", + "¨" + ], + [ + "æŀ", + "ŀ" + ], + [ + "æŀ", + "ĭ" + ], + [ + "æĿ", + "»" + ], + [ + "æĿ", + "·" + ], + [ + "æĿ", + "¼" + ], + [ + "çŁ", + "¸" + ], + [ + "ç", + "łĢ" + ], + [ + "åĪ", + "³" + ], + [ + "å¥", + "Ħ" + ], + [ + "æ®", + "ģ" + ], + [ + "éĥ", + "ı" + ], + [ + "è½", + "Ń" + ], + [ + "éĥ", + "ħ" + ], + [ + "é¸", + "¢" + ], + [ + "çĽ", + "±" + ], + [ + "æĺ", + "Ļ" + ], + [ + "æĿ", + "²" + ], + [ + "æĺ", + "ĥ" + ], + [ + "åĴ", + "Ĥ" + ], + [ + "åij", + "¸" + ], + [ + "æĺ", + "Ģ" + ], + [ + "æĹ", + "»" + ], + [ + "æĺ", + "ī" + ], + [ + "çĤ", + "ħ" + ], + [ + "çķ", + "Ģ" + ], + [ + "èĻ", + "®" + ], + [ + "åĴ", + "Ģ" + ], + [ + "åij", + "·" + ], + [ + "é»", + "¾" + ], + [ + "åij", + "±" + ], + [ + "åij", + "¤" + ], + [ + "åĴ", + "Ĩ" + ], + [ + "åĴ", + "Ľ" + ], + [ + "åij", + "¶" + ], + [ + "åij", + "£" + ], + [ + "åĴ", + "Ŀ" + ], + [ + "å²", + "¢" + ], + [ + "å²", + "¿" + ], + [ + "å²", + "¬" + ], + [ + "å²", + "«" + ], + [ + "å¸", + "Ļ" + ], + [ + "å²", + "£" + ], + [ + "å³", + "ģ" + ], + [ + "åĪ", + "¿" + ], + [ + "å²", + "·" + ], + [ + "åī", + "Ģ" + ], + [ + "å¸", + "Ķ" + ], + [ + "å³", + "Ħ" + ], + [ + "æ²", + "ĵ" + ], + [ + "åĽ", + "¹" + ], + [ + "ç½", + "Ķ" + ], + [ + "éĴ", + "į" + ], + [ + "éĴ", + "İ" + ], + [ + "éĴ", + "ı" + ], + [ + "éĴ", + "Ĵ" + ], + [ + "éĴ", + "ķ" + ], + [ + "éĤ", + "¾" + ], + [ + "è¿", + "®" + ], + [ + "çī", + "¦" + ], + [ + "ç«", + "º" + ], + [ + "è¿", + "¤" + ], + [ + "ä½", + "¶" + ], + [ + "ä¾", + "ij" + ], + [ + "ä¾", + "ī" + ], + [ + "èĩ", + "¾" + ], + [ + "ä¾", + "Ĺ" + ], + [ + "ä¾", + "ı" + ], + [ + "ä¾", + "©" + ], + [ + "ä½", + "»" + ], + [ + "ä½", + "¾" + ], + [ + "ä¾", + "ª" + ], + [ + "ä½", + "¼" + ], + [ + "ä½", + "¯" + ], + [ + "ä¾", + "¬" + ], + [ + "å¸", + "Ľ" + ], + [ + "ä¾", + "Ķ" + ], + [ + "å¾", + "Ĥ" + ], + [ + "åĪ", + "½" + ], + [ + "éĥ", + "Ħ" + ], + [ + "ç±", + "´" + ], + [ + "çĵ", + "®" + ], + [ + "æĪ", + "Ĺ" + ], + [ + "èĤ", + "¼" + ], + [ + "äı", + "Ŀ" + ], + [ + "èĤ", + "±" + ], + [ + "èĤ", + "«" + ], + [ + "è¿", + "©" + ], + [ + "éĥ", + "ĩ" + ], + [ + "çĭ", + "İ" + ], + [ + "çĭ", + "į" + ], + [ + "çĭ", + "Ĵ" + ], + [ + "åĴ", + "İ" + ], + [ + "é¥", + "¯" + ], + [ + "é¥", + "´" + ], + [ + "åĨ", + "½" + ], + [ + "åĨ", + "¼" + ], + [ + "åº", + "ĸ" + ], + [ + "çĸ", + "ł" + ], + [ + "çĸ", + "Ŀ" + ], + [ + "åħ", + "ĸ" + ], + [ + "åĬ", + "¾" + ], + [ + "ð¬", + "ī" + ], + [ + "ð¬ī", + "¼" + ], + [ + "çĤ", + "ĺ" + ], + [ + "çĤ", + "Ŀ" + ], + [ + "çĤ", + "Ķ" + ], + [ + "æ³", + "Ķ" + ], + [ + "æ²", + "Ń" + ], + [ + "æ³", + "·" + ], + [ + "æ³", + "±" + ], + [ + "æ³", + "ħ" + ], + [ + "æ³", + "ł" + ], + [ + "æ³", + "º" + ], + [ + "æ³", + "ĸ" + ], + [ + "æ³", + "«" + ], + [ + "æ³", + "®" + ], + [ + "æ²", + "±" + ], + [ + "æ³", + "¯" + ], + [ + "æĢ", + "Ļ" + ], + [ + "æĢ", + "µ" + ], + [ + "æĢ", + "¦" + ], + [ + "æĢ", + "Ľ" + ], + [ + "æĢ", + "ı" + ], + [ + "æĢ", + "į" + ], + [ + "ã", + "¤" + ], + [ + "ã¤", + "ĺ" + ], + [ + "æĢ", + "©" + ], + [ + "æĢ", + "«" + ], + [ + "æĢ", + "¿" + ], + [ + "å®", + "ķ" + ], + [ + "ç©", + "¹" + ], + [ + "å®", + "ĵ" + ], + [ + "è¯", + "ĵ" + ], + [ + "è¯", + "Ķ" + ], + [ + "è¯", + "ĸ" + ], + [ + "è¯", + "ĺ" + ], + [ + "æĪ", + "¾" + ], + [ + "è¯", + "Ļ" + ], + [ + "æĪ", + "½" + ], + [ + "éĥ", + "ĵ" + ], + [ + "è¡", + "©" + ], + [ + "ç¥", + "Ĩ" + ], + [ + "ç¥", + "İ" + ], + [ + "ç¥", + "ĩ" + ], + [ + "è¯", + "ľ" + ], + [ + "è¯", + "Ł" + ], + [ + "è¯", + "£" + ], + [ + "è¯", + "¤" + ], + [ + "è¯", + "§" + ], + [ + "è¯", + "¨" + ], + [ + "æĪ", + "ķ" + ], + [ + "éĻ", + "Ķ" + ], + [ + "å¦", + "²" + ], + [ + "å¦", + "¯" + ], + [ + "å§", + "Ĺ" + ], + [ + "å¸", + "ij" + ], + [ + "åŃ", + "¥" + ], + [ + "é©", + "½" + ], + [ + "èĻ", + "±" + ], + [ + "è¿", + "¨" + ], + [ + "ç»", + "Ģ" + ], + [ + "ç»", + "ģ" + ], + [ + "ç»", + "Ĥ" + ], + [ + "é©", + "·" + ], + [ + "é©", + "¸" + ], + [ + "ç»", + "ī" + ], + [ + "ç»", + "Į" + ], + [ + "éª", + "Ģ" + ], + [ + "çĶ", + "¾" + ], + [ + "çı", + "ı" + ], + [ + "çı", + "IJ" + ], + [ + "çı", + "ij" + ], + [ + "çİ", + "³" + ], + [ + "é¡", + "¸" + ], + [ + "çı", + "ī" + ], + [ + "çı", + "Ī" + ], + [ + "æĭ", + "®" + ], + [ + "åŀ", + "Ń" + ], + [ + "æĮ", + "Ŀ" + ], + [ + "æĮ", + "ŀ" + ], + [ + "åŀ", + "¤" + ], + [ + "èµ", + "³" + ], + [ + "è´", + "²" + ], + [ + "åŀ", + "±" + ], + [ + "åŀ", + "Į" + ], + [ + "åŀ", + "§" + ], + [ + "åŀ", + "ĵ" + ], + [ + "æĮ", + "¦" + ], + [ + "åŀ", + "ł" + ], + [ + "èį", + "ļ" + ], + [ + "èį", + "ij" + ], + [ + "è´", + "³" + ], + [ + "èį", + "ľ" + ], + [ + "èİ", + "Ĵ" + ], + [ + "èĮ", + "¼" + ], + [ + "èĮ", + "´" + ], + [ + "èĮ", + "±" + ], + [ + "èİ", + "Ľ" + ], + [ + "èį", + "ŀ" + ], + [ + "èĮ", + "¯" + ], + [ + "èį", + "ı" + ], + [ + "èį", + "ĩ" + ], + [ + "èį", + "ĥ" + ], + [ + "èį", + "ł" + ], + [ + "èĮ", + "Ń" + ], + [ + "åŀ", + "©" + ], + [ + "èį", + "¥" + ], + [ + "èį", + "¦" + ], + [ + "èį", + "¨" + ], + [ + "èį", + "©" + ], + [ + "åī", + "ĭ" + ], + [ + "èį", + "ª" + ], + [ + "èį", + "¬" + ], + [ + "èį", + "®" + ], + [ + "æŁ", + "°" + ], + [ + "æł", + "ī" + ], + [ + "æŁ", + "ĺ" + ], + [ + "æł", + "Ĭ" + ], + [ + "æŁ", + "©" + ], + [ + "æŀ", + "°" + ], + [ + "æł", + "Į" + ], + [ + "æŁ", + "Ļ" + ], + [ + "æŀ", + "µ" + ], + [ + "æŀ", + "³" + ], + [ + "æŁ", + "ŀ" + ], + [ + "æŁ", + "Ŀ" + ], + [ + "æł", + "Ģ" + ], + [ + "æŁ", + "¢" + ], + [ + "æł", + "İ" + ], + [ + "æŁ", + "Ī" + ], + [ + "æŁ", + "ģ" + ], + [ + "æŀ", + "·" + ], + [ + "æŁ", + "½" + ], + [ + "åī", + "Į" + ], + [ + "éħ", + "Ĭ" + ], + [ + "éĥ", + "¦" + ], + [ + "çĶ", + "Ń" + ], + [ + "çł", + "Ĺ" + ], + [ + "çł", + "ĺ" + ], + [ + "çł", + "Ĵ" + ], + [ + "æĸ", + "«" + ], + [ + "çł", + "Ń" + ], + [ + "çł", + "ľ" + ], + [ + "èĢ", + "·" + ], + [ + "èĻ", + "º" + ], + [ + "æ®", + "Ĥ" + ], + [ + "æ®", + "ĩ" + ], + [ + "æ®", + "Ħ" + ], + [ + "è½", + "±" + ], + [ + "è½", + "²" + ], + [ + "è½", + "³" + ], + [ + "è½", + "¶" + ], + [ + "è½", + "¸" + ], + [ + "èĻ", + "¿" + ], + [ + "æ¯", + "ĸ" + ], + [ + "è§", + "ĩ" + ], + [ + "å°", + "ľ" + ], + [ + "åĵ", + "IJ" + ], + [ + "çľ", + "Ħ" + ], + [ + "çľ", + "į" + ], + [ + "ðł", + "³" + ], + [ + "ðł³", + "IJ" + ], + [ + "éĥ", + "¢" + ], + [ + "çľ", + "ĩ" + ], + [ + "çľ", + "Ĭ" + ], + [ + "çľ", + "Ī" + ], + [ + "ç¦", + "º" + ], + [ + "åĵ", + "Ĥ" + ], + [ + "åĴ", + "´" + ], + [ + "æĽ", + "·" + ], + [ + "æĺ", + "´" + ], + [ + "åĴ", + "¦" + ], + [ + "åĵ", + "ĵ" + ], + [ + "åĵ", + "Ķ" + ], + [ + "çķ", + "İ" + ], + [ + "åij", + "²" + ], + [ + "èĥ", + "Ħ" + ], + [ + "çķ", + "ĭ" + ], + [ + "çķ", + "Ī" + ], + [ + "èĻ", + "¼" + ], + [ + "èĻ", + "»" + ], + [ + "çĽ", + "ħ" + ], + [ + "åĴ", + "£" + ], + [ + "åĵ", + "ķ" + ], + [ + "åī", + "IJ" + ], + [ + "éĥ", + "§" + ], + [ + "åĴ", + "»" + ], + [ + "åĽ", + "¿" + ], + [ + "åĴ", + "¿" + ], + [ + "åĵ", + "Į" + ], + [ + "åĵ", + "Ļ" + ], + [ + "åĵ", + "ļ" + ], + [ + "åĴ", + "©" + ], + [ + "åĴ", + "¤" + ], + [ + "åĵ", + "Ŀ" + ], + [ + "åĵ", + "ı" + ], + [ + "åĵ", + "ŀ" + ], + [ + "å³", + "£" + ], + [ + "ç½", + "ĺ" + ], + [ + "å³", + "Ĵ" + ], + [ + "å³", + "¤" + ], + [ + "å³", + "ĭ" + ], + [ + "è´", + "¶" + ], + [ + "éĴ", + "ļ" + ], + [ + "éĴ", + "¡" + ], + [ + "éĴ", + "£" + ], + [ + "éĴ", + "¤" + ], + [ + "éĴ", + "«" + ], + [ + "æ°", + "¡" + ], + [ + "çī", + "¯" + ], + [ + "éĥ", + "ľ" + ], + [ + "ç§", + "ķ" + ], + [ + "ç§", + "Ń" + ], + [ + "ç«", + "½" + ], + [ + "ç¬", + "Ī" + ], + [ + "ä¿", + "¦" + ], + [ + "ä¿", + "¨" + ], + [ + "ä¿", + "ħ" + ], + [ + "åı", + "Ł" + ], + [ + "åŀ", + "¡" + ], + [ + "çī", + "®" + ], + [ + "ä¿", + "£" + ], + [ + "ä¿", + "ļ" + ], + [ + "çļ", + "Ī" + ], + [ + "ä¿", + "Ł" + ], + [ + "éĢ", + "ħ" + ], + [ + "å¾", + "ĩ" + ], + [ + "å¾", + "ī" + ], + [ + "èĪ", + "¢" + ], + [ + "éĥ", + "Ĺ" + ], + [ + "ä¿", + "İ" + ], + [ + "éĥ", + "¤" + ], + [ + "çĪ", + "°" + ], + [ + "éĥ", + "Ľ" + ], + [ + "çĵ", + "´" + ], + [ + "èĥ", + "¨" + ], + [ + "èĥ", + "ª" + ], + [ + "èĥ", + "Ľ" + ], + [ + "èĥ", + "Ĥ" + ], + [ + "èĥ", + "Ļ" + ], + [ + "èĥ", + "į" + ], + [ + "èĥ", + "Ĺ" + ], + [ + "è", + "ĥĿ" + ], + [ + "æľ", + "IJ" + ], + [ + "èĥ", + "«" + ], + [ + "é¸", + "¨" + ], + [ + "åĮ", + "į" + ], + [ + "çĭ", + "¨" + ], + [ + "çĭ", + "¯" + ], + [ + "é£", + "ij" + ], + [ + "çĭ", + "©" + ], + [ + "çĭ", + "²" + ], + [ + "è¨", + "ĩ" + ], + [ + "éĢ", + "Ħ" + ], + [ + "æĺ", + "Ŀ" + ], + [ + "é¥", + "·" + ], + [ + "é¥", + "¸" + ], + [ + "é¥", + "¹" + ], + [ + "åŃ", + "ª" + ], + [ + "å¨", + "Ī" + ], + [ + "åº", + "¥" + ], + [ + "çĸ", + "¬" + ], + [ + "çĸ", + "£" + ], + [ + "çĸ", + "¥" + ], + [ + "çĸ", + "Ń" + ], + [ + "åº", + "ł" + ], + [ + "ç«", + "ij" + ], + [ + "é£", + "Ĵ" + ], + [ + "éĹ", + "¼" + ], + [ + "éĹ", + "¾" + ], + [ + "éĹ", + "¿" + ], + [ + "éĺ", + "Ĥ" + ], + [ + "ç¾", + "ij" + ], + [ + "è¿", + "¸" + ], + [ + "ç±", + "¼" + ], + [ + "éħ", + "ĭ" + ], + [ + "çĤ", + "»" + ], + [ + "çĥ", + "Ģ" + ], + [ + "çĤ", + "·" + ], + [ + "æ´", + "±" + ], + [ + "æ´", + "¹" + ], + [ + "æ´", + "§" + ], + [ + "æ´", + "Į" + ], + [ + "æµ", + "ĥ" + ], + [ + "æ´", + "ĩ" + ], + [ + "æ´", + "Ħ" + ], + [ + "æ´", + "Ļ" + ], + [ + "æ¶", + "İ" + ], + [ + "æ´", + "İ" + ], + [ + "æ´", + "«" + ], + [ + "æµ", + "į" + ], + [ + "æ´", + "®" + ], + [ + "æ´", + "µ" + ], + [ + "æµ", + "Ĵ" + ], + [ + "æµ", + "Ķ" + ], + [ + "æµ", + "ķ" + ], + [ + "æ´", + "³" + ], + [ + "æģ", + "¸" + ], + [ + "æģ", + "ĵ" + ], + [ + "æģ", + "¹" + ], + [ + "æģ", + "«" + ], + [ + "æģ", + "»" + ], + [ + "æģ", + "Ĥ" + ], + [ + "æģ", + "ª" + ], + [ + "æģ", + "½" + ], + [ + "å®", + "¥" + ], + [ + "æī", + "ĥ" + ], + [ + "è¡", + "²" + ], + [ + "è¡", + "½" + ], + [ + "è¡", + "¿" + ], + [ + "è¢", + "Ĥ" + ], + [ + "ç¥", + "ľ" + ], + [ + "ç¥", + "ĵ" + ], + [ + "ç¥", + "ļ" + ], + [ + "è¯", + "®" + ], + [ + "ç¥", + "Ĺ" + ], + [ + "ç¥", + "¢" + ], + [ + "è¯", + "°" + ], + [ + "è¯", + "³" + ], + [ + "é¸", + "©" + ], + [ + "æĺ", + "¶" + ], + [ + "åĴ", + "«" + ], + [ + "å¼", + "Ń" + ], + [ + "çī", + "ģ" + ], + [ + "èĥ", + "¥" + ], + [ + "éĻ", + "Ł" + ], + [ + "å§", + "®" + ], + [ + "å¨", + "Ĩ" + ], + [ + "å§", + "Ŀ" + ], + [ + "å§", + "£" + ], + [ + "å§", + "ĺ" + ], + [ + "å§", + "¹" + ], + [ + "ç¾", + "¿" + ], + [ + "çĤ", + "±" + ], + [ + "çŁ", + "ľ" + ], + [ + "ç»", + "Ķ" + ], + [ + "éª", + "ģ" + ], + [ + "éª", + "ħ" + ], + [ + "ç»", + "Ĺ" + ], + [ + "ç»", + "Ľ" + ], + [ + "éª", + "Ī" + ], + [ + "èĢ", + "ĸ" + ], + [ + "æĮ", + "Ī" + ], + [ + "çı", + "¥" + ], + [ + "çı", + "Ļ" + ], + [ + "é¡", + "¼" + ], + [ + "çı", + "°" + ], + [ + "çı", + "©" + ], + [ + "çı", + "§" + ], + [ + "çı", + "£" + ], + [ + "çı", + "ŀ" + ], + [ + "çIJ", + "¤" + ], + [ + "çı", + "²" + ], + [ + "æģ", + "ļ" + ], + [ + "åŁ", + "ķ" + ], + [ + "åŁ", + "ĺ" + ], + [ + "åŁ", + "Ļ" + ], + [ + "åŁ", + "ļ" + ], + [ + "æĮ", + "¹" + ], + [ + "èĢ", + "Ĩ" + ], + [ + "èĢ", + "Ħ" + ], + [ + "åŁ", + "Ĵ" + ], + [ + "æį", + "ĭ" + ], + [ + "è´", + "½" + ], + [ + "åŀ", + "¸" + ], + [ + "æį", + "ĥ" + ], + [ + "çĽ", + "į" + ], + [ + "èį", + "¸" + ], + [ + "èİ", + "³" + ], + [ + "èİ", + "´" + ], + [ + "èİ", + "ª" + ], + [ + "èİ", + "ł" + ], + [ + "èİ", + "ľ" + ], + [ + "èİ", + "ħ" + ], + [ + "èį", + "¼" + ], + [ + "èİ", + "©" + ], + [ + "èį", + "½" + ], + [ + "èİ", + "¸" + ], + [ + "èį", + "»" + ], + [ + "èİ", + "¨" + ], + [ + "é¸", + "ª" + ], + [ + "èİ", + "¼" + ], + [ + "æł", + "²" + ], + [ + "æł", + "³" + ], + [ + "æ¡", + "¡" + ], + [ + "æ¡", + "İ" + ], + [ + "æ¡", + "¢" + ], + [ + "æ¡", + "¤" + ], + [ + "æ¢", + "ĥ" + ], + [ + "æł", + "Ŀ" + ], + [ + "æ¡", + "ķ" + ], + [ + "æ¡", + "ģ" + ], + [ + "æ¡", + "§" + ], + [ + "æ¡", + "ħ" + ], + [ + "æł", + "Ł" + ], + [ + "æ¡", + "ī" + ], + [ + "æł", + "©" + ], + [ + "éĢ", + "ij" + ], + [ + "éĢ", + "ĭ" + ], + [ + "å½", + "§" + ], + [ + "é¬", + "²" + ], + [ + "è±", + "ĩ" + ], + [ + "éħ", + "IJ" + ], + [ + "éĢ", + "¦" + ], + [ + "åİ", + "Ŀ" + ], + [ + "åŃ", + "¬" + ], + [ + "çł", + "Ŀ" + ], + [ + "çł", + "¹" + ], + [ + "çł", + "§" + ], + [ + "çł", + "·" + ], + [ + "çł", + "Ł" + ], + [ + "çł", + "¼" + ], + [ + "çł", + "¥" + ], + [ + "çł", + "£" + ], + [ + "åī", + "ŀ" + ], + [ + "çł", + "»" + ], + [ + "è½", + "¼" + ], + [ + "è½", + "¾" + ], + [ + "è¾", + "Ĥ" + ], + [ + "é¸", + "«" + ], + [ + "è¶", + "¸" + ], + [ + "é¾", + "Ģ" + ], + [ + "é¸", + "¬" + ], + [ + "èĻ", + "Ķ" + ], + [ + "çľ", + "¬" + ], + [ + "åĶ", + "Ľ" + ], + [ + "çľ", + "Ļ" + ], + [ + "åĵ", + "§" + ], + [ + "åĵ", + "½" + ], + [ + "æĻ", + "ģ" + ], + [ + "é¸", + "®" + ], + [ + "è¶", + "µ" + ], + [ + "è¶", + "¿" + ], + [ + "çķ", + "Ľ" + ], + [ + "èļ", + "¨" + ], + [ + "èļ", + "ľ" + ], + [ + "èļ", + "į" + ], + [ + "èļ", + "ĭ" + ], + [ + "èļ", + "¬" + ], + [ + "èļ", + "Ŀ" + ], + [ + "èļ", + "§" + ], + [ + "åĶ", + "¢" + ], + [ + "åľ", + "Ħ" + ], + [ + "åĶ", + "£" + ], + [ + "åĶ", + "ı" + ], + [ + "çĽ", + "İ" + ], + [ + "åĶ", + "ij" + ], + [ + "å´", + "Ĥ" + ], + [ + "å´", + "ĥ" + ], + [ + "ç½", + "¡" + ], + [ + "ç½", + "Ł" + ], + [ + "è§", + "Ĭ" + ], + [ + "èµ", + "ħ" + ], + [ + "éĴ", + "²" + ], + [ + "éĴ", + "µ" + ], + [ + "éĴ", + "¹" + ], + [ + "éĴ", + "º" + ], + [ + "éĴ", + "½" + ], + [ + "éĴ", + "¼" + ], + [ + "éĴ", + "¿" + ], + [ + "éĵ", + "Ģ" + ], + [ + "éĵ", + "Ħ" + ], + [ + "éĵ", + "Ĩ" + ], + [ + "éĵ", + "Ī" + ], + [ + "éĵ", + "ī" + ], + [ + "éĵ", + "Ĭ" + ], + [ + "éĵ", + "ĭ" + ], + [ + "éĵ", + "Į" + ], + [ + "é", + "ĵį" + ], + [ + "ä", + "¥" + ], + [ + "ä¥", + "½" + ], + [ + "éĵ", + "İ" + ], + [ + "æ°", + "©" + ], + [ + "æ°", + "¤" + ], + [ + "æ°", + "¦" + ], + [ + "æ¯", + "ª" + ], + [ + "èĪ", + "IJ" + ], + [ + "ç§", + "£" + ], + [ + "ç§", + "«" + ], + [ + "çĽ", + "ī" + ], + [ + "ç¬", + "Ħ" + ], + [ + "ç¬", + "ķ" + ], + [ + "ç¬", + "Ĭ" + ], + [ + "ç¬", + "ı" + ], + [ + "ç¬", + "Ĩ" + ], + [ + "ä¿", + "¸" + ], + [ + "ä¿", + "µ" + ], + [ + "åģ", + "Į" + ], + [ + "ä¿", + "³" + ], + [ + "ä¿", + "¶" + ], + [ + "åĢ", + "¬" + ], + [ + "åĢ", + "ı" + ], + [ + "æģ", + "ģ" + ], + [ + "åĢ", + "Ń" + ], + [ + "ä¿", + "¾" + ], + [ + "åĢ", + "ľ" + ], + [ + "éļ", + "¼" + ], + [ + "éļ", + "½" + ], + [ + "åĢ", + "Į" + ], + [ + "åĢ", + "¥" + ], + [ + "èĩ", + "¬" + ], + [ + "éĥ", + "«" + ], + [ + "åĢ", + "¨" + ], + [ + "è¡", + "Ħ" + ], + [ + "é¢", + "Ģ" + ], + [ + "å¾", + "ķ" + ], + [ + "èĪ", + "«" + ], + [ + "è¡", + "¾" + ], + [ + "èĥ", + "¯" + ], + [ + "èĥ", + "±" + ], + [ + "èĥ", + "´" + ], + [ + "èĥ", + "Ń" + ], + [ + "èĦ", + "į" + ], + [ + "èĥ", + "¼" + ], + [ + "èĦ", + "Ĵ" + ], + [ + "é¸", + "±" + ], + [ + "é¸", + "²" + ], + [ + "çĭ", + "·" + ], + [ + "çĮ", + "ģ" + ], + [ + "çĭ", + "³" + ], + [ + "çĮ", + "ĥ" + ], + [ + "çĭ", + "º" + ], + [ + "éĢ", + "ĸ" + ], + [ + "æ¡", + "Ģ" + ], + [ + "é¥", + "½" + ], + [ + "åĩ", + "ĩ" + ], + [ + "æĮ", + "Ľ" + ], + [ + "äº", + "³" + ], + [ + "çĸ", + "³" + ], + [ + "çĸ", + "´" + ], + [ + "çĸ", + "¸" + ], + [ + "çĸ", + "½" + ], + [ + "çĹ", + "Ī" + ], + [ + "çĸ", + "±" + ], + [ + "çĹ", + "Ĥ" + ], + [ + "çĹ", + "ī" + ], + [ + "è¡", + "®" + ], + [ + "é¢", + "ĥ" + ], + [ + "æģ", + "£" + ], + [ + "æĹ", + "Ĩ" + ], + [ + "æĹ", + "Ħ" + ], + [ + "æĹ", + "ĥ" + ], + [ + "éĺ", + "ĥ" + ], + [ + "éĺ", + "Ħ" + ], + [ + "è¨", + "ļ" + ], + [ + "éĺ", + "Ĩ" + ], + [ + "æģ", + "Ļ" + ], + [ + "ç²", + "ij" + ], + [ + "çĥ", + "ľ" + ], + [ + "çĥ", + "©" + ], + [ + "çĥ", + "Ĭ" + ], + [ + "åī", + "¡" + ], + [ + "éĥ", + "¯" + ], + [ + "çĥ", + "¬" + ], + [ + "æ¶", + "ij" + ], + [ + "æµ", + "¯" + ], + [ + "æ¶", + "ŀ" + ], + [ + "æ¶", + "Ł" + ], + [ + "å¨", + "ij" + ], + [ + "æ¶", + "ł" + ], + [ + "æµ", + "ŀ" + ], + [ + "æ¶", + "ĵ" + ], + [ + "æµ", + "¥" + ], + [ + "æ¶", + "Ķ" + ], + [ + "æµ", + "ľ" + ], + [ + "æµ", + "ł" + ], + [ + "æµ", + "£" + ], + [ + "æĤ", + "ļ" + ], + [ + "æ", + "ĤŃ" + ], + [ + "æĤ", + "Ŀ" + ], + [ + "æĤ", + "Ĵ" + ], + [ + "æĤ", + "Į" + ], + [ + "æĤ", + "Ľ" + ], + [ + "çª", + "Ī" + ], + [ + "åī", + "ľ" + ], + [ + "è¯", + "¹" + ], + [ + "è¯", + "¼" + ], + [ + "è¢", + "Ĵ" + ], + [ + "è¢", + "¢" + ], + [ + "è¯", + "¿" + ], + [ + "è°", + "Ģ" + ], + [ + "è°", + "Ĥ" + ], + [ + "è°", + "Ħ" + ], + [ + "è°", + "ĩ" + ], + [ + "å±", + "IJ" + ], + [ + "å±", + "Ļ" + ], + [ + "éĻ", + "¬" + ], + [ + "åĭ", + "IJ" + ], + [ + "å¥", + "ĺ" + ], + [ + "çī", + "Ĥ" + ], + [ + "èļ", + "©" + ], + [ + "éĻ", + "²" + ], + [ + "å¨", + "Į" + ], + [ + "å¨", + "ī" + ], + [ + "å¨", + "²" + ], + [ + "å¨", + "´" + ], + [ + "å¨", + "£" + ], + [ + "å¨", + "ĵ" + ], + [ + "å©", + "Ģ" + ], + [ + "çķ", + "ļ" + ], + [ + "éĢ", + "¡" + ], + [ + "ç»", + "ł" + ], + [ + "éª", + "Ĭ" + ], + [ + "ç»", + "¡" + ], + [ + "éª", + "ĭ" + ], + [ + "ç»", + "¦" + ], + [ + "ç»", + "¨" + ], + [ + "éª", + "İ" + ], + [ + "éĤ", + "ķ" + ], + [ + "é¸", + "¶" + ], + [ + "å½", + "Ĺ" + ], + [ + "èĢ", + "ľ" + ], + [ + "çĦ", + "ĺ" + ], + [ + "èĪ", + "Ĥ" + ], + [ + "çIJ", + "ı" + ], + [ + "çIJ", + "ĩ" + ], + [ + "éº", + "¸" + ], + [ + "æı", + "¶" + ], + [ + "åŁ", + "´" + ], + [ + "åŁ", + "¯" + ], + [ + "æį", + "¯" + ], + [ + "æİ", + "³" + ], + [ + "æİ", + "´" + ], + [ + "åŁ", + "¸" + ], + [ + "åŁ", + "µ" + ], + [ + "èµ", + "§" + ], + [ + "åŁ", + "¤" + ], + [ + "æį", + "Ń" + ], + [ + "éĢ", + "µ" + ], + [ + "åŁ", + "Ŀ" + ], + [ + "åł", + "ĭ" + ], + [ + "åł", + "į" + ], + [ + "æİ", + "¬" + ], + [ + "é¸", + "·" + ], + [ + "æį", + "½" + ], + [ + "æİ", + "Ĭ" + ], + [ + "åł", + "ī" + ], + [ + "æİ", + "¸" + ], + [ + "æį", + "©" + ], + [ + "æİ", + "®" + ], + [ + "æĤ", + "«" + ], + [ + "åŁ", + "Ń" + ], + [ + "åŁ", + "½" + ], + [ + "æİ", + "ĩ" + ], + [ + "æİ", + "¼" + ], + [ + "èģ", + "ĥ" + ], + [ + "èIJ", + "ģ" + ], + [ + "èı", + "ĺ" + ], + [ + "åł", + "ĩ" + ], + [ + "èIJ", + "ĺ" + ], + [ + "èIJ", + "ĭ" + ], + [ + "èı", + "½" + ], + [ + "èı", + "ĸ" + ], + [ + "è", + "IJľ" + ], + [ + "èIJ", + "¸" + ], + [ + "èIJ", + "ij" + ], + [ + "æ£", + "»" + ], + [ + "èı", + "Ķ" + ], + [ + "èı", + "Ł" + ], + [ + "èIJ", + "ı" + ], + [ + "èı", + "¹" + ], + [ + "èı", + "ª" + ], + [ + "èı", + "ħ" + ], + [ + "èı", + "Ģ" + ], + [ + "èı", + "°" + ], + [ + "èı", + "¡" + ], + [ + "æ¢", + "¿" + ], + [ + "æ¢", + "ı" + ], + [ + "è§", + "ĭ" + ], + [ + "æ¡", + "´" + ], + [ + "æ¡", + "·" + ], + [ + "æ£", + "ģ" + ], + [ + "æ¡", + "«" + ], + [ + "æ£", + "Ĥ" + ], + [ + "åķ", + "¬" + ], + [ + "éĥ", + "¾" + ], + [ + "æķ", + "ķ" + ], + [ + "è±", + "ī" + ], + [ + "éĦ", + "Ħ" + ], + [ + "éħ", + "ŀ" + ], + [ + "ç¡", + "İ" + ], + [ + "ç¡", + "Ń" + ], + [ + "ç¡", + "ĸ" + ], + [ + "ç¡", + "Ĺ" + ], + [ + "ç¡", + "IJ" + ], + [ + "ç¡", + "ĩ" + ], + [ + "ç¡", + "Į" + ], + [ + "é¸", + "¸" + ], + [ + "çĵ", + "ł" + ], + [ + "åĮ", + "ı" + ], + [ + "åİ", + "©" + ], + [ + "æ®", + "Ĵ" + ], + [ + "æ®", + "ĵ" + ], + [ + "æ®", + "į" + ], + [ + "èµ", + "ī" + ], + [ + "éĽ", + "©" + ], + [ + "è¾", + "Ħ" + ], + [ + "åł", + "ij" + ], + [ + "çľ", + "Ń" + ], + [ + "çľ", + "¦" + ], + [ + "åķ", + "§" + ], + [ + "æĻ", + "¡" + ], + [ + "æĻ", + "¤" + ], + [ + "çľ", + "µ" + ], + [ + "åľ", + "Ĭ" + ], + [ + "åĸ", + "ı" + ], + [ + "åķ", + "ī" + ], + [ + "åĭ", + "ĸ" + ], + [ + "æĻ", + "ŀ" + ], + [ + "åĶ", + "µ" + ], + [ + "æĻ", + "Ĺ" + ], + [ + "åķ", + "Ń" + ], + [ + "çķ", + "¦" + ], + [ + "è¶", + "º" + ], + [ + "åķ", + "®" + ], + [ + "è·", + "Ħ" + ], + [ + "èļ", + "¶" + ], + [ + "è", + "ĽĦ" + ], + [ + "èĽ", + "İ" + ], + [ + "èĽ", + "Ĩ" + ], + [ + "èļ", + "°" + ], + [ + "åľ", + "ī" + ], + [ + "èļ", + "±" + ], + [ + "èĽ", + "ī" + ], + [ + "èĽ", + "ı" + ], + [ + "èļ", + "´" + ], + [ + "åķ", + "ģ" + ], + [ + "åķ", + "ķ" + ], + [ + "åĶ", + "¿" + ], + [ + "åķ", + "IJ" + ], + [ + "åĶ", + "¼" + ], + [ + "åĶ", + "·" + ], + [ + "åķ", + "ĸ" + ], + [ + "åķ", + "µ" + ], + [ + "åķ", + "¶" + ], + [ + "åķ", + "·" + ], + [ + "åĶ", + "³" + ], + [ + "åĶ", + "°" + ], + [ + "åķ", + "ľ" + ], + [ + "å¸", + "»" + ], + [ + "å´", + "ļ" + ], + [ + "å´", + "¦" + ], + [ + "å¸", + "¼" + ], + [ + "å´", + "®" + ], + [ + "å´", + "¤" + ], + [ + "å´", + "Ĩ" + ], + [ + "èµ", + "ĩ" + ], + [ + "èµ", + "Ī" + ], + [ + "èµ", + "Ĭ" + ], + [ + "éĵ", + "ij" + ], + [ + "éĵ", + "Ĵ" + ], + [ + "éĵ", + "Ĺ" + ], + [ + "éĵ", + "Ļ" + ], + [ + "éĵ", + "Ł" + ], + [ + "éĵ", + "¡" + ], + [ + "éĵ", + "¢" + ], + [ + "éĵ", + "£" + ], + [ + "éĵ", + "¤" + ], + [ + "éĵ", + "§" + ], + [ + "éĵ", + "¨" + ], + [ + "éĵ", + "©" + ], + [ + "éĵ", + "ª" + ], + [ + "éĵ", + "«" + ], + [ + "éĵ", + "¯" + ], + [ + "éĵ", + "°" + ], + [ + "éĵ", + "±" + ], + [ + "éĵ", + "³" + ], + [ + "éĵ", + "µ" + ], + [ + "éĵ", + "·" + ], + [ + "çī", + "¾" + ], + [ + "é¸", + "¹" + ], + [ + "ç§", + "¾" + ], + [ + "éĢ", + "¶" + ], + [ + "ç¬", + "º" + ], + [ + "çŃ", + "ĩ" + ], + [ + "ç¬", + "¸" + ], + [ + "ç¬", + "ª" + ], + [ + "ç¬", + "®" + ], + [ + "ç¬", + "ł" + ], + [ + "ç¬", + "¥" + ], + [ + "ç¬", + "¤" + ], + [ + "ç¬", + "³" + ], + [ + "ç¬", + "¾" + ], + [ + "ç¬", + "ŀ" + ], + [ + "åģ", + "¾" + ], + [ + "åģ", + "ĥ" + ], + [ + "åģ", + "ķ" + ], + [ + "åģ", + "Ī" + ], + [ + "åĤ", + "Ģ" + ], + [ + "åģ", + "¬" + ], + [ + "åģ", + "»" + ], + [ + "çļ", + "ij" + ], + [ + "çļ", + "İ" + ], + [ + "é¸", + "»" + ], + [ + "å¾", + "ľ" + ], + [ + "èĪ", + "¸" + ], + [ + "èĪ", + "»" + ], + [ + "èĪ", + "´" + ], + [ + "èĪ", + "·" + ], + [ + "é¾", + "Ľ" + ], + [ + "ç¿", + "İ" + ], + [ + "èĦ", + "¬" + ], + [ + "èĦ", + "ĺ" + ], + [ + "èĦ", + "²" + ], + [ + "åĮ", + "IJ" + ], + [ + "çĮ", + "Ĺ" + ], + [ + "çĮ", + "¡" + ], + [ + "çĮ", + "ŀ" + ], + [ + "æĸ", + "Ľ" + ], + [ + "çĮ", + "ķ" + ], + [ + "é¦", + "Ĺ" + ], + [ + "é¦", + "ĥ" + ], + [ + "é¦", + "Ħ" + ], + [ + "é¸", + "¾" + ], + [ + "åº", + "¹" + ], + [ + "åº", + "¾" + ], + [ + "çĹ", + "Ķ" + ], + [ + "çĹ", + "į" + ], + [ + "ç¿", + "Ĭ" + ], + [ + "æĹ", + "Į" + ], + [ + "æĹ", + "İ" + ], + [ + "è¢", + "¤" + ], + [ + "éĺ", + "ĩ" + ], + [ + "éĺ", + "Ī" + ], + [ + "éĺ", + "ī" + ], + [ + "éĺ", + "Ĭ" + ], + [ + "éĺ", + "ĭ" + ], + [ + "éĺ", + "į" + ], + [ + "éĺ", + "ı" + ], + [ + "ç¾", + "Ł" + ], + [ + "ç²", + "Ŀ" + ], + [ + "çĦ", + "IJ" + ], + [ + "çĦ", + "ĵ" + ], + [ + "çĦ", + "Ĺ" + ], + [ + "æ·", + "ħ" + ], + [ + "æ·", + "ŀ" + ], + [ + "æ¸", + "İ" + ], + [ + "æ¶", + "¿" + ], + [ + "æ·", + "ĸ" + ], + [ + "æĮ", + "²" + ], + [ + "æ·", + "ł" + ], + [ + "æ¶", + "¸" + ], + [ + "æ¸", + "ij" + ], + [ + "æ·", + "¦" + ], + [ + "æ·", + "Ŀ" + ], + [ + "æ¶", + "ª" + ], + [ + "æ·", + "Ļ" + ], + [ + "æ¶", + "«" + ], + [ + "æ¸", + "Į" + ], + [ + "æĤ", + "»" + ], + [ + "æĤ", + "±" + ], + [ + "æ", + "ĥĿ" + ], + [ + "æĥ", + "ĺ" + ], + [ + "æĥ", + "Ĩ" + ], + [ + "æĥ", + "ļ" + ], + [ + "æĥ", + "ĩ" + ], + [ + "æĥ", + "®" + ], + [ + "çª", + "ķ" + ], + [ + "è°", + "Į" + ], + [ + "æī", + "Ī" + ], + [ + "çļ", + "²" + ], + [ + "è°", + "ij" + ], + [ + "è£", + "Ĩ" + ], + [ + "è¢", + "·" + ], + [ + "è£", + "ī" + ], + [ + "è°", + "Ĵ" + ], + [ + "è°", + "Ķ" + ], + [ + "è°", + "ķ" + ], + [ + "è°", + "ĸ" + ], + [ + "è°", + "Ĺ" + ], + [ + "è°", + "Ļ" + ], + [ + "è°", + "Ŀ" + ], + [ + "éĢ", + "¯" + ], + [ + "éĥ", + "¿" + ], + [ + "éļ", + "Ī" + ], + [ + "ç²", + "ľ" + ], + [ + "éļ", + "į" + ], + [ + "éļ", + "Ĺ" + ], + [ + "å©", + "Ĭ" + ], + [ + "å¨", + "¼" + ], + [ + "å©", + "¢" + ], + [ + "å©", + "µ" + ], + [ + "èĥ", + "¬" + ], + [ + "è¢", + "Ī" + ], + [ + "ç¿", + "Į" + ], + [ + "æģ", + "¿" + ], + [ + "æ¬", + "¸" + ], + [ + "ç»", + "«" + ], + [ + "éª", + "IJ" + ], + [ + "ç»", + "¯" + ], + [ + "ç»", + "±" + ], + [ + "éª", + "Ĵ" + ], + [ + "ç»", + "²" + ], + [ + "éª", + "ĵ" + ], + [ + "ç»", + "¶" + ], + [ + "ç»", + "º" + ], + [ + "ç»", + "»" + ], + [ + "ç»", + "¾" + ], + [ + "éª", + "ĸ" + ], + [ + "ç¼", + "ģ" + ], + [ + "èĢ", + "ł" + ], + [ + "çIJ", + "«" + ], + [ + "çIJ", + "µ" + ], + [ + "çIJ", + "¶" + ], + [ + "çIJ", + "¥" + ], + [ + "çIJ", + "¨" + ], + [ + "çIJ", + "°" + ], + [ + "çIJ", + "®" + ], + [ + "çIJ", + "¯" + ], + [ + "çIJ", + "¬" + ], + [ + "çIJ", + "ļ" + ], + [ + "è¾", + "ĩ" + ], + [ + "é¼", + "ĭ" + ], + [ + "æı", + "³" + ], + [ + "åł", + "ŀ" + ], + [ + "æIJ", + "½" + ], + [ + "æı", + "¸" + ], + [ + "æı", + "ł" + ], + [ + "åł", + "Ļ" + ], + [ + "è¶", + "Ħ" + ], + [ + "æı", + "ĸ" + ], + [ + "é¢", + "ī" + ], + [ + "å¡", + "Ħ" + ], + [ + "æı", + "¿" + ], + [ + "èĢ", + "ĭ" + ], + [ + "æı", + "Ħ" + ], + [ + "èĽ", + "©" + ], + [ + "èĽ", + "°" + ], + [ + "å¡", + "Ĩ" + ], + [ + "æij", + "Ĵ" + ], + [ + "æı", + "Ĩ" + ], + [ + "æİ", + "¾" + ], + [ + "èģ", + "Ĵ" + ], + [ + "èij", + "ij" + ], + [ + "èij", + "ļ" + ], + [ + "éĿ", + "°" + ], + [ + "éĿ", + "¸" + ], + [ + "èij", + "³" + ], + [ + "èij", + "º" + ], + [ + "èij", + "¸" + ], + [ + "èIJ", + "¼" + ], + [ + "èij", + "¶" + ], + [ + "è", + "ĴĮ" + ], + [ + "èij", + "Ń" + ], + [ + "æ¥", + "®" + ], + [ + "æ", + "£¼" + ], + [ + "æ¤", + "Ł" + ], + [ + "æ£", + "¹" + ], + [ + "æ¤", + "¤" + ], + [ + "æ£", + "°" + ], + [ + "èµ", + "į" + ], + [ + "æ¤", + "ĭ" + ], + [ + "æ¤", + "ģ" + ], + [ + "æ¤", + "ª" + ], + [ + "æ¤", + "IJ" + ], + [ + "é¹", + "ģ" + ], + [ + "éħ", + "¤" + ], + [ + "éħ", + "¢" + ], + [ + "éħ", + "¡" + ], + [ + "é¹", + "Ĥ" + ], + [ + "æ®", + "ļ" + ], + [ + "æ®", + "Ľ" + ], + [ + "éĽ", + "±" + ], + [ + "è¾", + "ĭ" + ], + [ + "æ¤", + "ł" + ], + [ + "è¾", + "İ" + ], + [ + "çĿ", + "Ħ" + ], + [ + "çĿ", + "ĩ" + ], + [ + "çĿ", + "ĥ" + ], + [ + "æĪ", + "¢" + ], + [ + "åĸ", + "ĭ" + ], + [ + "åĹ", + "Ĵ" + ], + [ + "åĸ", + "ĥ" + ], + [ + "åĸ", + "±" + ], + [ + "åĸ", + "¹" + ], + [ + "æĻ", + "·" + ], + [ + "åĸ", + "Ī" + ], + [ + "è·", + "ĸ" + ], + [ + "è·", + "Ĺ" + ], + [ + "è·", + "ŀ" + ], + [ + "è·", + "ļ" + ], + [ + "è·", + "İ" + ], + [ + "è·", + "ı" + ], + [ + "è·", + "Ĩ" + ], + [ + "èĽ", + "±" + ], + [ + "èĽ", + "²" + ], + [ + "èĽ", + "Ń" + ], + [ + "èĽ", + "³" + ], + [ + "èĽ", + "IJ" + ], + [ + "èĽ", + "Ķ" + ], + [ + "èĽ", + "ŀ" + ], + [ + "èĽ", + "´" + ], + [ + "èĽ", + "ĺ" + ], + [ + "åĸ", + "ģ" + ], + [ + "åĸ", + "Ł" + ], + [ + "åķ", + "¾" + ], + [ + "åĹ", + "ĸ" + ], + [ + "åĸ", + "ij" + ], + [ + "åĹ", + "Ł" + ], + [ + "åĹ", + "ŀ" + ], + [ + "åĸ", + "Ļ" + ], + [ + "åµ", + "ĺ" + ], + [ + "åµ", + "ĸ" + ], + [ + "å´", + "´" + ], + [ + "éģ", + "Ħ" + ], + [ + "è©", + "Ī" + ], + [ + "åµ", + "İ" + ], + [ + "å", + "µ¬" + ], + [ + "åµ", + "Ľ" + ], + [ + "åµ", + "¯" + ], + [ + "åµ", + "Ŀ" + ], + [ + "åµ", + "«" + ], + [ + "å¹", + "Ħ" + ], + [ + "åµ", + "ĭ" + ], + [ + "èµ", + "ķ" + ], + [ + "éĵ", + "»" + ], + [ + "éĵ", + "¼" + ], + [ + "éĵ", + "¿" + ], + [ + "éĶ", + "ĥ" + ], + [ + "éĶ", + "Ĩ" + ], + [ + "éĶ", + "ĩ" + ], + [ + "éĶ", + "ī" + ], + [ + "éĶ", + "ı" + ], + [ + "éĶ", + "ij" + ], + [ + "éĶ", + "Ĵ" + ], + [ + "éĶ", + "Ķ" + ], + [ + "éĶ", + "ķ" + ], + [ + "æİ", + "£" + ], + [ + "çŁ", + "¬" + ], + [ + "æ°", + "°" + ], + [ + "æ¯", + "³" + ], + [ + "æ¯", + "½" + ], + [ + "çĬ", + "Ĭ" + ], + [ + "çĬ", + "Ħ" + ], + [ + "çĬ", + "ĭ" + ], + [ + "é", + "¹Ħ" + ], + [ + "çĬ", + "į" + ], + [ + "åµ", + "ĩ" + ], + [ + "é»", + "į" + ], + [ + "ç¨", + "ĥ" + ], + [ + "ç¨", + "Ĥ" + ], + [ + "çŃ", + "ļ" + ], + [ + "çŃ", + "µ" + ], + [ + "çŃ", + "Į" + ], + [ + "åĤ", + "£" + ], + [ + "åĤ", + "Ī" + ], + [ + "èĪ", + "Ħ" + ], + [ + "çī", + "į" + ], + [ + "åĤ", + "¥" + ], + [ + "åĤ", + "§" + ], + [ + "éģ", + "ij" + ], + [ + "åĤ", + "©" + ], + [ + "å¾", + "¨" + ], + [ + "åª", + "Ń" + ], + [ + "çķ", + "²" + ], + [ + "å¼", + "ij" + ], + [ + "ç¿", + "ķ" + ], + [ + "é¹", + "Ĩ" + ], + [ + "èħ", + "Ī" + ], + [ + "èħ", + "ĵ" + ], + [ + "èħ", + "Ĩ" + ], + [ + "èħ", + "´" + ], + [ + "èħ", + "ļ" + ], + [ + "èħ", + "±" + ], + [ + "é±", + "¿" + ], + [ + "é²", + "Ģ" + ], + [ + "é²", + "Ĥ" + ], + [ + "çĮ", + "¢" + ], + [ + "çĮ", + "¹" + ], + [ + "çĮ", + "¥" + ], + [ + "é£", + "ĵ" + ], + [ + "è§", + "ŀ" + ], + [ + "è§", + "ļ" + ], + [ + "çĮ", + "±" + ], + [ + "é¢", + "İ" + ], + [ + "é£", + "§" + ], + [ + "é¦", + "ĩ" + ], + [ + "é¦", + "Ĭ" + ], + [ + "äº", + "µ" + ], + [ + "èĦ", + "Ķ" + ], + [ + "è£", + "Ĵ" + ], + [ + "çĹ", + "£" + ], + [ + "çĹ", + "¨" + ], + [ + "çĹ", + "¦" + ], + [ + "çĹ", + "ŀ" + ], + [ + "çĹ", + "¤" + ], + [ + "çĹ", + "§" + ], + [ + "èµ", + "ĵ" + ], + [ + "ç«", + "¦" + ], + [ + "çĵ", + "¿" + ], + [ + "åķ", + "»" + ], + [ + "é¢", + "ı" + ], + [ + "é¹", + "ĩ" + ], + [ + "éĺ", + "ij" + ], + [ + "éĺ", + "Ĵ" + ], + [ + "éĺ", + "ķ" + ], + [ + "ç²", + "ŀ" + ], + [ + "éģ", + "Ĵ" + ], + [ + "åŃ", + "³" + ], + [ + "çĦ", + "¯" + ], + [ + "çĦ", + "ľ" + ], + [ + "çĦ", + "±" + ], + [ + "é¹", + "Ī" + ], + [ + "æ¸", + "«" + ], + [ + "æ¹", + "®" + ], + [ + "æ¹", + "İ" + ], + [ + "æ¹", + "ľ" + ], + [ + "æ¹", + "į" + ], + [ + "æ¹", + "«" + ], + [ + "æº", + "²" + ], + [ + "æ¹", + "Ł" + ], + [ + "æº", + "Ĩ" + ], + [ + "æ¹", + "²" + ], + [ + "æ¹", + "Ķ" + ], + [ + "æ¹", + "ī" + ], + [ + "æ¸", + "¥" + ], + [ + "æ»", + "ģ" + ], + [ + "æĦ", + "ł" + ], + [ + "æĥ", + "º" + ], + [ + "æĦ", + "¦" + ], + [ + "æĥ", + "´" + ], + [ + "æĦ", + "Ģ" + ], + [ + "æĦ", + "İ" + ], + [ + "æĦ", + "Ķ" + ], + [ + "åĸ", + "¾" + ], + [ + "å¯", + "IJ" + ], + [ + "è°", + "Ł" + ], + [ + "è£", + "¢" + ], + [ + "è£", + "İ" + ], + [ + "è£", + "¥" + ], + [ + "ç¥", + "¾" + ], + [ + "è°", + "ł" + ], + [ + "è°", + "¡" + ], + [ + "è°", + "¥" + ], + [ + "è°", + "§" + ], + [ + "åŃ", + "±" + ], + [ + "å¼", + "¼" + ], + [ + "å·", + "½" + ], + [ + "éª", + "ĺ" + ], + [ + "åª", + "ª" + ], + [ + "å·", + "¯" + ], + [ + "ç¿", + "ļ" + ], + [ + "çļ", + "´" + ], + [ + "éª", + "Ľ" + ], + [ + "ç¼", + "Ĥ" + ], + [ + "ç¼", + "ĥ" + ], + [ + "ç¼", + "Ħ" + ], + [ + "å½", + "ĺ" + ], + [ + "ç¼", + "ĩ" + ], + [ + "ç¼", + "Ī" + ], + [ + "ç¼", + "Į" + ], + [ + "ç¼", + "ij" + ], + [ + "ç¼", + "Ĵ" + ], + [ + "ç¼", + "Ĺ" + ], + [ + "é£", + "¨" + ], + [ + "èĢ", + "¢" + ], + [ + "çij", + "ģ" + ], + [ + "çij", + "Ĺ" + ], + [ + "çij", + "Ħ" + ], + [ + "éģ", + "¨" + ], + [ + "éª", + "ľ" + ], + [ + "éŁ", + "«" + ], + [ + "é«", + "¡" + ], + [ + "å¡", + "¬" + ], + [ + "éĦ", + "¢" + ], + [ + "è¶", + "Ķ" + ], + [ + "è¶", + "ij" + ], + [ + "æij", + "ħ" + ], + [ + "æij", + "ģ" + ], + [ + "èľ", + "ĩ" + ], + [ + "æIJ", + "ĭ" + ], + [ + "æIJ", + "ª" + ], + [ + "æIJ", + "IJ" + ], + [ + "æIJ", + "Ľ" + ], + [ + "æIJ", + "ł" + ], + [ + "æij", + "Ī" + ], + [ + "å½", + "Ģ" + ], + [ + "æ¯", + "Ĥ" + ], + [ + "æIJ", + "¦" + ], + [ + "æIJ", + "¡" + ], + [ + "èĵ", + "ģ" + ], + [ + "æĪ", + "¡" + ], + [ + "è", + "ĵį" + ], + [ + "éĦ", + "ŀ" + ], + [ + "èĵ", + "IJ" + ], + [ + "èĵ", + "¦" + ], + [ + "é¹", + "ĭ" + ], + [ + "èĴ", + "½" + ], + [ + "èĵ", + "ĸ" + ], + [ + "èĵ", + "Ĭ" + ], + [ + "èĴ", + "¯" + ], + [ + "èĵ", + "Ł" + ], + [ + "èĵ", + "ij" + ], + [ + "èĴ", + "º" + ], + [ + "èĵ", + "ł" + ], + [ + "èĴ", + "Ł" + ], + [ + "èĴ", + "¡" + ], + [ + "èĴ", + "¹" + ], + [ + "èĴ", + "´" + ], + [ + "èĴ", + "Ĺ" + ], + [ + "èĵ", + "¥" + ], + [ + "æ¥", + "Ķ" + ], + [ + "æ¥", + "Ĥ" + ], + [ + "æ¥", + "Ŀ" + ], + [ + "æ¥", + "«" + ], + [ + "æ¥", + "¸" + ], + [ + "æ¤", + "´" + ], + [ + "æ§", + "Į" + ], + [ + "æ¥", + "¯" + ], + [ + "çļ", + "Ļ" + ], + [ + "æ¦", + "Ī" + ], + [ + "æ§", + "İ" + ], + [ + "æ¦", + "ī" + ], + [ + "æ¥", + "¦" + ], + [ + "æ¥", + "£" + ], + [ + "æ¥", + "¹" + ], + [ + "æ¤", + "½" + ], + [ + "åī", + "½" + ], + [ + "éħ", + "©" + ], + [ + "èľ", + "ĥ" + ], + [ + "ç¢", + "Ľ" + ], + [ + "ç¢", + "ĵ" + ], + [ + "ç¡", + "¼" + ], + [ + "ç¢", + "ī" + ], + [ + "ç¢", + "ļ" + ], + [ + "ç¢", + "ĩ" + ], + [ + "ç¢", + "ľ" + ], + [ + "é¹", + "Į" + ], + [ + "è¾", + "ı" + ], + [ + "é¾", + "ĥ" + ], + [ + "é¾", + "ħ" + ], + [ + "è¨", + "¾" + ], + [ + "ç²", + "²" + ], + [ + "çĿ", + "ļ" + ], + [ + "åĹ", + "ª" + ], + [ + "éŁ", + "ª" + ], + [ + "åĹ", + "·" + ], + [ + "åĹ", + "ī" + ], + [ + "çĿ", + "¨" + ], + [ + "çĿ", + "¢" + ], + [ + "éĽ", + "İ" + ], + [ + "çĿ", + "¥" + ], + [ + "åĹ", + "ij" + ], + [ + "åĹ", + "«" + ], + [ + "åĹ", + "¬" + ], + [ + "åĹ", + "Ķ" + ], + [ + "åĹ", + "Ŀ" + ], + [ + "æĪ", + "¥" + ], + [ + "åĹ", + "Ħ" + ], + [ + "çħ", + "¦" + ], + [ + "æļ", + "Ħ" + ], + [ + "éģ", + "¢" + ], + [ + "æ", + "ļĮ" + ], + [ + "è·", + "¬" + ], + [ + "è·", + "¶" + ], + [ + "è", + "·¸" + ], + [ + "è·", + "IJ" + ], + [ + "è·", + "£" + ], + [ + "è·", + "¹" + ], + [ + "èĽ", + "¸" + ], + [ + "èľ", + "Ĭ" + ], + [ + "èľ", + "į" + ], + [ + "èľ", + "ī" + ], + [ + "èľ", + "£" + ], + [ + "çķ", + "¹" + ], + [ + "èĽ", + "¹" + ], + [ + "åĹ", + "¥" + ], + [ + "åĹ", + "²" + ], + [ + "åĹ", + "³" + ], + [ + "åĹ", + "Į" + ], + [ + "åĹ", + "į" + ], + [ + "åĹ", + "IJ" + ], + [ + "åĹ", + "¤" + ], + [ + "åĹ", + "µ" + ], + [ + "ç½", + "¨" + ], + [ + "åµ", + "Ĭ" + ], + [ + "åµ", + "´" + ], + [ + "éª", + "°" + ], + [ + "éĶ", + "Ĺ" + ], + [ + "éĶ", + "Ľ" + ], + [ + "éĶ", + "ľ" + ], + [ + "éĶ", + "Ŀ" + ], + [ + "éĶ", + "ŀ" + ], + [ + "éĶ", + "Ł" + ], + [ + "éĶ", + "¢" + ], + [ + "éĶ", + "¨" + ], + [ + "éĶ", + "©" + ], + [ + "éĶ", + "Ń" + ], + [ + "éĶ", + "±" + ], + [ + "éĽ", + "ī" + ], + [ + "æ°", + "²" + ], + [ + "çĬ", + "ı" + ], + [ + "æŃ", + "ĥ" + ], + [ + "ç¨", + "ŀ" + ], + [ + "ç¨", + "Ĺ" + ], + [ + "ç¨", + "Ķ" + ], + [ + "çŃ", + "ł" + ], + [ + "çŃ", + "¢" + ], + [ + "çŃ", + "®" + ], + [ + "çŃ", + "²" + ], + [ + "çī", + "Ĵ" + ], + [ + "æķ", + "«" + ], + [ + "å¾", + "Ń" + ], + [ + "æĦ", + "Ĩ" + ], + [ + "èī", + "Ħ" + ], + [ + "è§", + "İ" + ], + [ + "æ¯", + "¹" + ], + [ + "è²", + "Ĭ" + ], + [ + "è²", + "ħ" + ], + [ + "è²", + "ī" + ], + [ + "é¢", + "Ķ" + ], + [ + "èħ", + "ł" + ], + [ + "èħ", + "©" + ], + [ + "èħ", + "¼" + ], + [ + "èħ", + "Ń" + ], + [ + "è", + "ħ§" + ], + [ + "å¡", + "į" + ], + [ + "åª", + "µ" + ], + [ + "é²", + "ħ" + ], + [ + "é²", + "Ĩ" + ], + [ + "é²", + "ĩ" + ], + [ + "é²", + "Ī" + ], + [ + "é²", + "ĭ" + ], + [ + "é²", + "IJ" + ], + [ + "èĤ", + "Ħ" + ], + [ + "é¹", + "IJ" + ], + [ + "é£", + "ķ" + ], + [ + "è§", + "¥" + ], + [ + "éģ", + "Ľ" + ], + [ + "é¦", + "IJ" + ], + [ + "é¹", + "ij" + ], + [ + "äº", + "¶" + ], + [ + "çĺ", + "ĥ" + ], + [ + "çĹ", + "±" + ], + [ + "çĹ", + "¼" + ], + [ + "çĹ", + "¿" + ], + [ + "çĺ", + "IJ" + ], + [ + "çĺ", + "ģ" + ], + [ + "çĺ", + "Ĩ" + ], + [ + "éº", + "Ĥ" + ], + [ + "æŃ", + "Ĩ" + ], + [ + "æĹ", + "Ĵ" + ], + [ + "éĺ", + "ĸ" + ], + [ + "éĺ", + "Ĺ" + ], + [ + "ç¾", + "§" + ], + [ + "è±", + "¢" + ], + [ + "ç²", + "³" + ], + [ + "çĮ", + "·" + ], + [ + "çħ", + "³" + ], + [ + "çħ", + "¨" + ], + [ + "çħ", + "ħ" + ], + [ + "çħ", + "Ĭ" + ], + [ + "çħ", + "¸" + ], + [ + "çħ", + "º" + ], + [ + "æ»", + "Ł" + ], + [ + "æº", + "±" + ], + [ + "æº", + "ĺ" + ], + [ + "æ¼", + "Ń" + ], + [ + "æ»", + "¢" + ], + [ + "æº", + "¥" + ], + [ + "æº", + "½" + ], + [ + "è£", + "Ł" + ], + [ + "æº", + "»" + ], + [ + "æº", + "·" + ], + [ + "æ»", + "Ĺ" + ], + [ + "æ»", + "«" + ], + [ + "æº", + "´" + ], + [ + "æ»", + "ı" + ], + [ + "æ»", + "ĥ" + ], + [ + "æ»", + "¦" + ], + [ + "æº", + "ı" + ], + [ + "æ»", + "Ĥ" + ], + [ + "æ»", + "ĵ" + ], + [ + "æº", + "Ł" + ], + [ + "æ»", + "ª" + ], + [ + "æĦ", + "«" + ], + [ + "æħ", + "Ĭ" + ], + [ + "é²", + "İ" + ], + [ + "éª", + "ŀ" + ], + [ + "çª", + "ł" + ], + [ + "çª", + "£" + ], + [ + "è£", + "±" + ], + [ + "è£", + "¨" + ], + [ + "è£", + "¾" + ], + [ + "è£", + "°" + ], + [ + "ç¦", + "Ĭ" + ], + [ + "è°", + "©" + ], + [ + "è°", + "ª" + ], + [ + "åª", + "¾" + ], + [ + "å«", + "«" + ], + [ + "åª", + "²" + ], + [ + "å«", + "Ĵ" + ], + [ + "å«", + "Ķ" + ], + [ + "åª", + "¸" + ], + [ + "ç¼", + "Ļ" + ], + [ + "ç¼", + "ľ" + ], + [ + "ç¼", + "Ľ" + ], + [ + "è¾", + "Ķ" + ], + [ + "éª", + "Ŀ" + ], + [ + "ç¼", + "Ł" + ], + [ + "ç¼", + "¡" + ], + [ + "ç¼", + "¢" + ], + [ + "ç¼", + "£" + ], + [ + "éª", + "Ł" + ], + [ + "èĢ", + "¥" + ], + [ + "çĴ", + "Ī" + ], + [ + "çij", + "Ń" + ], + [ + "çį", + "Ĵ" + ], + [ + "è§", + "ı" + ], + [ + "æħ", + "Ŀ" + ], + [ + "å«", + "ł" + ], + [ + "åı", + "Ĩ" + ], + [ + "æij", + "½" + ], + [ + "å¢", + "ģ" + ], + [ + "æĴ", + "Ĥ" + ], + [ + "æij", + "ŀ" + ], + [ + "æĴ", + "Ħ" + ], + [ + "ç¿", + "¥" + ], + [ + "è¸", + "ħ" + ], + [ + "æij", + "Ń" + ], + [ + "å¢", + "ī" + ], + [ + "å¢", + "Ĵ" + ], + [ + "æ¦", + "ĸ" + ], + [ + "ç¶", + "¦" + ], + [ + "èĶ", + "«" + ], + [ + "èĶ", + "·" + ], + [ + "éĿ", + "º" + ], + [ + "éĿ", + "¼" + ], + [ + "éŀ", + "ħ" + ], + [ + "éĿ", + "¿" + ], + [ + "çĶ", + "į" + ], + [ + "èĶ", + "¸" + ], + [ + "èĶ", + "Ł" + ], + [ + "èĶ", + "º" + ], + [ + "æĪ", + "¬" + ], + [ + "èķ", + "ĸ" + ], + [ + "èĶ", + "»" + ], + [ + "èĵ", + "¿" + ], + [ + "æĸ", + "¡" + ], + [ + "é¹", + "ķ" + ], + [ + "èĵ", + "¼" + ], + [ + "æ¦", + "Ľ" + ], + [ + "æ¦", + "§" + ], + [ + "æ¦", + "«" + ], + [ + "æ¦", + "Ń" + ], + [ + "æ§", + "Ķ" + ], + [ + "æ¦", + "±" + ], + [ + "æ§", + "ģ" + ], + [ + "æ§", + "ł" + ], + [ + "æ¦", + "·" + ], + [ + "åĥ", + "°" + ], + [ + "éħ", + "½" + ], + [ + "éħ", + "¹" + ], + [ + "ç¢", + "¡" + ], + [ + "ç¢", + "´" + ], + [ + "ç¢", + "£" + ], + [ + "ç¢", + "²" + ], + [ + "èĩ", + "§" + ], + [ + "è±", + "¨" + ], + [ + "æ®", + "¡" + ], + [ + "éľ", + "ģ" + ], + [ + "èľ", + "ļ" + ], + [ + "é¾", + "ĩ" + ], + [ + "é¾", + "Ī" + ], + [ + "ä", + "ģ" + ], + [ + "äģ", + "ĸ" + ], + [ + "çĿ", + "½" + ], + [ + "åĺ", + "ŀ" + ], + [ + "åĺ", + "Ī" + ], + [ + "åĺ", + "Į" + ], + [ + "åĺ", + "ģ" + ], + [ + "æļ", + "Ŀ" + ], + [ + "è¸", + "Į" + ], + [ + "è¸", + "ī" + ], + [ + "èľ", + "ŀ" + ], + [ + "èľ", + "¥" + ], + [ + "èľ", + "®" + ], + [ + "èĿ", + "Ī" + ], + [ + "èľ", + "´" + ], + [ + "èľ", + "±" + ], + [ + "èľ", + "©" + ], + [ + "èľ", + "·" + ], + [ + "èľ", + "¿" + ], + [ + "èŀ", + "Ĥ" + ], + [ + "èľ", + "¢" + ], + [ + "åĺ", + "¡" + ], + [ + "é¹", + "Ĺ" + ], + [ + "åĺ", + "£" + ], + [ + "åĺ", + "¤" + ], + [ + "åĺ", + "ļ" + ], + [ + "åĹ", + "¾" + ], + [ + "åĺ", + "§" + ], + [ + "ç½", + "´" + ], + [ + "ç½", + "±" + ], + [ + "å¹", + "Ķ" + ], + [ + "å¶", + "Ĥ" + ], + [ + "å¹", + "Ľ" + ], + [ + "èµ", + "Ļ" + ], + [ + "ç½", + "Ĥ" + ], + [ + "éª", + "·" + ], + [ + "éª", + "¶" + ], + [ + "é¹", + "ĺ" + ], + [ + "éĶ", + "²" + ], + [ + "éĶ", + "´" + ], + [ + "éĶ", + "¶" + ], + [ + "éĶ", + "·" + ], + [ + "éĶ", + "¸" + ], + [ + "éĶ", + "µ" + ], + [ + "éķ", + "Ĥ" + ], + [ + "çĬ", + "Ĵ" + ], + [ + "ç®", + "IJ" + ], + [ + "ç®", + "¦" + ], + [ + "ç®", + "§" + ], + [ + "ç®", + "¸" + ], + [ + "ç®", + "¬" + ], + [ + "ç®", + "ħ" + ], + [ + "ç®", + "ª" + ], + [ + "ç®", + "ľ" + ], + [ + "ç®", + "¢" + ], + [ + "ç®", + "ĵ" + ], + [ + "åĥ", + "ĸ" + ], + [ + "åĦ", + "Ĩ" + ], + [ + "åĥ", + "³" + ], + [ + "åĥ", + "Ń" + ], + [ + "åĬ", + "ģ" + ], + [ + "åĥ", + "®" + ], + [ + "éŃ", + "ĥ" + ], + [ + "éŃ", + "Ĩ" + ], + [ + "çĿ", + "¾" + ], + [ + "èī", + "ĭ" + ], + [ + "éĦ", + "±" + ], + [ + "èĨ", + "Ī" + ], + [ + "èĨ", + "ij" + ], + [ + "é²", + "ij" + ], + [ + "é²", + "Ķ" + ], + [ + "é²", + "ļ" + ], + [ + "é²", + "Ľ" + ], + [ + "é²", + "Ł" + ], + [ + "çį", + "IJ" + ], + [ + "è§", + "«" + ], + [ + "éĽ", + "Ĵ" + ], + [ + "å¤", + "¤" + ], + [ + "é¦", + "ij" + ], + [ + "éĬ", + "®" + ], + [ + "å¡", + "¾" + ], + [ + "çĺ", + "Į" + ], + [ + "çĺ", + "Ĭ" + ], + [ + "çĺ", + "ĺ" + ], + [ + "çĺ", + "Ļ" + ], + [ + "æĹ", + "ĸ" + ], + [ + "èĨ", + "Ĥ" + ], + [ + "éĺ", + "ļ" + ], + [ + "éĦ", + "¯" + ], + [ + "é²", + "ŀ" + ], + [ + "ç²", + "¿" + ], + [ + "ç²", + "¼" + ], + [ + "ç³", + "ģ" + ], + [ + "æ§", + "Ĭ" + ], + [ + "é¹", + "ļ" + ], + [ + "çĨ", + "ĺ" + ], + [ + "çĨ", + "¥" + ], + [ + "æ½", + "¢" + ], + [ + "æ¼", + "ķ" + ], + [ + "æ»", + "¹" + ], + [ + "æ¼", + "¯" + ], + [ + "æ¼", + "¶" + ], + [ + "æ½", + "ĭ" + ], + [ + "æ½", + "´" + ], + [ + "æ¼", + "ª" + ], + [ + "æ¼", + "ī" + ], + [ + "æ¼", + "©" + ], + [ + "æ¾", + "ī" + ], + [ + "æħ", + "µ" + ], + [ + "æIJ", + "´" + ], + [ + "çª", + "¨" + ], + [ + "å¯", + "¤" + ], + [ + "ç¶", + "®" + ], + [ + "è°", + "®" + ], + [ + "è¤", + "¡" + ], + [ + "è¤", + "Ļ" + ], + [ + "è¤", + "ĵ" + ], + [ + "è¤", + "Ľ" + ], + [ + "è¤", + "Ĭ" + ], + [ + "è°", + "¯" + ], + [ + "è°", + "°" + ], + [ + "è°", + "²" + ], + [ + "å±", + "£" + ], + [ + "é¹", + "Ľ" + ], + [ + "å«", + "±" + ], + [ + "å«", + "ĸ" + ], + [ + "å«", + "¦" + ], + [ + "å«", + "ļ" + ], + [ + "å", + "«ĺ" + ], + [ + "é¼", + "IJ" + ], + [ + "çŀ", + "Ģ" + ], + [ + "é¹", + "ľ" + ], + [ + "éª", + "ł" + ], + [ + "ç¼", + "¥" + ], + [ + "ç¼", + "¦" + ], + [ + "ç¼", + "§" + ], + [ + "ç¼", + "¨" + ], + [ + "éª", + "¢" + ], + [ + "ç¼", + "«" + ], + [ + "èĢ", + "¦" + ], + [ + "èĢ", + "§" + ], + [ + "çĴ", + "ľ" + ], + [ + "çĴ", + "İ" + ], + [ + "çĴ", + "ģ" + ], + [ + "å¥", + "Ń" + ], + [ + "é«", + "¯" + ], + [ + "é«", + "«" + ], + [ + "æĴ", + "·" + ], + [ + "æĴ", + "ħ" + ], + [ + "èµ", + "Ń" + ], + [ + "æĴ", + "¸" + ], + [ + "éĭ", + "Ĩ" + ], + [ + "æĴ", + "Ļ" + ], + [ + "æĴ", + "º" + ], + [ + "å¢", + "Ģ" + ], + [ + "èģ", + "©" + ], + [ + "è§", + "IJ" + ], + [ + "éŀ", + "ij" + ], + [ + "èķ", + "Ļ" + ], + [ + "éŀ", + "Ĵ" + ], + [ + "èķ", + "Ī" + ], + [ + "èķ", + "¨" + ], + [ + "èķ", + "¤" + ], + [ + "èķ", + "ŀ" + ], + [ + "èķ", + "º" + ], + [ + "çŀ", + "¢" + ], + [ + "èķ", + "ĥ" + ], + [ + "èķ", + "²" + ], + [ + "èµ", + "ľ" + ], + [ + "æ§", + "¿" + ], + [ + "æ¨", + "¯" + ], + [ + "æ§", + "Ń" + ], + [ + "æ¨", + "Ĺ" + ], + [ + "æ¨", + "ĺ" + ], + [ + "æ§", + "²" + ], + [ + "éĨ", + "Į" + ], + [ + "éĨ", + "ħ" + ], + [ + "éĿ", + "¥" + ], + [ + "éŃ", + "ĩ" + ], + [ + "é¤", + "į" + ], + [ + "ç£", + "Ķ" + ], + [ + "ç£", + "Ļ" + ], + [ + "éľ", + "Ī" + ], + [ + "è¾", + "ĺ" + ], + [ + "é¾", + "ī" + ], + [ + "é¾", + "Ĭ" + ], + [ + "è§", + "ij" + ], + [ + "çŀ", + "Į" + ], + [ + "ç", + "ŀĭ" + ], + [ + "çŀ", + "ij" + ], + [ + "åĺ", + "Ń" + ], + [ + "åĻ", + "İ" + ], + [ + "åĻ", + "¶" + ], + [ + "é¢", + "Ļ" + ], + [ + "æļ", + "¹" + ], + [ + "åĻ", + "ĺ" + ], + [ + "è¸", + "Ķ" + ], + [ + "è¸", + "Ŀ" + ], + [ + "è¸", + "Ł" + ], + [ + "è¸", + "Ĵ" + ], + [ + "è¸", + "¬" + ], + [ + "è¸", + "®" + ], + [ + "è¸", + "¯" + ], + [ + "è¸", + "º" + ], + [ + "è¸", + "ŀ" + ], + [ + "èĿ", + "½" + ], + [ + "èĿ", + "¾" + ], + [ + "èĿ", + "»" + ], + [ + "èĿ", + "°" + ], + [ + "èĿ", + "®" + ], + [ + "è", + "ŀĭ" + ], + [ + "èĿ", + "ĵ" + ], + [ + "èĿ", + "£" + ], + [ + "è", + "Ŀ¼" + ], + [ + "åĺ", + "¬" + ], + [ + "é¢", + "ļ" + ], + [ + "åĻ", + "į" + ], + [ + "åĻ", + "Ļ" + ], + [ + "åĻ", + "Į" + ], + [ + "åĻ", + "Ķ" + ], + [ + "é¢", + "Ľ" + ], + [ + "å¹", + "ŀ" + ], + [ + "å¹", + "¡" + ], + [ + "å¶", + "Ļ" + ], + [ + "å¶", + "Ŀ" + ], + [ + "éª", + "º" + ], + [ + "éķ", + "Ĭ" + ], + [ + "éķ", + "ī" + ], + [ + "éķ", + "Į" + ], + [ + "éķ", + "ı" + ], + [ + "éķ", + "Ĵ" + ], + [ + "éķ", + "ĵ" + ], + [ + "éķ", + "Ķ" + ], + [ + "ç¨", + "·" + ], + [ + "ç®", + "´" + ], + [ + "ç¯", + "ij" + ], + [ + "ç¯", + "ģ" + ], + [ + "ç¯", + "Į" + ], + [ + "çī", + "ĸ" + ], + [ + "åĦ", + "ĭ" + ], + [ + "èĻ", + "¢" + ], + [ + "é¹", + "ŀ" + ], + [ + "èĨ", + "ĺ" + ], + [ + "é²", + "ł" + ], + [ + "é²", + "¡" + ], + [ + "é²", + "¢" + ], + [ + "é²", + "£" + ], + [ + "é²", + "¥" + ], + [ + "é²", + "§" + ], + [ + "é²", + "©" + ], + [ + "çį", + "Ĺ" + ], + [ + "çį", + "ł" + ], + [ + "è§", + "¯" + ], + [ + "é¦", + "ĵ" + ], + [ + "é¦", + "Ķ" + ], + [ + "éº", + "¾" + ], + [ + "å»", + "Ľ" + ], + [ + "çĺ", + "Ľ" + ], + [ + "çĺ", + "¼" + ], + [ + "çĺ", + "¢" + ], + [ + "çĺ", + "ł" + ], + [ + "é½", + "ij" + ], + [ + "ç¾", + "°" + ], + [ + "ð¥", + "»" + ], + [ + "ð¥»", + "Ĺ" + ], + [ + "ç³", + "Į" + ], + [ + "ç³", + "į" + ], + [ + "ç³", + "ħ" + ], + [ + "çĨ", + "ľ" + ], + [ + "ç", + "Ĩµ" + ], + [ + "æ¾", + "į" + ], + [ + "æ¾", + "Į" + ], + [ + "æ½", + "¸" + ], + [ + "æ½", + "¦" + ], + [ + "æ½", + "²" + ], + [ + "éĭ", + "Ī" + ], + [ + "æ½", + "Ł" + ], + [ + "æ½", + "º" + ], + [ + "å¯", + "®" + ], + [ + "çª", + "³" + ], + [ + "è°", + "³" + ], + [ + "è¤", + "´" + ], + [ + "è¤", + "Ł" + ], + [ + "è¤", + "«" + ], + [ + "è°", + "µ" + ], + [ + "çĨ", + "¨" + ], + [ + "å±", + "¦" + ], + [ + "åĭ", + "°" + ], + [ + "æĪ", + "®" + ], + [ + "èĿ", + "¥" + ], + [ + "ç¼", + "¬" + ], + [ + "ç¼", + "®" + ], + [ + "ç¼", + "¯" + ], + [ + "éª", + "£" + ], + [ + "çķ", + "¿" + ], + [ + "èĢ", + "©" + ], + [ + "èĢ", + "¨" + ], + [ + "èĢ", + "ª" + ], + [ + "çĴ", + "Ł" + ], + [ + "éĿ", + "Ľ" + ], + [ + "çĴ", + "ł" + ], + [ + "çĴ", + "ĺ" + ], + [ + "èģ", + "±" + ], + [ + "èŀ", + "¯" + ], + [ + "é«", + "»" + ], + [ + "é«", + "Ń" + ], + [ + "é«", + "¹" + ], + [ + "æĵ", + "Ģ" + ], + [ + "çĶ", + "ı" + ], + [ + "æĵ", + "ŀ" + ], + [ + "ç¸", + "ł" + ], + [ + "ç£", + "¬" + ], + [ + "é¢", + "ŀ" + ], + [ + "èķ", + "»" + ], + [ + "é¢", + "Ł" + ], + [ + "èĸ", + "¤" + ], + [ + "èĸ", + "¨" + ], + [ + "æª", + "ł" + ], + [ + "èĸ", + "ı" + ], + [ + "èĸ", + "®" + ], + [ + "èĸ", + "ľ" + ], + [ + "èĸ", + "ħ" + ], + [ + "æ¨", + "¾" + ], + [ + "æ©", + "Ľ" + ], + [ + "æ©", + "ĩ" + ], + [ + "æ¨", + "µ" + ], + [ + "æª", + "İ" + ], + [ + "æ©", + "¹" + ], + [ + "æ¨", + "½" + ], + [ + "æ¨", + "¨" + ], + [ + "æ©", + "¼" + ], + [ + "å¢", + "¼" + ], + [ + "æ©", + "IJ" + ], + [ + "ç¿", + "®" + ], + [ + "éĨ", + "IJ" + ], + [ + "éĨ", + "į" + ], + [ + "éĨ", + "ļ" + ], + [ + "ç£", + "²" + ], + [ + "èµ", + "Ŀ" + ], + [ + "æ®", + "ª" + ], + [ + "éľ", + "ı" + ], + [ + "éĮ", + "¾" + ], + [ + "è¾", + "ļ" + ], + [ + "éģ", + "½" + ], + [ + "æ°", + "ħ" + ], + [ + "çŀ", + "Ł" + ], + [ + "çŀ", + "ł" + ], + [ + "çŀ", + "°" + ], + [ + "åļ", + "Ħ" + ], + [ + "åļ", + "Ĩ" + ], + [ + "åĻ", + "¤" + ], + [ + "æļ", + "¾" + ], + [ + "è¹", + "Ģ" + ], + [ + "è¸", + "µ" + ], + [ + "è¸", + "½" + ], + [ + "è¹", + "ī" + ], + [ + "è¹", + "ģ" + ], + [ + "èŀ", + "¨" + ], + [ + "èŀ", + "Ī" + ], + [ + "èŀ", + "ħ" + ], + [ + "èŀ", + "Ń" + ], + [ + "èŀ", + "ł" + ], + [ + "èŀ", + "Ł" + ], + [ + "åĻ", + "±" + ], + [ + "åĻ", + "«" + ], + [ + "åĻ", + "»" + ], + [ + "åĻ", + "¼" + ], + [ + "ç½", + "¹" + ], + [ + "åľ", + "ľ" + ], + [ + "ä", + "¦" + ], + [ + "ä¦", + "ĥ" + ], + [ + "éķ", + "Ĺ" + ], + [ + "éķ", + "ĺ" + ], + [ + "éķ", + "ļ" + ], + [ + "éķ", + "Ľ" + ], + [ + "éķ", + "Ŀ" + ], + [ + "éķ", + "ŀ" + ], + [ + "éķ", + "ł" + ], + [ + "æ°", + "ĩ" + ], + [ + "æ°", + "Ĩ" + ], + [ + "ç©", + "ij" + ], + [ + "ç¯", + "Ŀ" + ], + [ + "ç¯", + "¥" + ], + [ + "ç¯", + "¦" + ], + [ + "ç¯", + "ª" + ], + [ + "ç¯", + "Ļ" + ], + [ + "çĽ", + "¥" + ], + [ + "åĬ", + "ĵ" + ], + [ + "ç¿", + "±" + ], + [ + "éŃ", + "ī" + ], + [ + "éŃ", + "Ī" + ], + [ + "å¾", + "¼" + ], + [ + "æŃ", + "Ļ" + ], + [ + "èĨ", + "¦" + ], + [ + "èĨ", + "Ļ" + ], + [ + "é²", + "®" + ], + [ + "é²", + "±" + ], + [ + "é²", + "³" + ], + [ + "é²", + "´" + ], + [ + "é²", + "µ" + ], + [ + "é²", + "·" + ], + [ + "é²", + "»" + ], + [ + "çį", + "´" + ], + [ + "çį", + "Ń" + ], + [ + "çį", + "¬" + ], + [ + "éĤ", + "Ĥ" + ], + [ + "é¹", + "§" + ], + [ + "å»", + "¨" + ], + [ + "èµ", + "Ł" + ], + [ + "çĺ", + "°" + ], + [ + "å»", + "ª" + ], + [ + "çĺ", + "¿" + ], + [ + "çĺ", + "µ" + ], + [ + "çĺ", + "´" + ], + [ + "çĻ", + "ĥ" + ], + [ + "çĺ", + "³" + ], + [ + "éº", + "ĩ" + ], + [ + "éº", + "Ī" + ], + [ + "å", + "¬´" + ], + [ + "å£", + "ħ" + ], + [ + "ç³", + "Ĺ" + ], + [ + "çĶ", + "ij" + ], + [ + "çĩ", + "İ" + ], + [ + "çĩ", + "ł" + ], + [ + "çĩ", + "Ķ" + ], + [ + "çĩ", + "§" + ], + [ + "æ¿", + "ij" + ], + [ + "æ¿", + "ī" + ], + [ + "æ½", + "ŀ" + ], + [ + "æ¾", + "§" + ], + [ + "æ¾", + "¹" + ], + [ + "æ¾", + "¥" + ], + [ + "æ¾", + "¶" + ], + [ + "æ¿", + "Ĥ" + ], + [ + "è¤", + "°" + ], + [ + "çª", + "¸" + ], + [ + "å¬", + "ĸ" + ], + [ + "çĬ", + "Ł" + ], + [ + "éļ", + "°" + ], + [ + "å¬", + "Ĺ" + ], + [ + "é¢", + "¡" + ], + [ + "ç¼", + "±" + ], + [ + "ç¼", + "²" + ], + [ + "ç¼", + "³" + ], + [ + "çĴ", + "©" + ], + [ + "çĴ", + "ª" + ], + [ + "èŀ", + "«" + ], + [ + "æĵ", + "¤" + ], + [ + "å£", + "ķ" + ], + [ + "è§", + "³" + ], + [ + "ç½", + "Ħ" + ], + [ + "æĵ", + "¢" + ], + [ + "èĸ", + "¹" + ], + [ + "éŀ", + "¡" + ], + [ + "éŀ", + "¬" + ], + [ + "èĸ", + "·" + ], + [ + "èĹ", + "ĵ" + ], + [ + "èĹ", + "ģ" + ], + [ + "æª", + "Ħ" + ], + [ + "æª", + "©" + ], + [ + "æĩ", + "ĭ" + ], + [ + "éĨ", + "¢" + ], + [ + "ç¿", + "³" + ], + [ + "ç¤", + "ħ" + ], + [ + "ç£", + "´" + ], + [ + "é¹", + "©" + ], + [ + "é¾", + "ĭ" + ], + [ + "é¾", + "Į" + ], + [ + "è±", + "³" + ], + [ + "å£", + "ij" + ], + [ + "é»", + "»" + ], + [ + "åļ", + "ı" + ], + [ + "åļ", + "ħ" + ], + [ + "è¹", + "ij" + ], + [ + "è¹", + "Ĵ" + ], + [ + "è¹", + "Ĭ" + ], + [ + "è", + "Ł¥" + ], + [ + "èŀ", + "¬" + ], + [ + "èŀ", + "µ" + ], + [ + "çĸ", + "ĥ" + ], + [ + "èŀ", + "³" + ], + [ + "èŁ", + "ij" + ], + [ + "åļ", + "ĵ" + ], + [ + "ç½", + "½" + ], + [ + "ç½", + "¾" + ], + [ + "å¶", + "·" + ], + [ + "é»", + "ľ" + ], + [ + "é»", + "Ŀ" + ], + [ + "é«", + "ģ" + ], + [ + "é«", + "Ģ" + ], + [ + "éķ", + "¡" + ], + [ + "éķ", + "¢" + ], + [ + "éķ", + "£" + ], + [ + "éķ", + "¦" + ], + [ + "éķ", + "§" + ], + [ + "éķ", + "©" + ], + [ + "éķ", + "ª" + ], + [ + "éķ", + "«" + ], + [ + "ç½", + "ħ" + ], + [ + "ç°", + "Į" + ], + [ + "ç¯", + "¾" + ], + [ + "ç¯", + "¼" + ], + [ + "ç°", + "ĸ" + ], + [ + "ç°", + "ĭ" + ], + [ + "é¼", + "¢" + ], + [ + "åĦ", + "¡" + ], + [ + "é¹", + "ª" + ], + [ + "é¼", + "¾" + ], + [ + "çļ", + "¤" + ], + [ + "éŃ", + "į" + ], + [ + "é¾", + "ł" + ], + [ + "ç¹", + "ĩ" + ], + [ + "è²", + "ĺ" + ], + [ + "éĤ", + "Ī" + ], + [ + "è²", + "Ķ" + ], + [ + "èĩ", + "Į" + ], + [ + "èĨ", + "»" + ], + [ + "èĩ", + "Ĩ" + ], + [ + "èĩ", + "ĥ" + ], + [ + "é²", + "¼" + ], + [ + "é²", + "½" + ], + [ + "é³", + "Ģ" + ], + [ + "é³", + "ĥ" + ], + [ + "é³", + "ħ" + ], + [ + "é³", + "ĩ" + ], + [ + "é³", + "Ĭ" + ], + [ + "èŀ", + "½" + ], + [ + "çĩ", + "®" + ], + [ + "é¹", + "«" + ], + [ + "ç³", + "ľ" + ], + [ + "ç¸", + "»" + ], + [ + "çĻ", + "į" + ], + [ + "éº", + "ĭ" + ], + [ + "æĩ", + "ij" + ], + [ + "æ¿", + "¡" + ], + [ + "æ¿", + "®" + ], + [ + "æ¿", + "ŀ" + ], + [ + "æ¿", + "ł" + ], + [ + "æ¿", + "¯" + ], + [ + "è¹", + "ĩ" + ], + [ + "è¬", + "ĩ" + ], + [ + "éĤ", + "ĥ" + ], + [ + "è¥", + "ģ" + ], + [ + "æª", + "Ĺ" + ], + [ + "æ", + "ĵĺ" + ], + [ + "åŃ", + "º" + ], + [ + "éļ", + "³" + ], + [ + "å¬", + "·" + ], + [ + "èŁ", + "Ĭ" + ], + [ + "é¹", + "¬" + ], + [ + "éį", + "ª" + ], + [ + "éı", + "Ĭ" + ], + [ + "é¬", + "Ī" + ], + [ + "é¬", + "ĥ" + ], + [ + "çŀ", + "½" + ], + [ + "éŀ", + "¯" + ], + [ + "éŀ", + "¨" + ], + [ + "éŀ", + "«" + ], + [ + "éŀ", + "§" + ], + [ + "éŀ", + "£" + ], + [ + "èĹ", + "ľ" + ], + [ + "èĹ", + "ł" + ], + [ + "éĨ", + "ª" + ], + [ + "è¹", + "Ļ" + ], + [ + "ç¤", + "ĵ" + ], + [ + "çĩ", + "¹" + ], + [ + "é¤", + "®" + ], + [ + "çŀ", + "¿" + ], + [ + "æĽ", + "Ľ" + ], + [ + "é¢", + "¢" + ], + [ + "èº", + "ĩ" + ], + [ + "è¹", + "ļ" + ], + [ + "èŁ", + "Ľ" + ], + [ + "èŁ", + "ª" + ], + [ + "èŁ", + "ł" + ], + [ + "èŁ", + "®" + ], + [ + "é¹", + "®" + ], + [ + "é»", + "ł" + ], + [ + "é»", + "Ł" + ], + [ + "é«", + "ħ" + ], + [ + "é«", + "Ĥ" + ], + [ + "éķ", + "¬" + ], + [ + "éķ", + "Ń" + ], + [ + "éķ", + "¯" + ], + [ + "é¦", + "¥" + ], + [ + "ç°", + "Ł" + ], + [ + "ç°", + "ª" + ], + [ + "é¼", + "¬" + ], + [ + "éĽ", + "ł" + ], + [ + "èī", + "Ł" + ], + [ + "é³", + "İ" + ], + [ + "é³", + "ı" + ], + [ + "é³", + "IJ" + ], + [ + "çĻ", + "ŀ" + ], + [ + "çĻ", + "Ķ" + ], + [ + "ç³", + "¨" + ], + [ + "è¹", + "©" + ], + [ + "éİ", + "ı" + ], + [ + "éĤ", + "ĭ" + ], + [ + "é¬", + "ı" + ], + [ + "æĶ", + "ī" + ], + [ + "éŀ", + "²" + ], + [ + "éŀ", + "´" + ], + [ + "èĹ", + "¿" + ], + [ + "èĺ", + "§" + ], + [ + "èĺ", + "ħ" + ], + [ + "éĨ", + "®" + ], + [ + "éĨ", + "¯" + ], + [ + "éħ", + "ĥ" + ], + [ + "éľ", + "ª" + ], + [ + "éľ", + "Ń" + ], + [ + "éľ", + "¨" + ], + [ + "é»", + "¼" + ], + [ + "åļ", + "¯" + ], + [ + "è¹", + "°" + ], + [ + "è¹", + "¶" + ], + [ + "è¹", + "½" + ], + [ + "è¹", + "¼" + ], + [ + "è¹", + "´" + ], + [ + "è¹", + "¾" + ], + [ + "è¹", + "¿" + ], + [ + "èł", + "ĸ" + ], + [ + "èł", + "ĵ" + ], + [ + "èŁ", + "¾" + ], + [ + "èł", + "Ĭ" + ], + [ + "é»", + "¢" + ], + [ + "é«", + "ĭ" + ], + [ + "é«", + "Į" + ], + [ + "éķ", + "²" + ], + [ + "ç±", + "Ģ" + ], + [ + "é½", + "ģ" + ], + [ + "éŃ", + "ij" + ], + [ + "èī", + "¨" + ], + [ + "é³", + "ĵ" + ], + [ + "é³", + "Ķ" + ], + [ + "é³", + "ķ" + ], + [ + "é³", + "Ĺ" + ], + [ + "é³", + "Ļ" + ], + [ + "éı", + "ĸ" + ], + [ + "ç¾", + "¸" + ], + [ + "ã¸", + "Ĩ" + ], + [ + "çĢ", + "£" + ], + [ + "çĢ", + "Ľ" + ], + [ + "è¥", + "¦" + ], + [ + "è°", + "¶" + ], + [ + "è¥", + "ŀ" + ], + [ + "éª", + "¥" + ], + [ + "ç¼", + "µ" + ], + [ + "çĵ", + "Ĵ" + ], + [ + "æĶ", + "ĺ" + ], + [ + "èĺ", + "©" + ], + [ + "èĺ", + "ĸ" + ], + [ + "éĨ", + "´" + ], + [ + "éľ", + "°" + ], + [ + "éħ", + "Ĩ" + ], + [ + "çŁ", + "į" + ], + [ + "èº", + "ħ" + ], + [ + "é¼", + "į" + ], + [ + "å·", + "ī" + ], + [ + "é»", + "©" + ], + [ + "é»", + "¥" + ], + [ + "é»", + "ª" + ], + [ + "éķ", + "³" + ], + [ + "éķ", + "´" + ], + [ + "é»", + "§" + ], + [ + "çº", + "Ĥ" + ], + [ + "çĴ", + "º" + ], + [ + "é¼", + "¯" + ], + [ + "èĩ", + "ľ" + ], + [ + "é³", + "ľ" + ], + [ + "é³", + "Ŀ" + ], + [ + "é³", + "Ł" + ], + [ + "çį", + "¾" + ], + [ + "åŃ", + "Ģ" + ], + [ + "éª", + "§" + ], + [ + "ç", + "ĵĺ" + ], + [ + "é¼", + "Ļ" + ], + [ + "éĨ", + "º" + ], + [ + "ç¤", + "´" + ], + [ + "é¢", + "¦" + ], + [ + "æĽ", + "©" + ], + [ + "é³", + "¢" + ], + [ + "éº", + "Ŀ" + ], + [ + "å¤", + "Ķ" + ], + [ + "çĪ", + "Ŀ" + ], + [ + "çģ", + "ı" + ], + [ + "ç¦", + "³" + ], + [ + "éIJ", + "¾" + ], + [ + "ç¾", + "¼" + ], + [ + "èł", + "¡" + ], + [ + "èĢ", + "±" + ], + [ + "é¹", + "³" + ], + [ + "æ°", + "į" + ], + [ + "é¥", + "ķ" + ], + [ + "èº", + "IJ" + ], + [ + "é«", + "ij" + ], + [ + "éķ", + "µ" + ], + [ + "ç©", + "°" + ], + [ + "é¥", + "Ķ" + ], + [ + "é¬", + "»" + ], + [ + "é¬", + "Ł" + ], + [ + "è¶", + "±" + ], + [ + "æĶ", + "«" + ], + [ + "æĶ", + "¥" + ], + [ + "é¢", + "§" + ], + [ + "èº", + "ľ" + ], + [ + "é¼", + "¹" + ], + [ + "çĻ", + "¯" + ], + [ + "èł", + "²" + ], + [ + "èł", + "¹" + ], + [ + "èº", + "ŀ" + ], + [ + "è¡", + "¢" + ], + [ + "çģ", + "ŀ" + ], + [ + "è¥", + "»" + ], + [ + "çº", + "Ľ" + ], + [ + "é¬", + "£" + ], + [ + "æĶ", + "®" + ], + [ + "åĽ", + "Ķ" + ], + [ + "é¦", + "ķ" + ], + [ + "æĪ", + "Ĩ" + ], + [ + "çĪ", + "¨" + ], + [ + "é½", + "ī" + ], + [ + "äº", + "į" + ], + [ + "å°", + "¢" + ], + [ + "å½", + "³" + ], + [ + "åį", + "¬" + ], + [ + "æ®", + "³" + ], + [ + "ðł", + "϶" + ], + [ + "æ¯", + "Į" + ], + [ + "éĤ", + "ĺ" + ], + [ + "æĪ", + "ĭ" + ], + [ + "åľ", + "¢" + ], + [ + "æ°", + "ķ" + ], + [ + "ä¼", + "ĭ" + ], + [ + "ä»", + "Ŀ" + ], + [ + "åĨ", + "®" + ], + [ + "æ°", + "¿" + ], + [ + "æ±", + "Ī" + ], + [ + "æ°", + "¾" + ], + [ + "å¿", + "ī" + ], + [ + "å®", + "Ħ" + ], + [ + "ð¬£", + "Ļ" + ], + [ + "è®", + "±" + ], + [ + "æī", + "ŀ" + ], + [ + "åľ", + "²" + ], + [ + "åľ", + "«" + ], + [ + "èĬ", + "ı" + ], + [ + "èĬ", + "ĥ" + ], + [ + "æľ", + "³" + ], + [ + "æľ", + "¸" + ], + [ + "ð¨", + "Ļ" + ], + [ + "ð¨Ļ", + "¸" + ], + [ + "éĤ", + "¨" + ], + [ + "åIJ", + "Ĵ" + ], + [ + "åIJ", + "ĸ" + ], + [ + "å±", + "¼" + ], + [ + "å±", + "¾" + ], + [ + "è¾", + "¿" + ], + [ + "éĴ", + "Ĩ" + ], + [ + "ä»", + "³" + ], + [ + "ä¼", + "£" + ], + [ + "ä¼", + "Ī" + ], + [ + "çĻ", + "¿" + ], + [ + "çĶ", + "ª" + ], + [ + "éĤ", + "ł" + ], + [ + "çĬ", + "´" + ], + [ + "åĨ", + "±" + ], + [ + "éĤ", + "¡" + ], + [ + "ð¬ĩ", + "ķ" + ], + [ + "æ±", + "ĭ" + ], + [ + "ä", + "ľ" + ], + [ + "äľ", + "£" + ], + [ + "è®", + "»" + ], + [ + "ð¬£", + "ŀ" + ], + [ + "åŃ", + "ĸ" + ], + [ + "ð¬ĺ", + "ĵ" + ], + [ + "çº", + "©" + ], + [ + "çİ", + "Ĵ" + ], + [ + "çİ", + "ĵ" + ], + [ + "çİ", + "ĺ" + ], + [ + "çİ", + "ļ" + ], + [ + "åĪ", + "¬" + ], + [ + "ð«Ń", + "Ł" + ], + [ + "åĿ", + "ľ" + ], + [ + "åĿ", + "ī" + ], + [ + "æī", + "½" + ], + [ + "ð«Ń", + "¢" + ], + [ + "åĿ", + "ĭ" + ], + [ + "æī", + "º" + ], + [ + "ã§", + "ij" + ], + [ + "æ¯", + "IJ" + ], + [ + "èĬ", + "°" + ], + [ + "èĬ", + "£" + ], + [ + "èĭ", + "Ĭ" + ], + [ + "èĭ", + "ī" + ], + [ + "èĬ", + "ĺ" + ], + [ + "èĬ", + "´" + ], + [ + "èĬ", + "ł" + ], + [ + "ð«", + "ĩ" + ], + [ + "ð«ĩ", + "Ń" + ], + [ + "èĬ", + "¤" + ], + [ + "æĿ", + "ķ" + ], + [ + "æĿ", + "Ļ" + ], + [ + "æĿ", + "Ħ" + ], + [ + "æĿ", + "§" + ], + [ + "æĿ", + "©" + ], + [ + "å°", + "ª" + ], + [ + "å°", + "¨" + ], + [ + "è½", + "ª" + ], + [ + "ð«IJ", + "Ħ" + ], + [ + "åĿ", + "Ĵ" + ], + [ + "èĬ", + "Ī" + ], + [ + "æĹ", + "´" + ], + [ + "æĹ", + "µ" + ], + [ + "åij", + "Ļ" + ], + [ + "ã", + "ķ" + ], + [ + "ãķ", + "®" + ], + [ + "å²", + "į" + ], + [ + "ð«", + "µ" + ], + [ + "ð«µ", + "·" + ], + [ + "å²", + "ł" + ], + [ + "å²", + "ľ" + ], + [ + "åij", + "ĩ" + ], + [ + "åĨ", + "ı" + ], + [ + "è§", + "ĥ" + ], + [ + "å²", + "Ļ" + ], + [ + "ä¼", + "¾" + ], + [ + "ãij", + "ĩ" + ], + [ + "ä¼", + "Ń" + ], + [ + "ä½", + "ĸ" + ], + [ + "ä¼", + "²" + ], + [ + "ä½", + "ģ" + ], + [ + "é£", + "ı" + ], + [ + "çĭ", + "ĥ" + ], + [ + "éĹ", + "¶" + ], + [ + "æ±", + "§" + ], + [ + "æ±", + "«" + ], + [ + "ð£²", + "ĺ" + ], + [ + "ð£²", + "Ĺ" + ], + [ + "æ²", + "Ħ" + ], + [ + "æ²", + "ĺ" + ], + [ + "ð¬ĩ", + "Ļ" + ], + [ + "æ±", + "Ń" + ], + [ + "ã³", + "ĩ" + ], + [ + "æ²", + "ĩ" + ], + [ + "å¿", + "®" + ], + [ + "å¿", + "³" + ], + [ + "å¿", + "º" + ], + [ + "ð¬£", + "¡" + ], + [ + "ç¥", + "ĥ" + ], + [ + "è¯", + "ĩ" + ], + [ + "éĤ", + "²" + ], + [ + "è¯", + "İ" + ], + [ + "è¯", + "IJ" + ], + [ + "å±", + "ĥ" + ], + [ + "ð«", + "¸" + ], + [ + "ð«¸", + "©" + ], + [ + "å²", + "Ĭ" + ], + [ + "éĺ", + "½" + ], + [ + "ä¢", + "º" + ], + [ + "éĺ", + "¼" + ], + [ + "å¦", + "§" + ], + [ + "å¦", + "ĺ" + ], + [ + "ð¨", + "ļ" + ], + [ + "ð¨ļ", + "ķ" + ], + [ + "çº", + "®" + ], + [ + "é©", + "²" + ], + [ + "ð«ĺ", + "ľ" + ], + [ + "çº", + "»" + ], + [ + "ð¬ĺ", + "ĺ" + ], + [ + "ð«ĺ", + "Ŀ" + ], + [ + "çº", + "¼" + ], + [ + "çİ", + "¤" + ], + [ + "çİ", + "ŀ" + ], + [ + "çİ", + "±" + ], + [ + "çİ", + "Ł" + ], + [ + "éĤ", + "½" + ], + [ + "éĤ", + "¿" + ], + [ + "åĿ", + "¥" + ], + [ + "åĿ", + "°" + ], + [ + "åĿ", + "¬" + ], + [ + "åĿ", + "½" + ], + [ + "å¼", + "Ĩ" + ], + [ + "èĢ", + "µ" + ], + [ + "ä¢", + "¼" + ], + [ + "ð¦", + "Ń" + ], + [ + "ð¦Ń", + "ľ" + ], + [ + "èĮ", + "ĭ" + ], + [ + "èĭ", + "§" + ], + [ + "èĭ", + "¾" + ], + [ + "èĭ", + "ł" + ], + [ + "æŀ", + "ħ" + ], + [ + "ãŃ", + "İ" + ], + [ + "æŀ", + "ĺ" + ], + [ + "æŀ", + "į" + ], + [ + "çŁ", + "¼" + ], + [ + "çŁ", + "»" + ], + [ + "åĮ", + "¼" + ], + [ + "ð¬¨", + "Ĥ" + ], + [ + "ð¬Ģ", + "©" + ], + [ + "ð¬Ģ", + "ª" + ], + [ + "æĹ", + "¿" + ], + [ + "æĺ", + "Ħ" + ], + [ + "æĺ", + "Ĵ" + ], + [ + "æĺ", + "Ī" + ], + [ + "åĴ", + "ī" + ], + [ + "åĴ", + "ĩ" + ], + [ + "åĴ", + "į" + ], + [ + "å²", + "µ" + ], + [ + "å²", + "½" + ], + [ + "å²", + "¨" + ], + [ + "å²", + "ŀ" + ], + [ + "å³", + "Ĥ" + ], + [ + "ã", + "Ł" + ], + [ + "ãŁ", + "ĥ" + ], + [ + "åĽ", + "·" + ], + [ + "ð¬¬", + "©" + ], + [ + "éĴ", + "IJ" + ], + [ + "éĴ", + "Ķ" + ], + [ + "éĴ", + "ĸ" + ], + [ + "çī", + "¥" + ], + [ + "ä½", + "´" + ], + [ + "åŀ", + "Ī" + ], + [ + "ä¾", + "ģ" + ], + [ + "ä¾", + "¹" + ], + [ + "ä½", + "¸" + ], + [ + "ä½", + "º" + ], + [ + "éļ", + "¹" + ], + [ + "ãij", + "Ĭ" + ], + [ + "ä¾", + "Ĥ" + ], + [ + "ä½", + "½" + ], + [ + "ä¾", + "ĺ" + ], + [ + "éĥ", + "Ī" + ], + [ + "èĪ", + "ł" + ], + [ + "éĥ", + "IJ" + ], + [ + "éĥ", + "ĥ" + ], + [ + "æĶ", + "½" + ], + [ + "èĤ", + "Ń" + ], + [ + "èĤ", + "¸" + ], + [ + "èĤ", + "·" + ], + [ + "çĭ", + "ī" + ], + [ + "çĭ", + "Ŀ" + ], + [ + "é¥", + "³" + ], + [ + "å¿", + "ŀ" + ], + [ + "çĤ", + "Į" + ], + [ + "çĤ", + "Ĩ" + ], + [ + "æ³", + "Ļ" + ], + [ + "æ²", + "º" + ], + [ + "æ³", + "Ĥ" + ], + [ + "æ³", + "ľ" + ], + [ + "æ³", + "ĥ" + ], + [ + "æ³", + "ĩ" + ], + [ + "æĢ", + "Ĭ" + ], + [ + "å³", + "ĥ" + ], + [ + "ç©", + "¸" + ], + [ + "ç¥", + "ĭ" + ], + [ + "ç¥", + "Ĭ" + ], + [ + "ð«į", + "£" + ], + [ + "ð¬£", + "³" + ], + [ + "ð¬", + "©½" + ], + [ + "é¸", + "¤" + ], + [ + "å¼", + "¢" + ], + [ + "å¼", + "¨" + ], + [ + "éĻ", + "ij" + ], + [ + "ð¬®", + "¿" + ], + [ + "éĻ", + "İ" + ], + [ + "ð¬¯", + "Ģ" + ], + [ + "åį", + "º" + ], + [ + "ä¹", + "¸" + ], + [ + "å¦", + "Ń" + ], + [ + "å§", + "Ī" + ], + [ + "ð«", + "°" + ], + [ + "ð«°", + "Ľ" + ], + [ + "è¿", + "³" + ], + [ + "åı", + "ķ" + ], + [ + "ð¬³", + "µ" + ], + [ + "é©", + "µ" + ], + [ + "ð¬³", + "¶" + ], + [ + "ä", + "Į" + ], + [ + "äĮ", + "¹" + ], + [ + "é©", + "º" + ], + [ + "ð«ł", + "Ĭ" + ], + [ + "ç»", + "ĭ" + ], + [ + "ç»", + "IJ" + ], + [ + "çł", + "ī" + ], + [ + "èĢ", + "Ķ" + ], + [ + "ãĽ", + "ĥ" + ], + [ + "çİ", + "¶" + ], + [ + "çı", + "ĩ" + ], + [ + "çı", + "ħ" + ], + [ + "ð¬į", + "Ľ" + ], + [ + "çı", + "ĭ" + ], + [ + "çİ", + "¹" + ], + [ + "çı", + "Į" + ], + [ + "çİ", + "¿" + ], + [ + "éŁ", + "¨" + ], + [ + "åŀ", + "ļ" + ], + [ + "åŀ", + "¯" + ], + [ + "åŀ", + "Ļ" + ], + [ + "åŀ", + "²" + ], + [ + "åŁ", + "ı" + ], + [ + "åŀ", + "į" + ], + [ + "èĢ", + "ĩ" + ], + [ + "é¿", + "į" + ], + [ + "åŀ", + "İ" + ], + [ + "åŀ", + "´" + ], + [ + "åŀ", + "Ł" + ], + [ + "åŀ", + "ŀ" + ], + [ + "æĮ", + "ĵ" + ], + [ + "åŀ", + "µ" + ], + [ + "åŀ", + "ı" + ], + [ + "æĭ", + "¶" + ], + [ + "èį", + "ĸ" + ], + [ + "èį", + "ģ" + ], + [ + "èį", + "Ļ" + ], + [ + "èį", + "Ľ" + ], + [ + "èĮ", + "Ī" + ], + [ + "èĮ", + "½" + ], + [ + "èį", + "Ħ" + ], + [ + "èĮ", + "º" + ], + [ + "ð¬ľ", + "¬" + ], + [ + "èį", + "ĵ" + ], + [ + "èĮ", + "³" + ], + [ + "ð¦", + "°" + ], + [ + "ð¦°", + "¡" + ], + [ + "èĮ", + "Ľ" + ], + [ + "èį", + "Ń" + ], + [ + "ãŃ", + "ķ" + ], + [ + "æŁ", + "·" + ], + [ + "æŁ", + "ĥ" + ], + [ + "æŁ", + "Ĭ" + ], + [ + "æŀ", + "¹" + ], + [ + "æł", + "IJ" + ], + [ + "æŁ", + "ĸ" + ], + [ + "éĥ", + "ļ" + ], + [ + "åī", + "ħ" + ], + [ + "ä´", + "ĵ" + ], + [ + "è¿", + "º" + ], + [ + "åİ", + "ĸ" + ], + [ + "çł", + "Ĩ" + ], + [ + "çł", + "ij" + ], + [ + "çł", + "Ħ" + ], + [ + "èĢ", + "ı" + ], + [ + "å¥", + "ĵ" + ], + [ + "ä", + "¶" + ], + [ + "ä¶", + "®" + ], + [ + "è½", + "µ" + ], + [ + "è½", + "·" + ], + [ + "è½", + "¹" + ], + [ + "è½", + "º" + ], + [ + "æĺ", + "º" + ], + [ + "ðª", + "¾" + ], + [ + "ðª¾", + "¢" + ], + [ + "æĺ", + "½" + ], + [ + "çĽ", + "·" + ], + [ + "åĴ", + "¡" + ], + [ + "åĴ", + "º" + ], + [ + "æĺ", + "³" + ], + [ + "æĺ", + "£" + ], + [ + "æĺ", + "¤" + ], + [ + "æĺ", + "«" + ], + [ + "æĺ", + "¡" + ], + [ + "åĴ", + "¥" + ], + [ + "æĺ", + "ª" + ], + [ + "èĻ", + "·" + ], + [ + "èĻ", + "¸" + ], + [ + "åĵ", + "ĥ" + ], + [ + "å³", + "ĺ" + ], + [ + "èĢ", + "ij" + ], + [ + "å³", + "Ľ" + ], + [ + "ðª¨", + "°" + ], + [ + "å³", + "Ĺ" + ], + [ + "å³", + "§" + ], + [ + "å¸", + "¡" + ], + [ + "éĴ", + "ĺ" + ], + [ + "ð«ĵ", + "§" + ], + [ + "éĴ", + "ľ" + ], + [ + "ð¬¬", + "®" + ], + [ + "ð¬¬", + "±" + ], + [ + "ð¬¬", + "Ń" + ], + [ + "éĴ", + "ª" + ], + [ + "éĴ", + "¬" + ], + [ + "éĴ", + "Ń" + ], + [ + "çŁ", + "§" + ], + [ + "ç§", + "¬" + ], + [ + "ä¿", + "«" + ], + [ + "èĪ", + "ģ" + ], + [ + "ä¿", + "ľ" + ], + [ + "ä¿", + "Ļ" + ], + [ + "ä¿", + "į" + ], + [ + "åŀ", + "ķ" + ], + [ + "è¡", + "İ" + ], + [ + "èĪ", + "£" + ], + [ + "å¼", + "ĩ" + ], + [ + "ä¾", + "´" + ], + [ + "é¸", + "§" + ], + [ + "äı", + "¡" + ], + [ + "èĥ", + "ł" + ], + [ + "ð¦", + "϶" + ], + [ + "èĥ", + "Ī" + ], + [ + "èĥ", + "©" + ], + [ + "èĥ", + "£" + ], + [ + "æľ", + "ı" + ], + [ + "é£", + "IJ" + ], + [ + "è¨", + "Ħ" + ], + [ + "é¥", + "»" + ], + [ + "åº", + "¤" + ], + [ + "çĸ", + "¢" + ], + [ + "çĤ", + "£" + ], + [ + "çĤ", + "Ł" + ], + [ + "ã", + "¶" + ], + [ + "ã¶", + "²" + ], + [ + "æ´", + "Ń" + ], + [ + "æ´", + "ĺ" + ], + [ + "æ´", + "ĵ" + ], + [ + "æ´", + "¿" + ], + [ + "ã³", + "ļ" + ], + [ + "æ³", + "ļ" + ], + [ + "æµ", + "Ī" + ], + [ + "æµ", + "ī" + ], + [ + "æ´", + "¸" + ], + [ + "æ´", + "ij" + ], + [ + "æ´", + "¢" + ], + [ + "æ´", + "Ī" + ], + [ + "æ´", + "ļ" + ], + [ + "æ´", + "º" + ], + [ + "æ´", + "¨" + ], + [ + "æµ", + "IJ" + ], + [ + "ã³", + "ĺ" + ], + [ + "æ´", + "´" + ], + [ + "æ´", + "£" + ], + [ + "æģ", + "Ķ" + ], + [ + "å®", + "¬" + ], + [ + "çª", + "Ģ" + ], + [ + "æī", + "Ĥ" + ], + [ + "è¢", + "Ĩ" + ], + [ + "ç¥", + "ı" + ], + [ + "ç¥", + "IJ" + ], + [ + "ç¥", + "ķ" + ], + [ + "åı", + "ļ" + ], + [ + "éĻ", + "§" + ], + [ + "éĻ", + "ŀ" + ], + [ + "å¨", + "Ģ" + ], + [ + "å§", + "ŀ" + ], + [ + "å§", + "±" + ], + [ + "å§", + "¤" + ], + [ + "å§", + "¶" + ], + [ + "å§", + "½" + ], + [ + "æŀ", + "²" + ], + [ + "ç»", + "ĸ" + ], + [ + "éª", + "ĥ" + ], + [ + "ð¬ĺ", + "¡" + ], + [ + "ð¬³", + "½" + ], + [ + "ð¬ĺ", + "©" + ], + [ + "ð«Ħ", + "§" + ], + [ + "å½", + "ĸ" + ], + [ + "éª", + "ī" + ], + [ + "æģ", + "Ŀ" + ], + [ + "çı", + "ª" + ], + [ + "çı", + "Ľ" + ], + [ + "çı", + "¹" + ], + [ + "çIJ", + "Ĭ" + ], + [ + "çİ", + "¼" + ], + [ + "çı", + "ĸ" + ], + [ + "ðª", + "Ł" + ], + [ + "ðªŁ", + "Ŀ" + ], + [ + "çı", + "½" + ], + [ + "çı", + "¦" + ], + [ + "çı", + "«" + ], + [ + "çı", + "Ĵ" + ], + [ + "ð¬į", + "¤" + ], + [ + "çı", + "¢" + ], + [ + "çı", + "ķ" + ], + [ + "çı", + "Ŀ" + ], + [ + "ð«Ń", + "¼" + ], + [ + "åŁ", + "Ĺ" + ], + [ + "åŀ", + "¾" + ], + [ + "åŀ", + "º" + ], + [ + "åŁ", + "Ĩ" + ], + [ + "åŀ", + "¿" + ], + [ + "åŁ", + "Į" + ], + [ + "åŁ", + "ĩ" + ], + [ + "èİ", + "°" + ], + [ + "èĮ", + "Ŀ" + ], + [ + "ð¬ľ", + "¯" + ], + [ + "éĦ", + "Ģ" + ], + [ + "èİ", + "¶" + ], + [ + "èİ", + "Ŀ" + ], + [ + "äĵ", + "ĸ" + ], + [ + "èİ", + "Ļ" + ], + [ + "æł", + "»" + ], + [ + "æ¡", + "ł" + ], + [ + "ð¬", + "Ĥ" + ], + [ + "ð¬Ĥ", + "©" + ], + [ + "æ¡", + "Ħ" + ], + [ + "æ¢", + "ł" + ], + [ + "æł", + "´" + ], + [ + "æ¢", + "´" + ], + [ + "æł", + "Ĵ" + ], + [ + "éħ", + "İ" + ], + [ + "éħ", + "ı" + ], + [ + "ð«ł", + "Ĩ" + ], + [ + "çł", + "µ" + ], + [ + "çł", + "ł" + ], + [ + "çł", + "«" + ], + [ + "çł", + "¬" + ], + [ + "ç¡", + "ģ" + ], + [ + "æģ", + "§" + ], + [ + "ç¿", + "ĥ" + ], + [ + "éĥ", + "ª" + ], + [ + "ð¨", + "IJ" + ], + [ + "ð¨IJ", + "Ī" + ], + [ + "è¾", + "Ģ" + ], + [ + "è¾", + "ģ" + ], + [ + "ð¬", + "Į" + ], + [ + "ð¬Į", + "Ĺ" + ], + [ + "åī", + "ķ" + ], + [ + "èµ", + "Ģ" + ], + [ + "åĵ", + "¢" + ], + [ + "æĻ", + "ħ" + ], + [ + "æĻ", + "Ĭ" + ], + [ + "åĶ", + "Ŀ" + ], + [ + "åĵ", + "³" + ], + [ + "åĵ", + "±" + ], + [ + "åĨ", + "Ķ" + ], + [ + "æĻ", + "Ķ" + ], + [ + "æĻ", + "IJ" + ], + [ + "çķ", + "ĸ" + ], + [ + "èļ", + "Ħ" + ], + [ + "èļ", + "Ĩ" + ], + [ + "ð«", + "ij" + ], + [ + "ð«ij", + "¡" + ], + [ + "å¸", + "±" + ], + [ + "å´", + "ģ" + ], + [ + "å³", + "¿" + ], + [ + "ðª¨", + "¶" + ], + [ + "å´", + "Ħ" + ], + [ + "å¸", + "¨" + ], + [ + "å", + "´Ģ" + ], + [ + "èµ", + "Ĩ" + ], + [ + "ð¬", + "¬¸" + ], + [ + "éĴ", + "·" + ], + [ + "ð¬¬", + "»" + ], + [ + "ð¬¬", + "¹" + ], + [ + "ð¬¬", + "¿" + ], + [ + "ð¬Ń", + "ģ" + ], + [ + "çľ", + "ļ" + ], + [ + "çĶ", + "¡" + ], + [ + "ç¬", + "«" + ], + [ + "åĢ", + "»" + ], + [ + "åĢ", + "´" + ], + [ + "èĦ", + "©" + ], + [ + "åĢ", + "®" + ], + [ + "åĢ", + "ķ" + ], + [ + "åĢ", + "ŀ" + ], + [ + "ð«", + "¢" + ], + [ + "ð«¢", + "¸" + ], + [ + "åĢ", + "ĵ" + ], + [ + "åĢ", + "§" + ], + [ + "è¡", + "ĥ" + ], + [ + "èĻ", + "Ĵ" + ], + [ + "èĪ", + "Ń" + ], + [ + "èĪ", + "¯" + ], + [ + "èĪ", + "¥" + ], + [ + "çĵ", + "ŀ" + ], + [ + "é¬", + "¯" + ], + [ + "é¸", + "°" + ], + [ + "èĦ", + "İ" + ], + [ + "æľ", + "ĵ" + ], + [ + "èĥ", + "²" + ], + [ + "èĻ", + "ĵ" + ], + [ + "é±", + "½" + ], + [ + "çĭ", + "´" + ], + [ + "å³", + "±" + ], + [ + "çĭ", + "»" + ], + [ + "çľ", + "¢" + ], + [ + "ð«Ĺ", + "§" + ], + [ + "åĭ", + "į" + ], + [ + "çĹ", + "Ħ" + ], + [ + "çĸ", + "°" + ], + [ + "çĹ", + "ĥ" + ], + [ + "ç«", + "ĺ" + ], + [ + "ç¾", + "ĸ" + ], + [ + "ç¾", + "ĵ" + ], + [ + "æ¡", + "Ĭ" + ], + [ + "æķ", + "ī" + ], + [ + "çĥ", + "ł" + ], + [ + "çĥ", + "Ķ" + ], + [ + "çĥ", + "¶" + ], + [ + "çĥ", + "»" + ], + [ + "ð¬Ĭ", + "Ī" + ], + [ + "æ¶", + "į" + ], + [ + "æµ", + "¡" + ], + [ + "æµ", + "Ń" + ], + [ + "æµ", + "¬" + ], + [ + "æ¶", + "Ħ" + ], + [ + "æ¶", + "¢" + ], + [ + "æ¶", + "IJ" + ], + [ + "æµ", + "°" + ], + [ + "æµ", + "Ł" + ], + [ + "æµ", + "Ľ" + ], + [ + "æµ", + "¼" + ], + [ + "æµ", + "²" + ], + [ + "æ¶", + "ĺ" + ], + [ + "æĤ", + "Ī" + ], + [ + "æĤ", + "ĥ" + ], + [ + "æĤ", + "¢" + ], + [ + "ð¬Ĵ", + "Ī" + ], + [ + "å®", + "§" + ], + [ + "çª", + "ħ" + ], + [ + "çª", + "Ĭ" + ], + [ + "çª", + "İ" + ], + [ + "æī", + "ħ" + ], + [ + "æī", + "Ĩ" + ], + [ + "è¢", + "ª" + ], + [ + "è¢", + "Ĺ" + ], + [ + "è¢", + "¯" + ], + [ + "ç¥", + "§" + ], + [ + "éļ", + "º" + ], + [ + "åł", + "²" + ], + [ + "çĸ", + "į" + ], + [ + "ð¨", + "º" + ], + [ + "ð¨º", + "Ļ" + ], + [ + "éĻ", + "´" + ], + [ + "ç", + "ĥĿ" + ], + [ + "çł", + "®" + ], + [ + "ãĽ", + "ļ" + ], + [ + "åĵ", + "¿" + ], + [ + "ç¿", + "Ģ" + ], + [ + "ç¿", + "Ĥ" + ], + [ + "åī", + "Ł" + ], + [ + "ð¬³", + "¿" + ], + [ + "ð«Ħ", + "¨" + ], + [ + "ç»", + "¤" + ], + [ + "éª", + "į" + ], + [ + "ð¬ĺ", + "«" + ], + [ + "ä", + "Ĥ" + ], + [ + "äĤ", + "®" + ], + [ + "çIJ", + "İ" + ], + [ + "çı", + "¸" + ], + [ + "çı", + "µ" + ], + [ + "çIJ", + "Ħ" + ], + [ + "çIJ", + "Ī" + ], + [ + "çIJ", + "Ģ" + ], + [ + "çı", + "º" + ], + [ + "æİ", + "Ń" + ], + [ + "åł", + "İ" + ], + [ + "åł", + "IJ" + ], + [ + "åŁ", + "¼" + ], + [ + "æİ", + "İ" + ], + [ + "åŁ", + "«" + ], + [ + "åł", + "Į" + ], + [ + "æĻ", + "¢" + ], + [ + "ð«", + "®" + ], + [ + "ð«®", + "ĥ" + ], + [ + "æİ", + "ŀ" + ], + [ + "åŁ", + "ª" + ], + [ + "å£", + "¸" + ], + [ + "ãĻ", + "į" + ], + [ + "èģ", + "į" + ], + [ + "èı", + "Ŀ" + ], + [ + "èIJ", + "ļ" + ], + [ + "èı", + "¥" + ], + [ + "èİ", + "¿" + ], + [ + "äĵ", + "«" + ], + [ + "åĭ", + "ļ" + ], + [ + "äĵ", + "¬" + ], + [ + "èIJ", + "Ĩ" + ], + [ + "èı", + "Ĥ" + ], + [ + "èı", + "į" + ], + [ + "èı", + "¼" + ], + [ + "èIJ", + "£" + ], + [ + "äĵ", + "¨" + ], + [ + "èı", + "ī" + ], + [ + "äĵ", + "Ľ" + ], + [ + "æ¢", + "¼" + ], + [ + "æ¢", + "½" + ], + [ + "æ¡", + "²" + ], + [ + "æ¢", + "¾" + ], + [ + "æ¡", + "¯" + ], + [ + "æ¢", + "£" + ], + [ + "æ¢", + "Į" + ], + [ + "æ¡", + "¹" + ], + [ + "æķ", + "Ķ" + ], + [ + "åİ", + "£" + ], + [ + "ç¡", + "Ķ" + ], + [ + "é¿", + "İ" + ], + [ + "ç¡", + "Ļ" + ], + [ + "ç¡", + "ļ" + ], + [ + "ç¡", + "Ĭ" + ], + [ + "ç¡", + "į" + ], + [ + "åĭ", + "Ķ" + ], + [ + "ä´", + "ķ" + ], + [ + "é¾", + "ģ" + ], + [ + "éĢ", + "´" + ], + [ + "åĶ", + "ª" + ], + [ + "åķ", + "«" + ], + [ + "ç¿", + "Ī" + ], + [ + "ã", + "«" + ], + [ + "ã«", + "°" + ], + [ + "æĻ", + "Ļ" + ], + [ + "çķ", + "¤" + ], + [ + "ð¬±", + "ĸ" + ], + [ + "è¶", + "¼" + ], + [ + "è·", + "Ĥ" + ], + [ + "èĽ", + "ĥ" + ], + [ + "èļ", + "²" + ], + [ + "ð¬Ł", + "½" + ], + [ + "èļ", + "º" + ], + [ + "åķ", + "´" + ], + [ + "äİ", + "ĥ" + ], + [ + "å´", + "§" + ], + [ + "å´", + "Ł" + ], + [ + "å´", + "ŀ" + ], + [ + "å´", + "Ĵ" + ], + [ + "å´", + "Į" + ], + [ + "å´", + "¡" + ], + [ + "éĵ", + "ı" + ], + [ + "ð«ĵ", + "¯" + ], + [ + "ð«Ł", + "¹" + ], + [ + "éĵ", + "ķ" + ], + [ + "ð«Ł", + "¼" + ], + [ + "éĵ", + "ĸ" + ], + [ + "éĵ", + "ĺ" + ], + [ + "éĵ", + "ļ" + ], + [ + "éĵ", + "ŀ" + ], + [ + "éĵ", + "¥" + ], + [ + "éĵ", + "´" + ], + [ + "çī", + "»" + ], + [ + "çī", + "¿" + ], + [ + "ç¨", + "Ĩ" + ], + [ + "ç¬", + "±" + ], + [ + "ç¬", + "¯" + ], + [ + "åģ", + "°" + ], + [ + "åģ", + "¡" + ], + [ + "é¸", + "º" + ], + [ + "åģ", + "Ń" + ], + [ + "åģ", + "²" + ], + [ + "åģ", + "ģ" + ], + [ + "ã", + "¿" + ], + [ + "ã¿", + "ł" + ], + [ + "éĦ", + "ħ" + ], + [ + "åģ", + "ĵ" + ], + [ + "å¾", + "Ľ" + ], + [ + "è¡", + "Ĵ" + ], + [ + "èĪ", + "³" + ], + [ + "èĪ", + "²" + ], + [ + "é¸", + "¼" + ], + [ + "æĤ", + "Ĩ" + ], + [ + "éĦ", + "ĥ" + ], + [ + "çĵ", + "»" + ], + [ + "ä", + "Ŀ" + ], + [ + "äĿ", + "Ļ" + ], + [ + "èĦ", + "¶" + ], + [ + "èĦ", + "ŀ" + ], + [ + "èĦ", + "Ł" + ], + [ + "äı", + "²" + ], + [ + "é±", + "¾" + ], + [ + "çĮ", + "ĩ" + ], + [ + "çĮ", + "Ĭ" + ], + [ + "çĮ", + "Ħ" + ], + [ + "è§", + "ĸ" + ], + [ + "ðł", + "ħ" + ], + [ + "ðłħ", + "¤" + ], + [ + "åº", + "±" + ], + [ + "åº", + "¼" + ], + [ + "åº", + "³" + ], + [ + "çĹ", + "ĵ" + ], + [ + "ä´", + "Ķ" + ], + [ + "ç«", + "«" + ], + [ + "åł", + "ĥ" + ], + [ + "éĺ", + "Į" + ], + [ + "ç¾", + "Ŀ" + ], + [ + "ç¾", + "ķ" + ], + [ + "çĦ", + "Ĩ" + ], + [ + "çĥ", + "º" + ], + [ + "çĦ", + "Į" + ], + [ + "æ·", + "ı" + ], + [ + "ð¬ĩ", + "¹" + ], + [ + "æ·", + "Ł" + ], + [ + "æ·", + "ľ" + ], + [ + "æ·", + "´" + ], + [ + "æ·", + "¯" + ], + [ + "æ¹", + "´" + ], + [ + "æ¶", + "´" + ], + [ + "ð¬į", + "¡" + ], + [ + "ã", + "¥" + ], + [ + "ã¥", + "Ħ" + ], + [ + "æĥ", + "Ľ" + ], + [ + "æĥ", + "Ķ" + ], + [ + "æĤ", + "°" + ], + [ + "æĥ", + "Ļ" + ], + [ + "å¯", + "ģ" + ], + [ + "éĢ", + "Ń" + ], + [ + "ð¬¤", + "ĩ" + ], + [ + "ð«į", + "¯" + ], + [ + "è¢", + "¼" + ], + [ + "è£", + "Ī" + ], + [ + "ç¥", + "²" + ], + [ + "ð¬¤", + "Ĭ" + ], + [ + "ð«į", + "²" + ], + [ + "è°", + "ŀ" + ], + [ + "èī", + "´" + ], + [ + "å¼", + "¸" + ], + [ + "å¼", + "¶" + ], + [ + "ð¬¯", + "İ" + ], + [ + "éļ", + "ĥ" + ], + [ + "å©", + "ŀ" + ], + [ + "å¨", + "µ" + ], + [ + "å©", + "¼" + ], + [ + "åª", + "ĸ" + ], + [ + "å©", + "³" + ], + [ + "å©", + "į" + ], + [ + "å©", + "Į" + ], + [ + "å©", + "«" + ], + [ + "å©", + "¤" + ], + [ + "å©", + "ĺ" + ], + [ + "å©", + "ł" + ], + [ + "ð¬ĺ", + "¬" + ], + [ + "ð¬ĺ", + "Ń" + ], + [ + "ð¬´", + "Ĥ" + ], + [ + "ð«ĺ", + "¦" + ], + [ + "ç»", + "¹" + ], + [ + "ð«Ł", + "ħ" + ], + [ + "ð¬ĺ", + "¯" + ], + [ + "éª", + "ķ" + ], + [ + "ð«ĺ", + "§" + ], + [ + "çµ", + "ľ" + ], + [ + "çı", + "·" + ], + [ + "çIJ", + "²" + ], + [ + "çIJ", + "¡" + ], + [ + "çIJ", + "Ł" + ], + [ + "çIJ", + "Ķ" + ], + [ + "çIJ", + "Ń" + ], + [ + "åł", + "¾" + ], + [ + "åł", + "¼" + ], + [ + "æı", + "ķ" + ], + [ + "ãĻ", + "ĺ" + ], + [ + "åł", + "§" + ], + [ + "åĸ", + "Ĩ" + ], + [ + "åł", + "¨" + ], + [ + "å¡", + "ħ" + ], + [ + "åł", + "ł" + ], + [ + "çµ", + "·" + ], + [ + "ðª", + "£" + ], + [ + "ðª£", + "»" + ], + [ + "ð¡", + "İ" + ], + [ + "ð¡İ", + "ļ" + ], + [ + "è", + "ijľ" + ], + [ + "æĥ", + "İ" + ], + [ + "èIJ", + "³" + ], + [ + "èij", + "Ļ" + ], + [ + "éĿ", + "¬" + ], + [ + "èij", + "´" + ], + [ + "èĴ", + "ĩ" + ], + [ + "èĴ", + "Ī" + ], + [ + "éĦ", + "ļ" + ], + [ + "èĴ", + "ī" + ], + [ + "èĵ", + "ĩ" + ], + [ + "èIJ", + "©" + ], + [ + "èij", + "°" + ], + [ + "èij", + "İ" + ], + [ + "éĦ", + "ij" + ], + [ + "èĴ", + "İ" + ], + [ + "èij", + "ĸ" + ], + [ + "èĴ", + "Ħ" + ], + [ + "èIJ", + "¹" + ], + [ + "æ£", + "¤" + ], + [ + "æ£", + "½" + ], + [ + "æ£", + "«" + ], + [ + "æ¤", + "ĵ" + ], + [ + "æ¤", + "ij" + ], + [ + "ð¬", + "ĥ" + ], + [ + "ð¬ĥ", + "Ĭ" + ], + [ + "é¹", + "Ģ" + ], + [ + "æ¤", + "Ĩ" + ], + [ + "æ£", + "ĵ" + ], + [ + "æ£", + "¬" + ], + [ + "æ£", + "ª" + ], + [ + "æ¤", + "Ģ" + ], + [ + "æ¥", + "Ĺ" + ], + [ + "ð¬", + "·" + ], + [ + "ð¬·", + "ķ" + ], + [ + "çĶ", + "¦" + ], + [ + "éħ", + "¦" + ], + [ + "è§", + "Į" + ], + [ + "å¥", + "¡" + ], + [ + "çļ", + "ķ" + ], + [ + "ç¡", + "ª" + ], + [ + "æ¬", + "¹" + ], + [ + "è©", + "Ł" + ], + [ + "ð«IJ", + "IJ" + ], + [ + "è¾", + "Į" + ], + [ + "æ£", + "IJ" + ], + [ + "é¾", + "Ĥ" + ], + [ + "ð¬", + "¹" + ], + [ + "ð¬¹", + "¼" + ], + [ + "é»", + "¹" + ], + [ + "çī", + "ļ" + ], + [ + "çĿ", + "İ" + ], + [ + "æĻ", + "«" + ], + [ + "æĻ", + "ª" + ], + [ + "æĻ", + "±" + ], + [ + "ð", + "§" + ], + [ + "ð§", + "¿" + ], + [ + "ð§¿", + "¹" + ], + [ + "èĽ", + "ij" + ], + [ + "çķ", + "¯" + ], + [ + "æĸ", + "Ŀ" + ], + [ + "åĸ", + "¤" + ], + [ + "å´", + "¶" + ], + [ + "åµ", + "ģ" + ], + [ + "ð«", + "¶" + ], + [ + "ð«¶", + "ĩ" + ], + [ + "å´", + "¾" + ], + [ + "åµ", + "ħ" + ], + [ + "å´", + "¿" + ], + [ + "åµ", + "ļ" + ], + [ + "ç¿", + "Ļ" + ], + [ + "ð«ĸ", + "®" + ], + [ + "åľ", + "Į" + ], + [ + "åľ", + "IJ" + ], + [ + "èµ", + "ij" + ], + [ + "èµ", + "Ĵ" + ], + [ + "é¿", + "ı" + ], + [ + "éĵ", + "¹" + ], + [ + "ð¬Ń", + "Ĭ" + ], + [ + "éĵ", + "½" + ], + [ + "ð¨±", + "ĩ" + ], + [ + "ð«ĵ", + "¶" + ], + [ + "éĶ", + "Ĭ" + ], + [ + "éĶ", + "į" + ], + [ + "éĶ", + "İ" + ], + [ + "ð¬Ń", + "İ" + ], + [ + "éĶ", + "ĵ" + ], + [ + "çĬ", + "ĩ" + ], + [ + "é¢", + "ĭ" + ], + [ + "ç¨", + "Į" + ], + [ + "çŃ", + "Ģ" + ], + [ + "çŃ", + "ĺ" + ], + [ + "çŃ", + "ľ" + ], + [ + "çŃ", + "¥" + ], + [ + "çŃ", + "ħ" + ], + [ + "åĤ", + "ĥ" + ], + [ + "åĤ", + "ī" + ], + [ + "ç¿", + "Ľ" + ], + [ + "åĤ", + "Ĵ" + ], + [ + "åĤ", + "ķ" + ], + [ + "èĪ", + "¾" + ], + [ + "çķ", + "¬" + ], + [ + "ð«ĸ", + "¯" + ], + [ + "èĦ", + "¿" + ], + [ + "èħ", + "ĺ" + ], + [ + "ä", + "IJ" + ], + [ + "äIJ", + "ĥ" + ], + [ + "èħ", + "Ļ" + ], + [ + "èħ", + "Ĵ" + ], + [ + "ð¬±", + "Ł" + ], + [ + "é²", + "ĥ" + ], + [ + "çĮ", + "°" + ], + [ + "ð«", + "Ľ" + ], + [ + "ð«Ľ", + "Ń" + ], + [ + "çĮ", + "¯" + ], + [ + "ã", + "º" + ], + [ + "ãº", + "Ħ" + ], + [ + "é¦", + "ī" + ], + [ + "åĩ", + "ĵ" + ], + [ + "éĦ", + "Ĺ" + ], + [ + "ð«", + "·" + ], + [ + "ð«·", + "·" + ], + [ + "å»", + "ĭ" + ], + [ + "å»", + "Ĩ" + ], + [ + "éĦ", + "Į" + ], + [ + "ç²", + "¢" + ], + [ + "éģ", + "Ĩ" + ], + [ + "æĹ", + "IJ" + ], + [ + "ð¬®", + "±" + ], + [ + "çĦ", + "ŀ" + ], + [ + "ð¬Ĭ", + "¤" + ], + [ + "æ¬", + "»" + ], + [ + "ð£", + "¸" + ], + [ + "ð£¸", + "£" + ], + [ + "æº", + "ļ" + ], + [ + "æº", + "ģ" + ], + [ + "æ¹", + "Ŀ" + ], + [ + "æ¸", + "°" + ], + [ + "æ¹", + "ĵ" + ], + [ + "ã", + "´" + ], + [ + "ã´", + "Ķ" + ], + [ + "æ¸", + "Ł" + ], + [ + "æº", + "ł" + ], + [ + "æ¸", + "¼" + ], + [ + "æº", + "ĩ" + ], + [ + "æ¹", + "£" + ], + [ + "æ¹", + "ij" + ], + [ + "æº", + "ŀ" + ], + [ + "æĦ", + "IJ" + ], + [ + "æĦ", + "ĥ" + ], + [ + "æķ", + "©" + ], + [ + "çĶ", + "¯" + ], + [ + "æ£", + "¨" + ], + [ + "æī", + "Ĭ" + ], + [ + "è£", + "£" + ], + [ + "ç¥", + "¼" + ], + [ + "å©", + "»" + ], + [ + "åª", + "Ĩ" + ], + [ + "åª", + "ŀ" + ], + [ + "ãĽ", + "¹" + ], + [ + "åª", + "ĵ" + ], + [ + "åª", + "Ĥ" + ], + [ + "åª", + "Ħ" + ], + [ + "æ¯", + "µ" + ], + [ + "çŁ", + "ŀ" + ], + [ + "ð¬´", + "ĥ" + ], + [ + "ð«ĺ", + "¨" + ], + [ + "ç¼", + "Ĭ" + ], + [ + "ç¼", + "IJ" + ], + [ + "éª", + "Ļ" + ], + [ + "çij", + "ĥ" + ], + [ + "çij", + "ĵ" + ], + [ + "çij", + "ħ" + ], + [ + "çij", + "Ĩ" + ], + [ + "ä´", + "ĸ" + ], + [ + "çij", + "ĸ" + ], + [ + "çij", + "Ŀ" + ], + [ + "çij", + "Ķ" + ], + [ + "çij", + "Ģ" + ], + [ + "ð¤", + "§" + ], + [ + "ð¤§", + "Ľ" + ], + [ + "çij", + "³" + ], + [ + "çij", + "Ĥ" + ], + [ + "å¶", + "ħ" + ], + [ + "çij", + "ij" + ], + [ + "éģ", + "ĺ" + ], + [ + "é«", + "¢" + ], + [ + "å¡", + "¥" + ], + [ + "åł", + "½" + ], + [ + "èµ", + "ª" + ], + [ + "æij", + "Ľ" + ], + [ + "å¡", + "Ŀ" + ], + [ + "æIJ", + "Ĵ" + ], + [ + "æIJ", + "Į" + ], + [ + "èĴ", + "±" + ], + [ + "èĴ", + "¨" + ], + [ + "èĵ", + "ı" + ], + [ + "èĶ", + "Ģ" + ], + [ + "èĵ", + "¢" + ], + [ + "èĵ", + "Ĥ" + ], + [ + "èĴ", + "»" + ], + [ + "èĵ", + "£" + ], + [ + "æ¤", + "¹" + ], + [ + "æ¥", + "ª" + ], + [ + "æ¦", + "ĥ" + ], + [ + "æ¦", + "ħ" + ], + [ + "æ¥", + "Ĵ" + ], + [ + "æ¥", + "©" + ], + [ + "æ¦", + "ĩ" + ], + [ + "æ¤", + "¸" + ], + [ + "æ¥", + "Ļ" + ], + [ + "æŃ", + "ħ" + ], + [ + "ð¬", + "ª" + ], + [ + "ð¬ª", + "©" + ], + [ + "ç¢", + "ĥ" + ], + [ + "ç¢", + "ı" + ], + [ + "ð¬Ĵ", + "Ķ" + ], + [ + "ç¢", + "Ī" + ], + [ + "äĥ", + "ħ" + ], + [ + "ç¡", + "¿" + ], + [ + "éĦ", + "ł" + ], + [ + "è¾", + "Ĵ" + ], + [ + "ð¬¨", + "İ" + ], + [ + "ð«IJ", + "ĵ" + ], + [ + "é¾", + "Ĩ" + ], + [ + "è§", + "ľ" + ], + [ + "ä", + "£" + ], + [ + "ä£", + "ĺ" + ], + [ + "æļ", + "ķ" + ], + [ + "é¹", + "į" + ], + [ + "ð«", + "«" + ], + [ + "ð««", + "ĩ" + ], + [ + "ã¬", + "Ĭ" + ], + [ + "æļ", + "ħ" + ], + [ + "è·", + "±" + ], + [ + "èľ", + "IJ" + ], + [ + "èľ", + "İ" + ], + [ + "åµ", + "²" + ], + [ + "èµ", + "Ĺ" + ], + [ + "éª", + "±" + ], + [ + "éĶ", + "ĸ" + ], + [ + "ð«ĵ", + "¹" + ], + [ + "éĶ", + "ĺ" + ], + [ + "éĶ", + "³" + ], + [ + "éĶ", + "§" + ], + [ + "éĶ", + "ª" + ], + [ + "ð¬Ń", + "ļ" + ], + [ + "éĶ", + "«" + ], + [ + "éĶ", + "¬" + ], + [ + "ð¬Ń", + "Ľ" + ], + [ + "ç¨", + "ij" + ], + [ + "ç¨", + "Ļ" + ], + [ + "ä", + "ħ" + ], + [ + "äħ", + "Ł" + ], + [ + "ð¬", + "ķ" + ], + [ + "ð¬ķ", + "Ĥ" + ], + [ + "çŃ", + "»" + ], + [ + "çŃ", + "¼" + ], + [ + "çŃ", + "¶" + ], + [ + "çŃ", + "¦" + ], + [ + "çŃ", + "¤" + ], + [ + "åĤ", + "º" + ], + [ + "é¹", + "İ" + ], + [ + "åĥ", + "ĩ" + ], + [ + "èī", + "ħ" + ], + [ + "èī", + "ī" + ], + [ + "è°", + "¼" + ], + [ + "è²", + "Ĩ" + ], + [ + "èħ", + "½" + ], + [ + "èħ", + "¨" + ], + [ + "èħ", + "¯" + ], + [ + "é²", + "ī" + ], + [ + "é²", + "Ĭ" + ], + [ + "é²", + "Į" + ], + [ + "ä²", + "Ł" + ], + [ + "ð¬¶", + "ĭ" + ], + [ + "ð¬¶", + "į" + ], + [ + "é²", + "ı" + ], + [ + "éĽ", + "Ĭ" + ], + [ + "çĮ", + "º" + ], + [ + "é£", + "Ķ" + ], + [ + "è§", + "Ł" + ], + [ + "ð¦", + "Ŀ¼" + ], + [ + "é¦", + "Į" + ], + [ + "è£", + "Ľ" + ], + [ + "å»", + "Ĵ" + ], + [ + "çĺ", + "ħ" + ], + [ + "éĦ", + "ĺ" + ], + [ + "é¹", + "Ĵ" + ], + [ + "éĦ", + "ľ" + ], + [ + "éº", + "Ģ" + ], + [ + "éĦ", + "£" + ], + [ + "éĺ", + "ĺ" + ], + [ + "ð«Ķ", + "¶" + ], + [ + "çħ", + "ģ" + ], + [ + "çħ", + "ĥ" + ], + [ + "çħ", + "´" + ], + [ + "çħ", + "ĭ" + ], + [ + "çħ", + "Ł" + ], + [ + "çħ", + "ĵ" + ], + [ + "æ»", + "ł" + ], + [ + "æº", + "į" + ], + [ + "æº", + "¹" + ], + [ + "æ»", + "Ĩ" + ], + [ + "æ»", + "ī" + ], + [ + "æº", + "¦" + ], + [ + "æº", + "µ" + ], + [ + "æ¼", + "·" + ], + [ + "æ»", + "§" + ], + [ + "æ»", + "ĺ" + ], + [ + "æ»", + "į" + ], + [ + "æĦ", + "Ń" + ], + [ + "æħ", + "¥" + ], + [ + "æħ", + "Ĩ" + ], + [ + "å¡", + "±" + ], + [ + "ð«", + "ĮĢ" + ], + [ + "è", + "£¼" + ], + [ + "ç¦", + "ĭ" + ], + [ + "ç¦", + "Ķ" + ], + [ + "ç¦", + "ĺ" + ], + [ + "ç¦", + "Ĵ" + ], + [ + "è°", + "«" + ], + [ + "é¹", + "Ķ" + ], + [ + "ð«ĸ", + "³" + ], + [ + "æĦ", + "į" + ], + [ + "å«", + "Ħ" + ], + [ + "åª", + "±" + ], + [ + "æĪ", + "¤" + ], + [ + "åĭ", + "ł" + ], + [ + "æĪ", + "£" + ], + [ + "ð«ĺ", + "ª" + ], + [ + "ð«ĺ", + "¬" + ], + [ + "ç¼", + "ŀ" + ], + [ + "èĢ", + "¤" + ], + [ + "çij", + "§" + ], + [ + "ð«", + "ŀ" + ], + [ + "ð«ŀ", + "©" + ], + [ + "çij", + "¨" + ], + [ + "çij", + "±" + ], + [ + "çij", + "·" + ], + [ + "çij", + "¢" + ], + [ + "æĸ", + "ł" + ], + [ + "æij", + "ı" + ], + [ + "å¢", + "ķ" + ], + [ + "å¢", + "Ī" + ], + [ + "å¢", + "IJ" + ], + [ + "å¢", + "ĺ" + ], + [ + "æij", + "´" + ], + [ + "éĬ", + "İ" + ], + [ + "ð¡", + "IJ" + ], + [ + "ð¡IJ", + "ĵ" + ], + [ + "å¢", + "ļ" + ], + [ + "æĴ", + "ĸ" + ], + [ + "ðª", + "¤" + ], + [ + "ðª¤", + "Ĺ" + ], + [ + "éĿ", + "½" + ], + [ + "éŀ", + "ģ" + ], + [ + "èĶ", + "Į" + ], + [ + "èĶ", + "Ī" + ], + [ + "èĵ", + "°" + ], + [ + "èĶ", + "¹" + ], + [ + "èĶ", + "Ĭ" + ], + [ + "åĺ", + "ı" + ], + [ + "æ¦", + "°" + ], + [ + "æ¦", + "ij" + ], + [ + "æ§", + "ļ" + ], + [ + "ð£", + "Ĺ" + ], + [ + "ð£Ĺ", + "ĭ" + ], + [ + "æ§", + "ľ" + ], + [ + "æ¦", + "į" + ], + [ + "çĸ", + "IJ" + ], + [ + "ð¬¸", + "ĺ" + ], + [ + "éħ", + "º" + ], + [ + "éħ", + "¾" + ], + [ + "éħ", + "²" + ], + [ + "éħ", + "´" + ], + [ + "ç¢", + "¶" + ], + [ + "äĥ", + "İ" + ], + [ + "ð¬Ĵ", + "Ĺ" + ], + [ + "ç¢", + "¨" + ], + [ + "ð¥", + "Ķ" + ], + [ + "ð¥Ķ", + "²" + ], + [ + "ç¢", + "¹" + ], + [ + "ç¢", + "¥" + ], + [ + "åĬ", + "Ĥ" + ], + [ + "ð«ļ", + "ĸ" + ], + [ + "ä´", + "Ĺ" + ], + [ + "å¤", + "¥" + ], + [ + "çŀ", + "į" + ], + [ + "é¹", + "ĸ" + ], + [ + "ã¬", + "İ" + ], + [ + "è·", + "½" + ], + [ + "èľ", + "¾" + ], + [ + "å¹", + "ĸ" + ], + [ + "å¶", + "į" + ], + [ + "åľ", + "Ļ" + ], + [ + "ð¨±", + "ı" + ], + [ + "éĶ", + "º" + ], + [ + "éĶ", + "¼" + ], + [ + "éĶ", + "½" + ], + [ + "ð¬Ń", + "¤" + ], + [ + "éĶ", + "¾" + ], + [ + "éĶ", + "¿" + ], + [ + "éķ", + "ĥ" + ], + [ + "éķ", + "Ħ" + ], + [ + "éķ", + "ħ" + ], + [ + "é¦", + "Ŀ" + ], + [ + "é¹", + "Ļ" + ], + [ + "ç®", + "¨" + ], + [ + "ç®", + "ĸ" + ], + [ + "åĬ", + "Ħ" + ], + [ + "åĥ", + "¬" + ], + [ + "åĥ", + "¦" + ], + [ + "åĥ", + "Ķ" + ], + [ + "åĥ", + "İ" + ], + [ + "æ§", + "ĥ" + ], + [ + "ãĻ", + "¦" + ], + [ + "é²", + "Ĵ" + ], + [ + "é²", + "ķ" + ], + [ + "ð«ļ", + "ķ" + ], + [ + "é²", + "ĸ" + ], + [ + "é²", + "Ĺ" + ], + [ + "é²", + "ĺ" + ], + [ + "é²", + "Ļ" + ], + [ + "ð¬¶", + "IJ" + ], + [ + "ð¬¶", + "ı" + ], + [ + "ð", + "©½" + ], + [ + "ð©½", + "¾" + ], + [ + "å¤", + "IJ" + ], + [ + "çį", + "į" + ], + [ + "é£", + "Ĺ" + ], + [ + "ð¬¸", + "ļ" + ], + [ + "åĩ", + "ĺ" + ], + [ + "å»", + "ij" + ], + [ + "å»", + "Ļ" + ], + [ + "çĺ", + "Ĺ" + ], + [ + "çĺ", + "¥" + ], + [ + "çĺ", + "ķ" + ], + [ + "é²", + "Ŀ" + ], + [ + "éĦ", + "«" + ], + [ + "çĨ", + "ĩ" + ], + [ + "æ¼", + "¹" + ], + [ + "æ¼", + "ĸ" + ], + [ + "æ½", + "Ĩ" + ], + [ + "æ¼", + "¤" + ], + [ + "æ½", + "©" + ], + [ + "æ¼", + "¼" + ], + [ + "æ¼", + "´" + ], + [ + "ã", + "½" + ], + [ + "ã½", + "ı" + ], + [ + "æ¼", + "Ī" + ], + [ + "æ¼", + "ĭ" + ], + [ + "æ¼", + "»" + ], + [ + "æħ", + "¬" + ], + [ + "çª", + "¬" + ], + [ + "çª", + "Ń" + ], + [ + "ã", + "®" + ], + [ + "ã®", + "¾" + ], + [ + "ð¬¤", + "Ŀ" + ], + [ + "è¤", + "ķ" + ], + [ + "ç¦", + "Ľ" + ], + [ + "ç¦", + "ļ" + ], + [ + "éļ", + "©" + ], + [ + "å«", + "ķ" + ], + [ + "å«", + "Ń" + ], + [ + "å«", + "ľ" + ], + [ + "å«", + "ª" + ], + [ + "ð¬", + "ĻĤ" + ], + [ + "ã", + "»" + ], + [ + "ã»", + "¬" + ], + [ + "éº", + "¹" + ], + [ + "çĴ", + "Ĩ" + ], + [ + "æ¼", + "¦" + ], + [ + "åı", + "ĩ" + ], + [ + "å¢", + "£" + ], + [ + "å¢", + "¦" + ], + [ + "å¢", + "¡" + ], + [ + "åĬ", + "IJ" + ], + [ + "èĸ", + "ģ" + ], + [ + "èķ", + "°" + ], + [ + "èĶ", + "ĥ" + ], + [ + "é¼", + "Ĵ" + ], + [ + "æ§", + "±" + ], + [ + "é¹", + "Ŀ" + ], + [ + "ç£", + "ı" + ], + [ + "ç£", + "ī" + ], + [ + "æ®", + "£" + ], + [ + "æħ", + "Ń" + ], + [ + "éľ", + "ħ" + ], + [ + "æļ", + "µ" + ], + [ + "æļ", + "²" + ], + [ + "æļ", + "¶" + ], + [ + "è¸", + "¦" + ], + [ + "è¸", + "£" + ], + [ + "äĹ", + "ĸ" + ], + [ + "èĿ", + "ĺ" + ], + [ + "èĿ", + "²" + ], + [ + "èĿ", + "¤" + ], + [ + "åĻ", + "ĩ" + ], + [ + "å", + "ĻĤ" + ], + [ + "åĻ", + "Ģ" + ], + [ + "ç½", + "¶" + ], + [ + "å¶", + "²" + ], + [ + "å¶", + "ĵ" + ], + [ + "ãł", + "ĩ" + ], + [ + "å¶", + "Ł" + ], + [ + "å¶", + "Ĵ" + ], + [ + "éķ", + "Ĩ" + ], + [ + "éķ", + "Ī" + ], + [ + "éķ", + "ĭ" + ], + [ + "éķ", + "İ" + ], + [ + "ð¬Ń", + "©" + ], + [ + "éķ", + "ķ" + ], + [ + "ç¨", + "¹" + ], + [ + "åĦ", + "ĩ" + ], + [ + "çļ", + "ŀ" + ], + [ + "çļ", + "Ľ" + ], + [ + "ä´", + "ĺ" + ], + [ + "èī", + "İ" + ], + [ + "èī", + "ı" + ], + [ + "é¹", + "Ł" + ], + [ + "ð©¾", + "ĥ" + ], + [ + "é²", + "¦" + ], + [ + "é²", + "ª" + ], + [ + "é²", + "¬" + ], + [ + "æ©", + "¥" + ], + [ + "è§", + "Ń" + ], + [ + "é¹", + "ł" + ], + [ + "é¹", + "¡" + ], + [ + "ç³", + "ĩ" + ], + [ + "ç³", + "Ī" + ], + [ + "ç¿", + "¦" + ], + [ + "é¹", + "¢" + ], + [ + "é¹", + "£" + ], + [ + "çĨ", + "Ľ" + ], + [ + "æ½", + "ĸ" + ], + [ + "æ½", + "µ" + ], + [ + "ã", + "µ" + ], + [ + "ãµ", + "IJ" + ], + [ + "æ¾", + "Ĥ" + ], + [ + "æ¾", + "Ľ" + ], + [ + "çij", + "¬" + ], + [ + "æ½", + "½" + ], + [ + "æ½", + "¾" + ], + [ + "æ½", + "ı" + ], + [ + "æĨ", + "Ń" + ], + [ + "æĨ", + "ķ" + ], + [ + "ð¬¸", + "£" + ], + [ + "æĪ", + "Ń" + ], + [ + "è¤", + "¯" + ], + [ + "ç¦", + "¤" + ], + [ + "ð«į", + "½" + ], + [ + "å«", + "½" + ], + [ + "éģ", + "¹" + ], + [ + "ð¬´", + "Ĭ" + ], + [ + "çĴ", + "¥" + ], + [ + "çĴ", + "²" + ], + [ + "çĴ", + "Ĵ" + ], + [ + "æĨ", + "Ļ" + ], + [ + "æĵ", + "IJ" + ], + [ + "éĦ", + "¹" + ], + [ + "èĸ", + "³" + ], + [ + "éŀ", + "Ķ" + ], + [ + "é»", + "ĩ" + ], + [ + "ð¬", + "ŀ" + ], + [ + "ð¬ŀ", + "Ł" + ], + [ + "èķ", + "Ĺ" + ], + [ + "èĸ", + "¢" + ], + [ + "èķ", + "¹" + ], + [ + "æ©", + "ŀ" + ], + [ + "æ©", + "ij" + ], + [ + "æ©", + "¦" + ], + [ + "éĨ", + "ij" + ], + [ + "è§", + "±" + ], + [ + "ç£", + "¡" + ], + [ + "ð¥", + "ķ" + ], + [ + "ð¥ķ", + "¢" + ], + [ + "ç£", + "ľ" + ], + [ + "è±", + "®" + ], + [ + "ð«Ł", + "¦" + ], + [ + "ð¬º", + "Ī" + ], + [ + "ð«ł", + "ľ" + ], + [ + "é¹", + "¾" + ], + [ + "èĻ", + "¤" + ], + [ + "æļ", + "¿" + ], + [ + "æĽ", + "Į" + ], + [ + "æĽ", + "Ī" + ], + [ + "ã¬", + "ļ" + ], + [ + "è¹", + "ħ" + ], + [ + "è¸", + "¶" + ], + [ + "äĹ", + "Ľ" + ], + [ + "èŀ", + "Ĺ" + ], + [ + "çĸ", + "ģ" + ], + [ + "ãł", + "ĵ" + ], + [ + "å¹", + "ª" + ], + [ + "ðª", + "©" + ], + [ + "ðª©", + "ĺ" + ], + [ + "å¶", + "¦" + ], + [ + "ð¬Ń", + "¬" + ], + [ + "ð¨±", + "ij" + ], + [ + "ð¬Ń", + "¯" + ], + [ + "é¦", + "ŀ" + ], + [ + "ç©", + "Ħ" + ], + [ + "ç¯", + "ļ" + ], + [ + "ç¯", + "¯" + ], + [ + "ç°", + "ī" + ], + [ + "é¼", + "½" + ], + [ + "è¡", + "ł" + ], + [ + "çĽ", + "¦" + ], + [ + "èŀ", + "£" + ], + [ + "ç¸", + "¢" + ], + [ + "é²", + "Ń" + ], + [ + "é²", + "¯" + ], + [ + "é²", + "°" + ], + [ + "é²", + "º" + ], + [ + "é²", + "¹" + ], + [ + "ð«Ĺ", + "´" + ], + [ + "äº", + "¸" + ], + [ + "çĻ", + "Ģ" + ], + [ + "çĺ", + "Ń" + ], + [ + "ð¬¸", + "¦" + ], + [ + "ç¾", + "±" + ], + [ + "ç³", + "Ĵ" + ], + [ + "çĩ", + "ĭ" + ], + [ + "çĨ", + "»" + ], + [ + "çĩ", + "Ĭ" + ], + [ + "çĩ", + "ļ" + ], + [ + "çĩ", + "ı" + ], + [ + "æ¿", + "©" + ], + [ + "æ¿", + "ĭ" + ], + [ + "æ¾", + "ª" + ], + [ + "æ¾", + "½" + ], + [ + "æ¾", + "´" + ], + [ + "æ¾", + "Ń" + ], + [ + "æ¾", + "¼" + ], + [ + "æĨ", + "·" + ], + [ + "æĨ", + "º" + ], + [ + "æĩ", + "Ķ" + ], + [ + "é»", + "ī" + ], + [ + "å¬", + "Ľ" + ], + [ + "é¹", + "¨" + ], + [ + "ç¿", + "¯" + ], + [ + "ð«Ħ", + "·" + ], + [ + "çĴ", + "±" + ], + [ + "ð¤", + "©½" + ], + [ + "çĴ", + "¬" + ], + [ + "çĴ", + "®" + ], + [ + "é«", + "½" + ], + [ + "æĵ", + "¿" + ], + [ + "èĸ", + "¿" + ], + [ + "èĸ", + "¸" + ], + [ + "æª", + "ij" + ], + [ + "æ«", + "Ĩ" + ], + [ + "æª", + "ŀ" + ], + [ + "éĨ", + "¨" + ], + [ + "ç", + "¹Ħ" + ], + [ + "ç£", + "¹" + ], + [ + "ç£", + "»" + ], + [ + "çŀ", + "«" + ], + [ + "çŀ", + "µ" + ], + [ + "è¹", + "IJ" + ], + [ + "èŁ", + "ı" + ], + [ + "ã", + "ĺ" + ], + [ + "ãĺ", + "İ" + ], + [ + "ð¬Ń", + "³" + ], + [ + "éķ", + "¤" + ], + [ + "ð¬Ń", + "¶" + ], + [ + "ð«Ķ", + "į" + ], + [ + "éķ", + "¥" + ], + [ + "éķ", + "¨" + ], + [ + "ð¬Ń", + "¸" + ], + [ + "ð¨±", + "Ķ" + ], + [ + "ð¬Ń", + "¼" + ], + [ + "ð«Ķ", + "İ" + ], + [ + "çŁ", + "°" + ], + [ + "ç©", + "Ļ" + ], + [ + "ç©", + "ľ" + ], + [ + "ç©", + "Ł" + ], + [ + "ç°", + "ķ" + ], + [ + "ç°", + "ĥ" + ], + [ + "ç°", + "ı" + ], + [ + "åĦ", + "¦" + ], + [ + "éŃ", + "ĭ" + ], + [ + "æĸ", + "¶" + ], + [ + "èī", + "ļ" + ], + [ + "ð¬¸", + "ª" + ], + [ + "è°", + "¿" + ], + [ + "ä²", + "ł" + ], + [ + "ð¬¶", + "Ł" + ], + [ + "é²", + "¾" + ], + [ + "ð¬¶", + "ł" + ], + [ + "é²", + "¿" + ], + [ + "é³", + "ģ" + ], + [ + "é³", + "Ĥ" + ], + [ + "é³", + "Ī" + ], + [ + "é³", + "ī" + ], + [ + "çį", + "¯" + ], + [ + "äĹ", + "ª" + ], + [ + "é¦", + "ĺ" + ], + [ + "è¥", + "ķ" + ], + [ + "è¥", + "ļ" + ], + [ + "ð¬¶", + "¨" + ], + [ + "èŀ", + "±" + ], + [ + "çĶ", + "ĵ" + ], + [ + "å¬", + "¬" + ], + [ + "å¬", + "¥" + ], + [ + "ð¦", + "Ī" + ], + [ + "ð¦Ī", + "¡" + ], + [ + "ð«Ħ", + "¸" + ], + [ + "çĵ", + "Ģ" + ], + [ + "éĩ", + "IJ" + ], + [ + "é¬", + "¶" + ], + [ + "çĪ", + "ĩ" + ], + [ + "éŀ", + "³" + ], + [ + "éŀ", + "®" + ], + [ + "ð¬Ł", + "ģ" + ], + [ + "èĹ", + "Ł" + ], + [ + "èĹ", + "¦" + ], + [ + "èĹ", + "¨" + ], + [ + "é¹", + "²" + ], + [ + "æª", + "«" + ], + [ + "é»", + "¡" + ], + [ + "ç¤", + "ŀ" + ], + [ + "ç¤", + "Į" + ], + [ + "ð¥", + "ĸ" + ], + [ + "ð¥ĸ", + "¨" + ], + [ + "è¹", + "¢" + ], + [ + "è¹", + "ľ" + ], + [ + "èŁ", + "«" + ], + [ + "äĹ", + "´" + ], + [ + "åļ", + "ļ" + ], + [ + "é«", + "ĥ" + ], + [ + "éķ", + "®" + ], + [ + "éķ", + "±" + ], + [ + "éħ", + "Ĥ" + ], + [ + "é¦", + "§" + ], + [ + "ç°", + "ł" + ], + [ + "ç°", + "Ŀ" + ], + [ + "ç°", + "°" + ], + [ + "é¼", + "«" + ], + [ + "é¼", + "©" + ], + [ + "çļ", + "¦" + ], + [ + "èĩ", + "ij" + ], + [ + "ä²", + "¢" + ], + [ + "é³", + "ij" + ], + [ + "é³", + "Ĵ" + ], + [ + "é¹", + "±" + ], + [ + "é¹", + "¯" + ], + [ + "çĻ", + "Ĺ" + ], + [ + "ð¦", + "Ĵ" + ], + [ + "ð¦Ĵ", + "į" + ], + [ + "æĹ", + "ŀ" + ], + [ + "ç¿", + "·" + ], + [ + "åĨ", + "ģ" + ], + [ + "äİ", + "ĸ" + ], + [ + "çĢ", + "Ķ" + ], + [ + "çĢ", + "į" + ], + [ + "çĢ", + "Į" + ], + [ + "è¥", + "ľ" + ], + [ + "ä´", + "Ļ" + ], + [ + "ð¬Ļ", + "Ĭ" + ], + [ + "åļ", + "Ń" + ], + [ + "ã", + "°" + ], + [ + "ã°", + "Ģ" + ], + [ + "é¬", + "·" + ], + [ + "éĨ", + "Ń" + ], + [ + "è¹", + "¯" + ], + [ + "èł", + "ĭ" + ], + [ + "ç¿", + "¾" + ], + [ + "é³", + "ĺ" + ], + [ + "åĦ", + "³" + ], + [ + "åĦ", + "´" + ], + [ + "é¼", + "Ĺ" + ], + [ + "ð¬¶", + "Ń" + ], + [ + "ð©¾", + "Į" + ], + [ + "é³", + "ļ" + ], + [ + "é³", + "Ľ" + ], + [ + "éº", + "ij" + ], + [ + "éº", + "ĸ" + ], + [ + "èł", + "ĥ" + ], + [ + "å½", + "Ł" + ], + [ + "å¬", + "¿" + ], + [ + "é¬", + "Ĵ" + ], + [ + "èĺ", + "ĺ" + ], + [ + "æ¬", + "Ĥ" + ], + [ + "é", + "Ĩµ" + ], + [ + "é¢", + "¥" + ], + [ + "çĶ", + "Ĺ" + ], + [ + "ð¨", + "Ł" + ], + [ + "ð¨Ł", + "ł" + ], + [ + "å·", + "ĩ" + ], + [ + "éħ", + "ħ" + ], + [ + "é«", + "İ" + ], + [ + "çĬ", + "¨" + ], + [ + "ð¬¶", + "®" + ], + [ + "ð¨", + "Ń" + ], + [ + "ð¨Ń", + "ī" + ], + [ + "ã¸", + "Į" + ], + [ + "çĪ", + "Ķ" + ], + [ + "çĢ", + "±" + ], + [ + "çĢ", + "¹" + ], + [ + "çĢ", + "¼" + ], + [ + "çĢ", + "µ" + ], + [ + "è¥", + "«" + ], + [ + "åŃ", + "ħ" + ], + [ + "éª", + "¦" + ], + [ + "ð¬Ļ", + "ĭ" + ], + [ + "èĢ", + "°" + ], + [ + "ð¤", + "«" + ], + [ + "ð¤«", + "ī" + ], + [ + "çĵ", + "ĸ" + ], + [ + "é¬", + "ĺ" + ], + [ + "è¶", + "¯" + ], + [ + "ð¬º", + "ĵ" + ], + [ + "ç½", + "į" + ], + [ + "é¼", + "±" + ], + [ + "é³", + "ł" + ], + [ + "é³", + "¡" + ], + [ + "é³", + "£" + ], + [ + "çĪ", + "Ł" + ], + [ + "çĪ", + "ļ" + ], + [ + "çģ", + "Ī" + ], + [ + "éŁ", + "Ĥ" + ], + [ + "ç³", + "µ" + ], + [ + "èĺ", + "¼" + ], + [ + "ç¤", + "µ" + ], + [ + "é¹", + "´" + ], + [ + "èº", + "Ķ" + ], + [ + "çļ", + "Ń" + ], + [ + "é¾", + "¢" + ], + [ + "é³", + "¤" + ], + [ + "äº", + "¹" + ], + [ + "ç±", + "¥" + ], + [ + "é¼", + "·" + ], + [ + "ð«ļ", + "Ń" + ], + [ + "çİ", + "ĥ" + ], + [ + "éĨ", + "¾" + ], + [ + "é½", + "ĩ" + ], + [ + "è§", + "¿" + ], + [ + "èł", + "¼" + ], + [ + "×", + "§" + ], + [ + "×", + "¤" + ], + [ + "×", + "Ľ" + ], + [ + "×ķ×", + "ª" + ], + [ + "×", + "¡" + ], + [ + "×Ļ×", + "Ŀ" + ], + [ + "×", + "¦" + ], + [ + "×", + "Ĵ" + ], + [ + "×", + "ĺ" + ], + [ + "×ķ×", + "¨" + ], + [ + "×", + "Ŀ" + ], + [ + "×ķ×", + "ľ" + ], + [ + "×", + "ĸ" + ], + [ + "à¹", + "Ĥ" + ], + [ + "ï", + "º" + ], + [ + "ðŁ", + "į" + ], + [ + "ðŁ", + "IJ" + ], + [ + "×Ļ×", + "¨" + ], + [ + "ï", + "»" + ], + [ + "ðŁ", + "ij" + ], + [ + "ðĿ", + "IJ" + ], + [ + "ðŁ", + "ı" + ], + [ + "ðŁ", + "Ķ" + ], + [ + "ðŁ", + "Į" + ], + [ + "ðŁ", + "İ" + ], + [ + "ðŁ", + "ĵ" + ], + [ + "×", + "Ł" + ], + [ + "ðĿ", + "ij" + ], + [ + "×ķ×", + "ĵ" + ], + [ + "ï", + "¦" + ], + [ + "Ġ×", + "ķ" + ], + [ + "×ķ×", + "ij" + ], + [ + "à¸Ń", + "à¸ĩ" + ], + [ + "ðĿ", + "ĺ" + ], + [ + "×Ļ×", + "ª" + ], + [ + "ðĿ", + "ķ" + ], + [ + "à¸Ĺ", + "ีà¹Ī" + ], + [ + "اØ", + "¦" + ], + [ + "ðŁ", + "¤" + ], + [ + "×ķ×", + "Ł" + ], + [ + "ر", + "ÙĬ" + ], + [ + "×Ļ×", + "ľ" + ], + [ + "ร", + "ะ" + ], + [ + "า", + "ย" + ], + [ + "ï", + "¯" + ], + [ + "ï", + "®" + ], + [ + "า", + "ม" + ], + [ + "â", + "ĩ" + ], + [ + "ðŁ", + "¥" + ], + [ + "ï", + "Ń" + ], + [ + "ðĿ", + "Ļ" + ], + [ + "×ķ×", + "ł" + ], + [ + "á", + "½" + ], + [ + "Ġ×", + "Ľ" + ], + [ + "ðŁ", + "ļ" + ], + [ + "â", + "ļ" + ], + [ + "ï", + "§" + ], + [ + "×ij", + "ר" + ], + [ + "×Ļ×", + "ł" + ], + [ + "á", + "´" + ], + [ + "Ġ×", + "Ĺ" + ], + [ + "á", + "¼" + ], + [ + "ðĿ", + "Ĺ" + ], + [ + "Ġ×", + "¢" + ], + [ + "×Ļ×", + "Ķ" + ], + [ + "ãģ£", + "ãģŁ" + ], + [ + "ãģĵ", + "ãģ¨" + ], + [ + "á", + "¸" + ], + [ + "ÙĬ", + "ÙĨ" + ], + [ + "ãģª", + "ãģĦ" + ], + [ + "ا", + "ع" + ], + [ + "à¸", + "¨" + ], + [ + "à¹Ī", + "à¸ĩ" + ], + [ + "×Ļ×", + "ĵ" + ], + [ + "×ŀ", + "ש" + ], + [ + "á", + "Ī" + ], + [ + "׳", + "×Ļ" + ], + [ + "×Ļ×", + "ij" + ], + [ + "ï", + "¥" + ], + [ + "ðĿ", + "ĵ" + ], + [ + "Ġ×", + "Ļ" + ], + [ + "×", + "ļ" + ], + [ + "ั", + "à¸ĩ" + ], + [ + "â", + "ĵ" + ], + [ + "ï", + "¤" + ], + [ + "ĠاÙĦ", + "Ø£" + ], + [ + "า", + "à¸ģ" + ], + [ + "à¹ī", + "à¸Ļ" + ], + [ + "à¹Ģ", + "ร" + ], + [ + "×ķ×", + "Ŀ" + ], + [ + "á", + "¹" + ], + [ + "à¸", + "¶" + ], + [ + "×Ļ×", + "§" + ], + [ + "à¸", + "ĭ" + ], + [ + "à¸Ħ", + "ร" + ], + [ + "à¸", + "ĺ" + ], + [ + "ั", + "à¸ģ" + ], + [ + "ðŁ", + "ķ" + ], + [ + "ÙĪ", + "ÙĨ" + ], + [ + "à¸Ń", + "ย" + ], + [ + "â", + "Ĭ" + ], + [ + "ðĿ", + "Ĵ" + ], + [ + "ĠاÙĦ", + "ع" + ], + [ + "า", + "à¸Ļ" + ], + [ + "×Ļ×", + "Ł" + ], + [ + "ÙĦ", + "ÙĬ" + ], + [ + "×Ļ×", + "©" + ], + [ + "à¸Ľ", + "ระ" + ], + [ + "à¹Ģ", + "à¸Ľ" + ], + [ + "Ġ×", + "ł" + ], + [ + "×ķ×", + "¡" + ], + [ + "à¸", + "ł" + ], + [ + "Ùħ", + "ÙĨ" + ], + [ + "×ķ×", + "¢" + ], + [ + "×ķ×", + "ŀ" + ], + [ + "â", + "Į" + ], + [ + "ðŁ", + "§" + ], + [ + "à¹ĩ", + "à¸Ļ" + ], + [ + "à¸", + "į" + ], + [ + "ã", + "İ" + ], + [ + "á", + "µ" + ], + [ + "ĠاÙĦ", + "س" + ], + [ + "×ķ×", + "§" + ], + [ + "ห", + "ล" + ], + [ + "ðŁ", + "ĩ" + ], + [ + "â", + "ı" + ], + [ + "ðŁ", + "¦" + ], + [ + "Ġ×Ķ", + "×ŀ" + ], + [ + "ÙĪ", + "ا" + ], + [ + "Ġ×", + "ª" + ], + [ + "ר", + "×IJ" + ], + [ + "à¸Ń", + "à¸Ļ" + ], + [ + "à¸", + "©" + ], + [ + "à¹Ī", + "ว" + ], + [ + "×ķ×", + "¦" + ], + [ + "í", + "Ĺ" + ], + [ + "ã", + "Ħ" + ], + [ + "ï", + "¨" + ], + [ + "ï", + "¹" + ], + [ + "â", + "İ" + ], + [ + "ï", + "²" + ], + [ + "ðĿ", + "ļ" + ], + [ + "ð", + "IJ" + ], + [ + "à¸Ħ", + "ว" + ], + [ + "ห", + "à¸Ļ" + ], + [ + "Ġ×", + "¨" + ], + [ + "ب", + "ÙĬ" + ], + [ + "ร", + "à¹Į" + ], + [ + "ر", + "ا" + ], + [ + "Ø´", + "ر" + ], + [ + "×ķ×", + "Ĺ" + ], + [ + "×ķ×", + "¤" + ], + [ + "×ķ×", + "©" + ], + [ + "×ķ×", + "Ĵ" + ], + [ + "í", + "Ŀ" + ], + [ + "â", + "Ľ" + ], + [ + "à¸ķ", + "ิ" + ], + [ + "à¹Ģ", + "à¸ģ" + ], + [ + "ï", + "³" + ], + [ + "ï", + "±" + ], + [ + "à¸Ķ", + "à¹ī" + ], + [ + "ë", + "¹" + ], + [ + "ï", + "¬" + ], + [ + "á", + "¿" + ], + [ + "ðŁ", + "Ľ" + ], + [ + "ðĿ", + "ĸ" + ], + [ + "à¹Īา", + "à¸ĩ" + ], + [ + "ู", + "à¹ī" + ], + [ + "Ġ×Ķ", + "×IJ" + ], + [ + "ĠاÙĦ", + "ØŃ" + ], + [ + "פ", + "ר" + ], + [ + "ÙĪ", + "Ùħ" + ], + [ + "à¹Ģ", + "ล" + ], + [ + "í", + "ĸ" + ], + [ + "×Ļ×", + "¢" + ], + [ + "ì", + "Ī" + ], + [ + "í", + "ĵ" + ], + [ + "ðŁ", + "ħ" + ], + [ + "á", + "ł" + ], + [ + "à¸Ħว", + "าม" + ], + [ + "à¸Ī", + "ะ" + ], + [ + "׳", + "×Ķ" + ], + [ + "Ġ×", + "§" + ], + [ + "à¸", + "Ł" + ], + [ + "à¹ī", + "à¸ĩ" + ], + [ + "ห", + "ม" + ], + [ + "ت", + "Ùħ" + ], + [ + "׾", + "×Ļ" + ], + [ + "ÙĬ", + "د" + ], + [ + "à¹Ī", + "à¸Ļ" + ], + [ + "×Ĺ", + "ר" + ], + [ + "ש", + "ר" + ], + [ + "à¹Ģ", + "à¸Ĺ" + ], + [ + "×ŀ", + "ר" + ], + [ + "ë", + "ĸ" + ], + [ + "ع", + "ÙĦ" + ], + [ + "×ŀ", + "×¢" + ], + [ + "â", + "²" + ], + [ + "׾", + "×Ķ" + ], + [ + "Ġ×", + "¤" + ], + [ + "à¸Ń", + "à¸ģ" + ], + [ + "س", + "ÙĦ" + ], + [ + "×Ļ×", + "ŀ" + ], + [ + "ÙĤ", + "ÙĬ" + ], + [ + "í", + "İ" + ], + [ + "ت", + "ØŃ" + ], + [ + "×Ļ×", + "¡" + ], + [ + "×Ļ×", + "Ĺ" + ], + [ + "í", + "Ľ" + ], + [ + "ï", + "°" + ], + [ + "â", + "½" + ], + [ + "á", + "ī" + ], + [ + "á", + "Ĭ" + ], + [ + "á", + "¨" + ], + [ + "Ùĩ", + "ا" + ], + [ + "Ġ׾", + "×Ķ" + ], + [ + "×ķ×", + "IJ" + ], + [ + "Ùħ", + "ا" + ], + [ + "à¹īà¸Ń", + "à¸ĩ" + ], + [ + "ر", + "ب" + ], + [ + "ĠاÙĦ", + "ج" + ], + [ + "×ŀ", + "×ĵ" + ], + [ + "Ùħ", + "ÙĦ" + ], + [ + "ت", + "ر" + ], + [ + "à¹Ģ", + "à¸Ķ" + ], + [ + "×§", + "ר" + ], + [ + "í", + "ħ" + ], + [ + "ì", + "¼" + ], + [ + "ê", + "¿" + ], + [ + "ã", + "Ī" + ], + [ + "á", + "IJ" + ], + [ + "ðŁ", + "Ĺ" + ], + [ + "ê", + "¦" + ], + [ + "á", + "ĭ" + ], + [ + "ðĿ", + "Ķ" + ], + [ + "à¹Ģà¸Ľ", + "à¹ĩà¸Ļ" + ], + [ + "à¹ĥ", + "ห" + ], + [ + "ม", + "า" + ], + [ + "ว", + "à¹Īา" + ], + [ + "ม", + "ี" + ], + [ + "ี", + "à¹ī" + ], + [ + "à¹Ħม", + "à¹Ī" + ], + [ + "ÙĨ", + "ÙĬ" + ], + [ + "Ø", + "¤" + ], + [ + "ร", + "า" + ], + [ + "×ķ", + "×Ļ" + ], + [ + "ãĤĪ", + "ãģĨ" + ], + [ + "ิ", + "à¸Ķ" + ], + [ + "×Ļ×", + "¤" + ], + [ + "×Ĺ", + "׾" + ], + [ + "ÙĤ", + "د" + ], + [ + "à¹Ģ", + "ส" + ], + [ + "×Ļ×", + "ĺ" + ], + [ + "à¸ģ", + "ล" + ], + [ + "ר", + "׼" + ], + [ + "×ķ×", + "Ľ" + ], + [ + "×Ļ×", + "Ľ" + ], + [ + "ë", + "Ī" + ], + [ + "ë", + "ĥ" + ], + [ + "ðŁ", + "ĸ" + ], + [ + "á", + "ħ" + ], + [ + "â", + "¼" + ], + [ + "ã", + "ī" + ], + [ + "à¹Ħ", + "à¸Ķà¹ī" + ], + [ + "ת", + "×Ļ" + ], + [ + "×Ļ×", + "IJ" + ], + [ + "ĠاÙĦ", + "Ø¥" + ], + [ + "à¸ł", + "า" + ], + [ + "ร", + "ิ" + ], + [ + "ÙĤ", + "Ø©" + ], + [ + "ØŃ", + "د" + ], + [ + "ê", + "»" + ], + [ + "ì", + "±" + ], + [ + "ת", + "×Ĺ" + ], + [ + "ì", + "º" + ], + [ + "â", + "ĭ" + ], + [ + "á", + "Ħ" + ], + [ + "á", + "¾" + ], + [ + "â", + "µ" + ], + [ + "â", + "¾" + ], + [ + "ĠÙĪ", + "اÙĦ" + ], + [ + "׳", + "×ķ" + ], + [ + "Ù", + "Ģ" + ], + [ + "ÙĬ", + "ا" + ], + [ + "à¸ģ", + "à¹ĩ" + ], + [ + "×ŀ", + "×Ķ" + ], + [ + "ãģĦ", + "ãĤĭ" + ], + [ + "ع", + "د" + ], + [ + "ĠاÙĦ", + "ÙĨ" + ], + [ + "Ġ×Ķ", + "ש" + ], + [ + "Ø", + "¦" + ], + [ + "ั", + "à¹īà¸ĩ" + ], + [ + "ร", + "ัà¸ļ" + ], + [ + "ÙĪ", + "ÙĤ" + ], + [ + "ãģ§", + "ãģį" + ], + [ + "à¹Ģ", + "à¸ŀ" + ], + [ + "׼", + "׾" + ], + [ + "×ĺ", + "ר" + ], + [ + "ั", + "à¸Ķ" + ], + [ + "à¸Ń", + "า" + ], + [ + "ì", + "¢" + ], + [ + "à¸Ń", + "à¸ļ" + ], + [ + "à¸ķ", + "ร" + ], + [ + "à¹Ģ", + "à¸Ĭ" + ], + [ + "ì", + "Ķ" + ], + [ + "ãģĹ", + "ãģ¾" + ], + [ + "ë", + "ģ" + ], + [ + "ë", + "ķ" + ], + [ + "ðŁ", + "Ļ" + ], + [ + "â", + "Ĵ" + ], + [ + "á", + "¶" + ], + [ + "à¹ģ", + "ล" + ], + [ + "ÙĨ", + "ا" + ], + [ + "à¹ĥห", + "à¹ī" + ], + [ + "à¹Ħ", + "à¸Ľ" + ], + [ + "×", + "£" + ], + [ + "ั", + "ว" + ], + [ + "า", + "à¸ĩ" + ], + [ + "×ĵ", + "ר" + ], + [ + "×ij", + "׾" + ], + [ + "פ", + "×Ļ" + ], + [ + "Ġ×", + "ĵ" + ], + [ + "ĠاÙĦ", + "Ùģ" + ], + [ + "à¹Ģ", + "à¸Ĥ" + ], + [ + "ש", + "×Ķ" + ], + [ + "×IJ", + "ר" + ], + [ + "ë", + "¬" + ], + [ + "ãģ«", + "ãģª" + ], + [ + "ÑĢ", + "о" + ], + [ + "ว", + "ิ" + ], + [ + "Ùħ", + "ر" + ], + [ + "×IJ", + "ת" + ], + [ + "Ùĥ", + "ر" + ], + [ + "س", + "ب" + ], + [ + "ÙĨ", + "ت" + ], + [ + "ãģĹ", + "ãģĦ" + ], + [ + "ا", + "ج" + ], + [ + "à¸Ń", + "รà¹Į" + ], + [ + "Ùĥ", + "ÙĦ" + ], + [ + "س", + "Ùħ" + ], + [ + "ส", + "ิ" + ], + [ + "×Ļ×", + "¦" + ], + [ + "ë", + "Ŀ" + ], + [ + "í", + "ľ" + ], + [ + "ì", + "ī" + ], + [ + "á", + "Ĩ" + ], + [ + "Ùĩ", + "Ùħ" + ], + [ + "à¸Ļ", + "ีà¹ī" + ], + [ + "ãģĤ", + "ãĤĭ" + ], + [ + "ãģĦ", + "ãģ¦" + ], + [ + "س", + "ÙĬ" + ], + [ + "׾", + "×IJ" + ], + [ + "د", + "ر" + ], + [ + "ãģ", + "ļ" + ], + [ + "ÙĪ", + "ج" + ], + [ + "ĠاÙĦ", + "Ø®" + ], + [ + "ص", + "ر" + ], + [ + "í", + "ı" + ], + [ + "à¹īา", + "à¸ĩ" + ], + [ + "ุ", + "à¸Ķ" + ], + [ + "×ķ×", + "ĺ" + ], + [ + "×ij", + "×¢" + ], + [ + "í", + "Ĩ" + ], + [ + "à¸Ĭ", + "า" + ], + [ + "ร", + "ม" + ], + [ + "ש", + "×ŀ" + ], + [ + "×ŀ", + "ס" + ], + [ + "ê", + "´" + ], + [ + "ì", + "´" + ], + [ + "ë", + "ľ" + ], + [ + "ì", + "¿" + ], + [ + "ì", + "©" + ], + [ + "ë", + "»" + ], + [ + "â", + "¤" + ], + [ + "ðŁ", + "Ĩ" + ], + [ + "á", + "Į" + ], + [ + "á", + "ķ" + ], + [ + "ذ", + "ا" + ], + [ + "à¸Ĺ", + "ำ" + ], + [ + "à¸ķ", + "à¹Ī" + ], + [ + "ĠاÙĦ", + "ÙĤ" + ], + [ + "ÙĦ", + "Ùĥ" + ], + [ + "ู", + "à¹Ī" + ], + [ + "à¸Ħ", + "ุ" + ], + [ + "ÙĬ", + "Ùħ" + ], + [ + "׳", + "×Ļ×Ŀ" + ], + [ + "ืà¹Ī", + "à¸Ń" + ], + [ + "ÙĪ", + "ع" + ], + [ + "ãĤ", + "ĩ" + ], + [ + "ا", + "ÙĤ" + ], + [ + "Ġ×ij", + "×¢" + ], + [ + "à¹Ģ", + "ม" + ], + [ + "ج", + "Ùħ" + ], + [ + "á»", + "«" + ], + [ + "ãģĵãģ¨", + "ãģĮ" + ], + [ + "ب", + "د" + ], + [ + "×ķ×", + "Ķ" + ], + [ + "ש", + "׾" + ], + [ + "Ùĩ", + "ر" + ], + [ + "à¹Ģ", + "à¸Ļ" + ], + [ + "ãģ", + "¹" + ], + [ + "í", + "ĭ" + ], + [ + "ì", + "»" + ], + [ + "ì", + "½" + ], + [ + "ë", + "Ń" + ], + [ + "ì", + "Į" + ], + [ + "í", + "Ģ" + ], + [ + "ë", + "Į" + ], + [ + "ë", + "º" + ], + [ + "ã", + "Ĭ" + ], + [ + "à¹ĥ", + "à¸Ļ" + ], + [ + "Ġ×", + "Ĵ" + ], + [ + "à¹", + "Ĩ" + ], + [ + "à¸Ī", + "าà¸ģ" + ], + [ + "ว", + "ย" + ], + [ + "à¹ĥ", + "à¸Ĭ" + ], + [ + "à¸ĩ", + "าà¸Ļ" + ], + [ + "ĠاÙĦ", + "Ø´" + ], + [ + "ا", + "ØŃ" + ], + [ + "à¹īา", + "à¸Ļ" + ], + [ + "ืà¹Ī", + "à¸Ńà¸ĩ" + ], + [ + "×IJ", + "×Ļ" + ], + [ + "ب", + "ÙĦ" + ], + [ + "ãģ¨", + "æĢĿ" + ], + [ + "׳", + "ס" + ], + [ + "ãģ¾", + "ãģĽ" + ], + [ + "Ùĥ", + "ÙĨ" + ], + [ + "×¢", + "ר" + ], + [ + "ĠاÙĦ", + "د" + ], + [ + "ש", + "ת" + ], + [ + "í", + "ŀ" + ], + [ + "Ùħ", + "س" + ], + [ + "ص", + "ÙĦ" + ], + [ + "×ķ׳", + "×Ķ" + ], + [ + "ار", + "Ø©" + ], + [ + "ÙĦ", + "Ùħ" + ], + [ + "ส", + "ม" + ], + [ + "Ø£", + "ÙĨ" + ], + [ + "ת", + "ר" + ], + [ + "×IJ", + "×ŀ" + ], + [ + "ع", + "ب" + ], + [ + "Ø®", + "ت" + ], + [ + "ãĤ", + "ĥ" + ], + [ + "ì", + "¡" + ], + [ + "ì", + "£" + ], + [ + "ив", + "а" + ], + [ + "ส", + "ั" + ], + [ + "ึ", + "à¸ģ" + ], + [ + "ì", + "¸" + ], + [ + "ë", + "Ĩ" + ], + [ + "алÑĮ", + "н" + ], + [ + "ì", + "³" + ], + [ + "ì", + "į" + ], + [ + "ê", + "¼" + ], + [ + "ê", + "½" + ], + [ + "ì", + "ı" + ], + [ + "ã", + "Į" + ], + [ + "ã", + "ı" + ], + [ + "ï", + "©" + ], + [ + "ê", + "ª" + ], + [ + "á", + "İ" + ], + [ + "Ġ×", + "ĸ" + ], + [ + "à¸ģ", + "ัà¸Ļ" + ], + [ + "×Ļ", + "×ķ" + ], + [ + "à¸Ħ", + "à¸Ļ" + ], + [ + "׳", + "×ķת" + ], + [ + "à¸ľ", + "ูà¹ī" + ], + [ + "à¹ĥ", + "à¸Ī" + ], + [ + "ãģĦ", + "ãģŁ" + ], + [ + "Ùģ", + "ر" + ], + [ + "×ĺ", + "×Ļ" + ], + [ + "צ", + "×Ļ" + ], + [ + "ãĤĤ", + "ãģ®" + ], + [ + "ĠاÙĦ", + "ص" + ], + [ + "ãģ¾ãģĽ", + "ãĤĵ" + ], + [ + "د", + "Ø©" + ], + [ + "×ij", + "×Ļ" + ], + [ + "ĠاÙĦ", + "ر" + ], + [ + "Ġ×ŀ", + "×IJ" + ], + [ + "ส", + "ำ" + ], + [ + "à¹Ģ", + "ห" + ], + [ + "ع", + "ر" + ], + [ + "ãģª", + "ãģı" + ], + [ + "à¸ģร", + "ะ" + ], + [ + "×ij", + "×ĵ" + ], + [ + "à¹Ģ", + "à¸Ī" + ], + [ + "×Ļ×", + "ļ" + ], + [ + "×Ĺ", + "×Ļ" + ], + [ + "ÙĬ", + "ع" + ], + [ + "ש", + "×ij" + ], + [ + "ÙĨ", + "Ø©" + ], + [ + "ÙĪ", + "ض" + ], + [ + "ÙĦ", + "Ùģ" + ], + [ + "ÙĢ", + "ÙĢ" + ], + [ + "פ", + "×¢" + ], + [ + "í", + "Ī" + ], + [ + "×ŀ", + "×§" + ], + [ + "à¸", + "IJ" + ], + [ + "ØŃ", + "Ø©" + ], + [ + "ا", + "ص" + ], + [ + "Ñĭв", + "а" + ], + [ + "à¸Ħ", + "ม" + ], + [ + "ว", + "ั" + ], + [ + "à¸Ľ", + "ล" + ], + [ + "ì", + "Ł" + ], + [ + "í", + "ļ" + ], + [ + "ë", + "´" + ], + [ + "ë", + "ij" + ], + [ + "ë", + "ī" + ], + [ + "ë", + "ĩ" + ], + [ + "ì", + "¨" + ], + [ + "ë", + "±" + ], + [ + "ë", + "İ" + ], + [ + "â", + "¬" + ], + [ + "á", + "¥" + ], + [ + "á", + "Ĺ" + ], + [ + "á", + "Ľ" + ], + [ + "á", + "į" + ], + [ + "Å", + "©" + ], + [ + "à¸Ķ", + "ี" + ], + [ + "ô", + "i" + ], + [ + "Ġ×", + "¡" + ], + [ + "׾", + "×ķ" + ], + [ + "á»Ŀ", + "i" + ], + [ + "à¸Ħุ", + "à¸ĵ" + ], + [ + "â", + "y" + ], + [ + "à¸Ļ", + "า" + ], + [ + "×Ĺ", + "×ĵ" + ], + [ + "×ĵ", + "×Ļ" + ], + [ + "ห", + "า" + ], + [ + "ج", + "ÙĦ" + ], + [ + "à¹Ģ", + "ว" + ], + [ + "ãĤĩ", + "ãģĨ" + ], + [ + "Ùħ", + "Ø©" + ], + [ + "ĠاÙĦ", + "Ùĥ" + ], + [ + "Ġ×Ķ", + "×¢" + ], + [ + "ج", + "ر" + ], + [ + "×ĸ", + "ר" + ], + [ + "ا", + "Ø·" + ], + [ + "׼", + "ת" + ], + [ + "×ķ׳", + "×Ļ×Ŀ" + ], + [ + "ØŃ", + "Ùħ" + ], + [ + "ê", + "¶" + ], + [ + "ر", + "Ùĥ" + ], + [ + "Ġ׾", + "×¢" + ], + [ + "×ķ×", + "ĸ" + ], + [ + "ส", + "ร" + ], + [ + "צ", + "׾" + ], + [ + "Ø", + "¢" + ], + [ + "ا", + "ست" + ], + [ + "à¹Ī", + "ม" + ], + [ + "Ø®", + "ر" + ], + [ + "צ", + "×¢" + ], + [ + "×Ļר", + "×ķת" + ], + [ + "اد", + "Ø©" + ], + [ + "Ø´", + "ار" + ], + [ + "×ŀ", + "×Ĺ" + ], + [ + "í", + "Ĵ" + ], + [ + "à¹Ģร", + "ีย" + ], + [ + "×Ĺ", + "×§" + ], + [ + "اØ", + "«" + ], + [ + "ร", + "à¸ĩ" + ], + [ + "à¹Ģ", + "à¸ķ" + ], + [ + "à¸Ī", + "ำ" + ], + [ + "à¸", + "Ŀ" + ], + [ + "à¹Īา", + "ย" + ], + [ + "à¸Ħ", + "ล" + ], + [ + "ÙĤ", + "ÙĪ" + ], + [ + "иÑĩеÑģ", + "к" + ], + [ + "à¸ĵ", + "à¹Į" + ], + [ + "ั", + "ย" + ], + [ + "Ùħ", + "ع" + ], + [ + "ë", + "¨" + ], + [ + "ë", + "¿" + ], + [ + "ë", + "®" + ], + [ + "ï", + "´" + ], + [ + "ì", + "¥" + ], + [ + "ì", + "«" + ], + [ + "ë", + "µ" + ], + [ + "á", + "¡" + ], + [ + "â", + "į" + ], + [ + "ð", + "ĵ" + ], + [ + "â", + "°" + ], + [ + "à¸Ĥ", + "à¸Ńà¸ĩ" + ], + [ + "Ù", + "ĭ" + ], + [ + "à¸ģ", + "ัà¸ļ" + ], + [ + "ãģ®", + "ãģ§" + ], + [ + "à¹ī", + "ว" + ], + [ + "à¸Ńย", + "à¹Īาà¸ĩ" + ], + [ + "ãģ", + "Ń" + ], + [ + "á»ĩ", + "t" + ], + [ + "à¸ķ", + "à¹īà¸Ńà¸ĩ" + ], + [ + "×ŀ", + "×Ļ" + ], + [ + "à¹ģ", + "à¸ļ" + ], + [ + "×Ĵ", + "ר" + ], + [ + "ÙĪ", + "Ùģ" + ], + [ + "ÙĤ", + "ÙĦ" + ], + [ + "à¸łà¸²", + "à¸ŀ" + ], + [ + "ר", + "×Ļ" + ], + [ + "ล", + "า" + ], + [ + "ÙĬ", + "س" + ], + [ + "Ġ×", + "¦" + ], + [ + "ÙĬ", + "Ùģ" + ], + [ + "Ġ×", + "ĺ" + ], + [ + "à¸ľ", + "ล" + ], + [ + "á", + "ng" + ], + [ + "ร", + "ว" + ], + [ + "Ġ×ŀ", + "ש" + ], + [ + "×IJ", + "×ķת" + ], + [ + "×ĸ", + "×Ķ" + ], + [ + "ู", + "à¸ģ" + ], + [ + "à¸Ļ", + "ัà¸ģ" + ], + [ + "اÙĨ", + "ÙĬ" + ], + [ + "د", + "ا" + ], + [ + "ãģ", + "³" + ], + [ + "׼", + "ף" + ], + [ + "ãĤī", + "ãĤĮ" + ], + [ + "ãĤĮ", + "ãģ°" + ], + [ + "ת", + "×§" + ], + [ + "ú", + "c" + ], + [ + "ÙĪ", + "ز" + ], + [ + "×Ļר", + "×Ķ" + ], + [ + "Ġn", + "gh" + ], + [ + "án", + "h" + ], + [ + "Ġ×ķ", + "×IJ" + ], + [ + "á»", + "ħ" + ], + [ + "ส", + "ุà¸Ķ" + ], + [ + "ë", + "į°" + ], + [ + "ا", + "ض" + ], + [ + "اÙĦ", + "ÙĬ" + ], + [ + "ب", + "ار" + ], + [ + "ع", + "Ùħ" + ], + [ + "à¸ļ", + "า" + ], + [ + "ت", + "ج" + ], + [ + "à¸ŀ", + "ร" + ], + [ + "×ķר", + "×Ķ" + ], + [ + "ả", + "ng" + ], + [ + "Ø®", + "ÙĦ" + ], + [ + "à¸", + "ī" + ], + [ + "ắ", + "c" + ], + [ + "ש", + "×Ļ×Ŀ" + ], + [ + "í", + "Ķ" + ], + [ + "Ùģ", + "س" + ], + [ + "×Ļ×", + "Ĵ" + ], + [ + "п", + "ÑĢ" + ], + [ + "ĠاÙĦ", + "Ø«" + ], + [ + "س", + "Ø·" + ], + [ + "ร", + "ูà¹ī" + ], + [ + "ีà¹Ī", + "ย" + ], + [ + "à¸Ń", + "à¸Ķ" + ], + [ + "ãģª", + "ãĤĬ" + ], + [ + "×Ĵ", + "×ĵ" + ], + [ + "ãģĦ", + "ãģ¾ãģĹãģŁ" + ], + [ + "ס", + "×§" + ], + [ + "Ø®", + "ص" + ], + [ + "la", + "ÅŁ" + ], + [ + "ен", + "но" + ], + [ + "ب", + "ØŃ" + ], + [ + "ส", + "à¸Ļ" + ], + [ + "à¸", + "®" + ], + [ + "ר×IJ", + "ש" + ], + [ + "Ùħ", + "ÙĪ" + ], + [ + "دÙĬ", + "د" + ], + [ + "ษ", + "า" + ], + [ + "×ķ×", + "ļ" + ], + [ + "ãĥ§", + "ãĥ³" + ], + [ + "à¸ķ", + "ุ" + ], + [ + "Ġê", + "µ" + ], + [ + "ĠÑģв", + "о" + ], + [ + "צ", + "×ij" + ], + [ + "à¸Ń", + "ม" + ], + [ + "à¸Ľ", + "ร" + ], + [ + "ت", + "ع" + ], + [ + "×Ķ", + "ת" + ], + [ + "اÙħ", + "ÙĦ" + ], + [ + "×ŀ", + "׳" + ], + [ + "ç", + "¶ļ" + ], + [ + "à¸", + "¤" + ], + [ + "í", + "į" + ], + [ + "ë", + "ĺ" + ], + [ + "ë", + "¤" + ], + [ + "ì", + "ij" + ], + [ + "â", + "´" + ], + [ + "ã", + "ĭ" + ], + [ + "Ġب", + "اÙĦ" + ], + [ + "á»ģ", + "u" + ], + [ + "ĠاÙĦ", + "ÙĦ" + ], + [ + "à¸ķ", + "ัว" + ], + [ + "ذ", + "Ùĩ" + ], + [ + "ึ", + "à¸ĩ" + ], + [ + "à¹ĥà¸Ĭ", + "à¹ī" + ], + [ + "á»ĵ", + "ng" + ], + [ + "à¸Ļ", + "ั" + ], + [ + "ม", + "าà¸ģ" + ], + [ + "ãĥ", + "Ł" + ], + [ + "×ŀ", + "×ķ" + ], + [ + "à¸Ĺ", + "ย" + ], + [ + "á»Ļ", + "i" + ], + [ + "áº", + "±" + ], + [ + "ả", + "o" + ], + [ + "à¹Ĥ", + "à¸Ķ" + ], + [ + "×IJ", + "׾" + ], + [ + "ส", + "าม" + ], + [ + "ÙĪ", + "ب" + ], + [ + "à¸Ĺ", + "ุ" + ], + [ + "ย", + "ัà¸ĩ" + ], + [ + "×¢", + "ת" + ], + [ + "×ķ׳", + "×ķת" + ], + [ + "à¸Ĥ", + "ึ" + ], + [ + "à¸Ĥึ", + "à¹īà¸Ļ" + ], + [ + "à¸ģ", + "à¹Ī" + ], + [ + "áº", + "«" + ], + [ + "á»ij", + "c" + ], + [ + "ãģĹ", + "ãĤĩãģĨ" + ], + [ + "á»ĭ", + "ch" + ], + [ + "Ġ×IJ", + "×ķת" + ], + [ + "Ġש", + "×IJ" + ], + [ + "׼", + "×ķ׾" + ], + [ + "á»Ļ", + "c" + ], + [ + "ع", + "Ø©" + ], + [ + "à¸Ĺ", + "ี" + ], + [ + "à¹Ģ", + "à¸Ń" + ], + [ + "Ùĥ", + "ت" + ], + [ + "ãģ", + "»" + ], + [ + "áº", + "»" + ], + [ + "ìĹ", + "ħ" + ], + [ + "à¸Ń", + "à¸Ńà¸ģ" + ], + [ + "اÙĨ", + "ت" + ], + [ + "à¹Ħ", + "ร" + ], + [ + "Ġ×IJ", + "×Ĺר" + ], + [ + "Ø·", + "ر" + ], + [ + "ÙĨ", + "د" + ], + [ + "ื", + "à¹īà¸Ń" + ], + [ + "Ø·", + "ÙĦ" + ], + [ + "×IJ", + "×Ķ" + ], + [ + "uy", + "ên" + ], + [ + "í", + "ĸī" + ], + [ + "×ij", + "×Ķ" + ], + [ + "à¸Ħ", + "à¹Ī" + ], + [ + "à¸Ĭ", + "à¹Īว" + ], + [ + "ãģĤãĤĬ", + "ãģ¾ãģĻ" + ], + [ + "ÙĬ", + "ب" + ], + [ + "×§", + "׾" + ], + [ + "ãĥ", + "Ļ" + ], + [ + "Ä", + "©" + ], + [ + "س", + "ر" + ], + [ + "า", + "ว" + ], + [ + "ãĤ", + "±" + ], + [ + "à¸ļ", + "ริ" + ], + [ + "ר", + "×Ĵ" + ], + [ + "á»ĥ", + "u" + ], + [ + "ØŃ", + "ت" + ], + [ + "×ķ×ŀ", + "×Ļ" + ], + [ + "ب", + "ÙĨ" + ], + [ + "êµ", + "IJ" + ], + [ + "ÄŁ", + "u" + ], + [ + "ãģª", + "ãĤĵ" + ], + [ + "×ij", + "×§" + ], + [ + "Ġפ", + "ר" + ], + [ + "ắ", + "n" + ], + [ + "ØŃ", + "ÙĦ" + ], + [ + "×ij", + "×Ĺ" + ], + [ + "ấ", + "u" + ], + [ + "×ij", + "×ķ×ĵ" + ], + [ + "ãĥ", + "¯" + ], + [ + "Ġ׾", + "×§" + ], + [ + "ั", + "à¸į" + ], + [ + "à¸ŀ", + "ิ" + ], + [ + "×Ĺ", + "×Ķ" + ], + [ + "×ĸ", + "׼" + ], + [ + "ãĥ¼ãĥ", + "ł" + ], + [ + "ÑĤ", + "елÑĮ" + ], + [ + "×ŀ", + "×Ļ×ĵ" + ], + [ + "ÙĬ", + "Ø®" + ], + [ + "áº", + "³" + ], + [ + "ت", + "ص" + ], + [ + "à¸ĺ", + "ิ" + ], + [ + "è¾", + "¼" + ], + [ + "ì", + "ĵ" + ], + [ + "Ùĥ", + "Ø©" + ], + [ + "ÙĤ", + "ب" + ], + [ + "à¸Ħ", + "à¹Į" + ], + [ + "à¹īา", + "ย" + ], + [ + "à¸ĵ", + "ะ" + ], + [ + "า", + "ะ" + ], + [ + "ë", + "Ĵ" + ], + [ + "ê", + "¾" + ], + [ + "ë", + "·" + ], + [ + "ì", + "ĩ" + ], + [ + "ê", + "º" + ], + [ + "ì", + "ģ" + ], + [ + "ë", + "Ģ" + ], + [ + "ì", + "¾" + ], + [ + "ë", + "½" + ], + [ + "ë", + "ļ" + ], + [ + "ì", + "Ń" + ], + [ + "ì", + "İ" + ], + [ + "á", + "ij" + ], + [ + "ë", + "Ĺ" + ], + [ + "ê", + "Ĵ" + ], + [ + "à", + "¡" + ], + [ + "à", + "¬" + ], + [ + "ðIJ", + "Į" + ], + [ + "ã", + "ĩ" + ], + [ + "ðĿ", + "Ħ" + ], + [ + "Ġ׾", + "×IJ" + ], + [ + "ãģ¨", + "ãģĦãģĨ" + ], + [ + "Ġn", + "hi" + ], + [ + "×Ļ", + "×ķת" + ], + [ + "Ġש", + "×Ķ" + ], + [ + "à¹ģล", + "à¹īว" + ], + [ + "Æ°á»Ľ", + "c" + ], + [ + "à¸Ķà¹ī", + "วย" + ], + [ + "à¸Ĺ", + "าà¸ĩ" + ], + [ + "׳", + "ת" + ], + [ + "פ", + "ת" + ], + [ + "à¹ģ", + "à¸ķà¹Ī" + ], + [ + "ư", + "ng" + ], + [ + "à¸Ńย", + "ูà¹Ī" + ], + [ + "à¹ī", + "ำ" + ], + [ + "Ġ×IJ", + "׾" + ], + [ + "Ùĥ", + "Ùħ" + ], + [ + "ấ", + "p" + ], + [ + "ล", + "à¸ĩ" + ], + [ + "ãģŁ", + "ãĤģ" + ], + [ + "×Ĵ", + "׾" + ], + [ + "ห", + "ร" + ], + [ + "ĠÑĢ", + "е" + ], + [ + "à¹Ģà¸Ĥ", + "à¹īา" + ], + [ + "ÙĤ", + "ر" + ], + [ + "Ġ×Ķ", + "ס" + ], + [ + "ÙĪ", + "ÙĬ" + ], + [ + "สาม", + "าร" + ], + [ + "สามาร", + "à¸ĸ" + ], + [ + "Äĥ", + "n" + ], + [ + "à¸Ń", + "ี" + ], + [ + "פ", + "×ķ" + ], + [ + "×Ļ׳", + "×ķ" + ], + [ + "ว", + "ัà¸Ļ" + ], + [ + "ặ", + "c" + ], + [ + "íķ", + "Ļ" + ], + [ + "×ŀ", + "ת" + ], + [ + "ê", + "u" + ], + [ + "áº", + "¹" + ], + [ + "Ùģ", + "ÙĬ" + ], + [ + "×ŀ", + "צ" + ], + [ + "à¸Ħ", + "า" + ], + [ + "ãģĿ", + "ãģĨ" + ], + [ + "ãĢ", + "ħ" + ], + [ + "ا", + "ز" + ], + [ + "ا", + "Ùĩ" + ], + [ + "ר", + "×Ļ×Ŀ" + ], + [ + "ấ", + "n" + ], + [ + "ห", + "าร" + ], + [ + "ạ", + "t" + ], + [ + "ÙĨ", + "Ùĩ" + ], + [ + "à¹Ģ", + "à¸Ħร" + ], + [ + "ج", + "Ùĩ" + ], + [ + "׼", + "×Ļ" + ], + [ + "ắ", + "t" + ], + [ + "à¸Ħ", + "à¹īา" + ], + [ + "ر", + "Ø©" + ], + [ + "ãĥ", + "ı" + ], + [ + "Ùĥ", + "ÙĪÙĨ" + ], + [ + "ứ", + "ng" + ], + [ + "Ġìļ", + "°" + ], + [ + "ย", + "à¹Į" + ], + [ + "à¹Īว", + "à¸Ļ" + ], + [ + "à¸ģ", + "ำ" + ], + [ + "Ø«", + "ر" + ], + [ + "Ñģ", + "и" + ], + [ + "ĠاÙĦ", + "Ø·" + ], + [ + "Ġ×Ķ", + "צ" + ], + [ + "ĠØ", + "·" + ], + [ + "ĠاÙĦ", + "ÙĪ" + ], + [ + "ê¹", + "Į" + ], + [ + "ØŃ", + "ÙĬ" + ], + [ + "ار", + "ات" + ], + [ + "à¹Ģ", + "à¸ĭ" + ], + [ + "ب", + "ا" + ], + [ + "г", + "ÑĢ" + ], + [ + "ร", + "ี" + ], + [ + "ืà¸Ń", + "à¸Ļ" + ], + [ + "ع", + "ت" + ], + [ + "ÙĤ", + "اÙĦ" + ], + [ + "د", + "Ùħ" + ], + [ + "Ø", + "¡" + ], + [ + "Ġ×ŀ", + "×§" + ], + [ + "×ĵ", + "×Ļ×Ŀ" + ], + [ + "×¢", + "׾" + ], + [ + "ãģ", + "Ĵ" + ], + [ + "ëĭ", + "ĺ" + ], + [ + "×¢", + "×Ķ" + ], + [ + "Ġìĸ", + "´" + ], + [ + "Ñģ", + "ÑĮ" + ], + [ + "ÙĤ", + "Ø·" + ], + [ + "ãĥ", + "Ľ" + ], + [ + "èĢĥ", + "ãģĪ" + ], + [ + "à¹ģ", + "à¸Ļ" + ], + [ + "ÙĪ", + "ات" + ], + [ + "â", + "u" + ], + [ + "ĠìĤ¬", + "ëŀ" + ], + [ + "ห", + "ว" + ], + [ + "ĠاÙĦØ£", + "Ùħ" + ], + [ + "Ġ×Ķ", + "×ŀש" + ], + [ + "ب", + "ÙĪ" + ], + [ + "à¸Ĭ", + "à¸Ļ" + ], + [ + "ãĤĵ", + "ãģ§ãģĻ" + ], + [ + "ว", + "à¸Ļ" + ], + [ + "à¸ģร", + "รม" + ], + [ + "×ŀ", + "×ķ×ĵ" + ], + [ + "Ùĥ", + "اÙĨ" + ], + [ + "×ķ×", + "£" + ], + [ + "ол", + "ог" + ], + [ + "ت", + "ÙĨ" + ], + [ + "à¸ķ", + "à¹Į" + ], + [ + "ê²", + "ĥ" + ], + [ + "ר", + "×ĺ" + ], + [ + "ừ", + "ng" + ], + [ + "×ķ×ij", + "×Ķ" + ], + [ + "Ùħ", + "ØŃ" + ], + [ + "ĠÐ", + "§" + ], + [ + "פ", + "×Ĵ" + ], + [ + "ส", + "à¸ĸ" + ], + [ + "ãģĭ", + "ãĤĬ" + ], + [ + "ını", + "z" + ], + [ + "à¹Ģ", + "ย" + ], + [ + "ãĥ¼", + "ãĥ³" + ], + [ + "ãģĬ", + "ãĤĬ" + ], + [ + "פ", + "ש" + ], + [ + "ิ", + "à¸ķ" + ], + [ + "Ø·", + "ÙĨ" + ], + [ + "×Ļת", + "×Ļ" + ], + [ + "×IJ", + "׳" + ], + [ + "ç", + "ek" + ], + [ + "ì", + "ª" + ], + [ + "×ŀ", + "×ij" + ], + [ + "ศ", + "า" + ], + [ + "ãĤ¹", + "ãĤ¿" + ], + [ + "à¸ļ", + "ุ" + ], + [ + "×ĵ", + "×ijר" + ], + [ + "ãģĦ", + "ãģı" + ], + [ + "ส", + "ะ" + ], + [ + "à¹Ģ", + "หล" + ], + [ + "ิ", + "à¸ĩ" + ], + [ + "à¸ŀ", + "ัà¸Ļ" + ], + [ + "ãģĦ", + "ãģŁãģł" + ], + [ + "ãĤĤ", + "ãĤī" + ], + [ + "à¹ī", + "ม" + ], + [ + "ãģĵãģ¨ãģĮ", + "ãģ§ãģį" + ], + [ + "าร", + "à¹Į" + ], + [ + "ุ", + "à¸ĩ" + ], + [ + "í", + "ij" + ], + [ + "ì", + "¯" + ], + [ + "ë", + "¼" + ], + [ + "í", + "Ĥ" + ], + [ + "ì", + "·" + ], + [ + "ê", + "¡" + ], + [ + "á", + "ı" + ], + [ + "á", + "Ĵ" + ], + [ + "ðĿ", + "ľ" + ], + [ + "á", + "©" + ], + [ + "ðŁ", + "Ħ" + ], + [ + "ðIJ", + "¤" + ], + [ + "Ġש", + "׾" + ], + [ + "Ġ×ŀ", + "×Ķ" + ], + [ + "à¹ģล", + "ะ" + ], + [ + "Ġ׼", + "׾" + ], + [ + "áº", + "½" + ], + [ + "á»Ļ", + "ng" + ], + [ + "ذ", + "ÙĬ" + ], + [ + "л", + "е" + ], + [ + "×", + "¥" + ], + [ + "ãģª", + "ãģ©" + ], + [ + "ĠÙĪ", + "Ø£" + ], + [ + "หà¸Ļ", + "à¹īา" + ], + [ + "ãģ¾", + "ãģ§" + ], + [ + "à¸ķà¹Ī", + "à¸Ń" + ], + [ + "à¸Ĺ", + "ัà¹īà¸ĩ" + ], + [ + "ãģł", + "ãģij" + ], + [ + "à¹ģà¸ļ", + "à¸ļ" + ], + [ + "à¹Ģร", + "า" + ], + [ + "פ", + "׾" + ], + [ + "ãģŁ", + "ãģĦ" + ], + [ + "à¹Ģล", + "ย" + ], + [ + "ãģ£ãģ¦", + "ãģĦãĤĭ" + ], + [ + "ế", + "p" + ], + [ + "ึ", + "à¹Īà¸ĩ" + ], + [ + "ê", + "´Ģ" + ], + [ + "ê³", + "Ħ" + ], + [ + "׼", + "×ķ" + ], + [ + "à¹Ģร", + "ืà¹Īà¸Ńà¸ĩ" + ], + [ + "×§", + "×Ļ" + ], + [ + "êµ", + "Ń" + ], + [ + "פ", + "ס" + ], + [ + "ت", + "ÙĬ" + ], + [ + "ãĥ", + "Ħ" + ], + [ + "Ġ×Ķ", + "×Ĺ" + ], + [ + "г", + "и" + ], + [ + "ר×IJ", + "׾" + ], + [ + "×ŀ", + "׾" + ], + [ + "ĠØ£", + "ÙĬ" + ], + [ + "Ġع", + "ÙĦÙĬ" + ], + [ + "ãģĭ", + "ãģ£ãģŁ" + ], + [ + "ש", + "×Ļ" + ], + [ + "д", + "Ñĥ" + ], + [ + "×ŀ", + "ף" + ], + [ + "׳", + "×ĺ" + ], + [ + "׳", + "×Ļת" + ], + [ + "mi", + "ÅŁ" + ], + [ + "׼", + "×Ŀ" + ], + [ + "Ġ×ij", + "ר" + ], + [ + "Ġ׾", + "×ij" + ], + [ + "ĠÐ", + "Ľ" + ], + [ + "ç", + "e" + ], + [ + "×ķ׳", + "×Ļ" + ], + [ + "ãĤĪãģĨ", + "ãģ«" + ], + [ + "פ", + "×ķר" + ], + [ + "ãĥ", + "į" + ], + [ + "Ùĥ", + "ÙĬ" + ], + [ + "×Ĺ", + "ת" + ], + [ + "Ùģ", + "ÙĦ" + ], + [ + "Ġ×Ķ", + "×§" + ], + [ + "Ġ×Ķ", + "×ij" + ], + [ + "Ġ×ŀ", + "ס" + ], + [ + "à¹Īา", + "à¸Ļ" + ], + [ + "п", + "еÑĢ" + ], + [ + "à¹Īา", + "ว" + ], + [ + "Ġ×ij", + "×IJ" + ], + [ + "ĠÙĪ", + "Ùĩ" + ], + [ + "à¸Ļ", + "ำ" + ], + [ + "Ġ×ij", + "ש" + ], + [ + "׳", + "×§" + ], + [ + "ãģ©", + "ãģĨ" + ], + [ + "ש", + "×ķת" + ], + [ + "×ĵ", + "×Ķ" + ], + [ + "à¹Ģ", + "à¸ļ" + ], + [ + "ÙĨ", + "س" + ], + [ + "Ġìļ°", + "리" + ], + [ + "ส", + "à¹Īวà¸Ļ" + ], + [ + "ล", + "ัà¸ĩ" + ], + [ + "ج", + "ز" + ], + [ + "Ġ×Ĺ", + "×Ļ" + ], + [ + "Ùĥ", + "ثر" + ], + [ + "ล", + "ะ" + ], + [ + "Ùĩ", + "د" + ], + [ + "ĠÙĪ", + "ب" + ], + [ + "اÙĦ", + "Ùħ" + ], + [ + "à¹ģ", + "ม" + ], + [ + "Æ¡", + "i" + ], + [ + "Ġ×ij", + "×Ĺ" + ], + [ + "ữ", + "a" + ], + [ + "à¹Ģà¸Ĺ", + "ศ" + ], + [ + "à¸ķ", + "ัà¹īà¸ĩ" + ], + [ + "ог", + "да" + ], + [ + "׾", + "×§" + ], + [ + "د", + "د" + ], + [ + "สร", + "à¹īาà¸ĩ" + ], + [ + "à¸Ĭ", + "ี" + ], + [ + "Ùģ", + "ض" + ], + [ + "à¹ģ", + "ห" + ], + [ + "uy", + "á»ĩn" + ], + [ + "ร", + "ัà¸ģ" + ], + [ + "á»ĩ", + "m" + ], + [ + "ส", + "า" + ], + [ + "פ", + "×§" + ], + [ + "ีย", + "à¸ĩ" + ], + [ + "à¸ķ", + "à¹Īาà¸ĩ" + ], + [ + "à¸Ħร", + "ัà¹īà¸ĩ" + ], + [ + "ØŃ", + "ÙĤ" + ], + [ + "à¹Ģ", + "à¸Ńà¸ĩ" + ], + [ + "ائ", + "ÙĬ" + ], + [ + "×ĺ", + "×¢" + ], + [ + "اÙĦ", + "Ø©" + ], + [ + "ิ", + "à¹Īม" + ], + [ + "ãĤ", + "½" + ], + [ + "د", + "Ùī" + ], + [ + "Ġר", + "×IJ" + ], + [ + "ãģ£", + "ãģ¨" + ], + [ + "ãĥĥ", + "ãĥĹ" + ], + [ + "ÙĬر", + "Ø©" + ], + [ + "ê±", + "´" + ], + [ + "×ŀ", + "×IJ" + ], + [ + "×ķ", + "×ķ" + ], + [ + "ب", + "ع" + ], + [ + "ãģ", + "²" + ], + [ + "ร", + "าย" + ], + [ + "×ĵ", + "×Ŀ" + ], + [ + "ت", + "Ùģ" + ], + [ + "à¸ķ", + "à¸ģ" + ], + [ + "ạ", + "ng" + ], + [ + "ãĤĴ", + "è¦ĭ" + ], + [ + "à¸Ĭ", + "ั" + ], + [ + "ưá»", + "Ł" + ], + [ + "Æ°á»Ł", + "ng" + ], + [ + "ج", + "ب" + ], + [ + "×ķ×ŀ", + "ר" + ], + [ + "ĠìĤ¬ëŀ", + "Į" + ], + [ + "ó", + "ng" + ], + [ + "ร", + "ั" + ], + [ + "Ġ×Ķ", + "×ĸ" + ], + [ + "ר", + "צ" + ], + [ + "Ġ×Ĺ", + "×ĵ" + ], + [ + "ذ", + "ÙĦÙĥ" + ], + [ + "×ķר", + "×Ļ" + ], + [ + "ãģ¡", + "ãĤĥ" + ], + [ + "Ùģ", + "ع" + ], + [ + "Ġ׾", + "צ" + ], + [ + "á", + "i" + ], + [ + "à¹ĩ", + "à¸ļ" + ], + [ + "ãģ", + "İ" + ], + [ + "à¸ģ", + "ิ" + ], + [ + "ạ", + "c" + ], + [ + "ë©", + "°" + ], + [ + "ãģª", + "ãĤĭ" + ], + [ + "×ķ׾", + "×Ŀ" + ], + [ + "à¹ģ", + "à¸Ĺ" + ], + [ + "×ķ×", + "¥" + ], + [ + "м", + "еÑĤ" + ], + [ + "ü", + "ÅŁ" + ], + [ + "ÑĢ", + "Ñı" + ], + [ + "à¸", + "Ĵ" + ], + [ + "ÑģÑĤ", + "оÑı" + ], + [ + "ع", + "ÙĪØ¯" + ], + [ + "Ùħ", + "ار" + ], + [ + "Ø·", + "Ø©" + ], + [ + "à¸ŀ", + "ื" + ], + [ + "к", + "ÑĢ" + ], + [ + "à¹ģ", + "à¸ģ" + ], + [ + "à¹Ĥ", + "รà¸ĩ" + ], + [ + "×ij", + "×Ļ×ĺ" + ], + [ + "ê²", + "ł" + ], + [ + "×ķ׾", + "×Ķ" + ], + [ + "ØŃ", + "ر" + ], + [ + "ืà¹Ī", + "à¸Ńà¸Ļ" + ], + [ + "×ķ×ij", + "ר" + ], + [ + "×Ĺ", + "ש" + ], + [ + "ãĥķãĤ", + "¡" + ], + [ + "×ŀ", + "×ĺ" + ], + [ + "ú", + "t" + ], + [ + "Ġd", + "ön" + ], + [ + "ắ", + "ng" + ], + [ + "ëł", + "ĩ" + ], + [ + "ẳ", + "ng" + ], + [ + "ว", + "à¸ģ" + ], + [ + "ص", + "د" + ], + [ + "Ø®", + "Ø·" + ], + [ + "à¸Ń", + "ั" + ], + [ + "ãĤı", + "ãĤĮ" + ], + [ + "سÙĦ", + "اÙħ" + ], + [ + "à¹Ģร", + "à¹ĩ" + ], + [ + "×Ļש", + "×Ļ" + ], + [ + "ج", + "اÙĦ" + ], + [ + "ãģij", + "ãĤĭ" + ], + [ + "à¸Ĭา", + "à¸ķิ" + ], + [ + "ÙĪØ§", + "ÙĤ" + ], + [ + "à¹Ĥ", + "à¸Ļ" + ], + [ + "ãģ¦", + "ãģĹãģ¾" + ], + [ + "اع", + "Ø©" + ], + [ + "ãĤŃ", + "ãĥ£" + ], + [ + "à¸į", + "า" + ], + [ + "ÙĦا", + "ÙĤ" + ], + [ + "ิ", + "à¸ģ" + ], + [ + "ĠÑģ", + "ов" + ], + [ + "ÑĢаÐ", + "º" + ], + [ + "×Ļ׳", + "×Ļ" + ], + [ + "ü", + "ÄŁ" + ], + [ + "Ã¼ÄŁ", + "ü" + ], + [ + "×§", + "×ij" + ], + [ + "à¹Ī", + "à¸Ńà¸ĩ" + ], + [ + "Ġger", + "çek" + ], + [ + "à¸Ĺ", + "ั" + ], + [ + "ов", + "аниÑı" + ], + [ + "×ŀ", + "׼" + ], + [ + "س", + "Ø©" + ], + [ + "×Ļ×", + "£" + ], + [ + "le", + "ÅŁ" + ], + [ + "Ùħ", + "ؤ" + ], + [ + "ĠìĿ", + "ĺ" + ], + [ + "à¸IJ", + "าà¸Ļ" + ], + [ + "ĠÑģ", + "об" + ], + [ + "Ġêµ", + "Ń" + ], + [ + "×¢", + "צ" + ], + [ + "з", + "в" + ], + [ + "ส", + "à¸ĩ" + ], + [ + "ز", + "ÙĦ" + ], + [ + "ãģı", + "ãĤĮ" + ], + [ + "и", + "ÑĢÑĥ" + ], + [ + "ت", + "Ø£" + ], + [ + "п", + "олн" + ], + [ + "ìĺ", + "Ģ" + ], + [ + "ÙĨ", + "Ø´" + ], + [ + "׼", + "×IJ" + ], + [ + "Ùħ", + "Ø´" + ], + [ + "à¸Ķ", + "à¹Į" + ], + [ + "ÙĪ", + "ÙĬÙĦ" + ], + [ + "à¹ģ", + "à¸Ĥ" + ], + [ + "ãģ£ãģ¦", + "ãģĹãģ¾" + ], + [ + "но", + "ÑģÑĤ" + ], + [ + "в", + "л" + ], + [ + "Ùħ", + "ÙĤ" + ], + [ + "را", + "ج" + ], + [ + "å¤", + "ī" + ], + [ + "ë", + "Ľ" + ], + [ + "â", + "¸" + ], + [ + "ì", + "IJ" + ], + [ + "à", + "»" + ], + [ + "á", + "ļ" + ], + [ + "â", + "»" + ], + [ + "ê", + "Ļ" + ], + [ + "â", + "§" + ], + [ + "ð", + "Ĵ" + ], + [ + "ðĿ", + "ĩ" + ], + [ + "Ġ×IJ", + "ת" + ], + [ + "ĠÙĦ", + "ÙĦ" + ], + [ + "ĠØ£", + "ÙĨ" + ], + [ + "Ġ×ķ", + "×Ķ" + ], + [ + "ãģ«", + "ãģ¯" + ], + [ + "Ġ×Ļ", + "ש" + ], + [ + "ت", + "Ùĩ" + ], + [ + "ÃŃ", + "nh" + ], + [ + "ÙĬ", + "ات" + ], + [ + "Ġ×ij", + "×ŀ" + ], + [ + "à¸Ļั", + "à¹īà¸Ļ" + ], + [ + "à¸Ļ", + "à¹īำ" + ], + [ + "Ãł", + "o" + ], + [ + "à¸ķ", + "าม" + ], + [ + "ãģ®", + "ãģ¯" + ], + [ + "d", + "ır" + ], + [ + "Ġn", + "ghi" + ], + [ + "ặ", + "t" + ], + [ + "×ŀ", + "×Ļ×Ŀ" + ], + [ + "ãģ¦", + "ãģĦãĤĭ" + ], + [ + "Ġ×ij", + "ת" + ], + [ + "หร", + "ืà¸Ń" + ], + [ + "Ġس", + "ÙĬ" + ], + [ + "ãģª", + "ãĤī" + ], + [ + "à¹Ĥà¸Ķ", + "ย" + ], + [ + "ı", + "yor" + ], + [ + "à¸Ńี", + "à¸ģ" + ], + [ + "á»ĩ", + "nh" + ], + [ + "Ñĭ", + "м" + ], + [ + "à¸Ĺุ", + "à¸ģ" + ], + [ + "Ġ׾", + "×Ĺ" + ], + [ + "Ġ×Ķ", + "ר" + ], + [ + "Ġ×Ķ", + "×Ļ" + ], + [ + "à¸ŀ", + "ระ" + ], + [ + "à¹Ģว", + "ลา" + ], + [ + "ĠØ", + "º" + ], + [ + "ẫ", + "n" + ], + [ + "m", + "Ä±ÅŁ" + ], + [ + "׼", + "×Ķ" + ], + [ + "á»ij", + "n" + ], + [ + "ãģ§", + "ãģĹãĤĩãģĨ" + ], + [ + "ãĥ", + "¢" + ], + [ + "à¸Ľ", + "ี" + ], + [ + "ס", + "×Ļ" + ], + [ + "ãģĵ", + "ãĤį" + ], + [ + "Ġ׾", + "פ" + ], + [ + "ร", + "à¸ĸ" + ], + [ + "ê¸", + "Ī" + ], + [ + "à¸ģ", + "วà¹Īา" + ], + [ + "ë", + "¬´" + ], + [ + "á»į", + "ng" + ], + [ + "ãĤĵ", + "ãģ§" + ], + [ + "ãĤĪãģĨ", + "ãģª" + ], + [ + "á»ĵ", + "i" + ], + [ + "ãĤ", + "¬" + ], + [ + "ส", + "à¹Īà¸ĩ" + ], + [ + "×Ļ׳", + "×Ķ" + ], + [ + "à¸ĸ", + "ูà¸ģ" + ], + [ + "à¸Ī", + "ัà¸Ķ" + ], + [ + "Ġ×Ķ", + "×Ĵ" + ], + [ + "ãĥ", + "ľ" + ], + [ + "×ŀ", + "×ķת" + ], + [ + "ÙĪ", + "Ùĥ" + ], + [ + "ëĭ", + "¨" + ], + [ + "ĠØ", + "«" + ], + [ + "ãģ®", + "ãģĮ" + ], + [ + "à¹Ģห", + "à¹ĩà¸Ļ" + ], + [ + "ع", + "ا" + ], + [ + "à¸Ļ", + "ิ" + ], + [ + "Å", + "ŀ" + ], + [ + "à¸Ń", + "ะ" + ], + [ + "ãģĪ", + "ãĤĭ" + ], + [ + "Ø«", + "ÙĦ" + ], + [ + "ØŃÙħ", + "د" + ], + [ + "à¹Ģà¸ģ", + "ิà¸Ķ" + ], + [ + "פ", + "שר" + ], + [ + "פ", + "×Ķ" + ], + [ + "ม", + "ิ" + ], + [ + "ئ", + "ÙĬس" + ], + [ + "à¸Ĺำ", + "à¹ĥหà¹ī" + ], + [ + "×¢", + "×ĵ" + ], + [ + "ìĭ", + "¤" + ], + [ + "à¸Ĭà¹Īว", + "ย" + ], + [ + "ĠاÙĦÙħ", + "ÙĨ" + ], + [ + "ز", + "ÙĬ" + ], + [ + "ع", + "ÙĬ" + ], + [ + "Ġ׼", + "×IJ" + ], + [ + "ạ", + "nh" + ], + [ + "á»", + "¹" + ], + [ + "ãĤĵ", + "ãģª" + ], + [ + "ส", + "ู" + ], + [ + "צ", + "ר" + ], + [ + "Æ°á»Ľ", + "ng" + ], + [ + "×ķ", + "×ķ×Ķ" + ], + [ + "à¹Ĥ", + "ล" + ], + [ + "ĠاÙĦ", + "Ùĩ" + ], + [ + "ว", + "า" + ], + [ + "หล", + "าย" + ], + [ + "Ñī", + "е" + ], + [ + "à¸Ĥ", + "à¹īà¸Ń" + ], + [ + "à¹īà¸Ń", + "ย" + ], + [ + "ب", + "Ø·" + ], + [ + "ка", + "Ñı" + ], + [ + "ĠØ", + "¢" + ], + [ + "Ġи", + "Ñģ" + ], + [ + "ĠاÙĦ", + "غ" + ], + [ + "à¸ģ", + "า" + ], + [ + "à¸Ļ", + "à¹Īา" + ], + [ + "ÙĬ", + "ÙĪ" + ], + [ + "×ij", + "×ķר" + ], + [ + "á»ħ", + "n" + ], + [ + "ว", + "à¸ĩ" + ], + [ + "×Ļ×", + "ĸ" + ], + [ + "ì²", + "Ń" + ], + [ + "н", + "им" + ], + [ + "ëŁ", + "°" + ], + [ + "×Ĵ", + "×ķר" + ], + [ + "ص", + "ØŃ" + ], + [ + "ÙĦ", + "ÙĪ" + ], + [ + "×Ĺ", + "×ķת" + ], + [ + "ส", + "ุ" + ], + [ + "رÙĬ", + "ÙĤ" + ], + [ + "ס", + "×ĺ" + ], + [ + "Ġ×ŀ", + "×¢" + ], + [ + "ãĥĨ", + "ãĤ£" + ], + [ + "à¸Ħ", + "ิà¸Ķ" + ], + [ + "ãĤį", + "ãģĨ" + ], + [ + "à¹Ħ", + "ล" + ], + [ + "à¸Ļ", + "à¹Į" + ], + [ + "á»ı", + "i" + ], + [ + "ÑģÑĤÑĢ", + "о" + ], + [ + "ส", + "à¸Ķ" + ], + [ + "ส", + "าร" + ], + [ + "ÙĪÙĦ", + "Ø©" + ], + [ + "ầ", + "m" + ], + [ + "ร", + "à¹Īว" + ], + [ + "รà¹Īว", + "ม" + ], + [ + "ร", + "ุ" + ], + [ + "ĠاÙĦس", + "ÙĬ" + ], + [ + "ìĺ", + "ģ" + ], + [ + "Ġ×ŀ", + "×ij" + ], + [ + "פ", + "×ĺ" + ], + [ + "à¸ķิ", + "à¸Ķ" + ], + [ + "×ĺ", + "×Ļ×Ŀ" + ], + [ + "Ġë", + "¬´" + ], + [ + "ÙĤد", + "Ùħ" + ], + [ + "Ġdü", + "ÅŁ" + ], + [ + "ائ", + "ÙĦ" + ], + [ + "м", + "Ñĭ" + ], + [ + "ØŃ", + "س" + ], + [ + "ÙĪ", + "ص" + ], + [ + "×Ļ×§", + "×Ķ" + ], + [ + "ãģ§ãģ¯", + "ãģªãģĦ" + ], + [ + "à¹Ģ", + "หม" + ], + [ + "оÑĢ", + "ÑĤ" + ], + [ + "í", + "Ĩµ" + ], + [ + "ãģ", + "IJ" + ], + [ + "к", + "ÑĢа" + ], + [ + "ีย", + "ว" + ], + [ + "ع", + "ار" + ], + [ + "ئ", + "Ø©" + ], + [ + "íĥ", + "Ģ" + ], + [ + "ãģ«ãģª", + "ãĤĬ" + ], + [ + "ج", + "Ø©" + ], + [ + "ÙĪÙĤ", + "ع" + ], + [ + "ÑĮ", + "Ñı" + ], + [ + "×ķצ", + "×Ķ" + ], + [ + "ש", + "×Ŀ" + ], + [ + "ب", + "ÙĤ" + ], + [ + "Ġ×Ļ", + "×Ķ" + ], + [ + "ÙĬ", + "Ø·" + ], + [ + "ım", + "ız" + ], + [ + "д", + "еÑĢж" + ], + [ + "×Ļש", + "ר×IJ׾" + ], + [ + "غ", + "ÙĬر" + ], + [ + "ร", + "à¸Ńà¸ĩ" + ], + [ + "à¹Ģรีย", + "à¸Ļ" + ], + [ + "Ġ×Ķ", + "×ĺ" + ], + [ + "หม", + "าย" + ], + [ + "Ùħ", + "Ùĩ" + ], + [ + "اÙģ", + "Ø©" + ], + [ + "Ġо", + "ÑĢг" + ], + [ + "ÙĪ", + "Ùī" + ], + [ + "ãĥ©", + "ãĤ¤" + ], + [ + "×ŀ", + "׳×Ķ" + ], + [ + "ĠÄij", + "o" + ], + [ + "Ġг", + "оÑĢ" + ], + [ + "اÙħ", + "Ø©" + ], + [ + "æ¥", + "½" + ], + [ + "Ø«", + "ÙĬر" + ], + [ + "à¸ģิ", + "à¸Ī" + ], + [ + "á»ĵ", + "n" + ], + [ + "ÙĨ", + "ب" + ], + [ + "ÑĢÑĥ", + "д" + ], + [ + "ìĹ", + "Ī" + ], + [ + "Ġ×Ĺ", + "×ijר" + ], + [ + "ÑĢаÐ", + "¶" + ], + [ + "ạ", + "ch" + ], + [ + "ت", + "ÙĪ" + ], + [ + "à¹Ĥ", + "ม" + ], + [ + "×ij", + "×Ļ×ij" + ], + [ + "Ġí", + "Ĩµ" + ], + [ + "aca", + "ģı" + ], + [ + "جÙĦ", + "س" + ], + [ + "à¹Ģà¸Ľ", + "ล" + ], + [ + "ว", + "à¸Ķ" + ], + [ + "à¸Ń", + "ล" + ], + [ + "ãģŁ", + "ãĤĬ" + ], + [ + "à¸Ľ", + "ัà¸į" + ], + [ + "Ġìķ", + "Į" + ], + [ + "عر", + "Ùģ" + ], + [ + "à¹Ħ", + "à¸Ł" + ], + [ + "Ø£", + "Ø®" + ], + [ + "å¤ļ", + "ãģĦ" + ], + [ + "à¸Ķ", + "ัà¸ĩ" + ], + [ + "Ø´", + "Ùģ" + ], + [ + "ãģ£ãģ¦", + "ãģĦãģ¾ãģĻ" + ], + [ + "׼", + "×ł×¡" + ], + [ + "ÑĨ", + "е" + ], + [ + "еÑģ", + "п" + ], + [ + "Ùħ", + "اÙħ" + ], + [ + "à¸ŀื", + "à¹īà¸Ļ" + ], + [ + "иÑĩеÑģ", + "ки" + ], + [ + "Ø®", + "د" + ], + [ + "Ùĥ", + "ÙĪÙħ" + ], + [ + "Ġ×Ķ", + "ר×IJש" + ], + [ + "ت", + "اب" + ], + [ + "é£Ł", + "ãģ¹" + ], + [ + "ื", + "à¸Ļ" + ], + [ + "оÑĢ", + "о" + ], + [ + "Ġb", + "öl" + ], + [ + "×ķ×Ĺ", + "×ĵ" + ], + [ + "دÙĬ", + "ر" + ], + [ + "ắ", + "m" + ], + [ + "د", + "ع" + ], + [ + "ãģķ", + "ãģĽ" + ], + [ + "à¸ĺ", + "ร" + ], + [ + "à¸ĺร", + "รม" + ], + [ + "ãģĭ", + "ãĤĤ" + ], + [ + "å¤ļ", + "ãģı" + ], + [ + "r", + "ä" + ], + [ + "س", + "ع" + ], + [ + "×Ļ׾", + "×Ķ" + ], + [ + "ض", + "ر" + ], + [ + "ĠاÙĦ", + "شر" + ], + [ + "×ĸ", + "×ķר" + ], + [ + "×¢", + "×ijר" + ], + [ + "ạ", + "m" + ], + [ + "алÑĮ", + "но" + ], + [ + "ر", + "ÙĨ" + ], + [ + "اÙħ", + "ج" + ], + [ + "׼", + "×ļ" + ], + [ + "d", + "ıģ" + ], + [ + "д", + "ен" + ], + [ + "ض", + "ا" + ], + [ + "ÙĦÙĬ", + "Ùħ" + ], + [ + "Ġê·¸", + "룬" + ], + [ + "تÙħ", + "اع" + ], + [ + "ار", + "ÙĬØ®" + ], + [ + "à¹Ĥ", + "à¸ķ" + ], + [ + "ĠÑģ", + "ÑĢед" + ], + [ + "Ġ׳", + "×ķס" + ], + [ + "ÙĤ", + "بÙĦ" + ], + [ + "оÑĤ", + "ов" + ], + [ + "le", + "ÅŁtir" + ], + [ + "Ġм", + "еÑģÑĤ" + ], + [ + "سÙĦ", + "Ùħ" + ], + [ + "Ġ×¢", + "צ" + ], + [ + "ĠاÙĦس", + "ÙĦ" + ], + [ + "еÑĤ", + "ÑĮ" + ], + [ + "اب", + "Ø©" + ], + [ + "н", + "ак" + ], + [ + "สà¸ĸ", + "าà¸Ļ" + ], + [ + "Ġ×ij", + "׳" + ], + [ + "à¸ļ", + "ัà¸Ļ" + ], + [ + "׼", + "׳" + ], + [ + "Ġö", + "ÄŁ" + ], + [ + "ãģ¨", + "è¨Ģ" + ], + [ + "uy", + "ến" + ], + [ + "di", + "ÄŁ" + ], + [ + "áºŃ", + "u" + ], + [ + "ÑĢ", + "аÑģ" + ], + [ + "ãĤ·", + "ãĥ§ãĥ³" + ], + [ + "n", + "ız" + ], + [ + "×ķ×ĵ", + "×Ķ" + ], + [ + "ت", + "س" + ], + [ + "Ùħ", + "اÙĦ" + ], + [ + "à¹Ģห", + "à¸ķุ" + ], + [ + "ย", + "ว" + ], + [ + "à¸ŀ", + "ัà¸ģ" + ], + [ + "ãģĦ", + "ãģªãģĦ" + ], + [ + "Ġк", + "аÑĩ" + ], + [ + "ล", + "à¹Į" + ], + [ + "ר׼", + "ת" + ], + [ + "ÅŁt", + "ur" + ], + [ + "×ŀ", + "×ķס" + ], + [ + "ãģ", + "¥" + ], + [ + "б", + "ол" + ], + [ + "عÙħ", + "اÙĦ" + ], + [ + "×ķר", + "ת" + ], + [ + "ÑĨи", + "он" + ], + [ + "ศ", + "ึà¸ģ" + ], + [ + "à¸", + "ı" + ], + [ + "ÑĢ", + "ен" + ], + [ + "اس", + "ÙĬ" + ], + [ + "ائ", + "ر" + ], + [ + "à¹Ĥ", + "à¸Ľà¸£" + ], + [ + "Ġse", + "ç" + ], + [ + "غ", + "ÙĬ" + ], + [ + "Ñį", + "ÑĤ" + ], + [ + "ен", + "н" + ], + [ + "ãģª", + "ãģ®" + ], + [ + "×Ļש", + "×Ķ" + ], + [ + "×Ļפ", + "×ķר" + ], + [ + "ãģŁãĤģ", + "ãģ«" + ], + [ + "ز", + "Ø©" + ], + [ + "Ġç", + "oc" + ], + [ + "ãĤ¯", + "ãĥª" + ], + [ + "ÑĪ", + "ен" + ], + [ + "ãĤı", + "ãģij" + ], + [ + "رÙĬ", + "د" + ], + [ + "ĠÑĢ", + "аÑģÑģ" + ], + [ + "Ùĥ", + "ات" + ], + [ + "ส", + "à¸Ńà¸ļ" + ], + [ + "ce", + "ÄŁi" + ], + [ + "ãĤ¿", + "ãĤ¤" + ], + [ + "à¸ļ", + "ร" + ], + [ + "ĠاÙĦ", + "بر" + ], + [ + "׳", + "×ķ×¢" + ], + [ + "r", + "ün" + ], + [ + "را", + "ض" + ], + [ + "ศา", + "ส" + ], + [ + "à¸ķ", + "รà¹Į" + ], + [ + "ãģį", + "ãģŁ" + ], + [ + "×ķ׾", + "×ĵ" + ], + [ + "еÑĢ", + "и" + ], + [ + "íĹ", + "ĺ" + ], + [ + "ắ", + "p" + ], + [ + "ت", + "عÙĦ" + ], + [ + "Ùĥ", + "د" + ], + [ + "иÑĤелÑĮ", + "но" + ], + [ + "Ø·", + "Ùģ" + ], + [ + "Ġав", + "ÑĤом" + ], + [ + "Ġ×ŀ", + "צ" + ], + [ + "ÑĪи", + "Ñħ" + ], + [ + "ات", + "Ùģ" + ], + [ + "ĠÑħ", + "оÑĤ" + ], + [ + "Ùİ", + "ا" + ], + [ + "ãģı", + "ãĤĭ" + ], + [ + "×Ķ", + "פ" + ], + [ + "à¹Ĥ", + "à¸Ĺ" + ], + [ + "à¹ģ", + "à¸ŀ" + ], + [ + "à¹Ī", + "à¸Ńย" + ], + [ + "ĠاÙĦÙħ", + "Ø´" + ], + [ + "à¸ģาร", + "à¸ĵà¹Į" + ], + [ + "ани", + "з" + ], + [ + "×Ķ", + "׾" + ], + [ + "ظ", + "Ùħ" + ], + [ + "ย", + "ุ" + ], + [ + "li", + "ÄŁ" + ], + [ + "à¹Ħ", + "à¸Ĥ" + ], + [ + "à¸ĸ", + "ืà¸Ń" + ], + [ + "ö", + "z" + ], + [ + "ãģij", + "ãģ¦" + ], + [ + "à¹Ģ", + "à¸ľ" + ], + [ + "ุ", + "ม" + ], + [ + "ãĥĹ", + "ãĥ¬" + ], + [ + "Ġ×Ķ×IJ", + "×Ĺר" + ], + [ + "خت", + "ÙĦÙģ" + ], + [ + "à¸", + "İ" + ], + [ + "ÙĦا", + "ØŃ" + ], + [ + "Ġdü", + "zen" + ], + [ + "צ", + "×Ķ" + ], + [ + "س", + "اء" + ], + [ + "×ķר", + "×ļ" + ], + [ + "×ķ×ĵ", + "×Ļ" + ], + [ + "ÑĢа", + "ÑĦ" + ], + [ + "ÅŁt", + "ır" + ], + [ + "ãģ«", + "åħ¥" + ], + [ + "ãģĪ", + "ãģ°" + ], + [ + "ص", + "ÙĪÙĦ" + ], + [ + "ĠÐľ", + "оÑģ" + ], + [ + "ا", + "Ùĩر" + ], + [ + "ãģ£", + "ãģ" + ], + [ + "ĠлÑİ", + "б" + ], + [ + "×Ļ×¢", + "×Ķ" + ], + [ + "Ġ×Ķ×ŀ", + "×§" + ], + [ + "สิ", + "à¸Ĺ" + ], + [ + "สิà¸Ĺ", + "à¸ĺิ" + ], + [ + "×Ļ׳", + "×Ŀ" + ], + [ + "ÙĦا", + "Ùģ" + ], + [ + "à¸ŀัà¸Ļ", + "à¸ĺ" + ], + [ + "×ķ×IJ", + "×Ķ" + ], + [ + "ม", + "ั" + ], + [ + "à¸Ĥ", + "à¸ĵะ" + ], + [ + "д", + "оÑĢ" + ], + [ + "ãģ¨", + "ãģª" + ], + [ + "à¸ģระ", + "à¸Ĺ" + ], + [ + "ac", + "ı" + ], + [ + "×ķ׾", + "×ķ×Ĵ" + ], + [ + "Ñĥ", + "ÑĪ" + ], + [ + "ãĥ¥", + "ãĥ¼" + ], + [ + "ãĥ", + "¦" + ], + [ + "Ùħ", + "ست" + ], + [ + "Ġa", + "ÅŁ" + ], + [ + "ש", + "×§" + ], + [ + "פ", + "ת×Ĺ" + ], + [ + "าย", + "à¸Ļ" + ], + [ + "í", + "ĩ" + ], + [ + "ë", + "¢" + ], + [ + "ï", + "·" + ], + [ + "í", + "ī" + ], + [ + "ì", + "µ" + ], + [ + "ì", + "¬" + ], + [ + "ðĿ", + "Ľ" + ], + [ + "ì", + "Ĵ" + ], + [ + "ë", + "Ļ" + ], + [ + "ê", + "§" + ], + [ + "á", + "ĸ" + ], + [ + "â", + "¨" + ], + [ + "â", + "±" + ], + [ + "á", + "ĺ" + ], + [ + "ð", + "ĸ" + ], + [ + "à", + "ł" + ], + [ + "á", + "Ķ" + ], + [ + "ðIJ", + "Ń" + ], + [ + "ữ", + "ng" + ], + [ + "Å©", + "ng" + ], + [ + "Ġ×Ķ", + "ת" + ], + [ + "ĠاÙĦ", + "ا" + ], + [ + "Ġ×ŀ", + "ת" + ], + [ + "à¸ĸ", + "ึà¸ĩ" + ], + [ + "ò", + "n" + ], + [ + "á»ĭ", + "nh" + ], + [ + "нÑĭ", + "м" + ], + [ + "Ġc", + "ả" + ], + [ + "à¸Ķ", + "ู" + ], + [ + "Ġ", + "à¹ģà¸ķà¹Ī" + ], + [ + "Ġ×ij", + "×Ķ" + ], + [ + "ó", + "i" + ], + [ + "ãģ¨", + "ãģĹãģ¦" + ], + [ + "ú", + "ng" + ], + [ + "ĠØ", + "°" + ], + [ + "Ġ×Ķ", + "׳" + ], + [ + "Ġب", + "ÙĨ" + ], + [ + "ÙĦ", + "اÙĦ" + ], + [ + "à¹Ħ", + "à¸Ĺย" + ], + [ + "á»ĩ", + "p" + ], + [ + "t", + "ı" + ], + [ + "ม", + "ัà¸Ļ" + ], + [ + "ằ", + "ng" + ], + [ + "á»ij", + "t" + ], + [ + "к", + "ом" + ], + [ + "à¸ĭ", + "ึà¹Īà¸ĩ" + ], + [ + "à¸Ħร", + "ัà¸ļ" + ], + [ + "à¸ļ", + "à¹īาà¸Ļ" + ], + [ + "ĠاÙĦ", + "ÙĬ" + ], + [ + "l", + "ü" + ], + [ + "ÙĪ", + "س" + ], + [ + "ãģł", + "ãģ£ãģŁ" + ], + [ + "à¹Ģ", + "à¸ĩ" + ], + [ + "Ġê³", + "µ" + ], + [ + "н", + "Ñĥ" + ], + [ + "ãĤĪ", + "ãĤĬ" + ], + [ + "м", + "Ñĥ" + ], + [ + "à¹Ģà¸Ĥ", + "า" + ], + [ + "ãĤ", + "Ģ" + ], + [ + "ни", + "е" + ], + [ + "ãģ«ãģª", + "ãĤĭ" + ], + [ + "áºŃ", + "y" + ], + [ + "ĠÙĪ", + "ا" + ], + [ + "ëł", + "¤" + ], + [ + "ש", + "×ķ" + ], + [ + "á", + "p" + ], + [ + "×ĵ", + "×ķ" + ], + [ + "ãģ§", + "ãģĹãģŁ" + ], + [ + "ع", + "ض" + ], + [ + "Ñģк", + "ой" + ], + [ + "æĦŁ", + "ãģĺ" + ], + [ + "ÑİÑĤ", + "ÑģÑı" + ], + [ + "Ġ×Ļ", + "׼×ķ׾" + ], + [ + "ãĤĵ", + "ãģł" + ], + [ + "в", + "и" + ], + [ + "à¹Ģล", + "à¹Īà¸Ļ" + ], + [ + "ìĿ´", + "ëĭ¤" + ], + [ + "ĠÙĦ", + "Ùĩ" + ], + [ + "à¸Ħ", + "ืà¸Ń" + ], + [ + "ت", + "Ùĥ" + ], + [ + "Ùħ", + "ÙĥÙĨ" + ], + [ + "a", + "ģı" + ], + [ + "׳", + "×ĵ" + ], + [ + "ë¯", + "¼" + ], + [ + "à¹Ħ", + "ว" + ], + [ + "สำ", + "ห" + ], + [ + "สำห", + "รัà¸ļ" + ], + [ + "Ñģл", + "ед" + ], + [ + "t", + "ır" + ], + [ + "ĠÙĦ", + "ÙĬ" + ], + [ + "ĠاÙĦع", + "ÙħÙĦ" + ], + [ + "×ij", + "×ķת" + ], + [ + "×ij", + "×Ļ×Ŀ" + ], + [ + "à¸Ħ", + "ำ" + ], + [ + "à¹Ģà¸Ħร", + "ืà¹Īà¸Ńà¸ĩ" + ], + [ + "lı", + "ģı" + ], + [ + "ืà¸Ń", + "à¸ĩ" + ], + [ + "ج", + "د" + ], + [ + "íŀ", + "Ī" + ], + [ + "ìĭ", + "¬" + ], + [ + "×¢", + "×ķת" + ], + [ + "ส", + "ิà¸Ļ" + ], + [ + "Ñĩ", + "и" + ], + [ + "ر", + "ض" + ], + [ + "à¹Ģà¸Ľ", + "ิà¸Ķ" + ], + [ + "à¸Ħ", + "à¹Īา" + ], + [ + "ìĦ", + "ł" + ], + [ + "ÙĪØ±", + "Ø©" + ], + [ + "×§", + "×ĺ" + ], + [ + "ìľ", + "ł" + ], + [ + "ع", + "ÙħÙĦ" + ], + [ + "×IJ", + "×Ļ×Ŀ" + ], + [ + "׾", + "×Ļ×Ŀ" + ], + [ + "à¹ĥห", + "à¸į" + ], + [ + "à¹ĥหà¸į", + "à¹Ī" + ], + [ + "ừ", + "a" + ], + [ + "á»į", + "i" + ], + [ + "ãģ", + "¶" + ], + [ + "ÃŃ", + "ch" + ], + [ + "ãĥĩ", + "ãĤ£" + ], + [ + "×ķר", + "×Ļ×Ŀ" + ], + [ + "Ñģ", + "о" + ], + [ + "ìķ", + "½" + ], + [ + "ов", + "а" + ], + [ + "Ñĩ", + "аÑģÑĤ" + ], + [ + "à¹Ģà¸Ī", + "à¹īา" + ], + [ + "п", + "ÑĢо" + ], + [ + "Ġ×ŀ", + "×Ĺ" + ], + [ + "ãĥ", + "İ" + ], + [ + "×ķ×Ļ", + "×ķת" + ], + [ + "Ġд", + "е" + ], + [ + "ë§", + "Ī" + ], + [ + "ì§", + "ģ" + ], + [ + "×Ļפ", + "×Ķ" + ], + [ + "ĠاÙĦع", + "اÙĦÙħ" + ], + [ + "ë¥", + "´" + ], + [ + "ר×IJ", + "×Ķ" + ], + [ + "uy", + "á»ĥn" + ], + [ + "×¢", + "×Ļ" + ], + [ + "ม", + "ืà¸Ń" + ], + [ + "Ø¥", + "ÙĨ" + ], + [ + "ร", + "ู" + ], + [ + "ĠØ", + "²" + ], + [ + "×Ļ", + "×ķ×Ŀ" + ], + [ + "à¸ķ", + "à¹īà¸Ļ" + ], + [ + "ãģ¦", + "ãģĦãģ¾ãģĻ" + ], + [ + "Ùħ", + "اÙĨ" + ], + [ + "ĠÐ", + "¥" + ], + [ + "à¸Ľà¸£à¸°", + "à¹Ģà¸Ĺศ" + ], + [ + "á»", + "³" + ], + [ + "׾", + "×ij" + ], + [ + "à¹Ģà¸Ķ", + "à¹ĩ" + ], + [ + "ãģŁ", + "ãģ¡" + ], + [ + "à¸Ĺี", + "ม" + ], + [ + "à¸Ļ", + "ะ" + ], + [ + "ìĹ", + "°" + ], + [ + "Ġìł", + "Ģ" + ], + [ + "ÙĦ", + "Ùĩ" + ], + [ + "ợ", + "i" + ], + [ + "ĠاÙĦ", + "ز" + ], + [ + "د", + "ار" + ], + [ + "ãĤ³", + "ãĥ³" + ], + [ + "м", + "ин" + ], + [ + "à¹ģห", + "à¹Īà¸ĩ" + ], + [ + "à¸Ķ", + "ัà¸ļ" + ], + [ + "׼", + "ר" + ], + [ + "ж", + "а" + ], + [ + "íĸ", + "Ī" + ], + [ + "×ŀ", + "×ĸ" + ], + [ + "ợ", + "i" + ], + [ + "à¸Ķ", + "า" + ], + [ + "Ġع", + "بد" + ], + [ + "à¹ģ", + "ร" + ], + [ + "×IJת", + "ר" + ], + [ + "×¢", + "׳×Ļ" + ], + [ + "à¹Ģ", + "à¸Ħ" + ], + [ + "×ķצ", + "ר" + ], + [ + "ì§Ģ", + "ë§Į" + ], + [ + "ائ", + "Ùħ" + ], + [ + "Ø£", + "س" + ], + [ + "uy", + "á»ģn" + ], + [ + "Ġ×IJ", + "׳" + ], + [ + "×Ĺ", + "׳×ķ" + ], + [ + "×ĸ", + "×Ļ" + ], + [ + "ร", + "à¹īาà¸Ļ" + ], + [ + "ĠÐł", + "оÑģ" + ], + [ + "ĠÐłÐ¾Ñģ", + "Ñģ" + ], + [ + "رب", + "ÙĬØ©" + ], + [ + "t", + "ür" + ], + [ + "ãĤĭ", + "ãģĵãģ¨" + ], + [ + "ظ", + "ر" + ], + [ + "б", + "Ñĭ" + ], + [ + "à¸Ĺีà¹Ī", + "สุà¸Ķ" + ], + [ + "Ġצ", + "ר" + ], + [ + "èĩª", + "åĪĨ" + ], + [ + "л", + "аÑģ" + ], + [ + "ĠÑı", + "в" + ], + [ + "ĠÑıв", + "лÑı" + ], + [ + "à¸ŀร", + "à¹īà¸Ńม" + ], + [ + "à¸Ńา", + "à¸Ī" + ], + [ + "à¸ļริ", + "à¸ģาร" + ], + [ + "Ġç", + "ı" + ], + [ + "ëį", + "ĺ" + ], + [ + "ĠاÙĦÙħ", + "ست" + ], + [ + "ت", + "Ø´" + ], + [ + "ש", + "×ķ×ij" + ], + [ + "ãĤ", + "´" + ], + [ + "Ġyap", + "ıl" + ], + [ + "ĠاÙĦ", + "ذ" + ], + [ + "ุ", + "à¹Īม" + ], + [ + "à¸ĸ", + "à¹īา" + ], + [ + "ìĦ", + "¤" + ], + [ + "ì°", + "¨" + ], + [ + "в", + "аÑĢ" + ], + [ + "à¹Ģà¸ŀ", + "ิà¹Īม" + ], + [ + "Æ°á»Ľ", + "i" + ], + [ + "Ùĥ", + "س" + ], + [ + "à¸Ńย", + "าà¸ģ" + ], + [ + "ãģ¦", + "ãĤĤ" + ], + [ + "Ġг", + "од" + ], + [ + "ÙĬ", + "ار" + ], + [ + "à¸ķ", + "à¸Ńà¸Ļ" + ], + [ + "Ġиг", + "ÑĢ" + ], + [ + "à¹Ħà¸Ķà¹ī", + "รัà¸ļ" + ], + [ + "ĠاÙĦÙħ", + "ر" + ], + [ + "ÙĤ", + "ت" + ], + [ + "Ġë", + "ĺ" + ], + [ + "Ġëĺ", + "IJ" + ], + [ + "ẩ", + "n" + ], + [ + "ãģĻãĤĭ", + "ãģĵãģ¨" + ], + [ + "×Ĵ", + "×Ŀ" + ], + [ + "Ġ×ij", + "×ij" + ], + [ + "ت", + "د" + ], + [ + "ÙĪ", + "ار" + ], + [ + "ãĤ", + "®" + ], + [ + "п", + "ол" + ], + [ + "Ġм", + "ог" + ], + [ + "تر", + "Ùĥ" + ], + [ + "ÙĪ", + "Ø«" + ], + [ + "Ġç", + "ık" + ], + [ + "ا", + "Ø©" + ], + [ + "à¹Ģà¸Ķ", + "ียว" + ], + [ + "มี", + "à¸Ħวาม" + ], + [ + "Ġ×ŀ", + "×Ĵ" + ], + [ + "ص", + "Ùģ" + ], + [ + "ĠТ", + "ак" + ], + [ + "Ġ׼", + "ת" + ], + [ + "×Ļ×ĵ", + "×Ļ" + ], + [ + "ов", + "оÑĢ" + ], + [ + "ầ", + "y" + ], + [ + "สิ", + "à¹Īà¸ĩ" + ], + [ + "ب", + "ت" + ], + [ + "ür", + "ü" + ], + [ + "ÙĨ", + "ج" + ], + [ + "หล", + "ัà¸ģ" + ], + [ + "×Ļ×Ķ", + "×Ŀ" + ], + [ + "ÙĤ", + "ص" + ], + [ + "з", + "Ñĭ" + ], + [ + "×Ľ×ª", + "×ij" + ], + [ + "ư", + "u" + ], + [ + "m", + "ız" + ], + [ + "ĠìĦ", + "¸" + ], + [ + "л", + "ог" + ], + [ + "Ùħ", + "ÙĬÙĦ" + ], + [ + "ÙĬ", + "ج" + ], + [ + "íĴ", + "Ī" + ], + [ + "à¸ŀ", + "à¸ļ" + ], + [ + "ห", + "ัว" + ], + [ + "з", + "на" + ], + [ + "ר", + "×§" + ], + [ + "à¹Ĥ", + "ร" + ], + [ + "Ġ×ij", + "ס" + ], + [ + "ĠBaÅŁ", + "kan" + ], + [ + "ĠëĶ", + "°" + ], + [ + "à¸Ń", + "ัà¸Ļ" + ], + [ + "ีà¹Īย", + "ว" + ], + [ + "н", + "еÑģ" + ], + [ + "à¹Ģà¸Ķ", + "ิà¸Ļ" + ], + [ + "ÙĬ", + "اÙĨ" + ], + [ + "×ķ׾", + "×Ļ" + ], + [ + "ا", + "خت" + ], + [ + "צ", + "×ķת" + ], + [ + "ãģĵ", + "ãģĵ" + ], + [ + "ĠاÙĦ", + "اÙĨ" + ], + [ + "ĠпÑĢо", + "ÑĨ" + ], + [ + "ãģ¾", + "ãģł" + ], + [ + "׼", + "ס" + ], + [ + "ĠاÙĦ", + "Ø¢" + ], + [ + "ÙĬ", + "ز" + ], + [ + "ĠاÙĦد", + "ÙĪÙĦ" + ], + [ + "Ġíķĺ", + "ëĤĺ" + ], + [ + "ض", + "ع" + ], + [ + "ê»", + "ĺ" + ], + [ + "ÅĽ", + "wi" + ], + [ + "ย", + "ิ" + ], + [ + "ãģ¡ãĤĥ", + "ãĤĵ" + ], + [ + "ĠÙħ", + "Ø´" + ], + [ + "à¸ĺ", + "ี" + ], + [ + "ãģ¨", + "ãģį" + ], + [ + "׳×Ļ", + "×ķת" + ], + [ + "Ġë", + "¯" + ], + [ + "Ġë¯", + "¸" + ], + [ + "Ġs", + "ı" + ], + [ + "ëĭĪ", + "ê¹Į" + ], + [ + "Ġп", + "л" + ], + [ + "غ", + "ÙĦ" + ], + [ + "à¹ģ", + "รà¸ĩ" + ], + [ + "ب", + "ÙĬر" + ], + [ + "ãģĤãĤĬ", + "ãģ¾ãģĽãĤĵ" + ], + [ + "ê·", + "¼" + ], + [ + "Ġy", + "üz" + ], + [ + "ĠdeÄŁ", + "er" + ], + [ + "åł´", + "åIJĪ" + ], + [ + "á»", + "¡" + ], + [ + "м", + "аÑĤ" + ], + [ + "รา", + "à¸Ĭ" + ], + [ + "ÙĪØ±", + "ÙĬ" + ], + [ + "ж", + "ен" + ], + [ + "ãģ¾", + "ãĤĬ" + ], + [ + "ãģ®", + "ä¸Ń" + ], + [ + "×Ļ×ĵ", + "×¢" + ], + [ + "à¸Ń", + "ุ" + ], + [ + "à¸ļ", + "à¸Ńล" + ], + [ + "à¸Ľà¸±à¸į", + "หา" + ], + [ + "ز", + "Ùħ" + ], + [ + "ÄŁ", + "a" + ], + [ + "à¸Ń", + "ืà¹Ī" + ], + [ + "à¸Ńืà¹Ī", + "à¸Ļ" + ], + [ + "п", + "л" + ], + [ + "Ġне", + "обÑħодим" + ], + [ + "׼", + "×ij" + ], + [ + "à¹Ģ", + "ศ" + ], + [ + "קר", + "×Ķ" + ], + [ + "ì²", + "ĺ" + ], + [ + "ëł", + "¨" + ], + [ + "×ŀ×§", + "×ķ×Ŀ" + ], + [ + "jÄħ", + "c" + ], + [ + "Ùĩ", + "ÙĦ" + ], + [ + "Ġ×¢", + "×ij×ķ×ĵ" + ], + [ + "à¹Ħม", + "à¹ī" + ], + [ + "à¸ģล", + "ัà¸ļ" + ], + [ + "×ķ׼", + "׾" + ], + [ + "×§", + "×ĵ" + ], + [ + "اÙĦ", + "ÙĬØ©" + ], + [ + "ر", + "Ùĩ" + ], + [ + "ãģij", + "ãĤĮãģ°" + ], + [ + "ĠÙĨ", + "Ù쨳" + ], + [ + "ãĤ¢", + "ãĥ«" + ], + [ + "ìĹ", + "Īëĭ¤" + ], + [ + "×§", + "×ķר" + ], + [ + "н", + "еÑĢ" + ], + [ + "ب", + "اب" + ], + [ + "ãĤ", + "¶" + ], + [ + "سب", + "ب" + ], + [ + "ÙĦ", + "ÙĬÙĦ" + ], + [ + "ص", + "ÙĨ" + ], + [ + "ص", + "در" + ], + [ + "ế", + "m" + ], + [ + "à¸Ĭà¹Īว", + "à¸ĩ" + ], + [ + "ØŃ", + "ÙĨ" + ], + [ + "Ġ×ij", + "×Ĵ" + ], + [ + "×ŀ", + "×ķ×¢" + ], + [ + "׾", + "×Ĺ" + ], + [ + "大", + "ãģį" + ], + [ + "ت", + "ب" + ], + [ + "н", + "еÑĤ" + ], + [ + "×Ļ×ij", + "×Ķ" + ], + [ + "б", + "л" + ], + [ + "ãĥĹ", + "ãĥª" + ], + [ + "اص", + "Ø©" + ], + [ + "ãģ¤", + "ãģij" + ], + [ + "×Ļ×ŀ", + "×ķש" + ], + [ + "ãģĮ", + "ãģĤ" + ], + [ + "ëĭ", + "´" + ], + [ + "ãģĭãĤĤ", + "ãģĹ" + ], + [ + "ãģĭãĤĤãģĹ", + "ãĤĮ" + ], + [ + "ãģ¡", + "ãĤī" + ], + [ + "×ij", + "×ĺ" + ], + [ + "Ġba", + "ÄŁ" + ], + [ + "×Ļ×Ĺ", + "ס" + ], + [ + "×ij", + "×ķ×¢" + ], + [ + "ล", + "ี" + ], + [ + "פע", + "×Ļ׾" + ], + [ + "им", + "и" + ], + [ + "g", + "ÅĤ" + ], + [ + "Ġим", + "е" + ], + [ + "خد", + "اÙħ" + ], + [ + "×IJ", + "×Ļר" + ], + [ + "Ġy", + "apt" + ], + [ + "ãģ¨", + "ãģĦ" + ], + [ + "à¸ĩ", + "à¹Īาย" + ], + [ + "׾×Ļ", + "×ķ" + ], + [ + "ØŃد", + "Ø«" + ], + [ + "را", + "ÙĤ" + ], + [ + "ĠÄIJ", + "i" + ], + [ + "اد", + "ر" + ], + [ + "ãģĵãģ¨", + "ãĤĤ" + ], + [ + "×ij", + "×Ļר" + ], + [ + "Ġв", + "з" + ], + [ + "ض", + "اÙģ" + ], + [ + "ת", + "×ķ׼" + ], + [ + "ÑĢ", + "ом" + ], + [ + "ر", + "ات" + ], + [ + "à¹Ģà¸Ĺ", + "à¹Īา" + ], + [ + "ãģĺ", + "ãĤĥ" + ], + [ + "ãģĿ", + "ãģĵ" + ], + [ + "اج", + "تÙħاع" + ], + [ + "à¹īà¸Ń", + "à¸Ļ" + ], + [ + "ÙĤ", + "Ùħ" + ], + [ + "ë³", + "¸" + ], + [ + "Ä", + "ŀ" + ], + [ + "ש", + "×Ļ×ķ" + ], + [ + "×ij", + "׳×Ļ" + ], + [ + "ìľĦ", + "ìĽIJ" + ], + [ + "à¹ģ", + "à¸Ī" + ], + [ + "×Ĺ", + "×ķר" + ], + [ + "دÙĬ", + "ÙĨØ©" + ], + [ + "ت", + "Ø·" + ], + [ + "ằ", + "m" + ], + [ + "ò", + "a" + ], + [ + "ย", + "à¸Ńà¸Ķ" + ], + [ + "Ġëĭ", + "¹" + ], + [ + "สุ", + "à¸Ĥ" + ], + [ + "×ĵר", + "×ļ" + ], + [ + "د", + "ÙĨ" + ], + [ + "س", + "ÙĬÙĨ" + ], + [ + "ÙĪÙĤ", + "Ùģ" + ], + [ + "ÑĨ", + "Ñĭ" + ], + [ + "г", + "оÑĤов" + ], + [ + "еж", + "дÑĥ" + ], + [ + "à¸ŀ", + "วà¸ģ" + ], + [ + "اÙĤ", + "تص" + ], + [ + "اÙĤتص", + "اد" + ], + [ + "cz", + "ÄĻ" + ], + [ + "ni", + "ÄĻ" + ], + [ + "ÑĢ", + "еб" + ], + [ + "ØŃ", + "ÙĪ" + ], + [ + "à¸Ĺ", + "à¹Į" + ], + [ + "ãĤĪ", + "ãģŃ" + ], + [ + "д", + "ж" + ], + [ + "à¸ģล", + "à¹Īาว" + ], + [ + "دÙĬ", + "Ø«" + ], + [ + "ãĤ³", + "ãĥŁ" + ], + [ + "ÙĤ", + "ÙĪÙħ" + ], + [ + "Ġت", + "ØŃ" + ], + [ + "à¹Ģ", + "à¸ķิ" + ], + [ + "اÙģ", + "ظ" + ], + [ + "à¸Ī", + "ุ" + ], + [ + "رÙĬ", + "اض" + ], + [ + "×ŀש", + "×ļ" + ], + [ + "à¹Ĥ", + "ย" + ], + [ + "еÑĢ", + "е" + ], + [ + "ãģ¿", + "ãģŁãģĦ" + ], + [ + "ìĿ´", + "ëĿ¼" + ], + [ + "ĠاÙĦÙħ", + "ÙĪ" + ], + [ + "ĠÑģÑĤ", + "о" + ], + [ + "à¹Ģรà¹ĩ", + "ว" + ], + [ + "Ġд", + "еÑĤ" + ], + [ + "ĠÑģ", + "дел" + ], + [ + "à¹Ģà¸Ĭ", + "ืà¹Īà¸Ń" + ], + [ + "פ", + "׳×Ļ" + ], + [ + "ÙĪØ¶", + "ÙĪØ¹" + ], + [ + "×ij", + "ס" + ], + [ + "à¹ģ", + "à¸Ķ" + ], + [ + "ó", + "c" + ], + [ + "ริ", + "ม" + ], + [ + "ÑĢаÐ", + "´" + ], + [ + "ìĪ", + "ł" + ], + [ + "ãĥ¼ãĤ", + "º" + ], + [ + "ãģ«", + "ãģĬ" + ], + [ + "и", + "но" + ], + [ + "פ", + "×Ļ׾" + ], + [ + "à¸Ĭั", + "à¹Īà¸Ļ" + ], + [ + "×Ĺ×ĵ", + "ש" + ], + [ + "à¹Ģà¸Ļ", + "ืà¹Īà¸Ńà¸ĩ" + ], + [ + "׳", + "×Ļס" + ], + [ + "غ", + "رب" + ], + [ + "ãĤ¸", + "ãĥ£" + ], + [ + "ส", + "ัà¸ĩ" + ], + [ + "à¹Ģ", + "à¸Ĺีà¹Ī" + ], + [ + "à¹Ģà¸Ĺีà¹Ī", + "ยว" + ], + [ + "ëŁ", + "¼" + ], + [ + "à¹ģ", + "à¸Ł" + ], + [ + "ãĥ¼ãĤ", + "·" + ], + [ + "ãĥ¼ãĤ·", + "ãĥ§ãĥ³" + ], + [ + "Ġвоз", + "мож" + ], + [ + "جÙħ", + "ÙĪØ¹" + ], + [ + "×ijר", + "×Ļ×Ŀ" + ], + [ + "ãĥĪ", + "ãĥ©" + ], + [ + "ĠкаÑĩ", + "еÑģÑĤв" + ], + [ + "Ø·", + "ÙĬ" + ], + [ + "ÑĤ", + "Ñı" + ], + [ + "צ", + "×ķ×¢" + ], + [ + "ÄŁ", + "ını" + ], + [ + "ع", + "ÙĦÙī" + ], + [ + "ا", + "ذ" + ], + [ + "ÙĪØ§ÙĤ", + "ع" + ], + [ + "Ùħ", + "ÙĪØ§" + ], + [ + "ائ", + "ÙĬÙĦ" + ], + [ + "к", + "ол" + ], + [ + "á»ģ", + "m" + ], + [ + "à¸ľà¸¥", + "ิà¸ķ" + ], + [ + "×Ļ׳", + "×ĺר" + ], + [ + "س", + "Ùĥ" + ], + [ + "ש", + "×Ļר" + ], + [ + "ศึà¸ģ", + "ษา" + ], + [ + "à¸ļ", + "ั" + ], + [ + "Ñĩ", + "аÑģ" + ], + [ + "×ķפ", + "×Ķ" + ], + [ + "×Ļפ", + "×ķ׾" + ], + [ + "ĠاÙĦس", + "اب" + ], + [ + "رÙĬ", + "ب" + ], + [ + "ĠاÙĦ", + "بÙĬ" + ], + [ + "ãĤ¹", + "ãĥĨ" + ], + [ + "Ñĩ", + "ен" + ], + [ + "à¹ģ", + "à¸ľ" + ], + [ + "Ġ׳", + "ש" + ], + [ + "ز", + "ÙĬد" + ], + [ + "ØŃ", + "اد" + ], + [ + "ëį", + "Ķ" + ], + [ + "رÙĪ", + "ع" + ], + [ + "à¸Ĺุ", + "à¸Ļ" + ], + [ + "ส", + "มา" + ], + [ + "c", + "zeÅĦ" + ], + [ + "×Ļ×ĵ", + "×Ķ" + ], + [ + "ãģ§", + "ãģĤ" + ], + [ + "Ġçoc", + "uk" + ], + [ + "Ø®", + "ب" + ], + [ + "à¸ļ", + "าย" + ], + [ + "à¸Ľà¸£à¸°", + "à¸Ĭา" + ], + [ + "×ŀש", + "׾" + ], + [ + "ãģª", + "ãģĭ" + ], + [ + "à¸ģ", + "าย" + ], + [ + "ãĥģ", + "ãĥ£" + ], + [ + "аÑĢ", + "и" + ], + [ + "ĠÑĩ", + "а" + ], + [ + "à¸Ķ", + "ำ" + ], + [ + "à¸Ĺั", + "à¹Īว" + ], + [ + "Ñĥ", + "Ñħ" + ], + [ + "Ġö", + "z" + ], + [ + "Ġì¢", + "ĭ" + ], + [ + "ج", + "رÙĬ" + ], + [ + "ائ", + "ÙĤ" + ], + [ + "à¸ł", + "ัย" + ], + [ + "Ø·", + "ار" + ], + [ + "د", + "ارة" + ], + [ + "Ä©", + "nh" + ], + [ + "Ø«", + "ÙĨ" + ], + [ + "zell", + "ik" + ], + [ + "اÙĦ", + "ت" + ], + [ + "Ġg", + "eli" + ], + [ + "ãĥķãĤ", + "©" + ], + [ + "ол", + "од" + ], + [ + "رب", + "ع" + ], + [ + "שת", + "×ŀש" + ], + [ + "à¸ļร", + "ร" + ], + [ + "íĿ", + "¬" + ], + [ + "Ġü", + "rün" + ], + [ + "Ġê·¸", + "ëłĩ" + ], + [ + "ศาส", + "à¸ķรà¹Į" + ], + [ + "ãģ", + "ľ" + ], + [ + "×Ļ×ij", + "׾" + ], + [ + "ĠпÑĢед", + "ÑģÑĤав" + ], + [ + "سط", + "ÙĬÙĨ" + ], + [ + "ãĤĴ", + "使" + ], + [ + "Ġпом", + "оÑī" + ], + [ + "×ķ×§", + "ר" + ], + [ + "ãĥ¯", + "ãĥ¼" + ], + [ + "Ġyö", + "net" + ], + [ + "×Ļ×§", + "ר" + ], + [ + "à¸Ĥ", + "า" + ], + [ + "еÑĢи", + "ал" + ], + [ + "ØŃ", + "Ùģ" + ], + [ + "Ġ×Ļ", + "צ" + ], + [ + "à¸Ĺ", + "ิ" + ], + [ + "å£", + "²" + ], + [ + "à¸Ļ", + "à¸Ńà¸ģ" + ], + [ + "×ķ׼", + "ר" + ], + [ + "íĻ", + "ľ" + ], + [ + "á»§", + "y" + ], + [ + "ĠاÙĦÙĤ", + "ر" + ], + [ + "×Ļ×ij", + "×ķת" + ], + [ + "ÅĽ", + "ni" + ], + [ + "Ùħ", + "شار" + ], + [ + "ượ", + "t" + ], + [ + "ĠÙĦ", + "دÙĬ" + ], + [ + "ÑĤ", + "ел" + ], + [ + "ĠØ¥", + "ÙĦÙĬ" + ], + [ + "عÙĦ", + "ÙĪÙħ" + ], + [ + "ìķ", + "ĺ" + ], + [ + "в", + "иÑĤ" + ], + [ + "à¸Ħ", + "ะ" + ], + [ + "yr", + "ı" + ], + [ + "ãģ¨", + "ãģ£ãģ¦" + ], + [ + "à¹Ģ", + "à¸ī" + ], + [ + "à¸ĸ", + "าม" + ], + [ + "ÙĤ", + "ار" + ], + [ + "عÙĦ", + "اÙħ" + ], + [ + "ặ", + "ng" + ], + [ + "Ùħ", + "ÙĴ" + ], + [ + "×Ļ×ŀ", + "ת" + ], + [ + "سب", + "Ø©" + ], + [ + "ãĤ¯", + "ãĥ©" + ], + [ + "×ķס", + "×£" + ], + [ + "ĠпÑĢ", + "ин" + ], + [ + "ãģĦ", + "ãĤį" + ], + [ + "س", + "اس" + ], + [ + "عت", + "بر" + ], + [ + "วิ", + "à¸Ĺย" + ], + [ + "วิà¸Ĺย", + "า" + ], + [ + "س", + "Ùĥر" + ], + [ + "ãĤ·", + "ãĥ§" + ], + [ + "ãģ", + "ģ" + ], + [ + "ัà¸ģ", + "ษ" + ], + [ + "×ij", + "×ķ×Ķ" + ], + [ + "ห", + "ย" + ], + [ + "ãģ¾", + "ãĤĮ" + ], + [ + "ĠоÑĢг", + "аниз" + ], + [ + "каз", + "ал" + ], + [ + "ĠÑģв", + "Ñıз" + ], + [ + "uy", + "ết" + ], + [ + "ĠпÑĢо", + "из" + ], + [ + "Ġ×§", + "×ĺ" + ], + [ + "à¹ģà¸ģ", + "à¹ī" + ], + [ + "п", + "ÑĥÑģ" + ], + [ + "Ġê·¸", + "ê²ĥ" + ], + [ + "ëĬ", + "IJ" + ], + [ + "л", + "екÑģ" + ], + [ + "ãĥ¼ãĥ", + "Ĺ" + ], + [ + "à¸ķ", + "ำ" + ], + [ + "ת×Ĺ", + "×Ļ׾" + ], + [ + "à¸Ńà¸ĩ", + "à¸Ħà¹Į" + ], + [ + "áº", + "µ" + ], + [ + "׳", + "צ" + ], + [ + "Ø£", + "Ø´" + ], + [ + "Ø´", + "Ùĩ" + ], + [ + "ย", + "ะ" + ], + [ + "à¸ģ", + "à¸İ" + ], + [ + "ĠاÙĦØ¥", + "سÙĦاÙħ" + ], + [ + "ед", + "ÑĮ" + ], + [ + "ãģ²", + "ãģ¨" + ], + [ + "ëıĦ", + "ë¡Ŀ" + ], + [ + "ãģ©", + "ãģ®" + ], + [ + "Ñĥ", + "в" + ], + [ + "еÑĩ", + "ение" + ], + [ + "ĠاÙĦت", + "ج" + ], + [ + "ãģ«", + "è¡Į" + ], + [ + "Ġп", + "озв" + ], + [ + "ãĤı", + "ãĤĬ" + ], + [ + "ÙĦ", + "اث" + ], + [ + "íķĺ", + "ìĺĢ" + ], + [ + "Ġм", + "аÑĢ" + ], + [ + "Ġkon", + "uÅŁ" + ], + [ + "ãĥ¬", + "ãĤ¹" + ], + [ + "ãĤĴ", + "æĮģ" + ], + [ + "ĠоÑģ", + "нов" + ], + [ + "×Ĺ", + "×ij" + ], + [ + "ÙĪØ¬", + "ÙĪØ¯" + ], + [ + "פ", + "×ķף" + ], + [ + "в", + "оÑĢ" + ], + [ + "Ġн", + "ик" + ], + [ + "ãģĭ", + "ãĤĭ" + ], + [ + "ÅŁtır", + "ma" + ], + [ + "×Ļס", + "×ĺ" + ], + [ + "Ø£", + "ÙĦ" + ], + [ + "ห", + "à¹Į" + ], + [ + "и", + "она" + ], + [ + "лÑĮ", + "н" + ], + [ + "Ġг", + "оÑģ" + ], + [ + "ĠÐľÐ¾Ñģ", + "к" + ], + [ + "ÑĢ", + "об" + ], + [ + "×ķ×IJ", + "×Ļ" + ], + [ + "ãģĬãĤĬ", + "ãģ¾ãģĻ" + ], + [ + "ãģ£ãģ", + "±" + ], + [ + "к", + "л" + ], + [ + "à¸Ļ", + "à¸Ķà¹Į" + ], + [ + "رÙĬ", + "Ùģ" + ], + [ + "اس", + "ب" + ], + [ + "ĠÑĢ", + "еÑĪ" + ], + [ + "Ġд", + "ол" + ], + [ + "ãģ¹", + "ãģį" + ], + [ + "×Ļ×ij", + "×ķר" + ], + [ + "м", + "еÑī" + ], + [ + "Ġна", + "ÑĪ" + ], + [ + "à¹ģ", + "à¸Ľà¸¥" + ], + [ + "ÑĢ", + "иÑĤ" + ], + [ + "кÑĥ", + "Ñģ" + ], + [ + "и", + "ÑĢа" + ], + [ + "аÑĤ", + "ÑĥÑĢ" + ], + [ + "ÙĪØ§", + "صÙĦ" + ], + [ + "à¹Ģà¸ľ", + "ย" + ], + [ + "à¸Ń", + "ำ" + ], + [ + "à¹Ģà¸ģ", + "ิà¸Ļ" + ], + [ + "غ", + "Ùħ" + ], + [ + "ãģĻ", + "ãģİ" + ], + [ + "lı", + "kl" + ], + [ + "ÅĦ", + "sk" + ], + [ + "ê²", + "¬" + ], + [ + "×Ļ׼", + "×Ķ" + ], + [ + "×Ĺ", + "ש×ij" + ], + [ + "ÙĪØ±", + "ÙĬØ©" + ], + [ + "Ġд", + "ейÑģÑĤв" + ], + [ + "×Ĺ׾", + "×ĺ" + ], + [ + "Ġ׾", + "×ŀ×¢" + ], + [ + "צ׾", + "×Ļ×Ĺ" + ], + [ + "еÑĩ", + "а" + ], + [ + "Ùģ", + "اع" + ], + [ + "×Ĵ", + "×Ļ×ĵ" + ], + [ + "áºŃ", + "m" + ], + [ + "ÄĻ", + "b" + ], + [ + "Ø´", + "ع" + ], + [ + "ãģı", + "ãĤĬ" + ], + [ + "à¸ŀ", + "ุ" + ], + [ + "ед", + "еÑĢ" + ], + [ + "à¸Ĥ", + "à¸Ļ" + ], + [ + "à¸Ħ", + "าร" + ], + [ + "ĠболÑĮ", + "ÑĪ" + ], + [ + "ãģı", + "ãģªãĤĬ" + ], + [ + "à¸ĵ", + "า" + ], + [ + "×ĵ", + "×ķ×Ĵ" + ], + [ + "Ġм", + "н" + ], + [ + "ä¸Ĭ", + "ãģĮ" + ], + [ + "ç¶ļ", + "ãģį" + ], + [ + "ฤ", + "ษ" + ], + [ + "à¸", + "Ĩ" + ], + [ + "Ø®", + "ÙĬ" + ], + [ + "à¹Ģà¸Ĺ", + "à¸ŀ" + ], + [ + "สั", + "ม" + ], + [ + "à¹Ģส", + "à¸Ļ" + ], + [ + "à¹Ģสà¸Ļ", + "à¸Ń" + ], + [ + "ãĥ", + "´" + ], + [ + "Ġи", + "ÑģÑĤ" + ], + [ + "با", + "شر" + ], + [ + "ĠÑĥ", + "ÑĢов" + ], + [ + "×ŀ", + "×ķ×ĸ" + ], + [ + "ab", + "ı" + ], + [ + "wa", + "ż" + ], + [ + "×ķצ", + "×IJ×Ķ" + ], + [ + "ÑĤ", + "веÑĢ" + ], + [ + "à¸ŀัà¸Ļà¸ĺ", + "à¹Į" + ], + [ + "׳", + "×Ĵ×ĵ" + ], + [ + "ãĤĭ", + "ãģĵãģ¨ãģĮãģ§ãģį" + ], + [ + "ĠÑĤÑĢ", + "еб" + ], + [ + "à¸ģร", + "ุà¸ĩ" + ], + [ + "ØŃت", + "اج" + ], + [ + "à¹Ģ", + "à¸Ħล" + ], + [ + "ã", + "Ĩ" + ], + [ + "ÄĻ", + "tr" + ], + [ + "Ġszcz", + "eg" + ], + [ + "Ġר", + "ש" + ], + [ + "à¸Ĺ", + "à¸ĺ" + ], + [ + "Ġн", + "ек" + ], + [ + "Ġнек", + "оÑĤоÑĢ" + ], + [ + "в", + "ÑĪ" + ], + [ + "Ð", + "¬" + ], + [ + "à¹Īว", + "ย" + ], + [ + "ล", + "ุ" + ], + [ + "б", + "ÑĢÑı" + ], + [ + "หม", + "ูà¹Ī" + ], + [ + "à¹ģ", + "à¸ķà¸ģ" + ], + [ + "ר׼", + "×Ļ×Ŀ" + ], + [ + "Ġí", + "ĸī" + ], + [ + "ã", + "i" + ], + [ + "Ùĥر", + "Ø©" + ], + [ + "â", + "Ń" + ], + [ + "í", + "IJ" + ], + [ + "ã", + "į" + ], + [ + "á", + "ģ" + ], + [ + "â", + "®" + ], + [ + "â", + "¥" + ], + [ + "ì", + "®" + ], + [ + "à", + "¿" + ], + [ + "â", + "¿" + ], + [ + "á", + "Ĥ" + ], + [ + "á", + "¤" + ], + [ + "â", + "ł" + ], + [ + "í", + "Ł" + ], + [ + "ðIJ", + "į" + ], + [ + "ðIJ", + "°" + ], + [ + "ðĿ", + "Ĩ" + ], + [ + "ðŁ", + "Ī" + ], + [ + "Ġ×¢", + "׾" + ], + [ + "Ġع", + "ÙĨ" + ], + [ + "ĠÙħ", + "ع" + ], + [ + "Ġ×ĸ", + "×Ķ" + ], + [ + "ĠÙħ", + "ا" + ], + [ + "Ġm", + "Ãł" + ], + [ + "Ġd", + "ụ" + ], + [ + "á»ĩ", + "c" + ], + [ + "а", + "Ñħ" + ], + [ + "s", + "ı" + ], + [ + "íķĺ", + "ê³ł" + ], + [ + "Ġ×ķ", + "×ij" + ], + [ + "ĠÐŁ", + "о" + ], + [ + "×ķת", + "ר" + ], + [ + "ĠÙĦ", + "Ùħ" + ], + [ + "Ġ×ķ", + "׾" + ], + [ + "ãģĹãģ¦", + "ãģĦãĤĭ" + ], + [ + "Ġ×ŀ", + "×Ļ" + ], + [ + "Ġب", + "ÙĬÙĨ" + ], + [ + "з", + "а" + ], + [ + "ĠÙĥ", + "اÙĨ" + ], + [ + "Ġ×Ķ", + "×Ļ×Ķ" + ], + [ + "ëħ", + "Ħ" + ], + [ + "×IJ", + "×ķ" + ], + [ + "д", + "и" + ], + [ + "ĠпеÑĢ", + "е" + ], + [ + "d", + "ı" + ], + [ + "Ġ׾", + "ש" + ], + [ + "Ġש", + "×ŀ" + ], + [ + "ãģĮ", + "ãģĤãĤĭ" + ], + [ + "ãģĦ", + "ãģĦ" + ], + [ + "ÑĢ", + "е" + ], + [ + "×§", + "×ķ" + ], + [ + "и", + "ли" + ], + [ + "м", + "е" + ], + [ + "ÙĬ", + "ت" + ], + [ + "ãģ§", + "ãģĤãĤĭ" + ], + [ + "Ġв", + "о" + ], + [ + "à¹ĥ", + "หม" + ], + [ + "à¹ĥหม", + "à¹Ī" + ], + [ + "Ġש", + "×ij" + ], + [ + "Ġ", + "à¹Ĥà¸Ķย" + ], + [ + "ÙĬ", + "Ùĩ" + ], + [ + "ãģ§ãģĻ", + "ãģĮ" + ], + [ + "ãģ¨", + "ãģ¯" + ], + [ + "ר", + "×ķ" + ], + [ + "Ġ", + "à¸ĭึà¹Īà¸ĩ" + ], + [ + "ãģ§ãģį", + "ãĤĭ" + ], + [ + "м", + "о" + ], + [ + "à¹Ģà¸ŀ", + "ืà¹Īà¸Ń" + ], + [ + "צ", + "×ķ" + ], + [ + "×ĺ", + "×ķ" + ], + [ + "ìķ", + "Ī" + ], + [ + "Ġh", + "á»į" + ], + [ + "à¹Ģà¸ĩ", + "ิà¸Ļ" + ], + [ + "ĠاÙĦ", + "ب" + ], + [ + "Ġ", + "มี" + ], + [ + "ë¬", + "¼" + ], + [ + "Ñģ", + "е" + ], + [ + "ëĵ¤", + "ìĿ´" + ], + [ + "Ġë§", + "IJ" + ], + [ + "Ġl", + "Ỽ" + ], + [ + "a", + "ÅĤ" + ], + [ + "×Ĺ", + "×ijר" + ], + [ + "Ġd", + "á»±" + ], + [ + "ÙĬ", + "Ø«" + ], + [ + "Ġth", + "á»ĭ" + ], + [ + "à¸ģà¹Ī", + "à¸Ńà¸Ļ" + ], + [ + "Ġ×ij", + "׼׾" + ], + [ + "ãģ", + "¸" + ], + [ + "ã썿ĢĿ", + "ãģĦãģ¾ãģĻ" + ], + [ + "ả", + "nh" + ], + [ + "ย", + "า" + ], + [ + "Ùģ", + "ا" + ], + [ + "ส", + "ี" + ], + [ + "à¸ķ", + "า" + ], + [ + "ë²", + "ķ" + ], + [ + "ãĥª", + "ãĥ¼" + ], + [ + "รา", + "à¸Ħา" + ], + [ + "Ġ×ķ", + "׾×IJ" + ], + [ + "ãģ¨", + "ãģĵãĤį" + ], + [ + "à¹Ģล", + "ืà¸Ń" + ], + [ + "di", + "ÄŁi" + ], + [ + "ÙĪ", + "اÙĨ" + ], + [ + "Ġ׾×Ķ", + "ת" + ], + [ + "รว", + "ม" + ], + [ + "פ", + "×Ļ×Ŀ" + ], + [ + "à¸ľ", + "ม" + ], + [ + "ж", + "и" + ], + [ + "c", + "ı" + ], + [ + "ÑĢ", + "од" + ], + [ + "Ġkar", + "ÅŁÄ±" + ], + [ + "×Ĵ", + "×ķ" + ], + [ + "ãģ«", + "ãģ¤" + ], + [ + "ãģ«ãģ¤", + "ãģĦãģ¦" + ], + [ + "r", + "Ãł" + ], + [ + "×Ļ×ķת", + "ר" + ], + [ + "ĠìĨ", + "Į" + ], + [ + "×§", + "×Ķ" + ], + [ + "ÑģÑĤв", + "о" + ], + [ + "ãģij", + "ãģ©" + ], + [ + "g", + "é" + ], + [ + "à¸Ķ", + "à¹īาà¸Ļ" + ], + [ + "çļĦ", + "ãģ«" + ], + [ + "ĠÙĬ", + "ÙħÙĥÙĨ" + ], + [ + "ìĨ", + "į" + ], + [ + "ÙĬ", + "Ùĥ" + ], + [ + "à¹Ħว", + "à¹ī" + ], + [ + "Ñģки", + "й" + ], + [ + "ì", + "m" + ], + [ + "Ġ׾×IJ", + "×Ĺר" + ], + [ + "à¸Ńา", + "หาร" + ], + [ + "Ġà¹Ģ", + "à¸ŀ" + ], + [ + "รา", + "ะ" + ], + [ + "ล", + "ูà¸ģ" + ], + [ + "ÑģÑĤ", + "а" + ], + [ + "Ġìľ", + "ł" + ], + [ + "ÙĤ", + "ÙĪÙĦ" + ], + [ + "б", + "оÑĢ" + ], + [ + "Ñģк", + "ого" + ], + [ + "หล", + "ัà¸ĩ" + ], + [ + "à¸Ĥ", + "à¹Īาว" + ], + [ + "à¹Ģม", + "ืà¸Ńà¸ĩ" + ], + [ + "ê°", + "ģ" + ], + [ + "t", + "Ãł" + ], + [ + "ÙĬ", + "ÙĬÙĨ" + ], + [ + "عر", + "ض" + ], + [ + "ë°", + "©" + ], + [ + "Ġëı", + "Ļ" + ], + [ + "Ġà¹Ģ", + "à¸Ľ" + ], + [ + "Ġà¹Ģà¸Ľ", + "à¹ĩà¸Ļ" + ], + [ + "ç", + "i" + ], + [ + "li", + "ÄŁi" + ], + [ + "ìĹIJ", + "ê²Į" + ], + [ + "ãĤ¿", + "ãĥ¼" + ], + [ + "Ġ׾", + "ת" + ], + [ + "פ", + "×ķת" + ], + [ + "à¸Ĥ", + "à¸Ń" + ], + [ + "ر", + "س" + ], + [ + "ìł", + "IJ" + ], + [ + "à¸ľ", + "à¹Īาà¸Ļ" + ], + [ + "ÑĦ", + "и" + ], + [ + "ج", + "ÙĨ" + ], + [ + "ì¢", + "ħ" + ], + [ + "Ġ×Ķ", + "פ" + ], + [ + "Ġn", + "go" + ], + [ + "á»ĭ", + "a" + ], + [ + "Ġtá»", + "ķ" + ], + [ + "Ġê·¸", + "리" + ], + [ + "à¹Ģม", + "ืà¹Īà¸Ń" + ], + [ + "ذ", + "Ùĥر" + ], + [ + "ìĸ", + "ij" + ], + [ + "ìĹ", + "Ń" + ], + [ + "×ĺ", + "׾" + ], + [ + "k", + "ı" + ], + [ + "Ġع", + "ÙħÙĦ" + ], + [ + "Ġع", + "ÙĨد" + ], + [ + "à¸ĭ", + "ืà¹īà¸Ń" + ], + [ + "Ġê±", + "°" + ], + [ + "в", + "е" + ], + [ + "r", + "ü" + ], + [ + "à¹Ģ", + "à¸Ńา" + ], + [ + "ส", + "à¹Į" + ], + [ + "à¸Ī", + "à¸Ļ" + ], + [ + "ס", + "ת" + ], + [ + "Ġgi", + "ả" + ], + [ + "ãĤĭ", + "ãģ¨" + ], + [ + "à¸ģำ", + "ลัà¸ĩ" + ], + [ + "н", + "ей" + ], + [ + "à¸Ī", + "ริ" + ], + [ + "à¸Īริ", + "à¸ĩ" + ], + [ + "Ġë", + "į" + ], + [ + "Ġëį", + "Ķ" + ], + [ + "à¸Ħà¹Ī", + "ะ" + ], + [ + "ì", + "n" + ], + [ + "Ġsü", + "re" + ], + [ + "Ġqu", + "y" + ], + [ + "à¸ļ", + "าà¸ĩ" + ], + [ + "åıĸ", + "ãĤĬ" + ], + [ + "ר", + "×Ĺ" + ], + [ + "×ij", + "ת" + ], + [ + "ãģĮ", + "ãģĤãĤĬãģ¾ãģĻ" + ], + [ + "ר", + "ש" + ], + [ + "ìĹIJ", + "ëĬĶ" + ], + [ + "Ġ×IJ", + "פשר" + ], + [ + "ay", + "ı" + ], + [ + "ãģĮ", + "ãĤī" + ], + [ + "ØŃ", + "ب" + ], + [ + "ан", + "Ñģ" + ], + [ + "س", + "ÙĪ" + ], + [ + "ĠпÑĢ", + "е" + ], + [ + "د", + "ÙĪ" + ], + [ + "ãģ«", + "ãĤĪ" + ], + [ + "à¹Ģà¸ģ", + "ม" + ], + [ + "สู", + "à¸ĩ" + ], + [ + "m", + "akt" + ], + [ + "makt", + "ad" + ], + [ + "maktad", + "ır" + ], + [ + "Ġön", + "em" + ], + [ + "×Ļ×ŀ", + "×Ļ×Ŀ" + ], + [ + "б", + "о" + ], + [ + "ÙĪ", + "ÙĬØ©" + ], + [ + "รู", + "à¸Ľ" + ], + [ + "à¹Ĥล", + "à¸ģ" + ], + [ + "Ùħ", + "ÙĬع" + ], + [ + "ÑģÑĤ", + "Ñĥп" + ], + [ + "à¹Ĥ", + "à¸Ń" + ], + [ + "دÙĬ", + "ÙĨ" + ], + [ + "ì¤", + "ij" + ], + [ + "ãģĹãģ", + "ı" + ], + [ + "à¹Ģส", + "ีย" + ], + [ + "в", + "Ñĭ" + ], + [ + "Ùħ", + "ت" + ], + [ + "íĺ", + "Ħ" + ], + [ + "ãĥIJ", + "ãĥ¼" + ], + [ + "ا", + "Ø´" + ], + [ + "×§", + "ס" + ], + [ + "Ġtá»", + "¥" + ], + [ + "ล", + "à¸Ķ" + ], + [ + "Ùģ", + "Ø©" + ], + [ + "í", + "ijľ" + ], + [ + "ر", + "ج" + ], + [ + "k", + "ÅĤad" + ], + [ + "ĠÅŁ", + "ey" + ], + [ + "ĠØ£", + "Ùħ" + ], + [ + "Ġà¹Ģ", + "ม" + ], + [ + "Ġب", + "ÙĦ" + ], + [ + "Ñģ", + "каÑı" + ], + [ + "ãģ¨", + "ãģ®" + ], + [ + "Ġìĭ", + "¤" + ], + [ + "ấ", + "m" + ], + [ + "ห", + "à¹īà¸Ńà¸ĩ" + ], + [ + "à¸Ĭ", + "ม" + ], + [ + "d", + "ü" + ], + [ + "Ġç", + "ek" + ], + [ + "Ġê³", + "ł" + ], + [ + "×Ĵ", + "×ij" + ], + [ + "à¸Ĭี", + "วิ" + ], + [ + "à¸Ĭีวิ", + "à¸ķ" + ], + [ + "Ù쨶", + "ÙĦ" + ], + [ + "à¸", + "¯" + ], + [ + "ç", + "ı" + ], + [ + "Ġب", + "Ø´" + ], + [ + "ĠÙĩ", + "ÙĨا" + ], + [ + "ãģį", + "ãģ¾ãģĹãģŁ" + ], + [ + "t", + "ü" + ], + [ + "Ġìĺ", + "ģ" + ], + [ + "ĠTür", + "k" + ], + [ + "к", + "ÑĤ" + ], + [ + "פר", + "ס" + ], + [ + "ãģ¨ãģĦãģĨ", + "ãģĵãģ¨" + ], + [ + "í", + "ĶĦ" + ], + [ + "à¹ģร", + "à¸ģ" + ], + [ + "ר", + "×ķף" + ], + [ + "Ġar", + "as" + ], + [ + "×ŀצ", + "×IJ" + ], + [ + "Ġtá»", + "ī" + ], + [ + "س", + "ا" + ], + [ + "à¸ŀ", + "à¸Ń" + ], + [ + "ĠاÙĦÙħ", + "ØŃ" + ], + [ + "ãĥ", + "¤" + ], + [ + "ĠاÙĦ", + "است" + ], + [ + "Ùģ", + "ÙĨ" + ], + [ + "×Ļ×ŀ", + "×Ķ" + ], + [ + "ر", + "ت" + ], + [ + "ãģ¨", + "ãĤĤ" + ], + [ + "Ġна", + "Ñģ" + ], + [ + "п", + "ÑĢи" + ], + [ + "Ġ×Ĺ", + "×ķ" + ], + [ + "и", + "ла" + ], + [ + "ÙĬ", + "Ø´" + ], + [ + "Ġgö", + "z" + ], + [ + "Ġ×ij", + "׳×Ļ" + ], + [ + "ım", + "ı" + ], + [ + "ĠÑĤ", + "еÑħ" + ], + [ + "Ġh", + "á»Ļ" + ], + [ + "غ", + "ر" + ], + [ + "к", + "он" + ], + [ + "اØŃ", + "ت" + ], + [ + "Ġ", + "à¸ŀ" + ], + [ + "à¸Ń", + "à¸Ńà¸Ļ" + ], + [ + "à¸Ńà¸Ńà¸Ļ", + "à¹Ħล" + ], + [ + "à¸Ńà¸Ńà¸Ļà¹Ħล", + "à¸Ļà¹Į" + ], + [ + "Ñħ", + "о" + ], + [ + "Ñı", + "в" + ], + [ + "à¹ģ", + "สà¸Ķ" + ], + [ + "à¹ģสà¸Ķ", + "à¸ĩ" + ], + [ + "à¹Ģà¸ŀ", + "ียà¸ĩ" + ], + [ + "ÑĤ", + "ов" + ], + [ + "ا", + "ÙĬ" + ], + [ + "Ġ×Ķ", + "×ĵ" + ], + [ + "Ġ×ķ", + "׼" + ], + [ + "ãĤī", + "ãģĦ" + ], + [ + "×ķפ", + "ף" + ], + [ + "Ġë", + "¶Ī" + ], + [ + "ล", + "à¸Ńà¸ĩ" + ], + [ + "Ø·", + "اÙĦ" + ], + [ + "Ġн", + "и" + ], + [ + "ĠÙħ", + "ست" + ], + [ + "ế", + "c" + ], + [ + "Ġש", + "׼" + ], + [ + "ĠëķĮ", + "문" + ], + [ + "วัà¸Ļ", + "à¸Ĺีà¹Ī" + ], + [ + "×Ļ׾", + "×ĵ" + ], + [ + "ØŃ", + "ا" + ], + [ + "е", + "ÑĨ" + ], + [ + "Ġc", + "ứ" + ], + [ + "×ĵ", + "×ķר" + ], + [ + "ĠÙħ", + "ØŃ" + ], + [ + "ר׼", + "×ij" + ], + [ + "بÙĬ", + "ع" + ], + [ + "ни", + "и" + ], + [ + "ĠاÙĦØ£", + "ÙĪÙĦ" + ], + [ + "à¸Ħว", + "ร" + ], + [ + "ã썿ĢĿ", + "ãģĨ" + ], + [ + "ĠС", + "о" + ], + [ + "ائ", + "ÙĬØ©" + ], + [ + "ر", + "اء" + ], + [ + "оÑģ", + "об" + ], + [ + "Ġب", + "Ø£ÙĨ" + ], + [ + "×¢", + "×ķ×ĵ" + ], + [ + "ĠÑĤ", + "е" + ], + [ + "ãģĵ", + "ãģĨ" + ], + [ + "ÑģÑĤ", + "ÑĢа" + ], + [ + "ай", + "н" + ], + [ + "Ġsö", + "z" + ], + [ + "ت", + "ÙĨا" + ], + [ + "à¸Ń", + "ิ" + ], + [ + "ặ", + "p" + ], + [ + "ĠìķĦ", + "ëĭĪ" + ], + [ + "íķ", + "Ń" + ], + [ + "Ġר×IJ", + "ש" + ], + [ + "Ġ", + "à¹Ħà¸Ķà¹ī" + ], + [ + "Ġ×Ĵ", + "×ĵ" + ], + [ + "Ġס", + "פר" + ], + [ + "обÑī", + "е" + ], + [ + "ĠÙĪ", + "Ø¥" + ], + [ + "ada", + "ÅŁ" + ], + [ + "ãģ¡", + "ãĤĩ" + ], + [ + "×§", + "×ķ׾" + ], + [ + "ÑĢ", + "ез" + ], + [ + "ĠdÃ¼ÅŁ", + "ün" + ], + [ + "Ġ×ij", + "×IJ×ŀ" + ], + [ + "Ġìĸ´", + "ëĸ" + ], + [ + "ער", + "×ij" + ], + [ + "н", + "ее" + ], + [ + "ĠÑģÑĤÑĢ", + "ан" + ], + [ + "س", + "اÙĨ" + ], + [ + "yn", + "ı" + ], + [ + "ĠاÙĦر", + "ئÙĬس" + ], + [ + "ãģĹãģ", + "ª" + ], + [ + "Ġ׳", + "ת" + ], + [ + "ãģ«ãģª", + "ãģ£ãģŁ" + ], + [ + "g", + "ü" + ], + [ + "åıĹ", + "ãģij" + ], + [ + "׾", + "ת" + ], + [ + "ìł", + "Ī" + ], + [ + "ëĬĶ", + "ëį°" + ], + [ + "Ø®", + "ÙĬر" + ], + [ + "à¸ķà¹īà¸Ńà¸ĩ", + "à¸ģาร" + ], + [ + "ĠÙĦ", + "Ø£ÙĨ" + ], + [ + "Ġch", + "á»ĭ" + ], + [ + "ÙĪ", + "Ø©" + ], + [ + "à¹ĥ", + "ส" + ], + [ + "ë¶Ģ", + "íĦ°" + ], + [ + "íķĺ", + "ë©´" + ], + [ + "ữ", + "u" + ], + [ + "à¹Ģหม", + "ืà¸Ńà¸Ļ" + ], + [ + "б", + "еÑĢ" + ], + [ + "ĠìĿ´", + "ìļ©" + ], + [ + "ĠÑģ", + "еб" + ], + [ + "wiÄĻ", + "ks" + ], + [ + "Ġ׳", + "×¢" + ], + [ + "ÑĤ", + "ÑĥÑĢ" + ], + [ + "Ġngh", + "Ä©" + ], + [ + "ש", + "×ķ×ĺ" + ], + [ + "ti", + "ÄŁi" + ], + [ + "Ġde", + "ÄŁi" + ], + [ + "×IJ", + "×ij" + ], + [ + "Ġ×ŀ", + "×ŀ" + ], + [ + "ãĥĹ", + "ãĥŃ" + ], + [ + "wa", + "ÅĤ" + ], + [ + "à¸Ī", + "ึà¸ĩ" + ], + [ + "Ø®", + "دÙħ" + ], + [ + "×IJ", + "×Ŀ" + ], + [ + "Ä±ÅŁ", + "ı" + ], + [ + "cz", + "Äħ" + ], + [ + "ר", + "×ĵ" + ], + [ + "ĠÑĢ", + "Ñĥб" + ], + [ + "خر", + "Ùī" + ], + [ + "ãģ®", + "æĸ¹" + ], + [ + "Ġд", + "енÑĮ" + ], + [ + "×Ĺ", + "×Ļ×Ŀ" + ], + [ + "еÑĤ", + "е" + ], + [ + "ëĤ", + "ľ" + ], + [ + "×IJ", + "×Ĵ" + ], + [ + "×¢", + "×ķר" + ], + [ + "ë³", + "Ħ" + ], + [ + "åIJĮ", + "ãģĺ" + ], + [ + "ãĤ", + "²" + ], + [ + "ר", + "×ļ" + ], + [ + "×ķש", + "×IJ" + ], + [ + "ìľ", + "¡" + ], + [ + "ا", + "Ø®" + ], + [ + "צ", + "×Ļ×Ķ" + ], + [ + "á»±", + "a" + ], + [ + "ãģĪ", + "ãģ¦" + ], + [ + "ש×Ķ", + "×ķ" + ], + [ + "ан", + "ÑĤ" + ], + [ + "ลา", + "à¸Ķ" + ], + [ + "ин", + "г" + ], + [ + "ë¡", + "ł" + ], + [ + "اع", + "د" + ], + [ + "ÙĪ", + "سط" + ], + [ + "Ġв", + "оп" + ], + [ + "Ġвоп", + "ÑĢоÑģ" + ], + [ + "Ùħ", + "ÙĬÙĨ" + ], + [ + "à¸Ħ", + "à¸ĩ" + ], + [ + "×Ļר", + "×Ļ×Ŀ" + ], + [ + "c", + "ów" + ], + [ + "ê²", + "©" + ], + [ + "Ġê·¸", + "룰" + ], + [ + "Ġì§", + "Ħ" + ], + [ + "Ġש", + "׾×Ķ" + ], + [ + "à¹Ģร", + "ิà¹Īม" + ], + [ + "à¸Ĭ", + "à¸Ńà¸ļ" + ], + [ + "д", + "еÑĤ" + ], + [ + "ÑİÑī", + "иÑħ" + ], + [ + "à¸ļ", + "à¸Ńà¸ģ" + ], + [ + "æĢĿ", + "ãģĦ" + ], + [ + "ع", + "ÙĬد" + ], + [ + "ס", + "×ŀ" + ], + [ + "×Ĵ", + "×Ļ×¢" + ], + [ + "צ", + "×ĵ" + ], + [ + "ب", + "ات" + ], + [ + "ĠëͰ", + "ëĿ¼" + ], + [ + "à¸Ī", + "ัà¸ĩ" + ], + [ + "ãģłãģij", + "ãģ§" + ], + [ + "×¢", + "×Ļר" + ], + [ + "ĠÑĩ", + "ел" + ], + [ + "ĠÑĩел", + "ов" + ], + [ + "ĠÑĩелов", + "ек" + ], + [ + "ãĥĥ", + "ãĥģ" + ], + [ + "à¹Ģà¸ģ", + "ีà¹Īยว" + ], + [ + "à¸Ķ", + "ิ" + ], + [ + "Ġפ", + "×¢" + ], + [ + "×Ļ×ŀ", + "×Ļ" + ], + [ + "ë°", + "ĺ" + ], + [ + "Ø®", + "ار" + ], + [ + "×ij", + "×Ļת" + ], + [ + "×¢", + "×Ļ×Ŀ" + ], + [ + "ü", + "yor" + ], + [ + "ãĤģ", + "ãģ¦" + ], + [ + "к", + "лад" + ], + [ + "Ġ", + "à¸Īาà¸ģ" + ], + [ + "à¹Ģà¸Ħ", + "ย" + ], + [ + "ส", + "à¸Ńà¸ĩ" + ], + [ + "à¹ģ", + "à¸Ħà¹Ī" + ], + [ + "ẫ", + "u" + ], + [ + "หà¸Ļ", + "ัà¸ĩ" + ], + [ + "ש׾", + "×ķ×Ŀ" + ], + [ + "اÙĨ", + "ÙĬØ©" + ], + [ + "åĩº", + "ä¼ļ" + ], + [ + "åĩºä¼ļ", + "ãģĦ" + ], + [ + "à¸ł", + "าย" + ], + [ + "à¸ļา", + "à¸Ĺ" + ], + [ + "à¸Ĭา", + "ว" + ], + [ + "mu", + "ÅŁ" + ], + [ + "Ġ׾ק", + "×ij׾" + ], + [ + "ãĤ·", + "ãĥ£" + ], + [ + "Ġİ", + "ÅŁ" + ], + [ + "×Ĵ×ĵ", + "×ķ׾" + ], + [ + "ج", + "عÙĦ" + ], + [ + "ë³", + "Ģ" + ], + [ + "ยิ", + "à¹Īà¸ĩ" + ], + [ + "à¸Ļ", + "าย" + ], + [ + "à¸Ļ", + "ีà¹Ī" + ], + [ + "วิ", + "à¸ĺี" + ], + [ + "ãĤī", + "ãģªãģĦ" + ], + [ + "ëł", + "Ī" + ], + [ + "Ġ문", + "ìłľ" + ], + [ + "Ġ", + "à¸ģ" + ], + [ + "à¸Ĺำ", + "à¸ĩาà¸Ļ" + ], + [ + "à¹Ģว", + "à¹ĩà¸ļ" + ], + [ + "ÑĦ", + "е" + ], + [ + "楽", + "ãģĹ" + ], + [ + "สำ", + "à¸Ħ" + ], + [ + "สำà¸Ħ", + "ัà¸į" + ], + [ + "ر", + "Ùħ" + ], + [ + "ãģķãĤĮ", + "ãģ¦" + ], + [ + "Ġоб", + "ла" + ], + [ + "ר×IJ", + "×Ļ" + ], + [ + "หม", + "à¸Ķ" + ], + [ + "ÙĨ", + "ÙĬØ©" + ], + [ + "ли", + "н" + ], + [ + "Ġe", + "ÄŁ" + ], + [ + "it", + "im" + ], + [ + "ëł", + "¹" + ], + [ + "ص", + "اÙĦ" + ], + [ + "ÅĽ", + "l" + ], + [ + "à¸ľ", + "ิà¸Ķ" + ], + [ + "ãĥŀ", + "ãĥ³" + ], + [ + "åħ¥", + "ãĤĮ" + ], + [ + "à¹Ģà¸ķ", + "à¸Ńรà¹Į" + ], + [ + "ار", + "ÙĬ" + ], + [ + "ĠÐ", + "¦" + ], + [ + "d", + "ür" + ], + [ + "ส", + "วย" + ], + [ + "ë¦", + "½" + ], + [ + "رÙĥ", + "Ø©" + ], + [ + "Ġh", + "ã" + ], + [ + "×Ļת", + "×Ķ" + ], + [ + "à¸Ĥ", + "à¸Ļา" + ], + [ + "à¸Ĥà¸Ļา", + "à¸Ķ" + ], + [ + "à¸Īำ", + "à¸Ļ" + ], + [ + "à¸Īำà¸Ļ", + "วà¸Ļ" + ], + [ + "ש", + "×ķ×§" + ], + [ + "Ġд", + "ом" + ], + [ + "ì±", + "ħ" + ], + [ + "ãģĭ", + "ãģij" + ], + [ + "פ", + "×ķ׾" + ], + [ + "à¸Ĭ", + "าย" + ], + [ + "Ñģ", + "моÑĤÑĢ" + ], + [ + "Ñģл", + "Ñĥж" + ], + [ + "ש", + "×IJ׾" + ], + [ + "кÑĢÑĭ", + "ÑĤ" + ], + [ + "Ġìŀ", + "ĺ" + ], + [ + "é«ĺ", + "ãģĦ" + ], + [ + "ĠÑĢ", + "Ñĥк" + ], + [ + "ÙĨ", + "ص" + ], + [ + "д", + "ав" + ], + [ + "ưá»", + "¡" + ], + [ + "ưỡ", + "ng" + ], + [ + "ر", + "اÙħ" + ], + [ + "×Ļ׳", + "×Ļ×Ŀ" + ], + [ + "ãĥ©", + "ãĥ¼" + ], + [ + "ëĦ", + "¤" + ], + [ + "Ġت", + "ع" + ], + [ + "l", + "ke" + ], + [ + "好", + "ãģį" + ], + [ + "æĮģ", + "ãģ¡" + ], + [ + "Ġë§", + "İ" + ], + [ + "Ġy", + "ük" + ], + [ + "ĠÑģоÑģÑĤ", + "ав" + ], + [ + "енÑĤ", + "ÑĢ" + ], + [ + "pe", + "ÅĤ" + ], + [ + "à¹Ģà¸Ľà¸¥", + "ีà¹Īย" + ], + [ + "à¹Ģà¸Ľà¸¥à¸µà¹Īย", + "à¸Ļ" + ], + [ + "íı", + "ī" + ], + [ + "ãĤĦ", + "ãģĻ" + ], + [ + "×Ĺ", + "×ĸ" + ], + [ + "×ijר", + "×Ķ" + ], + [ + "ë£", + "¨" + ], + [ + "ìĶ", + "Ģ" + ], + [ + "بØŃ", + "Ø«" + ], + [ + "à¹Ģà¸ķ", + "à¹ĩ" + ], + [ + "ów", + "i" + ], + [ + "ب", + "Ùĩ" + ], + [ + "ãģį", + "ãģ¾ãģĻ" + ], + [ + "Ġ×¢", + "×ŀ" + ], + [ + "×Ĵ", + "×ķ׾" + ], + [ + "ез", + "д" + ], + [ + "ÙĬÙģ", + "Ø©" + ], + [ + "สà¸Ļ", + "à¹ĥà¸Ī" + ], + [ + "Ġת", + "׾" + ], + [ + "Ñı", + "Ñī" + ], + [ + "Ġس", + "ÙĨ" + ], + [ + "ĠÙĪØ§", + "ØŃد" + ], + [ + "ĠÑģ", + "м" + ], + [ + "lad", + "ı" + ], + [ + "ı", + "ld" + ], + [ + "×Ļר", + "ת" + ], + [ + "ีย", + "à¸Ļ" + ], + [ + "ת×Ĺ", + "ת" + ], + [ + "Ġж", + "из" + ], + [ + "à¸ŀ", + "ั" + ], + [ + "à¸ŀั", + "à¸Ĵ" + ], + [ + "à¸ŀัà¸Ĵ", + "à¸Ļา" + ], + [ + "à¸Ĭ", + "ิ" + ], + [ + "ا", + "Ø®ÙĦ" + ], + [ + "ãģ£ãģ¦", + "ãģĦãģŁ" + ], + [ + "รั", + "à¸IJ" + ], + [ + "ãĤģ", + "ãĤĭ" + ], + [ + "à¹Ĥ", + "à¸ģ" + ], + [ + "ĠT", + "á»ķ" + ], + [ + "Ġh", + "akk" + ], + [ + "ر", + "Ùģ" + ], + [ + "ìł", + "Ģ" + ], + [ + "Ñģ", + "об" + ], + [ + "ãģª", + "ãģijãĤĮãģ°" + ], + [ + "Ùĩ", + "ÙĪ" + ], + [ + "Ġë²", + "ķ" + ], + [ + "ãĤ", + "Ĩ" + ], + [ + "ĠاÙĦس", + "عÙĪØ¯" + ], + [ + "Ġ×IJ", + "תר" + ], + [ + "اØ", + "º" + ], + [ + "Ġ׾", + "×ĵ" + ], + [ + "à¹ģ", + "à¸ķ" + ], + [ + "à¹ģà¸ķ", + "à¹Īà¸ĩ" + ], + [ + "íĮ", + "Į" + ], + [ + "Ñĥп", + "иÑĤÑĮ" + ], + [ + "à¸ŀืà¹īà¸Ļ", + "à¸Ĺีà¹Ī" + ], + [ + "×ij", + "ת×Ļ" + ], + [ + "à¹ĩ", + "à¸ģ" + ], + [ + "ÅĤ", + "at" + ], + [ + "Ġê°ľ", + "ìĿ¸" + ], + [ + "ìłķ", + "ë³´" + ], + [ + "ÑĤ", + "ал" + ], + [ + "Ġgü", + "ven" + ], + [ + "Ġİ", + "l" + ], + [ + "Ġê°", + "ģ" + ], + [ + "Ġب", + "ت" + ], + [ + "×ŀ", + "×ķ׳×Ķ" + ], + [ + "ĠاÙĦØŃ", + "ÙĥÙĪÙħ" + ], + [ + "ÙĤ", + "ات" + ], + [ + "à¹ģ", + "à¸ģà¹Ī" + ], + [ + "ห", + "าà¸ģ" + ], + [ + "н", + "ÑĮ" + ], + [ + "à¸Ľ", + "รัà¸ļ" + ], + [ + "มา", + "à¸ĵ" + ], + [ + "Ġне", + "Ñģк" + ], + [ + "ĠØ", + "¶" + ], + [ + "สม", + "ั" + ], + [ + "สมั", + "à¸Ħร" + ], + [ + "ãģĮ", + "ãģĤãĤĬ" + ], + [ + "м", + "еÑģÑĤ" + ], + [ + "Ġ×IJ", + "צ׾" + ], + [ + "Ġкомп", + "ани" + ], + [ + "ס", + "ר" + ], + [ + "ÙĬÙħ", + "Ø©" + ], + [ + "ĠÑħ", + "оÑĢо" + ], + [ + "ĠÑħоÑĢо", + "ÑĪ" + ], + [ + "Ġ×Ļ", + "×ķ×ĵ" + ], + [ + "ü", + "s" + ], + [ + "×Ĵ", + "×Ļש" + ], + [ + "à¸ļ", + "à¸Ĺ" + ], + [ + "تÙĨ", + "ظ" + ], + [ + "ว", + "าà¸ĩ" + ], + [ + "ม", + "หา" + ], + [ + "Ġ׼", + "×ķ׾" + ], + [ + "à¸Ĥ", + "à¹īาà¸ĩ" + ], + [ + "ë°", + "ľ" + ], + [ + "г", + "од" + ], + [ + "д", + "ан" + ], + [ + "ãģĭãĤĤãģĹãĤĮ", + "ãģ¾ãģĽãĤĵ" + ], + [ + "ãģĵ", + "ãģ¡ãĤī" + ], + [ + "ãĥIJ", + "ãĤ¤" + ], + [ + "ece", + "ÄŁi" + ], + [ + "دÙĬ", + "دة" + ], + [ + "ÙĨ", + "Ùī" + ], + [ + "Ġëĭ¤", + "ìĿĮ" + ], + [ + "ว", + "ี" + ], + [ + "غ", + "ا" + ], + [ + "ли", + "з" + ], + [ + "à¹Ģà¸Ķ", + "ิ" + ], + [ + "à¹Ģà¸Ķิ", + "ม" + ], + [ + "ĠÙĬ", + "ست" + ], + [ + "Ġy", + "ılı" + ], + [ + "ko", + "ÅĦ" + ], + [ + "ãģ§ãģĹãĤĩãģĨ", + "ãģĭ" + ], + [ + "ãģĤ", + "ãģª" + ], + [ + "ãģĤãģª", + "ãģŁ" + ], + [ + "ÑĨ", + "ен" + ], + [ + "ĠÙĪ", + "ز" + ], + [ + "×IJ", + "×Ļש" + ], + [ + "à¹Ī", + "à¸Ń" + ], + [ + "ر", + "ØŃ" + ], + [ + "ê´", + "ij" + ], + [ + "ÑĢа", + "ÑģÑĤ" + ], + [ + "Ġ×Ķ", + "׾" + ], + [ + "ãģĹãģ¦", + "ãĤĤ" + ], + [ + "×ŀר", + "׼" + ], + [ + "×ŀר׼", + "×ĸ" + ], + [ + "éģķ", + "ãģĦ" + ], + [ + "ãģŁ", + "ãģı" + ], + [ + "ĠÑģ", + "Ñĥд" + ], + [ + "в", + "еÑģÑĤи" + ], + [ + "ĠíķĦ", + "ìļĶ" + ], + [ + "ãĥķ", + "ãĤ§" + ], + [ + "ÑĤелÑĮ", + "но" + ], + [ + "à¹Ģà¸ŀ", + "ืà¹Īà¸Ńà¸Ļ" + ], + [ + "ÅĤu", + "ż" + ], + [ + "à¹Ģà¸Ķิà¸Ļ", + "à¸Ĺาà¸ĩ" + ], + [ + "ש", + "×ķר" + ], + [ + "Ġ×ŀ", + "×ĵ" + ], + [ + "×ķ×¢", + "׾" + ], + [ + "ÙĦ", + "اÙħ" + ], + [ + "à¹Ħ", + "à¸ĭ" + ], + [ + "л", + "ей" + ], + [ + "кÑĥ", + "ÑĢ" + ], + [ + "áº", + "¢" + ], + [ + "à¸Ĺ", + "าà¸Ļ" + ], + [ + "ì§", + "ij" + ], + [ + "ĠгоÑĢ", + "од" + ], + [ + "ר", + "ס" + ], + [ + "׾", + "×ķ×Ĵ" + ], + [ + "mas", + "ını" + ], + [ + "Ġл", + "ÑĥÑĩ" + ], + [ + "ล", + "à¹Īา" + ], + [ + "ìļ", + "¸" + ], + [ + "ש", + "×ĺ" + ], + [ + "ĠÐĺ", + "н" + ], + [ + "í", + "Ĥ¤" + ], + [ + "ÙĪÙĦ", + "ا" + ], + [ + "ìķ", + "ł" + ], + [ + "ĠØ£ÙĬ", + "ضا" + ], + [ + "Ùĥ", + "ار" + ], + [ + "ĠاÙĦت", + "ع" + ], + [ + "ส", + "ูà¹Ī" + ], + [ + "ãĤ", + "¼" + ], + [ + "×ij", + "×Ļ×IJ" + ], + [ + "ย", + "à¸ģ" + ], + [ + "ĠØŃ", + "ÙĤ" + ], + [ + "ر", + "بÙĬ" + ], + [ + "ãģĺãĤĥ", + "ãģªãģĦ" + ], + [ + "รัà¸ģ", + "ษา" + ], + [ + "Ñħод", + "иÑĤ" + ], + [ + "à¸ķ", + "à¸Ńà¸ļ" + ], + [ + "׳", + "×ĺ×Ļ" + ], + [ + "ĠاÙĦÙħ", + "ج" + ], + [ + "تÙħ", + "ع" + ], + [ + "ов", + "аÑĤÑĮ" + ], + [ + "ÙĦ", + "ÙĬÙĨ" + ], + [ + "×Ļ×ŀ", + "×ķת" + ], + [ + "Ġm", + "ù" + ], + [ + "n", + "ÄĻ" + ], + [ + "Ġد", + "ÙĬ" + ], + [ + "׼", + "ש×Ļ×ķ" + ], + [ + "Ġhi", + "ç" + ], + [ + "ë", + "ijIJ" + ], + [ + "ÙĪ", + "اء" + ], + [ + "ÙĪ", + "Ø·" + ], + [ + "ĠاÙĦ", + "بÙĦ" + ], + [ + "à¹ģม", + "à¹ī" + ], + [ + "×§", + "×ķת" + ], + [ + "ÙĪØ¬", + "د" + ], + [ + "å§ĭ", + "ãĤģ" + ], + [ + "ÙĬ", + "ئة" + ], + [ + "Ġë§", + "¤" + ], + [ + "ص", + "بØŃ" + ], + [ + "פ", + "×IJ" + ], + [ + "г", + "оÑĢ" + ], + [ + "ס", + "×Ķ" + ], + [ + "بÙĬ", + "ÙĤ" + ], + [ + "ย", + "าà¸ģ" + ], + [ + "Ġн", + "ад" + ], + [ + "ÙĬ", + "Ùij" + ], + [ + "Ġب", + "ÙĪ" + ], + [ + "ס", + "×ķר" + ], + [ + "Ùħ", + "ÙĥاÙĨ" + ], + [ + "ר", + "×ij" + ], + [ + "×Ĵ", + "×ĸ" + ], + [ + "צ", + "ת" + ], + [ + "b", + "ilit" + ], + [ + "л", + "аг" + ], + [ + "ĠN", + "go" + ], + [ + "×IJ", + "×ķר" + ], + [ + "à¸ķ", + "à¸Ļ" + ], + [ + "íĬ", + "¹" + ], + [ + "à¸Ĺีà¹Ī", + "à¸Ķี" + ], + [ + "à¸Ľà¸£à¸°", + "à¸Īำ" + ], + [ + "ов", + "ание" + ], + [ + "ãģĦ", + "ãģ¤" + ], + [ + "ãĥĥãĤ¯", + "ãĤ¹" + ], + [ + "åIJĪ", + "ãĤı" + ], + [ + "åIJĪãĤı", + "ãģĽ" + ], + [ + "×Ļ׳", + "×ķ×Ļ" + ], + [ + "ạ", + "y" + ], + [ + "Ø«", + "ÙĤ" + ], + [ + "ĠпÑĢ", + "об" + ], + [ + "ĠпÑĢоб", + "лем" + ], + [ + "ÅŁ", + "eh" + ], + [ + "ÅŁeh", + "ir" + ], + [ + "ع", + "ادة" + ], + [ + "اÙĨ", + "ÙĪÙĨ" + ], + [ + "à¸ķัว", + "à¹Ģà¸Ńà¸ĩ" + ], + [ + "ì¶", + "ķ" + ], + [ + "ı", + "lan" + ], + [ + "б", + "ан" + ], + [ + "ãĥ³", + "ãĥī" + ], + [ + "à¸Ī", + "ี" + ], + [ + "Ġ×Ķש", + "׳×Ļ" + ], + [ + "п", + "оÑĤ" + ], + [ + "×ķ׾", + "×Ļ×Ŀ" + ], + [ + "ล", + "ัà¸ļ" + ], + [ + "ĠÑį", + "ÑĤи" + ], + [ + "×ij×§", + "ש" + ], + [ + "ë¹Ħ", + "ìĬ¤" + ], + [ + "à¸Ńยà¹Īาà¸ĩ", + "à¹Ħร" + ], + [ + "×Ļ׾", + "×Ļ" + ], + [ + "à¹ĥà¸Ĭ", + "à¹Ī" + ], + [ + "ĠاÙĦ", + "ÙĥÙĦ" + ], + [ + "ãĥļ", + "ãĥ¼ãĤ¸" + ], + [ + "ص", + "Ø©" + ], + [ + "ÑĤи", + "ÑĢ" + ], + [ + "ãĤĵ", + "ãģ©" + ], + [ + "зÑĭ", + "к" + ], + [ + "wy", + "ż" + ], + [ + "Ùĩ", + "ÙĬ" + ], + [ + "ĠÙħ", + "ÙĦÙĬ" + ], + [ + "Ġвид", + "е" + ], + [ + "ظ", + "اÙħ" + ], + [ + "دا", + "ÙĪÙĦ" + ], + [ + "×ŀ", + "ת×Ļ" + ], + [ + "Ġs", + "ık" + ], + [ + "à¹Ģà¸ķิ", + "ม" + ], + [ + "ãĤ¢", + "ãĤ¤" + ], + [ + "ка", + "Ñħ" + ], + [ + "צ", + "×Ļ׾" + ], + [ + "à¹Ģà¸Ĭ", + "à¹Īà¸Ļ" + ], + [ + "м", + "аг" + ], + [ + "маг", + "аз" + ], + [ + "магаз", + "ин" + ], + [ + "à¸Ľ", + "ั" + ], + [ + "à¸Ľà¸±", + "à¸Ī" + ], + [ + "Ġש", + "×Ļר×ķת" + ], + [ + "ีย", + "ม" + ], + [ + "ãĥĸ", + "ãĥ«" + ], + [ + "Ġد", + "ÙĪÙĦ" + ], + [ + "קר", + "×Ļ×Ŀ" + ], + [ + "Ùĩ", + "Ùı" + ], + [ + "ов", + "о" + ], + [ + "Ġü", + "ret" + ], + [ + "د", + "ÙĪÙĨ" + ], + [ + "à¹ģà¸Ļ", + "ว" + ], + [ + "à¹Ģà¸Ļ", + "ืà¹īà¸Ń" + ], + [ + "ĠÑĦ", + "оÑĤ" + ], + [ + "ãĥ", + "ĺ" + ], + [ + "ãģ¤", + "ãģĭ" + ], + [ + "Ñı", + "Ñģ" + ], + [ + "ĠíķĺëĤĺ", + "ëĭĺ" + ], + [ + "ائ", + "ع" + ], + [ + "Ġп", + "лаÑĤ" + ], + [ + "ìĺ", + "Ī" + ], + [ + "Ġdost", + "ÄĻp" + ], + [ + "ÙĪØ¬", + "Ùĩ" + ], + [ + "Ġ×Ķ", + "×Ĺ×Ļ" + ], + [ + "׳", + "×Ļ×§" + ], + [ + "д", + "ей" + ], + [ + "í", + "ĽĦ" + ], + [ + "ı", + "y" + ], + [ + "بØŃ", + "ر" + ], + [ + "à¹Ģส", + "ริม" + ], + [ + "Ġ׾", + "×Ĵ" + ], + [ + "ذÙĩ", + "ب" + ], + [ + "ج", + "ÙĬÙĦ" + ], + [ + "رÙĥ", + "ز" + ], + [ + "Ġë", + "ħ" + ], + [ + "Ġëħ", + "¸" + ], + [ + "פ×Ļ׾", + "×ķ" + ], + [ + "ãģ¾", + "ãģļ" + ], + [ + "iri", + "ÅŁ" + ], + [ + "ĠÙĥ", + "ÙĬÙģ" + ], + [ + "Ġ×ij", + "צ" + ], + [ + "Ġêµ", + "IJ" + ], + [ + "ÑĢоÑģ", + "Ñģ" + ], + [ + "ĠØ´", + "ÙĬ" + ], + [ + "Ġiç", + "er" + ], + [ + "×Ĵ", + "×ķ×ij×Ķ" + ], + [ + "мен", + "но" + ], + [ + "×¢", + "×ij×Ļר" + ], + [ + "×ķ×ŀ", + "×Ķ" + ], + [ + "ãĤī", + "ãģĹãģĦ" + ], + [ + "ãģ", + "¼" + ], + [ + "Ñī", + "ин" + ], + [ + "è²·", + "ãģĦ" + ], + [ + "جÙħÙĪØ¹", + "Ø©" + ], + [ + "Ġdön", + "em" + ], + [ + "Ġ×ij", + "×IJר" + ], + [ + "в", + "еÑģÑĤ" + ], + [ + "×ķר", + "×ķת" + ], + [ + "س", + "Ùģ" + ], + [ + "à¹ģà¸Ĺ", + "à¸Ļ" + ], + [ + "Ġд", + "окÑĥменÑĤ" + ], + [ + "Ġا", + "ÙĬ" + ], + [ + "ج", + "اÙĨ" + ], + [ + "צ×ķ×¢", + "×Ļ" + ], + [ + "ĠоÑģ", + "об" + ], + [ + "ĠاÙĦÙħ", + "س" + ], + [ + "ÑĢаÐ", + "±" + ], + [ + "à¸ł", + "ู" + ], + [ + "à¸Ķ", + "าว" + ], + [ + "л", + "екÑĤ" + ], + [ + "ع", + "ÙĤ" + ], + [ + "×ķ×ĵ", + "×ķת" + ], + [ + "Ġol", + "u" + ], + [ + "Ġolu", + "ÅŁtur" + ], + [ + "ãģ¾", + "ãģ¾" + ], + [ + "ед", + "ин" + ], + [ + "à¹Ģ", + "à¸Ńà¸ģ" + ], + [ + "ãĤµ", + "ãĤ¤" + ], + [ + "ëĦ", + "Ī" + ], + [ + "Ø·", + "ÙĨÙĬ" + ], + [ + "Ø·", + "ÙĤØ©" + ], + [ + "ĠÐł", + "аз" + ], + [ + "ÙĦ", + "Ùij" + ], + [ + "Ñĩ", + "ем" + ], + [ + "Ġ׾", + "×ĺ" + ], + [ + "สั", + "à¹Īà¸ĩ" + ], + [ + "سر", + "ائÙĬÙĦ" + ], + [ + "Ġפר", + "×ĺ×Ļ" + ], + [ + "д", + "еÑģÑĮ" + ], + [ + "Ġ׳", + "׼" + ], + [ + "اÙĨ", + "ب" + ], + [ + "ÙĬا", + "Ø©" + ], + [ + "Ùħ", + "بر" + ], + [ + "Ġk", + "ı" + ], + [ + "à¸Ľ", + "à¸ı" + ], + [ + "à¸Ľà¸ı", + "ิ" + ], + [ + "à¸ļั", + "à¸ķิ" + ], + [ + "׳", + "ת×Ļ" + ], + [ + "ìĨ", + "¡" + ], + [ + "ر", + "اب" + ], + [ + "à¹ĥ", + "à¸ķ" + ], + [ + "à¹ĥà¸ķ", + "à¹ī" + ], + [ + "×Ļ׳", + "ת" + ], + [ + "ÙĪ", + "ÙĬر" + ], + [ + "Ġ×Ķ×ŀ", + "×Ļ" + ], + [ + "ей", + "ÑĩаÑģ" + ], + [ + "×§", + "×ķ×ij" + ], + [ + "در", + "اس" + ], + [ + "ĠÙħ", + "ÙĤ" + ], + [ + "رÙĬ", + "ÙĨ" + ], + [ + "Ø®", + "اص" + ], + [ + "ãģĬ", + "éĩij" + ], + [ + "Ġج", + "دا" + ], + [ + "ãģĨ", + "ãģ¡" + ], + [ + "ëħ", + "¸" + ], + [ + "ır", + "ım" + ], + [ + "æ§", + "ĺ" + ], + [ + "ãģ«", + "å¯" + ], + [ + "ãģ«å¯", + "¾" + ], + [ + "ÑĨ", + "ев" + ], + [ + "Ġv", + "ard" + ], + [ + "ĠÐIJ", + "н" + ], + [ + "e", + "ÄŁ" + ], + [ + "ÑģÑĤв", + "енно" + ], + [ + "Ð", + "¨" + ], + [ + "س", + "د" + ], + [ + "à¸ģ", + "ุ" + ], + [ + "à¹ģà¸ľ", + "à¸Ļ" + ], + [ + "รูà¹ī", + "ส" + ], + [ + "รูà¹īส", + "ึà¸ģ" + ], + [ + "ات", + "ØŃاد" + ], + [ + "Ñij", + "ÑĤ" + ], + [ + "×Ĺ", + "×ķ×§" + ], + [ + "ãģĻ", + "ãģIJ" + ], + [ + "Ø·", + "ÙĦاÙĤ" + ], + [ + "Ġ×§", + "×ķ×ĵ" + ], + [ + "à¹ĥà¸Ĭ", + "à¹īà¸ĩ" + ], + [ + "à¹ĥà¸Ĭà¹īà¸ĩ", + "าà¸Ļ" + ], + [ + "ãĥ¼ãĤ", + "¿" + ], + [ + "Ġs", + "ür" + ], + [ + "ÑĢ", + "ок" + ], + [ + "ë³", + "ij" + ], + [ + "สมา", + "à¸Ĭ" + ], + [ + "สมาà¸Ĭ", + "ิà¸ģ" + ], + [ + "ãĥķ", + "ãĥ¬" + ], + [ + "è¾¼", + "ãģ¿" + ], + [ + "ãĤ»", + "ãĥ³" + ], + [ + "Ġê°Ģ", + "ì§Ģ" + ], + [ + "à¸ľ", + "à¹īา" + ], + [ + "ÑįÑĤ", + "омÑĥ" + ], + [ + "иÑĤ", + "ел" + ], + [ + "à¸ł", + "ั" + ], + [ + "à¸", + "ij" + ], + [ + "ãĥĸ", + "ãĥ©" + ], + [ + "×Ľ×ª", + "×ķ×ij" + ], + [ + "׳", + "×Ŀ" + ], + [ + "ен", + "нÑĭе" + ], + [ + "×¢", + "×¨×Ľ×ª" + ], + [ + "Ġì", + "Ĥ" + ], + [ + "ĠìĤ", + "´" + ], + [ + "à¸Ĥ", + "à¹īา" + ], + [ + "׳", + "×ķס" + ], + [ + "ãĥ¬", + "ãĥĵ" + ], + [ + "ÑĢ", + "еÑģ" + ], + [ + "à¹Ģล", + "à¸Ĥ" + ], + [ + "Ø«", + "اÙĦ" + ], + [ + "ìĹ", + "Ĩ" + ], + [ + "ĠÑĩ", + "аÑģÑĤ" + ], + [ + "า", + "ศ" + ], + [ + "ãĥª", + "ãĤ¢" + ], + [ + "u", + "ç" + ], + [ + "×Ļ׼", + "×ķת" + ], + [ + "ล", + "à¹īาà¸Ļ" + ], + [ + "i", + "ë" + ], + [ + "ãĤ¸", + "ãĤ§" + ], + [ + "à¸Ī", + "à¸Ń" + ], + [ + "ÙĪ", + "ØŃد" + ], + [ + "×Ļצ", + "×ķ×ij" + ], + [ + "Ġ×ij", + "ש׾" + ], + [ + "ок", + "о" + ], + [ + "ض", + "Ø©" + ], + [ + "ذ", + "ر" + ], + [ + "ĠÑĥ", + "д" + ], + [ + "İ", + "L" + ], + [ + "×ķצ", + "×Ļ×Ŀ" + ], + [ + "×ĸ", + "×ŀף" + ], + [ + "à¸Ľ", + "à¸ģ" + ], + [ + "íķĻ", + "êµIJ" + ], + [ + "س", + "اÙħ" + ], + [ + "à¹Ħ", + "à¸Ķ" + ], + [ + "ละ", + "à¹Ģà¸Ń" + ], + [ + "ละà¹Ģà¸Ń", + "ีย" + ], + [ + "ละà¹Ģà¸Ńีย", + "à¸Ķ" + ], + [ + "ả", + "y" + ], + [ + "аÑĨи", + "он" + ], + [ + "ãĤ¹", + "ãĤ¯" + ], + [ + "פ", + "×ķס" + ], + [ + "ร", + "à¹Īาà¸ĩ" + ], + [ + "ен", + "нÑĭй" + ], + [ + "ع", + "ÙĨ" + ], + [ + "عÙĦ", + "ÙĨ" + ], + [ + "ائ", + "Ùģ" + ], + [ + "d", + "ÄĻ" + ], + [ + "ؤ", + "ÙĪÙĦ" + ], + [ + "׾×ķ", + "×ķ" + ], + [ + "Ġ×ij", + "ש×ij" + ], + [ + "ä»Ĭ", + "åĽŀ" + ], + [ + "ĠاÙĦج", + "ÙĨ" + ], + [ + "د", + "اد" + ], + [ + "wa", + "Äĩ" + ], + [ + "ãĥª", + "ãĥ³" + ], + [ + "ĠìŀIJ", + "ìĭł" + ], + [ + "اÙĨ", + "ÙĬا" + ], + [ + "ãĥ¡", + "ãĥª" + ], + [ + "ÙĦ", + "ÙĪÙĨ" + ], + [ + "à¸Ĺ", + "à¹Īà¸Ńà¸ĩ" + ], + [ + "à¸Ĺà¹Īà¸Ńà¸ĩ", + "à¹Ģà¸Ĺีà¹Īยว" + ], + [ + "اÙģ", + "ÙĬ" + ], + [ + "Ġли", + "ÑĪ" + ], + [ + "Ùħ", + "ÙĬØ©" + ], + [ + "оÑĤ", + "веÑĤ" + ], + [ + "Ñĩ", + "ин" + ], + [ + "Ã", + "Ĭ" + ], + [ + "ãĥ¡", + "ãĥ³" + ], + [ + "å®", + "Ł" + ], + [ + "éļĽ", + "ãģ«" + ], + [ + "ĠÑĢаÐ", + "¹" + ], + [ + "ãĤ¦", + "ãĥ³" + ], + [ + "×Ļר", + "×ķש" + ], + [ + "×Ļר×ķש", + "׾×Ļ×Ŀ" + ], + [ + "ม", + "ะ" + ], + [ + "Ġar", + "a" + ], + [ + "каз", + "аÑĤÑĮ" + ], + [ + "à¸ķ", + "ัà¸Ķ" + ], + [ + "ÑĥÑİ", + "ÑĤ" + ], + [ + "Ġü", + "st" + ], + [ + "×Ĵ", + "×ķ×ij" + ], + [ + "×Ĵ×ķ×ij", + "×ķת" + ], + [ + "mal", + "ı" + ], + [ + "ег", + "од" + ], + [ + "егод", + "нÑı" + ], + [ + "اÙģ", + "ÙĤ" + ], + [ + "à¸Ĭ", + "à¹Īà¸Ńà¸ĩ" + ], + [ + "Ġö", + "zellik" + ], + [ + "×Ļצ", + "×ķר" + ], + [ + "Ġmi", + "ÄĻd" + ], + [ + "Ġili", + "ÅŁ" + ], + [ + "Ġна", + "Ñħод" + ], + [ + "×¢", + "×ĸר" + ], + [ + "׾", + "×Ľ×ª" + ], + [ + "ÙĨت", + "اج" + ], + [ + "ĠÑģ", + "ем" + ], + [ + "à¸Ī", + "à¹Īาย" + ], + [ + "à¸ķร", + "ว" + ], + [ + "à¸ķรว", + "à¸Ī" + ], + [ + "פר", + "×ķ" + ], + [ + "à¸Ĥ", + "ัà¸ļ" + ], + [ + "ãģ", + "ŀ" + ], + [ + "Ġп", + "ло" + ], + [ + "к", + "олÑĮ" + ], + [ + "×ŀ×¢", + "×ĺ" + ], + [ + "íķĺ", + "ìĭľ" + ], + [ + "jÄħ", + "ce" + ], + [ + "ÙĨ", + "اÙĨ" + ], + [ + "ลี", + "à¸ģ" + ], + [ + "н", + "ÑĥÑĤ" + ], + [ + "Ġоб", + "ÑĢаз" + ], + [ + "Ùĥ", + "بر" + ], + [ + "ĠاÙĦÙĪ", + "Ø·ÙĨ" + ], + [ + "ãģķãģĽ", + "ãģ¦" + ], + [ + "ÙĤ", + "اء" + ], + [ + "×ŀ×ĵ", + "×Ļ׳" + ], + [ + "y", + "ü" + ], + [ + "פ", + "×Ļת" + ], + [ + "׳", + "×ķף" + ], + [ + "ÙħÙĨ", + "ظ" + ], + [ + "หà¸Ļ", + "ัà¸ģ" + ], + [ + "ìŀ", + "Ī" + ], + [ + "ãĤ«", + "ãĥ¼ãĥī" + ], + [ + "ع", + "ÙĨÙĬ" + ], + [ + "п", + "од" + ], + [ + "ض", + "اء" + ], + [ + "à¸Ļ", + "à¸ķà¹Į" + ], + [ + "×ŀש", + "פ" + ], + [ + "ว", + "à¹Į" + ], + [ + "ר", + "×ķ×§" + ], + [ + "ส", + "ืà¹Īà¸Ń" + ], + [ + "פק", + "×Ļ×ĵ" + ], + [ + "ãģªãĤī", + "ãģªãģĦ" + ], + [ + "ĠìŬ", + "룬" + ], + [ + "ÙĦ", + "ج" + ], + [ + "Ñī", + "иÑĤ" + ], + [ + "ãĥĥ", + "ãĤ·" + ], + [ + "ÙĦÙĬ", + "س" + ], + [ + "ĠÙĦ", + "Ùħا" + ], + [ + "ìł", + "ij" + ], + [ + "×ij", + "×Ļף" + ], + [ + "ãĥģ", + "ãĤ§" + ], + [ + "Ġgü", + "ç" + ], + [ + "Ġch", + "ứ" + ], + [ + "×ķצ", + "×IJ" + ], + [ + "קר", + "×ij" + ], + [ + "à¹Ĥ", + "à¸ŀ" + ], + [ + "оÑĩ", + "но" + ], + [ + "סק", + "×Ļ" + ], + [ + "ש׾", + "×Ŀ" + ], + [ + "صر", + "Ùģ" + ], + [ + "ĠL", + "Ãł" + ], + [ + "×¢", + "×Ļת" + ], + [ + "á»", + "·" + ], + [ + "à¹Ĥ", + "à¸Ńà¸ģ" + ], + [ + "à¹Ĥà¸Ńà¸ģ", + "า" + ], + [ + "à¹Ĥà¸Ńà¸ģา", + "ส" + ], + [ + "Ġ×Ķ", + "×ĵ×ijר" + ], + [ + "à¸Ļั", + "à¹Īà¸Ļ" + ], + [ + "ز", + "ر" + ], + [ + "нак", + "о" + ], + [ + "íļ", + "į" + ], + [ + "ãĤĤ", + "ãģ¡" + ], + [ + "ãĤĤãģ¡", + "ãĤį" + ], + [ + "ãĤĤãģ¡ãĤį", + "ãĤĵ" + ], + [ + "اÙħ", + "ت" + ], + [ + "عد", + "اد" + ], + [ + "и", + "нÑĭ" + ], + [ + "ÅĤy", + "w" + ], + [ + "à¸Ħ", + "à¸ĵะ" + ], + [ + "à¸Ĺ", + "ะ" + ], + [ + "kt", + "ör" + ], + [ + "×Ļ×Ĺ", + "×Ķ" + ], + [ + "Ġм", + "е" + ], + [ + "Ġме", + "ÑģÑı" + ], + [ + "׳×Ķ", + "×Ĵ" + ], + [ + "ĠÑģ", + "ÑĥÑīеÑģÑĤв" + ], + [ + "à¸Ļ", + "ัà¸Ļ" + ], + [ + "ÑĦ", + "ÑĦ" + ], + [ + "ек", + "ÑĤив" + ], + [ + "عÙĦÙĪÙħ", + "ات" + ], + [ + "б", + "Ñĥд" + ], + [ + "à¸Ļัà¸ģ", + "à¸ĩาà¸Ļ" + ], + [ + "หà¸Ļà¹īา", + "à¸Ĺีà¹Ī" + ], + [ + "ÙĤÙĬ", + "ÙĤ" + ], + [ + "ãĤ·", + "ãĥ³" + ], + [ + "ãģ«", + "éĸ¢" + ], + [ + "×IJר", + "×Ĵ" + ], + [ + "ĠпÑĢ", + "оÑĤ" + ], + [ + "ĠпÑĢоÑĤ", + "ив" + ], + [ + "ĠìŀĪ", + "ìĸ´" + ], + [ + "ÙĤÙĬ", + "ÙĤØ©" + ], + [ + "ìĹ", + "ĩ" + ], + [ + "k", + "ür" + ], + [ + "ãģ«ãģªãĤĬ", + "ãģ¾ãģĹãģŁ" + ], + [ + "Ġде", + "ÑıÑĤ" + ], + [ + "ĠдеÑıÑĤ", + "елÑĮ" + ], + [ + "פ×ķר", + "×ĺ" + ], + [ + "à¸Ł", + "à¹īา" + ], + [ + "à¹Ģ", + "à¸ł" + ], + [ + "ĠавÑĤом", + "аÑĤ" + ], + [ + "×ĸ", + "×Ļ×§" + ], + [ + "Ġold", + "uk" + ], + [ + "ع", + "اÙħ" + ], + [ + "ĠÑĤ", + "оÑĢ" + ], + [ + "yrı", + "ca" + ], + [ + "ê", + "Ì" + ], + [ + "ãĤŃ", + "ãĥ³ãĤ°" + ], + [ + "ãģ«", + "ãģ¨ãģ£ãģ¦" + ], + [ + "à¹Ģà¸ī", + "à¸ŀ" + ], + [ + "à¹Ģà¸īà¸ŀ", + "าะ" + ], + [ + "ãģ¯", + "ãģļ" + ], + [ + "×ŀ", + "×IJ×Ļ" + ], + [ + "สะ", + "à¸Ķ" + ], + [ + "สะà¸Ķ", + "วà¸ģ" + ], + [ + "ìľ¼", + "ë©°" + ], + [ + "à¸ģ", + "ี" + ], + [ + "à¸", + "¬" + ], + [ + "Ġ×¢", + "×ķש" + ], + [ + "à¸łà¸²", + "ษา" + ], + [ + "à¸Ĺ", + "ัà¸Ļ" + ], + [ + "ac", + "akt" + ], + [ + "acakt", + "ır" + ], + [ + "اع", + "دة" + ], + [ + "ĠÑĥÑģл", + "Ñĥг" + ], + [ + "ס", + "ר×ĺ" + ], + [ + "×ķ×ŀ", + "×ķת" + ], + [ + "×Ķ", + "×ķר" + ], + [ + "×ŀ", + "×ķ×ij" + ], + [ + "×ŀ×ķ×ij", + "ף" + ], + [ + "سÙĬ", + "اس" + ], + [ + "اتÙģ", + "اÙĤ" + ], + [ + "×Ķ", + "צ׾" + ], + [ + "Ùħؤ", + "س" + ], + [ + "Ġp", + "ó" + ], + [ + "Ġк", + "ни" + ], + [ + "×Ļ׼", + "×ķ׾" + ], + [ + "à¹Ģหล", + "ืà¸Ń" + ], + [ + "׼׾", + "׼" + ], + [ + "׳", + "×ĸ" + ], + [ + "ÑĪи", + "е" + ], + [ + "r", + "ès" + ], + [ + "ĠاÙĦØŃ", + "ÙĤ" + ], + [ + "лÑı", + "ÑĢ" + ], + [ + "ห", + "à¸į" + ], + [ + "หà¸į", + "ิà¸ĩ" + ], + [ + "ר×Ĵ", + "×Ļש" + ], + [ + "à¹Ģส", + "à¹īà¸Ļ" + ], + [ + "ש×ij", + "×ķף" + ], + [ + "ô", + "tel" + ], + [ + "ап", + "ÑĢ" + ], + [ + "апÑĢ", + "имеÑĢ" + ], + [ + "اب", + "ÙĦ" + ], + [ + "ĠÑĢаз", + "виÑĤ" + ], + [ + "Ġп", + "олÑĮз" + ], + [ + "ĠС", + "еÑĢ" + ], + [ + "×ķ×ij", + "×Ļ" + ], + [ + "r", + "óż" + ], + [ + "ìĭ", + "Ń" + ], + [ + "ãĤ¯", + "ãĥĪ" + ], + [ + "ãģĹ", + "ãĤĪãģĨ" + ], + [ + "à¸ģร", + "ม" + ], + [ + "ØŃ", + "ÙĥÙĪÙħ" + ], + [ + "à¹Ĥ", + "à¸ļ" + ], + [ + "à¸Ĺ", + "à¹īาย" + ], + [ + "ĠM", + "á" + ], + [ + "ĠÑĤ", + "Ñĭ" + ], + [ + "à¸Ħร", + "ัว" + ], + [ + "ÑĢÑĥ", + "б" + ], + [ + "ạ", + "p" + ], + [ + "Ġm", + "ÅĤ" + ], + [ + "ĠmÅĤ", + "od" + ], + [ + "Ġgör", + "Ã¼ÅŁ" + ], + [ + "Ġgeli", + "ÅŁ" + ], + [ + "ươ", + "i" + ], + [ + "×ŀש", + "×§" + ], + [ + "ÙĢÙĢ", + "ÙĢÙĢ" + ], + [ + "รา", + "ว" + ], + [ + "ãģĹãģ", + "£" + ], + [ + "ãģĹãģ£", + "ãģĭãĤĬ" + ], + [ + "ĠÐļ", + "он" + ], + [ + "Ġk", + "ê" + ], + [ + "à¹Ĥà¸Ĺ", + "ร" + ], + [ + "èIJ½", + "ãģ¡" + ], + [ + "åĩº", + "ãģ¦" + ], + [ + "ล", + "ัà¸ģษ" + ], + [ + "Ġ×Ĵ", + "×ij×ķ×Ķ" + ], + [ + "ãĥĻ", + "ãĥ«" + ], + [ + "ê±°", + "ëĤĺ" + ], + [ + "ë§", + "IJ" + ], + [ + "×Ļ׾", + "×ĵ×Ļ×Ŀ" + ], + [ + "ĠëĦ", + "Ī" + ], + [ + "×ŀר", + "×Ļ" + ], + [ + "ร", + "ส" + ], + [ + "ãĥŃ", + "ãĥ³" + ], + [ + "и", + "ло" + ], + [ + "ноÑģÑĤÑĮ", + "Ñİ" + ], + [ + "×ĸר", + "×Ĺ" + ], + [ + "п", + "он" + ], + [ + "Ġ×Ķש", + "׾" + ], + [ + "ê²ł", + "ìĬµëĭĪëĭ¤" + ], + [ + "Ġki", + "ÅŁ" + ], + [ + "ĠÐļ", + "и" + ], + [ + "ว", + "ร" + ], + [ + "د", + "اع" + ], + [ + "ÅŁ", + "im" + ], + [ + "ÙĨ", + "Ùij" + ], + [ + "в", + "аÑĤ" + ], + [ + "را", + "Ùĥ" + ], + [ + "ب", + "اÙĦ" + ], + [ + "ид", + "е" + ], + [ + "Ġ×Ķ×ŀ", + "×Ĺ" + ], + [ + "ìĸ", + "µ" + ], + [ + "تÙģ", + "اع" + ], + [ + "Ø£", + "ت" + ], + [ + "ëĬ", + "ĺ" + ], + [ + "ש", + "×Ļת" + ], + [ + "ست", + "Ùħر" + ], + [ + "ĠÑĦ", + "ак" + ], + [ + "ĠاÙĦØ£Ùħ", + "رÙĬ" + ], + [ + "ëŀ", + "¨" + ], + [ + "اس", + "Ùħ" + ], + [ + "Ġa", + "ÄŁ" + ], + [ + "Ġç", + "ev" + ], + [ + "Ùĥ", + "ÙĪØ±" + ], + [ + "ãģķ", + "ãģ¾" + ], + [ + "Ġç", + "öz" + ], + [ + "Ġر", + "س" + ], + [ + "Äħ", + "da" + ], + [ + "สà¸Ļ", + "ุ" + ], + [ + "ãģĹãģ¦", + "ãģıãĤĮ" + ], + [ + "н", + "Ñİ" + ], + [ + "leÅŁ", + "me" + ], + [ + "ãĤª", + "ãĥ³" + ], + [ + "ãģ¨", + "ãģªãĤĬ" + ], + [ + "ava", + "ÅŁ" + ], + [ + "×ĺ", + "×Ļ×ij" + ], + [ + "ØŃ", + "ض" + ], + [ + "×ķצ", + "×IJ×ķת" + ], + [ + "ÙĨ", + "ÙħÙĪ" + ], + [ + "ı", + "t" + ], + [ + "ĠÑħ", + "а" + ], + [ + "ĠÑħа", + "ÑĢак" + ], + [ + "ĠÑħаÑĢак", + "ÑĤеÑĢ" + ], + [ + "Ġd", + "ÅĤ" + ], + [ + "ãĥĹ", + "ãĥ©" + ], + [ + "à¸Ĭ", + "ุม" + ], + [ + "à¹Ī", + "à¸Ńà¸Ļ" + ], + [ + "×ķ×ij", + "׾" + ], + [ + "Ñģ", + "ол" + ], + [ + "×ĵ", + "×Ĵ" + ], + [ + "аÑĢ", + "аÑĤ" + ], + [ + "n", + "ivers" + ], + [ + "Ġgerçek", + "leÅŁtir" + ], + [ + "ĠاÙĦ", + "ÙĦÙĬ" + ], + [ + "ระ", + "ยะ" + ], + [ + "ĠÙħ", + "ختÙĦÙģ" + ], + [ + "Ġgö", + "nder" + ], + [ + "Ùģ", + "ار" + ], + [ + "do", + "ÄŁ" + ], + [ + "doÄŁ", + "an" + ], + [ + "ص", + "ÙĦاØŃ" + ], + [ + "Ġyay", + "ın" + ], + [ + "ãĥĨ", + "ãĥ³" + ], + [ + "รว", + "à¸Ī" + ], + [ + "×Ļ×Ĺ", + "×Ļ×ĵ" + ], + [ + "ünk", + "ü" + ], + [ + "ÑĨи", + "алÑĮн" + ], + [ + "à¸ļ", + "ู" + ], + [ + "ม", + "ุ" + ], + [ + "h", + "ä" + ], + [ + "Ø®", + "Ùģ" + ], + [ + "å¢", + "Ĺ" + ], + [ + "å¢Ĺ", + "ãģĪ" + ], + [ + "еÑĩ", + "но" + ], + [ + "ĠاÙĦس", + "ÙĨ" + ], + [ + "à¸Ĥ", + "าว" + ], + [ + "im", + "di" + ], + [ + "Ð", + "«" + ], + [ + "à¸Ļà¸Ńà¸ģ", + "à¸Īาà¸ģ" + ], + [ + "à¸ļา", + "ล" + ], + [ + "ת", + "ש" + ], + [ + "Ġdüzen", + "le" + ], + [ + "мÑĭ", + "Ñģл" + ], + [ + "ãģı", + "ãģª" + ], + [ + "ż", + "u" + ], + [ + "Ġwsp", + "óÅĤ" + ], + [ + "Ġн", + "аз" + ], + [ + "ınd", + "aki" + ], + [ + "تر", + "Ø©" + ], + [ + "ÅŁ", + "ek" + ], + [ + "Ġö", + "d" + ], + [ + "ĠÙĪ", + "Ùĥ" + ], + [ + "Ġпозв", + "олÑı" + ], + [ + "Ġת", + "×ķ׼" + ], + [ + "ÙħÙĨ", + "تج" + ], + [ + "ë§", + "ī" + ], + [ + "ĠاÙĦØ«", + "ÙĦاث" + ], + [ + "аÑĨи", + "Ñİ" + ], + [ + "ÙĪØ±", + "ÙĪ" + ], + [ + "Ñĭв", + "аеÑĤ" + ], + [ + "خص", + "ص" + ], + [ + "ĠاÙĦÙģ", + "ÙĦ" + ], + [ + "ĠاÙĦÙģÙĦ", + "سطÙĬÙĨ" + ], + [ + "Ø¥", + "جر" + ], + [ + "إجر", + "اء" + ], + [ + "اÙĨت", + "Ø®" + ], + [ + "اÙĨتخ", + "اب" + ], + [ + "ار", + "ÙĬØ©" + ], + [ + "×ķ", + "Ö" + ], + [ + "Ø¢", + "ÙĨ" + ], + [ + "×ŀ×¢", + "×ķת" + ], + [ + "Ġм", + "ал" + ], + [ + "Ġ×IJ", + "×Ĺ" + ], + [ + "à¸Ĺ", + "à¹īà¸Ńà¸ĩ" + ], + [ + "ze", + "ÅĽ" + ], + [ + "Ġë§Į", + "ëĵ¤" + ], + [ + "رÙĬ", + "ع" + ], + [ + "äºĭ", + "ãĤĴ" + ], + [ + "à¸ļริ", + "หาร" + ], + [ + "׾", + "×ŀ×Ļ×ĵ" + ], + [ + "Ġм", + "Ñĥж" + ], + [ + "ت", + "رÙĪ" + ], + [ + "ĠباÙĦ", + "Ø¥" + ], + [ + "פ", + "×Ļ×§" + ], + [ + "ز", + "ÙħØ©" + ], + [ + "ĠÃ¶ÄŁ", + "renc" + ], + [ + "ãĥ", + "¶" + ], + [ + "اÙħ", + "عة" + ], + [ + "×§×ij", + "×ķצ" + ], + [ + "×ŀ", + "׳×ķת" + ], + [ + "رÙĬ", + "Ùħ" + ], + [ + "Ġо", + "каз" + ], + [ + "ãģłãģij", + "ãģ©" + ], + [ + "Ġh", + "ız" + ], + [ + "Ġש", + "×IJת" + ], + [ + "ãĤ¢", + "ãĥ¼" + ], + [ + "Ġmożli", + "wo" + ], + [ + "ìĦ", + "¼" + ], + [ + "ÙĪ", + "اب" + ], + [ + "ог", + "ÑĢаÑĦ" + ], + [ + "Ġعبد", + "اÙĦ" + ], + [ + "ãĤĴ", + "è¡Į" + ], + [ + "ب", + "ÙĬÙĦ" + ], + [ + "Ġİ", + "ç" + ], + [ + "ย", + "าย" + ], + [ + "ĠÑĥ", + "ÑĩаÑģÑĤ" + ], + [ + "ÑĦ", + "еÑģÑģ" + ], + [ + "ÑĦеÑģÑģ", + "иона" + ], + [ + "áº", + "¤" + ], + [ + "ÙĨ", + "ÙĬÙĨ" + ], + [ + "عد", + "ÙĦ" + ], + [ + "สร", + "ร" + ], + [ + "دÙĬ", + "ÙĦ" + ], + [ + "×ij", + "×Ļ×§" + ], + [ + "czy", + "ÅĤ" + ], + [ + "ÑĢом", + "е" + ], + [ + "Ġм", + "ед" + ], + [ + "ìĻ", + "Ķ" + ], + [ + "ãĥ©", + "ãĤ¤ãĥ³" + ], + [ + "ĠÑĤ", + "еп" + ], + [ + "еÑĢ", + "ÑĮ" + ], + [ + "i", + "ÄŁi" + ], + [ + "в", + "ели" + ], + [ + "ÑĢи", + "ÑģÑĤ" + ], + [ + "ס", + "×ķפ" + ], + [ + "×ŀ׾", + "×Ĺ" + ], + [ + "ĠاÙĦØ¥", + "ÙĨ" + ], + [ + "Ġ׾×Ķ", + "ש" + ], + [ + "è¶Ĭ", + "ãģĹ" + ], + [ + "ĠÑĢ", + "Ñĭ" + ], + [ + "×ķ×IJ", + "ר" + ], + [ + "رÙĩ", + "اب" + ], + [ + "פ", + "×ķ×IJ×Ļ" + ], + [ + "ĠгоÑģ", + "Ñĥд" + ], + [ + "ĠгоÑģÑĥд", + "аÑĢ" + ], + [ + "ĠгоÑģÑĥдаÑĢ", + "ÑģÑĤв" + ], + [ + "ĠاÙĦØ£Ùħ", + "ÙĬر" + ], + [ + "Ùħ", + "ج" + ], + [ + "à¹Ģหม", + "าะ" + ], + [ + "ÑĢ", + "ев" + ], + [ + "à¸Ĭี", + "à¸ŀ" + ], + [ + "ãĥķ", + "ãĥĪ" + ], + [ + "иÑĩ", + "но" + ], + [ + "ĠاÙĦÙħ", + "ؤ" + ], + [ + "Ġi", + "ht" + ], + [ + "íħ", + "ľ" + ], + [ + "د", + "ÙĨÙĬ" + ], + [ + "ر", + "ص" + ], + [ + "ла", + "ÑģÑĤ" + ], + [ + "à¹Ģหล", + "à¹Īา" + ], + [ + "ılı", + "r" + ], + [ + "ร", + "à¸ĵà¹Į" + ], + [ + "×ŀש", + "×Ļ×ļ" + ], + [ + "Ġd", + "á»ĭ" + ], + [ + "Ø·Ùģ", + "اÙĦ" + ], + [ + "×ĺ", + "×ķף" + ], + [ + "Ġ×ij", + "×Ļ׳" + ], + [ + "ãģ¾", + "ãģ£ãģŁ" + ], + [ + "лож", + "ениÑı" + ], + [ + "تØŃ", + "ر" + ], + [ + "ب", + "اØŃ" + ], + [ + "à¹Ģส", + "ืà¹īà¸Ń" + ], + [ + "ãģĻ", + "ãģĶ" + ], + [ + "lt", + "ür" + ], + [ + "à¸ĩ", + "าม" + ], + [ + "Ġt", + "ü" + ], + [ + "ĠпÑĢ", + "им" + ], + [ + "ĠпÑĢим", + "ен" + ], + [ + "Ġhay", + "at" + ], + [ + "ëĥ", + "IJ" + ], + [ + "ëĭ", + "Į" + ], + [ + "׳×Ļ", + "×ķ" + ], + [ + "вед", + "ен" + ], + [ + "ìħ", + "¨" + ], + [ + "à¸Ī", + "ัย" + ], + [ + "à¸ģà¹Ī", + "à¸Ń" + ], + [ + "Ġв", + "од" + ], + [ + "оÑģÑĤ", + "оÑı" + ], + [ + "н", + "аÑĤ" + ], + [ + "à¹ģ", + "หล" + ], + [ + "سÙħ", + "ÙĬ" + ], + [ + "à¸Ķำ", + "à¹Ģà¸Ļ" + ], + [ + "à¸Ķำà¹Ģà¸Ļ", + "ิà¸Ļ" + ], + [ + "w", + "ód" + ], + [ + "ö", + "yle" + ], + [ + "ãĥĢ", + "ãĤ¤" + ], + [ + "ÑĪи", + "й" + ], + [ + "меÑī", + "ен" + ], + [ + "ãģĹãģ¾", + "ãģĨ" + ], + [ + "ãĥī", + "ãĥ©" + ], + [ + "ÙĪØ¶", + "ØŃ" + ], + [ + "à¸Ńà¸Ļ", + "ุ" + ], + [ + "ĠاÙĦ", + "اجتÙħاع" + ], + [ + "laÅŁ", + "ma" + ], + [ + "à¸Ħ", + "à¸Ńà¸Ļ" + ], + [ + "×ŀר", + "×Ļ×Ŀ" + ], + [ + "ÙĨ", + "اÙħج" + ], + [ + "שר", + "×ķת" + ], + [ + "اÙĦ", + "Ø£" + ], + [ + "Ġksi", + "Äħż" + ], + [ + "Ġа", + "н" + ], + [ + "ÑĢаÐ", + "¹" + ], + [ + "اÙĩر", + "Ø©" + ], + [ + "×ŀ×ĵ", + "×Ķ" + ], + [ + "ä¸Ģ", + "ç·" + ], + [ + "ä¸Ģç·", + "Ĵ" + ], + [ + "ä¸Ģç·Ĵ", + "ãģ«" + ], + [ + "ÑĢиÑĤ", + "оÑĢ" + ], + [ + "d", + "ıkl" + ], + [ + "à¹ģ", + "à¸ĸ" + ], + [ + "à¹ģà¸Ĥ", + "à¹Īà¸ĩ" + ], + [ + "екÑĤ", + "оÑĢ" + ], + [ + "×ŀס", + "×¢" + ], + [ + "ÑĢак", + "ÑĤи" + ], + [ + "u", + "ÄŁu" + ], + [ + "×ķ×ij", + "ת" + ], + [ + "สู", + "à¸ķร" + ], + [ + "ĠçalÄ±ÅŁ", + "m" + ], + [ + "ĠçalÄ±ÅŁm", + "alar" + ], + [ + "Ġа", + "на" + ], + [ + "ãĥĽ", + "ãĥ¼ãĥł" + ], + [ + "Ġböl", + "üm" + ], + [ + "Ġب", + "ص" + ], + [ + "ол", + "оÑģ" + ], + [ + "ĠìķĬ", + "ëĬĶ" + ], + [ + "à¹Ī", + "ะ" + ], + [ + "ÙĪ", + "تر" + ], + [ + "ä¹", + "Ĺ" + ], + [ + "ست", + "خداÙħ" + ], + [ + "פ×Ļ", + "×Ļס" + ], + [ + "פ×Ļ×Ļס", + "×ij" + ], + [ + "פ×Ļ×Ļס×ij", + "×ķ×§" + ], + [ + "Ġк", + "ÑĢаÑģ" + ], + [ + "ли", + "к" + ], + [ + "رÙĬ", + "ØŃ" + ], + [ + "×ŀש", + "׾×Ķ" + ], + [ + "à¹Ģย", + "ีà¹Īย" + ], + [ + "à¹Ģยีà¹Īย", + "ม" + ], + [ + "в", + "иÑģ" + ], + [ + "ом", + "н" + ], + [ + "ÄŁ", + "un" + ], + [ + "ãĥŃ", + "ãĥ¼ãĥ³" + ], + [ + "Ø£", + "تÙĬ" + ], + [ + "à¸ķร", + "ี" + ], + [ + "çͳ", + "ãģĹ" + ], + [ + "تÙħ", + "ر" + ], + [ + "ìĹ", + "ĪìĬµëĭĪëĭ¤" + ], + [ + "ĠÙĪ", + "غÙĬر" + ], + [ + "red", + "ni" + ], + [ + "ĠاÙĦص", + "Ùģ" + ], + [ + "Ġна", + "ÑģÑĤоÑı" + ], + [ + "ĠнаÑģÑĤоÑı", + "Ñī" + ], + [ + "à¸ķ", + "รา" + ], + [ + "ĠÑĥÑģл", + "ов" + ], + [ + "ĠÑĥÑģлов", + "иÑı" + ], + [ + "ÑĨ", + "еп" + ], + [ + "×Ķ", + "×Ĺ׾×ĺ" + ], + [ + "Ø·", + "ÙĬع" + ], + [ + "ĠB", + "akan" + ], + [ + "ĠاÙĦ", + "رÙĪ" + ], + [ + "илÑĮ", + "но" + ], + [ + "Ġм", + "еÑĤ" + ], + [ + "à¸Ķ", + "à¸Ńà¸ģ" + ], + [ + "ãģĭãĤī", + "ãģªãģĦ" + ], + [ + "Ġпо", + "ÑģÑĤоÑı" + ], + [ + "ĠпоÑģÑĤоÑı", + "н" + ], + [ + "ĠÑĩ", + "аÑģ" + ], + [ + "ü", + "c" + ], + [ + "wr", + "ó" + ], + [ + "б", + "ÑĥÑĢ" + ], + [ + "ãĥIJ", + "ãĥĥãĤ¯" + ], + [ + "ãĥ©ãĥ³", + "ãĥī" + ], + [ + "Ġо", + "гÑĢ" + ], + [ + "สั", + "à¸į" + ], + [ + "สัà¸į", + "à¸įา" + ], + [ + "มั", + "à¹Īà¸Ļ" + ], + [ + "à¸Ħ", + "à¸Ńม" + ], + [ + "al", + "ık" + ], + [ + "Ġн", + "ед" + ], + [ + "üm", + "üz" + ], + [ + "ĠÅĽ", + "wie" + ], + [ + "é", + "rio" + ], + [ + "×Ļ×IJ", + "×Ķ" + ], + [ + "دÙħ", + "ات" + ], + [ + "ı", + "rl" + ], + [ + "ĠоÑĤ", + "з" + ], + [ + "ĠоÑĤз", + "Ñĭв" + ], + [ + "ä»ĺ", + "ãģį" + ], + [ + "Ġkaż", + "de" + ], + [ + "мин", + "иÑģÑĤ" + ], + [ + "ãĤ°", + "ãĥ«" + ], + [ + "ë°", + "ĸ" + ], + [ + "ез", + "н" + ], + [ + "اÙĦ", + "Ùģ" + ], + [ + "Ġש", + "ק׾" + ], + [ + "Ùħ", + "ض" + ], + [ + "ãĥĿ", + "ãĥ¼ãĥĪ" + ], + [ + "ÙħÙĨ", + "ت" + ], + [ + "ÙĤÙĬ", + "اÙħ" + ], + [ + "Ø´", + "ÙĨ" + ], + [ + "×Ļר", + "×ķ×¢" + ], + [ + "ãĤŃãĥ£", + "ãĥ³" + ], + [ + "доÑĢ", + "ов" + ], + [ + "×ŀ", + "×Ļת×Ļ" + ], + [ + "ÙĪÙĦ", + "ÙĪØ¬" + ], + [ + "Ùĥ", + "اÙģ" + ], + [ + "ĠÑĢаз", + "лиÑĩ" + ], + [ + "иÑĤ", + "еÑĤ" + ], + [ + "н", + "олог" + ], + [ + "ลà¸ĩ", + "à¸Ĺุà¸Ļ" + ], + [ + "Ġyak", + "laÅŁ" + ], + [ + "ãĥ¬", + "ãĤ¤" + ], + [ + "ê²ł", + "ëĭ¤" + ], + [ + "æ±Ĥ", + "ãĤģ" + ], + [ + "رÙĪ", + "Ùģ" + ], + [ + "Ġí", + "Ĭ" + ], + [ + "ĠíĬ", + "¹" + ], + [ + "ãģ£", + "ãģıãĤĬ" + ], + [ + "à¸Ħวาม", + "à¸Ħิà¸Ķ" + ], + [ + "×Ķ", + "×Ļס×ĺ" + ], + [ + "Ø¥", + "ÙĤ" + ], + [ + "ãģ¦", + "ãģĦ" + ], + [ + "à¹Ĥ", + "à¸Ĭ" + ], + [ + "ĠBü", + "yük" + ], + [ + "ĠФ", + "едеÑĢ" + ], + [ + "ÑĨи", + "н" + ], + [ + "ÑĢов", + "а" + ], + [ + "ĠاÙĦ", + "اÙĤتصاد" + ], + [ + "Ġch", + "á" + ], + [ + "à¸ĺ", + "าà¸Ļ" + ], + [ + "ë¥", + "ł" + ], + [ + "à¹Ħ", + "à¸ķ" + ], + [ + "ÃŃ", + "pio" + ], + [ + "Ùĭ", + "ا" + ], + [ + "Ġоб", + "Ñıз" + ], + [ + "Ùĩ", + "ج" + ], + [ + "Ġì¤ij", + "ìļĶ" + ], + [ + "ãģ®", + "ãģ§ãģ¯ãģªãģĦ" + ], + [ + "بار", + "اة" + ], + [ + "ãĤ¤", + "ãĥ«" + ], + [ + "Ġн", + "оÑĢм" + ], + [ + "á»ī", + "nh" + ], + [ + "m", + "ö" + ], + [ + "mö", + "glich" + ], + [ + "ÑĨи", + "п" + ], + [ + "ãĤ¢", + "ãĤ¯" + ], + [ + "×Ķ", + "×Ļ" + ], + [ + "ÑĨи", + "алÑĮно" + ], + [ + "ĠÅĽ", + "wi" + ], + [ + "ت", + "ÙĤ" + ], + [ + "ĠÑģÑĤо", + "им" + ], + [ + "بÙĬ", + "عÙĬ" + ], + [ + "Ġ׾", + "ש×ŀ" + ], + [ + "г", + "лÑı" + ], + [ + "глÑı", + "д" + ], + [ + "ãģ¦", + "ãģıãĤĮ" + ], + [ + "ÄĻd", + "zi" + ], + [ + "à¸Ĥ", + "ั" + ], + [ + "à¸Ĥั", + "à¹īà¸Ļ" + ], + [ + "Ø·", + "ÙĤ" + ], + [ + "ĠìĹ", + "Ń" + ], + [ + "ãģ£ãģ¦ãģĹãģ¾", + "ãģĨ" + ], + [ + "ĠdeÄŁer", + "l" + ], + [ + "ĠdeÄŁerl", + "endir" + ], + [ + "Ġü", + "lk" + ], + [ + "Ġмн", + "ог" + ], + [ + "à¹", + "ĭ" + ], + [ + "ë¿", + "IJ" + ], + [ + "ĠУ", + "кÑĢа" + ], + [ + "ÄŁ", + "ini" + ], + [ + "Ġбез", + "оп" + ], + [ + "Ġбезоп", + "аÑģ" + ], + [ + "à¸Ńà¸Ńà¸ģ", + "à¹ģà¸ļà¸ļ" + ], + [ + "اØ", + "¸" + ], + [ + "ØŃد", + "اث" + ], + [ + "л", + "еÑĢ" + ], + [ + "×Ļ×", + "¥" + ], + [ + "×Ļ׳×ĺר", + "׳×ĺ" + ], + [ + "lar", + "ınız" + ], + [ + "ØŃÙĬ", + "ØŃ" + ], + [ + "ż", + "eli" + ], + [ + "à¸Ń", + "ัà¸ĩ" + ], + [ + "à¸Ńัà¸ĩ", + "à¸ģ" + ], + [ + "à¸Ńัà¸ĩà¸ģ", + "ฤษ" + ], + [ + "ĠоÑĤ", + "лиÑĩ" + ], + [ + "ั", + "ส" + ], + [ + "ëŀ", + "į" + ], + [ + "ож", + "но" + ], + [ + "ãĤ¹", + "ãĥĿ" + ], + [ + "ĠÑħ", + "оÑĩ" + ], + [ + "Ġк", + "ап" + ], + [ + "еÑĩ", + "ен" + ], + [ + "ØŃÙĦ", + "Ø©" + ], + [ + "ÙĬا", + "Ùĩ" + ], + [ + "на", + "л" + ], + [ + "×ķצ", + "ר×Ļ×Ŀ" + ], + [ + "Ġk", + "ald" + ], + [ + "åĥ", + "į" + ], + [ + "ĠاÙĦØ´", + "خص" + ], + [ + "Ġз", + "на" + ], + [ + "Ġwz", + "gl" + ], + [ + "ż", + "ycz" + ], + [ + "ê°", + "Ŀ" + ], + [ + "à¸ŀ", + "ลัà¸ĩ" + ], + [ + "íģ", + "¼" + ], + [ + "Ġö", + "l" + ], + [ + "Ġb", + "ụ" + ], + [ + "Ø´", + "Ùĩر" + ], + [ + "Ġз", + "ам" + ], + [ + "Ġд", + "ев" + ], + [ + "×Ļ×ĺ", + "ת" + ], + [ + "تعÙĦ", + "ÙĤ" + ], + [ + "ÙĪÙħ", + "Ø©" + ], + [ + "ãĤĴ", + "ä½ľ" + ], + [ + "ãģį", + "ãģ¦" + ], + [ + "í", + "ĥĿ" + ], + [ + "ras", + "ında" + ], + [ + "ãĤĴ", + "æİ¢" + ], + [ + "ĠÙħ", + "باشر" + ], + [ + "راج", + "ع" + ], + [ + "Ġв", + "озд" + ], + [ + "ÙħØŃ", + "ا" + ], + [ + "×ķש", + "ר" + ], + [ + "ĠиÑģÑĤ", + "оÑĢ" + ], + [ + "ม", + "ัà¸ģ" + ], + [ + "t", + "ıģ" + ], + [ + "Ø«", + "ار" + ], + [ + "تر", + "ÙĨت" + ], + [ + "à¹ģà¸Ĥ", + "à¹ĩ" + ], + [ + "à¹ģà¸Ĥà¹ĩ", + "à¸ĩ" + ], + [ + "п", + "оÑĩ" + ], + [ + "Ġ×ij", + "×IJ×ķת" + ], + [ + "ë¯", + "Ģ" + ], + [ + "ëĿ¼", + "ëıĦ" + ], + [ + "à¸Ĭ", + "ัà¸Ķ" + ], + [ + "ส", + "à¸ķà¹Į" + ], + [ + "ãĥĭ", + "ãĥĥãĤ¯" + ], + [ + "ид", + "енÑĤ" + ], + [ + "Ġг", + "ÑĢÑĥпп" + ], + [ + "ت", + "Ø®" + ], + [ + "áº", + "ł" + ], + [ + "ย", + "ืà¸Ļ" + ], + [ + "ย", + "ัà¸Ļ" + ], + [ + "ó", + "ry" + ], + [ + "T", + "Ãľ" + ], + [ + "ãģĹ", + "ãĤĥ" + ], + [ + "ĠпÑĢов", + "ед" + ], + [ + "лÑı", + "еÑĤ" + ], + [ + "Ùħ", + "Ø®" + ], + [ + "ย", + "à¸Ńม" + ], + [ + "×Ľ×ł×¡", + "ת" + ], + [ + "ĠاÙĦÙħ", + "ÙĨت" + ], + [ + "Ġol", + "mad" + ], + [ + "ר׼", + "×ĸ×Ļ" + ], + [ + "Ġв", + "ÑģÑĤÑĢ" + ], + [ + "ĠиÑģ", + "Ñģлед" + ], + [ + "ÑĤвеÑĢ", + "ж" + ], + [ + "بد", + "ÙĪ" + ], + [ + "еÑĢ", + "ÑĤ" + ], + [ + "ï»", + "·" + ], + [ + "±", + "ħ" + ], + [ + "สัม", + "à¸ŀัà¸Ļà¸ĺà¹Į" + ], + [ + "ิ", + "à¹Īà¸Ļ" + ], + [ + "צ", + "×Ļ×ij" + ], + [ + "wiÄĻ", + "t" + ], + [ + "Ġì°", + "¸" + ], + [ + "Ġz", + "wiÄħz" + ], + [ + "سب", + "ÙĪØ¹" + ], + [ + "ãĥĥ", + "ãĤ°" + ], + [ + "à¸Ľà¸¥", + "à¸Ńà¸Ķ" + ], + [ + "à¸Ľà¸¥à¸Ńà¸Ķ", + "à¸łà¸±à¸¢" + ], + [ + "ãĤĤ", + "ãĤĬ" + ], + [ + "ÙĤد", + "س" + ], + [ + "Ġspr", + "z" + ], + [ + "Ġsprz", + "eda" + ], + [ + "Ġist", + "edi" + ], + [ + "Ġk", + "hu" + ], + [ + "Ġд", + "ен" + ], + [ + "Ġko", + "ÅĦ" + ], + [ + "Ġ×ij", + "×Ĺ×Ļ" + ], + [ + "à¹Ģà¸Ĺ", + "à¹īา" + ], + [ + "×ķס", + "×Ļ×£" + ], + [ + "ãĥĭ", + "ãĥ¥ãĥ¼" + ], + [ + "ĠпÑĢед", + "оÑģÑĤ" + ], + [ + "ĠпÑĢедоÑģÑĤ", + "ав" + ], + [ + "à¹Ĥ", + "à¸Ł" + ], + [ + "é", + "v" + ], + [ + "ĠاÙĦص", + "ØŃ" + ], + [ + "صØŃ", + "اب" + ], + [ + "à¹Ģà¸Ī", + "à¹ĩà¸ļ" + ], + [ + "вл", + "ек" + ], + [ + "วั", + "à¸ķ" + ], + [ + "à¸ĸ", + "ุ" + ], + [ + "ãģĵãģ¨ãģĮãģ§ãģį", + "ãģ¾ãģĻ" + ], + [ + "ÙĤÙĬ", + "ÙĤÙĬ" + ], + [ + "×ķ×Ĺ", + "ר" + ], + [ + "Ñĭ", + "ÑĪ" + ], + [ + "ĠоÑĤ", + "но" + ], + [ + "ĠоÑĤно", + "ÑĪ" + ], + [ + "об", + "илÑĮ" + ], + [ + "Ùģ", + "ØŃ" + ], + [ + "ı", + "nt" + ], + [ + "ınt", + "ı" + ], + [ + "Ġ׾", + "×ij×ĵ" + ], + [ + "í", + "İĺìĿ´ì§Ģ" + ], + [ + "ãĥĬ", + "ãĥ«" + ], + [ + "ĠÙħ", + "ساء" + ], + [ + "×Ļ×ĺ", + "×ij" + ], + [ + "ÑĮ", + "еÑĢ" + ], + [ + "ëĦ", + "·" + ], + [ + "Ñĭ", + "ÑĤа" + ], + [ + "ĠоÑĩ", + "еÑĢ" + ], + [ + "à¸Ķ", + "ืà¹Ī" + ], + [ + "à¸Ķืà¹Ī", + "ม" + ], + [ + "ĠN", + "gh" + ], + [ + "ت", + "عب" + ], + [ + "ÙĦاÙĤ", + "ات" + ], + [ + "×ķ׾×ķ×Ĵ", + "×Ļ×Ķ" + ], + [ + "ĠìĿ´", + "ê²ĥ" + ], + [ + "Ġ×Ķ", + "×ijר" + ], + [ + "ìľ", + "µ" + ], + [ + "à¹Ģà¸Ħล", + "ืà¹Īà¸Ńà¸Ļ" + ], + [ + "Ùĩ", + "Ø©" + ], + [ + "à¸Īำ", + "à¹Ģà¸Ľà¹ĩà¸Ļ" + ], + [ + "å¤ī", + "ãģĪ" + ], + [ + "wi", + "ÅĽcie" + ], + [ + "ch", + "od" + ], + [ + "chod", + "zÄħ" + ], + [ + "в", + "ÑĢо" + ], + [ + "×ŀ×Ĺ", + "×Ļר" + ], + [ + "Ġy", + "ı" + ], + [ + "Ġyı", + "ll" + ], + [ + "ì¡", + "Į" + ], + [ + "à¹Ħ", + "หว" + ], + [ + "ãģªãģı", + "ãģª" + ], + [ + "Ġзав", + "иÑģ" + ], + [ + "ĠìĺĪ", + "ìĪĺ" + ], + [ + "Ùģ", + "ذ" + ], + [ + "á»§", + "ng" + ], + [ + "à¸ŀุ", + "à¸Ĺà¸ĺ" + ], + [ + "з", + "н" + ], + [ + "lay", + "an" + ], + [ + "ãĤ", + "¡" + ], + [ + "à¸ģà¹ĩ", + "à¸ķาม" + ], + [ + "ĠsaÄŁ", + "lam" + ], + [ + "ร", + "à¸ĵ" + ], + [ + "ĠÑģ", + "иÑĤ" + ], + [ + "ĠÑģиÑĤ", + "Ñĥ" + ], + [ + "ĠاÙĦت", + "ÙĨ" + ], + [ + "×Ķ", + "×ĸ" + ], + [ + "ĠØ·", + "ÙĪÙĬÙĦ" + ], + [ + "ta", + "ÅĤ" + ], + [ + "Ġgö", + "rd" + ], + [ + "å¤ī", + "ãĤı" + ], + [ + "ëĥ", + "¥" + ], + [ + "à¸Ħà¹Ī", + "à¸Ńย" + ], + [ + "×IJ", + "×ķ×ĺ" + ], + [ + "ëħ", + "IJ" + ], + [ + "ãĥ©ãĥ³", + "ãĤ¹" + ], + [ + "วั", + "à¸Ĵ" + ], + [ + "วัà¸Ĵ", + "à¸Ļ" + ], + [ + "Ġol", + "uÅŁ" + ], + [ + "פע", + "×ķ׾" + ], + [ + "Ġszczeg", + "óÅĤ" + ], + [ + "à¸Ħา", + "สิ" + ], + [ + "à¸Ħาสิ", + "à¹Ĥà¸Ļ" + ], + [ + "pow", + "ied" + ], + [ + "ĠÑĤ", + "еб" + ], + [ + "หà¸Ļ", + "à¹Īวย" + ], + [ + "Ġм", + "ил" + ], + [ + "ØŃ", + "Ùĥ" + ], + [ + "à¸Ĺ", + "à¸Ķ" + ], + [ + "ĠмаÑĤ", + "еÑĢиал" + ], + [ + "ÅĤ", + "ow" + ], + [ + "à¹Ģà¸ģ", + "ีย" + ], + [ + "ĠÑģов", + "еÑĢ" + ], + [ + "ãĤ", + "©" + ], + [ + "à¸Ľ", + "ริ" + ], + [ + "Ġи", + "Ñİ" + ], + [ + "наÑĩ", + "ен" + ], + [ + "ÑĢен", + "д" + ], + [ + "mu", + "ÅŁtur" + ], + [ + "ĠпÑĢод", + "Ñĥк" + ], + [ + "з", + "д" + ], + [ + "Ñı", + "ÑĤи" + ], + [ + "ÑıÑĤи", + "Ñı" + ], + [ + "à¹Ģม", + "ีย" + ], + [ + "رات", + "ÙĬج" + ], + [ + "Ġam", + "acı" + ], + [ + "ש", + "×ķ׾" + ], + [ + "ש×ķ׾", + "×Ĺ" + ], + [ + "สะ", + "à¸Ńา" + ], + [ + "สะà¸Ńา", + "à¸Ķ" + ], + [ + "פ×Ĵ", + "×¢" + ], + [ + "عب", + "Ø©" + ], + [ + "d", + "ın" + ], + [ + "íħ", + "Ķ" + ], + [ + "Ġ×ŀש", + "×Ĺ×§" + ], + [ + "Ġfi", + "yat" + ], + [ + "Ġз", + "аÑı" + ], + [ + "ĠзаÑı", + "в" + ], + [ + "à¹Ĥ", + "หล" + ], + [ + "à¹Ĥหล", + "à¸Ķ" + ], + [ + "à¸ģรุà¸ĩ", + "à¹Ģà¸Ĺà¸ŀ" + ], + [ + "צ×Ļ", + "×Ļף" + ], + [ + "ìļ", + "±" + ], + [ + "Ùħ", + "ب" + ], + [ + "Ùħب", + "اد" + ], + [ + "land", + "ır" + ], + [ + "Ġв", + "еÑģÑĮ" + ], + [ + "Ġh", + "ük" + ], + [ + "ĠÐĴ", + "оз" + ], + [ + "ÑĩиÑĤ", + "Ñĭва" + ], + [ + "ว", + "ล" + ], + [ + "×ķצ", + "×¢" + ], + [ + "à¸Ĥà¸ĵะ", + "à¸Ĺีà¹Ī" + ], + [ + "ĠaÅŁ", + "aģı" + ], + [ + "׾×IJ", + "×ķ×ŀ×Ļ" + ], + [ + "tr", + "zym" + ], + [ + "Ã¤ÃŁ", + "ig" + ], + [ + "owo", + "ÅĽci" + ], + [ + "ãģĿ", + "ãĤĤ" + ], + [ + "Ġroz", + "wiÄħz" + ], + [ + "ĠgÅĤ", + "ówn" + ], + [ + "м", + "онÑĤ" + ], + [ + "×ŀ", + "×ķ×ŀ" + ], + [ + "ĠÑģÑĤ", + "ан" + ], + [ + "ÙĦا", + "ÙĤØ©" + ], + [ + "p", + "rowad" + ], + [ + "prowad", + "zi" + ], + [ + "ĠÑģоÑģÑĤ", + "оÑı" + ], + [ + "×Ļ×IJ", + "×ķת" + ], + [ + "r", + "ı" + ], + [ + "g", + "ı" + ], + [ + "ãĥij", + "ãĥij" + ], + [ + "Ġна", + "лиÑĩ" + ], + [ + "×Ķ", + "צע" + ], + [ + "Ġ׳", + "×Ķ" + ], + [ + "à¸Ħ", + "ัà¸ļ" + ], + [ + "ع", + "راض" + ], + [ + "и", + "ж" + ], + [ + "Ùĩ", + "ائÙĬ" + ], + [ + "ãĤī", + "ãģı" + ], + [ + "ож", + "еÑĤ" + ], + [ + "Ġоб", + "оÑĢ" + ], + [ + "ĠобоÑĢ", + "Ñĥд" + ], + [ + "Ø£", + "سÙĦ" + ], + [ + "à¹ĩ", + "à¸Ķ" + ], + [ + "ÑĢÑĥ", + "ÑĤ" + ], + [ + "دÙĬ", + "ÙħÙĤ" + ], + [ + "دÙĬÙħÙĤ", + "را" + ], + [ + "Ġjest", + "e" + ], + [ + "×ķ×ķ", + "×Ļר" + ], + [ + "×ij×ĵ", + "×Ļ×§" + ], + [ + "деÑĢж", + "ива" + ], + [ + "ãģĬ", + "ãģı" + ], + [ + "ewn", + "ÄĻtr" + ], + [ + "ewnÄĻtr", + "zn" + ], + [ + "à¸ŀ", + "ฤ" + ], + [ + "Ġ×IJ", + "×ķ×Ķ" + ], + [ + "ת×Ĺ", + "×ķש" + ], + [ + "Ġz", + "ob" + ], + [ + "д", + "Ñĥм" + ], + [ + "ĠÑģ", + "Ñĭ" + ], + [ + "ÙĬر", + "ا" + ], + [ + "ĠwiÄĻ", + "ks" + ], + [ + "à¹ģà¸ķà¸ģ", + "à¸ķà¹Īาà¸ĩ" + ], + [ + "lar", + "aras" + ], + [ + "lararas", + "ı" + ], + [ + "íĺ", + "Ģ" + ], + [ + "ëī", + "´" + ], + [ + "×ķ×Ĵ", + "׾" + ], + [ + "ĠоÑĤ", + "меÑĤ" + ], + [ + "ĠÑĢ", + "ан" + ], + [ + "ت", + "ÙĥÙĦ" + ], + [ + "иÑĤелÑĮ", + "н" + ], + [ + "à¸Ľà¸£à¸°", + "วั" + ], + [ + "à¸Ľà¸£à¸°à¸§à¸±", + "à¸ķิ" + ], + [ + "ìŀ", + "ĸ" + ], + [ + "мож", + "но" + ], + [ + "pie", + "czeÅĦ" + ], + [ + "pieczeÅĦ", + "st" + ], + [ + "ëª", + "»" + ], + [ + "ìĬ", + "¨" + ], + [ + "×ŀס", + "×ŀ" + ], + [ + "á»", + "¦" + ], + [ + "ศ", + "ิ" + ], + [ + "ศิ", + "ล" + ], + [ + "ศิล", + "à¸Ľ" + ], + [ + "ĠÅļ", + "w" + ], + [ + "ãĥĥ", + "ãĤ·ãĥ§ãĥ³" + ], + [ + "unit", + "Ãł" + ], + [ + "Ġmiesz", + "ka" + ], + [ + "Ġmieszka", + "ÅĦ" + ], + [ + "pr", + "zed" + ], + [ + "przed", + "si" + ], + [ + "przedsi", + "ÄĻb" + ], + [ + "przedsiÄĻb", + "ior" + ], + [ + "à¸Ľà¸£à¸°", + "สิà¸Ĺà¸ĺิ" + ], + [ + "à¸Ľà¸£à¸°à¸ªà¸´à¸Ĺà¸ĺิ", + "à¸łà¸²à¸ŀ" + ], + [ + "ย", + "à¹Ī" + ], + [ + "ìķ", + "Ļ" + ], + [ + "รว", + "à¸Ķ" + ], + [ + "รวà¸Ķ", + "à¹Ģรà¹ĩว" + ], + [ + "å½ĵ", + "ãģŁãĤĬ" + ], + [ + "äl", + "le" + ], + [ + "Ñĥ", + "еÑĤÑģÑı" + ], + [ + "ã", + "n" + ], + [ + "ëł", + "µ" + ], + [ + "th", + "è" + ], + [ + "ãĤĴ", + "åĪ©ç͍" + ], + [ + "ì", + "µľ" + ], + [ + "íĵ", + "¨" + ], + [ + "à¸Ĺ", + "ัà¸ļ" + ], + [ + "า", + "à¸Ħม" + ], + [ + "ãģ", + "ĩ" + ], + [ + "ëĤ", + "Į" + ], + [ + "à¹Ģà¸Ľà¸¥", + "à¹Īา" + ], + [ + "â", + "¦" + ], + [ + "ë", + "¾" + ], + [ + "ê", + "Ģ" + ], + [ + "ê", + "ĩ" + ], + [ + "â", + "¡" + ], + [ + "ðŁ", + "Ł" + ], + [ + "ã", + "IJ" + ], + [ + "â", + "º" + ], + [ + "á", + "Ń" + ], + [ + "á", + "Ļ" + ], + [ + "á", + "ĵ" + ], + [ + "á", + "²" + ], + [ + "ðĵ", + "ı" + ], + [ + "á", + "¬" + ], + [ + "â", + "¯" + ], + [ + "ä", + "¨" + ], + [ + "ê", + "Ŀ" + ], + [ + "ê", + "«" + ], + [ + "ð", + "ij" + ], + [ + "ðĵ", + "ĥ" + ], + [ + "ðĿ", + "ħ" + ], + [ + "<", + "unk" + ], + [ + "" + ], + [ + "" + ], + [ + "" + ], + [ + "Ġع", + "ÙĦÙī" + ], + [ + "Ġm", + "á»Ļt" + ], + [ + "Ġv", + "Ỽi" + ], + [ + "Ġng", + "ưá»Ŀi" + ], + [ + "ĠØ¥", + "ÙĦÙī" + ], + [ + "Ġnh", + "ững" + ], + [ + "Ġth", + "á»ĥ" + ], + [ + "Ġ×IJ", + "×ķ" + ], + [ + "Ġ×¢", + "×Ŀ" + ], + [ + "ا", + "Ùĭ" + ], + [ + "Ġ", + "à¹ģละ" + ], + [ + "ĠÙĦ", + "ا" + ], + [ + "Ġnh", + "ư" + ], + [ + "ĠاÙĦت", + "ÙĬ" + ], + [ + "Ġ×Ķ", + "×ķ×IJ" + ], + [ + "ĠÄij", + "ến" + ], + [ + "ĠØ£", + "ÙĪ" + ], + [ + "Ġv", + "á»ģ" + ], + [ + "ĠlÃł", + "m" + ], + [ + "Ġs", + "ẽ" + ], + [ + "Ġc", + "Å©ng" + ], + [ + "Ġ", + "ợ" + ], + [ + "ĠÄij", + "ó" + ], + [ + "Ġnhi", + "á»ģu" + ], + [ + "Ġt", + "ại" + ], + [ + "Ġtr", + "ên" + ], + [ + "Ġ×Ĵ", + "×Ŀ" + ], + [ + "Ġnh", + "Ãł" + ], + [ + "Ġ׼", + "×Ļ" + ], + [ + "Ġs", + "á»±" + ], + [ + "ĠÄij", + "ầu" + ], + [ + "Ġb", + "á»ĭ" + ], + [ + "ĠÙĩ", + "ذا" + ], + [ + "Ġnh", + "ất" + ], + [ + "Ġph", + "ải" + ], + [ + "Ġhi", + "á»ĩn" + ], + [ + "Ġdụ", + "ng" + ], + [ + "ĠÄij", + "á»Ļng" + ], + [ + "ĠاÙĦÙĦ", + "Ùĩ" + ], + [ + "ĠØ", + "Į" + ], + [ + "ĠÙĥ", + "ÙĦ" + ], + [ + "Ġvi", + "á»ĩc" + ], + [ + "Ġn", + "Äĥm" + ], + [ + "Ġth", + "ì" + ], + [ + "Ġh", + "á»įc" + ], + [ + "ĠÙĪ", + "ت" + ], + [ + "t", + "é" + ], + [ + "Ġا", + "ÙĨ" + ], + [ + "Ġt", + "ôi" + ], + [ + "Ġ×IJ", + "׳×Ļ" + ], + [ + "Ġ׾", + "×Ļ" + ], + [ + "Ġ×ŀ", + "×ķ" + ], + [ + "Ġng", + "Ãły" + ], + [ + "Ġn", + "Æ°á»Ľc" + ], + [ + "Ġ×Ķ", + "×Ļ×IJ" + ], + [ + "Ġ×IJ", + "×Ļ" + ], + [ + "Ġh", + "Æ¡n" + ], + [ + "ĠÙĩ", + "ذÙĩ" + ], + [ + "ĠÙĪ", + "ÙĬ" + ], + [ + "ĠاÙĦ", + "ذÙĬ" + ], + [ + "Ġ×ķ", + "×ŀ" + ], + [ + "Ġgi", + "á" + ], + [ + "Ġnh", + "ân" + ], + [ + "Ġch", + "ÃŃnh" + ], + [ + "Ġm", + "ình" + ], + [ + "ĠÐĿ", + "а" + ], + [ + "Ġth", + "ế" + ], + [ + "Ġ×Ļ", + "×ķתר" + ], + [ + "Ġ×IJ", + "×Ŀ" + ], + [ + "Ġn", + "ên" + ], + [ + "Ġh", + "ợ" + ], + [ + "Ġhợ", + "p" + ], + [ + "Ġc", + "òn" + ], + [ + "ĠÙĩ", + "ÙĪ" + ], + [ + "Ġc", + "Æ¡" + ], + [ + "Ġr", + "ất" + ], + [ + "ĠVi", + "á»ĩt" + ], + [ + "Ġب", + "عد" + ], + [ + "Ġש", + "×Ļ" + ], + [ + "Ġth", + "á»Ŀi" + ], + [ + "Ġc", + "ách" + ], + [ + "ĠÄij", + "á»ĵng" + ], + [ + "Ġн", + "о" + ], + [ + "Ġtr", + "ưá»Ŀng" + ], + [ + "Ø", + "Ł" + ], + [ + "ĠÄij", + "á»ĭnh" + ], + [ + "ĠÄiji", + "á»ģu" + ], + [ + "×Ļ", + "×Ļ×Ŀ" + ], + [ + "Ġth", + "á»±c" + ], + [ + "n", + "ın" + ], + [ + "Ġh", + "ình" + ], + [ + "Ġn", + "ói" + ], + [ + "Ġc", + "ùng" + ], + [ + "Ġ×Ķ", + "×Ķ" + ], + [ + "ĠØ¥", + "ÙĨ" + ], + [ + "Ġ×IJ", + "×ij׾" + ], + [ + "Ġnh", + "ưng" + ], + [ + "Ġbi", + "ết" + ], + [ + "Ġж", + "е" + ], + [ + "Ġch", + "úng" + ], + [ + "ĠÄij", + "ang" + ], + [ + "Ġذ", + "ÙĦÙĥ" + ], + [ + "Ġl", + "ên" + ], + [ + "Ġkh", + "ách" + ], + [ + "Ġn", + "Ãło" + ], + [ + "Ġs", + "á»Ń" + ], + [ + "Ġkh", + "ác" + ], + [ + "Ġë°", + "ı" + ], + [ + "Ġl", + "ý" + ], + [ + "×Ļ", + "×Ļ" + ], + [ + "ĠÄij", + "ây" + ], + [ + "Ġ׾", + "×ŀ" + ], + [ + "Ġc", + "ần" + ], + [ + "Ġtr", + "ình" + ], + [ + "Ġph", + "át" + ], + [ + "ãģ«", + "ãĤĤ" + ], + [ + "п", + "о" + ], + [ + "Ġn", + "Äĥng" + ], + [ + "Ġb", + "á»Ļ" + ], + [ + "Ġv", + "ụ" + ], + [ + "ĠÄij", + "á»Ļ" + ], + [ + "Ñĩ", + "е" + ], + [ + "Ġnh", + "áºŃn" + ], + [ + "Ġtr", + "Æ°á»Ľc" + ], + [ + "Ġ×¢", + "×ĵ" + ], + [ + "Ġh", + "Ãłnh" + ], + [ + "ĠØ®", + "ÙĦاÙĦ" + ], + [ + "Ġl", + "ượng" + ], + [ + "Ġc", + "ấp" + ], + [ + "Ġtá»", + "±" + ], + [ + "Ġv", + "ì" + ], + [ + "Ġt", + "ư" + ], + [ + "Ġch", + "ất" + ], + [ + "Ġ׼", + "×ŀ×ķ" + ], + [ + "Ġg", + "ì" + ], + [ + "Ġש", + "׳" + ], + [ + "Ġt", + "ế" + ], + [ + "ת", + "×ķ" + ], + [ + "Ġnghi", + "á»ĩp" + ], + [ + "Ġm", + "ặt" + ], + [ + "ĠÙĥ", + "Ùħا" + ], + [ + "Ġ×ij", + "×Ļף" + ], + [ + "Ġר", + "×§" + ], + [ + "Ġth", + "ấy" + ], + [ + "Ġmá", + "y" + ], + [ + "ĠÙģ", + "Ùī" + ], + [ + "Ġd", + "ân" + ], + [ + "Ġ×IJ", + "×Ĺ×ĵ" + ], + [ + "Ġt", + "âm" + ], + [ + "Ġ׼", + "×ļ" + ], + [ + "Ġ׾", + "×ķ" + ], + [ + "в", + "о" + ], + [ + "Ġt", + "ác" + ], + [ + "Ġto", + "Ãłn" + ], + [ + "ĠÙĪ", + "Ùħ" + ], + [ + "Ġk", + "ết" + ], + [ + "Ġ", + "หรืà¸Ń" + ], + [ + "ĠÙĪØ§ÙĦ", + "Ùħ" + ], + [ + "ĠÄiji", + "á»ĥm" + ], + [ + "Ġ×ĸ", + "×ķ" + ], + [ + "Ġ×ij", + "×ķ" + ], + [ + "׼", + "×ķת" + ], + [ + "Ġh", + "á»Ļi" + ], + [ + "Ġb", + "ằng" + ], + [ + "ت", + "Ùĩا" + ], + [ + "Ġ׼", + "×ĵ×Ļ" + ], + [ + "Ġ×Ķ", + "×Ŀ" + ], + [ + "Ġxu", + "ất" + ], + [ + "ĠÙĤ", + "د" + ], + [ + "Ġb", + "ảo" + ], + [ + "Ġt", + "á»ijt" + ], + [ + "Ġt", + "ình" + ], + [ + "ĠÙĩ", + "ÙĬ" + ], + [ + "ĠÄij", + "á»iji" + ], + [ + "Ġthi", + "ết" + ], + [ + "Ġhi", + "á»ĩu" + ], + [ + "Ġti", + "ếp" + ], + [ + "Ġt", + "ạo" + ], + [ + "ת", + "×Ķ" + ], + [ + "Ġch", + "á»§" + ], + [ + "o", + "ÅĽÄĩ" + ], + [ + "Ġgi", + "ú" + ], + [ + "Ġgiú", + "p" + ], + [ + "ĠÃ", + "½" + ], + [ + "Ġqu", + "ả" + ], + [ + "Ġlo", + "ại" + ], + [ + "Ġc", + "ô" + ], + [ + "ĠÃ", + "´" + ], + [ + "Ġô", + "ng" + ], + [ + "Ġ×Ķ", + "×ķ" + ], + [ + "ĠاÙĦÙĬ", + "ÙĪÙħ" + ], + [ + "ĠtÃŃ", + "nh" + ], + [ + "г", + "а" + ], + [ + "Ġph", + "òng" + ], + [ + "Ġ", + "Äĥn" + ], + [ + "Ġع", + "اÙħ" + ], + [ + "Ġv", + "á»ĭ" + ], + [ + "lar", + "ını" + ], + [ + "r", + "ÃŃa" + ], + [ + "Ġt", + "Ỽi" + ], + [ + "ĠÄij", + "ưá»Ŀng" + ], + [ + "Ġgi", + "Ỽi" + ], + [ + "Ġb", + "ản" + ], + [ + "Ġc", + "ầu" + ], + [ + "Ġnhi", + "ên" + ], + [ + "Ġb", + "á»ĩnh" + ], + [ + "Ġth", + "ưá»Ŀng" + ], + [ + "Ġ×IJ", + "×Ļף" + ], + [ + "ĠÄij", + "á»ģ" + ], + [ + "Ġh", + "á»ĩ" + ], + [ + "Ġ×Ļש", + "ר×IJ׾" + ], + [ + "Ġqu", + "á" + ], + [ + "ĠÐĹ", + "а" + ], + [ + "ãģ®", + "ãģ§ãģĻãģĮ" + ], + [ + "ĠÐŁ", + "ÑĢи" + ], + [ + "Ġph", + "ần" + ], + [ + "ĠÙĪ", + "ÙĦا" + ], + [ + "ĠlỼ", + "n" + ], + [ + "Ġtr", + "á»ĭ" + ], + [ + "Ġcả", + "m" + ], + [ + "Ġм", + "о" + ], + [ + "Ġd", + "ùng" + ], + [ + "ĠاÙĦ", + "Ùī" + ], + [ + "ĠعÙĦÙĬ", + "Ùĩ" + ], + [ + "ĠìŀĪ", + "ìĬµëĭĪëĭ¤" + ], + [ + "ÙĬ", + "ÙĤ" + ], + [ + "ĠÙĤ", + "بÙĦ" + ], + [ + "Ġho", + "ặc" + ], + [ + "ĠØŃ", + "ÙĬØ«" + ], + [ + "Ġ", + "à¸Ĺีà¹Ī" + ], + [ + "Ġغ", + "ÙĬر" + ], + [ + "ĠÄij", + "ại" + ], + [ + "Ġsá»ij", + "ng" + ], + [ + "нÑĭ", + "ми" + ], + [ + "Ġth", + "ức" + ], + [ + "Ġפ", + "×Ļ" + ], + [ + "ĠÄiji", + "á»ĩn" + ], + [ + "ãģª", + "ãģĭãģ£ãģŁ" + ], + [ + "Ġgi", + "ải" + ], + [ + "Ġv", + "ẫn" + ], + [ + "Ġи", + "Ñħ" + ], + [ + "Ġö", + "nce" + ], + [ + "Ġv", + "áºŃy" + ], + [ + "Ġmu", + "á»ijn" + ], + [ + "Ġ", + "ảnh" + ], + [ + "à¹ĥà¸Ļ", + "à¸ģาร" + ], + [ + "ĠQu", + "á»ijc" + ], + [ + "Ġk", + "ế" + ], + [ + "׳", + "×IJ" + ], + [ + "Ġס", + "×Ļ" + ], + [ + "Ġy", + "êu" + ], + [ + "ãģ®", + "ãģĭ" + ], + [ + "ĠÄij", + "ẹ" + ], + [ + "ĠÄijẹ", + "p" + ], + [ + "Ġch", + "ức" + ], + [ + "Ġy", + "ıl" + ], + [ + "ĠTür", + "kiye" + ], + [ + "d", + "é" + ], + [ + "ĠÙĤ", + "اÙĦ" + ], + [ + "Ġd", + "á»ĭch" + ], + [ + "ĠolduÄŁ", + "u" + ], + [ + "Ġch", + "á»įn" + ], + [ + "Ġت", + "Ùħ" + ], + [ + "หà¸Ļ", + "ึà¹Īà¸ĩ" + ], + [ + "ãģķãĤĮ", + "ãģŁ" + ], + [ + "Ġph", + "áp" + ], + [ + "ìĽ", + "Ķ" + ], + [ + "Ġti", + "á»ģn" + ], + [ + "ãģĹ", + "ãģ¾ãģĹãģŁ" + ], + [ + "Ġש", + "׾×IJ" + ], + [ + "ÙĦ", + "Ø©" + ], + [ + "Ġ׾פ", + "׳×Ļ" + ], + [ + "Ġ×ij", + "×Ļת" + ], + [ + "ĠH", + "Ãł" + ], + [ + "ĠØŃ", + "ت" + ], + [ + "ĠØŃت", + "Ùī" + ], + [ + "Ġ×¢", + "×ķ×ĵ" + ], + [ + "Ġn", + "ó" + ], + [ + "Ġth", + "áng" + ], + [ + "à¹Ģลืà¸Ń", + "à¸ģ" + ], + [ + "ר", + "×Ķ" + ], + [ + "Ġt", + "Äĥng" + ], + [ + "Ġcá", + "i" + ], + [ + "Ġtri", + "á»ĥn" + ], + [ + "Ġ×IJ×ķת", + "×ķ" + ], + [ + "ìłģ", + "ìĿ¸" + ], + [ + "ĠC", + "ông" + ], + [ + "Ġ׾×Ķ", + "×Ļ×ķת" + ], + [ + "Ġг", + "ода" + ], + [ + "и", + "Ñİ" + ], + [ + "Ġب", + "عض" + ], + [ + "Ġ", + "à¸ģาร" + ], + [ + "èī¯", + "ãģĦ" + ], + [ + "ÙĪ", + "ت" + ], + [ + "Ġli", + "ên" + ], + [ + "ĠÐĿ", + "о" + ], + [ + "ĠÐĿ", + "е" + ], + [ + "çļĦ", + "ãģª" + ], + [ + "ĠÙħ", + "ت" + ], + [ + "ĠÑĤак", + "же" + ], + [ + "ĠкоÑĤоÑĢ", + "Ñĭе" + ], + [ + "Ġ×Ļ", + "×ĵ×Ļ" + ], + [ + "Ġtr", + "á»įng" + ], + [ + "ãĤµ", + "ãĤ¤ãĥĪ" + ], + [ + "ìłģ", + "ìľ¼ë¡ľ" + ], + [ + "Ġt", + "áºŃp" + ], + [ + "Ġש", + "׾×Ļ" + ], + [ + "íķĺ", + "ê²Į" + ], + [ + "Ġt", + "Ãłi" + ], + [ + "ĠÐ", + "¯" + ], + [ + "Ġr", + "á»ĵi" + ], + [ + "ا", + "Ùĥ" + ], + [ + "Ġth", + "ương" + ], + [ + "Ġ×Ķ", + "×ĸ×Ķ" + ], + [ + "ĠÙĪ", + "ÙħÙĨ" + ], + [ + "à¸Ĺีà¹Ī", + "มี" + ], + [ + "Ġcu", + "á»Ļc" + ], + [ + "Ġbü", + "yük" + ], + [ + "ãģ¨", + "ãģĭ" + ], + [ + "Ġ×ij", + "×Ļ×ķתר" + ], + [ + "Ġl", + "ần" + ], + [ + "Ġgö", + "re" + ], + [ + "Ġtr", + "ợ" + ], + [ + "Ġ×ĺ", + "×ķ×ij" + ], + [ + "ÑĤÑĮ", + "ÑģÑı" + ], + [ + "Ġth", + "á»ijng" + ], + [ + "Ġ׼", + "ש" + ], + [ + "Ġti", + "êu" + ], + [ + "Ġ×ŀ×IJ", + "×ķ×ĵ" + ], + [ + "Ø", + "Ľ" + ], + [ + "k", + "Äħ" + ], + [ + "Ġ", + "à¹ĥà¸Ļ" + ], + [ + "Ġv", + "ấn" + ], + [ + "Ġש", + "׾×ķ" + ], + [ + "ĠÄij", + "á»ģu" + ], + [ + "Ùģ", + "ت" + ], + [ + "Ġê²ĥ", + "ìĿ´" + ], + [ + "Ġh", + "óa" + ], + [ + "ĠاÙĦع", + "اÙħ" + ], + [ + "ĠÙĬ", + "ÙĪÙħ" + ], + [ + "к", + "ой" + ], + [ + "Ġbi", + "á»ĩt" + ], + [ + "ÑģÑĤ", + "о" + ], + [ + "Ġ×Ķ", + "×Ļ×ķ" + ], + [ + "à¸Ĺีà¹Ī", + "à¸Īะ" + ], + [ + "Ġ×ĵ", + "×Ļ" + ], + [ + "Ġ×IJ", + "×ļ" + ], + [ + "Ġá", + "n" + ], + [ + "ص", + "ÙĪØ±" + ], + [ + "Ġtr", + "ÃŃ" + ], + [ + "ĠÐŁÑĢ", + "о" + ], + [ + "Ġl", + "á»±c" + ], + [ + "ãģĹãģ¦", + "ãģĦãģ¾ãģĻ" + ], + [ + "Ġb", + "Ãłi" + ], + [ + "Ġ×ĸ", + "×IJת" + ], + [ + "Ġb", + "áo" + ], + [ + "à¸ļ", + "à¸Ļ" + ], + [ + "ĠëĮĢ", + "íķľ" + ], + [ + "Ġti", + "ế" + ], + [ + "Ġtiế", + "ng" + ], + [ + "Ġb", + "ên" + ], + [ + "ãģķãĤĮ", + "ãĤĭ" + ], + [ + "s", + "ión" + ], + [ + "Ġt", + "ìm" + ], + [ + "×¢", + "×ķ" + ], + [ + "m", + "é" + ], + [ + "ни", + "Ñı" + ], + [ + "ãģ»", + "ãģ©" + ], + [ + "Ġà¹Ģà¸ŀ", + "ราะ" + ], + [ + "ب", + "Ø©" + ], + [ + "Ġë¶", + "Ħ" + ], + [ + "Ġ×IJ", + "×ĸ" + ], + [ + "à¸Ĺ", + "à¹Īาà¸Ļ" + ], + [ + "ת", + "×Ŀ" + ], + [ + "Ġth", + "êm" + ], + [ + "Ġho", + "ạt" + ], + [ + "y", + "ı" + ], + [ + "×ĸ", + "×ķ" + ], + [ + "Ġgi", + "á»Ŀ" + ], + [ + "Ġb", + "án" + ], + [ + "à¸Ĥ", + "าย" + ], + [ + "Ñĩ", + "а" + ], + [ + "Ġ", + "à¹Ĩ" + ], + [ + "ĠاÙĦÙħ", + "ت" + ], + [ + "ĠоÑĩ", + "енÑĮ" + ], + [ + "Ġb", + "ất" + ], + [ + "Ġtr", + "ẻ" + ], + [ + "ÑĤ", + "ÑĢ" + ], + [ + "ĠØ£", + "ÙĨÙĩ" + ], + [ + "ĠØ«", + "Ùħ" + ], + [ + "Ġ׼", + "×ŀ×Ķ" + ], + [ + "Ġkh", + "ó" + ], + [ + "Ġr", + "ằng" + ], + [ + "ĠÙĪ", + "ÙģÙĬ" + ], + [ + "ни", + "й" + ], + [ + "Ġho", + "Ãłn" + ], + [ + "t", + "ó" + ], + [ + "Ġ×IJ", + "שר" + ], + [ + "ĠìĥĿ", + "ê°ģ" + ], + [ + "Ñģ", + "а" + ], + [ + "Ġ׼", + "×ijר" + ], + [ + "ĠÑįÑĤ", + "ом" + ], + [ + "lar", + "ının" + ], + [ + "Ġch", + "ưa" + ], + [ + "з", + "и" + ], + [ + "Ġd", + "ẫn" + ], + [ + "ĠÐļ", + "ак" + ], + [ + "ج", + "ÙĪ" + ], + [ + "ĠбÑĭ", + "ло" + ], + [ + "ĠÙĬ", + "ت" + ], + [ + "n", + "ı" + ], + [ + "ÅĤ", + "am" + ], + [ + "ĠÙĪÙĩ", + "ÙĪ" + ], + [ + "×ij", + "×ķ" + ], + [ + "п", + "и" + ], + [ + "ר", + "ת" + ], + [ + "Ġqu", + "á»ijc" + ], + [ + "ж", + "д" + ], + [ + "ĠÄij", + "Æ¡n" + ], + [ + "Ùĥت", + "ب" + ], + [ + "Ġm", + "ắt" + ], + [ + "ระ", + "à¸ļ" + ], + [ + "ระà¸ļ", + "à¸ļ" + ], + [ + "ĠÙĥ", + "اÙĨت" + ], + [ + "Ġth", + "ân" + ], + [ + "สิà¸Ļ", + "à¸Ħà¹īา" + ], + [ + "×Ĵ", + "×Ļ" + ], + [ + "Ġph", + "ương" + ], + [ + "à¹Ħมà¹Ī", + "à¹Ħà¸Ķà¹ī" + ], + [ + "ĠìĦ", + "±" + ], + [ + "ĠC", + "ác" + ], + [ + "Ġ×Ķ×ŀ", + "×ķ" + ], + [ + "ĠÑĤ", + "ем" + ], + [ + "Ġ×ĵ", + "×ķ" + ], + [ + "à¸Ńะ", + "à¹Ħร" + ], + [ + "Ġv", + "Äĥn" + ], + [ + "ãģª", + "ãģ®ãģ§" + ], + [ + "ĠN", + "á»Ļi" + ], + [ + "Ġ×¢", + "×ķ" + ], + [ + "ãĤīãĤĮ", + "ãĤĭ" + ], + [ + "Ġs", + "áng" + ], + [ + "Ġgö", + "ster" + ], + [ + "ãģĵãģ¨", + "ãĤĴ" + ], + [ + "Ġtaraf", + "ından" + ], + [ + "Ġм", + "а" + ], + [ + "ĠпоÑģл", + "е" + ], + [ + "Ġ׳", + "×Ļת" + ], + [ + "Ġ׳×Ļת", + "ף" + ], + [ + "Ġл", + "еÑĤ" + ], + [ + "Ġ׾", + "׳×ķ" + ], + [ + "Ñģ", + "Ñģ" + ], + [ + "Ġ×Ļ", + "×ķ" + ], + [ + "п", + "е" + ], + [ + "ĠÙĪ", + "ÙĦÙĥ" + ], + [ + "ĠÙĪÙĦÙĥ", + "ÙĨ" + ], + [ + "Ġngo", + "Ãłi" + ], + [ + "ĠÄij", + "á»ĭa" + ], + [ + "r", + "zÄħd" + ], + [ + "dz", + "iaÅĤ" + ], + [ + "ĠÙħ", + "ر" + ], + [ + "иÑĤÑĮ", + "ÑģÑı" + ], + [ + "Ġ×IJ×Ĺר", + "×Ļ" + ], + [ + "Ġ׾", + "׼׾" + ], + [ + "à¸Ĥ", + "à¹īà¸Ńม" + ], + [ + "à¸Ĥà¹īà¸Ńม", + "ูล" + ], + [ + "Ġб", + "ол" + ], + [ + "Ġбол", + "ее" + ], + [ + "جÙħ", + "ع" + ], + [ + "л", + "еÑĤ" + ], + [ + "Ġl", + "á»ĭch" + ], + [ + "ĠÙħ", + "Ø«ÙĦ" + ], + [ + "Ġ그리", + "ê³ł" + ], + [ + "Ġth", + "ứ" + ], + [ + "ĠdeÄŁ", + "il" + ], + [ + "ÙĪ", + "ØŃ" + ], + [ + "Ġש׾", + "×ļ" + ], + [ + "ĠÙħ", + "ØŃÙħد" + ], + [ + "Ġn", + "ếu" + ], + [ + "ĠÄij", + "á»ķi" + ], + [ + "Ġv", + "ừa" + ], + [ + "Ġm", + "á»įi" + ], + [ + "Ġо", + "ни" + ], + [ + "Ġl", + "úc" + ], + [ + "ĠÙĬ", + "ÙĥÙĪÙĨ" + ], + [ + "ì§", + "Ī" + ], + [ + "Ġש׾", + "׳×ķ" + ], + [ + "ĠÐĶ", + "о" + ], + [ + "Ġש", + "׳×Ļ" + ], + [ + "ล", + "ิ" + ], + [ + "×IJ", + "פשר" + ], + [ + "Ġs", + "ức" + ], + [ + "ê¶", + "Į" + ], + [ + "Ġ", + "ứng" + ], + [ + "à¹Ħมà¹Ī", + "มี" + ], + [ + "Ø·ÙĦ", + "ب" + ], + [ + "ĠÑĩ", + "ем" + ], + [ + "Ġch", + "uyên" + ], + [ + "Ġth", + "ÃŃch" + ], + [ + "Ġ×ķ", + "×Ļ" + ], + [ + "íķ", + "©" + ], + [ + "ĠÙħ", + "صر" + ], + [ + "д", + "о" + ], + [ + "ĠÄij", + "ất" + ], + [ + "Ġch", + "ế" + ], + [ + "à¸Ĭ", + "ืà¹Īà¸Ń" + ], + [ + "Ġìĭ", + "ł" + ], + [ + "ĠØ¥", + "ذا" + ], + [ + "Ġر", + "ئÙĬس" + ], + [ + "Ġש", + "×Ļש" + ], + [ + "Ġgiả", + "m" + ], + [ + "Ñģ", + "ка" + ], + [ + "lar", + "ında" + ], + [ + "Ġs", + "ợ" + ], + [ + "ĠtÃŃ", + "ch" + ], + [ + "ĠÙĦ", + "ÙĥÙĨ" + ], + [ + "Ġب", + "Ùħ" + ], + [ + "×¢", + "×ķ×ij" + ], + [ + "×¢×ķ×ij", + "×ĵ" + ], + [ + "ÅĤÄħ", + "cz" + ], + [ + "ları", + "na" + ], + [ + "Ġש", + "×Ŀ" + ], + [ + "ĠÙĦ", + "ت" + ], + [ + "Ġש×Ķ", + "×ķ×IJ" + ], + [ + "t", + "ów" + ], + [ + "Ġëĭ¤", + "른" + ], + [ + "ĠØ£", + "Ùĥثر" + ], + [ + "ãģ®", + "ãģ§ãģĻ" + ], + [ + "׼", + "×Ļ×Ŀ" + ], + [ + "ĠolduÄŁ", + "unu" + ], + [ + "ãģĭ", + "ãģª" + ], + [ + "ãĤĤ", + "ãģĨ" + ], + [ + "ÙĬ", + "ØŃ" + ], + [ + "Ġnh", + "ìn" + ], + [ + "Ġngh", + "á»ĩ" + ], + [ + "ãģ«ãģª", + "ãģ£ãģ¦" + ], + [ + "п", + "а" + ], + [ + "Ġquy", + "ết" + ], + [ + "ÙĦ", + "ÙĤ" + ], + [ + "t", + "á" + ], + [ + "Ġlu", + "ôn" + ], + [ + "ĠÄij", + "ặc" + ], + [ + "Ġ×IJ", + "ר" + ], + [ + "Ġtu", + "á»ķi" + ], + [ + "s", + "ão" + ], + [ + "ìĻ", + "¸" + ], + [ + "ر", + "د" + ], + [ + "ĠبÙĩ", + "ا" + ], + [ + "Ġ×Ķ×Ļ", + "×ķ×Ŀ" + ], + [ + "×ķ", + "×ķ×Ļ" + ], + [ + "ãģ§ãģĻ", + "ãģŃ" + ], + [ + "ĠÑĤ", + "ого" + ], + [ + "Ġth", + "á»§" + ], + [ + "ãģĹãģŁ", + "ãģĦ" + ], + [ + "ر", + "ÙĤ" + ], + [ + "Ġb", + "ắt" + ], + [ + "г", + "Ñĥ" + ], + [ + "Ġtá»", + "Ń" + ], + [ + "ÑĪ", + "а" + ], + [ + "Ġ", + "à¸Ľà¸µ" + ], + [ + "Ġ×Ķ×IJ", + "×Ŀ" + ], + [ + "íı", + "¬" + ], + [ + "ż", + "a" + ], + [ + "Ġ×IJת", + "×Ķ" + ], + [ + "Ġn", + "á»Ļi" + ], + [ + "Ġph", + "ÃŃ" + ], + [ + "ĠÅŁek", + "ilde" + ], + [ + "Ġl", + "á»Ŀi" + ], + [ + "d", + "ıģı" + ], + [ + "Ġ׼×IJ", + "ף" + ], + [ + "Ġt", + "üm" + ], + [ + "Ġm", + "ạnh" + ], + [ + "ĠM", + "ỹ" + ], + [ + "ãģĿ", + "ãĤĵãģª" + ], + [ + "Ġnh", + "á»ı" + ], + [ + "ãģª", + "ãģĮãĤī" + ], + [ + "Ġb", + "ình" + ], + [ + "ı", + "p" + ], + [ + "à¸ŀ", + "า" + ], + [ + "ĠÄij", + "ánh" + ], + [ + "ĠÙĪ", + "ÙĦ" + ], + [ + "ר", + "×ķת" + ], + [ + "Ġ×IJ", + "×Ļ×ļ" + ], + [ + "Ġch", + "uyá»ĥn" + ], + [ + "Ùĥ", + "ا" + ], + [ + "ãĤĮ", + "ãĤĭ" + ], + [ + "à¹ģม", + "à¹Ī" + ], + [ + "ãĤĪ", + "ãģı" + ], + [ + "ĠÙĪ", + "ÙĤد" + ], + [ + "íĸ", + "Īëĭ¤" + ], + [ + "Ġn", + "Æ¡i" + ], + [ + "ãģ«ãĤĪ", + "ãģ£ãģ¦" + ], + [ + "Ġvi", + "ết" + ], + [ + "Ġà¹Ģà¸ŀ", + "ืà¹Īà¸Ń" + ], + [ + "ëIJĺ", + "ëĬĶ" + ], + [ + "اد", + "ÙĬ" + ], + [ + "ĠÙģ", + "Ø¥ÙĨ" + ], + [ + "ì¦", + "Ŀ" + ], + [ + "ĠÄij", + "ặt" + ], + [ + "Ġh", + "Æ°á»Ľng" + ], + [ + "Ġx", + "ã" + ], + [ + "Ġönem", + "li" + ], + [ + "ãģł", + "ãģ¨" + ], + [ + "Ġm", + "ẹ" + ], + [ + "Ġ×ij", + "×Ļ" + ], + [ + "Ġ×ĵ", + "×ijר" + ], + [ + "Ġv", + "áºŃt" + ], + [ + "ĠÄij", + "ạo" + ], + [ + "Ġdá»±", + "ng" + ], + [ + "ĠÑĤ", + "ом" + ], + [ + "ĠÙģÙĬ", + "Ùĩا" + ], + [ + "Ġج", + "ÙħÙĬع" + ], + [ + "Ġthu", + "áºŃt" + ], + [ + "st", + "ÄĻp" + ], + [ + "Ġti", + "ết" + ], + [ + "Ø´", + "ÙĬ" + ], + [ + "Ġе", + "Ñīе" + ], + [ + "ãģĻãĤĭ", + "ãģ¨" + ], + [ + "ĠmÃł", + "u" + ], + [ + "ĠÑįÑĤ", + "ого" + ], + [ + "Ġv", + "ô" + ], + [ + "ĠÐŃ", + "ÑĤо" + ], + [ + "Ġth", + "áºŃt" + ], + [ + "Ġn", + "ữa" + ], + [ + "Ġbi", + "ến" + ], + [ + "Ġn", + "ữ" + ], + [ + "Ġ׾", + "׼×Ŀ" + ], + [ + "×Ļ", + "×Ļף" + ], + [ + "Ġس", + "ت" + ], + [ + "ĠÐŀ", + "ÑĤ" + ], + [ + "Ġph", + "ụ" + ], + [ + "ê¹Į", + "ì§Ģ" + ], + [ + "Ġ׾", + "×ļ" + ], + [ + "Ġk", + "ỳ" + ], + [ + "à¹ĥ", + "à¸Ħร" + ], + [ + "Ġg", + "ây" + ], + [ + "ĠÙĦ", + "ÙĦÙħ" + ], + [ + "Ġtụ", + "c" + ], + [ + "ت", + "ÙĬÙĨ" + ], + [ + "Ġtr", + "ợ" + ], + [ + "Ġ׾", + "פ×Ļ" + ], + [ + "Ġb", + "á»ij" + ], + [ + "ĠÐļ", + "а" + ], + [ + "ĠÄij", + "ình" + ], + [ + "ow", + "Äħ" + ], + [ + "s", + "ında" + ], + [ + "Ġkhi", + "ến" + ], + [ + "s", + "ız" + ], + [ + "Ġк", + "огда" + ], + [ + "ס", + "׾" + ], + [ + "ĠбÑĭ", + "л" + ], + [ + "à¸Ļ", + "à¹īà¸Ńย" + ], + [ + "обÑĢаÐ", + "·" + ], + [ + "Ġê²ĥ", + "ìĿ´ëĭ¤" + ], + [ + "ëĵ¤", + "ìĿĢ" + ], + [ + "ãģ¸", + "ãģ®" + ], + [ + "Ġà¹Ģม", + "ืà¹Īà¸Ń" + ], + [ + "Ġph", + "ục" + ], + [ + "Ġ×Ĺ", + "׾ק" + ], + [ + "Ġh", + "ết" + ], + [ + "ĠÄij", + "a" + ], + [ + "à¹Ģà¸Ķà¹ĩ", + "à¸ģ" + ], + [ + "íĺ", + "ķ" + ], + [ + "l", + "ÃŃ" + ], + [ + "ê¸", + "ī" + ], + [ + "Ġع", + "دد" + ], + [ + "ĠÄij", + "á»ĵ" + ], + [ + "Ġg", + "ần" + ], + [ + "Ġ×Ļ", + "×ķ×Ŀ" + ], + [ + "Ġs", + "Ä©" + ], + [ + "ÑĢ", + "Ñıд" + ], + [ + "Ġquy", + "á»ģn" + ], + [ + "Ġ×IJ", + "׾×IJ" + ], + [ + "Ùĩ", + "Ùħا" + ], + [ + "׳", + "×Ļ×Ķ" + ], + [ + "׾", + "×ķת" + ], + [ + "Ġ×Ķר", + "×ij×Ķ" + ], + [ + "Ġti", + "ên" + ], + [ + "Ġal", + "ın" + ], + [ + "Ġd", + "á»ħ" + ], + [ + "人", + "ãģĮ" + ], + [ + "но", + "Ñģ" + ], + [ + "л", + "ÑģÑı" + ], + [ + "ĠÄij", + "ưa" + ], + [ + "ส", + "าว" + ], + [ + "иÑĢов", + "ан" + ], + [ + "Ġ×ŀס", + "פר" + ], + [ + "×Ĵ", + "ף" + ], + [ + "Ġki", + "ến" + ], + [ + "ĠÐ", + "¨" + ], + [ + "p", + "é" + ], + [ + "б", + "Ñĥ" + ], + [ + "ов", + "ой" + ], + [ + "б", + "а" + ], + [ + "ĠØ¥", + "ÙĦا" + ], + [ + "×IJ", + "׾×Ļ" + ], + [ + "Ġx", + "ây" + ], + [ + "Ġb", + "ợi" + ], + [ + "Ġש", + "×ķ" + ], + [ + "人", + "ãģ®" + ], + [ + "×§", + "×Ļ×Ŀ" + ], + [ + "à¹Ģà¸Ķ", + "ืà¸Ńà¸Ļ" + ], + [ + "Ġkh", + "á" + ], + [ + "Ġ×ķ", + "׾×Ķ" + ], + [ + "×ĵ", + "×ķת" + ], + [ + "Ġ×¢", + "×ij×ķר" + ], + [ + "Ġبش", + "ÙĥÙĦ" + ], + [ + "ĠÙĩÙĨا", + "Ùĥ" + ], + [ + "ÑĤ", + "ÑĢа" + ], + [ + "Ġ", + "íķĺëĬĶ" + ], + [ + "ร", + "à¸Ńà¸ļ" + ], + [ + "owa", + "ÅĤ" + ], + [ + "h", + "é" + ], + [ + "Ġdi", + "á»ħn" + ], + [ + "Ġ×Ķ", + "׼׾" + ], + [ + "ĠØ£", + "س" + ], + [ + "Ġch", + "uyá»ĩn" + ], + [ + "ระ", + "à¸Ķัà¸ļ" + ], + [ + "ĠNh", + "ững" + ], + [ + "Ġ×IJ", + "×Ĺת" + ], + [ + "ĠØŃ", + "ÙĪÙĦ" + ], + [ + "л", + "ов" + ], + [ + "׳", + "ר" + ], + [ + "Ġ×ķ", + "׳" + ], + [ + "Ġch", + "Æ¡i" + ], + [ + "Ġiç", + "inde" + ], + [ + "ÑģÑĤв", + "Ñĥ" + ], + [ + "Ġph", + "á»ij" + ], + [ + "ĠÑģ", + "Ñĥ" + ], + [ + "ç§ģ", + "ãģ¯" + ], + [ + "Ġch", + "ứng" + ], + [ + "Ġv", + "á»±c" + ], + [ + "à¹ģ", + "à¸Ń" + ], + [ + "Ġl", + "áºŃp" + ], + [ + "Ġtừ", + "ng" + ], + [ + "å°ij", + "ãģĹ" + ], + [ + "ĠNg", + "uy" + ], + [ + "ĠNguy", + "á»ħn" + ], + [ + "ĠÙģÙĬ", + "Ùĩ" + ], + [ + "Ġб", + "а" + ], + [ + "×Ļ", + "×Ļת" + ], + [ + "Ġ×ľ×¢", + "ש×ķת" + ], + [ + "Ġ×ŀ", + "׼" + ], + [ + "Ġnghi", + "á»ĩm" + ], + [ + "Ġм", + "ного" + ], + [ + "Ġе", + "е" + ], + [ + "ëIJĺ", + "ìĸ´" + ], + [ + "Ġl", + "ợi" + ], + [ + "Ġ׾", + "׾×IJ" + ], + [ + "Ġ׼", + "ף" + ], + [ + "Ġch", + "ÃŃ" + ], + [ + "ãģ§", + "ãģ®" + ], + [ + "×Ĺ", + "×ķ" + ], + [ + "ש", + "×ķ×Ŀ" + ], + [ + "Ġ×ŀ", + "ר" + ], + [ + "ĠÐĶ", + "лÑı" + ], + [ + "Å", + "ģ" + ], + [ + "Ġ׼×IJ", + "שר" + ], + [ + "ĠM", + "á»Ļt" + ], + [ + "ĠÙĪØ§ÙĦ", + "ت" + ], + [ + "ĠìĿ´", + "룰" + ], + [ + "ÅŁ", + "a" + ], + [ + "Ġchi", + "ến" + ], + [ + "Ġaras", + "ında" + ], + [ + "Ġ×ij", + "×IJתר" + ], + [ + "ãģķãĤĮ", + "ãģ¦ãģĦãĤĭ" + ], + [ + "Ø´", + "ÙĥÙĦ" + ], + [ + "Ġt", + "ượng" + ], + [ + "Ġت", + "ت" + ], + [ + "ĠC", + "ó" + ], + [ + "Ġb", + "á»ı" + ], + [ + "Ġtá»ī", + "nh" + ], + [ + "Ġkh", + "ÃŃ" + ], + [ + "ĠпÑĢ", + "оÑģÑĤ" + ], + [ + "ĠпÑĢоÑģÑĤ", + "о" + ], + [ + "ĠÙĪ", + "ÙĤاÙĦ" + ], + [ + "Ġgi", + "áo" + ], + [ + "ĠN", + "ếu" + ], + [ + "×IJ", + "×ŀר" + ], + [ + "×¢×ł×Ļ", + "×Ļף" + ], + [ + "íİ", + "¸" + ], + [ + "Ùĩد", + "Ùģ" + ], + [ + "ĠB", + "á»Ļ" + ], + [ + "Ġb", + "Ãłn" + ], + [ + "Ġng", + "uyên" + ], + [ + "Ġgü", + "zel" + ], + [ + "ส", + "าย" + ], + [ + "ì²", + "ľ" + ], + [ + "×ŀ", + "×ķר" + ], + [ + "Ġph", + "ân" + ], + [ + "ס", + "פק" + ], + [ + "×§", + "×ij׾" + ], + [ + "ĠاÙĦÙħ", + "تØŃ" + ], + [ + "ĠاÙĦÙħتØŃ", + "دة" + ], + [ + "ائ", + "د" + ], + [ + "Ġ×IJ", + "×ŀר" + ], + [ + "Ġki", + "ÅŁi" + ], + [ + "ì¤", + "Ģ" + ], + [ + "Ġtr", + "uyá»ģn" + ], + [ + "ĠÙĦ", + "Ùĩا" + ], + [ + "ĠÐľ", + "а" + ], + [ + "à¸ļริ", + "ษ" + ], + [ + "à¸ļริษ", + "ั" + ], + [ + "à¸ļริษั", + "à¸Ĺ" + ], + [ + "Ġש", + "׳×Ļ×Ŀ" + ], + [ + "Ġмен", + "Ñı" + ], + [ + "ÅŁ", + "e" + ], + [ + "Ġdi", + "á»ĩn" + ], + [ + "Ġ×IJ׳", + "×Ĺ׳×ķ" + ], + [ + "k", + "ü" + ], + [ + "Ġc", + "á»ķ" + ], + [ + "Ġm", + "á»Ĺi" + ], + [ + "w", + "ä" + ], + [ + "Ùħ", + "ÙĬ" + ], + [ + "Ġhi", + "á»ĥu" + ], + [ + "ëĭ", + "¬" + ], + [ + "Ġ×Ķ", + "×Ĺ׾" + ], + [ + "Ġt", + "ên" + ], + [ + "Ġki", + "á»ĩn" + ], + [ + "ÙĨ", + "ÙĤÙĦ" + ], + [ + "Ġv", + "á»ĩ" + ], + [ + "×ĵ", + "ת" + ], + [ + "ĠÐłÐ¾ÑģÑģ", + "ии" + ], + [ + "л", + "Ñĥ" + ], + [ + "ĠاÙĦع", + "ربÙĬØ©" + ], + [ + "ĠØ·", + "رÙĬÙĤ" + ], + [ + "Ġ×Ķ×ij", + "×Ļת" + ], + [ + "Ñģ", + "еÑĢ" + ], + [ + "Ġм", + "не" + ], + [ + "ä", + "u" + ], + [ + "Ġtri", + "á»ĩu" + ], + [ + "ĠÄij", + "á»§" + ], + [ + "Ġר", + "×ij" + ], + [ + "ت", + "ÙĩÙħ" + ], + [ + "à¸ĭ", + "ี" + ], + [ + "Ġì§Ģ", + "ê¸Ī" + ], + [ + "li", + "ÅĽmy" + ], + [ + "د", + "عÙħ" + ], + [ + "ãģł", + "ãĤįãģĨ" + ], + [ + "Ñģки", + "е" + ], + [ + "Ġh", + "á»ıi" + ], + [ + "Ġ×§", + "×ķ" + ], + [ + "ÑĢÑĥ", + "Ñģ" + ], + [ + "ÙĨ", + "ظر" + ], + [ + "ãģ®", + "ãĤĤ" + ], + [ + "Ġ×Ķ", + "׼×Ļ" + ], + [ + "ĠìĽ", + "IJ" + ], + [ + "ÙĪ", + "Ùĩ" + ], + [ + "ĠÙĪ", + "Ùİ" + ], + [ + "ĠB", + "ạn" + ], + [ + "п", + "лаÑĤ" + ], + [ + "Ġ×ŀ", + "×ŀש" + ], + [ + "лÑİ", + "б" + ], + [ + "ĠнÑĥж", + "но" + ], + [ + "Ġth", + "ư" + ], + [ + "ãģ", + "µ" + ], + [ + "ãģı", + "ãĤīãģĦ" + ], + [ + "ر", + "Ø´" + ], + [ + "ר", + "×ķ×Ĺ" + ], + [ + "ĠÙĬ", + "تÙħ" + ], + [ + "Ġצר", + "×Ļ×ļ" + ], + [ + "Ġph", + "á" + ], + [ + "ม", + "à¸Ńà¸ĩ" + ], + [ + "Ġ×ij×IJ", + "×ķפף" + ], + [ + "Ġcả", + "nh" + ], + [ + "Ġíķľ", + "ëĭ¤" + ], + [ + "Ġ×Ķ×ŀ", + "ת" + ], + [ + "à¸ķà¹Īาà¸ĩ", + "à¹Ĩ" + ], + [ + "มี", + "à¸ģาร" + ], + [ + "Ñģки", + "Ñħ" + ], + [ + "ĠÐĴ", + "Ñģе" + ], + [ + "Ġا", + "ÙĪ" + ], + [ + "ج", + "ÙĬ" + ], + [ + "ãģĵãģ¨", + "ãģ¯" + ], + [ + "Ġd", + "Ãłi" + ], + [ + "Ġh", + "á»ĵ" + ], + [ + "èĩªåĪĨ", + "ãģ®" + ], + [ + "à¹Ħ", + "หà¸Ļ" + ], + [ + "ëĵ¤", + "ìĿĦ" + ], + [ + "ĠV", + "Äĥn" + ], + [ + "Ġд", + "аж" + ], + [ + "Ġдаж", + "е" + ], + [ + "Ñĭ", + "ми" + ], + [ + "лаÑģ", + "ÑĮ" + ], + [ + "ÙĬ", + "ÙĪÙĨ" + ], + [ + "ÙĨ", + "ÙĪ" + ], + [ + "c", + "ó" + ], + [ + "ãģĹãģ¦", + "ãģĦãģŁ" + ], + [ + "ãģł", + "ãģĭãĤī" + ], + [ + "طاÙĦ", + "ب" + ], + [ + "Ġc", + "á»Ńa" + ], + [ + "п", + "ÑĢоÑģ" + ], + [ + "ãģªãģ©", + "ãģ®" + ], + [ + "รุ", + "à¹Īà¸Ļ" + ], + [ + "Ġchi", + "ếc" + ], + [ + "л", + "Ñĭ" + ], + [ + "ĠÑıвлÑı", + "еÑĤÑģÑı" + ], + [ + "Ġn", + "á»ķi" + ], + [ + "ãģ®", + "ãģĬ" + ], + [ + "Ġ×IJת", + "×Ŀ" + ], + [ + "ĠëķĮ문", + "ìĹIJ" + ], + [ + "à¸ģล", + "าà¸ĩ" + ], + [ + "ĠbaÅŁ", + "ka" + ], + [ + "ìĦ", + "Ŀ" + ], + [ + "ĠÑĨ", + "ел" + ], + [ + "Ùģ", + "ÙĤ" + ], + [ + "ãģ«ãĤĪ", + "ãĤĭ" + ], + [ + "ÙĤ", + "ا" + ], + [ + "Ġçı", + "kar" + ], + [ + "Ġcứ", + "u" + ], + [ + "Ø·", + "ا" + ], + [ + "Ġש", + "ת" + ], + [ + "à¹Ĥ", + "à¸Ħ" + ], + [ + "Ġ×ŀ", + "׾" + ], + [ + "Ġ×Ķ", + "פר" + ], + [ + "Ġг", + "де" + ], + [ + "ĠØ®", + "Ø·" + ], + [ + "åīį", + "ãģ«" + ], + [ + "c", + "jÄĻ" + ], + [ + "Ġ×Ĺ", + "ש×ķ×ij" + ], + [ + "ר×Ĵ", + "×¢" + ], + [ + "Ġkho", + "ảng" + ], + [ + "ĠÄij", + "á»Ŀi" + ], + [ + "ĠÐł", + "е" + ], + [ + "Ġо", + "на" + ], + [ + "Ġ×IJ", + "׳×ķ" + ], + [ + "ãģ®", + "ãģ«" + ], + [ + "ĠاÙĦذ", + "ÙĬÙĨ" + ], + [ + "кÑĥ", + "п" + ], + [ + "ãĤµ", + "ãĥ¼ãĥ" + ], + [ + "ãĤµãĥ¼ãĥ", + "ĵ" + ], + [ + "ãĤµãĥ¼ãĥĵ", + "ãĤ¹" + ], + [ + "в", + "ал" + ], + [ + "г", + "е" + ], + [ + "Ġgi", + "ữa" + ], + [ + "ĠKh", + "ông" + ], + [ + "ĠâĹ", + "ĭ" + ], + [ + "à¸ģล", + "ุà¹Īม" + ], + [ + "ĠÙħÙĨ", + "ذ" + ], + [ + "à¸Ń", + "à¹Īาà¸Ļ" + ], + [ + "ĠÑģп", + "оÑģоб" + ], + [ + "ĠÄij", + "á»Ļi" + ], + [ + "Ġdi", + "ÄŁer" + ], + [ + "Ġ", + "à¸ĸà¹īา" + ], + [ + "Ùħ", + "Ø«ÙĦ" + ], + [ + "Ġ×Ķ×IJ", + "×Ļ" + ], + [ + "Ġد", + "ÙĪÙĨ" + ], + [ + "ÙĬر", + "اÙĨ" + ], + [ + "Ñī", + "и" + ], + [ + "بÙĨ", + "اء" + ], + [ + "ĠØ¢", + "خر" + ], + [ + "ظ", + "Ùĩر" + ], + [ + "Ġ×ij", + "׼" + ], + [ + "ĠاÙĦÙħ", + "ع" + ], + [ + "ãĥ", + "Ĵ" + ], + [ + "Ġt", + "ất" + ], + [ + "Ġm", + "ục" + ], + [ + "ĠdoÄŁ", + "ru" + ], + [ + "ãģŁ", + "ãĤī" + ], + [ + "Ġס", + "×ķ" + ], + [ + "Ġx", + "ác" + ], + [ + "ร", + "à¸Ń" + ], + [ + "ĠcÄĥ", + "n" + ], + [ + "Ġон", + "л" + ], + [ + "Ġонл", + "айн" + ], + [ + "Ġk", + "ý" + ], + [ + "Ġch", + "ân" + ], + [ + "Ġ", + "à¹Ħมà¹Ī" + ], + [ + "اØŃ", + "Ø©" + ], + [ + "r", + "án" + ], + [ + "׳×Ļ", + "×Ļ×Ŀ" + ], + [ + "Ġ×ij", + "ף" + ], + [ + "ĠÐ", + "ĸ" + ], + [ + "à¸ķร", + "à¸ĩ" + ], + [ + "д", + "Ñĭ" + ], + [ + "Ġs", + "ắc" + ], + [ + "ÙĦ", + "ت" + ], + [ + "ãĥŃ", + "ãĥ¼" + ], + [ + "ĠÙĦ", + "ÙĨ" + ], + [ + "Ġר", + "×ķ" + ], + [ + "Ġd", + "Æ°á»Ľi" + ], + [ + "à¹Ģ", + "à¸ĺ" + ], + [ + "à¹Ģà¸ĺ", + "à¸Ń" + ], + [ + "e", + "ÄŁi" + ], + [ + "Ġ×ķ", + "ש" + ], + [ + "ĠÙĦ", + "Ø£" + ], + [ + "Ġg", + "ặp" + ], + [ + "Ġc", + "á»ij" + ], + [ + "ãģ¨", + "ãģ¦ãĤĤ" + ], + [ + "رÙĪ", + "س" + ], + [ + "Ġ׾×Ķ", + "×Ļ" + ], + [ + "Ġë³", + "¸" + ], + [ + "ä¸Ĭ", + "ãģĴ" + ], + [ + "Ġm", + "ức" + ], + [ + "Ñħ", + "а" + ], + [ + "Ġìŀ", + "¬" + ], + [ + "à¸ī", + "ัà¸Ļ" + ], + [ + "ÑĢÑĥ", + "ж" + ], + [ + "Ġaç", + "ık" + ], + [ + "ÙĪ", + "اÙĦ" + ], + [ + "Ġ×ĸ", + "×ŀף" + ], + [ + "人", + "ãģ¯" + ], + [ + "ع", + "ÙĬÙĨ" + ], + [ + "Ñı", + "Ñħ" + ], + [ + "Ġ×Ĵ×ĵ", + "×ķ׾" + ], + [ + "ר", + "×ķ×ij" + ], + [ + "g", + "ó" + ], + [ + "ëĿ¼", + "ê³ł" + ], + [ + "Ġark", + "adaÅŁ" + ], + [ + "ÙĨ", + "شر" + ], + [ + "Ġгод", + "Ñĥ" + ], + [ + "ĠболÑĮ", + "ÑĪе" + ], + [ + "ãģ¡ãĤĩ", + "ãģ£ãģ¨" + ], + [ + "Ġcâ", + "u" + ], + [ + "Ġs", + "át" + ], + [ + "íĶ", + "¼" + ], + [ + "Ġti", + "ến" + ], + [ + "íķ´", + "ìķ¼" + ], + [ + "ĠÙĪ", + "Ø£ÙĨ" + ], + [ + "à¸Ļ", + "าà¸Ļ" + ], + [ + "Ġ×ij×IJ×ŀ", + "צע" + ], + [ + "Ġ×ij×IJ×ŀצע", + "×ķת" + ], + [ + "Ġ׾", + "ר" + ], + [ + "Ġqu", + "ản" + ], + [ + "ĠÙĪØ§ÙĦ", + "Ø£" + ], + [ + "Ġ×IJ×ķת", + "×Ķ" + ], + [ + "Ġìĸ´ëĸ", + "¤" + ], + [ + "Ġê²ĥ", + "ìĿĢ" + ], + [ + "ØŃس", + "ÙĨ" + ], + [ + "Ġm", + "ất" + ], + [ + "à¸Ħ", + "ูà¹Ī" + ], + [ + "ãĥ¬", + "ãĥ¼" + ], + [ + "ĠÐĶ", + "а" + ], + [ + "Ġol", + "ması" + ], + [ + "Ġthu", + "á»Ļc" + ], + [ + "׳", + "×Ĺ" + ], + [ + "íĨ", + "ł" + ], + [ + "Ġsö", + "yle" + ], + [ + "ãģĿãģĨ", + "ãģ§ãģĻ" + ], + [ + "Ġت", + "ÙĥÙĪÙĨ" + ], + [ + "л", + "ÑĥÑĩ" + ], + [ + "׾", + "×Ļ×ļ" + ], + [ + "ĠØ£", + "ØŃد" + ], + [ + "ли", + "ÑģÑĮ" + ], + [ + "ĠвÑģ", + "его" + ], + [ + "Ġ×Ķר", + "×ij" + ], + [ + "Ġëª", + "»" + ], + [ + "o", + "ÄŁ" + ], + [ + "oÄŁ", + "lu" + ], + [ + "ĠìĦ", + "ł" + ], + [ + "Ġк", + "аÑĢ" + ], + [ + "à¸łà¸²", + "à¸Ħ" + ], + [ + "e", + "ÅĦ" + ], + [ + "Ġ", + "à¸ģà¹ĩ" + ], + [ + "Ġa", + "ynı" + ], + [ + "Ġb", + "Ãł" + ], + [ + "ãģªãĤĵ", + "ãģ¦" + ], + [ + "Ġ모", + "ëĵł" + ], + [ + "ÙĤر", + "ار" + ], + [ + "ãģĹãģª", + "ãģĦ" + ], + [ + "ĠÐĴ", + "о" + ], + [ + "ĠÙĪÙĩ", + "ÙĬ" + ], + [ + "ни", + "ки" + ], + [ + "ãĤĮ", + "ãģŁ" + ], + [ + "Ġchu", + "ẩn" + ], + [ + "ר", + "×¢" + ], + [ + "Ùģ", + "رÙĬÙĤ" + ], + [ + "ãĤĴ", + "åıĹãģij" + ], + [ + "ĠÄij", + "úng" + ], + [ + "б", + "е" + ], + [ + "׼", + "×ķ×Ĺ" + ], + [ + "п", + "Ñĥ" + ], + [ + "Ġ×ķ", + "×Ĵ×Ŀ" + ], + [ + "×ŀ", + "׳×Ļ" + ], + [ + "íĸ", + "¥" + ], + [ + "צ", + "×Ļ×Ŀ" + ], + [ + "à¸ĭ", + "ิ" + ], + [ + "Ùĩ", + "ÙĨ" + ], + [ + "н", + "ем" + ], + [ + "Ġ×ij×ij", + "×Ļת" + ], + [ + "ر", + "ع" + ], + [ + "Ġ", + "ส" + ], + [ + "ĠÄIJ", + "Ãł" + ], + [ + "íķĺ", + "ëĭ¤" + ], + [ + "Ġ", + "ấy" + ], + [ + "×Ĺ", + "×ķ×ĵ" + ], + [ + "×Ĺ×ķ×ĵ", + "ש" + ], + [ + "ĠÑĩеÑĢ", + "ез" + ], + [ + "Ñĥ", + "л" + ], + [ + "ĠB", + "ình" + ], + [ + "Ġê²ĥ", + "ìĿĦ" + ], + [ + "Ġ×Ĵ", + "ר" + ], + [ + "ä»ĺ", + "ãģij" + ], + [ + "×Ĺ׾", + "×§" + ], + [ + "Ġت", + "ÙĦÙĥ" + ], + [ + "à¹ĥส", + "à¹Ī" + ], + [ + "sz", + "Äħ" + ], + [ + "ÙĤ", + "اÙħ" + ], + [ + "د", + "ÙĪØ±" + ], + [ + "ĠÙģ", + "ÙĤØ·" + ], + [ + "Ġh", + "ữu" + ], + [ + "Ġмог", + "ÑĥÑĤ" + ], + [ + "Ġg", + "á»įi" + ], + [ + "Ġ×§", + "ר" + ], + [ + "à¸Īะ", + "มี" + ], + [ + "ت", + "ÙĤدÙħ" + ], + [ + "Ġع", + "بر" + ], + [ + "Ġ׾×Ķ", + "×Ŀ" + ], + [ + "ĠÑģам", + "о" + ], + [ + "ס", + "×ĵר" + ], + [ + "Ġc", + "Ãłng" + ], + [ + "r", + "ÃŃ" + ], + [ + "Ġìŀ", + "¥" + ], + [ + "ëĵ¤", + "ìĿĺ" + ], + [ + "ĠÙĦ", + "Ùĥ" + ], + [ + "п", + "оÑĢÑĤ" + ], + [ + "Ġkh", + "ả" + ], + [ + "ĠÑģеб", + "Ñı" + ], + [ + "׳", + "ף" + ], + [ + "Ġد", + "ÙĪØ±" + ], + [ + "Ġm", + "ợ" + ], + [ + "Ġcâ", + "y" + ], + [ + "Ġf", + "ark" + ], + [ + "Ġfark", + "lı" + ], + [ + "а", + "ÑİÑĤ" + ], + [ + "Ġtr", + "á»±c" + ], + [ + "wiÄĻks", + "z" + ], + [ + "Ġthu", + "á»ijc" + ], + [ + "Ġت", + "ØŃت" + ], + [ + "ت", + "ÙĦ" + ], + [ + "ов", + "Ñĭе" + ], + [ + "ëĤ", + "ł" + ], + [ + "Ġв", + "ам" + ], + [ + "بÙĦ", + "غ" + ], + [ + "Ġê°Ļ", + "ìĿĢ" + ], + [ + "íĮ", + "IJ" + ], + [ + "ÙĦ", + "ب" + ], + [ + "Ġnas", + "ıl" + ], + [ + "Ġод", + "ин" + ], + [ + "м", + "ан" + ], + [ + "ĠعÙĦÙĬ", + "Ùĩا" + ], + [ + "б", + "и" + ], + [ + "Ġפ", + "ש×ķ×ĺ" + ], + [ + "×ijר", + "×Ļ" + ], + [ + "Ġש", + "׳×Ķ" + ], + [ + "Ġëı", + "Ħ" + ], + [ + "ĠÄIJ", + "ại" + ], + [ + "Ġ×IJ×ķת", + "×Ŀ" + ], + [ + "ĠاÙĦØŃ", + "ر" + ], + [ + "Ġб", + "о" + ], + [ + "à¸Ī", + "ุà¸Ķ" + ], + [ + "Ġr", + "õ" + ], + [ + "ĠdeÄŁi", + "ÅŁ" + ], + [ + "Ġëĭ", + "¨" + ], + [ + "ĠÑģлÑĥÑĩ", + "а" + ], + [ + "ĠÑģлÑĥÑĩа", + "е" + ], + [ + "Ġ×IJ׳", + "ש×Ļ×Ŀ" + ], + [ + "×ĵ", + "×£" + ], + [ + "ש×ij", + "ת" + ], + [ + "Ġש׾", + "׼×Ŀ" + ], + [ + "Ġch", + "ú" + ], + [ + "nik", + "ów" + ], + [ + "Ġtan", + "ı" + ], + [ + "Ġcá", + "o" + ], + [ + "ĠÄij", + "á" + ], + [ + "Ġ×IJ", + "×ĵ×Ŀ" + ], + [ + "Ġê°", + "ķ" + ], + [ + "Ġnhi", + "á»ĩm" + ], + [ + "Ġ׾", + "ס" + ], + [ + "Ġ×Ľ×ª", + "×ij" + ], + [ + "Ġ×Ķס", + "פר" + ], + [ + "ĠÄij", + "Äĥng" + ], + [ + "Ġë", + "ijIJ" + ], + [ + "à¸ľ", + "ิ" + ], + [ + "à¸ľà¸´", + "ว" + ], + [ + "ج", + "ا" + ], + [ + "Ġê°", + "IJ" + ], + [ + "ر", + "Ø£" + ], + [ + "ست", + "خدÙħ" + ], + [ + "ãģ«ãģªãĤĬ", + "ãģ¾ãģĻ" + ], + [ + "Ġtá»", + "·" + ], + [ + "×ĺ", + "×ķר" + ], + [ + "г", + "овоÑĢ" + ], + [ + "Ġв", + "оÑģ" + ], + [ + "ĠÙħÙĨ", + "Ùĩا" + ], + [ + "иÑĢов", + "аÑĤÑĮ" + ], + [ + "ĠÄij", + "ầy" + ], + [ + "׳", + "×Ĵ" + ], + [ + "ĠÙħ", + "ÙĪ" + ], + [ + "ĠÙħ", + "ÙĪÙĤع" + ], + [ + "ר׼", + "×Ļ" + ], + [ + "ت", + "Ùı" + ], + [ + "ëª", + "¨" + ], + [ + "Ġת", + "×ķ" + ], + [ + "ÙĬا", + "Ùĭ" + ], + [ + "à¹ĥ", + "à¸Ķ" + ], + [ + "ãĤĬ", + "ãģ¾ãģĻ" + ], + [ + "à¸Ńยูà¹Ī", + "à¹ĥà¸Ļ" + ], + [ + "ĠØ£", + "ÙĪÙĦ" + ], + [ + "ĠØ£", + "خرÙī" + ], + [ + "Ġc", + "ư" + ], + [ + "ص", + "ار" + ], + [ + "×ŀ×Ĺ", + "ש×ij" + ], + [ + "б", + "ÑĢа" + ], + [ + "ÅĦ", + "ski" + ], + [ + "б", + "ÑĢ" + ], + [ + "ĠÙĬ", + "Ùı" + ], + [ + "à¸ģ", + "ิà¸Ļ" + ], + [ + "Ġch", + "á»ijng" + ], + [ + "Ùħ", + "Ùı" + ], + [ + "Ġ", + "à¸Ħืà¸Ń" + ], + [ + "Ġت", + "ÙĨ" + ], + [ + "t", + "ÃŃ" + ], + [ + "y", + "Äĩ" + ], + [ + "Ġm", + "ạng" + ], + [ + "Ùģ", + "ÙĪ" + ], + [ + "Ġdü", + "nya" + ], + [ + "×§", + "ר×IJ" + ], + [ + "Ġ×§", + "׾" + ], + [ + "ĠØŃ", + "اÙĦ" + ], + [ + "c", + "ÃŃa" + ], + [ + "Ġà¹Ģ", + "รา" + ], + [ + "Ġר", + "×ķצ×Ķ" + ], + [ + "Ġá", + "p" + ], + [ + "ë°", + "ķ" + ], + [ + "ا", + "ÙĤØ©" + ], + [ + "ни", + "Ñİ" + ], + [ + "Ġ×IJ", + "׾×ķ" + ], + [ + "Ġ×ŀס", + "×ķ" + ], + [ + "ãģ§ãģ¯", + "ãģªãģı" + ], + [ + "Ġtr", + "ả" + ], + [ + "Ġ×§", + "שר" + ], + [ + "mi", + "ÅŁtir" + ], + [ + "Ġl", + "ưu" + ], + [ + "Ġh", + "á»Ĺ" + ], + [ + "ĠбÑĭ", + "ли" + ], + [ + "Ġl", + "ấy" + ], + [ + "عÙĦ", + "Ùħ" + ], + [ + "Ġö", + "zel" + ], + [ + "æ°Ĺ", + "ãģĮ" + ], + [ + "Ġ×ĵ", + "ר×ļ" + ], + [ + "Ùħ", + "د" + ], + [ + "s", + "ını" + ], + [ + "׳", + "×ķש×IJ" + ], + [ + "r", + "ów" + ], + [ + "Ñĩ", + "еÑĢ" + ], + [ + "êµIJ", + "ìľ¡" + ], + [ + "ĠÐľ", + "о" + ], + [ + "л", + "ег" + ], + [ + "ĠV", + "Ỽi" + ], + [ + "วัà¸Ļ", + "à¸Ļีà¹ī" + ], + [ + "ÑİÑī", + "ие" + ], + [ + "ãģĬ", + "ãģĻ" + ], + [ + "ãģĬãģĻ", + "ãģĻ" + ], + [ + "ãģĬãģĻãģĻ", + "ãĤģ" + ], + [ + "ëı", + "ħ" + ], + [ + "Ġ×Ļ×Ķ", + "×Ļ×Ķ" + ], + [ + "×ŀ", + "×ĺר" + ], + [ + "Ñı", + "ми" + ], + [ + "Ġl", + "á»±a" + ], + [ + "ĠÄij", + "ấu" + ], + [ + "à¹Ģส", + "ียà¸ĩ" + ], + [ + "Ġt", + "ương" + ], + [ + "ëĵ", + "±" + ], + [ + "ĠÑģÑĤ", + "аÑĢ" + ], + [ + "à¹ĥ", + "à¸ļ" + ], + [ + "ว", + "ัà¸Ķ" + ], + [ + "Ġİ", + "stanbul" + ], + [ + "Ġ", + "à¸Īะ" + ], + [ + "à¸ķ", + "ลาà¸Ķ" + ], + [ + "Ġب", + "ÙĬ" + ], + [ + "à¹ģà¸Ļ", + "ะ" + ], + [ + "à¹ģà¸Ļะ", + "à¸Ļำ" + ], + [ + "س", + "اعد" + ], + [ + "Ġب", + "Ø£" + ], + [ + "Ġki", + "á»ĥm" + ], + [ + "ØŃ", + "سب" + ], + [ + "à¸Ĭั", + "à¹īà¸Ļ" + ], + [ + "Ġ×ķ", + "×¢×ķ×ĵ" + ], + [ + "ов", + "ÑĭÑħ" + ], + [ + "оÑģ", + "нов" + ], + [ + "Ġtr", + "Æ°á»Łng" + ], + [ + "צ", + "×ij×¢" + ], + [ + "ĠÃŃ", + "t" + ], + [ + "Ġk", + "ỹ" + ], + [ + "cr", + "é" + ], + [ + "Ñı", + "м" + ], + [ + "êµ", + "°" + ], + [ + "ãģĮ", + "ãģªãģĦ" + ], + [ + "ÙĬÙĦ", + "Ø©" + ], + [ + "ãĥķ", + "ãĤ£" + ], + [ + "ر", + "Ùī" + ], + [ + "ĠÙĬ", + "جب" + ], + [ + "Ġ×IJ", + "×£" + ], + [ + "Ġc", + "á»±c" + ], + [ + "ãĤīãĤĮ", + "ãģŁ" + ], + [ + "Ġ", + "à¸ľà¸¹à¹ī" + ], + [ + "Ġ", + "à¸Ń" + ], + [ + "lar", + "ımız" + ], + [ + "Ġkad", + "ın" + ], + [ + "Ġê·¸", + "ëŀĺ" + ], + [ + "Ġê·¸ëŀĺ", + "ìĦľ" + ], + [ + "ĠëĺIJ", + "ëĬĶ" + ], + [ + "ĠÄij", + "ả" + ], + [ + "ĠÄijả", + "m" + ], + [ + "Ġ×IJ", + "×ķ×ŀר" + ], + [ + "Ġy", + "ếu" + ], + [ + "ci", + "Äħ" + ], + [ + "ciÄħ", + "g" + ], + [ + "Ġt", + "á»ij" + ], + [ + "Ġש×IJ", + "׳×Ļ" + ], + [ + "Ġdz", + "iaÅĤa" + ], + [ + "Ñī", + "а" + ], + [ + "ĠÄij", + "Ãłn" + ], + [ + "s", + "ına" + ], + [ + "ãģĵãĤĮ", + "ãģ¯" + ], + [ + "Ġ×ij", + "׾×Ļ" + ], + [ + "Ġ×ij", + "×Ļשר×IJ׾" + ], + [ + "л", + "оÑģÑĮ" + ], + [ + "Ġgi", + "ữ" + ], + [ + "ê°", + "IJ" + ], + [ + "ÑĢ", + "он" + ], + [ + "تج", + "ار" + ], + [ + "г", + "лав" + ], + [ + "в", + "ин" + ], + [ + "Ġh", + "ạn" + ], + [ + "Ġyapı", + "lan" + ], + [ + "ب", + "س" + ], + [ + "Ġ", + "à¸ŀรà¹īà¸Ńม" + ], + [ + "ê´Ģ", + "리" + ], + [ + "mÄ±ÅŁ", + "tır" + ], + [ + "b", + "ü" + ], + [ + "r", + "ück" + ], + [ + "ĠBaÅŁkan", + "ı" + ], + [ + "ĠÙĦ", + "ÙĬس" + ], + [ + "Ġs", + "Æ¡" + ], + [ + "à¸Īัà¸ĩ", + "หว" + ], + [ + "à¸Īัà¸ĩหว", + "ัà¸Ķ" + ], + [ + "د", + "اء" + ], + [ + "Ġ×Ķ", + "׼" + ], + [ + "v", + "ÃŃ" + ], + [ + "ש", + "×IJר" + ], + [ + "Ġh", + "Æ°á»Łng" + ], + [ + "Ġb", + "óng" + ], + [ + "ĠCh", + "ÃŃnh" + ], + [ + "Äħ", + "c" + ], + [ + "à¹Ģà¸ģีà¹Īยว", + "à¸ģัà¸ļ" + ], + [ + "Ġtá»", + "©" + ], + [ + "Ġtứ", + "c" + ], + [ + "ĠÑĨ", + "веÑĤ" + ], + [ + "Ġt", + "á»iji" + ], + [ + "ĠnghÄ©", + "a" + ], + [ + "ÙĦا", + "عب" + ], + [ + "د", + "ÙĦ" + ], + [ + "Ġפע", + "×Ŀ" + ], + [ + "h", + "ör" + ], + [ + "à¸Ĭ", + "ุà¸Ķ" + ], + [ + "à¸ŀ", + "ู" + ], + [ + "à¸ŀู", + "à¸Ķ" + ], + [ + "п", + "аÑģ" + ], + [ + "ĠÅŁ", + "u" + ], + [ + "Ġt", + "Æ°á»Łng" + ], + [ + "خار", + "ج" + ], + [ + "Ġâ", + "m" + ], + [ + "ĠинÑĤеÑĢ", + "еÑģ" + ], + [ + "ен", + "нÑĭÑħ" + ], + [ + "×IJ", + "׳×Ļ" + ], + [ + "بد", + "Ø£" + ], + [ + "ëĿ¼", + "ëĬĶ" + ], + [ + "ì¹", + "´" + ], + [ + "æĸ¹", + "ãģĮ" + ], + [ + "ли", + "в" + ], + [ + "Ġ", + "à¸Ħà¸Ļ" + ], + [ + "ער", + "×ļ" + ], + [ + "à¸Ĥà¸Ńà¸ĩ", + "à¸Ħุà¸ĵ" + ], + [ + "п", + "ад" + ], + [ + "Ġc", + "ạnh" + ], + [ + "ĠëĤ", + "¨" + ], + [ + "ĠÄij", + "âu" + ], + [ + "Ġbi", + "á»ĥu" + ], + [ + "ãĤĤ", + "ãģĤãĤĭ" + ], + [ + "׾", + "×Ĵ" + ], + [ + "Ġ", + "สำหรัà¸ļ" + ], + [ + "Ġxu", + "á»ijng" + ], + [ + "ס", + "×ķ" + ], + [ + "Ġذ", + "ات" + ], + [ + "ĠÐľ", + "е" + ], + [ + "ع", + "اÙĦÙħ" + ], + [ + "×IJ", + "ס" + ], + [ + "ب", + "ÙĬØ©" + ], + [ + "Ø´", + "ا" + ], + [ + "и", + "ем" + ], + [ + "ĠNg", + "ưá»Ŀi" + ], + [ + "íĺ", + "ij" + ], + [ + "Ñģл", + "ов" + ], + [ + "Ġп", + "а" + ], + [ + "Ġm", + "ẫu" + ], + [ + "ĠпÑĢоÑĨ", + "еÑģÑģ" + ], + [ + "ĠNh", + "Ãł" + ], + [ + "пÑĢо", + "из" + ], + [ + "пÑĢоиз", + "вод" + ], + [ + "à¸łà¸²à¸¢", + "à¹ĥà¸Ļ" + ], + [ + "Ġ", + "à¸ļาà¸Ĺ" + ], + [ + "×ŀ", + "׳×ķ" + ], + [ + "ĠоÑĢг", + "ан" + ], + [ + "רצ", + "×ķ" + ], + [ + "×ķ×ŀ", + "×Ļ×Ŀ" + ], + [ + "Ġyaz", + "ı" + ], + [ + "Ġd", + "ù" + ], + [ + "ãĥ¬", + "ãĥ³" + ], + [ + "ÙĪÙĦ", + "ÙĬ" + ], + [ + "ย", + "ู" + ], + [ + "Ġtr", + "ò" + ], + [ + "à¹Ģà¸ŀ", + "ลà¸ĩ" + ], + [ + "Ġ×ŀ", + "׾×IJ" + ], + [ + "à¸ķ", + "ล" + ], + [ + "à¸ķล", + "à¸Ńà¸Ķ" + ], + [ + "ĠÄij", + "ạt" + ], + [ + "Ġ×Ĺ×ĵ", + "ש" + ], + [ + "p", + "óÅĤ" + ], + [ + "Ġ×ŀ", + "×ĵ×Ļ" + ], + [ + "ujÄħ", + "c" + ], + [ + "×ŀ׳×Ķ", + "׾" + ], + [ + "Ġש×ij", + "×ķ" + ], + [ + "Ġ×Ķ×ŀש", + "פ×ĺ" + ], + [ + "Ġ×IJ", + "׾×Ķ" + ], + [ + "ĠÙĪ", + "ذÙĦÙĥ" + ], + [ + "à¹Ģà¸ŀ", + "ราะ" + ], + [ + "ĠÄijo", + "Ãłn" + ], + [ + "Ġíķ¨", + "ê»ĺ" + ], + [ + "Ġd", + "ục" + ], + [ + "Ø´", + "ت" + ], + [ + "Ġ", + "ula" + ], + [ + "Ġula", + "ÅŁ" + ], + [ + "Ġqu", + "ý" + ], + [ + "Ġ×Ķ", + "×Ĵ×ĵ×ķ׾" + ], + [ + "à¸ķัà¹īà¸ĩ", + "à¹ģà¸ķà¹Ī" + ], + [ + "Ġש", + "ר" + ], + [ + "Ø´", + "Ùĩد" + ], + [ + "׳", + "ש×Ļ×Ŀ" + ], + [ + "à¸ŀ", + "ล" + ], + [ + "رÙĪ", + "ا" + ], + [ + "ãĤĮ", + "ãģ¦" + ], + [ + "Ġн", + "иÑħ" + ], + [ + "Ġдел", + "а" + ], + [ + "ãģ§ãģį", + "ãģªãģĦ" + ], + [ + "ÅĤo", + "ż" + ], + [ + "×IJ", + "×Ĺר" + ], + [ + "ì", + "½Ķ" + ], + [ + "ãĤ¢", + "ãĥĥãĥĹ" + ], + [ + "د", + "Ù쨹" + ], + [ + "Ġti", + "á»ĩn" + ], + [ + "Ġkh", + "á»ı" + ], + [ + "Ġkhá»ı", + "e" + ], + [ + "ĠاÙĦع", + "اÙħØ©" + ], + [ + "ãģ«", + "ãģĤãĤĭ" + ], + [ + "ĠÄij", + "á»Ļc" + ], + [ + "ì¡", + "±" + ], + [ + "Ġc", + "ụ" + ], + [ + "й", + "ÑĤе" + ], + [ + "Ġзак", + "он" + ], + [ + "ĠпÑĢо", + "екÑĤ" + ], + [ + "ìĸ", + "¸" + ], + [ + "ÙĦ", + "ØŃ" + ], + [ + "ĠçalÄ±ÅŁ", + "ma" + ], + [ + "ãĤĴ", + "ãģĻãĤĭ" + ], + [ + "Ñħ", + "и" + ], + [ + "ع", + "اد" + ], + [ + "Ġ׳", + "×ŀצ×IJ" + ], + [ + "Ġר", + "×Ļ" + ], + [ + "à¸Ńà¸Ńà¸ģ", + "มา" + ], + [ + "ĠT", + "ôi" + ], + [ + "Ġth", + "ần" + ], + [ + "ĠÙĬ", + "ا" + ], + [ + "ล", + "าย" + ], + [ + "Ġав", + "ÑĤо" + ], + [ + "Ġsı", + "ra" + ], + [ + "ĠÙĥ", + "Ø«ÙĬر" + ], + [ + "Ùħ", + "ÙĬز" + ], + [ + "ĠاÙĦع", + "ÙĦÙħ" + ], + [ + "æĸ¹", + "ãģ¯" + ], + [ + "×ķ×¢", + "×ĵ" + ], + [ + "Ġобла", + "ÑģÑĤи" + ], + [ + "×Ļ׾", + "×Ļ×Ŀ" + ], + [ + "ãģĮ", + "åĩº" + ], + [ + "à¸ĺ", + "ุ" + ], + [ + "à¸ĺุ", + "ร" + ], + [ + "à¸ĺุร", + "à¸ģิà¸Ī" + ], + [ + "ÙĤت", + "ÙĦ" + ], + [ + "ר×IJ", + "×ķ" + ], + [ + "Ġng", + "u" + ], + [ + "Ġngu", + "á»ĵn" + ], + [ + "Ġ", + "มา" + ], + [ + "Ġпл", + "ан" + ], + [ + "t", + "ório" + ], + [ + "Ġcu", + "á»iji" + ], + [ + "Ñģк", + "ом" + ], + [ + "ĠاÙĦÙħ", + "اض" + ], + [ + "ĠاÙĦÙħاض", + "ÙĬ" + ], + [ + "Ġ×ij×¢", + "׾" + ], + [ + "Ġר", + "×ij×Ļ×Ŀ" + ], + [ + "Ġlu", + "áºŃn" + ], + [ + "Ùĥ", + "ÙĪ" + ], + [ + "à¸Ĺัà¹īà¸ĩ", + "หมà¸Ķ" + ], + [ + "в", + "ан" + ], + [ + "Ġtho", + "ại" + ], + [ + "à¹Ħ", + "à¸Ń" + ], + [ + "б", + "иÑĢ" + ], + [ + "ĠاÙĦ", + "ض" + ], + [ + "ت", + "ا" + ], + [ + "ĠÑĢ", + "од" + ], + [ + "ĠV", + "Ãł" + ], + [ + "×ŀ", + "×Ļף" + ], + [ + "ĠбÑĭ", + "ла" + ], + [ + "к", + "ами" + ], + [ + "ĠÐĶ", + "е" + ], + [ + "t", + "ık" + ], + [ + "קר", + "×Ļ" + ], + [ + "ĠeÄŁ", + "itim" + ], + [ + "ĠÙĥ", + "بÙĬر" + ], + [ + "ب", + "Ùĥ" + ], + [ + "ĠÙĦ", + "ÙĪ" + ], + [ + "в", + "ой" + ], + [ + "Ġ", + "ãģĵãģ®" + ], + [ + "ĠÑĤ", + "ÑĢÑĥд" + ], + [ + "my", + "ÅĽl" + ], + [ + "Ġs", + "ư" + ], + [ + "à¸ŀ", + "ีà¹Ī" + ], + [ + "Ġ", + "à¹ģลà¹īว" + ], + [ + "×¢", + "×§" + ], + [ + "Ġ×Ĺ×ijר", + "ת" + ], + [ + "ระ", + "หว" + ], + [ + "ระหว", + "à¹Īาà¸ĩ" + ], + [ + "×Ļ", + "×Ļ×Ķ" + ], + [ + "ĠاÙĦÙĨ", + "اس" + ], + [ + "ün", + "ü" + ], + [ + "Ġ׾", + "×ŀ×Ķ" + ], + [ + "Ġch", + "ương" + ], + [ + "ĠH", + "á»ĵ" + ], + [ + "ار", + "ت" + ], + [ + "ãĤĪãģĨ", + "ãģ§ãģĻ" + ], + [ + "l", + "á" + ], + [ + "×§×Ļ", + "×Ļ×Ŀ" + ], + [ + "æľ¬", + "å½ĵ" + ], + [ + "æľ¬å½ĵ", + "ãģ«" + ], + [ + "ãģĵãĤĵ", + "ãģª" + ], + [ + "Ñģ", + "ов" + ], + [ + "Ġ×ķ", + "×Ĺ" + ], + [ + "à¹Ģà¸ģ", + "à¹ĩà¸ļ" + ], + [ + "Ġк", + "ÑĤо" + ], + [ + "à¹Ĥร", + "à¸Ħ" + ], + [ + "ĠØ´", + "رÙĥØ©" + ], + [ + "ع", + "زÙĬ" + ], + [ + "عزÙĬ", + "ز" + ], + [ + "Ø·ÙĦ", + "ÙĤ" + ], + [ + "п", + "ÑĥÑģÑĤ" + ], + [ + "Ùģ", + "تØŃ" + ], + [ + "ëŀ", + "Ģ" + ], + [ + "Ġhã", + "y" + ], + [ + "ض", + "Ùħ" + ], + [ + "ë¦", + "°" + ], + [ + "åł´åIJĪ", + "ãģ¯" + ], + [ + "ãĤª", + "ãĥ¼" + ], + [ + "Ġh", + "ắn" + ], + [ + "Ġ×IJ", + "×ij×Ļ×ij" + ], + [ + "Ġש׾×Ķ", + "×Ŀ" + ], + [ + "Ġ×Ķ×Ļ", + "×Ļת×Ķ" + ], + [ + "ĠاÙĦد", + "ÙĪÙĦØ©" + ], + [ + "ĠاÙĦ", + "ÙĪÙĤ" + ], + [ + "ĠاÙĦÙĪÙĤ", + "ت" + ], + [ + "ãģĤ", + "ãģ¾ãĤĬ" + ], + [ + "Ġta", + "ÅŁÄ±" + ], + [ + "İ", + "N" + ], + [ + "×¢", + "סק" + ], + [ + "ãģ¦", + "ãģĦãģŁ" + ], + [ + "Ġtá»ķ", + "ng" + ], + [ + "ĠاÙĦØ¥", + "ÙĨس" + ], + [ + "ĠاÙĦØ¥ÙĨس", + "اÙĨ" + ], + [ + "ÑĢ", + "еÑĪ" + ], + [ + "Ġg", + "ái" + ], + [ + "ĠÑĨ", + "ен" + ], + [ + "ĠÙģ", + "ÙĤد" + ], + [ + "Ùħ", + "ات" + ], + [ + "ãģķãĤĵ", + "ãģ®" + ], + [ + "Ġph", + "ù" + ], + [ + "×ĺ", + "×Ķ" + ], + [ + "ĠÙĪØ§ÙĦ", + "تÙĬ" + ], + [ + "Ġب", + "Ùĥ" + ], + [ + "ìĿ´", + "ëĤĺ" + ], + [ + "к", + "Ñģ" + ], + [ + "Ùħ", + "ÙĬر" + ], + [ + "Ġv", + "ùng" + ], + [ + "ĠاÙĦØ´", + "عب" + ], + [ + "ĠNh", + "ưng" + ], + [ + "ãĥĢ", + "ãĥ¼" + ], + [ + "Ġ×Ĺ×Ļ", + "×Ļ×Ŀ" + ], + [ + "ĠØ´", + "خص" + ], + [ + "×§", + "×ķ×ĵ" + ], + [ + "ê²", + "Ģ" + ], + [ + "×¢", + "ש" + ], + [ + "×¢", + "×ķ׾×Ŀ" + ], + [ + "צ", + "×ķר" + ], + [ + "ع", + "ÙĤد" + ], + [ + "ĠiÅŁ", + "lem" + ], + [ + "Ġ×Ķ×ij", + "×IJ" + ], + [ + "Ġd", + "ưỡng" + ], + [ + "à¸Ł", + "รี" + ], + [ + "Ġph", + "ÃŃa" + ], + [ + "ãģ®ä¸Ń", + "ãģ§" + ], + [ + "Ġп", + "и" + ], + [ + "Ġng", + "Ãłnh" + ], + [ + "ним", + "а" + ], + [ + "ĠÙĩ", + "ÙĦ" + ], + [ + "Ġ×ķ", + "×IJת" + ], + [ + "ĠÄij", + "áng" + ], + [ + "é", + "quipe" + ], + [ + "ĠÑįÑĤ", + "оÑĤ" + ], + [ + "Ġgö", + "rev" + ], + [ + "ë§", + "¤" + ], + [ + "Ġqu", + "ân" + ], + [ + "å¼ķ", + "ãģį" + ], + [ + "æĻĤ", + "ãģ«" + ], + [ + "Ġب", + "Ùħا" + ], + [ + "×ŀ", + "×Ļת" + ], + [ + "Ġü", + "lke" + ], + [ + "Ġ×ŀ×§", + "×ķ×Ŀ" + ], + [ + "×ij", + "ף" + ], + [ + "æ°Ĺ", + "æĮģãģ¡" + ], + [ + "Ġë§İ", + "ìĿĢ" + ], + [ + "Ġyük", + "sek" + ], + [ + "ÑĨ", + "енÑĤÑĢ" + ], + [ + "ĠÙħ", + "جÙĦس" + ], + [ + "ç§ģ", + "ãģ®" + ], + [ + "ÙĤد", + "ر" + ], + [ + "Ġë¶Ģ", + "ë¶Ħ" + ], + [ + "Ġì°", + "¨" + ], + [ + "خر", + "ج" + ], + [ + "ãģĭ", + "ãģªãĤĬ" + ], + [ + "ë³´", + "ëĭ¤" + ], + [ + "Ġ×ŀ", + "×Ļ×ĵ×¢" + ], + [ + "peÅĤ", + "ni" + ], + [ + "Ġx", + "á»Ń" + ], + [ + "ìĹIJìĦľ", + "ëĬĶ" + ], + [ + "ĠباÙĦ", + "Ùħ" + ], + [ + "ĠÙĪ", + "Ùħا" + ], + [ + "ĠÑįÑĤ", + "ой" + ], + [ + "ب", + "ÙĬÙĨ" + ], + [ + "n", + "ü" + ], + [ + "ØŃ", + "ز" + ], + [ + "ØŃز", + "ب" + ], + [ + "ĠÑĢабоÑĤ", + "а" + ], + [ + "ĠNh", + "áºŃt" + ], + [ + "ÙĦ", + "اء" + ], + [ + "Ġëĵ", + "¤" + ], + [ + "Ġëĵ¤", + "ìĸ´" + ], + [ + "ãĤĦãģĻ", + "ãģĦ" + ], + [ + "×Ĺ×ĸ", + "×§" + ], + [ + "Ġ×Ķ×Ĺ", + "×ijר×Ķ" + ], + [ + "п", + "иÑĤ" + ], + [ + "ãģĭãĤī", + "ãģ®" + ], + [ + "Ġë§IJ", + "ìĶĢ" + ], + [ + "Ġפ", + "×ķ" + ], + [ + "ÙĦ", + "Ùİ" + ], + [ + "à¹Ģà¸ķà¹ĩ", + "ม" + ], + [ + "ĠÐļ", + "о" + ], + [ + "Ġm", + "ówi" + ], + [ + "Ġt", + "ÃŃn" + ], + [ + "ר×Ĵ", + "ש" + ], + [ + "פר", + "×§" + ], + [ + "Ġtr", + "ạng" + ], + [ + "ĠÐŀ", + "н" + ], + [ + "×Ĺ", + "×ķ×¥" + ], + [ + "ĠعÙĨد", + "Ùħا" + ], + [ + "Ġب", + "ر" + ], + [ + "使", + "ãģĦ" + ], + [ + "Ġr", + "á»Ļng" + ], + [ + "ëĮĢ", + "ë¡ľ" + ], + [ + "íĪ", + "¬" + ], + [ + "Ġktóry", + "ch" + ], + [ + "в", + "ид" + ], + [ + "ลูà¸ģ", + "à¸Ħà¹īา" + ], + [ + "Ġmog", + "Äħ" + ], + [ + "Ġש", + "×Ĺ" + ], + [ + "×ij", + "×Ĺר" + ], + [ + "ãĥĸ", + "ãĥŃãĤ°" + ], + [ + "ĠTh", + "Ãłnh" + ], + [ + "Ġ×Ķ", + "ר×Ļ" + ], + [ + "ĠÑģÑĤ", + "аÑĤÑĮ" + ], + [ + "ĠH", + "á»Ļi" + ], + [ + "à¸ļ", + "à¹īาà¸ĩ" + ], + [ + "çī¹", + "ãģ«" + ], + [ + "ĠÄIJ", + "ức" + ], + [ + "èĢħ", + "ãģ®" + ], + [ + "×¢", + "×ŀ×ķ×ĵ" + ], + [ + "×ĺר", + "×Ķ" + ], + [ + "Ð", + "¥" + ], + [ + "ĠÙħ", + "Ùħا" + ], + [ + "Ġe", + "ÅŁ" + ], + [ + "ĠнеобÑħодим", + "о" + ], + [ + "ник", + "ов" + ], + [ + "Ġüzer", + "inde" + ], + [ + "a", + "ÅĤa" + ], + [ + "Ġchá»ĭ", + "u" + ], + [ + "ĠاÙĦ", + "دÙĬÙĨ" + ], + [ + "أخ", + "بار" + ], + [ + "ĠÄij", + "au" + ], + [ + "ãģĮ", + "å¤ļãģĦ" + ], + [ + "jÄħ", + "cych" + ], + [ + "د", + "Ø®ÙĦ" + ], + [ + "ları", + "nd" + ], + [ + "larınd", + "an" + ], + [ + "Ġs", + "ẻ" + ], + [ + "à¸ŀิ", + "à¹Ģศ" + ], + [ + "à¸ŀิà¹Ģศ", + "ษ" + ], + [ + "ת", + "ף" + ], + [ + "t", + "ıģı" + ], + [ + "Ġlu", + "áºŃt" + ], + [ + "ĠÅŀ", + "e" + ], + [ + "ãĤ«", + "ãĥ¼" + ], + [ + "ãģ®", + "ãģĤãĤĭ" + ], + [ + "Ġ×Ķ×IJ", + "תר" + ], + [ + "ĠاÙĦØ¢", + "ÙĨ" + ], + [ + "ıld", + "ı" + ], + [ + "Ġá", + "o" + ], + [ + "ĠнаÑĩ", + "ал" + ], + [ + "Ġvi", + "á»ĩn" + ], + [ + "Ġ×ij×¢", + "×ķ׾×Ŀ" + ], + [ + "з", + "наÑĩ" + ], + [ + "×Ļ×ĺ", + "×Ķ" + ], + [ + "к", + "ам" + ], + [ + "ĠÐĺ", + "з" + ], + [ + "à¹Ģà¸Ĥ", + "ียà¸Ļ" + ], + [ + "à¸Ļ", + "à¹īà¸Ńà¸ĩ" + ], + [ + "ÑĤ", + "ÑĢо" + ], + [ + "à¹Ģ", + "à¸Ł" + ], + [ + "Ġжиз", + "ни" + ], + [ + "Ġ", + "สà¹Īวà¸Ļ" + ], + [ + "Ġv", + "áºŃn" + ], + [ + "Ġê´Ģ", + "볨" + ], + [ + "Ġl", + "âu" + ], + [ + "ס", + "×ĺר" + ], + [ + "×§", + "ש" + ], + [ + "س", + "ÙĬر" + ], + [ + "Ġ×IJ×ķת", + "×Ļ" + ], + [ + "Ġm", + "ôi" + ], + [ + "ائ", + "ب" + ], + [ + "Ġо", + "ÑģÑĤа" + ], + [ + "Ġm", + "ón" + ], + [ + "Ġ×ij", + "×ŀ×§×ķ×Ŀ" + ], + [ + "Ġد", + "اخÙĦ" + ], + [ + "Ġ×IJ", + "×ķר" + ], + [ + "Ġв", + "аÑģ" + ], + [ + "Ùĥ", + "Ø´Ùģ" + ], + [ + "ìĺ", + "¨" + ], + [ + "à¸ĸ", + "à¹Īาย" + ], + [ + "Ġkullan", + "ıl" + ], + [ + "Ġt", + "ô" + ], + [ + "ãģ«", + "ãĤĪãĤĬ" + ], + [ + "ĠëĺIJ", + "íķľ" + ], + [ + "Ġ×¢×ij×ķ×ĵ", + "×Ķ" + ], + [ + "Ġri", + "ê" + ], + [ + "Ġriê", + "ng" + ], + [ + "Ġyak", + "ın" + ], + [ + "ز", + "ا" + ], + [ + "Å", + "»" + ], + [ + "×IJ", + "×ķ׼׾" + ], + [ + "شار", + "Ùĥ" + ], + [ + "Ġб", + "еÑģ" + ], + [ + "×", + "´" + ], + [ + "Ġا", + "بÙĨ" + ], + [ + "ĠTá»ķ", + "ng" + ], + [ + "ÙĨ", + "ظ" + ], + [ + "ÅĽwi", + "ad" + ], + [ + "ãĤµ", + "ãĥ¼" + ], + [ + "ห", + "าย" + ], + [ + "ĠG", + "ün" + ], + [ + "Ġhakk", + "ında" + ], + [ + "à¹Ģà¸Ĥà¹īา", + "มา" + ], + [ + "ز", + "ÙĨ" + ], + [ + "ĠÐł", + "о" + ], + [ + "Ġbi", + "á»ĥn" + ], + [ + "ãģ©", + "ãģĵ" + ], + [ + "Ùģ", + "عÙĦ" + ], + [ + "ز", + "ع" + ], + [ + "פר", + "×ĺ" + ], + [ + "Ġ×Ķ", + "ף" + ], + [ + "Ø£", + "ÙĩÙĦ" + ], + [ + "Ġth", + "ất" + ], + [ + "ØŃ", + "ÙħÙĦ" + ], + [ + "Ñĩ", + "Ñĥ" + ], + [ + "ĠìĤ¬", + "ìĭ¤" + ], + [ + "ì°", + "¸" + ], + [ + "ĠìľĦ", + "íķ´" + ], + [ + "ÙĪ", + "ظ" + ], + [ + "ĠÐŁ", + "од" + ], + [ + "Ġkho", + "ản" + ], + [ + "ÑĤ", + "ен" + ], + [ + "ĠÙģ", + "اÙĦ" + ], + [ + "Ñģ", + "ад" + ], + [ + "à¸Ļ", + "à¸Ńà¸Ļ" + ], + [ + "ĠاÙĦسعÙĪØ¯", + "ÙĬØ©" + ], + [ + "\"", + "ØĮ" + ], + [ + "ĠاÙĦ", + "ÙĴ" + ], + [ + "ãĤī", + "ãģļ" + ], + [ + "Ġto", + "án" + ], + [ + "Ġch", + "ắc" + ], + [ + "׼", + "×Ļר" + ], + [ + "m", + "éd" + ], + [ + "méd", + "ia" + ], + [ + "ز", + "ÙĪ" + ], + [ + "Ġyan", + "ı" + ], + [ + "פ", + "׳×Ļ×Ŀ" + ], + [ + "ØŃ", + "ظ" + ], + [ + "Ġб", + "еÑģп" + ], + [ + "ĠбеÑģп", + "лаÑĤ" + ], + [ + "ĠбеÑģплаÑĤ", + "но" + ], + [ + "ĠØ£", + "ÙħاÙħ" + ], + [ + "à¸Ń", + "าย" + ], + [ + "à¸Ńาย", + "ุ" + ], + [ + "ר", + "שת" + ], + [ + "Ġg", + "á»ĵ" + ], + [ + "Ġgá»ĵ", + "m" + ], + [ + "Ġu", + "á»ijng" + ], + [ + "ص", + "ب" + ], + [ + "k", + "ır" + ], + [ + "ãĥij", + "ãĥ¼" + ], + [ + "Ġ׾×ĵ", + "עת" + ], + [ + "Ġк", + "ÑĥпиÑĤÑĮ" + ], + [ + "׾", + "×ķ×Ĺ" + ], + [ + "ÙĪØ¶", + "ع" + ], + [ + "ÙĤÙĬ", + "Ùħ" + ], + [ + "à¸Ľ", + "า" + ], + [ + "ж", + "ив" + ], + [ + "à¸Ķ", + "ิà¸Ļ" + ], + [ + "×IJ", + "×ķפ" + ], + [ + "à¹Ģล", + "à¹ĩà¸ģ" + ], + [ + "ãĥĥ", + "ãĥī" + ], + [ + "иÑĩеÑģки", + "Ñħ" + ], + [ + "ĠCh", + "á»§" + ], + [ + "кÑĢ", + "аÑģ" + ], + [ + "ÙĪ", + "صÙĦ" + ], + [ + "p", + "ÅĤat" + ], + [ + "м", + "оÑĢ" + ], + [ + "Ġ×Ķ×IJ", + "×ķ" + ], + [ + "à¸Ń", + "ิà¸Ļ" + ], + [ + "Ġíķľ", + "êµŃ" + ], + [ + "гÑĢ", + "е" + ], + [ + "Ġìłľ", + "ê³µ" + ], + [ + "ì°", + "½" + ], + [ + "Ġê°ľìĿ¸", + "ìłķë³´" + ], + [ + "Ġngh", + "á»ĭ" + ], + [ + "à¸ĭ", + "า" + ], + [ + "ØŃس", + "اب" + ], + [ + "Ġby", + "ÅĤa" + ], + [ + "ÙħÙĦ", + "Ùĥ" + ], + [ + "иÑĩеÑģки", + "е" + ], + [ + "Ġb", + "ác" + ], + [ + "ض", + "ØŃ" + ], + [ + "ê¸", + "¸" + ], + [ + "ש", + "×ŀ×¢" + ], + [ + "Ġìĸ´ëĸ", + "»" + ], + [ + "Ġìĸ´ëĸ»", + "ê²Į" + ], + [ + "ìĽ", + "Į" + ], + [ + "ات", + "Ùĩ" + ], + [ + "à¹Ĥรà¸ĩ", + "à¹ģ" + ], + [ + "à¹Ĥรà¸ĩà¹ģ", + "รม" + ], + [ + "خد", + "ÙħØ©" + ], + [ + "ĠÐł", + "а" + ], + [ + "׼×ķ׾", + "×Ŀ" + ], + [ + "×ŀש", + "×Ĺ×§" + ], + [ + "ĠÙĪ", + "ÙĥاÙĨ" + ], + [ + "ס", + "×ķ×£" + ], + [ + "ĠاÙĦØŃÙĥÙĪÙħ", + "Ø©" + ], + [ + "Ġ×ij", + "×ĺ" + ], + [ + "Ġtr", + "áºŃn" + ], + [ + "Ġ×Ķ×¢", + "×ķ׾×Ŀ" + ], + [ + "ĠÃŃ", + "ch" + ], + [ + "t", + "Äħ" + ], + [ + "ש×ŀ", + "×ķ" + ], + [ + "Ġ×Ķר×IJש", + "×ķף" + ], + [ + "Ġíķĺ", + "ê³ł" + ], + [ + "ãģķ", + "ãĤī" + ], + [ + "ãģķãĤī", + "ãģ«" + ], + [ + "ãģ«", + "ãģĹãģ¦" + ], + [ + "Ġ", + "à¸ľà¸¡" + ], + [ + "ãģ®", + "ãĤĪãģĨãģª" + ], + [ + "ĠÙĪ", + "ÙĤت" + ], + [ + "ãĥį", + "ãĥĥãĥĪ" + ], + [ + "ÙĦ", + "عب" + ], + [ + "ÙĪ", + "Ø´" + ], + [ + "ìĺ", + "¬" + ], + [ + "Ġ", + "หาà¸ģ" + ], + [ + "Ġm", + "iaÅĤ" + ], + [ + "à¸Ĺ", + "à¸Ńà¸ĩ" + ], + [ + "иÑĤ", + "а" + ], + [ + "ا", + "صر" + ], + [ + "ил", + "ÑģÑı" + ], + [ + "з", + "е" + ], + [ + "à¸Ľà¸£à¸°", + "มาà¸ĵ" + ], + [ + "ãģĿãĤĮ", + "ãģ¯" + ], + [ + "Ġb", + "ır" + ], + [ + "Ġbır", + "ak" + ], + [ + "صÙĨ", + "اع" + ], + [ + "Ð", + "®" + ], + [ + "Ø´", + "عر" + ], + [ + "Ġ׳", + "×Ĵ×ĵ" + ], + [ + "Ġب", + "سبب" + ], + [ + "ãĥĿ", + "ãĤ¤" + ], + [ + "ãĥĿãĤ¤", + "ãĥ³ãĥĪ" + ], + [ + "ĠاÙĦج", + "ÙĪ" + ], + [ + "ĠнеÑģк", + "олÑĮко" + ], + [ + "Ġki", + "ếm" + ], + [ + "Ùģ", + "Ùİ" + ], + [ + "Ġض", + "د" + ], + [ + "×ij×Ļ×ĺ", + "×ķ×Ĺ" + ], + [ + "تاب", + "ع" + ], + [ + "ÙĨ", + "ز" + ], + [ + "ĠB", + "ản" + ], + [ + "Ġaç", + "ıkl" + ], + [ + "Ġaçıkl", + "ama" + ], + [ + "Ġ", + "à¸Ħุà¸ĵ" + ], + [ + "à¸Ĺ", + "า" + ], + [ + "ÅĤ", + "ów" + ], + [ + "Ø·", + "ب" + ], + [ + "ÙĨ", + "ØŃÙĨ" + ], + [ + "Ġ×ŀ×§", + "×ķר" + ], + [ + "Ġİ", + "s" + ], + [ + "Ġдом", + "а" + ], + [ + "Ġ", + "วัà¸Ļ" + ], + [ + "Ġd", + "Ãłnh" + ], + [ + "Ñı", + "н" + ], + [ + "ми", + "ÑĢ" + ], + [ + "Ġm", + "ô" + ], + [ + "ĠvÃł", + "ng" + ], + [ + "ص", + "اب" + ], + [ + "s", + "ının" + ], + [ + "à¸Ħ", + "ืà¸Ļ" + ], + [ + "Ø®", + "بر" + ], + [ + "×ĸ׼", + "×ķ" + ], + [ + "Ġ×ŀ", + "ש×Ķ×ķ" + ], + [ + "m", + "ü" + ], + [ + "Ġкомпани", + "и" + ], + [ + "Ġ×Ķ×¢", + "×Ļר" + ], + [ + "ĠÙĥ", + "ÙĪ" + ], + [ + "ÙĤÙĦ", + "ب" + ], + [ + "ĠlỼ", + "p" + ], + [ + "и", + "ки" + ], + [ + "׳", + "×ij" + ], + [ + "à¹Ĥ", + "à¸Ħร" + ], + [ + "à¹Ĥà¸Ħร", + "à¸ĩ" + ], + [ + "à¹Ĥà¸Ħรà¸ĩ", + "à¸ģาร" + ], + [ + "×ŀ×ķ×¢", + "×ĵ" + ], + [ + "ÑıÑĤ", + "ÑģÑı" + ], + [ + "หลัà¸ĩ", + "à¸Īาà¸ģ" + ], + [ + "ени", + "Ñİ" + ], + [ + "Ġש", + "×¢" + ], + [ + "Ġb", + "Æ°á»Ľc" + ], + [ + "ãĥ¡", + "ãĥ¼ãĥ«" + ], + [ + "ãĤĦ", + "ãĤĬ" + ], + [ + "Ġ×Ļ×ķ×ĵ", + "×¢" + ], + [ + "Ġê´Ģ", + "íķľ" + ], + [ + "ĠاÙĦØ£", + "Ùħر" + ], + [ + "Ġböl", + "ge" + ], + [ + "ĠÑģв", + "ой" + ], + [ + "ÙĦ", + "س" + ], + [ + "Ġ×ŀ×Ļ", + "×ķ×Ĺ×ĵ" + ], + [ + "ĠëĤ´", + "ìļ©" + ], + [ + "ĠØ£", + "جÙĦ" + ], + [ + "ĠÄIJ", + "ông" + ], + [ + "Ġ×ŀ", + "×ł×ª" + ], + [ + "Ġìĭľ", + "ê°Ħ" + ], + [ + "Ùĥ", + "Ùİ" + ], + [ + "ãģ¨ãģĦãģĨ", + "ãģ®ãģ¯" + ], + [ + "Ġnale", + "ży" + ], + [ + "تÙĨظ", + "ÙĬÙħ" + ], + [ + "ĠÑģозд", + "а" + ], + [ + "Ġph", + "é" + ], + [ + "Ġphé", + "p" + ], + [ + "ãģ§ãģį", + "ãģ¾ãģĻ" + ], + [ + "Ġع", + "ÙĦÙħ" + ], + [ + "大ãģį", + "ãģª" + ], + [ + "ãĤ²", + "ãĥ¼ãĥł" + ], + [ + "í", + "ħĮ" + ], + [ + "Ġ׼×ķ׾", + "׾" + ], + [ + "ĠинÑĤеÑĢ", + "неÑĤ" + ], + [ + "ĠT", + "ừ" + ], + [ + "ãģ¨", + "ãģªãĤĭ" + ], + [ + "ز", + "اÙĦ" + ], + [ + "Ġktóry", + "m" + ], + [ + "Ġnh", + "é" + ], + [ + "ìĪ", + "ľ" + ], + [ + "н", + "ев" + ], + [ + "д", + "еÑĢ" + ], + [ + "ãĤ¢", + "ãĥĹãĥª" + ], + [ + "i", + "á»ĩu" + ], + [ + "×ij", + "×Ļ׾" + ], + [ + "Ġت", + "س" + ], + [ + "ĠÄIJ", + "ây" + ], + [ + "ĠاÙĦØ®", + "اصة" + ], + [ + "Ġà¹Ģ", + "à¸Ĭ" + ], + [ + "Ġà¹Ģà¸Ĭ", + "à¹Īà¸Ļ" + ], + [ + "ص", + "اد" + ], + [ + "Ġd", + "ạng" + ], + [ + "س", + "عر" + ], + [ + "Ġש", + "×Ļ×ŀ×ķש" + ], + [ + "×Ĵ", + "×Ļ×Ŀ" + ], + [ + "ãģĮãģĤ", + "ãģ£ãģŁ" + ], + [ + "п", + "ÑĢов" + ], + [ + "пÑĢов", + "од" + ], + [ + "Ġ×IJ", + "×Ļ׳×ķ" + ], + [ + "Ġ׾", + "ר×IJ" + ], + [ + "Ġ׾ר×IJ", + "×ķת" + ], + [ + "ĠØ£", + "Ù쨶ÙĦ" + ], + [ + "ĠØŃ", + "ÙĦ" + ], + [ + "ĠØ£", + "بÙĪ" + ], + [ + "ê°", + "ķ" + ], + [ + "Ġì§", + "ij" + ], + [ + "ãģ®", + "ãĤĪãģĨãģ«" + ], + [ + "Ġפ", + "׳×Ļ" + ], + [ + "ס", + "×Ļ×Ŀ" + ], + [ + "ĠÙĪÙĩ", + "ذا" + ], + [ + "Ġka", + "ç" + ], + [ + "Ġé", + "én" + ], + [ + "Ġê±", + "´" + ], + [ + "ë°", + "Ķ" + ], + [ + "Ñĥ", + "з" + ], + [ + "à¸Ĥà¸Ńà¸ĩ", + "à¹Ģรา" + ], + [ + "i", + "ÅĤ" + ], + [ + "ĠÐľ", + "Ñĭ" + ], + [ + "Ġch", + "ết" + ], + [ + "ĠاÙĦØ«", + "اÙĨÙĬ" + ], + [ + "×IJ", + "×§" + ], + [ + "Ġ×ķ", + "×¢×ľ" + ], + [ + "ĠاÙĦØ·", + "ب" + ], + [ + "×ij×ĺ", + "×Ĺ" + ], + [ + "Ġج", + "دÙĬدة" + ], + [ + "Ġع", + "دÙħ" + ], + [ + "ع", + "ز" + ], + [ + "สิà¹Īà¸ĩ", + "à¸Ĺีà¹Ī" + ], + [ + "ãģĻ", + "ãĤĮãģ°" + ], + [ + "ĠÄij", + "ô" + ], + [ + "ì£", + "ł" + ], + [ + "د", + "ÙĤ" + ], + [ + "н", + "омÑĥ" + ], + [ + "Ġk", + "á»ĥ" + ], + [ + "ãĤ¢", + "ãĥ³" + ], + [ + "å¤ļãģı", + "ãģ®" + ], + [ + "à¸Ľà¸£à¸°", + "à¸ģ" + ], + [ + "à¸Ľà¸£à¸°à¸ģ", + "à¸Ńà¸ļ" + ], + [ + "פע×Ļ׾", + "×ķת" + ], + [ + "ĠÑģÑĤ", + "ол" + ], + [ + "may", + "ı" + ], + [ + "ãģ¤", + "ãģĦ" + ], + [ + "Ġyılı", + "nda" + ], + [ + "Ġ", + "à¸Īึà¸ĩ" + ], + [ + "koÅĦ", + "cz" + ], + [ + "ĠTh", + "ông" + ], + [ + "Ġак", + "ÑĤив" + ], + [ + "н", + "ÑģÑĤ" + ], + [ + "нÑģÑĤ", + "ÑĢÑĥ" + ], + [ + "ĠÃĸ", + "z" + ], + [ + "Ġת", + "×ŀ×Ļ×ĵ" + ], + [ + "ĠÙĥ", + "ÙĨت" + ], + [ + "Ñģ", + "иÑģÑĤем" + ], + [ + "pr", + "és" + ], + [ + "prés", + "ent" + ], + [ + "Ġn", + "â" + ], + [ + "Ġnâ", + "ng" + ], + [ + "gÅĤ", + "os" + ], + [ + "ĠÙĪØ²", + "ÙĬر" + ], + [ + "ØŃ", + "صÙĦ" + ], + [ + "Ġиме", + "еÑĤ" + ], + [ + "ØŃ", + "رÙĥØ©" + ], + [ + "à¸ŀ", + "à¹Īà¸Ń" + ], + [ + "ãĤĴ", + "ãģĬ" + ], + [ + "Ġاست", + "خداÙħ" + ], + [ + "×IJ×Ļר", + "×ķ×¢" + ], + [ + "ä»ĸ", + "ãģ®" + ], + [ + "Ġש×Ķ", + "×Ŀ" + ], + [ + "ãģĹãģŁ", + "ãĤī" + ], + [ + "ש×ŀ", + "×Ļ" + ], + [ + "Ñģ", + "ла" + ], + [ + "m", + "ı" + ], + [ + "Ġbaz", + "ı" + ], + [ + "Ġíķĺ", + "ì§Ģë§Į" + ], + [ + "×ĵ", + "׾" + ], + [ + "Ġyapt", + "ıģı" + ], + [ + "ãĥĬ", + "ãĥ¼" + ], + [ + "׾", + "×Ļ׾×Ķ" + ], + [ + "ãģ¨ãģĦ", + "ãģ£ãģŁ" + ], + [ + "änd", + "ig" + ], + [ + "ĠÅŁ", + "a" + ], + [ + "ĠÙģÙĬ", + "Ùħا" + ], + [ + "иÑĤ", + "елÑı" + ], + [ + "×ŀ", + "×ķש" + ], + [ + "à¸Ĥ", + "à¸Ńà¸ļ" + ], + [ + "l", + "ük" + ], + [ + "Ġh", + "á»ĵi" + ], + [ + "Ġëª", + "ħ" + ], + [ + "ĠاÙĦÙĥ", + "Ø«ÙĬر" + ], + [ + "צ", + "×IJ" + ], + [ + "Ġhaz", + "ır" + ], + [ + "طر", + "Ùģ" + ], + [ + "ا", + "ÙĬا" + ], + [ + "ĠÄij", + "ôi" + ], + [ + "ен", + "д" + ], + [ + "ÙĦ", + "غ" + ], + [ + "×Ĺ", + "×ĸ×ķר" + ], + [ + "ĠвÑģ", + "ег" + ], + [ + "ĠвÑģег", + "да" + ], + [ + "ëIJĺ", + "ê³ł" + ], + [ + "×ĵ", + "×ķ×ĵ" + ], + [ + "ан", + "а" + ], + [ + "د", + "ÙĪÙĦØ©" + ], + [ + "Ġho", + "ạch" + ], + [ + "ع", + "ÙĦا" + ], + [ + "عÙĦا", + "ج" + ], + [ + "Ġ×ķ", + "×¢×ĵ" + ], + [ + "×Ķ", + "×Ŀ" + ], + [ + "ки", + "й" + ], + [ + "ÙĦ", + "ÙIJ" + ], + [ + "Ġ×¢", + "׾×Ļ×ķ" + ], + [ + "ÑİÑī", + "ий" + ], + [ + "Ġng", + "á»§" + ], + [ + "صÙĨ", + "ع" + ], + [ + "ĠاÙĦع", + "راÙĤ" + ], + [ + "à¸ķà¹Īà¸Ń", + "à¹Ħà¸Ľ" + ], + [ + "ãģŁãģı", + "ãģķãĤĵ" + ], + [ + "Ġph", + "ạm" + ], + [ + "ÙĦ", + "اÙĨ" + ], + [ + "ات", + "Ùĩا" + ], + [ + "Ġbö", + "yle" + ], + [ + "تÙĨ", + "ÙģÙĬ" + ], + [ + "تÙĨÙģÙĬ", + "ذ" + ], + [ + "Ġש×Ķ", + "×Ļ×IJ" + ], + [ + "Ñģ", + "Ñĥ" + ], + [ + "ย", + "าว" + ], + [ + "Ġש", + "×ķ׳×Ļ×Ŀ" + ], + [ + "Ġ×ŀ", + "×ķ׾" + ], + [ + "ĠÑģ", + "ил" + ], + [ + "Ġ×IJ×Ĺר", + "×Ļ×Ŀ" + ], + [ + "Ġph", + "á»§" + ], + [ + "ÙĤØ·", + "ع" + ], + [ + "ĠTh", + "á»§" + ], + [ + "à¸Ľà¸£à¸°à¹Ģà¸Ĺศ", + "à¹Ħà¸Ĺย" + ], + [ + "ÙĨ", + "ÙĤ" + ], + [ + "ĠÄijo", + "ạn" + ], + [ + "Ġب", + "Ø¥" + ], + [ + "п", + "ÑĢедел" + ], + [ + "×ķת", + "×ķ" + ], + [ + "Ġy", + "arı" + ], + [ + "пÑĢ", + "е" + ], + [ + "ĠczÄĻ", + "ÅĽci" + ], + [ + "ØŃ", + "ÙĥÙħ" + ], + [ + "×ķ׳", + "×Ļת" + ], + [ + "פע", + "׾" + ], + [ + "ãĤĴ", + "ãģĹãģ¦" + ], + [ + "Ġktó", + "rzy" + ], + [ + "׾", + "×Ŀ" + ], + [ + "ĠÄIJi", + "á»ģu" + ], + [ + "ĠкоÑĤоÑĢ", + "аÑı" + ], + [ + "ĠìĿ´", + "ìĥģ" + ], + [ + "ãģĤ", + "ãģ£ãģŁ" + ], + [ + "Ġ×ŀ×ĵ", + "×ķ×ijר" + ], + [ + "פ", + "×ķ×¢×ľ" + ], + [ + "d", + "ım" + ], + [ + "éĢļ", + "ãĤĬ" + ], + [ + "ĠбÑĥд", + "ÑĥÑĤ" + ], + [ + "à¹Ģวà¹ĩà¸ļ", + "à¹Ħà¸ĭ" + ], + [ + "à¹Ģวà¹ĩà¸ļà¹Ħà¸ĭ", + "à¸ķà¹Į" + ], + [ + "ا", + "خر" + ], + [ + "×Ĺ", + "×Ļ׾" + ], + [ + "Ġ×Ļ", + "׾" + ], + [ + "Ġ×Ļ׾", + "×ĵ×Ļ×Ŀ" + ], + [ + "×Ĺ", + "×Ļפ" + ], + [ + "×Ĺ×Ļפ", + "×ķש" + ], + [ + "Ġd", + "òng" + ], + [ + "Ġש", + "×ĸ×Ķ" + ], + [ + "ÑĮ", + "е" + ], + [ + "ãģĤ", + "ãģ¨" + ], + [ + "ìŀIJ", + "ê°Ģ" + ], + [ + "×IJ", + "×ĵ" + ], + [ + "Ġü", + "z" + ], + [ + "Ġüz", + "ere" + ], + [ + "ظ", + "ÙĦ" + ], + [ + "Ġ×IJ", + "×ķ׾×Ļ" + ], + [ + "Ġ×ij", + "×Ļ×ķ×Ŀ" + ], + [ + "ÙĦ", + "ات" + ], + [ + "Ġm", + "ê" + ], + [ + "ì¹", + "¨" + ], + [ + "تØŃ", + "د" + ], + [ + "تØŃد", + "Ø«" + ], + [ + "ĠØ®", + "اصة" + ], + [ + "Ġب", + "رÙĨ" + ], + [ + "ĠبرÙĨ", + "اÙħج" + ], + [ + "ĠH", + "Ãłn" + ], + [ + "×Ĺ", + "ס" + ], + [ + "ĠÙĪ", + "ÙĦÙħ" + ], + [ + "×¢", + "×Ŀ" + ], + [ + "Ġm", + "ı" + ], + [ + "à¸Ł", + "ัà¸ĩ" + ], + [ + "ש", + "×¢×Ķ" + ], + [ + "ÙĪÙģ", + "ÙĤ" + ], + [ + "ס", + "×ij×Ļר" + ], + [ + "алÑĮ", + "нÑĭй" + ], + [ + "×Ĺש", + "×ķ×ij" + ], + [ + "Ġn", + "Ãłng" + ], + [ + "ë³", + "¼" + ], + [ + "ĠкоÑĤоÑĢ", + "ÑĭÑħ" + ], + [ + "Ġ×Ĺ", + "×ķ×§" + ], + [ + "t", + "ör" + ], + [ + "ĠлÑĥÑĩ", + "ÑĪе" + ], + [ + "ãĥij", + "ãĥ³" + ], + [ + "ลà¹Īา", + "สุà¸Ķ" + ], + [ + "Ġج", + "دÙĬد" + ], + [ + "ÙĬد", + "Ø©" + ], + [ + "à¸Ĺ", + "รà¸ĩ" + ], + [ + "ãĤĪãĤĬ", + "ãĤĤ" + ], + [ + "ÙĦ", + "ÙĦ" + ], + [ + "ãĤĤ", + "ãģ£ãģ¨" + ], + [ + "ש×ĺ", + "×Ĺ" + ], + [ + "Ġ×ķ", + "×IJ×Ļ" + ], + [ + "Ġgi", + "á»ijng" + ], + [ + "Ø¥", + "ضاÙģ" + ], + [ + "×§", + "ת" + ], + [ + "ë§", + "Ŀ" + ], + [ + "Ġzosta", + "ÅĤ" + ], + [ + "ÑĢ", + "оз" + ], + [ + "×Ļפ", + "×Ļ×Ŀ" + ], + [ + "Ġ׼׾", + "׾" + ], + [ + "ת×ķ׼", + "ף" + ], + [ + "dıģ", + "ını" + ], + [ + "ÙĤ", + "سÙħ" + ], + [ + "ĠÑģ", + "ÑĩиÑĤ" + ], + [ + "ĠÑģÑĩиÑĤ", + "а" + ], + [ + "×ĺ", + "×ķת" + ], + [ + "Ġ", + "ưu" + ], + [ + "ĠØ¢", + "ÙĦ" + ], + [ + "Ġм", + "ом" + ], + [ + "Ġмом", + "енÑĤ" + ], + [ + "ĠاÙĦتع", + "ÙĦÙĬÙħ" + ], + [ + "×¢×ľ", + "×ķת" + ], + [ + "Ġch", + "ữa" + ], + [ + "Ġy", + "ön" + ], + [ + "Ġtr", + "Ãł" + ], + [ + "ĠØŃ", + "ÙĬÙĨ" + ], + [ + "à¸ĭ", + "ั" + ], + [ + "ĠC", + "á" + ], + [ + "×¢", + "×ĸ" + ], + [ + "ĠاÙĦØ£", + "ÙħÙĨ" + ], + [ + "c", + "ÃŃ" + ], + [ + "Ġv", + "á»ijn" + ], + [ + "Ġ", + "à¸Ļาย" + ], + [ + "об", + "ÑĢа" + ], + [ + "×§", + "×IJ" + ], + [ + "Ġthi", + "ếu" + ], + [ + "ãĥŀ", + "ãĥ¼" + ], + [ + "ส", + "วà¸Ļ" + ], + [ + "Ġg", + "á»Ń" + ], + [ + "Ġgá»Ń", + "i" + ], + [ + "Ġê", + "¹" + ], + [ + "Ġê¹", + "Ģ" + ], + [ + "Ġthi", + "á»ĩn" + ], + [ + "ÙĤ", + "ع" + ], + [ + "w", + "ÄĻ" + ], + [ + "Ġн", + "ам" + ], + [ + "ÑĤ", + "ол" + ], + [ + "Ġs", + "ân" + ], + [ + "ס", + "×ķ×Ĵ" + ], + [ + "Ġgeç", + "ir" + ], + [ + "ÑĤ", + "он" + ], + [ + "ев", + "а" + ], + [ + "ĠÙĪ", + "ضع" + ], + [ + "Ġع", + "شر" + ], + [ + "Ñģ", + "ло" + ], + [ + "à¸Ī", + "ัà¸ļ" + ], + [ + "ãĤ·", + "ãĥ¼" + ], + [ + "ãĤĤ", + "ãģĤãĤĬãģ¾ãģĻ" + ], + [ + "Ġv", + "ẻ" + ], + [ + "ĠÄIJ", + "á»ĥ" + ], + [ + "ر", + "Ù쨹" + ], + [ + "ĠاÙĦØ£ÙĪÙĦ", + "Ùī" + ], + [ + "ÑĤ", + "аÑĢ" + ], + [ + "ãģªãģı", + "ãģ¦" + ], + [ + "Ùħ", + "Ùİ" + ], + [ + "qu", + "ÃŃ" + ], + [ + "×¢×ł×Ļ", + "×Ļ׳" + ], + [ + "г", + "ен" + ], + [ + "Ġh", + "ôm" + ], + [ + "à¸Ī", + "า" + ], + [ + "Ġnh", + "Ỽ" + ], + [ + "ĠاÙĦع", + "ربÙĬ" + ], + [ + "×IJ", + "ף" + ], + [ + "Ġl", + "á»Ļ" + ], + [ + "Ġje", + "ÅĽli" + ], + [ + "à¹Ģà¸Ĺà¹Īา", + "à¸Ļัà¹īà¸Ļ" + ], + [ + "ĠØ£ÙĨ", + "Ùĩا" + ], + [ + "Ġt", + "uy" + ], + [ + "Ġtuy", + "á»ĩt" + ], + [ + "Ġت", + "ص" + ], + [ + "Ġتص", + "ÙĨÙĬ" + ], + [ + "ĠتصÙĨÙĬ", + "Ùģ" + ], + [ + "Ġê·¸ëŁ¬", + "ëĤĺ" + ], + [ + "о", + "ÑĨен" + ], + [ + "à¸ģิà¸Ī", + "à¸ģรรม" + ], + [ + "ãĤĦ", + "ãģ£ãģ¦" + ], + [ + "Ġkh", + "á»ıi" + ], + [ + "Ġl", + "á»ĩ" + ], + [ + "ĠاÙĦÙħج", + "تÙħع" + ], + [ + "à¸Ńาà¸Ī", + "à¸Īะ" + ], + [ + "à¸Īะ", + "à¹Ģà¸Ľà¹ĩà¸Ļ" + ], + [ + "ов", + "Ñĭй" + ], + [ + "ר", + "×Ŀ" + ], + [ + "ร", + "à¹īà¸Ńà¸Ļ" + ], + [ + "ש", + "×ŀש" + ], + [ + "人", + "ãģ«" + ], + [ + "Ġüzer", + "ine" + ], + [ + "פר", + "×Ļ" + ], + [ + "du", + "ÄŁu" + ], + [ + "Ñĩ", + "ик" + ], + [ + "Ġmù", + "a" + ], + [ + "Ġ×ŀת", + "×ķ×ļ" + ], + [ + "Ġc", + "áºŃp" + ], + [ + "Ġت", + "ارÙĬØ®" + ], + [ + "×ij׾", + "ת×Ļ" + ], + [ + "Ġì¢", + "Ģ" + ], + [ + "ÙĦ", + "ع" + ], + [ + "ب", + "اÙĨ" + ], + [ + "Ġch", + "út" + ], + [ + "Ġ×Ķ×ĸ", + "×ŀף" + ], + [ + "n", + "ée" + ], + [ + "ĠLi", + "ên" + ], + [ + "ĠÙĦÙĦ", + "Ø£" + ], + [ + "ØŃد", + "ÙĪØ¯" + ], + [ + "Ġ×¢", + "׼ש×Ļ×ķ" + ], + [ + "в", + "оз" + ], + [ + "Ġyapt", + "ı" + ], + [ + "Ġоб", + "о" + ], + [ + "à¹ĥหà¹ī", + "à¸ģัà¸ļ" + ], + [ + "Ġ×ij×Ķ", + "×Ŀ" + ], + [ + "ãģı", + "ãģ¦" + ], + [ + "ر", + "أس" + ], + [ + "ĠÑģÑĢед", + "ÑģÑĤв" + ], + [ + "ĠB", + "Ãłi" + ], + [ + "ãģĵãģ¨", + "ãģ«" + ], + [ + "ĠìĤ¬", + "íļĮ" + ], + [ + "Ġ모", + "ëijIJ" + ], + [ + "×ij", + "×IJ" + ], + [ + "Ġtr", + "ắng" + ], + [ + "ĠاÙĦبÙĦ", + "د" + ], + [ + "ĠHo", + "Ãłng" + ], + [ + "ли", + "бо" + ], + [ + "ĠдÑĢÑĥг", + "иÑħ" + ], + [ + "İ", + "R" + ], + [ + "Ñĥм", + "а" + ], + [ + "ĠJe", + "ÅĽli" + ], + [ + "ãĤĤ", + "ãģĹ" + ], + [ + "Ġv", + "òng" + ], + [ + "Ġ×IJתר", + "×Ļ×Ŀ" + ], + [ + "ĠÄij", + "á»įc" + ], + [ + "Ġв", + "оÑĤ" + ], + [ + "ãģł", + "ãģĮ" + ], + [ + "ë°", + "°" + ], + [ + "à¸Ķู", + "à¹ģล" + ], + [ + "Ġ×ŀ", + "׼׾" + ], + [ + "ìĹIJ", + "ëıĦ" + ], + [ + "г", + "аз" + ], + [ + "Ġ׳×ķס", + "פ×Ļ×Ŀ" + ], + [ + "ãģĵãģ¨", + "ãģ§" + ], + [ + "Ġت", + "ÙĪ" + ], + [ + "ãģ§", + "ãģĤãĤĬ" + ], + [ + "à¸Ļั", + "à¹Īà¸ĩ" + ], + [ + "ĠможеÑĤ", + "е" + ], + [ + "sz", + "ÄĻ" + ], + [ + "ãģ®", + "ãģł" + ], + [ + "ĠÙħÙĨ", + "Ùĩ" + ], + [ + "Ġb", + "á»ķ" + ], + [ + "Ġb", + "üt" + ], + [ + "Ġbüt", + "ün" + ], + [ + "ë³´", + "ê³ł" + ], + [ + "Ġch", + "á»ĵng" + ], + [ + "à¹ģà¸Ī", + "à¹īà¸ĩ" + ], + [ + "ĠV", + "ì" + ], + [ + "ĠØŃ", + "ر" + ], + [ + "Ġgi", + "ản" + ], + [ + "ĠÙħ", + "دÙĬÙĨØ©" + ], + [ + "تط", + "بÙĬÙĤ" + ], + [ + "à¸Ī", + "ิ" + ], + [ + "æĹ¥", + "ãģ®" + ], + [ + "б", + "ил" + ], + [ + "à¸ģ", + "à¸Ńà¸ĩ" + ], + [ + "ê³", + "³" + ], + [ + "ĠØ£", + "Ùħا" + ], + [ + "ìĨ", + "IJ" + ], + [ + "Ġtr", + "ái" + ], + [ + "ĠвÑģ", + "ем" + ], + [ + "Ġس", + "ÙĨØ©" + ], + [ + "ĠÑģай", + "ÑĤ" + ], + [ + "Ġг", + "оÑĤов" + ], + [ + "п", + "Ñĭ" + ], + [ + "ĠëIJ", + "ł" + ], + [ + "ĠاÙĦØ®", + "Ø·" + ], + [ + "ĠاÙĦرئÙĬس", + "ÙĬØ©" + ], + [ + "Ġíķ", + "©ëĭĪëĭ¤" + ], + [ + "ĠìķĦëĭĪ", + "ëĿ¼" + ], + [ + "ĠìĿ´", + "ëłĩ" + ], + [ + "ĠìĿ´ëłĩ", + "ê²Į" + ], + [ + ")", + "ØĮ" + ], + [ + "h", + "ält" + ], + [ + "ĠØ£", + "Ùħر" + ], + [ + "Ġع", + "Ùħر" + ], + [ + "à¸ģà¹ĩ", + "à¸Īะ" + ], + [ + "Ġ", + "à¸Ĺำà¹ĥหà¹ī" + ], + [ + "Ġc", + "ân" + ], + [ + "Ġ×ij", + "׾" + ], + [ + "Ġ×ij׾", + "×ij×ĵ" + ], + [ + "פ", + "סק" + ], + [ + "ĠÙĬ", + "ÙĤÙĪÙĦ" + ], + [ + "н", + "ÑĥÑĤÑĮ" + ], + [ + "à¹ģ", + "à¸Ħ" + ], + [ + "Ġ×§", + "צת" + ], + [ + "Ġn", + "ằm" + ], + [ + "Ġh", + "òa" + ], + [ + "bilit", + "Ãł" + ], + [ + "ĠìĹĨ", + "ëĭ¤" + ], + [ + "Ġ׼", + "פ×Ļ" + ], + [ + "ÑĢ", + "ож" + ], + [ + "лаг", + "а" + ], + [ + "Ġ×Ķש", + "×Ļ" + ], + [ + "ĠNgo", + "Ãłi" + ], + [ + "ĠÙĪ", + "ج" + ], + [ + "ĠÙĪØ¬", + "ÙĪØ¯" + ], + [ + "ĠìľĦ", + "íķľ" + ], + [ + "Ġus", + "ÅĤug" + ], + [ + "Ġtu", + "ần" + ], + [ + "d", + "ź" + ], + [ + "×ŀ", + "×ķף" + ], + [ + "ĠاÙĦع", + "دÙĬد" + ], + [ + "Ġch", + "ẳng" + ], + [ + "สุà¸Ĥ", + "à¸łà¸²à¸ŀ" + ], + [ + "Ġ×ij", + "×ĵר×ļ" + ], + [ + "ĠÑģеб", + "е" + ], + [ + "ĠìŀĪ", + "ìĿĦ" + ], + [ + "ĠاÙĦØŃ", + "اÙĦ" + ], + [ + "Ġd", + "á" + ], + [ + "Ġc", + "ưá»Ŀi" + ], + [ + "Ġnghi", + "ên" + ], + [ + "ie", + "ÅĦ" + ], + [ + "ĠD", + "ương" + ], + [ + "ï¼", + "ħ" + ], + [ + "Ø´", + "د" + ], + [ + "ãģĦãģ¤", + "ãĤĤ" + ], + [ + "ĠвÑĭб", + "оÑĢ" + ], + [ + "Ġc", + "á»Ļng" + ], + [ + "ש", + "×Ļ׳×ķ×Ļ" + ], + [ + "Ġch", + "ạy" + ], + [ + "Ġ×ij×¢", + "׾×Ļ" + ], + [ + "اخ", + "بار" + ], + [ + "íķĺ", + "ë©°" + ], + [ + "ż", + "Äħ" + ], + [ + "ج", + "از" + ], + [ + "Ġ׳", + "ר×IJ×Ķ" + ], + [ + "ศ", + "ู" + ], + [ + "ศู", + "à¸Ļ" + ], + [ + "ศูà¸Ļ", + "ยà¹Į" + ], + [ + "×Ĵ", + "×¢" + ], + [ + "Ġ×¢", + "×ĵ×Ļ" + ], + [ + "Ġ×¢×ĵ×Ļ", + "×Ļף" + ], + [ + "بر", + "ا" + ], + [ + "ÑĨи", + "й" + ], + [ + "ĠÄIJ", + "á»ĵng" + ], + [ + "ÙĤ", + "اÙĨÙĪÙĨ" + ], + [ + "ĠÄij", + "ứng" + ], + [ + "ãģĹãģŁ", + "ãĤĬ" + ], + [ + "Ġ×Ĺ×Ļ", + "×Ļ" + ], + [ + "Ġë", + "IJľ" + ], + [ + "ĠëIJľ", + "ëĭ¤" + ], + [ + "Ġм", + "еждÑĥ" + ], + [ + "à¸ŀวà¸ģ", + "à¹Ģà¸Ĥา" + ], + [ + "ĠB", + "ắc" + ], + [ + "ล", + "ำ" + ], + [ + "ë°", + "±" + ], + [ + "ĠíĻ", + "ķ" + ], + [ + "มาà¸ģ", + "ม" + ], + [ + "มาà¸ģม", + "าย" + ], + [ + "бан", + "к" + ], + [ + "à¸Ńา", + "à¸ģาร" + ], + [ + "Ġh", + "Ãł" + ], + [ + "Ġ׾", + "׳" + ], + [ + "à¸Ń", + "à¸Ń" + ], + [ + "Ġë°Ķ", + "ë¡ľ" + ], + [ + "л", + "ом" + ], + [ + "m", + "ática" + ], + [ + "ĠØŃ", + "د" + ], + [ + "اب", + "ت" + ], + [ + "à¸Ĺีà¹Ī", + "à¸Ļีà¹Ī" + ], + [ + "Ġco", + "ÅĽ" + ], + [ + "ÙģÙĬ", + "دÙĬ" + ], + [ + "ÙģÙĬدÙĬ", + "ÙĪ" + ], + [ + "ĠмеÑģÑĤ", + "о" + ], + [ + "Ġph", + "út" + ], + [ + "มาà¸ģ", + "à¸ģวà¹Īา" + ], + [ + "×IJ", + "פ" + ], + [ + "ب", + "ÙIJ" + ], + [ + "ĠPh", + "ú" + ], + [ + "ì±", + "Ħ" + ], + [ + "ĠÙĪ", + "سÙĦÙħ" + ], + [ + "à¸Īี", + "à¸Ļ" + ], + [ + "поÑĤ", + "ÑĢеб" + ], + [ + "Ġ×Ĺ×ĵ", + "ש×ķת" + ], + [ + "Ø´", + "ÙĪ" + ], + [ + "Ġעצ", + "×ŀ×ķ" + ], + [ + "ĠعÙħÙĦ", + "ÙĬØ©" + ], + [ + "à¸Ħุà¸ĵ", + "à¸łà¸²à¸ŀ" + ], + [ + "ãģ¾ãģĻ", + "ãģĮ" + ], + [ + "دع", + "ÙĪ" + ], + [ + "طر", + "ÙĤ" + ], + [ + "à¹Ħมà¹Ī", + "à¸ķà¹īà¸Ńà¸ĩ" + ], + [ + "ë²", + "Ķ" + ], + [ + "ìĬ", + "¹" + ], + [ + "Ġk", + "ÃŃch" + ], + [ + "ĠìĹĨ", + "ëĬĶ" + ], + [ + "ĠÑĤ", + "ам" + ], + [ + "ĠÙĨ", + "ØŃÙĪ" + ], + [ + "ĠاÙĦÙĤ", + "اÙĨÙĪÙĨ" + ], + [ + "×Ĺ", + "×ķ×Ŀ" + ], + [ + "Ġk", + "ız" + ], + [ + "Ġ×ĵ", + "×Ļף" + ], + [ + "ĠвÑĢем", + "ени" + ], + [ + "ãģ£ãģŁ", + "ãĤĬ" + ], + [ + "ĠØ´", + "Ùĩر" + ], + [ + "ĠìĦľ", + "ë¹ĦìĬ¤" + ], + [ + "×¢", + "ש×Ķ" + ], + [ + "Ġgi", + "ác" + ], + [ + "ĠاÙĦسÙĦ", + "اÙħ" + ], + [ + "Ġ×IJ", + "ש" + ], + [ + "ĠполÑĥÑĩ", + "а" + ], + [ + "à¸Īัà¸Ķ", + "à¸ģาร" + ], + [ + "к", + "оÑĢ" + ], + [ + "Ġ×Ķ×ĺ", + "×ķ×ij" + ], + [ + "ราย", + "à¸ģาร" + ], + [ + "주", + "ìĿĺ" + ], + [ + "à¹ģà¸ķà¹Ī", + "ละ" + ], + [ + "Ġê·¸ëŁ°", + "ëį°" + ], + [ + "à¸Ĺีà¹Ī", + "à¹Ģà¸Ľà¹ĩà¸Ļ" + ], + [ + "Ġת", + "×ķ×ļ" + ], + [ + "بÙĬ", + "اÙĨ" + ], + [ + "Ð", + "Ļ" + ], + [ + "oÅĽci", + "Äħ" + ], + [ + "ÑĤ", + "ок" + ], + [ + "ĠÃ", + "Ķ" + ], + [ + "ĠÃĶ", + "ng" + ], + [ + "à¹Ħมà¹Ī", + "à¹ĥà¸Ĭà¹Ī" + ], + [ + "ãģ¿", + "ãģ¦" + ], + [ + "ÐŁ", + "о" + ], + [ + "ĠЧ", + "ÑĤо" + ], + [ + "íĻ", + "©" + ], + [ + "×ĺ", + "×ij×¢" + ], + [ + "меÑĤ", + "ÑĢ" + ], + [ + "Ġ×ij", + "×ŀ×Ķ" + ], + [ + "Ġ×ij×ŀ×Ķ", + "׾" + ], + [ + "Ġ×ij×ŀ×Ķ׾", + "×ļ" + ], + [ + "Ñĩ", + "ÑĮ" + ], + [ + "×§", + "ש×Ķ" + ], + [ + "з", + "нак" + ], + [ + "знак", + "ом" + ], + [ + "uj", + "ÄĻ" + ], + [ + "×Ļצ", + "ר" + ], + [ + "ĠاÙĦÙħ", + "ÙĦÙĥ" + ], + [ + "ı", + "yla" + ], + [ + "×IJ×ŀ", + "ת" + ], + [ + "à¸Ľ", + "ิà¸Ķ" + ], + [ + "×IJ", + "×Ĺ×ĵ" + ], + [ + "ر", + "اد" + ], + [ + "Ġm", + "áºŃt" + ], + [ + "ëĭ¤", + "ëĬĶ" + ], + [ + "Ġl", + "ạnh" + ], + [ + "ש׾", + "×ķש" + ], + [ + "ØŃ", + "دÙĬØ«" + ], + [ + "ت", + "ز" + ], + [ + "å¹´", + "ãģ®" + ], + [ + "Ġк", + "ваÑĢ" + ], + [ + "ĠкваÑĢ", + "ÑĤиÑĢ" + ], + [ + "ä½ľ", + "ãĤĬ" + ], + [ + "رÙĪ", + "ب" + ], + [ + "ов", + "ан" + ], + [ + "ĠТ", + "е" + ], + [ + "à¸Īำ", + "à¸ģ" + ], + [ + "à¸Īำà¸ģ", + "ัà¸Ķ" + ], + [ + "ب", + "اط" + ], + [ + "×Ĵ", + "ת" + ], + [ + "Ġм", + "аÑĪ" + ], + [ + "ĠмаÑĪ", + "ин" + ], + [ + "×Ļצ", + "×Ķ" + ], + [ + "ãģ»", + "ãģ¨" + ], + [ + "ãģ»ãģ¨", + "ãĤĵãģ©" + ], + [ + "ÃŃ", + "do" + ], + [ + "ĠÑı", + "зÑĭк" + ], + [ + "à¸ļ", + "ิà¸Ļ" + ], + [ + "สà¸ĸาà¸Ļ", + "à¸Ĺีà¹Ī" + ], + [ + "ĠìĹ", + "´" + ], + [ + "ãĤ¦", + "ãĤ§" + ], + [ + "Ġc", + "Ãł" + ], + [ + "п", + "ан" + ], + [ + "åı£", + "ãĤ³ãĥŁ" + ], + [ + "Ġر", + "د" + ], + [ + "اÙĤ", + "ت" + ], + [ + "ĠÙĥ", + "ب" + ], + [ + "ĠÙĥب", + "ÙĬرة" + ], + [ + "ÑģÑĤ", + "ал" + ], + [ + "ש×ŀ", + "×Ĺ" + ], + [ + "pos", + "ición" + ], + [ + "ĠÙħÙĦÙĬ", + "ÙĪÙĨ" + ], + [ + "ĠìĿ´", + "ìķ¼" + ], + [ + "ĠìĿ´ìķ¼", + "기" + ], + [ + "Ġh", + "út" + ], + [ + "ĠÅĽw", + "iat" + ], + [ + "Ġë°©", + "ë²ķ" + ], + [ + "ĠÑģв", + "еÑĤ" + ], + [ + "Ġвиде", + "о" + ], + [ + "ĠاÙĦÙĨ", + "ظاÙħ" + ], + [ + "Ġtr", + "á»Ŀi" + ], + [ + "ĠëĮĢ", + "íķ´ìĦľ" + ], + [ + "ר", + "×ŀת" + ], + [ + "ت", + "داÙĪÙĦ" + ], + [ + "×ķר", + "×ĵ" + ], + [ + "ת", + "×ŀ" + ], + [ + "ת×ŀ", + "×ķ׳×ķת" + ], + [ + "Ġ×ŀ", + "ף" + ], + [ + "Ġдв", + "а" + ], + [ + "Ġ×Ķ×§", + "×ķ" + ], + [ + "æĹ¥", + "ãģ«" + ], + [ + "Ġ×Ķ×Ĵ", + "×Ļ×¢" + ], + [ + "à¹Ģà¸ŀิà¹Īม", + "à¹Ģà¸ķิม" + ], + [ + "Ùħار", + "س" + ], + [ + "Ġê²ĥ", + "ìŀħëĭĪëĭ¤" + ], + [ + "ãģªãģĦ", + "ãģ¨" + ], + [ + "Ġnhi", + "á»ĩt" + ], + [ + "ëIJ", + "©ëĭĪëĭ¤" + ], + [ + "Ġ×ij׳", + "×ķש×IJ" + ], + [ + "Ġê°Ģ", + "ìŀ¥" + ], + [ + "Ġv", + "ợ" + ], + [ + "ĠÄij", + "óng" + ], + [ + "צ×Ļ׾", + "×ķ×Ŀ" + ], + [ + "ê´Ģ", + "ê³Ħ" + ], + [ + "в", + "аÑı" + ], + [ + "×IJ", + "×Ļ×ĸ" + ], + [ + "×IJ×Ļ×ĸ", + "×Ķ" + ], + [ + "ĠÙĨ", + "ظاÙħ" + ], + [ + "ÙħØŃ", + "اÙ쨏" + ], + [ + "Ġt", + "ải" + ], + [ + "기", + "ëıĦ" + ], + [ + "à¸Ľà¸±à¸Ī", + "à¸Īุ" + ], + [ + "à¸Ľà¸±à¸Īà¸Īุ", + "à¸ļัà¸Ļ" + ], + [ + "׼", + "×ĵ×ķר" + ], + [ + "ĠìķĦ", + "ìĿ´" + ], + [ + "׼׳", + "×Ļס" + ], + [ + "à¹Ģ", + "à¸ķร" + ], + [ + "à¹Ģà¸ķร", + "ียม" + ], + [ + "Ġngo", + "ại" + ], + [ + "ĠدÙĪÙĦ", + "ار" + ], + [ + "Ġr", + "ẻ" + ], + [ + "Ġkh", + "Äĥn" + ], + [ + "عد", + "د" + ], + [ + "Ø´", + "عب" + ], + [ + "czy", + "Äĩ" + ], + [ + "ĠاÙĦ", + "Ùĥر" + ], + [ + "ĠÑĩеловек", + "а" + ], + [ + "ĠÙĪ", + "Ø¥ÙĨ" + ], + [ + "×IJ", + "×ĺ" + ], + [ + "Ġth", + "Æ¡" + ], + [ + "ĠاÙĦ", + "رÙĬاض" + ], + [ + "оп", + "ÑĢедел" + ], + [ + "опÑĢедел", + "ен" + ], + [ + "×Ķ", + "×ŀש×ļ" + ], + [ + "ĠÐĿ", + "ово" + ], + [ + "з", + "Ñĭва" + ], + [ + "ĠاÙĦدÙĪÙĦ", + "ÙĬ" + ], + [ + "ĠÄij", + "áp" + ], + [ + "Ġк", + "ÑĢед" + ], + [ + "ĠкÑĢед", + "иÑĤ" + ], + [ + "ов", + "ого" + ], + [ + "Ġm", + "ôn" + ], + [ + "à¸Ľà¸£à¸°", + "à¹Ĥย" + ], + [ + "à¸Ľà¸£à¸°à¹Ĥย", + "à¸Ĭà¸Ļ" + ], + [ + "à¸Ľà¸£à¸°à¹Ĥยà¸Ĭà¸Ļ", + "à¹Į" + ], + [ + "ÑģÑĤ", + "е" + ], + [ + "ĠTh", + "á»ĭ" + ], + [ + "د", + "ÙĬØ©" + ], + [ + "×ŀצ", + "×ķ" + ], + [ + "Ùģ", + "ات" + ], + [ + "×§", + "×ĵ×Ŀ" + ], + [ + "ìĿ´ëĿ¼", + "ê³ł" + ], + [ + "ÙĪ", + "Ø®" + ], + [ + "Ġ×Ĺ", + "×ĸ" + ], + [ + "ĠÑĦоÑĤ", + "о" + ], + [ + "׾", + "×Ļת" + ], + [ + "ت", + "Ùİ" + ], + [ + "ÙĪ", + "بر" + ], + [ + "й", + "ÑĤи" + ], + [ + "ĠÃ¶ÄŁ", + "ren" + ], + [ + "Ġ×Ķ×ĸ", + "×ķ" + ], + [ + "Ġv", + "á»įng" + ], + [ + "ÙĤÙĪ", + "Ø©" + ], + [ + "ĠT", + "ây" + ], + [ + "ĠÐĿ", + "и" + ], + [ + "Ġש", + "×ķ×ij" + ], + [ + "ãģ¨è¨Ģ", + "ãĤıãĤĮ" + ], + [ + "ãģ©", + "ãĤĵãģª" + ], + [ + "×Ĺ", + "צ×Ļ" + ], + [ + "ï½", + "ľ" + ], + [ + "Ġ×ķ×Ķ", + "×ķ×IJ" + ], + [ + "ä¸Ģ", + "ãģ¤" + ], + [ + "ĠÑģÑĤо", + "иÑĤ" + ], + [ + "ni", + "Äħ" + ], + [ + "×ĺר", + "×Ļ" + ], + [ + "ĠдеÑĤ", + "ей" + ], + [ + "нÑı", + "ÑĤÑĮ" + ], + [ + "ĠÑģдел", + "аÑĤÑĮ" + ], + [ + "Ġë§İ", + "ìĿ´" + ], + [ + "ä½ķ", + "ãģĭ" + ], + [ + "ãģĽ", + "ãĤĭ" + ], + [ + "à¹Ħ", + "หม" + ], + [ + "à¸ķิà¸Ķ", + "à¸ķà¹Īà¸Ń" + ], + [ + "Ġ×ij", + "ת×Ĺ" + ], + [ + "Ġ×ijת×Ĺ", + "×ķ×Ŀ" + ], + [ + "ìĻ", + "Ħ" + ], + [ + "ì§Ģ", + "ëĬĶ" + ], + [ + "ÑģÑĤ", + "аÑĤ" + ], + [ + "ÑıÑģ", + "н" + ], + [ + "ü", + "b" + ], + [ + "Ġth", + "ả" + ], + [ + "Ġ×ij×IJ×ŀ", + "ת" + ], + [ + "Ġt", + "uyến" + ], + [ + "×ĵ", + "×Ļר×Ķ" + ], + [ + "Ġ×IJ", + "×Ļש×Ļ" + ], + [ + "×ĸ׼", + "ר" + ], + [ + "ãģ°", + "ãģĭãĤĬ" + ], + [ + "Ġx", + "ét" + ], + [ + "׼", + "×Ļ×ķ" + ], + [ + "׼×Ļ×ķ", + "×ķף" + ], + [ + "diÄŁ", + "ini" + ], + [ + "ĠاÙĦÙħ", + "ÙĪØ¶ÙĪØ¹" + ], + [ + "Ġh", + "áºŃu" + ], + [ + "à¸Īาà¸ģ", + "à¸ģาร" + ], + [ + "×ijס", + "×Ļס" + ], + [ + "Ġ×ŀ×Ĵ", + "×Ļ×¢" + ], + [ + "×ij", + "×Ļ×¢" + ], + [ + "ĠÙĪ", + "جÙĩ" + ], + [ + "à¹ģà¸Ķ", + "à¸ĩ" + ], + [ + "à¸Ļ", + "าà¸ĩ" + ], + [ + "ĠÅŀ", + "a" + ], + [ + "ì", + "¡´" + ], + [ + "ë¡", + "Ģ" + ], + [ + "à¸ķ", + "ะ" + ], + [ + "Ġ×Ķ×Ĺ×Ļ", + "×Ļ×Ŀ" + ], + [ + "Ùģ", + "ÙĬد" + ], + [ + "ãģ§ãģĻ", + "ãģĭãĤī" + ], + [ + "ê·", + "ľ" + ], + [ + "ź", + "ni" + ], + [ + "ĠлÑİ", + "дей" + ], + [ + "Ġyüz", + "de" + ], + [ + "ıy", + "orum" + ], + [ + "ĠاÙĦ", + "بØŃر" + ], + [ + "e", + "ño" + ], + [ + "п", + "аÑĢ" + ], + [ + "ÙĬ", + "ÙĤØ©" + ], + [ + "об", + "ÑĢ" + ], + [ + "ר", + "×ķ×ļ" + ], + [ + "ت", + "ÙĪÙĤع" + ], + [ + "ĠاÙĦØ´", + "ÙĬØ®" + ], + [ + "åĪĿ", + "ãĤģãģ¦" + ], + [ + "ĠÑĤ", + "елеÑĦ" + ], + [ + "ĠÑĤелеÑĦ", + "он" + ], + [ + "Ġth", + "ôi" + ], + [ + "Ġ×Ļ׼×ķ׾", + "×Ļ×Ŀ" + ], + [ + "ĠÅŁ", + "irk" + ], + [ + "ĠÅŁirk", + "et" + ], + [ + "Ġìļ°ë¦¬", + "ê°Ģ" + ], + [ + "ĠÄij", + "ông" + ], + [ + "Ġת", + "×ķ×ĵ×Ķ" + ], + [ + "ÑģмоÑĤÑĢ", + "еÑĤÑĮ" + ], + [ + "ĠÙĦ", + "ÙĩÙħ" + ], + [ + "Ġ׾", + "׼" + ], + [ + "ĠN", + "ó" + ], + [ + "ĠØŃ", + "اÙĦØ©" + ], + [ + "ãģĦ", + "ãģij" + ], + [ + "קר", + "×ķ" + ], + [ + "az", + "ı" + ], + [ + "ãĤ³", + "ãĥ¼" + ], + [ + "ĠÙĦÙĦ", + "ت" + ], + [ + "s", + "ınız" + ], + [ + "ĠH", + "ải" + ], + [ + "기", + "ìĪł" + ], + [ + "ยัà¸ĩ", + "à¹Ħมà¹Ī" + ], + [ + "ëĭ¤", + "ê³ł" + ], + [ + "פ", + "×Ĺ" + ], + [ + "Ġ׾×Ĵ", + "×ij×Ļ" + ], + [ + "Ġع", + "ÙĨÙĩ" + ], + [ + "Ġк", + "аз" + ], + [ + "Ġказ", + "ино" + ], + [ + "ب", + "ÙĪØ±" + ], + [ + "ÑĦ", + "еÑĢ" + ], + [ + "Ġê°Ļ", + "ìĿ´" + ], + [ + "تس", + "جÙĬÙĦ" + ], + [ + "ĠاÙĦÙħ", + "رÙĥز" + ], + [ + "ĠTh", + "ái" + ], + [ + "д", + "аÑĤÑĮ" + ], + [ + "×ŀ×Ļ", + "×Ļ׾" + ], + [ + "Ġpay", + "laÅŁ" + ], + [ + "ãģ¤", + "ãģ®" + ], + [ + "à¹Ģร", + "ืà¸Ń" + ], + [ + "n", + "ça" + ], + [ + "׳", + "×ķ×Ĺ" + ], + [ + "Ġ×IJ", + "פ×Ļ׾×ķ" + ], + [ + "ãģ¨", + "èĢĥãģĪ" + ], + [ + "ãģ¨ãģĹãģ¦", + "ãģ¯" + ], + [ + "à¹Ģà¸Ī", + "à¸Ń" + ], + [ + "×ŀ", + "פ" + ], + [ + "Ġg", + "iriÅŁ" + ], + [ + "л", + "иÑĤ" + ], + [ + "ÑĤ", + "елÑı" + ], + [ + "Ñij", + "н" + ], + [ + "æ°Ĺ", + "ãģ«" + ], + [ + "Ġg", + "ó" + ], + [ + "Ġgó", + "p" + ], + [ + "åĪĩ", + "ãĤĬ" + ], + [ + "Ġ×Ķ", + "×Ĺ×ĵש" + ], + [ + "ж", + "ал" + ], + [ + "Ġ×ĵ", + "עת" + ], + [ + "éģķ", + "ãģĨ" + ], + [ + "à¹Ģà¸Ĥà¹īา", + "à¹Ħà¸Ľ" + ], + [ + "Ġס", + "ר×ĺ" + ], + [ + "e", + "ña" + ], + [ + "æĸ°", + "ãģĹãģĦ" + ], + [ + "ر", + "Ùİ" + ], + [ + "ĠÐIJ", + "ÑĢ" + ], + [ + "Ġph", + "ản" + ], + [ + "à¸Īะ", + "à¹Ħà¸Ķà¹ī" + ], + [ + "Ġ×ijצ", + "×ķר×Ķ" + ], + [ + "Ø´", + "اÙĩ" + ], + [ + "شاÙĩ", + "د" + ], + [ + "ÙĪØ±", + "د" + ], + [ + "à¹Ģà¸Ļืà¹Īà¸Ńà¸ĩ", + "à¸Īาà¸ģ" + ], + [ + "или", + "ÑģÑĮ" + ], + [ + "à¹ģละ", + "à¸ģาร" + ], + [ + "Ġ×Ķ", + "×ĸ׼" + ], + [ + "Ġ×Ķ×ĸ׼", + "×ķ×Ļ×ķת" + ], + [ + "ei", + "ÃŁ" + ], + [ + "ãĥ", + "¨" + ], + [ + "ìĥ", + "Ī" + ], + [ + "ĠÃĩ", + "a" + ], + [ + "Æ", + "¯" + ], + [ + "ש", + "×Ĵ" + ], + [ + "ÙĬÙĨ", + "Ø©" + ], + [ + "ร", + "à¹īà¸Ńà¸ĩ" + ], + [ + "ãĤµ", + "ãĥ³" + ], + [ + "ÑĢоÑģÑģ", + "ий" + ], + [ + "ÑĢоÑģÑģий", + "Ñģк" + ], + [ + "a", + "ÄŁa" + ], + [ + "ĠнаÑĩ", + "ина" + ], + [ + "Ġص", + "ÙĦÙī" + ], + [ + "à¸Ĺุà¸ģ", + "à¸Ħà¸Ļ" + ], + [ + "íļĮ", + "ìĤ¬" + ], + [ + "Ġли", + "ÑĨ" + ], + [ + "Ø´", + "ÙĬر" + ], + [ + "ĠØ´ÙĬ", + "Ø¡" + ], + [ + "ÙĬÙĨ", + "ا" + ], + [ + "Ġפ", + "×Ĺ×ķת" + ], + [ + "Ġiçer", + "is" + ], + [ + "Ġiçeris", + "inde" + ], + [ + "ĠØ£", + "ØŃÙħد" + ], + [ + "Ġże", + "by" + ], + [ + "ì´", + "Ŀ" + ], + [ + "Ġп", + "оказ" + ], + [ + "Ġи", + "менно" + ], + [ + "หà¸Ļัà¸ĩ", + "ส" + ], + [ + "หà¸Ļัà¸ĩส", + "ืà¸Ń" + ], + [ + "ĠÑĤÑĢ", + "е" + ], + [ + "สัà¸ĩ", + "à¸Ħม" + ], + [ + "Ø¥", + "ÙIJ" + ], + [ + "ãģĮ", + "å¿ħè¦ģ" + ], + [ + "ÙĬÙij", + "Ø©" + ], + [ + "פ", + "צ" + ], + [ + "íĭ", + "°" + ], + [ + "ĠÙħ", + "جاÙĦ" + ], + [ + "׳", + "פש" + ], + [ + "к", + "ан" + ], + [ + "×Ĺ", + "×ķפ" + ], + [ + "×Ĺ×ķפ", + "ש" + ], + [ + "ì²ĺ", + "ëŁ¼" + ], + [ + "ов", + "аÑı" + ], + [ + "з", + "ов" + ], + [ + "Ġh", + "ạ" + ], + [ + "Ġdzi", + "ÄĻki" + ], + [ + "×Ļר", + "×ķ" + ], + [ + "Ġ׾", + "×ŀצ" + ], + [ + "Ġ׾×ŀצ", + "×ķ×IJ" + ], + [ + "×Ļ×ĵ", + "×ķ" + ], + [ + "Ġs", + "ợ" + ], + [ + "Ġ׾×Ķ", + "×Ĵ×Ļ×¢" + ], + [ + "×§", + "×ij×¢" + ], + [ + "Ġchi", + "á»ģu" + ], + [ + "ãĥŀ", + "ãĤ¤" + ], + [ + "Ġd", + "Ãłng" + ], + [ + "à¹ģà¸Ł", + "à¸Ļ" + ], + [ + "Ġü", + "ye" + ], + [ + "×Ļ׳", + "×Ĵ" + ], + [ + "à¹Ģรีย", + "à¸ģ" + ], + [ + "ç§ģ", + "ãģĮ" + ], + [ + "th", + "é" + ], + [ + "ĠÑĦ", + "илÑĮ" + ], + [ + "ĠÑĦилÑĮ", + "м" + ], + [ + "ĠNg", + "Ãły" + ], + [ + "Ġж", + "ен" + ], + [ + "Ġжен", + "Ñīин" + ], + [ + "ج", + "ÙĬد" + ], + [ + "n", + "ç" + ], + [ + "à¸Ľ", + "รา" + ], + [ + "×Ļ×ŀ", + "×ķ" + ], + [ + "Ġn", + "á»ģn" + ], + [ + "×IJ", + "×ķ׾×Ŀ" + ], + [ + "Ġвозмож", + "ноÑģÑĤÑĮ" + ], + [ + "Ġëĭ¤", + "ìĭľ" + ], + [ + "è¦ĭ", + "ãģŁ" + ], + [ + "à¸ĸ", + "à¸Ļ" + ], + [ + "à¸ĸà¸Ļ", + "à¸Ļ" + ], + [ + "mız", + "ı" + ], + [ + "ĠÙħ", + "جÙħÙĪØ¹Ø©" + ], + [ + "c", + "jÄħ" + ], + [ + "ĠÐł", + "Ф" + ], + [ + "à¸ģำ", + "หà¸Ļ" + ], + [ + "à¸ģำหà¸Ļ", + "à¸Ķ" + ], + [ + "ĠìŬ", + "기" + ], + [ + "land", + "ı" + ], + [ + "ни", + "ÑĨ" + ], + [ + "ÑģÑĤв", + "е" + ], + [ + "Ġ×ĵ", + "×ijר×Ļ×Ŀ" + ], + [ + "Ġsk", + "ÅĤad" + ], + [ + "ãĤĬ", + "ãģ¾ãģĹãģŁ" + ], + [ + "ĠоÑĤ", + "кÑĢÑĭÑĤ" + ], + [ + "нÑı", + "ÑĤ" + ], + [ + "ĠÑģво", + "ей" + ], + [ + "à¸Ī", + "ิà¸ķ" + ], + [ + "ĠкаÑĩеÑģÑĤв", + "е" + ], + [ + "Ġet", + "tiÄŁi" + ], + [ + "ìĤ¬", + "íķŃ" + ], + [ + "ĠاÙĦÙĬ", + "ÙħÙĨ" + ], + [ + "иÑĩеÑģки", + "й" + ], + [ + "ë¸", + "Į" + ], + [ + "Ġ×ij×IJר", + "×¥" + ], + [ + "Ġا", + "سÙħ" + ], + [ + "Ġиз", + "веÑģÑĤ" + ], + [ + "r", + "ão" + ], + [ + "Ġatt", + "ivitÃł" + ], + [ + "à¹Ģà¸Ľà¹ĩà¸Ļ", + "à¸ģาร" + ], + [ + "ĠاÙĦد", + "Ùĥت" + ], + [ + "ĠاÙĦدÙĥت", + "ÙĪØ±" + ], + [ + "ĠÙĪØ§ØŃد", + "Ø©" + ], + [ + "ĠÑģ", + "ÑĩеÑĤ" + ], + [ + "ĠпÑĢ", + "иÑĩ" + ], + [ + "ĠпÑĢиÑĩ", + "ин" + ], + [ + "ĠÙĪØ²", + "ارة" + ], + [ + "Ġh", + "uyá»ĩn" + ], + [ + "ĠÙĥ", + "تاب" + ], + [ + "à¹ģà¸Ļ", + "à¹Īà¸Ļ" + ], + [ + "à¹ģà¸Ļà¹Īà¸Ļ", + "à¸Ńà¸Ļ" + ], + [ + "Ġgün", + "ü" + ], + [ + "г", + "ÑĢÑĥз" + ], + [ + "ĠاÙĦØ®", + "اص" + ], + [ + "Ġgör", + "ül" + ], + [ + "׾", + "×ŀ×ĵ" + ], + [ + "Ġìłķ", + "ëıĦ" + ], + [ + "×ķ×ij", + "×Ļ׾" + ], + [ + "Ġ×ŀ×§", + "צ×ķ×¢×Ļ" + ], + [ + "ĠоÑģоб", + "енно" + ], + [ + "à¸Ľà¸£à¸°", + "à¸ģา" + ], + [ + "à¸Ľà¸£à¸°à¸ģา", + "ศ" + ], + [ + "aca", + "ģını" + ], + [ + "ë¶", + "ģ" + ], + [ + "à¸łà¸¹", + "มิ" + ], + [ + "ĠÑį", + "лекÑĤ" + ], + [ + "ĠÑįлекÑĤ", + "ÑĢо" + ], + [ + "Ġ×§", + "ש×Ķ" + ], + [ + "سÙĦ", + "Ø·" + ], + [ + "à¸Ĭà¸Ļ", + "ะ" + ], + [ + "×¢", + "×Ļ׾" + ], + [ + "ĠЧ", + "е" + ], + [ + "à¹ģà¸Ļ", + "à¹Ī" + ], + [ + "lı", + "ÄŁ" + ], + [ + "lıģ", + "ın" + ], + [ + "Ġ×ŀ×¢", + "×¨×Ľ×ª" + ], + [ + "好ãģį", + "ãģª" + ], + [ + "มาà¸ģ", + "à¸Ĥึà¹īà¸Ļ" + ], + [ + "×ŀ×¢", + "×ijר" + ], + [ + "ĠاÙĦÙħ", + "غرب" + ], + [ + "ĠпеÑĢ", + "и" + ], + [ + "ĠпеÑĢи", + "од" + ], + [ + "Ġnh", + "ạc" + ], + [ + "ا", + "ÙĪÙĬ" + ], + [ + "ĠÙĪ", + "عÙĦÙī" + ], + [ + "أخ", + "ذ" + ], + [ + "ĠC", + "ô" + ], + [ + "תר", + "×ij×ķת" + ], + [ + "×Ĵ", + "×Ķ" + ], + [ + "Ġktóre", + "j" + ], + [ + "×IJ", + "×Ļת" + ], + [ + "×ij", + "×ķ×IJ" + ], + [ + "д", + "елÑĮ" + ], + [ + "รี", + "วิ" + ], + [ + "รีวิ", + "ว" + ], + [ + "ж", + "Ñĥ" + ], + [ + "Ġ×ij×Ĺ", + "×ķ" + ], + [ + "еÑĪ", + "ÑĮ" + ], + [ + "ĠØ£", + "ÙĦÙģ" + ], + [ + "ĠاÙĦÙĪ", + "Ø·ÙĨÙĬ" + ], + [ + "ĠاÙĦÙħÙĨ", + "Ø·ÙĤØ©" + ], + [ + "nÄħ", + "Äĩ" + ], + [ + "Ġthi", + "ên" + ], + [ + "иÑĩеÑģк", + "ой" + ], + [ + "ĠاÙĦÙħ", + "ÙĦ" + ], + [ + "Ġع", + "Ùħ" + ], + [ + "ס", + "פר" + ], + [ + "Ġnh", + "óm" + ], + [ + "ÙĪØµ", + "Ùģ" + ], + [ + "ĠCh", + "úng" + ], + [ + "Ġر", + "ÙĤÙħ" + ], + [ + "ãģ¾ãģĹãģŁ", + "ãģĮ" + ], + [ + "al", + "ité" + ], + [ + "ล", + "ม" + ], + [ + "ĠëĤ´", + "ê°Ģ" + ], + [ + "׾ק", + "×ķ×Ĺ" + ], + [ + "ĠS", + "Æ¡n" + ], + [ + "pos", + "ição" + ], + [ + "mi", + "ÄĻ" + ], + [ + "Ġtr", + "ánh" + ], + [ + "ĠÄIJ", + "á»Ļ" + ], + [ + "׼", + "×Ĺ" + ], + [ + "ãģĤ", + "ãģ£ãģ¦" + ], + [ + "à¸Ńย", + "à¹Īา" + ], + [ + "Ġ×ŀ×Ĺ", + "×Ļר" + ], + [ + "Ġ×Ķ", + "×Ļת×Ķ" + ], + [ + "à¸Ľ", + "à¹Īา" + ], + [ + "à¸Ńืà¹Īà¸Ļ", + "à¹Ĩ" + ], + [ + "Ø´", + "ÙĤ" + ], + [ + "×ł×¡", + "×Ļ" + ], + [ + "ë¦", + "¼" + ], + [ + "ãģ¦ãģĹãģ¾", + "ãģĨ" + ], + [ + "Ġ×ŀ", + "צ×ij" + ], + [ + "ãģ«", + "åĩº" + ], + [ + "ÙħÙĪØ§", + "Ø·ÙĨ" + ], + [ + "ยัà¸ĩ", + "มี" + ], + [ + "алÑĮ", + "нÑĭе" + ], + [ + "san", + "ız" + ], + [ + "Ø¥", + "سرائÙĬÙĦ" + ], + [ + "ĠvÃł", + "i" + ], + [ + "ì¤", + "Ħ" + ], + [ + "ã썿ĢĿ", + "ãģ£ãģ¦" + ], + [ + "×Ļ", + "×ķ׳×Ļ" + ], + [ + "çĶŁ", + "ãģį" + ], + [ + "Ġs", + "âu" + ], + [ + "Ñĩ", + "иÑģÑĤ" + ], + [ + "Ġl", + "á»ħ" + ], + [ + "ĠGi", + "á" + ], + [ + "à¸Ńุ", + "à¸Ľ" + ], + [ + "à¸Ńà¸¸à¸Ľ", + "à¸ģร" + ], + [ + "à¸Ńà¸¸à¸Ľà¸ģร", + "à¸ĵà¹Į" + ], + [ + "Ġnh", + "ẹ" + ], + [ + "r", + "ö" + ], + [ + "ס", + "×ĺ×Ļ" + ], + [ + "ãģķãĤĵ", + "ãģĮ" + ], + [ + "Ġd", + "ầu" + ], + [ + "ع", + "Ùİ" + ], + [ + "ت", + "را" + ], + [ + "×Ĵ×ĵ", + "׾" + ], + [ + "Ġtécn", + "ica" + ], + [ + "׼", + "׳×Ļ×Ŀ" + ], + [ + "תק", + "ש" + ], + [ + "תקש", + "×ķרת" + ], + [ + "Ġн", + "его" + ], + [ + "ét", + "ait" + ], + [ + "Ġm", + "á»ģm" + ], + [ + "Ñģ", + "еÑĤ" + ], + [ + "Ġnh", + "áºŃt" + ], + [ + "Ġ×ŀ", + "×¢×ľ" + ], + [ + "Ġ×Ķ×¢", + "×ij×ķ×ĵ" + ], + [ + "Ġ×Ķ×¢×ij×ķ×ĵ", + "×Ķ" + ], + [ + "Ġ×Ĵ", + "×Ļ׾" + ], + [ + "ãģ¯", + "ãģªãģĦ" + ], + [ + "ائ", + "ØŃ" + ], + [ + "Ġз", + "деÑģÑĮ" + ], + [ + "×IJ", + "×Ļ׳×ĺר" + ], + [ + "Ùħ", + "ÙIJ" + ], + [ + "Ġ×Ļ", + "×Ĺ×ĵ" + ], + [ + "ر", + "اÙģ" + ], + [ + "ì²ĺ", + "리" + ], + [ + "×ĵ", + "×¢×ķת" + ], + [ + "ì¹", + "ľ" + ], + [ + "ĠТ", + "о" + ], + [ + "ĠTh", + "ế" + ], + [ + "ì¶", + "©" + ], + [ + "Ġ׳׼", + "×ķף" + ], + [ + "عÙĬ", + "Ø´" + ], + [ + "ни", + "з" + ], + [ + "Ġج", + "اÙĨب" + ], + [ + "×ŀ×§", + "צ×ķ×¢" + ], + [ + "à¹Ĥ", + "à¸ĭ" + ], + [ + "Ñģ", + "ÑĥÑĤ" + ], + [ + "ìĸ´", + "ìļĶ" + ], + [ + "ãĤĴè¦ĭ", + "ãģ¦" + ], + [ + "ار", + "د" + ], + [ + "Ġaç", + "ıl" + ], + [ + "ĠاÙĦØŃ", + "ÙĬاة" + ], + [ + "à¸ģà¹ĩ", + "à¹Ħà¸Ķà¹ī" + ], + [ + "ãģĿãĤĮ", + "ãĤĴ" + ], + [ + "عض", + "ÙĪ" + ], + [ + "Ġг", + "ÑĢаж" + ], + [ + "ĠгÑĢаж", + "дан" + ], + [ + "à¸Īะ", + "à¸ķà¹īà¸Ńà¸ĩ" + ], + [ + "ĠìĿ´", + "룬" + ], + [ + "ĠìĿ´ë٬", + "íķľ" + ], + [ + "Ġtr", + "ách" + ], + [ + "ÙĨ", + "Ùİ" + ], + [ + "Ġkı", + "sa" + ], + [ + "Ã", + "Ķ" + ], + [ + "ÑĪ", + "ка" + ], + [ + "ãģ®", + "人" + ], + [ + "ĠÐŁ", + "оÑģ" + ], + [ + "ĠÐŁÐ¾Ñģ", + "ле" + ], + [ + "Ñĥ", + "лÑĮ" + ], + [ + "ÙĪØ§", + "جÙĩ" + ], + [ + "ÙĤ", + "رب" + ], + [ + "à¸Ľà¸ıิ", + "à¸ļัà¸ķิ" + ], + [ + "ê°", + "Ļ" + ], + [ + "Ġ×ŀ", + "׳" + ], + [ + "ĠÑģво", + "и" + ], + [ + "بر", + "اÙħج" + ], + [ + "Ġر", + "ÙĪ" + ], + [ + "пÑĢ", + "од" + ], + [ + "пÑĢод", + "аж" + ], + [ + "Ġby", + "ÅĤy" + ], + [ + "วั", + "ย" + ], + [ + "Ġgör", + "ün" + ], + [ + "ĠÃ", + "Ī" + ], + [ + "ÑİÑī", + "им" + ], + [ + "ĠÑĤак", + "ой" + ], + [ + "Ùģ", + "ÙĪØ±" + ], + [ + "ĠÙģ", + "عÙĦ" + ], + [ + "Ġб", + "ел" + ], + [ + "ëIJ", + "ł" + ], + [ + "er", + "ÃŃa" + ], + [ + "ĠÑģво", + "Ñİ" + ], + [ + "Ġl", + "ã" + ], + [ + "Ġlã", + "nh" + ], + [ + "à¹Ģà¸ŀืà¹Īà¸Ń", + "à¹ĥหà¹ī" + ], + [ + "ÙĤ", + "ÙĨ" + ], + [ + "تط", + "ÙĪÙĬر" + ], + [ + "Ġsay", + "ı" + ], + [ + "ĠÑģ", + "ейÑĩаÑģ" + ], + [ + "Ġ×IJ×Ĺר", + "ת" + ], + [ + "×§", + "×ķפ×Ķ" + ], + [ + "×§×ķר", + "ס" + ], + [ + "Ġس", + "Ùħ" + ], + [ + "Ġ×ĺ", + "×Ļפ×ķ׾" + ], + [ + "ìĿ´ëĿ¼", + "ëĬĶ" + ], + [ + "دراس", + "Ø©" + ], + [ + "èµ·", + "ãģĵ" + ], + [ + "×Ĺ", + "×Ļ׳" + ], + [ + "×Ĺ×Ļ׳", + "×ķ×ļ" + ], + [ + "×ĵ", + "×§" + ], + [ + "Ġë§", + "ŀ" + ], + [ + "Ġком", + "анд" + ], + [ + "ĠÐij", + "о" + ], + [ + "Ġиг", + "ÑĢÑĭ" + ], + [ + "à¸ļ", + "ี" + ], + [ + "ĠØ£", + "Ùİ" + ], + [ + "в", + "ен" + ], + [ + "ĠاÙĦج", + "دÙĬد" + ], + [ + "ĠÙĦ", + "Ø¥" + ], + [ + "Ġ×ķ×IJ", + "׳×Ļ" + ], + [ + "Ġ×Ķס", + "×Ļ" + ], + [ + "иÑĩеÑģк", + "ого" + ], + [ + "رÙĪ", + "ØŃ" + ], + [ + "à¸ģาร", + "ศึà¸ģษา" + ], + [ + "ĠTr", + "ưá»Ŀng" + ], + [ + "иг", + "ÑĢа" + ], + [ + "ıl", + "ması" + ], + [ + "Ġм", + "аÑģÑģ" + ], + [ + "ãģ¨ãģį", + "ãģ«" + ], + [ + "à¸Ĺีà¹Ī", + "à¸ľà¹Īาà¸Ļ" + ], + [ + "à¸Ĺีà¹Īà¸ľà¹Īาà¸Ļ", + "มา" + ], + [ + "ĠاÙĦساب", + "ÙĤ" + ], + [ + "Ġ×ŀ×¢", + "×ĺ" + ], + [ + "в", + "аÑĤÑĮ" + ], + [ + "m", + "Ã¼ÅŁ" + ], + [ + "Ġ׾", + "׼×ļ" + ], + [ + "Ġt", + "á»ĭch" + ], + [ + "Ùģ", + "ÙĩÙħ" + ], + [ + "تد", + "رÙĬب" + ], + [ + "Ø´", + "Ùĥ" + ], + [ + "Ġ×ij", + "×ŀ×Ļ" + ], + [ + "Ġ×ij×ŀ×Ļ", + "×ķ×Ĺ×ĵ" + ], + [ + "ÙĤØ·", + "اع" + ], + [ + "ãģª", + "ãģĹ" + ], + [ + "×ķצ", + "×Ļ×IJ" + ], + [ + "ĠÙĪ", + "سÙĬ" + ], + [ + "з", + "Ñĥ" + ], + [ + "Ġy", + "at" + ], + [ + "Ġyat", + "ırım" + ], + [ + "ë§", + "İ" + ], + [ + "Ġth", + "ắng" + ], + [ + "ãģĬ", + "客" + ], + [ + "ãģĬ客", + "æ§ĺ" + ], + [ + "ĠThi", + "ên" + ], + [ + "ãģ«å¯¾", + "ãģĹãģ¦" + ], + [ + "ÑĢ", + "иÑģ" + ], + [ + "ÙĨت", + "ائ" + ], + [ + "ÙĨتائ", + "ج" + ], + [ + "Ġ×ŀ", + "שר" + ], + [ + "Ġ×ŀשר", + "×ĵ" + ], + [ + "Ġتع", + "اÙĦ" + ], + [ + "ĠتعاÙĦ", + "Ùī" + ], + [ + "ש", + "׳×Ļ" + ], + [ + "Ùĩ", + "اÙħ" + ], + [ + "×IJ׳", + "ש×Ļ×Ŀ" + ], + [ + "Ġżyc", + "ia" + ], + [ + "ĠÑĢÑĥб", + "лей" + ], + [ + "ÙĬ", + "ض" + ], + [ + "Ġkat", + "ıl" + ], + [ + "ĠÙħ", + "ÙĪØ¶ÙĪØ¹" + ], + [ + "Ġvard", + "ır" + ], + [ + "ĠÙħÙĨ", + "Ø·ÙĤØ©" + ], + [ + "ĠTr", + "ần" + ], + [ + "Ġв", + "еÑģ" + ], + [ + "ü", + "p" + ], + [ + "Ùħ", + "ÙĪÙĨ" + ], + [ + "ÑĪ", + "ли" + ], + [ + "Ġn", + "óng" + ], + [ + "Ø®", + "ÙĦÙģ" + ], + [ + "ĠС", + "ÑĤа" + ], + [ + "Ġд", + "оÑĢ" + ], + [ + "ĠдоÑĢ", + "ог" + ], + [ + "ĠwÅĤa", + "ÅĽnie" + ], + [ + "eÄŁ", + "in" + ], + [ + "Ġhi", + "á»ĥm" + ], + [ + "ĠС", + "ам" + ], + [ + "ê»ĺ", + "ìĦľ" + ], + [ + "ĠÑĦ", + "а" + ], + [ + "ãģ»", + "ãģĨ" + ], + [ + "ãģ»ãģĨ", + "ãģĮ" + ], + [ + "×ķפ", + "×Ļ×¢" + ], + [ + "ê°", + "Ī" + ], + [ + "د", + "ÙĪÙĦ" + ], + [ + "Ġthu", + "ê" + ], + [ + "Ġch", + "á»Ĺ" + ], + [ + "Ġëĭ¹", + "ìĭł" + ], + [ + "ãģij", + "ãĤĮ" + ], + [ + "ãģijãĤĮ", + "ãģ©" + ], + [ + "ë³´", + "íĺ¸" + ], + [ + "ãģķãĤĮ", + "ãģ¦ãģĦãģ¾ãģĻ" + ], + [ + "Ġнад", + "о" + ], + [ + "ĠìĤ¬ëŀĮ", + "ëĵ¤" + ], + [ + "à¹Ģà¸Ĥ", + "à¸ķ" + ], + [ + "สม", + "ัย" + ], + [ + "z", + "ÅĤ" + ], + [ + "ت", + "ÙĪØ±" + ], + [ + "Ġש", + "ת×Ļ" + ], + [ + "v", + "ê" + ], + [ + "Ġ×ijת", + "×ķ×ļ" + ], + [ + "à¸Ĭ", + "ัย" + ], + [ + "ãģĦ", + "ãģ£ãģŁ" + ], + [ + "ìĿ", + "ij" + ], + [ + "Ġt", + "ầ" + ], + [ + "Ġtầ", + "ng" + ], + [ + "ש", + "׼ר" + ], + [ + "Ġê¸", + "Ģ" + ], + [ + "Ġ×Ķש", + "׳×Ķ" + ], + [ + "Ġا", + "ÙĨÙĩ" + ], + [ + "ç«ĭ", + "ãģ¡" + ], + [ + "r", + "és" + ], + [ + "füh", + "ren" + ], + [ + "ر", + "ØŃÙħ" + ], + [ + "ê·", + "¹" + ], + [ + "ĠâĢ", + "«" + ], + [ + "Ġsu", + "ất" + ], + [ + "à¸Ł", + "ิ" + ], + [ + "ÙĬ", + "Ùĩا" + ], + [ + "ĠاÙĦ", + "اتØŃاد" + ], + [ + "Ġt", + "uyá»ĥn" + ], + [ + "ãģ¾", + "ãĤĭ" + ], + [ + "Ġm", + "ại" + ], + [ + "Ġng", + "ân" + ], + [ + "ãĤ°", + "ãĥ©" + ], + [ + "欲", + "ãģĹãģĦ" + ], + [ + "س", + "ار" + ], + [ + "ãĤĤãģ®", + "ãģ§ãģĻ" + ], + [ + "ки", + "е" + ], + [ + "Ġseç", + "im" + ], + [ + "åħ¥", + "ãĤĬ" + ], + [ + "ãģªãģ©", + "ãĤĴ" + ], + [ + "ÑĤ", + "ÑĢи" + ], + [ + "ĠÑģп", + "еÑĨ" + ], + [ + "ĠØ£", + "د" + ], + [ + "Ġод", + "но" + ], + [ + "ÑĪ", + "ел" + ], + [ + "ãĥĩ", + "ãĥ¼ãĤ¿" + ], + [ + "ãĤ·", + "ãĤ¹ãĥĨ" + ], + [ + "ãĤ·ãĤ¹ãĥĨ", + "ãĥł" + ], + [ + "è¡Į", + "ãģį" + ], + [ + "ã썿ĢĿ", + "ãģ£ãģŁ" + ], + [ + "à¹Ģà¸ģิà¸Ķ", + "à¸Ĥึà¹īà¸Ļ" + ], + [ + "ĠÑĤ", + "ож" + ], + [ + "ĠÑĤож", + "е" + ], + [ + "Ġs", + "ạch" + ], + [ + "ĠÑģ", + "ÑĢок" + ], + [ + "Ġкли", + "енÑĤ" + ], + [ + "ĠÙħØ´", + "رÙĪØ¹" + ], + [ + "Ġalt", + "ında" + ], + [ + "Ġì", + "·¨" + ], + [ + "ä¸Ń", + "ãģ®" + ], + [ + "ãģķãģĽ", + "ãĤĭ" + ], + [ + "ãģĻ", + "ãģ¹" + ], + [ + "ãģĻãģ¹", + "ãģ¦" + ], + [ + "ê°ľ", + "ë°ľ" + ], + [ + "ĠÄij", + "êm" + ], + [ + "ãģªãģĦ", + "ãģ®ãģ§" + ], + [ + "ì²", + "ł" + ], + [ + "×¢", + "×ij×ĵ" + ], + [ + "Ġd", + "ấu" + ], + [ + "à¸Ħà¸Ļ", + "à¸Ĺีà¹Ī" + ], + [ + "ĠC", + "ách" + ], + [ + "تع", + "ÙĦÙĬÙħ" + ], + [ + "Ġh", + "ại" + ], + [ + "ãĤ»", + "ãĥķãĥ¬" + ], + [ + "ĠÙĨÙ쨳", + "Ùĩ" + ], + [ + "ĠíĨµ", + "íķ´" + ], + [ + "ÑĪ", + "ло" + ], + [ + "Ġнап", + "ÑĢав" + ], + [ + "ĠнапÑĢав", + "лен" + ], + [ + "ÑĢÑĥ", + "Ñĩ" + ], + [ + "íĶ", + "Į" + ], + [ + "Ġ×ijר", + "×Ļ×IJ" + ], + [ + "ãģ®", + "ãģ¿" + ], + [ + "ãģ«ãģĬ", + "ãģĦãģ¦" + ], + [ + "×ij", + "׳ק" + ], + [ + "ãĤ¨", + "ãĥ³" + ], + [ + "Ø«ÙĦ", + "اث" + ], + [ + "Ġm", + "ỹ" + ], + [ + "ĠÑģай", + "ÑĤе" + ], + [ + "Ġе", + "мÑĥ" + ], + [ + "ت", + "غÙĬ" + ], + [ + "تغÙĬ", + "ÙĬر" + ], + [ + "خص", + "ÙĪØµ" + ], + [ + "ÑĤе", + "ли" + ], + [ + "Ġ×ķ׾", + "׼ף" + ], + [ + "פע", + "×Ŀ" + ], + [ + "Ġпо", + "ÑįÑĤомÑĥ" + ], + [ + "ر", + "اÙĨ" + ], + [ + "иÑĤел", + "ей" + ], + [ + "пиÑģ", + "ан" + ], + [ + "×¢", + "×¥" + ], + [ + "ĠìĤ¬", + "ìĹħ" + ], + [ + "Ùħ", + "ز" + ], + [ + "جÙħ", + "ÙĬع" + ], + [ + "ë©´", + "ìĦľ" + ], + [ + "à¸ľà¸¥à¸´à¸ķ", + "à¸łà¸±" + ], + [ + "à¸ľà¸¥à¸´à¸ķà¸łà¸±", + "à¸ĵ" + ], + [ + "à¸ľà¸¥à¸´à¸ķà¸łà¸±à¸ĵ", + "à¸ij" + ], + [ + "à¸ľà¸¥à¸´à¸ķà¸łà¸±à¸ĵà¸ij", + "à¹Į" + ], + [ + "ĠпÑĢ", + "имеÑĢ" + ], + [ + "ãĤŃ", + "ãĥ¼" + ], + [ + "l", + "â" + ], + [ + "Ġch", + "Äĥm" + ], + [ + "缮", + "ãģ®" + ], + [ + "ãģĦ", + "ãģĭ" + ], + [ + "ãģ¨è¨Ģ", + "ãģĨ" + ], + [ + "×ĸ", + "×ķ×Ĵ" + ], + [ + "Ġ×ij", + "×ĵ×Ļ" + ], + [ + "Ġ×ij×ĵ×Ļ", + "×ķ×§" + ], + [ + "ãģĬ", + "åºĹ" + ], + [ + "à¸ķà¸Ńà¸Ļ", + "à¸Ļีà¹ī" + ], + [ + "Ġph", + "á»iji" + ], + [ + "п", + "ÑĤ" + ], + [ + "สà¸Ļ", + "าม" + ], + [ + "Ø·", + "ÙĪ" + ], + [ + "ص", + "اØŃ" + ], + [ + "صاØŃ", + "ب" + ], + [ + "ĠD", + "ü" + ], + [ + "ĠDü", + "nya" + ], + [ + "Ġп", + "ока" + ], + [ + "п", + "ал" + ], + [ + "ĠÄij", + "ảo" + ], + [ + "ĠاÙĦÙģ", + "ÙĪØ±" + ], + [ + "ĠاÙĦÙģÙĪØ±", + "Ùĥس" + ], + [ + "Ġmá", + "u" + ], + [ + "кÑĢ", + "еп" + ], + [ + "ĠاÙĦس", + "اعة" + ], + [ + "ĠгоÑĢ", + "ода" + ], + [ + "Ùģ", + "صÙĦ" + ], + [ + "ай", + "ÑĤе" + ], + [ + "Ġд", + "ог" + ], + [ + "Ġдог", + "овоÑĢ" + ], + [ + "ĠØ¥", + "ذ" + ], + [ + "Ġ×ij׼׾", + "׾" + ], + [ + "ÙĬ", + "تÙĩ" + ], + [ + "×Ĵ", + "×ijר" + ], + [ + "Ġbir", + "ç" + ], + [ + "Ġbirç", + "ok" + ], + [ + "문", + "íĻĶ" + ], + [ + "ãģĿãģĨ", + "ãģª" + ], + [ + "را", + "ØŃ" + ], + [ + "ĠÙħ", + "رة" + ], + [ + "ĠденÑĮ", + "ги" + ], + [ + "f", + "ä" + ], + [ + "à¸Ĥà¹īา", + "ว" + ], + [ + "ĠÑģов", + "ÑĢем" + ], + [ + "ĠÑģовÑĢем", + "енн" + ], + [ + "׾×Ĺ", + "×¥" + ], + [ + "èī¯", + "ãģı" + ], + [ + "ĠÙģ", + "Ø£" + ], + [ + "Ġ×ķ", + "×ĸ×Ķ" + ], + [ + "Ġз", + "ани" + ], + [ + "Ġзани", + "ма" + ], + [ + "Ġê°Ģì§Ģ", + "ê³ł" + ], + [ + "Ġh", + "Æ¡i" + ], + [ + "ãģªãģ®", + "ãģĭ" + ], + [ + "ãĥĨ", + "ãĥ¬ãĥĵ" + ], + [ + "Ġר", + "×ij×ķת" + ], + [ + "à¸ķ", + "ี" + ], + [ + "Ġ×ijש", + "×ł×ª" + ], + [ + "ĠT", + "ại" + ], + [ + "Ġthu", + "áºŃn" + ], + [ + "Ñģ", + "ел" + ], + [ + "Ñij", + "м" + ], + [ + "dzi", + "Äĩ" + ], + [ + "ĠÑģ", + "ка" + ], + [ + "ĠÑģка", + "Ñĩ" + ], + [ + "ĠÑģкаÑĩ", + "аÑĤÑĮ" + ], + [ + "×ķ×ŀ", + "×ķ" + ], + [ + "г", + "ла" + ], + [ + "Ġмин", + "ÑĥÑĤ" + ], + [ + "åĩº", + "ãģĻ" + ], + [ + "Ġ×Ĺ×Ļ", + "×Ļ×ij" + ], + [ + "Ġת", + "×Ĵ×ķ×ij×Ķ" + ], + [ + "à¸£à¸¹à¸Ľ", + "à¹ģà¸ļà¸ļ" + ], + [ + "ни", + "ÑĨа" + ], + [ + "Ġİ", + "n" + ], + [ + "ĠØ£", + "ع" + ], + [ + "Ġض", + "ÙħÙĨ" + ], + [ + "Ùħ", + "ثاÙĦ" + ], + [ + "ĠyaÅŁ", + "an" + ], + [ + "ĠìŰ", + "구" + ], + [ + "ĠL", + "ê" + ], + [ + "ש׾", + "×Ĺ" + ], + [ + "ãģı", + "ãģªãĤĭ" + ], + [ + "ìĹĨ", + "ìĿ´" + ], + [ + "ĠÑĤ", + "ÑĢи" + ], + [ + "ĠÑĩаÑģÑĤ", + "о" + ], + [ + "Ġоб", + "ÑĢаÑĤ" + ], + [ + "п", + "ло" + ], + [ + "د", + "Ø®" + ], + [ + "دخ", + "ÙĪÙĦ" + ], + [ + "س", + "Ùĩ" + ], + [ + "à¸Ń", + "าà¸ģ" + ], + [ + "à¸Ńาà¸ģ", + "าศ" + ], + [ + "Ġ׼", + "×ĸ×Ķ" + ], + [ + "Ġ×Ķ×¢", + "סק" + ], + [ + "ĠاÙĦØ£", + "ÙĨ" + ], + [ + "å¹´", + "ãģ«" + ], + [ + "×¢", + "ש×ķ" + ], + [ + "Ġש", + "×¢×ķת" + ], + [ + "Ġm", + "Ãłn" + ], + [ + "×IJר", + "×Ļ" + ], + [ + "sı", + "yla" + ], + [ + "Ù쨱", + "ÙĤ" + ], + [ + "ни", + "Ñħ" + ], + [ + "Ġت", + "ست" + ], + [ + "è¦ĭ", + "ãģ¦" + ], + [ + "ØŃا", + "ÙĪÙĦ" + ], + [ + "×IJ", + "×Ļ׼×ķת" + ], + [ + "ĠbaÅŁ", + "ladı" + ], + [ + "st", + "Äħ" + ], + [ + "stÄħ", + "pi" + ], + [ + "à¸Ĺีà¹Ī", + "à¹Ģรา" + ], + [ + "ÙĤر", + "ر" + ], + [ + "ج", + "اب" + ], + [ + "Ġ×ijר", + "×ķר" + ], + [ + "à¹Ģà¸Ĥà¹īา", + "à¹ĥà¸Ī" + ], + [ + "×ŀ×Ĺ", + "קר" + ], + [ + "al", + "ım" + ], + [ + "Ġס", + "×Ļפ×ķר" + ], + [ + "ãģ§ãģĤ", + "ãĤĮãģ°" + ], + [ + "Ġש×ŀ", + "×ķר×ķת" + ], + [ + "Ġ×ķ", + "×ŀ×Ķ" + ], + [ + "ãģĵ", + "ãģĿ" + ], + [ + "id", + "ée" + ], + [ + "ä¸ĭ", + "ãģķãģĦ" + ], + [ + "تÙĨا", + "ÙĪÙĦ" + ], + [ + "Ġ", + "ลà¹īาà¸Ļ" + ], + [ + "Ġìļ°ë¦¬", + "ëĬĶ" + ], + [ + "اÙĨ", + "ا" + ], + [ + "ÑģÑĤ", + "ой" + ], + [ + "б", + "оÑĤ" + ], + [ + "ĠyaÅŁ", + "am" + ], + [ + "kö", + "y" + ], + [ + "Ø¥", + "ÙĦ" + ], + [ + "ÑĢ", + "Ñĭв" + ], + [ + "기", + "ìĹħ" + ], + [ + "Ġ×Ķ×ŀ", + "×ĵ" + ], + [ + "Ġ×Ķ×ŀ×ĵ", + "×Ļ׳×Ķ" + ], + [ + "د", + "ب" + ], + [ + "×¢", + "×Ļ׳×Ļ" + ], + [ + "×ŀ", + "ת×Ĺ" + ], + [ + "Ġפ", + "ר×Ļ" + ], + [ + "ãĥĭ", + "ãĥ¼" + ], + [ + "اÙħ", + "ÙĬ" + ], + [ + "Ġnh", + "ằm" + ], + [ + "ãĤĮ", + "ãģªãģĦ" + ], + [ + "ت", + "عرÙģ" + ], + [ + "Ġë§Ī", + "ìĿĮ" + ], + [ + "ìĵ", + "°" + ], + [ + "Ġh", + "ấp" + ], + [ + "ר×Ĵ", + "×Ļ׾" + ], + [ + "ب", + "Ùİ" + ], + [ + "Ġr", + "Äĥng" + ], + [ + "gl", + "Äħd" + ], + [ + "ĠÑģиÑģÑĤем", + "Ñĭ" + ], + [ + "Ġkh", + "óa" + ], + [ + "ãģ§ãģĻ", + "ãĤĪãģŃ" + ], + [ + "大ãģį", + "ãģı" + ], + [ + "기", + "를" + ], + [ + "Ġké", + "o" + ], + [ + "ÙĪ", + "Ø¡" + ], + [ + "ج", + "اÙħ" + ], + [ + "جاÙħ", + "ع" + ], + [ + "Ġ×¢", + "×Ļצ×ķ×ij" + ], + [ + "t", + "éri" + ], + [ + "Ġת", + "ש" + ], + [ + "Ġ×IJ", + "×ij×Ļ" + ], + [ + "ĠCh", + "ương" + ], + [ + "à¸ļริ", + "à¹Ģว" + ], + [ + "à¸ļริà¹Ģว", + "à¸ĵ" + ], + [ + "ãģ¤", + "ãģı" + ], + [ + "Ġ×Ĺ", + "×ķ׾" + ], + [ + "עת", + "×Ļ×ĵ" + ], + [ + "ש", + "×Ļ×ŀ×Ķ" + ], + [ + "ëĤ", + "¨" + ], + [ + "Ġש×IJ", + "×Ļף" + ], + [ + "ĠÙĪØ§ÙĦ", + "Ø¥" + ], + [ + "ÑĦ", + "а" + ], + [ + "Ġkh", + "ám" + ], + [ + "Ġ×ĺ", + "×ķ×ij×Ķ" + ], + [ + "ĠвÑĭ", + "Ñģ" + ], + [ + "ĠвÑĭÑģ", + "око" + ], + [ + "ĠاÙĦØŃ", + "دÙĬØ«" + ], + [ + "人", + "ãĤĤ" + ], + [ + "d", + "Ã¼ÄŁÃ¼" + ], + [ + "×Ļ×Ĺ", + "×ķ×ĵ" + ], + [ + "تع", + "ÙĦÙĬ" + ], + [ + "تعÙĦÙĬ", + "ÙĤ" + ], + [ + "l", + "ö" + ], + [ + "تØŃ", + "دÙĬد" + ], + [ + "н", + "его" + ], + [ + "ĠÑĥд", + "об" + ], + [ + "Ġ׾", + "×ŀ×Ļ" + ], + [ + "Ġר", + "×ķצ×Ļ×Ŀ" + ], + [ + "Ġج", + "اء" + ], + [ + "Ġ×ij", + "×ĸ×ŀף" + ], + [ + "à¸Ľà¸ģ", + "à¸ķิ" + ], + [ + "é«ĺ", + "ãģı" + ], + [ + "à¸Ľà¸¥", + "า" + ], + [ + "Ġart", + "ık" + ], + [ + "Ġbug", + "ün" + ], + [ + "×§", + "׳×Ļ" + ], + [ + "Ġkho", + "á" + ], + [ + "ĠÙħ", + "رÙĥز" + ], + [ + "ĠìŀIJ", + "기" + ], + [ + "در", + "جة" + ], + [ + "×ŀש", + "ר×ĵ" + ], + [ + "Ġgi", + "ấy" + ], + [ + "Ġch", + "óng" + ], + [ + "×§", + "פ" + ], + [ + "ÙĬب", + "Ø©" + ], + [ + "ĠczÄĻ", + "sto" + ], + [ + "в", + "али" + ], + [ + "Ùĥ", + "ب" + ], + [ + "ìŁ", + "ģ" + ], + [ + "ส", + "à¸ļาย" + ], + [ + "à¸Ľà¸£à¸°à¸Ĭา", + "à¸Ĭà¸Ļ" + ], + [ + "×Ĵ", + "×ķ×£" + ], + [ + "ëŁ", + "ī" + ], + [ + "ãģ®", + "ãģĵãģ¨" + ], + [ + "ล", + "à¸Ń" + ], + [ + "Ġngh", + "á»ī" + ], + [ + "åŃIJ", + "ãģ©" + ], + [ + "åŃIJãģ©", + "ãĤĤ" + ], + [ + "à¹Ħà¸Ķ", + "à¹īà¸Ńย" + ], + [ + "à¹Ħà¸Ķà¹īà¸Ńย", + "à¹Īาà¸ĩ" + ], + [ + "×ĵ", + "×¢" + ], + [ + "ĠاÙĦت", + "Ùī" + ], + [ + "ĠÑģов", + "еÑĤ" + ], + [ + "Ġqual", + "itÃł" + ], + [ + "åĩº", + "ãģĹ" + ], + [ + "ĠÑĢÑĥк", + "ов" + ], + [ + "ĠÑĢÑĥков", + "од" + ], + [ + "ราย", + "ละà¹Ģà¸Ńียà¸Ķ" + ], + [ + "ãģªãģĭ", + "ãģªãģĭ" + ], + [ + "기", + "ê´Ģ" + ], + [ + "Ġ×Ĺ", + "×ķש" + ], + [ + "Ġ×Ĺ×ķש", + "×ij" + ], + [ + "л", + "оÑĤ" + ], + [ + "à¸Ļะ", + "à¸Ħรัà¸ļ" + ], + [ + "×§×ij", + "×ķצ×Ķ" + ], + [ + "Ġth", + "ái" + ], + [ + "Ġש", + "×ij×Ķ" + ], + [ + "ĠÑĪ", + "кол" + ], + [ + "ĠÙĦ", + "ÙĥÙĦ" + ], + [ + "à¹ĥà¸Ļ", + "à¸Ĭà¹Īวà¸ĩ" + ], + [ + "ĠÙħ", + "ÙĥاÙĨ" + ], + [ + "ë", + "ķĮ" + ], + [ + "Ġc", + "ải" + ], + [ + "ĠCh", + "ÃŃ" + ], + [ + "ÑĥÑĩ", + "а" + ], + [ + "ìĿ", + "µ" + ], + [ + "Ġx", + "ảy" + ], + [ + "à¸Ĭà¸Ļ", + "ิà¸Ķ" + ], + [ + "Ġc", + "áºŃu" + ], + [ + "к", + "ÑĢов" + ], + [ + "ss", + "é" + ], + [ + "ĠÙĨ", + "ÙĪØ¹" + ], + [ + "ĠТ", + "а" + ], + [ + "Ø®", + "Ùħس" + ], + [ + "פ×ķס", + "×ĺ" + ], + [ + "Ġm", + "ắc" + ], + [ + "ĠÄij", + "em" + ], + [ + "à¸ģาร", + "à¹ĥà¸Ĭà¹ī" + ], + [ + "ר", + "×ķס" + ], + [ + "ĠÐĽ", + "е" + ], + [ + "Ġth", + "á»Ń" + ], + [ + "รà¹Īาà¸ĩ", + "à¸ģาย" + ], + [ + "üz", + "ü" + ], + [ + "æĹ¥æľ¬", + "ãģ®" + ], + [ + "ê³¼", + "ìłķ" + ], + [ + "ש", + "×Ļ×IJ" + ], + [ + "ĠìŀĪ", + "ê³ł" + ], + [ + "×ij", + "×ķ׾" + ], + [ + "ìķ", + "ħ" + ], + [ + "ĠÙĪØ§ÙĦ", + "ا" + ], + [ + "ĠÐĽ", + "и" + ], + [ + "ĠвÑģ", + "Ñij" + ], + [ + "Ġużytk", + "ow" + ], + [ + "×Ĺ", + "×ķ׾" + ], + [ + "ر", + "Ù쨶" + ], + [ + "Ġson", + "uç" + ], + [ + "ãģĦ", + "ãģ¾ãģĽãĤĵ" + ], + [ + "ìĤ¬", + "ìĹħ" + ], + [ + "ëĪ", + "Ħ" + ], + [ + "ÑĤ", + "ек" + ], + [ + "Ġud", + "ziaÅĤ" + ], + [ + "л", + "ез" + ], + [ + "Ġ×Ķ×Ļ", + "×Ļת×Ļ" + ], + [ + "ãĤīãĤĮ", + "ãģ¦" + ], + [ + "Ùħس", + "ؤÙĪÙĦ" + ], + [ + "ر", + "ار" + ], + [ + "ÑĤ", + "ан" + ], + [ + "ĠÄij", + "Ãło" + ], + [ + "Ġר", + "×ķ×ij" + ], + [ + "Ġ×ijש×ij", + "×Ļ׾" + ], + [ + "ä»ĬåĽŀ", + "ãģ¯" + ], + [ + "ãĤ¸", + "ãĥ¥" + ], + [ + "Ġ×¢", + "×ijר" + ], + [ + "ãģĽ", + "ãģ¦" + ], + [ + "п", + "олÑĮ" + ], + [ + "ak", + "lı" + ], + [ + "Ġk", + "ÃŃnh" + ], + [ + "د", + "ت" + ], + [ + "лож", + "ение" + ], + [ + "ĠاÙĦÙħ", + "ص" + ], + [ + "ĠاÙĦÙħص", + "رÙĬ" + ], + [ + "à¸Īริà¸ĩ", + "à¹Ĩ" + ], + [ + "ĠاÙĦشر", + "ÙĥØ©" + ], + [ + "ĠÄij", + "á»ı" + ], + [ + "ãĥĽ", + "ãĥĨ" + ], + [ + "ãĥĽãĥĨ", + "ãĥ«" + ], + [ + "Ñį", + "кон" + ], + [ + "Ñįкон", + "ом" + ], + [ + "ĠÙĪ", + "عÙĨ" + ], + [ + "Ġת", + "׳" + ], + [ + "Ġ×ª×ł", + "×IJ×Ļ" + ], + [ + "ĠاÙĦدÙĪÙĦ", + "ÙĬØ©" + ], + [ + "Ġì§Ģ", + "ìĹŃ" + ], + [ + "ãģ§ãģĻ", + "ãģĭ" + ], + [ + "Ġв", + "аÑĢи" + ], + [ + "ĠваÑĢи", + "анÑĤ" + ], + [ + "ĠاÙĦع", + "رب" + ], + [ + "ел", + "а" + ], + [ + "Ġt", + "Æ°á»Ľng" + ], + [ + "sk", + "Äħ" + ], + [ + "Ġm", + "ặc" + ], + [ + "ส", + "ัà¸ģ" + ], + [ + "ãĥĵ", + "ãĥ¼" + ], + [ + "Ġ×ij", + "×Ĵ׾" + ], + [ + "Ġ×ij×Ĵ׾", + "׾" + ], + [ + "ãĥķãĤ¡", + "ãĥ³" + ], + [ + "×ij", + "×Ļצ" + ], + [ + "×ij×Ļצ", + "×ķ×¢" + ], + [ + "ли", + "ÑģÑĤ" + ], + [ + "à¸Ł", + "ุ" + ], + [ + "à¸Łà¸¸", + "à¸ķ" + ], + [ + "à¸Łà¸¸à¸ķ", + "à¸ļà¸Ńล" + ], + [ + "à¸Ŀ", + "à¹Īาย" + ], + [ + "ìŀIJ", + "ìĿĺ" + ], + [ + "Ġس", + "ÙĪÙģ" + ], + [ + "Ġש", + "×Ķת" + ], + [ + "Ġê±", + "¸" + ], + [ + "×¢", + "×ij×ķ×ĵ" + ], + [ + "ãģĻãĤĭ", + "ãģĵãģ¨ãģĮ" + ], + [ + "ĠÑĩа", + "ÑģÑĤÑĮ" + ], + [ + "ãĤ¢", + "ãĥ¡ãĥª" + ], + [ + "ãĤ¢ãĥ¡ãĥª", + "ãĤ«" + ], + [ + "Ġtak", + "ım" + ], + [ + "Ġs", + "Ỽ" + ], + [ + "ĠsỼ", + "m" + ], + [ + "שר", + "×Ķ" + ], + [ + "è¨Ģ", + "ãģĨ" + ], + [ + "л", + "ан" + ], + [ + "ì»", + "¤" + ], + [ + "׼", + "׳×Ķ" + ], + [ + "ÙĪÙģ", + "ÙĬ" + ], + [ + "íĹ", + "Ī" + ], + [ + "lu", + "ÄŁu" + ], + [ + "ĠëĮĢ", + "íķ´" + ], + [ + "Ġ׾×ij", + "×Ļת" + ], + [ + "Ġ×Ķר×IJש", + "×ķ׳×Ķ" + ], + [ + "ص", + "Ùħ" + ], + [ + "Ġsö", + "yled" + ], + [ + "Ġsöyled", + "i" + ], + [ + "à¸Ľ", + "าà¸ģ" + ], + [ + "Ġard", + "ından" + ], + [ + "ãģĪ", + "ãģŁ" + ], + [ + "à¸Ĺัà¹Īว", + "à¹Ħà¸Ľ" + ], + [ + "Ġ׳×ķס", + "×£" + ], + [ + "б", + "олÑĮ" + ], + [ + "ãĤĵãģ§ãģĻ", + "ãģijãģ©" + ], + [ + "ĠлиÑĪ", + "ÑĮ" + ], + [ + "Ġ×ij", + "×IJ×Ļ" + ], + [ + "ĠбÑĭ", + "ÑģÑĤÑĢо" + ], + [ + "ส", + "ัà¸Ļ" + ], + [ + "Ġ×ij", + "פ׳×Ļ" + ], + [ + "л", + "еÑĩ" + ], + [ + "ĠاÙĦØ®", + "بر" + ], + [ + "Ġsó", + "c" + ], + [ + "Ġth", + "ú" + ], + [ + "Ġп", + "ÑıÑĤ" + ], + [ + "ãģĬ", + "é¡ĺ" + ], + [ + "ãģĬé¡ĺ", + "ãģĦ" + ], + [ + "ÑĤ", + "ин" + ], + [ + "ãģ«ãģ¤ãģĦãģ¦", + "ãģ¯" + ], + [ + "פ", + "ף" + ], + [ + "Ġдв", + "ÑĥÑħ" + ], + [ + "à¸į", + "ีà¹Ī" + ], + [ + "à¸įีà¹Ī", + "à¸Ľ" + ], + [ + "à¸įีà¹Īà¸Ľ", + "ุ" + ], + [ + "à¸įีà¹Īà¸Ľà¸¸", + "à¹Īà¸Ļ" + ], + [ + "оп", + "еÑĢ" + ], + [ + "ĠاÙĦب", + "شر" + ], + [ + "ĠاÙĦÙħ", + "اÙĦ" + ], + [ + "ıyor", + "uz" + ], + [ + "تØŃ", + "ÙħÙĬÙĦ" + ], + [ + "à¸ģ", + "ะ" + ], + [ + "éĸĵ", + "ãģ«" + ], + [ + "×Ĺ", + "×ķש" + ], + [ + "ĠNg", + "uyên" + ], + [ + "ãģĦãģ¦", + "ãģĦãĤĭ" + ], + [ + "дÑĥ", + "ÑĪ" + ], + [ + "ש", + "פע" + ], + [ + "ÑĪ", + "Ñĥ" + ], + [ + "å®Ł", + "éļĽãģ«" + ], + [ + "ĠÑĢай", + "он" + ], + [ + "ĠCh", + "á»ī" + ], + [ + "ÙĨ", + "صر" + ], + [ + "Ġìļ", + "´" + ], + [ + "Ġìļ´", + "ìĺģ" + ], + [ + "Ġ×Ķ×ĵ", + "×Ļף" + ], + [ + "ØŃد", + "د" + ], + [ + "ر", + "ز" + ], + [ + "ĠاÙĦد", + "Ùħ" + ], + [ + "ĠPh", + "áp" + ], + [ + "ÑĤ", + "ÑģÑı" + ], + [ + "è¦ĭ", + "ãģĪ" + ], + [ + "Ġti", + "á»ĥu" + ], + [ + "Ġs", + "á»Ńa" + ], + [ + "а", + "ÑİÑĤÑģÑı" + ], + [ + "ĠB", + "á" + ], + [ + "Ġ×ķ", + "׼׾" + ], + [ + "Ð", + "ĸ" + ], + [ + "ÑĪ", + "им" + ], + [ + "ìĿ´", + "ëĬĶ" + ], + [ + "л", + "ев" + ], + [ + "d", + "ık" + ], + [ + "Ġprés", + "ente" + ], + [ + "Ġara", + "ç" + ], + [ + "صد", + "ÙĤ" + ], + [ + "Ġпом", + "ог" + ], + [ + "ĠاÙĦشر", + "ÙĤ" + ], + [ + "ĠÙĪØ§ÙĦ", + "ذÙĬ" + ], + [ + "رÙĬ", + "ا" + ], + [ + "×ij", + "׳×ķת" + ], + [ + "Ġng", + "á»ĵi" + ], + [ + "ר", + "×ķפ" + ], + [ + "ר×ķפ", + "×IJ" + ], + [ + "Ġth", + "ấp" + ], + [ + "ãĤĦ", + "ãģ¯" + ], + [ + "ãĤĦãģ¯", + "ãĤĬ" + ], + [ + "ĠاÙĦج", + "دÙĬدة" + ], + [ + "éĿŀ常", + "ãģ«" + ], + [ + "ÙĬÙĦ", + "ÙĬ" + ], + [ + "ìª", + "½" + ], + [ + "تع", + "اÙħÙĦ" + ], + [ + "ãģł", + "ã썿ĢĿãģĦãģ¾ãģĻ" + ], + [ + "Ùħ", + "Ùħ" + ], + [ + "иÑĤе", + "ли" + ], + [ + "ãĤµãĤ¤", + "ãĤº" + ], + [ + "اد", + "ات" + ], + [ + "ĠاÙĦÙħ", + "اÙĦÙĬØ©" + ], + [ + "Ùĥات", + "ب" + ], + [ + "к", + "ли" + ], + [ + "веÑĢ", + "Ñħ" + ], + [ + "ни", + "Ñĩ" + ], + [ + "Ġ×ľ×¢", + "×ij×ķ×ĵ" + ], + [ + "׾", + "×Ļ×Ķ" + ], + [ + "ØŃ", + "Ùİ" + ], + [ + "ãĤ¤", + "ãĥĻ" + ], + [ + "ãĤ¤ãĥĻ", + "ãĥ³ãĥĪ" + ], + [ + "Ġת", + "×Ĵ×ķ×ij×ķת" + ], + [ + "ÑĦ", + "он" + ], + [ + "ĠдÑĢÑĥг", + "ие" + ], + [ + "×IJ", + "×ĸ×ķר" + ], + [ + "Ġper", + "ò" + ], + [ + "ìķ", + "ŀ" + ], + [ + "åĢŁ", + "ãĤĬ" + ], + [ + "ר", + "צ×Ļ" + ], + [ + "×IJ", + "×ĸ" + ], + [ + "алÑĮ", + "нÑĭÑħ" + ], + [ + "Ġê²ĥ", + "ìľ¼ë¡ľ" + ], + [ + "ĠпÑĢав", + "о" + ], + [ + "ĠاÙĦØ£", + "رض" + ], + [ + "à¹Ģà¸Ĺ", + "à¸Ħ" + ], + [ + "à¹Ģà¸Ĺà¸Ħ", + "à¹Ĥà¸Ļ" + ], + [ + "à¹Ģà¸Ĺà¸Ħà¹Ĥà¸Ļ", + "à¹Ĥล" + ], + [ + "à¹Ģà¸Ĺà¸Ħà¹Ĥà¸Ļà¹Ĥล", + "ย" + ], + [ + "à¹Ģà¸Ĺà¸Ħà¹Ĥà¸Ļà¹Ĥลย", + "ี" + ], + [ + "צ", + "ר×Ļ" + ], + [ + "ĠÐļ", + "Ñĥ" + ], + [ + "ıl", + "ma" + ], + [ + "決", + "ãĤģ" + ], + [ + "ا", + "ÙĪ" + ], + [ + "Ġ×ĵ", + "×§×ķת" + ], + [ + "à¸Ħร", + "ู" + ], + [ + "ĠÙħست", + "ÙĪÙī" + ], + [ + "à¸Ľ", + "à¹īà¸Ńà¸ĩ" + ], + [ + "à¸Ľà¹īà¸Ńà¸ĩ", + "à¸ģัà¸Ļ" + ], + [ + "×ĵ", + "×ķ×ŀ×Ķ" + ], + [ + "ĠÑģ", + "егоднÑı" + ], + [ + "س", + "ÙĪÙĤ" + ], + [ + "ר×Ĺ", + "×ķ×ij" + ], + [ + "ĠØ¥", + "دارة" + ], + [ + "Ñħ", + "ож" + ], + [ + "éģİ", + "ãģİ" + ], + [ + "à¸Ħ", + "à¸Ń" + ], + [ + "нÑĥ", + "л" + ], + [ + "×ķ׼", + "×Ķ" + ], + [ + "ÙĪ", + "اÙģÙĤ" + ], + [ + "׼׾", + "׾" + ], + [ + "Ġ×Ķ", + "×ĵ×ķ" + ], + [ + "Ġl", + "Ä©nh" + ], + [ + "Ġkh", + "ảo" + ], + [ + "×IJ×ŀ", + "צע" + ], + [ + "ë¨", + "¸" + ], + [ + "Ġ׼", + "×Ļצ" + ], + [ + "Ġ׼×Ļצ", + "×ĵ" + ], + [ + "Ġдолж", + "нÑĭ" + ], + [ + "หว", + "ัà¸ĩ" + ], + [ + "ãĥĩ", + "ãĤ¶" + ], + [ + "ãĥĩãĤ¶", + "ãĤ¤ãĥ³" + ], + [ + "Ġng", + "á»Ŀ" + ], + [ + "ä¸Ń", + "ãģ«" + ], + [ + "à¸ģลัà¸ļ", + "มา" + ], + [ + "جÙħ", + "اÙĦ" + ], + [ + "à¸Ķัà¸ĩ", + "à¸ģลà¹Īาว" + ], + [ + "س", + "ÙĥÙĨ" + ], + [ + "س", + "ÙĨ" + ], + [ + "Ġözellik", + "le" + ], + [ + "з", + "еÑĢ" + ], + [ + "rz", + "ÄĻ" + ], + [ + "×ŀ", + "×ķר×Ķ" + ], + [ + "Ġl", + "ạ" + ], + [ + "×ŀ", + "×Ļ׳×Ļ" + ], + [ + "ר", + "×Ļת" + ], + [ + "ãģĿãĤĮ", + "ãģĮ" + ], + [ + "ãģĭ", + "ãĤĮ" + ], + [ + "ĠÙĬÙħÙĥÙĨ", + "Ùĥ" + ], + [ + "öff", + "entlich" + ], + [ + "г", + "ан" + ], + [ + "ĠاÙĦØŃ", + "ÙĦ" + ], + [ + "ĠmiÄĻd", + "zy" + ], + [ + "ĠÑĩа", + "ÑģÑĤи" + ], + [ + "ujÄħ", + "cy" + ], + [ + "ĠbaÄŁ", + "lı" + ], + [ + "ĠiliÅŁ", + "ki" + ], + [ + "Ùģ", + "اء" + ], + [ + "ãĥª", + "ãĥ³ãĤ°" + ], + [ + "Ġhã", + "ng" + ], + [ + "ĠконÑĤ", + "ÑĢ" + ], + [ + "ĠконÑĤÑĢ", + "ол" + ], + [ + "к", + "оп" + ], + [ + "ש", + "×Ļ×¢" + ], + [ + "ש×Ļ×¢", + "×ķר" + ], + [ + "ĠÐĴ", + "аÑĪ" + ], + [ + "Ġ×Ķ", + "תק" + ], + [ + "ÙħÙĨ", + "ع" + ], + [ + "ĠpolÃŃt", + "ico" + ], + [ + "Ġг", + "олов" + ], + [ + "ĠØ¥", + "ÙĬ" + ], + [ + "Ø¥", + "ÙĨتاج" + ], + [ + "à¸ļ", + "ิ" + ], + [ + "Ġг", + "овоÑĢ" + ], + [ + "ĠговоÑĢ", + "иÑĤ" + ], + [ + "Ġph", + "á»ķ" + ], + [ + "ĠÑģем", + "ÑĮ" + ], + [ + "ãģ¯", + "ãģĤãĤĬãģ¾ãģĽãĤĵ" + ], + [ + "ĠÙĪ", + "است" + ], + [ + "×ŀש", + "פ×ĺ" + ], + [ + "з", + "ем" + ], + [ + "×ŀ×ĵ", + "×ijר" + ], + [ + "Ġíģ", + "°" + ], + [ + "ĠìĿ´", + "ë²Ī" + ], + [ + "ê°Ģ", + "ëĬĶ" + ], + [ + "Ġì§Ģ", + "ìĽIJ" + ], + [ + "Ġca", + "ÅĤy" + ], + [ + "Ġgeli", + "ÅŁtir" + ], + [ + "Ñģк", + "ое" + ], + [ + "pos", + "é" + ], + [ + "Ġkh", + "ô" + ], + [ + "à¸ķิà¸Ķ", + "à¸ķาม" + ], + [ + "miss", + "ão" + ], + [ + "Ġ׾", + "×ŀר" + ], + [ + "Ġ׾×ŀר", + "×ķת" + ], + [ + "Ġb", + "ó" + ], + [ + "à¸ķรวà¸Ī", + "สà¸Ńà¸ļ" + ], + [ + "Ġngh", + "á»ģ" + ], + [ + "Ġб", + "из" + ], + [ + "Ġбиз", + "неÑģ" + ], + [ + "ÑģÑĤ", + "еÑĢ" + ], + [ + "ÙĪ", + "Ùİ" + ], + [ + "楽", + "ãģĹãģ" + ], + [ + "楽ãģĹãģ", + "¿" + ], + [ + "ãģĵãĤĮ", + "ãģĭãĤī" + ], + [ + "wiÄħ", + "zan" + ], + [ + "ส", + "à¸Ńà¸Ļ" + ], + [ + "Ùħ", + "ÙĪØ±" + ], + [ + "׳×ĵ", + "׾" + ], + [ + "Ġ×Ķ×IJ", + "×ĵ×Ŀ" + ], + [ + "Ġм", + "олод" + ], + [ + "ØŃ", + "Ùħا" + ], + [ + "ØŃÙħا", + "ÙĬØ©" + ], + [ + "ÑģÑĤ", + "ÑĢан" + ], + [ + "Ġbu", + "á»ķi" + ], + [ + "ת×Ļ", + "×Ļ×Ŀ" + ], + [ + "abile", + "ceÄŁi" + ], + [ + "L", + "İ" + ], + [ + "à¹Ģย", + "à¸Ńะ" + ], + [ + "à¸Ī", + "ร" + ], + [ + "س", + "ÙĥاÙĨ" + ], + [ + "à¸Ļ", + "ัà¸Ķ" + ], + [ + "Ġm", + "ấy" + ], + [ + "ĠÐij", + "а" + ], + [ + "s", + "ÅĤaw" + ], + [ + "ĠÙģ", + "ÙĦا" + ], + [ + "ĠкоÑĤоÑĢ", + "ой" + ], + [ + "Ġпло", + "Ñī" + ], + [ + "ĠплоÑī", + "ад" + ], + [ + "ãĤĤ", + "ãģĤãĤĬ" + ], + [ + "sz", + "czÄĻ" + ], + [ + "×Ļפ", + "×ķ" + ], + [ + "ש×ŀ", + "ת" + ], + [ + "owa", + "ÅĤa" + ], + [ + "Ġn", + "ông" + ], + [ + "צ×ij", + "×IJ" + ], + [ + "ĠìŀĪ", + "ìĹĪ" + ], + [ + "ãģ¾", + "ãģ¨" + ], + [ + "ãģ¾ãģ¨", + "ãĤģ" + ], + [ + "ÙĤÙĪ", + "ات" + ], + [ + "ãģ¿", + "ãĤĵãģª" + ], + [ + "Ġ׼", + "×ŀ×¢×ĺ" + ], + [ + "Ġx", + "úc" + ], + [ + "ï¼", + "Ĩ" + ], + [ + "r", + "ÄĻ" + ], + [ + "rÄĻ", + "cz" + ], + [ + "×ĵ", + "×ŀ×Ļ" + ], + [ + "Ġt", + "áºŃn" + ], + [ + "à¸Ķ", + "วà¸ĩ" + ], + [ + "ê²½", + "ìłľ" + ], + [ + "п", + "ÑĥÑĤ" + ], + [ + "Ø£", + "ربع" + ], + [ + "Ġ×ŀ", + "שת×ŀש" + ], + [ + "ãĤ¿ãĤ¤", + "ãĥĹ" + ], + [ + "Ġìłľ", + "ê°Ģ" + ], + [ + "Ġ׾", + "׼ף" + ], + [ + "ĠобÑĢаз", + "ом" + ], + [ + "ÙĬÙĥ", + "ا" + ], + [ + "w", + "ÅĤ" + ], + [ + "wÅĤ", + "asn" + ], + [ + "ĠاÙĦÙĪØ·ÙĨ", + "ÙĬØ©" + ], + [ + "بÙĬ", + "ب" + ], + [ + "×ŀ", + "׾×Ļ" + ], + [ + "к", + "ÑĢаÑĤ" + ], + [ + "기", + "ìĹIJ" + ], + [ + "ÙĤ", + "اد" + ], + [ + "ĠÙĦ", + "دÙī" + ], + [ + "à¸Ħวาม", + "รูà¹ī" + ], + [ + "×ŀ×ĵ×Ļ׳", + "×Ļ×ķת" + ], + [ + "ê²", + "¨" + ], + [ + "Ġíĺ", + "Ħìŀ¬" + ], + [ + "ש", + "ת×Ļ" + ], + [ + "м", + "ол" + ], + [ + "Ġmá", + "i" + ], + [ + "à¸ŀิ", + "ม" + ], + [ + "à¸ŀิม", + "à¸ŀ" + ], + [ + "à¸ŀิมà¸ŀ", + "à¹Į" + ], + [ + "หล", + "วà¸ĩ" + ], + [ + "Ġx", + "uyên" + ], + [ + "×Ĺ", + "סר" + ], + [ + "رÙĪ", + "ÙĨ" + ], + [ + "ãģĿãģĨ", + "ãģĦãģĨ" + ], + [ + "ãģĿãĤĮ", + "ãģŀ" + ], + [ + "ãģĿãĤĮãģŀ", + "ãĤĮ" + ], + [ + "Ġ׼", + "ש×Ķ" + ], + [ + "ÐŁ", + "ÑĢав" + ], + [ + "×ŀ×ij", + "צע" + ], + [ + "ع", + "رب" + ], + [ + "Ġbü", + "yü" + ], + [ + "פ×Ļת", + "×ķ×Ĺ" + ], + [ + "à¸Ī", + "à¸ļ" + ], + [ + "ĠØ£", + "Ùĥبر" + ], + [ + "שר", + "ת" + ], + [ + "×ŀ׼", + "ש×Ļר" + ], + [ + "ĠÙĪ", + "Ùħع" + ], + [ + "ãģ®", + "ãģŁãĤģãģ«" + ], + [ + "à¸Ļ", + "ัà¸ļ" + ], + [ + "ì°", + "°" + ], + [ + "ãĥª", + "ãĥķãĤ©" + ], + [ + "ãĥªãĥķãĤ©", + "ãĥ¼ãĥł" + ], + [ + "Ġc", + "ưá»Ŀng" + ], + [ + "ĠìłĢ", + "íĿ¬" + ], + [ + "ÙħÙĨظ", + "ÙħØ©" + ], + [ + "Ġhiç", + "bir" + ], + [ + "ãģ§ãģ¯", + "ãģĤãĤĬãģ¾ãģĽãĤĵ" + ], + [ + "ร", + "à¸Ńย" + ], + [ + "ëIJľ", + "ëĭ¤" + ], + [ + "ãģĻãģIJ", + "ãģ«" + ], + [ + "к", + "ла" + ], + [ + "Ġürün", + "ler" + ], + [ + "Ġki", + "á»ĥu" + ], + [ + "ĠëĤĺ", + "ëĬĶ" + ], + [ + "ÑĤ", + "ки" + ], + [ + "Ñģ", + "им" + ], + [ + "Ġchá»ī", + "nh" + ], + [ + "ãĤĤ", + "ãģªãģĦ" + ], + [ + "ศ", + "รี" + ], + [ + "æĽ¿", + "ãģĪ" + ], + [ + "ta", + "ÅŁ" + ], + [ + "Ġب", + "ÙĥÙĦ" + ], + [ + "Ġ×ķ", + "×Ļש" + ], + [ + "vis", + "ão" + ], + [ + "ä¼", + "Ŀ" + ], + [ + "ä¼Ŀ", + "ãģĪ" + ], + [ + "ÙĦ", + "د" + ], + [ + "׾", + "×Ļ×ŀ" + ], + [ + "׾×Ļ×ŀ", + "×ķ×ĵ" + ], + [ + "t", + "ória" + ], + [ + "د", + "Ùij" + ], + [ + "اÙħ", + "ر" + ], + [ + "Ġê·¸ëłĩ", + "ê²Į" + ], + [ + "Ġmateria", + "ÅĤ" + ], + [ + "à¸Ĺ", + "รา" + ], + [ + "à¸Ĺรา", + "à¸ļ" + ], + [ + "ã쮿ĸ¹", + "ãģĮ" + ], + [ + "ãģ¦", + "ãģįãģŁ" + ], + [ + "ض", + "غ" + ], + [ + "ضغ", + "Ø·" + ], + [ + "ĠÙĬ", + "عÙĨÙĬ" + ], + [ + "ел", + "о" + ], + [ + "×IJ×Ķ", + "×ij×Ķ" + ], + [ + "×¢", + "×ŀ" + ], + [ + "ÅŁ", + "ık" + ], + [ + "ìŀIJ", + "ëĬĶ" + ], + [ + "ãĤ¿", + "ãĥ³" + ], + [ + "Ġb", + "áºŃt" + ], + [ + "×ŀשפ", + "×Ĺ×Ķ" + ], + [ + "к", + "ÑĢи" + ], + [ + "б", + "ли" + ], + [ + "สั", + "à¸ķ" + ], + [ + "สัà¸ķ", + "วà¹Į" + ], + [ + "ĠسÙĨ", + "ÙĪØ§Øª" + ], + [ + "ĠPh", + "ương" + ], + [ + "ãģ¦ãģĹãģ¾", + "ãģ£ãģŁ" + ], + [ + "ãģª", + "ãģľ" + ], + [ + "Ġ×ij×IJ", + "×ķ" + ], + [ + "Ġc", + "án" + ], + [ + "س", + "جÙĦ" + ], + [ + "Ġl", + "ẽ" + ], + [ + "ãĤ±", + "ãĥ¼ãĤ¹" + ], + [ + "Ġ×§", + "×Ļ×ij׾" + ], + [ + "à¸ļà¸Ĺ", + "à¸Ħวาม" + ], + [ + "Ġ×ķ", + "׼ף" + ], + [ + "ĠпÑĢедÑģÑĤав", + "лен" + ], + [ + "Ġn", + "á»iji" + ], + [ + "Ġcoment", + "ário" + ], + [ + "ени", + "ем" + ], + [ + "Ġtá»", + "ı" + ], + [ + "l", + "Ãł" + ], + [ + "Ġש×Ķ", + "×Ļ×Ķ" + ], + [ + "Ñģл", + "ав" + ], + [ + "ĠاÙĦ", + "ÙĪÙĦا" + ], + [ + "ĠاÙĦÙĪÙĦا", + "ÙĬات" + ], + [ + "ÙĦج", + "ÙĨØ©" + ], + [ + "×§×ķר", + "×IJ" + ], + [ + "бÑĭ", + "ÑĤ" + ], + [ + "Ġì", + "¦" + ], + [ + "Ġì¦", + "ī" + ], + [ + "ãģ§ãģĻ", + "ãģĹ" + ], + [ + "หรืà¸Ń", + "à¹Ħมà¹Ī" + ], + [ + "за", + "ÑīиÑĤ" + ], + [ + "ÙģÙĦ", + "سطÙĬÙĨ" + ], + [ + "Ġmi", + "á»ħn" + ], + [ + "à¹Ģย", + "à¹ĩà¸Ļ" + ], + [ + "ĠçalÄ±ÅŁ", + "an" + ], + [ + "×Ļ×Ĵ", + "×Ķ" + ], + [ + "ĠE", + "ÄŁ" + ], + [ + "ĠEÄŁ", + "itim" + ], + [ + "ãĥĥãĤ·", + "ãĥ¥" + ], + [ + "Ġоп", + "Ñĭ" + ], + [ + "ĠопÑĭ", + "ÑĤ" + ], + [ + "ر", + "غ" + ], + [ + "رغ", + "ب" + ], + [ + "ĠÑģво", + "иÑħ" + ], + [ + "à¸Ľà¸£à¸°", + "à¸ķ" + ], + [ + "à¸Ľà¸£à¸°à¸ķ", + "ู" + ], + [ + "Ġ×ŀ×IJ", + "×ĵ" + ], + [ + "׼", + "×ķ׳×Ļ×Ŀ" + ], + [ + "à¸Ļ", + "ี" + ], + [ + "ĠвÑĭ", + "Ñħод" + ], + [ + "ãģ®ä¸Ń", + "ãģ«" + ], + [ + "פ", + "׾×IJ" + ], + [ + "ĠÙĪ", + "ÙĦÙĬس" + ], + [ + "פ×ķר", + "ס" + ], + [ + "פ×ķרס", + "×Ŀ" + ], + [ + "Ùħ", + "سÙĦÙħ" + ], + [ + "Ġng", + "ôi" + ], + [ + "×ĵ", + "×ŀ×ķת" + ], + [ + "ãĤĴ使", + "ãģ£ãģ¦" + ], + [ + "ĠпомоÑī", + "ÑĮÑİ" + ], + [ + "Ø£", + "سر" + ], + [ + "бл", + "ок" + ], + [ + "ÙĤ", + "Ùĩ" + ], + [ + "ãģĹãģ¾", + "ãģĦ" + ], + [ + "ãģ¨", + "ãģĹãģŁ" + ], + [ + "Ġп", + "еÑģ" + ], + [ + "ãĥī", + "ãĥ«" + ], + [ + "×Ĺ", + "×Ŀ" + ], + [ + "ãģĹãģª", + "ãģĮãĤī" + ], + [ + "ĠÐŁ", + "ÑĢед" + ], + [ + "ãĥģãĤ§", + "ãĥĥãĤ¯" + ], + [ + "å¼·", + "ãģĦ" + ], + [ + "ש", + "×Ļר×ķת" + ], + [ + "д", + "аеÑĤ" + ], + [ + "×Ļ×ij", + "×ķ" + ], + [ + "Ġgen", + "ç" + ], + [ + "ил", + "аÑģ" + ], + [ + "илаÑģ", + "ÑĮ" + ], + [ + "ĠبÙĦ", + "د" + ], + [ + "æĤ", + "ª" + ], + [ + "æĤª", + "ãģĦ" + ], + [ + "Ġ×ŀ", + "שת" + ], + [ + "æ§ĺ", + "ãĢħ" + ], + [ + "æ§ĺãĢħ", + "ãģª" + ], + [ + "à¸ĺรรม", + "à¸Ĭาà¸ķิ" + ], + [ + "ĠÙĥ", + "اÙħÙĦ" + ], + [ + "ĠاÙĦس", + "Ùħ" + ], + [ + "×ij×ĺ", + "×Ļ×Ĺ" + ], + [ + "c", + "á" + ], + [ + "g", + "ência" + ], + [ + "ãĤ¹ãĤ¿", + "ãĥ¼" + ], + [ + "à¸Ĺำ", + "à¸ģาร" + ], + [ + "×Ļ׾", + "ת" + ], + [ + "Ġ×Ļ", + "×ķצ×IJ" + ], + [ + "w", + "ój" + ], + [ + "à¸ļุ", + "à¸Ħ" + ], + [ + "à¸ļุà¸Ħ", + "à¸Ħล" + ], + [ + "ع", + "تÙħ" + ], + [ + "عتÙħ", + "د" + ], + [ + "ãģĿãĤĮ", + "ãģ«" + ], + [ + "ĠاÙĦت", + "ارÙĬØ®" + ], + [ + "ÙĤر", + "اء" + ], + [ + "Ġyönet", + "im" + ], + [ + "×§", + "שר" + ], + [ + "ĠÑģп", + "оÑĢÑĤ" + ], + [ + "Ġר×IJש", + "×ķף" + ], + [ + "Ġseñ", + "al" + ], + [ + "Ġch", + "ắn" + ], + [ + "çĦ¡", + "ãģĦ" + ], + [ + "ĠдоÑģÑĤ", + "аÑĤ" + ], + [ + "ĠдоÑģÑĤаÑĤ", + "оÑĩно" + ], + [ + "Ġá", + "gua" + ], + [ + "à¸ģร", + "à¸ĵ" + ], + [ + "à¸ģรà¸ĵ", + "ี" + ], + [ + "Ġ×ŀש", + "×ķ" + ], + [ + "Ġtr", + "ải" + ], + [ + "ë²", + "Į" + ], + [ + "ujÄħ", + "cych" + ], + [ + "Ù쨱", + "د" + ], + [ + "à¹ĥ", + "à¸ģล" + ], + [ + "à¹ĥà¸ģล", + "à¹ī" + ], + [ + "ãĤĭ", + "ãģ®ãģ¯" + ], + [ + "ר×ķ", + "×ķ×Ĺ" + ], + [ + "ÙĨ", + "Ùĥ" + ], + [ + "ĠاÙĦÙĨ", + "ÙĤ" + ], + [ + "ãģ®ãģ§", + "ãģĹãĤĩãģĨ" + ], + [ + "ãģ®ãģ§ãģĹãĤĩãģĨ", + "ãģĭ" + ], + [ + "Ùħ", + "عرÙģ" + ], + [ + "ÙħعرÙģ", + "Ø©" + ], + [ + "ÑĥÑī", + "е" + ], + [ + "Ġ×ij×¢", + "×Ļקר" + ], + [ + "ت", + "صÙĦ" + ], + [ + "Ġ×Ķ×IJ", + "ר" + ], + [ + "Ġ×Ķ×IJר", + "×¥" + ], + [ + "ĠÅŀ", + "i" + ], + [ + "à¸Ĥา", + "à¸Ķ" + ], + [ + "íŀ", + "ĺ" + ], + [ + "ãģªãĤĵ", + "ãģ¨" + ], + [ + "ĠìĤ¬ëŀ", + "ij" + ], + [ + "l", + "Ã¼ÄŁÃ¼" + ], + [ + "ب", + "اء" + ], + [ + "ĠاÙĦØ¢", + "خر" + ], + [ + "Ġfam", + "ÃŃlia" + ], + [ + "ĠTh", + "áng" + ], + [ + "Ñī", + "ениÑı" + ], + [ + "ãĤ¯", + "ãĥŃ" + ], + [ + "ĠTh", + "ứ" + ], + [ + "æĽ¸", + "ãģį" + ], + [ + "ен", + "ной" + ], + [ + "ìŀ", + "¡" + ], + [ + "бл", + "аг" + ], + [ + "благ", + "о" + ], + [ + "п", + "ов" + ], + [ + "à¹ģ", + "ว" + ], + [ + "à¸ĩ", + "à¸Ħà¹Į" + ], + [ + "à¸Ńัà¸Ļ", + "à¸Ķัà¸ļ" + ], + [ + "ãģĤ", + "ãģĴ" + ], + [ + "ร", + "à¹īาย" + ], + [ + "ün", + "ün" + ], + [ + "Ġ×Ļ׼×ķ׾", + "×Ķ" + ], + [ + "з", + "он" + ], + [ + "ĠÐľ", + "и" + ], + [ + "маÑĤ", + "еÑĢиал" + ], + [ + "Ġë³´", + "ë©´" + ], + [ + "ØŃÙģ", + "ظ" + ], + [ + "ê", + "Ìģ" + ], + [ + "ãģ«", + "ãģĻãĤĭ" + ], + [ + "Ġת", + "×IJ" + ], + [ + "Ġ×Ķס", + "×ķ" + ], + [ + "ĠÑģÑĤ", + "оÑĢ" + ], + [ + "ĠÑģÑĤоÑĢ", + "он" + ], + [ + "ãĥĪ", + "ãĥĥãĥĹ" + ], + [ + "ÅĤo", + "ÅĽÄĩ" + ], + [ + "ëħ", + "¼" + ], + [ + "ëĵ", + "Ŀ" + ], + [ + "ĠÙĪØ§ÙĦ", + "ع" + ], + [ + "ì¶", + "Ķ" + ], + [ + "Ġ×Ļצ", + "×IJ" + ], + [ + "ĠÑĢаз", + "дел" + ], + [ + "алÑĮ", + "наÑı" + ], + [ + "×IJ׳", + "ש×Ļ" + ], + [ + "spo", + "ÅĤ" + ], + [ + "spoÅĤ", + "ec" + ], + [ + "spoÅĤec", + "zn" + ], + [ + "Ø¥", + "عÙĦ" + ], + [ + "إعÙĦ", + "اÙĨ" + ], + [ + "ÙĤÙĪ", + "Ùī" + ], + [ + "íķĺë©´", + "ìĦľ" + ], + [ + "تط", + "ÙĪØ±" + ], + [ + "Ġsi", + "êu" + ], + [ + "Ỽ", + "t" + ], + [ + "д", + "ви" + ], + [ + "дви", + "ж" + ], + [ + "Ġqu", + "ần" + ], + [ + "k", + "ıl" + ], + [ + "ĠпÑĢи", + "зна" + ], + [ + "ĠH", + "ã" + ], + [ + "ĠHã", + "y" + ], + [ + "ĠباÙĦ", + "ت" + ], + [ + "man", + "ın" + ], + [ + "ãĤ«", + "ãĥ«" + ], + [ + "Ġk", + "á»·" + ], + [ + "×§", + "׾×Ļ" + ], + [ + "ëIJĺ", + "ì§Ģ" + ], + [ + "تعÙĦ", + "Ùħ" + ], + [ + "ìĭľ", + "ìĦ¤" + ], + [ + "ìĭ", + "¶" + ], + [ + "íĺ", + "¼" + ], + [ + "Ùĥ", + "ÙĬÙģ" + ], + [ + "売", + "ãĤĬ" + ], + [ + "วิ", + "à¸Ĭา" + ], + [ + "б", + "ал" + ], + [ + "ĠØ£", + "ØŃ" + ], + [ + "Ġдолж", + "ен" + ], + [ + "รา", + "à¸ĩ" + ], + [ + "ราà¸ĩ", + "วั" + ], + [ + "ราà¸ĩวั", + "ล" + ], + [ + "Ùħ", + "اء" + ], + [ + "ج", + "ار" + ], + [ + "Å", + "ļ" + ], + [ + "Ġ×ŀ×IJ", + "×ĸ" + ], + [ + "ר", + "×ŀ×Ķ" + ], + [ + "ãģĭãĤĤãģĹãĤĮ", + "ãģªãģĦ" + ], + [ + "ét", + "ude" + ], + [ + "czÄħ", + "c" + ], + [ + "Ġg", + "ór" + ], + [ + "×ł×¡", + "×Ķ" + ], + [ + "Ùħ", + "ÙĬد" + ], + [ + "ĠÐŁ", + "еÑĢе" + ], + [ + "Ø£", + "خر" + ], + [ + "ãģĿãģ®", + "å¾Į" + ], + [ + "à¹Ģà¸Ķียว", + "à¸ģัà¸Ļ" + ], + [ + "×ŀ", + "×Ĵ×ķ" + ], + [ + "×ŀ×Ĵ×ķ", + "×ķף" + ], + [ + "д", + "ов" + ], + [ + "mas", + "ına" + ], + [ + "×¢", + "׳×Ķ" + ], + [ + "ãĤ±", + "ãĥĥãĥĪ" + ], + [ + "ס", + "×¢" + ], + [ + "סע", + "×Ļ×£" + ], + [ + "ĠT", + "ư" + ], + [ + "Ġt", + "óc" + ], + [ + "íĻľ", + "ëıĻ" + ], + [ + "ĠÐŀ", + "д" + ], + [ + "ĠÐŀд", + "нако" + ], + [ + "Ġdol", + "ayı" + ], + [ + "ؤ", + "Ùĥد" + ], + [ + "ê³Ħ", + "íļį" + ], + [ + "׾", + "ר" + ], + [ + "в", + "еÑĩ" + ], + [ + "Ġkh", + "ợi" + ], + [ + "Ġth", + "á»§y" + ], + [ + "×ĵ", + "ף" + ], + [ + "ร", + "à¸ģ" + ], + [ + "à¸ļั", + "à¸ķร" + ], + [ + "à¹Ģà¸ģ", + "à¹Īา" + ], + [ + "ĠاÙĦØ«", + "اÙĦ" + ], + [ + "ĠاÙĦثاÙĦ", + "Ø«" + ], + [ + "Ġpod", + "rá" + ], + [ + "ער", + "×Ļ" + ], + [ + "ÙĨج", + "اØŃ" + ], + [ + "Ġkh", + "ắc" + ], + [ + "ì¸", + "¡" + ], + [ + "İ", + "M" + ], + [ + "ãĤ»", + "ãĥĥãĥĪ" + ], + [ + "ż", + "enia" + ], + [ + "Ġ׾×Ĺ", + "×ijר" + ], + [ + "er", + "Ãł" + ], + [ + "ì", + "´Ī" + ], + [ + "Ġkü", + "ç" + ], + [ + "Ġküç", + "ük" + ], + [ + "ات", + "ÙĩÙħ" + ], + [ + "à¸ĭ", + "à¹Į" + ], + [ + "Ùħشار", + "ÙĥØ©" + ], + [ + "ĠاÙĦ", + "بط" + ], + [ + "Ġd", + "ây" + ], + [ + "ен", + "нÑĭм" + ], + [ + "à¸Ĺีà¹Ī", + "à¹Ħมà¹Ī" + ], + [ + "ÙĤ", + "Ùİ" + ], + [ + "Ġv", + "ượt" + ], + [ + "Ġtr", + "ì" + ], + [ + "Ġwp", + "ÅĤyw" + ], + [ + "A", + "Åŀ" + ], + [ + "з", + "о" + ], + [ + "ĠاÙĦس", + "ÙĬد" + ], + [ + "à¸Ĺะ", + "à¹Ģล" + ], + [ + "ĠÑģодеÑĢж", + "а" + ], + [ + "ع", + "Ø·ÙĬ" + ], + [ + "ĠاÙĦع", + "ÙĨ" + ], + [ + "èĢħ", + "ãģĮ" + ], + [ + "à¹Ģ", + "หà¸Ļ" + ], + [ + "à¹Ģหà¸Ļ", + "ืà¸Ń" + ], + [ + "Ġb", + "ÃŃ" + ], + [ + "Ġüzer", + "inden" + ], + [ + "ĠV", + "Å©" + ], + [ + "Ġnu", + "ôi" + ], + [ + "ÙĨ", + "Ùħ" + ], + [ + "алÑĮ", + "ного" + ], + [ + "×¢", + "×Ļף" + ], + [ + "ØŃ", + "ضر" + ], + [ + "ĠоÑĤ", + "дел" + ], + [ + "ëª", + "ĩ" + ], + [ + "ìķ", + "¡" + ], + [ + "ĠÙĦدÙĬ", + "Ùĩ" + ], + [ + "ìĻ", + "ľ" + ], + [ + "Ġse", + "ktör" + ], + [ + "Ġвозмож", + "но" + ], + [ + "ĠÐĶ", + "ж" + ], + [ + "Ġh", + "ô" + ], + [ + "äºĭ", + "ãģĮ" + ], + [ + "иÑĢов", + "ание" + ], + [ + "алÑĮ", + "ной" + ], + [ + "Ġ미", + "êµŃ" + ], + [ + "ر", + "ØŃÙĦ" + ], + [ + "ĠÑįк", + "Ñģ" + ], + [ + "пÑĢав", + "лÑı" + ], + [ + "Ġnh", + "á»Ŀ" + ], + [ + "ĠÄij", + "ẩ" + ], + [ + "ĠÄijẩ", + "y" + ], + [ + "Ùģ", + "Ùĥر" + ], + [ + "ĠÙĪØ£", + "ضاÙģ" + ], + [ + "ãĥIJ", + "ãĤ¹" + ], + [ + "ת×ķ׼", + "׳×Ļת" + ], + [ + "ÑĤел", + "ей" + ], + [ + "ĠØ¥ÙĦÙĬ", + "Ùĩ" + ], + [ + "ãģ¨è¨Ģ", + "ãģ£ãģ¦" + ], + [ + "Ġдв", + "е" + ], + [ + "Ġch", + "ấp" + ], + [ + "ĠL", + "ö" + ], + [ + "à¸Ħล", + "ิ" + ], + [ + "à¸Ħลิ", + "à¸Ľ" + ], + [ + "Ġس", + "ÙĪØ±" + ], + [ + "ĠسÙĪØ±", + "ÙĬا" + ], + [ + "×ŀ×Ĺ", + "×ķ" + ], + [ + "st", + "ä" + ], + [ + "д", + "об" + ], + [ + "Ġni", + "á»ĩm" + ], + [ + "ãģ®", + "大" + ], + [ + "פר×ķ", + "×Ļ×§" + ], + [ + "פר×ķ×Ļ×§", + "×ĺ" + ], + [ + "ĠCh", + "âu" + ], + [ + "Ġ×ŀ×Ķ", + "×Ŀ" + ], + [ + "Ñģк", + "им" + ], + [ + "ĠполÑĥÑĩ", + "иÑĤÑĮ" + ], + [ + "ÙĬ", + "ÙĪÙħ" + ], + [ + "Ø«", + "ÙĪØ±" + ], + [ + "פ×ķ׾", + "×Ļ×ĺ" + ], + [ + "פ×ķ׾×Ļ×ĺ", + "×Ļ" + ], + [ + "ĠмеÑģÑı", + "ÑĨ" + ], + [ + "åħ¨", + "ãģ¦" + ], + [ + "ĠاÙĦÙħ", + "جÙĦس" + ], + [ + "ĠاÙĦت", + "اÙĦÙĬ" + ], + [ + "Ġ×Ĺ", + "ר" + ], + [ + "åIJij", + "ãģij" + ], + [ + "׼", + "×ŀ×Ķ" + ], + [ + "б", + "ед" + ], + [ + "Ø£", + "عض" + ], + [ + "أعض", + "اء" + ], + [ + "ÙĪÙĦ", + "د" + ], + [ + "วà¹Īา", + "à¸Īะ" + ], + [ + "Ġb", + "ánh" + ], + [ + "à¸Ļิ", + "ย" + ], + [ + "à¸Ļิย", + "ม" + ], + [ + "à¸Ľà¸£à¸°", + "à¸ģัà¸Ļ" + ], + [ + "ÑģÑĤав", + "иÑĤÑĮ" + ], + [ + "à¸ŀ", + "à¸Ļัà¸Ļ" + ], + [ + "ĠÑį", + "ÑĦÑĦ" + ], + [ + "ĠÑįÑĦÑĦ", + "екÑĤив" + ], + [ + "Ġав", + "ÑĤоÑĢ" + ], + [ + "ĠÄIJ", + "Äĥng" + ], + [ + "Ġth", + "Æ°á»Łng" + ], + [ + "ãĤĴ", + "æĦŁãģĺ" + ], + [ + "à¸ģัà¸ļ", + "à¸ģาร" + ], + [ + "å¾Į", + "ãģ«" + ], + [ + "Ġya", + "ÄŁ" + ], + [ + "ست", + "اÙĨ" + ], + [ + "Ġli", + "á»ģn" + ], + [ + "ãģĦ", + "ãģ¾" + ], + [ + "i", + "êu" + ], + [ + "à¹Ĥà¸Ķ", + "à¸Ļ" + ], + [ + "ĠÙĦ", + "ذÙĦÙĥ" + ], + [ + "à¹Ĥรà¸ĩ", + "à¹Ģรียà¸Ļ" + ], + [ + "צ", + "×Ļ×Ĵ" + ], + [ + "ĠاÙĦÙħ", + "عÙĦÙĪÙħات" + ], + [ + "ç§ģ", + "ãģŁãģ¡" + ], + [ + "à¸Ĺีà¹Ī", + "à¸Ħุà¸ĵ" + ], + [ + "ãģ«ãģª", + "ãģ£ãģ¦ãģĦãĤĭ" + ], + [ + "×ŀ×ĵ", + "×Ļ׳×Ķ" + ], + [ + "ס", + "׼×Ŀ" + ], + [ + "Ġв", + "не" + ], + [ + "à¸ŀ", + "à¸Ļัà¸ģà¸ĩาà¸Ļ" + ], + [ + "ÑĢ", + "ей" + ], + [ + "à¹Ģà¸Īà¹īา", + "หà¸Ļà¹īาà¸Ĺีà¹Ī" + ], + [ + "ĠHi", + "á»ĩn" + ], + [ + "Ġméd", + "ico" + ], + [ + "ĠتØŃ", + "ÙĤÙĬÙĤ" + ], + [ + "ÑĮ", + "ÑĤе" + ], + [ + "miÅŁ", + "ti" + ], + [ + "ÙĤÙĬ", + "ادة" + ], + [ + "ãĤı", + "ãģĭãĤĬ" + ], + [ + "มา", + "à¸Īาà¸ģ" + ], + [ + "ëħ", + "Ģ" + ], + [ + "ãģ«éĸ¢", + "ãģĻãĤĭ" + ], + [ + "×IJר×Ĵ", + "×ķף" + ], + [ + "m", + "ètre" + ], + [ + "Ġעצ", + "×ŀ×Ļ" + ], + [ + "ĠCh", + "úa" + ], + [ + "รูà¹ī", + "à¸Ī" + ], + [ + "รูà¹īà¸Ī", + "ัà¸ģ" + ], + [ + "ì£", + "Ħ" + ], + [ + "ëĭ", + "µ" + ], + [ + "à¹ģà¸Ĺ", + "à¹ī" + ], + [ + "Ġgeç", + "en" + ], + [ + "Ġlan", + "ça" + ], + [ + "ĠاÙĦ", + "بØŃØ«" + ], + [ + "×ĵ", + "×ŀ×ķ" + ], + [ + "ãģ¯", + "ãģĺ" + ], + [ + "ãģ¯ãģĺ", + "ãĤģ" + ], + [ + "Ġdön", + "Ã¼ÅŁ" + ], + [ + "è¿ij", + "ãģı" + ], + [ + "à¹Ģส", + "ม" + ], + [ + "à¹Ģสม", + "à¸Ń" + ], + [ + "ëĿ", + "½" + ], + [ + "Ġü", + "ç" + ], + [ + "á»", + "ŀ" + ], + [ + "ÑĪ", + "аÑı" + ], + [ + "à¸Ĺ", + "ร" + ], + [ + "ØŃ", + "ÙĤÙĬÙĤØ©" + ], + [ + "à¸Ĥà¸Ńà¸ĩ", + "à¸ģาร" + ], + [ + "Ġ무", + "ìĹĩ" + ], + [ + "Ġ×Ķ", + "׼ר" + ], + [ + "ĠاÙĦص", + "ÙĬÙĨ" + ], + [ + "ĠлÑİ", + "ди" + ], + [ + "à¸ķ", + "าย" + ], + [ + "ب", + "ÙĪÙĦ" + ], + [ + "Ġvi", + "êm" + ], + [ + "Ġthi", + "á»ĩu" + ], + [ + "à¸ģ", + "à¸Ķ" + ], + [ + "Ġ׾", + "×ĵ×ijר" + ], + [ + "פ", + "׳×Ķ" + ], + [ + "×IJר", + "×ij×¢" + ], + [ + "س", + "Ùī" + ], + [ + "ĠاÙĦسÙĬ", + "اس" + ], + [ + "ĠاÙĦسÙĬاس", + "ÙĬØ©" + ], + [ + "yd", + "ı" + ], + [ + "ÙĪØŃØ¯", + "Ø©" + ], + [ + "ĠдеÑıÑĤелÑĮ", + "ноÑģÑĤи" + ], + [ + "Ġ×ķ×Ķ", + "×ŀ" + ], + [ + "п", + "еÑĩ" + ], + [ + "пеÑĩ", + "аÑĤ" + ], + [ + "иÑĢов", + "аниÑı" + ], + [ + "ĠÑģ", + "ог" + ], + [ + "ĠÑģог", + "лаÑģ" + ], + [ + "Ġ׼", + "×ĵ" + ], + [ + "Ġ׼×ĵ", + "×IJ×Ļ" + ], + [ + "ĠиÑģполÑĮзов", + "аÑĤÑĮ" + ], + [ + "ס", + "פ×ķר×ĺ" + ], + [ + "Ġil", + "çe" + ], + [ + "exp", + "érience" + ], + [ + "ĠTh", + "á»Ŀi" + ], + [ + "İ", + "K" + ], + [ + "à¹Ħà¸Ł", + "à¸Łà¹īา" + ], + [ + "ëĵ¤", + "ìĹIJê²Į" + ], + [ + "à¸Ľà¸£à¸°", + "à¹Ģà¸ł" + ], + [ + "à¸Ľà¸£à¸°à¹Ģà¸ł", + "à¸Ĺ" + ], + [ + "Ġmü", + "mk" + ], + [ + "Ġmümk", + "ün" + ], + [ + "Ġ×IJ×ķת", + "׳×ķ" + ], + [ + "ìĦ±", + "ìĿĦ" + ], + [ + "ĠìĿ´", + "ìľł" + ], + [ + "زÙĬ", + "ارة" + ], + [ + "Ġolduk", + "ça" + ], + [ + "r", + "ób" + ], + [ + "ĠØ£", + "ÙĨا" + ], + [ + "Ġ×Ķ", + "×ij×Ļ" + ], + [ + "Ñģ", + "ен" + ], + [ + "×¢", + "×Ļקר" + ], + [ + "×Ļ×ĵ", + "×ķ×¢" + ], + [ + "d", + "zÄħ" + ], + [ + "Ùħ", + "عÙĦÙĪÙħات" + ], + [ + "Ø´", + "اب" + ], + [ + "Ġpar", + "ça" + ], + [ + "à¸Ļะ", + "à¸Ħะ" + ], + [ + "ب", + "اس" + ], + [ + "ĠÑĤоÑĢ", + "г" + ], + [ + "ĠÑĤоÑĢг", + "ов" + ], + [ + "Ġ×Ĺ", + "×ĵר" + ], + [ + "׼", + "ר×ĺ" + ], + [ + "׼ר×ĺ", + "×Ļס" + ], + [ + "ĠA", + "yrıca" + ], + [ + "êÌ", + "£" + ], + [ + "ìľ", + "¨" + ], + [ + "ĠÑĤак", + "ие" + ], + [ + "Ġ×ŀצ", + "×ķ×Ļ" + ], + [ + "ãĥ©ãĥ³", + "ãĤŃãĥ³ãĤ°" + ], + [ + "ש×Ļ×ķ", + "×ķ×§" + ], + [ + "åīį", + "ãģ®" + ], + [ + "ĠB", + "ảo" + ], + [ + "Ñī", + "Ñĥ" + ], + [ + "æĹ©", + "ãģı" + ], + [ + "ĠPh", + "òng" + ], + [ + "à¸ŀระ", + "ราà¸Ĭ" + ], + [ + "פ", + "×Ĺ×ķת" + ], + [ + "Ġг", + "л" + ], + [ + "Ġгл", + "аз" + ], + [ + "à¸Ĺ", + "à¹Īา" + ], + [ + "Ġd", + "ạy" + ], + [ + "ÑĢ", + "оÑģÑĤ" + ], + [ + "à¹Ĥà¸Ķย", + "à¹Ģà¸īà¸ŀาะ" + ], + [ + "Ġqu", + "áºŃn" + ], + [ + "Ġ×Ĺ×ijר", + "×ķת" + ], + [ + "m", + "ême" + ], + [ + "mÄ±ÅŁ", + "tı" + ], + [ + "ĠاÙĦت", + "داÙĪÙĦ" + ], + [ + "Ġn", + "ạn" + ], + [ + "Ġ×Ķ", + "×ĵ×Ļ" + ], + [ + "ĠاÙĦØ·", + "رÙĬÙĤ" + ], + [ + "×Ĵ", + "×ķת" + ], + [ + "Ġ×Ķ", + "×ĵר×ļ" + ], + [ + "ujÄħ", + "ce" + ], + [ + "Ġch", + "ữ" + ], + [ + "ãĤĤãģ®", + "ãģ®" + ], + [ + "ë°", + "Ľ" + ], + [ + "ãģķãĤĵ", + "ãģ¯" + ], + [ + "Ġyard", + "ım" + ], + [ + "ĠاÙĦع", + "Ùħ" + ], + [ + "Ġì§Ħ", + "íĸī" + ], + [ + "Ġ×Ļ", + "×Ĺ" + ], + [ + "Ġ×Ļ×Ĺ", + "ס×Ļ" + ], + [ + "ĠاÙĦÙħ", + "دÙĬÙĨØ©" + ], + [ + "Ġc", + "ú" + ], + [ + "à¸ģี", + "ฬ" + ], + [ + "à¸ģีฬ", + "า" + ], + [ + "Ġni", + "ên" + ], + [ + "mis", + "ión" + ], + [ + "׳×Ļס", + "×Ļ" + ], + [ + "׳×Ļס×Ļ", + "×ķף" + ], + [ + "Ġвоз", + "ÑĢаÑģÑĤ" + ], + [ + "Ġ×¢×ķש", + "×Ķ" + ], + [ + "ĠÙħ", + "دÙĬر" + ], + [ + "Ñı", + "ÑģÑĮ" + ], + [ + "ØŃ", + "جÙħ" + ], + [ + "íĻĺ", + "ê²½" + ], + [ + "ĠاÙĦØ£", + "خرÙī" + ], + [ + "u", + "ÃŁer" + ], + [ + "ĠاÙĦعاÙĦÙħ", + "ÙĬØ©" + ], + [ + "ĠNg", + "á»įc" + ], + [ + "êµIJ", + "íļĮ" + ], + [ + "ä¸Ĭ", + "ãģ§" + ], + [ + "×Ļ×Ķ", + "×ķ×ĵ" + ], + [ + "×Ļ×Ķ×ķ×ĵ", + "×Ļ×Ŀ" + ], + [ + "Ùħس", + "اعدة" + ], + [ + "Ġжиз", + "нÑĮ" + ], + [ + "ĠпоÑĤ", + "омÑĥ" + ], + [ + "ĠاÙĦÙħ", + "ÙħÙĦ" + ], + [ + "ĠاÙĦÙħÙħÙĦ", + "ÙĥØ©" + ], + [ + "ĠG", + "ör" + ], + [ + "ر", + "ÙIJ" + ], + [ + "×ŀ×§", + "×ķ×ŀ×ķת" + ], + [ + "åĩºæĿ¥", + "ãĤĭ" + ], + [ + "ÑĦ", + "ÑĤ" + ], + [ + "ĠìĿ´", + "ìłľ" + ], + [ + "ĠÑĢ", + "ем" + ], + [ + "ĠÑĢем", + "онÑĤ" + ], + [ + "ת", + "×ķ×ļ" + ], + [ + "æĻĤ", + "ãģ¯" + ], + [ + "ãĤīãĤĮ", + "ãģªãģĦ" + ], + [ + "alt", + "ı" + ], + [ + "å®¶", + "ãģ®" + ], + [ + "ĠاÙĦØ¥", + "عÙĦاÙħ" + ], + [ + "리", + "ëĬĶ" + ], + [ + "ãģĭãĤī", + "ãģ¯" + ], + [ + "ĠH", + "ạ" + ], + [ + "ãģĤ", + "ãģ®" + ], + [ + "×ĵ×Ļ", + "×ķף" + ], + [ + "رÙĬ", + "س" + ], + [ + "Ġsoci", + "etÃł" + ], + [ + "ĠاÙĦÙĥ", + "بÙĬر" + ], + [ + "Ġ×ij", + "×ŀס" + ], + [ + "Ġ×ij×ŀס", + "×Ĵר" + ], + [ + "Ġ×ij×ŀס×Ĵר", + "ת" + ], + [ + "ĠìŀĪ", + "ìľ¼ë©°" + ], + [ + "Ġn", + "ặng" + ], + [ + "Ùĩ", + "Ùī" + ], + [ + "ĠB", + "Ãł" + ], + [ + "×ŀר", + "×ķ" + ], + [ + "Ġj", + "ÄĻ" + ], + [ + "ĠjÄĻ", + "zy" + ], + [ + "ĠjÄĻzy", + "k" + ], + [ + "Ġ׼", + "×ŀ×ķ×ijף" + ], + [ + "×¢", + "׾×Ķ" + ], + [ + "à¸Ĺีà¹Ī", + "à¹Ħà¸Ķà¹ī" + ], + [ + "ãģ¾", + "ãģĹãĤĩãģĨ" + ], + [ + "×ŀס", + "פר" + ], + [ + "Т", + "Ðŀ" + ], + [ + "سÙĬاس", + "Ø©" + ], + [ + "Ġкажд", + "Ñĭй" + ], + [ + "ë²", + "ł" + ], + [ + "t", + "ım" + ], + [ + "y", + "á»ĩn" + ], + [ + "ร", + "ีà¹Ī" + ], + [ + "ĠдеÑĤ", + "Ñģк" + ], + [ + "วิà¸ĺี", + "à¸ģาร" + ], + [ + "m", + "ówi" + ], + [ + "×ĺ×¢", + "×Ŀ" + ], + [ + "×Ķצ׾", + "×Ĺ×Ķ" + ], + [ + "ض", + "ÙĬÙģ" + ], + [ + "ĠÑħоÑĤ", + "Ñı" + ], + [ + "ãĤĵãģ§", + "ãģĦãĤĭ" + ], + [ + "à¸Ħา", + "à¸Ķ" + ], + [ + "à¸Ħร", + "à¸ļ" + ], + [ + "Ġк", + "ÑĥÑĢÑģ" + ], + [ + "ĠbaÅŁ", + "arı" + ], + [ + "×ijר", + "×ķ" + ], + [ + "ÙĬع", + "Ø©" + ], + [ + "ĠÐĿ", + "Ñĥ" + ], + [ + "à¸Ħวาม", + "à¹Ģà¸Ľà¹ĩà¸Ļ" + ], + [ + "Ġ׾", + "×ŀש׾" + ], + [ + "Ġì¢ĭ", + "ìĿĢ" + ], + [ + "Ùħؤس", + "س" + ], + [ + "Ùħؤسس", + "ات" + ], + [ + "Ġpréc", + "is" + ], + [ + "Ġth", + "ảo" + ], + [ + "à¸ģà¹ĩ", + "à¸Ħืà¸Ń" + ], + [ + "Ġש", + "׼׾" + ], + [ + "führ", + "ung" + ], + [ + "ãģĦ", + "ãģ§" + ], + [ + "à¹ģละ", + "มี" + ], + [ + "à¸ģà¹ĩ", + "มี" + ], + [ + "Ġש", + "ש" + ], + [ + "м", + "ел" + ], + [ + "Ġкни", + "г" + ], + [ + "ĠباÙĦ", + "ÙĨ" + ], + [ + "ĠباÙĦÙĨ", + "سبة" + ], + [ + "Ġald", + "ı" + ], + [ + "ÑĤ", + "ай" + ], + [ + "Ġ×Ĺ×ĵ", + "ש×Ļ×Ŀ" + ], + [ + "å®Ł", + "ãģ¯" + ], + [ + "ع", + "ÙĪØ§" + ], + [ + "ĠìĿĺ", + "미" + ], + [ + "из", + "м" + ], + [ + "ÑĢабоÑĤ", + "аÑĤÑĮ" + ], + [ + "Ùģ", + "ص" + ], + [ + "Ġ×ij׳", + "×ķסף" + ], + [ + "ãģ¨ãģĹãģ¦", + "ãĤĤ" + ], + [ + "à¹Ģà¸Ľà¹ĩà¸Ļ", + "à¸Ĺีà¹Ī" + ], + [ + "ĠÑģлед", + "ÑĥеÑĤ" + ], + [ + "èĢĥãģĪ", + "ãģ¦" + ], + [ + "Ġ׼", + "×Ļ×ķ×Ŀ" + ], + [ + "ÑģÑĤ", + "Ñĭ" + ], + [ + "׼׾׼", + "׾×Ļ" + ], + [ + "æµģ", + "ãĤĮ" + ], + [ + "ãĤĴ", + "ãģ¤ãģij" + ], + [ + "Ñĩ", + "аÑĤ" + ], + [ + "×Ļ׼", + "×ķף" + ], + [ + "×Ļר", + "×Ļ" + ], + [ + "ları", + "yla" + ], + [ + "ãĤ¤", + "ãĥ¡" + ], + [ + "ãĤ¤ãĥ¡", + "ãĥ¼ãĤ¸" + ], + [ + "׳×ĸ", + "×§" + ], + [ + "Ġci", + "ò" + ], + [ + "Ġs", + "ın" + ], + [ + "Ġsın", + "ır" + ], + [ + "à¸Ļ", + "à¸Ħร" + ], + [ + "к", + "аÑĤ" + ], + [ + "Ġl", + "á»Ĺi" + ], + [ + "ëŀ", + "Į" + ], + [ + "تÙģ", + "اص" + ], + [ + "تÙģØ§Øµ", + "ÙĬÙĦ" + ], + [ + "ëĨ", + "ĵ" + ], + [ + "ĠÙħ", + "ض" + ], + [ + "il", + "miÅŁ" + ], + [ + "بار", + "Ùĥ" + ], + [ + "ÐĿ", + "Ðĺ" + ], + [ + "Ġth", + "ẩm" + ], + [ + "Ġ×IJ×ķת", + "×ļ" + ], + [ + "ĠпÑĢин", + "им" + ], + [ + "ĠпÑĢиним", + "а" + ], + [ + "Ġyö", + "nt" + ], + [ + "Ġyönt", + "em" + ], + [ + "Ġ×ŀ×§", + "×ij׾" + ], + [ + "Ġktó", + "rego" + ], + [ + "ê·", + "Ģ" + ], + [ + "شر", + "Ùģ" + ], + [ + "د", + "اÙħ" + ], + [ + "ãģĦãĤį", + "ãģĦãĤį" + ], + [ + "ĠAl", + "ém" + ], + [ + "Ġgör", + "ü" + ], + [ + "Ġgörü", + "nt" + ], + [ + "Ġgörünt", + "ü" + ], + [ + "د", + "س" + ], + [ + "ÑĪ", + "ки" + ], + [ + "г", + "ÑĢад" + ], + [ + "Ġl", + "ạc" + ], + [ + "Ġs", + "ữa" + ], + [ + "ãĤīãĤĮ", + "ãģ¾ãģĻ" + ], + [ + "o", + "Ãłi" + ], + [ + "Ñī", + "ен" + ], + [ + "ãģĭ", + "ãģªãģĦ" + ], + [ + "Ġп", + "оп" + ], + [ + "Ġпоп", + "Ñĥ" + ], + [ + "ĠпопÑĥ", + "лÑıÑĢ" + ], + [ + "ĠاÙĦÙħ", + "ÙĪÙĤع" + ], + [ + "rä", + "g" + ], + [ + "ï¼", + "¡" + ], + [ + "íķ", + "Ħ" + ], + [ + "ãĤĴè¦ĭ", + "ãĤĭ" + ], + [ + "اÙħ", + "ا" + ], + [ + "ĠاÙĦØŃ", + "رب" + ], + [ + "ĠÐŁ", + "а" + ], + [ + "Ġ׾", + "×IJתר" + ], + [ + "Ġt", + "á»ijc" + ], + [ + "×ij", + "׾×Ķ" + ], + [ + "ر", + "ئÙĬس" + ], + [ + "в", + "Ñĥ" + ], + [ + "ÙĬ", + "دÙĬ" + ], + [ + "каз", + "ан" + ], + [ + "Ġ×Ĺ", + "ש×ij×ķף" + ], + [ + "h", + "ôtel" + ], + [ + "×¢", + "×ķ׳×Ķ" + ], + [ + "ب", + "ÙĨÙĬ" + ], + [ + "×ŀ", + "×ķ׾" + ], + [ + "Ġд", + "нÑı" + ], + [ + "éĽ£", + "ãģĹãģĦ" + ], + [ + "вед", + "ениÑı" + ], + [ + "Ġ×ķ", + "×ŀת" + ], + [ + "н", + "апÑĢимеÑĢ" + ], + [ + "ÙĤ", + "ابÙĦ" + ], + [ + "Ġrésult", + "at" + ], + [ + "ĠÑĢазвиÑĤ", + "иÑı" + ], + [ + "ر", + "Ùij" + ], + [ + "ìłĦ", + "문" + ], + [ + "ĠاÙĦÙħ", + "زÙĬد" + ], + [ + "ĠìľĦ", + "íķ´ìĦľ" + ], + [ + "ëĨ", + "į" + ], + [ + "íĻ", + "ķ" + ], + [ + "ĠThi", + "ết" + ], + [ + "íĮ", + "¨" + ], + [ + "malı", + "dır" + ], + [ + "Ġcz", + "ÅĤ" + ], + [ + "ĠczÅĤ", + "owie" + ], + [ + "ĠczÅĤowie", + "k" + ], + [ + "ĠÙĦ", + "بÙĨ" + ], + [ + "ĠÙĦبÙĨ", + "اÙĨ" + ], + [ + "üs", + "ü" + ], + [ + "ãģªãĤĵ", + "ãģł" + ], + [ + "Ġżyc", + "ie" + ], + [ + "ĠÑħоÑĢоÑĪ", + "о" + ], + [ + "æĸ¹", + "ãģ«" + ], + [ + "ëĭ¤", + "ë©´" + ], + [ + "иÑĩеÑģ", + "каÑı" + ], + [ + "ער", + "×Ļ׼" + ], + [ + "ער×Ļ׼", + "ת" + ], + [ + "ãģ¾ãģĽãĤĵ", + "ãģ§ãģĹãģŁ" + ], + [ + "ĠÑģоб", + "ой" + ], + [ + "Ġg", + "á»Ĺ" + ], + [ + "Ġдел", + "аÑĤÑĮ" + ], + [ + "da", + "Äĩ" + ], + [ + "аÑĢ", + "а" + ], + [ + "róż", + "ni" + ], + [ + "à¹Ģล", + "ีà¹ī" + ], + [ + "à¹Ģลีà¹ī", + "ย" + ], + [ + "à¹Ģลีà¹īย", + "à¸ĩ" + ], + [ + "à¸Ŀ", + "าà¸ģ" + ], + [ + "Ġت", + "ÙĤ" + ], + [ + "ĠتÙĤ", + "دÙĬ" + ], + [ + "ĠتÙĤدÙĬ", + "Ùħ" + ], + [ + "หà¸Ļ", + "ุà¹Īม" + ], + [ + "Ġmü", + "cade" + ], + [ + "Ġmücade", + "le" + ], + [ + "ì§Ģ", + "를" + ], + [ + "ãĤ¤", + "ãĤ¹" + ], + [ + "ĠØ£", + "ساس" + ], + [ + "jÄħce", + "go" + ], + [ + "ĠÅŁ", + "eh" + ], + [ + "н", + "ÑĤеÑĢ" + ], + [ + "ÑĨи", + "Ñİ" + ], + [ + "ï»", + "»" + ], + [ + "ÑİÑī", + "его" + ], + [ + "à¹Ĥà¸Ľà¸£", + "à¹ģ" + ], + [ + "à¹Ĥà¸Ľà¸£à¹ģ", + "à¸ģรม" + ], + [ + "Ġmie", + "Äĩ" + ], + [ + "ØŃÙĥÙĪÙħ", + "Ø©" + ], + [ + "ãģ§ãģĹãģŁ", + "ãģĮ" + ], + [ + "×Ļס", + "×Ķ" + ], + [ + "ãĤĤãģ®", + "ãĤĴ" + ], + [ + "Ġ×ŀ", + "×IJת" + ], + [ + "สุà¸Ķ", + "à¸Ĺà¹īาย" + ], + [ + "Ġc", + "Å©" + ], + [ + "ÙĨ", + "سب" + ], + [ + "ĠпÑĢ", + "оÑĩ" + ], + [ + "Ġд", + "ней" + ], + [ + "ĠÑįÑĤи", + "Ñħ" + ], + [ + "׾", + "×ŀת" + ], + [ + "нÑı", + "Ñı" + ], + [ + "Ñį", + "к" + ], + [ + "Ġì§Ģ", + "ëĤľ" + ], + [ + "มหา", + "วิà¸Ĺยา" + ], + [ + "มหาวิà¸Ĺยา", + "ล" + ], + [ + "มหาวิà¸Ĺยาล", + "ัย" + ], + [ + "d", + "ão" + ], + [ + "ĠMá", + "y" + ], + [ + "ĠêµŃ", + "ê°Ģ" + ], + [ + "à¸ļุ", + "รี" + ], + [ + "×Ĵ", + "×Ļ׾" + ], + [ + "ĠÑĤÑĭ", + "ÑģÑı" + ], + [ + "ĠÑĤÑĭÑģÑı", + "Ñĩ" + ], + [ + "Ùģ", + "Ùĥ" + ], + [ + "ĠÐĺ", + "Ñģ" + ], + [ + "è¡Į", + "ãĤıãĤĮ" + ], + [ + "פר", + "×ĵ" + ], + [ + "ãģ¤", + "ãģį" + ], + [ + "à¸Ħร", + "à¸Ńà¸ļ" + ], + [ + "à¸Ħรà¸Ńà¸ļ", + "à¸Ħรัว" + ], + [ + "à¸Ĥึà¹īà¸Ļ", + "มา" + ], + [ + "ä»ĬæĹ¥", + "ãģ¯" + ], + [ + "ĠìĤ¬ëŀĮ", + "ìĿ´" + ], + [ + "עצ", + "×ŀ×Ķ" + ], + [ + "п", + "оÑĢ" + ], + [ + "ĠK", + "ỳ" + ], + [ + "Ġ", + "Æ¡n" + ], + [ + "Ġth", + "Äĥm" + ], + [ + "Ùģ", + "اÙĤ" + ], + [ + "ãģļ", + "ãģ«" + ], + [ + "Ġ׾", + "קר" + ], + [ + "Ġ׾קר", + "×ķ×IJ" + ], + [ + "اÙģ", + "ÙĬØ©" + ], + [ + "Ùħ", + "ÙİØ§" + ], + [ + "г", + "аÑĢ" + ], + [ + "ص", + "ÙĦا" + ], + [ + "صÙĦا", + "Ø©" + ], + [ + "Ġ×ŀ", + "×ĸ×Ķ" + ], + [ + "lı", + "ģını" + ], + [ + "Ġ×IJ", + "×Ļ׳×Ķ" + ], + [ + "к", + "ÑĢо" + ], + [ + "Ġng", + "ươi" + ], + [ + "Ġв", + "ним" + ], + [ + "Ġвним", + "ание" + ], + [ + "jÄħ", + "cy" + ], + [ + "ÙĢÙĢÙĢÙĢ", + "ÙĢ" + ], + [ + "Ñģ", + "Ñħод" + ], + [ + "ãģªãĤĵ", + "ãģĭ" + ], + [ + "×ŀ", + "×Ļ׾" + ], + [ + "Ġ×Ķ×IJ", + "×Ĺ" + ], + [ + "ãĤı", + "ãģªãģĦ" + ], + [ + "ع", + "سÙĥر" + ], + [ + "ĠìĦ¸", + "ê³Ħ" + ], + [ + "ĠÑĩ", + "его" + ], + [ + "ĠÑģÑĢед", + "ÑģÑĤва" + ], + [ + "ĠÐł", + "аÑģ" + ], + [ + "ãģª", + "ãģģ" + ], + [ + "ÙĨ", + "Ù쨳" + ], + [ + "ר×Ļ", + "×ķף" + ], + [ + "Ñģ", + "Ñĥд" + ], + [ + "ĠìĿ¸", + "ê°Ħ" + ], + [ + "ĠاÙĦÙħ", + "ÙĤبÙĦ" + ], + [ + "ÙĨ", + "عÙħ" + ], + [ + "تÙĪ", + "Ù쨱" + ], + [ + "ש", + "×ij×¢" + ], + [ + "ı", + "lm" + ], + [ + "ılm", + "Ä±ÅŁ" + ], + [ + "Ġ×ľ×ª", + "ת" + ], + [ + "تص", + "Ùģ" + ], + [ + "×Ķפ", + "×ķ×ļ" + ], + [ + "à¹ĥà¸Ļ", + "à¸Ľà¸µ" + ], + [ + "ìĿ´", + "ê³ł" + ], + [ + "Ùģ", + "ÙĪØ²" + ], + [ + "à¸ľà¸¥", + "à¸ĩาà¸Ļ" + ], + [ + "ĠGi", + "áo" + ], + [ + "à¸ļà¸Ńà¸ģ", + "วà¹Īา" + ], + [ + "Ġd", + "Ä±ÅŁ" + ], + [ + "ĠdÄ±ÅŁ", + "ında" + ], + [ + "ì£", + "½" + ], + [ + "Ġdzie", + "ÅĦ" + ], + [ + "к", + "ÑĨии" + ], + [ + "и", + "ÑĨе" + ], + [ + "ãģ®", + "ä¸Ģ" + ], + [ + "ع", + "Ø´" + ], + [ + "пÑĢ", + "еÑģÑģ" + ], + [ + "หà¸Ļ", + "à¹Īà¸Ńย" + ], + [ + "ลัà¸ģษ", + "à¸ĵะ" + ], + [ + "Ġpossibilit", + "Ãł" + ], + [ + "à¹Ħà¸Ķà¹īรัà¸ļ", + "à¸ģาร" + ], + [ + "หย", + "ุà¸Ķ" + ], + [ + "Ġphi", + "ên" + ], + [ + "çĶŁ", + "ãģ¾ãĤĮ" + ], + [ + "Ø·", + "ÙĪÙĦ" + ], + [ + "ÑĦ", + "ин" + ], + [ + "f", + "ür" + ], + [ + "ØŃ", + "ÙĬاة" + ], + [ + "íĸ", + "ĪìĬµëĭĪëĭ¤" + ], + [ + "׼", + "׳×ķת" + ], + [ + "à¸Ľà¸£à¸°", + "ส" + ], + [ + "à¸Ľà¸£à¸°à¸ª", + "à¸ļ" + ], + [ + "à¸Ľà¸£à¸°à¸ªà¸ļ", + "à¸ģารà¸ĵà¹Į" + ], + [ + "ëIJĺ", + "ìĹĪ" + ], + [ + "Ġkaż", + "dy" + ], + [ + "Ġl", + "uyá»ĩn" + ], + [ + "ĠоÑĢганиз", + "аÑĨии" + ], + [ + "å°ij", + "ãģªãģı" + ], + [ + "ÑģÑĤÑĢо", + "ен" + ], + [ + "Ġtécn", + "ico" + ], + [ + "×§", + "×Ķ׾" + ], + [ + "Ġ×ķ×IJ", + "×Ĺ" + ], + [ + "ĠعÙĦÙĬ", + "Ùĥ" + ], + [ + "Ñī", + "ение" + ], + [ + "Ġ×Ķ", + "×Ļ׾×ĵ×Ļ×Ŀ" + ], + [ + "ÙĪØ³", + "ائÙĦ" + ], + [ + "Ġ×ķ", + "×Ķת" + ], + [ + "تÙħ", + "ÙĬز" + ], + [ + "ĠÑģ", + "казал" + ], + [ + "Ġпол", + "и" + ], + [ + "Ġ×Ķ×ŀ", + "ס" + ], + [ + "ÙĦÙij", + "Ùİ" + ], + [ + "Ùħؤس", + "سة" + ], + [ + "Ġ×ŀ", + "×Ļ×ĵ" + ], + [ + "ãģ£", + "ãģ¡" + ], + [ + "ĠëĦĪ", + "무" + ], + [ + "à¸ŀ", + "ี" + ], + [ + "Ġt", + "ặng" + ], + [ + "Ġt", + "ấn" + ], + [ + "ר", + "ש×Ŀ" + ], + [ + "Ġméd", + "ica" + ], + [ + "Ġ×¢", + "×ķ×ŀ" + ], + [ + "Ġ×¢×ķ×ŀ", + "×ĵ" + ], + [ + "ÑĦ", + "оÑĢ" + ], + [ + "Ùħر", + "Ø©" + ], + [ + "Ġvat", + "anda" + ], + [ + "Ġvatanda", + "ÅŁ" + ], + [ + "Ġдел", + "о" + ], + [ + "à¸Ļ", + "ม" + ], + [ + "ãģ¨", + "åIJĮãģĺ" + ], + [ + "Ùģ", + "Ùī" + ], + [ + "Ñģ", + "оÑĢ" + ], + [ + "Ġ×Ķס", + "ר×ĺ" + ], + [ + "Ġép", + "oca" + ], + [ + "ìłķ", + "ì±ħ" + ], + [ + "ĠÑģвÑıз", + "ан" + ], + [ + "ض", + "رب" + ], + [ + "ĠÙĦ", + "ÙĨا" + ], + [ + "Ġuży", + "wa" + ], + [ + "ĠاÙĦج", + "ÙĬØ´" + ], + [ + "Ñİ", + "ÑĢ" + ], + [ + "×ijס", + "×ķ×£" + ], + [ + "Ġм", + "Ñĥ" + ], + [ + "ĠмÑĥ", + "зÑĭк" + ], + [ + "bilit", + "é" + ], + [ + "Ġma", + "ç" + ], + [ + "س", + "Ùİ" + ], + [ + "ت", + "ÙĦÙĥ" + ], + [ + "ãģ", + "¬" + ], + [ + "ÙĬ", + "ÙĦا" + ], + [ + "ÑĪ", + "ла" + ], + [ + "ÙĢÙĢ", + "ÙĢ" + ], + [ + "Ġод", + "ной" + ], + [ + "зв", + "ан" + ], + [ + "ĠÑģ", + "ÑĢаз" + ], + [ + "ĠÑģÑĢаз", + "Ñĥ" + ], + [ + "ÙĨ", + "ظÙħ" + ], + [ + "را", + "Ùĩ" + ], + [ + "ĠÙĦÙĩ", + "ذا" + ], + [ + "׼", + "×ķר" + ], + [ + "Ġ×Ķש", + "×ij×ķ×¢" + ], + [ + "Ġ×Ķש", + "ת" + ], + [ + "ĠQu", + "ảng" + ], + [ + "ãĥ«", + "ãĥ¼" + ], + [ + "ãģĪ", + "ãģªãģĦ" + ], + [ + "×ĺ", + "×IJ" + ], + [ + "Ġmi", + "á»ģn" + ], + [ + "ĠPh", + "áºŃt" + ], + [ + "ĠاÙĦس", + "ÙĪÙĤ" + ], + [ + "Ä", + "Ĥ" + ], + [ + "ĠاÙĦج", + "Ùħع" + ], + [ + "ĠاÙĦجÙħع", + "Ø©" + ], + [ + "ÑİÑī", + "ей" + ], + [ + "a", + "ÅĤem" + ], + [ + "عت", + "ÙĤد" + ], + [ + "Ø£", + "ÙĦÙħ" + ], + [ + "Ñģ", + "ке" + ], + [ + "ĠìĿ´", + "íķ´" + ], + [ + "ÙĨس", + "Ø®" + ], + [ + "è¨Ģ", + "ãģĦ" + ], + [ + "д", + "обав" + ], + [ + "سب", + "ÙĤ" + ], + [ + "×¢×ķר", + "ר" + ], + [ + "ÑĤи", + "п" + ], + [ + "ãģĿãģĵ", + "ãģ§" + ], + [ + "vis", + "ión" + ], + [ + "عÙĪØ¯", + "Ø©" + ], + [ + "ë¨", + "¹" + ], + [ + "×ŀ", + "×ĸר×Ĺ" + ], + [ + "ĠØ¥", + "ØŃ" + ], + [ + "Ġ׾×ij", + "×Ļף" + ], + [ + "Ġ׾צ", + "×IJת" + ], + [ + "Ġyard", + "ı" + ], + [ + "Ġyardı", + "mc" + ], + [ + "Ġyardımc", + "ı" + ], + [ + "İ", + "Z" + ], + [ + "×§", + "פ×Ķ" + ], + [ + "tr", + "é" + ], + [ + "liÄŁ", + "ini" + ], + [ + "клÑİÑĩ", + "а" + ], + [ + "Ġüret", + "im" + ], + [ + "Ġa", + "yrı" + ], + [ + "ĠkiÅŁ", + "iler" + ], + [ + "à¸Ħ", + "à¹īà¸Ļ" + ], + [ + "à¸Ħà¹īà¸Ļ", + "หา" + ], + [ + "ĠS", + "á»±" + ], + [ + "Ġ׼", + "ס" + ], + [ + "Ġ×Ľ×¡", + "×£" + ], + [ + "ĠÑĤак", + "иÑħ" + ], + [ + "ĠXu", + "ân" + ], + [ + "Ġл", + "ег" + ], + [ + "Ġлег", + "ко" + ], + [ + "Ø«ÙĤ", + "اÙ쨩" + ], + [ + "ÐĿ", + "Ðŀ" + ], + [ + "ãĤ¹ãĤ¿", + "ãĥĥ" + ], + [ + "ãĤ¹ãĤ¿ãĥĥ", + "ãĥķ" + ], + [ + "åIJĪ", + "ãģĦ" + ], + [ + "Ġ×Ķש", + "×Ļ×ŀ×ķש" + ], + [ + "man", + "ız" + ], + [ + "ĠÐĴ", + "аÑģ" + ], + [ + "g", + "ün" + ], + [ + "ìľĦìĽIJ", + "íļĮ" + ], + [ + "Ġwsp", + "óln" + ], + [ + "ĠÑģв", + "ое" + ], + [ + "í", + "ĥģ" + ], + [ + "à¹Ģà¸Ļ", + "ีย" + ], + [ + "ÙĪØ¨", + "Ø©" + ], + [ + "в", + "Ñıз" + ], + [ + "ı", + "dır" + ], + [ + "ëIJĺ", + "ìĹĪëĭ¤" + ], + [ + "ĠdeÄŁi", + "ÅŁtir" + ], + [ + "ãĤĭ", + "ãģĵãģ¨ãģĮ" + ], + [ + "Ġ×Ĺ×ĵ", + "ש×Ķ" + ], + [ + "ãĤīãĤĮ", + "ãģ¦ãģĦãĤĭ" + ], + [ + "×Ĺ×Ļ", + "×Ļ×ij" + ], + [ + "ĠÐļ", + "аÑĢ" + ], + [ + "׳×Ļת", + "×ķ×Ĺ" + ], + [ + "Ġ×§×ĺ", + "ף" + ], + [ + "ר", + "×ĸ" + ], + [ + "ÙĪ", + "غ" + ], + [ + "èªŃ", + "ãģ¿" + ], + [ + "Ġت", + "ÙĤÙĪÙħ" + ], + [ + "ĠÙĥ", + "اÙĦ" + ], + [ + "à¸Ŀ", + "ึà¸ģ" + ], + [ + "Ġë°ľ", + "ìĥĿ" + ], + [ + "ológ", + "ico" + ], + [ + "ر", + "اع" + ], + [ + "à¹ģà¸ģà¹ī", + "à¹Ħà¸Ĥ" + ], + [ + "ĠÑĢабоÑĤ", + "Ñĥ" + ], + [ + "ÙĨÙij", + "Ùİ" + ], + [ + "à¸Ńยูà¹Ī", + "à¸Ĺีà¹Ī" + ], + [ + "ĠاÙĦØ«", + "اÙĨÙĬØ©" + ], + [ + "ĠNh", + "ân" + ], + [ + "Ñħ", + "ваÑĤ" + ], + [ + "ö", + "ne" + ], + [ + "Ġع", + "دة" + ], + [ + "à¹ģ", + "สà¸ĩ" + ], + [ + "ÑĤ", + "оп" + ], + [ + "пÑĥÑģ", + "ка" + ], + [ + "شر", + "اء" + ], + [ + "ĠÐļ", + "ом" + ], + [ + "Ġפע", + "×ķ׾×Ķ" + ], + [ + "ìĤ¬", + "ìĿ´" + ], + [ + "ìĤ¬ìĿ´", + "íĬ¸" + ], + [ + "è¡Į", + "ãģ£ãģ¦" + ], + [ + "Ġ×Ķ", + "×Ķת" + ], + [ + "ĠÑģÑĤ", + "оÑĢо" + ], + [ + "ĠÑģÑĤоÑĢо", + "нÑĭ" + ], + [ + "در", + "س" + ], + [ + "à¸ĭ", + "ู" + ], + [ + "à¸ķà¹Ī", + "ำ" + ], + [ + "ĠØ£", + "بÙĬ" + ], + [ + "под", + "об" + ], + [ + "ãģ«", + "ãģ¦" + ], + [ + "ار", + "تÙģØ§Ø¹" + ], + [ + "ĠÙħ", + "ؤ" + ], + [ + "ик", + "ов" + ], + [ + "ge", + "führt" + ], + [ + "มืà¸Ń", + "à¸ĸืà¸Ń" + ], + [ + "ĠÙĦ", + "ÙĤد" + ], + [ + "ĠØ£ÙĨ", + "Ùij" + ], + [ + "سÙĬ", + "طر" + ], + [ + "ãģ¾ãģļ", + "ãģ¯" + ], + [ + "ס", + "×ĵ" + ], + [ + "Ñģк", + "олÑĮко" + ], + [ + "ãģ¿ãģŁãģĦ", + "ãģª" + ], + [ + "×ĵר", + "×Ĵ" + ], + [ + "×¢", + "×Ļ×ĵ" + ], + [ + "à¹ĥหà¹ī", + "à¸ļริà¸ģาร" + ], + [ + "ĠÐĶ", + "и" + ], + [ + "×ij×¢", + "×Ļ×ķת" + ], + [ + "Ġ×Ķ×Ĺ", + "×ķ" + ], + [ + "пиÑģ", + "ÑĮ" + ], + [ + "ĠاÙĦØ®", + "ÙĦ" + ], + [ + "б", + "ав" + ], + [ + "Ġİ", + "lk" + ], + [ + "ĠاÙĦØ®", + "Ùħ" + ], + [ + "ĠاÙĦØ®Ùħ", + "ÙĬس" + ], + [ + "ĠÙĬ", + "ÙĤÙĪÙħ" + ], + [ + "æĻĤ", + "ãģ®" + ], + [ + "ĠsÅĤ", + "ow" + ], + [ + "ĠØ£", + "ÙĩÙħ" + ], + [ + "Ø®ÙĦ", + "ÙĤ" + ], + [ + "ĠØ£", + "صبØŃ" + ], + [ + "Ġchứ", + "a" + ], + [ + "Ġth", + "ác" + ], + [ + "Ùģ", + "اÙĦ" + ], + [ + "Ġch", + "á»Ŀ" + ], + [ + "ĠاÙĦØ®", + "ار" + ], + [ + "ĠاÙĦخار", + "ج" + ], + [ + "ĠاÙĦخارج", + "ÙĬØ©" + ], + [ + "Ø·", + "ائر" + ], + [ + "Ġt", + "Ãł" + ], + [ + "ĠtÃł", + "u" + ], + [ + "à¸ģล", + "à¹īà¸Ńà¸ĩ" + ], + [ + "ĠاÙĦÙħر", + "Ø£" + ], + [ + "ĠاÙĦÙħرأ", + "Ø©" + ], + [ + "åħ¨", + "ãģı" + ], + [ + "ĠÃĸ", + "n" + ], + [ + "çļĦ", + "ãģ«ãģ¯" + ], + [ + "Ġpiè", + "ce" + ], + [ + "×Ĵ", + "×Ļ×ij" + ], + [ + "ĠاÙĦ", + "ÙĪØ§ÙĤع" + ], + [ + "ä»Ĭ", + "ãģ®" + ], + [ + "ĠاÙĦÙħ", + "ÙĤ" + ], + [ + "cz", + "nÄħ" + ], + [ + "Ù쨹", + "اÙĦ" + ], + [ + "ен", + "ного" + ], + [ + "ĠÑĦак", + "ÑĤ" + ], + [ + "ìĭł", + "ì²Ń" + ], + [ + "ĠÐŀ", + "ни" + ], + [ + "ĠاÙĦبÙĦ", + "اد" + ], + [ + "ов", + "иÑĩ" + ], + [ + "ëı", + "Į" + ], + [ + "ÑĦ", + "ÑĥнкÑĨи" + ], + [ + "Ġìĸ´", + "ëĬIJ" + ], + [ + "ãĥķãĤ©", + "ãĥ¼" + ], + [ + "d", + "ÃŃ" + ], + [ + "ил", + "оÑģÑĮ" + ], + [ + "Ùħ", + "Ùī" + ], + [ + "ĠاÙĦØ£ÙħرÙĬ", + "Ùĥ" + ], + [ + "ĠاÙĦØ£ÙħرÙĬÙĥ", + "ÙĬØ©" + ], + [ + "×ĺ", + "×Ļפ×ķ׾" + ], + [ + "íĶĦ", + "ë¡ľê·¸" + ], + [ + "íĶĦë¡ľê·¸", + "ëŀ¨" + ], + [ + "Ġש", + "×ķ׳×ķת" + ], + [ + "Ø´", + "ÙħÙĦ" + ], + [ + "ĠпаÑĢ", + "а" + ], + [ + "Ġ×Ķ×Ĺ", + "×ķ×§" + ], + [ + "ÙĪØ²", + "ارة" + ], + [ + "ãģ¨", + "ãģĻãĤĭ" + ], + [ + "Ġqu", + "ảng" + ], + [ + "ĠaÄŁ", + "ır" + ], + [ + "ĠاÙĦÙĦ", + "ج" + ], + [ + "ĠاÙĦÙĦج", + "ÙĨØ©" + ], + [ + "ê¸", + "´" + ], + [ + "ĠT", + "ân" + ], + [ + "ج", + "ÙħÙĦ" + ], + [ + "д", + "ол" + ], + [ + "à¹ģà¸ŀ", + "à¸Ĺย" + ], + [ + "à¹ģà¸ŀà¸Ĺย", + "à¹Į" + ], + [ + "Ġר×IJ", + "ש×Ļ" + ], + [ + "Ñī", + "ей" + ], + [ + "Ġçev", + "re" + ], + [ + "Ġкомп", + "лекÑģ" + ], + [ + "Ġ×ij", + "×ŀש×ļ" + ], + [ + "Ġalt", + "ın" + ], + [ + "ĠØ£", + "عÙħاÙĦ" + ], + [ + "ĠÑģво", + "его" + ], + [ + "ãĤĪ", + "ãģĦ" + ], + [ + "×Ĺ׾", + "×Ļ×ĺ" + ], + [ + "×ŀ׳", + "×¢" + ], + [ + "Ġר", + "×ij×Ķ" + ], + [ + "ĠØ£ÙĬضا", + "Ùĭ" + ], + [ + "×ĸ", + "׾" + ], + [ + "ĠاÙĦسÙĬ", + "اسÙĬ" + ], + [ + "æĢĿ", + "ãģĨ" + ], + [ + "קר", + "×§" + ], + [ + "קרק", + "×¢" + ], + [ + "ĠاÙĦÙģ", + "رÙĬÙĤ" + ], + [ + "б", + "иÑĤ" + ], + [ + "×§", + "׳×Ķ" + ], + [ + "ĠØ¥", + "ÙĨÙĩ" + ], + [ + "ĠÐĴ", + "ам" + ], + [ + "Ðł", + "Ðŀ" + ], + [ + "ãĥĪ", + "ãĥª" + ], + [ + "å¿ħè¦ģ", + "ãģª" + ], + [ + "Ġch", + "âu" + ], + [ + "ç¶ļ", + "ãģij" + ], + [ + "Ġçöz", + "üm" + ], + [ + "gÅĤ", + "ow" + ], + [ + "ع", + "ÙĤÙĦ" + ], + [ + "売", + "ãĤĭ" + ], + [ + "i", + "ết" + ], + [ + "à¸Ĭิ", + "à¹īà¸Ļ" + ], + [ + "ĠØŃÙĤ", + "ÙĪÙĤ" + ], + [ + "Ø·ÙĦ", + "ع" + ], + [ + "ĠÄij", + "en" + ], + [ + "ĠÙĥ", + "اÙ쨩" + ], + [ + "ãģ®", + "ãģĶ" + ], + [ + "Ġë", + "¬" + ], + [ + "Ġë¬", + "¼" + ], + [ + "Ġ물", + "ë¡ł" + ], + [ + "Ġرس", + "ÙĪÙĦ" + ], + [ + "з", + "ам" + ], + [ + "зам", + "ен" + ], + [ + "Ġkullan", + "ıcı" + ], + [ + "×¢", + "×ķ׾" + ], + [ + "èī²", + "ãĢħ" + ], + [ + "ÑĪи", + "ÑĢ" + ], + [ + "Ġ×Ĺ", + "ש" + ], + [ + "Ġwy", + "gl" + ], + [ + "Ġwygl", + "Äħda" + ], + [ + "ש", + "×Ļ×ŀ×ķש" + ], + [ + "å¿ĺ", + "ãĤĮ" + ], + [ + "×¢", + "×Ļצ×ķ×ij" + ], + [ + "ĠاÙĦس", + "ÙĪØ±ÙĬ" + ], + [ + "å°ij", + "ãģªãģĦ" + ], + [ + "Ġпо", + "иÑģк" + ], + [ + "สำ", + "à¸Ļัà¸ģà¸ĩาà¸Ļ" + ], + [ + "Ġ×ŀצ", + "×ĵ" + ], + [ + "Ġmü", + "ÅŁ" + ], + [ + "ĠmÃ¼ÅŁ", + "ter" + ], + [ + "ĠmÃ¼ÅŁter", + "i" + ], + [ + "ĠÙħÙĨ", + "ÙĩÙħ" + ], + [ + "à¸ķำ", + "à¹ģ" + ], + [ + "à¸ķำà¹ģ", + "หà¸Ļ" + ], + [ + "à¸ķำà¹ģหà¸Ļ", + "à¹Īà¸ĩ" + ], + [ + "ÅĽ", + "mie" + ], + [ + "Ġש", + "×ł×ª" + ], + [ + "Ġ×Ķ", + "פ×Ļ" + ], + [ + "פר", + "ש" + ], + [ + "×¢×ijר", + "×Ļת" + ], + [ + "สà¸Ļ", + "ัà¸ļ" + ], + [ + "สà¸Ļัà¸ļ", + "สà¸Ļุ" + ], + [ + "สà¸Ļัà¸ļสà¸Ļุ", + "à¸Ļ" + ], + [ + "è¨Ģ", + "ãģ£ãģ¦" + ], + [ + "à¸ģาร", + "à¸Īัà¸Ķ" + ], + [ + "ĠMo", + "że" + ], + [ + "из", + "аÑĨии" + ], + [ + "ứ", + "t" + ], + [ + "ĠÙĪØ¨", + "عد" + ], + [ + "ĠdeÄŁ", + "ild" + ], + [ + "ĠdeÄŁild", + "ir" + ], + [ + "Ġת", + "×ŀ" + ], + [ + "Ġ×ŀ×ŀ", + "׳×ķ" + ], + [ + "話", + "ãĤĴ" + ], + [ + "ĠÑĨ", + "ена" + ], + [ + "Ġth", + "úc" + ], + [ + "×Ļ×ŀ", + "×ķף" + ], + [ + "ĠB", + "áo" + ], + [ + "ãĤĴ", + "åıĸãĤĬ" + ], + [ + "å®ī", + "ãģĦ" + ], + [ + "Ġ×¢×ķש", + "×Ļ×Ŀ" + ], + [ + "èĩªåĪĨ", + "ãģĮ" + ], + [ + "l", + "ée" + ], + [ + "ãĤĭ", + "ãģ®ãģ§" + ], + [ + "иÑĢÑĥ", + "еÑĤ" + ], + [ + "ãģ¦", + "ãĤĭ" + ], + [ + "ست", + "ر" + ], + [ + "ĠاÙĦØŃ", + "ÙĬ" + ], + [ + "×Ļ׾", + "×ķת" + ], + [ + "Ġ×Ĺ", + "×ij" + ], + [ + "ÙĤر", + "Ø£" + ], + [ + "تÙħ", + "ÙĥÙĨ" + ], + [ + "س", + "ائÙĦ" + ], + [ + "prü", + "f" + ], + [ + "ãģĭ", + "ãģijãģ¦" + ], + [ + "ĠÑģоб", + "ÑģÑĤвенно" + ], + [ + "ĠìľĦ", + "íķĺìŬ" + ], + [ + "׾", + "×Ļ×ĺ" + ], + [ + "ãģĮ", + "å¤ļãģı" + ], + [ + "ÙĬت", + "Ùĩا" + ], + [ + "ç«ĭ", + "ãģ¦" + ], + [ + "ม", + "à¸Ńà¸ļ" + ], + [ + "ìĭľ", + "ìŀ¥" + ], + [ + "оÑĢ", + "а" + ], + [ + "Ġs", + "avaÅŁ" + ], + [ + "×ĺ×Ļ×ij", + "×Ļ" + ], + [ + "×ij", + "׳×ķ" + ], + [ + "Ùħا", + "ذا" + ], + [ + "기", + "ê°Ħ" + ], + [ + "ãģªãģ©", + "ãģ§" + ], + [ + "Ġ×ŀ", + "ת×Ĺ×Ļ׾" + ], + [ + "Ġnhi", + "á»ħ" + ], + [ + "Ġnhiá»ħ", + "m" + ], + [ + "ка", + "ÑĢ" + ], + [ + "каÑĢ", + "ÑĤ" + ], + [ + "Ġ׾×Ķ", + "שת×ŀש" + ], + [ + "׳", + "×Ļ×Ĺ" + ], + [ + "اد", + "ÙĬØ©" + ], + [ + "ราย", + "à¸ĩาà¸Ļ" + ], + [ + "Ġprzy", + "kÅĤad" + ], + [ + "Ñī", + "ий" + ], + [ + "ØŃض", + "ÙĪØ±" + ], + [ + "Ġh", + "ôn" + ], + [ + "Ã", + "Ŀ" + ], + [ + "ת", + "×ķצ×IJ×ķת" + ], + [ + "راب", + "Ø·" + ], + [ + "Ġb", + "ếp" + ], + [ + "ĠполÑĥÑĩ", + "и" + ], + [ + "åĩºä¼ļãģĦ", + "ç³»" + ], + [ + "à¸Ľà¸¥", + "à¹Īà¸Ńย" + ], + [ + "ĠاÙĦØ´", + "باب" + ], + [ + "اÙĩ", + "ÙĦ" + ], + [ + "ä»Ĭ", + "ãģ¾ãģ§" + ], + [ + "رج", + "ع" + ], + [ + "ãĤ¶", + "ãĥ¼" + ], + [ + "ÙĤ", + "Ùģ" + ], + [ + "ĠGro", + "ÃŁ" + ], + [ + "ĠíļĮ", + "ìĽIJ" + ], + [ + "اج", + "ر" + ], + [ + "Ġ×ij×ŀ", + "קר×Ķ" + ], + [ + "Ġseg", + "urança" + ], + [ + "fü", + "hl" + ], + [ + "ãģ¦", + "ãģĦãģı" + ], + [ + "หม", + "à¸Ń" + ], + [ + "ĠкоÑĤоÑĢ", + "ом" + ], + [ + "ĠN", + "Äĥm" + ], + [ + "ĠdÅĤ", + "ugo" + ], + [ + "ÙħÙĨ", + "ØŃ" + ], + [ + "ש×ķ", + "×ķ×Ļ" + ], + [ + "ĠØ£ÙĬ", + "اÙħ" + ], + [ + "ส", + "à¸łà¸²à¸ŀ" + ], + [ + "r", + "zÄħ" + ], + [ + "شر", + "Ùĥات" + ], + [ + "ãĤĴ", + "èĢĥãģĪ" + ], + [ + "д", + "аÑĢ" + ], + [ + "à¸Ľà¸£à¸°", + "à¸Ĭุม" + ], + [ + "Ġ×ķ×IJ", + "×ĸ" + ], + [ + "i", + "á»ĩn" + ], + [ + "Ġt", + "ươi" + ], + [ + "ש", + "×Ļ×Ĺ" + ], + [ + "à¸Ń", + "à¹Īà¸Ńà¸Ļ" + ], + [ + "æĽ¸", + "ãģĦãģ¦" + ], + [ + "Ġng", + "ữ" + ], + [ + "×ij×Ļ×ĺ", + "×Ĺ" + ], + [ + "×ij×Ļ×ĺ×Ĺ", + "×ķף" + ], + [ + "Ġs", + "ẵ" + ], + [ + "Ġsẵ", + "n" + ], + [ + "ì§Ģ", + "ëıĦ" + ], + [ + "ĠпÑĢ", + "еп" + ], + [ + "ĠпÑĢеп", + "аÑĢаÑĤ" + ], + [ + "Ġна", + "ÑĥÑĩ" + ], + [ + "ĠÃľ", + "nivers" + ], + [ + "ĠÃľnivers", + "ites" + ], + [ + "ĠÃľniversites", + "i" + ], + [ + "Ġ×Ĵ×ĵ", + "×ķ׾×Ķ" + ], + [ + "Ġ×Ķ", + "×ł×ª" + ], + [ + "Ġ×Ķ×ł×ª", + "×ij×¢" + ], + [ + "ãģ§ãģĤ", + "ãģ£ãģŁ" + ], + [ + "Ġmies", + "iÄħ" + ], + [ + "ĠmiesiÄħ", + "c" + ], + [ + "г", + "ÑĢам" + ], + [ + "гÑĢам", + "м" + ], + [ + "Ġبش", + "Ø£ÙĨ" + ], + [ + "ĠÑħ", + "ÑĢ" + ], + [ + "×§", + "×Ļ×ĵ" + ], + [ + "×§×Ļ×ĵ", + "×ķ×Ŀ" + ], + [ + "Ø´", + "Ùĥر" + ], + [ + "Ġ", + "á»ķ" + ], + [ + "Ġá»ķ", + "n" + ], + [ + "ãģĮãģĤ", + "ãģ£ãģ¦" + ], + [ + "ãģķãĤĮ", + "ãģ¾ãģĻ" + ], + [ + "Ġ×Ĺ", + "×ķ×ĵ" + ], + [ + "Ġ×Ĺ×ķ×ĵ", + "ש×Ļ×Ŀ" + ], + [ + "ÙħÙĪØ§", + "جÙĩ" + ], + [ + "ÙħÙĪØ§Ø¬Ùĩ", + "Ø©" + ], + [ + "أش", + "خاص" + ], + [ + "ب", + "غ" + ], + [ + "à¹Ģรียà¸Ļ", + "รูà¹ī" + ], + [ + "ãģĹãģ¦", + "ãģĦãģı" + ], + [ + "Ġs", + "ạn" + ], + [ + "å¿ħ", + "ãģļ" + ], + [ + "׳", + "×Ļ×Ĵ" + ], + [ + "׳×Ļ×Ĵ", + "×ķ×ĵ" + ], + [ + "باÙĦ", + "غ" + ], + [ + "×Ĺ", + "ש×ŀ" + ], + [ + "×Ĺש×ŀ", + "׾" + ], + [ + "Ġnap", + "raw" + ], + [ + "Ġnapraw", + "dÄĻ" + ], + [ + "Ø´Ùĩ", + "اد" + ], + [ + "×IJ", + "×ķ×Ķ" + ], + [ + "×IJ×ķ×Ķ", + "×ij" + ], + [ + "и", + "ÑĨÑĭ" + ], + [ + "Ġ×Ķ", + "ר׼×ij" + ], + [ + "ëŀ", + "ij" + ], + [ + "Ġת", + "×¢" + ], + [ + "Ġ×Ķ", + "×Ļש" + ], + [ + "Ġ×Ķ×Ļש", + "ר×IJ" + ], + [ + "Ġ×Ķ×Ļשר×IJ", + "׾×Ļ" + ], + [ + "Ø£", + "ÙħÙĨ" + ], + [ + "ÑİÑī", + "аÑı" + ], + [ + "sk", + "ór" + ], + [ + "LER", + "İ" + ], + [ + "Ġ×Ķ×IJ×Ĺר", + "×ķף" + ], + [ + "×¢", + "׳ק" + ], + [ + "ĠÙĪ", + "ÙĥÙĦ" + ], + [ + "ãģĵãģĵ", + "ãģ§" + ], + [ + "Ġqu", + "án" + ], + [ + "liÄŁ", + "in" + ], + [ + "à¸ģà¸İ", + "หมาย" + ], + [ + "Ø·", + "Ùħ" + ], + [ + "Ø£", + "جÙĩ" + ], + [ + "أجÙĩ", + "زة" + ], + [ + "ĠEr", + "doÄŁan" + ], + [ + "ãģ§", + "ãģĬ" + ], + [ + "Ġв", + "ÑĢа" + ], + [ + "ĠвÑĢа", + "Ñĩ" + ], + [ + "ĠPh", + "ó" + ], + [ + "à¸Ĭั", + "à¹Īว" + ], + [ + "à¸Ĭัà¹Īว", + "à¹Ĥม" + ], + [ + "à¸Ĭัà¹Īวà¹Ĥม", + "à¸ĩ" + ], + [ + "Ġph", + "úc" + ], + [ + "×Ļפ", + "×ķת" + ], + [ + "×¢×Ļ", + "×ķף" + ], + [ + "Ġduż", + "o" + ], + [ + "ãĥģ", + "ãĥ¼ãĥł" + ], + [ + "ĠÙĬ", + "Ùİ" + ], + [ + "Ġзад", + "аÑĩ" + ], + [ + "Ġ×Ĵ×ij×ķ×Ķ", + "×Ķ" + ], + [ + "Ġ׼", + "׼׾" + ], + [ + "лож", + "ен" + ], + [ + "ét", + "at" + ], + [ + "Ġng", + "Äĥn" + ], + [ + "èµ·", + "ãģį" + ], + [ + "ĠTi", + "ến" + ], + [ + "ص", + "عب" + ], + [ + "Ġexperi", + "ência" + ], + [ + "Ø®", + "Ùħ" + ], + [ + "à¸ģาร", + "à¸Ĺำà¸ĩาà¸Ļ" + ], + [ + "س", + "ÙĬد" + ], + [ + "ĠD", + "á»±" + ], + [ + "ĠкоÑĤоÑĢ", + "ого" + ], + [ + "lad", + "ıģı" + ], + [ + "Ġkh", + "á»ķ" + ], + [ + "Ġê³Ħ", + "ìĨį" + ], + [ + "Ñī", + "ик" + ], + [ + "สà¹Īวà¸Ļ", + "à¸ķัว" + ], + [ + "з", + "оÑĢ" + ], + [ + "ÙĨ", + "Ùı" + ], + [ + "Ġ", + "à¸Ķัà¸ĩ" + ], + [ + "Ġà¸Ķัà¸ĩ", + "à¸Ļัà¹īà¸Ļ" + ], + [ + "Ġc", + "ấu" + ], + [ + "ĠÄij", + "á»ijc" + ], + [ + "о", + "ÑĦ" + ], + [ + "ĠاÙĦØ£", + "عÙħاÙĦ" + ], + [ + "ãģªãģı", + "ãģ¦ãĤĤ" + ], + [ + "×ķ׼", + "×Ļ×Ŀ" + ], + [ + "à¹ģ", + "à¸Ľ" + ], + [ + "ĠB", + "ên" + ], + [ + "ãĥ¯", + "ãĥ³" + ], + [ + "Ġgi", + "ám" + ], + [ + "ĠÅŀ", + "u" + ], + [ + "Ġd", + "áng" + ], + [ + "ع", + "ÙĦÙĬ" + ], + [ + "à¹Ģà¸ģ", + "ษ" + ], + [ + "à¹Ģà¸ģษ", + "à¸ķร" + ], + [ + "ÙĪØ¬", + "ب" + ], + [ + "н", + "нÑĭе" + ], + [ + "ÙĤ", + "ضاء" + ], + [ + "à¸Ħว", + "à¸ļ" + ], + [ + "à¸Ħวà¸ļ", + "à¸Ħุ" + ], + [ + "à¸Ħวà¸ļà¸Ħุ", + "ม" + ], + [ + "ãģ¤", + "ãģ¤" + ], + [ + "ĠVi", + "á»ĩc" + ], + [ + "×ŀ×ij", + "×ĺ" + ], + [ + "ש×Ļת", + "×ķ×£" + ], + [ + "Ġв", + "едÑĮ" + ], + [ + "k", + "aza" + ], + [ + "kaza", + "ÅĤ" + ], + [ + "à¸ķำ", + "รวà¸Ī" + ], + [ + "ãĤ¿", + "ãĥ«" + ], + [ + "Ġпов", + "Ñĭ" + ], + [ + "ĠповÑĭ", + "ÑĪен" + ], + [ + "ĠS", + "ợ" + ], + [ + "ĠìĦ¤", + "ëªħ" + ], + [ + "ĠÃĩ", + "ünkü" + ], + [ + "ìĥĿ", + "íĻľ" + ], + [ + "Ö", + "¾" + ], + [ + "ãĤĮ", + "ãģ¦ãģĦãĤĭ" + ], + [ + "Ġ×ij", + "ר×IJש" + ], + [ + "ר", + "×ķ×Ĵ" + ], + [ + "Ġо", + "ÑĦи" + ], + [ + "ĠоÑĦи", + "ÑĨиалÑĮн" + ], + [ + "ĠÑĥ", + "ÑģÑĤанов" + ], + [ + "ĠÑĥÑģÑĤанов", + "лен" + ], + [ + "ĠاÙĦÙħ", + "صر" + ], + [ + "ĠاÙĦÙħصر", + "ÙĬØ©" + ], + [ + "ĠÐŁÐ¾", + "ÑįÑĤомÑĥ" + ], + [ + "ÙĨ", + "صÙģ" + ], + [ + "ĠÙĪØ§ÙĦ", + "ÙĨ" + ], + [ + "Ġh", + "Ãłi" + ], + [ + "à¸Ħ", + "ิ" + ], + [ + "ĠApr", + "ès" + ], + [ + "ì³", + "IJ" + ], + [ + "à¹Ģà¸ĭ", + "ีย" + ], + [ + "×ĵ", + "×ŀ×Ķ" + ], + [ + "activ", + "ité" + ], + [ + "à¸Ħิà¸Ķ", + "วà¹Īา" + ], + [ + "ÑĤ", + "ÑĢен" + ], + [ + "à¹Ģ", + "ฮ" + ], + [ + "ãĥı", + "ãĤ¤" + ], + [ + "ãģĮ", + "å¢ĹãģĪ" + ], + [ + "ен", + "наÑı" + ], + [ + "Ġìĺ¤", + "ëĬĺ" + ], + [ + "ãĥ¢", + "ãĥ³" + ], + [ + "Ġкон", + "еÑĩно" + ], + [ + "ĠÙħÙĤ", + "ابÙĦ" + ], + [ + "cl", + "é" + ], + [ + "Ġh", + "ü" + ], + [ + "Ġth", + "ẳng" + ], + [ + "ìłģ", + "ìĿ´" + ], + [ + "ĠÐIJ", + "лекÑģ" + ], + [ + "ĠÐIJлекÑģ", + "ан" + ], + [ + "ĠÐIJлекÑģан", + "дÑĢ" + ], + [ + "ãĥŀãĥ³", + "ãĤ·ãĥ§ãĥ³" + ], + [ + "ãģ²ãģ¨", + "ãģ¤" + ], + [ + "ãģª", + "ãģĬ" + ], + [ + "à¹Ģà¸Īà¹īา", + "à¸Ĥà¸Ńà¸ĩ" + ], + [ + "ëĵľ", + "리" + ], + [ + "Ø´", + "اء" + ], + [ + "ĠsaÄŁ", + "lık" + ], + [ + "ĠÅŁ", + "imdi" + ], + [ + "×Ļ×IJ", + "׾" + ], + [ + "تأ", + "Ø«ÙĬر" + ], + [ + "Ø£", + "سب" + ], + [ + "أسب", + "اب" + ], + [ + "ĠвÑĭполн", + "ен" + ], + [ + "л", + "ок" + ], + [ + "ש", + "×Ļ×ij×Ķ" + ], + [ + "Ġl", + "ắm" + ], + [ + "ĠTr", + "Æ°á»Ľc" + ], + [ + "Ġ×Ķ×¢", + "׾" + ], + [ + "리", + "를" + ], + [ + "ĠÑĢ", + "еж" + ], + [ + "ĠÑĢеж", + "им" + ], + [ + "int", + "é" + ], + [ + "inté", + "gr" + ], + [ + "×Ĵ", + "׳×Ļ" + ], + [ + "ĠاÙĦØ´", + "عر" + ], + [ + "Ġmil", + "hões" + ], + [ + "Ġpeque", + "ño" + ], + [ + "ãĤ³", + "ãĥ¼ãĤ¹" + ], + [ + "×ķ׼", + "×Ĺ" + ], + [ + "à¹Ģà¸Ĭ", + "à¹īา" + ], + [ + "شر", + "ÙĤ" + ], + [ + "Ġh", + "ương" + ], + [ + "รัà¸IJ", + "à¸ļาล" + ], + [ + "à¸ģล", + "าย" + ], + [ + "à¸ģลาย", + "à¹Ģà¸Ľà¹ĩà¸Ļ" + ], + [ + "Ġпод", + "Ñħод" + ], + [ + "תש", + "×ķ×ij×Ķ" + ], + [ + "ãģıãģª", + "ãģ£ãģ¦" + ], + [ + "ĠاÙĦØ£Ùħ", + "Ùħ" + ], + [ + "ĠH", + "á»įc" + ], + [ + "ĠwspóÅĤ", + "pr" + ], + [ + "ĠwspóÅĤpr", + "ac" + ], + [ + "Ñĩ", + "Ñĥв" + ], + [ + "ÑĩÑĥв", + "ÑģÑĤв" + ], + [ + "ÃŃst", + "ico" + ], + [ + "à¹Ģà¸ģ", + "าะ" + ], + [ + "ìĽ", + "Ģ" + ], + [ + "Ġназ", + "ад" + ], + [ + "ãĤĭ", + "ãĤĪãģĨãģ«" + ], + [ + "ĠС", + "Ш" + ], + [ + "ĠСШ", + "ÐIJ" + ], + [ + "м", + "он" + ], + [ + "ĠAs", + "ÃŃ" + ], + [ + "×ķר", + "×Ĵ" + ], + [ + "полн", + "ен" + ], + [ + "×ŀס", + "׾" + ], + [ + "×ŀ×¡×ľ", + "×ķ׾" + ], + [ + "à¹Ģลืà¸Ń", + "à¸Ķ" + ], + [ + "à¹Ģริà¹Īม", + "à¸ķà¹īà¸Ļ" + ], + [ + "ĠاÙĦØ¥", + "Ùħ" + ], + [ + "ĠاÙĦØ¥Ùħ", + "ارات" + ], + [ + "צ×Ķ", + "ר" + ], + [ + "ãĥ¡ãĥª", + "ãĥĥãĥĪ" + ], + [ + "ĠпоÑĤ", + "ом" + ], + [ + "в", + "из" + ], + [ + "ĠÙģ", + "ترة" + ], + [ + "å¾Į", + "ãģ®" + ], + [ + "ÐĿ", + "ÐIJ" + ], + [ + "×ŀס", + "ר" + ], + [ + "ÙĬر", + "ÙĬ" + ], + [ + "pr", + "é" + ], + [ + "Ġte", + "ÅŁek" + ], + [ + "ĠteÅŁek", + "kür" + ], + [ + "Ġöd", + "eme" + ], + [ + "د", + "اÙĨ" + ], + [ + "ãģ¾", + "ãģĹãģ¦" + ], + [ + "缮", + "ãģ«" + ], + [ + "ĠÑĤ", + "еÑĩение" + ], + [ + "l", + "ard" + ], + [ + "lard", + "ır" + ], + [ + "à¹Ģรา", + "à¸Īะ" + ], + [ + "ס", + "פ×Ļ" + ], + [ + "ĠÙĪÙĥ", + "ذÙĦÙĥ" + ], + [ + "Ġh", + "át" + ], + [ + "Ġt", + "á»Ļc" + ], + [ + "à¸Ħุ", + "ย" + ], + [ + "Ġb", + "ức" + ], + [ + "ØŃ", + "ÙĬÙĨ" + ], + [ + "èģŀ", + "ãģĦãģ¦" + ], + [ + "Ùħؤ", + "شر" + ], + [ + "ĠNh", + "ư" + ], + [ + "Ġмен", + "ее" + ], + [ + "ละ", + "à¸Ħร" + ], + [ + "Ñģ", + "ин" + ], + [ + "ĠÑĢ", + "ек" + ], + [ + "ĠÑĢек", + "л" + ], + [ + "ĠÑĢекл", + "ам" + ], + [ + "ĠÙģ", + "ÙĩÙĪ" + ], + [ + "Ġ׾", + "×ĸ" + ], + [ + "×Ļ׳", + "×ķת" + ], + [ + "ĠÅŁ", + "art" + ], + [ + "ÑģÑĤав", + "ка" + ], + [ + "Ġíı¬", + "íķ¨" + ], + [ + "ãģ«è¡Į", + "ãģı" + ], + [ + "ï¼", + "Ŀ" + ], + [ + "ĠпозволÑı", + "еÑĤ" + ], + [ + "Ġת×ķ׼", + "׾×ķ" + ], + [ + "ов", + "ал" + ], + [ + "صÙĦ", + "Ø©" + ], + [ + "Ġ׾ש", + "׳×ķת" + ], + [ + "ĠÐĺ", + "гÑĢ" + ], + [ + "ÙħÙĨتج", + "ات" + ], + [ + "Ġsat", + "Ä±ÅŁ" + ], + [ + "Ñģ", + "ко" + ], + [ + "ĠاÙĦØ«ÙĦاث", + "اء" + ], + [ + "Ġ×Ķ×ĵ×ijר", + "×Ļ×Ŀ" + ], + [ + "ãģĹãģ¾", + "ãģĹãĤĩãģĨ" + ], + [ + "بÙĤ", + "Ùī" + ], + [ + "åĬĽ", + "ãĤĴ" + ], + [ + "ĠÃĩ", + "ok" + ], + [ + "ãĥģ", + "ãĥ¥" + ], + [ + "à¹Ģà¸Ĭ", + "ืà¹īà¸Ń" + ], + [ + "ยุ", + "à¸Ħ" + ], + [ + "ศา", + "ล" + ], + [ + "Ġ×§×ķ×ĵ", + "×Ŀ" + ], + [ + "×ĸר", + "×Ļ×Ŀ" + ], + [ + "ãģ®", + "åł´åIJĪ" + ], + [ + "ĠìķĬ", + "ìķĺ" + ], + [ + "ãģĤãĤĬãģ¾ãģĻ", + "ãģĮ" + ], + [ + "×IJ", + "שר" + ], + [ + "è¡Į", + "ãģı" + ], + [ + "ãģ»", + "ãģĭ" + ], + [ + "æ°Ĺ", + "ãģ«ãģªãĤĭ" + ], + [ + "й", + "деÑĤ" + ], + [ + "íķĺìĺĢ", + "ëĭ¤" + ], + [ + "ستÙħر", + "ار" + ], + [ + "ĠÐŁÑĢ", + "е" + ], + [ + "ĠÑģ", + "боÑĢ" + ], + [ + "ĠìķĦ", + "무" + ], + [ + "ç§ģ", + "ãĤĤ" + ], + [ + "ع", + "ص" + ], + [ + "Ġн", + "иÑĩ" + ], + [ + "ĠниÑĩ", + "его" + ], + [ + "ĠпÑĢи", + "ем" + ], + [ + "×§", + "×ķ×ŀ" + ], + [ + "ĠìĪĺ", + "ëıĦ" + ], + [ + "Ġì", + "¡´" + ], + [ + "Ġì¡´", + "ìŀ¬" + ], + [ + "ĠØ£", + "Ø«ÙĨ" + ], + [ + "ĠأثÙĨ", + "اء" + ], + [ + "ĠÙĪØ§ÙĦ", + "ØŃ" + ], + [ + "ãģĮ", + "ãģ§ãģįãĤĭ" + ], + [ + "Ġת", + "×Ķ" + ], + [ + "Ġת×Ķ", + "×Ļ×Ķ" + ], + [ + "ר", + "ף" + ], + [ + "ĠÑģвÑıз", + "и" + ], + [ + "×Ĵ", + "שת" + ], + [ + "Ñģп", + "екÑĤ" + ], + [ + "ס", + "×ij×Ļ×ij" + ], + [ + "ס×ij×Ļ×ij", + "×Ķ" + ], + [ + "ĠíķĦìļĶ", + "íķľ" + ], + [ + "ت", + "خصص" + ], + [ + "Ġж", + "ив" + ], + [ + "Ġжив", + "оÑĤ" + ], + [ + "ĠMay", + "ıs" + ], + [ + "تع", + "ا" + ], + [ + "تعا", + "ÙĪÙĨ" + ], + [ + "ĠعÙĨ", + "Ùĩا" + ], + [ + "ów", + "ki" + ], + [ + "ĠاÙĦÙģÙĦسطÙĬÙĨ", + "ÙĬ" + ], + [ + "ãģłãģijãģ§", + "ãģªãģı" + ], + [ + "ìĿ¸", + "ì§Ģ" + ], + [ + "ĠاÙĦس", + "ÙĪØ¯" + ], + [ + "ĠاÙĦسÙĪØ¯", + "اÙĨ" + ], + [ + "إجراء", + "ات" + ], + [ + "Ġkö", + "tü" + ], + [ + "Ġ×Ļ", + "תר" + ], + [ + "×Ĵ", + "×Ļש×Ķ" + ], + [ + "Ġצ", + "×ķר×ļ" + ], + [ + "รà¸ĸ", + "ย" + ], + [ + "รà¸ĸย", + "à¸Ļà¸ķà¹Į" + ], + [ + "Ñħ", + "оÑĤ" + ], + [ + "Ðł", + "ÐIJ" + ], + [ + "ÙĪ", + "Ø·ÙĨ" + ], + [ + "Ġsay", + "ısı" + ], + [ + "ס", + "×Ĺר" + ], + [ + "Ùħ", + "ÙĪÙĦ" + ], + [ + "ãĤĴæĮģ", + "ãģ£ãģ¦" + ], + [ + "ع", + "اÙĨ" + ], + [ + "Ġt", + "á»Ļi" + ], + [ + "ĠвÑĭ", + "ÑĪе" + ], + [ + "Ġt", + "ầm" + ], + [ + "ãĥĪ", + "ãĥ¬" + ], + [ + "×Ļצ", + "×ķ" + ], + [ + "ม", + "ุม" + ], + [ + "س", + "ÙĪØ¯" + ], + [ + "ìłĦ", + "ìŀIJ" + ], + [ + "ãĤµ", + "ãĥŃãĥ³" + ], + [ + "ìĤ°", + "ìĹħ" + ], + [ + "ĠоÑģнов", + "ан" + ], + [ + "Ø®", + "Ù쨶" + ], + [ + "רצ", + "×Ķ" + ], + [ + "بÙĬ", + "ض" + ], + [ + "×ķÖ", + "¹" + ], + [ + "ס×Ļ", + "×Ļ×¢" + ], + [ + "Ġש", + "×IJ×Ļ" + ], + [ + "ĠاÙĦÙĤر", + "Ø¢ÙĨ" + ], + [ + "ĠТак", + "же" + ], + [ + "×ŀש", + "×ŀ×¢×ķת" + ], + [ + "س", + "ÙĩÙĦ" + ], + [ + "Ġ×Ķ", + "׳×Ķ" + ], + [ + "ãĤĴ", + "ãģĹãģ¦ãģĦãĤĭ" + ], + [ + "×Ļ", + "×Ļס" + ], + [ + "×Ķ", + "×ķ×IJ" + ], + [ + "ĠB", + "ÃŃ" + ], + [ + "Ġмал", + "о" + ], + [ + "ĠëͰëĿ¼", + "ìĦľ" + ], + [ + "Ġר", + "×Ĺ×ij" + ], + [ + "ãģĮ", + "é«ĺãģĦ" + ], + [ + "ÙĪ", + "اس" + ], + [ + "ìĤ", + "¼" + ], + [ + "׳", + "×¢" + ], + [ + "ãģ£", + "ãģ¡ãĤĥ" + ], + [ + "ĠT", + "üm" + ], + [ + "à¸Ńีà¸ģ", + "à¸Ķà¹īวย" + ], + [ + "ãģĹãģ¦", + "ãģıãģłãģķãģĦ" + ], + [ + "ÙĨØ´", + "اط" + ], + [ + "ãĥĹ", + "ãĥ©ãĥ³" + ], + [ + "али", + "ÑģÑĮ" + ], + [ + "×ĵ", + "×ľ×ª" + ], + [ + "Ġwc", + "zeÅĽ" + ], + [ + "ĠwczeÅĽ", + "niej" + ], + [ + "ĠÑįÑĤ", + "им" + ], + [ + "Ġthá»ĭ", + "t" + ], + [ + "à¸ļ", + "ัà¸į" + ], + [ + "à¸ļัà¸į", + "à¸Ĭี" + ], + [ + "ãģļ", + "ãģ£ãģ¨" + ], + [ + "ÑĢ", + "ин" + ], + [ + "Ġswo", + "jÄħ" + ], + [ + "íķĺëĬĶ", + "ëį°" + ], + [ + "Ġë§Įëĵ¤", + "ìĸ´" + ], + [ + "تش", + "Ùĥ" + ], + [ + "تشÙĥ", + "ÙĬÙĦ" + ], + [ + "ائ", + "Ùĩ" + ], + [ + "Ġ׾פ", + "×Ĺ×ķת" + ], + [ + "ãĥĭ", + "ãĥ¥" + ], + [ + "ãĥĭãĥ¥", + "ãĥ¼ãĤ¹" + ], + [ + "׼×IJ", + "ף" + ], + [ + "ãģ§ãģį", + "ãģŁ" + ], + [ + "зв", + "он" + ], + [ + "Ġsta", + "ÅĤ" + ], + [ + "×Ĺ×ijר", + "ת×Ļ" + ], + [ + "ĠØ£", + "عÙĦÙĨ" + ], + [ + "à¹ģà¸ļà¸ļ", + "à¸Ļีà¹ī" + ], + [ + "بد", + "Ø¡" + ], + [ + "ãĤģ", + "ãģŁ" + ], + [ + "Ġ×ŀש", + "×ŀ×¢×ķת" + ], + [ + "Ġ×ŀש×ŀ×¢×ķת", + "×Ļ" + ], + [ + "ör", + "ü" + ], + [ + "Ġh", + "ạnh" + ], + [ + "z", + "ähl" + ], + [ + "ĠL", + "ý" + ], + [ + "Ġ×ij", + "×Ķת" + ], + [ + "Ġ×ij×Ķת", + "×IJ×Ŀ" + ], + [ + "б", + "аÑĢ" + ], + [ + "ì¦", + "Ī" + ], + [ + "ä»ĬåĽŀ", + "ãģ®" + ], + [ + "Ġy", + "ü" + ], + [ + "Ġyü", + "ks" + ], + [ + "Ġyüks", + "el" + ], + [ + "ãĤ½", + "ãĥ¼" + ], + [ + "ãģĤ", + "ãĤĮ" + ], + [ + "ת", + "׾×ŀ×Ļ×ĵ" + ], + [ + "ãģ¤", + "ãģª" + ], + [ + "×ij", + "׳×Ļ×Ŀ" + ], + [ + "Ġx", + "ếp" + ], + [ + "ĠмÑĥж", + "Ñĩин" + ], + [ + "ĠاÙĦÙĥ", + "تاب" + ], + [ + "׼", + "×ŀ×ķת" + ], + [ + "Ġç", + "e" + ], + [ + "Ġçe", + "ÅŁ" + ], + [ + "ĠçeÅŁ", + "it" + ], + [ + "ĠçeÅŁit", + "li" + ], + [ + "×ĵ", + "×Ļר×ķת" + ], + [ + "à¸ļุ", + "à¸į" + ], + [ + "ĠاÙĦØ¥", + "ÙĦÙĥ" + ], + [ + "ĠاÙĦØ¥ÙĦÙĥ", + "ترÙĪ" + ], + [ + "ĠاÙĦØ¥ÙĦÙĥترÙĪ", + "ÙĨÙĬ" + ], + [ + "ĠباÙĦØ¥", + "ض" + ], + [ + "ĠباÙĦإض", + "اÙ쨩" + ], + [ + "Ġyö", + "nel" + ], + [ + "Ġyönel", + "ik" + ], + [ + "mys", + "ÅĤ" + ], + [ + "à¸Ķà¹īวย", + "à¸ģาร" + ], + [ + "à¸ģาร", + "à¸Ĺำ" + ], + [ + "ов", + "Ñĭм" + ], + [ + "Ø£", + "زÙħØ©" + ], + [ + "æİ¢", + "ãģĹ" + ], + [ + "íļ", + "¨" + ], + [ + "Ġ×ķ×IJ", + "×Ŀ" + ], + [ + "Ġnghi", + "êm" + ], + [ + "ÑĪ", + "ин" + ], + [ + "ка", + "л" + ], + [ + "Ġcrian", + "ças" + ], + [ + "èĩªåĪĨ", + "ãģ§" + ], + [ + "Ġн", + "ай" + ], + [ + "Ġнай", + "ÑĤи" + ], + [ + "ĠS", + "á»ij" + ], + [ + "ĠÃ¶ÄŁrenc", + "iler" + ], + [ + "ãĥ¶", + "æľĪ" + ], + [ + "Ñģ", + "ан" + ], + [ + "ĠJ", + "á" + ], + [ + "ĠkonuÅŁ", + "ma" + ], + [ + "شر", + "Ø·" + ], + [ + "ëĪ", + "Ī" + ], + [ + "ar", + "rière" + ], + [ + "ضر", + "ÙĪØ±Ø©" + ], + [ + "ãĥĶ", + "ãĥ³" + ], + [ + "×¢", + "שר" + ], + [ + "аÑĢ", + "ÑĮ" + ], + [ + "جÙħ", + "اع" + ], + [ + "Ġdé", + "co" + ], + [ + "Ġ×Ļ×Ķ", + "×ķ×ĵ×Ļ" + ], + [ + "à¸ŀ", + "ลาà¸Ķ" + ], + [ + "ĠÙĬ", + "ÙĥÙĨ" + ], + [ + "Ġج", + "اÙħعة" + ], + [ + "Ø·", + "بÙĤ" + ], + [ + "Ġbo", + "ÅŁ" + ], + [ + "×ķ", + "×ķ×IJ" + ], + [ + "×ŀ×ĵ", + "×¢" + ], + [ + "×§×ij×ķצ", + "ת" + ], + [ + "פ", + "×Ļר" + ], + [ + "jÄħc", + "ym" + ], + [ + "ÙħØ´", + "ا" + ], + [ + "Ùħشا", + "ÙĥÙĦ" + ], + [ + "צ", + "פ×ķף" + ], + [ + "Ø¥", + "ست" + ], + [ + "×ŀ׼", + "ר" + ], + [ + "سÙħ", + "ع" + ], + [ + "Ġкак", + "ой" + ], + [ + "ÑĤ", + "воÑĢ" + ], + [ + "ØŃ", + "ج" + ], + [ + "Ù쨱", + "ض" + ], + [ + "пÑĢав", + "лен" + ], + [ + "Ġник", + "ак" + ], + [ + "Ġmi", + "á»ĩ" + ], + [ + "Ġmiá»ĩ", + "ng" + ], + [ + "ü", + "ÃŁ" + ], + [ + "иÑĢов", + "ал" + ], + [ + "׾", + "×ŀ×ķת" + ], + [ + "次", + "ãģ®" + ], + [ + "ÙĦ", + "Ø·" + ], + [ + "à¸ķ", + "ัà¸Ļ" + ], + [ + "×Ķ", + "ת×Ĺ×Ļ׾" + ], + [ + "Ġfoto", + "ÄŁ" + ], + [ + "ĠfotoÄŁ", + "raf" + ], + [ + "طر", + "ØŃ" + ], + [ + "à¸Ńà¸Ńà¸ģ", + "à¹Ħà¸Ľ" + ], + [ + "Ġy", + "ên" + ], + [ + "Ġп", + "ок" + ], + [ + "Ġпок", + "Ñĥп" + ], + [ + "ĠпокÑĥп", + "а" + ], + [ + "ÑĨ", + "Ñĥ" + ], + [ + "Ġкомп", + "ÑĮÑİ" + ], + [ + "ĠкомпÑĮÑİ", + "ÑĤеÑĢ" + ], + [ + "ĠاÙĦÙĥ", + "رÙĬÙħ" + ], + [ + "تص", + "Ùħ" + ], + [ + "تصÙħ", + "ÙĬÙħ" + ], + [ + "Ġоказ", + "а" + ], + [ + "Ġzar", + "ówn" + ], + [ + "Ġzarówn", + "o" + ], + [ + "ëĮĢ", + "ì¶ľ" + ], + [ + "ãĤ»ãĥ³", + "ãĤ¿ãĥ¼" + ], + [ + "Ġjako", + "ÅĽci" + ], + [ + "æĤ", + "©" + ], + [ + "æĤ©", + "ãģ¿" + ], + [ + "Ø£ÙĨ", + "ÙĪ" + ], + [ + "Ø£ÙĨÙĪ", + "اع" + ], + [ + "ë¹", + "ł" + ], + [ + "Ġìłķ", + "ë§IJ" + ], + [ + "Ġk", + "ẻ" + ], + [ + "ĠÑģай", + "ÑĤа" + ], + [ + "Ġ×Ķ", + "ער×ij" + ], + [ + "Ùĩ", + "ز" + ], + [ + "pres", + "ión" + ], + [ + "ĠÑģÑĤ", + "ен" + ], + [ + "ãģ£ãģ¦", + "ãĤĭ" + ], + [ + "Ġhız", + "lı" + ], + [ + "Ðļ", + "ÐIJ" + ], + [ + "×ŀשפ", + "×Ĺת" + ], + [ + "ĠÙĨ", + "Ùĩا" + ], + [ + "ĠÙĨÙĩا", + "ÙĬØ©" + ], + [ + "ãģ¾", + "ãģĦ" + ], + [ + "о", + "ÑħÑĢан" + ], + [ + "ร", + "à¹īà¸Ńย" + ], + [ + "ล", + "ึà¸ģ" + ], + [ + "ĠÙĪØ¨", + "اÙĦ" + ], + [ + "ãĤĤãģ®", + "ãģĮ" + ], + [ + "ר׼", + "×Ļ×ij" + ], + [ + "ãĤ¤", + "ãĥ¤" + ], + [ + "س", + "ؤ" + ], + [ + "سؤ", + "اÙĦ" + ], + [ + "ĠÙĦØ£ÙĨ", + "Ùĩ" + ], + [ + "ĠkonuÅŁ", + "tu" + ], + [ + "Ðļ", + "ÑĥпиÑĤÑĮ" + ], + [ + "Ġש×IJת", + "×Ķ" + ], + [ + "ĠÙĪØ§ÙĦ", + "س" + ], + [ + "Ġmożliwo", + "ÅĽci" + ], + [ + "Ġpró", + "b" + ], + [ + "ëĶ", + "°" + ], + [ + "ãģ©", + "ãĤĮ" + ], + [ + "ĠÐľ", + "ин" + ], + [ + "ĠоÑĢганиз", + "м" + ], + [ + "ãģ«å¯¾", + "ãģĻãĤĭ" + ], + [ + "ĠPr", + "é" + ], + [ + "Ġpriv", + "é" + ], + [ + "ch", + "è" + ], + [ + "ãģĦãģŁãģł", + "ãģį" + ], + [ + "สà¸Ļุ", + "à¸ģ" + ], + [ + "ajÄħ", + "ce" + ], + [ + "ĠD", + "zi" + ], + [ + "ĠDzi", + "ÄĻki" + ], + [ + "ÅĤat", + "w" + ], + [ + "r", + "än" + ], + [ + "rän", + "k" + ], + [ + "æĿ¥", + "ãģŁ" + ], + [ + "Ġ×Ķ×Ļ×Ķ", + "×ķ×ĵ×Ļ" + ], + [ + "ãĤ¬", + "ãĥ¼" + ], + [ + "ĠÑĢаÐ", + "´" + ], + [ + "ĠÑĢад", + "и" + ], + [ + "к", + "ÑĤив" + ], + [ + "Ø£", + "Ùĩد" + ], + [ + "Ø£Ùĩد", + "اÙģ" + ], + [ + "ש", + "×IJ×Ļר" + ], + [ + "ãģ¦", + "ãģĦãģªãģĦ" + ], + [ + "Ġfr", + "üh" + ], + [ + "Ġок", + "ол" + ], + [ + "Ġокол", + "о" + ], + [ + "Ġreg", + "ião" + ], + [ + "ĠÑĩиÑģ", + "ле" + ], + [ + "Ġpon", + "iew" + ], + [ + "Ġponiew", + "aż" + ], + [ + "ìĦ¼", + "íĦ°" + ], + [ + "Ġb", + "ầu" + ], + [ + "Ġê", + "·" + ], + [ + "Ġê·", + "ľ" + ], + [ + "Ġê·ľ", + "ìłķ" + ], + [ + "ĠH", + "òa" + ], + [ + "ĠÑĤ", + "оÑĤ" + ], + [ + "ãĤĤ", + "å¤ļãģĦ" + ], + [ + "ĠاÙĦإسÙĦاÙħ", + "ÙĬØ©" + ], + [ + "ãģĭ", + "ãģĦ" + ], + [ + "Ñį", + "н" + ], + [ + "ĠÑĥказ", + "ан" + ], + [ + "ĠÑĤак", + "ое" + ], + [ + "ï¼", + "³" + ], + [ + "ëĮĢ", + "íķĻ" + ], + [ + "Ġgen", + "iÅŁ" + ], + [ + "ĠاÙĦØ®", + "ÙĬ" + ], + [ + "ĠاÙĦØ®ÙĬ", + "ارات" + ], + [ + "ãĤĴè¡Į", + "ãģĨ" + ], + [ + "ש", + "×ŀ×Ķ" + ], + [ + "ĠLÃł", + "m" + ], + [ + "ÙĪÙĨ", + "ÙĬ" + ], + [ + "Ġ×IJ", + "׾×Ļ×ķ" + ], + [ + "Ä", + "ĺ" + ], + [ + "à¹Ħมà¹Ī", + "สามารà¸ĸ" + ], + [ + "人", + "ãģ¨" + ], + [ + "بر", + "ز" + ], + [ + "×Ļס", + "×ķ×ĵ" + ], + [ + "×Ĵ", + "׾×Ļ" + ], + [ + "ĠÙĬ", + "ÙĨا" + ], + [ + "ĠÙĬÙĨا", + "ÙĬر" + ], + [ + "ĠкаÑĢÑĤ", + "ин" + ], + [ + "Ġt", + "ôn" + ], + [ + "à¹Ģ", + "à¸ģร" + ], + [ + "à¸Ħ", + "à¸Ķี" + ], + [ + "Ġ׾×IJ", + "×ķר×ļ" + ], + [ + "ãĤĤãĤī", + "ãģĨ" + ], + [ + "ãģĭ", + "ãģĭãĤĭ" + ], + [ + "ани", + "и" + ], + [ + "Ġara", + "ÅŁtırma" + ], + [ + "ÙĦاØŃ", + "ظ" + ], + [ + "ãģĦ", + "ãĤĦ" + ], + [ + "ĠT", + "Ãłi" + ], + [ + "Ġ", + "à¸Ļà¸Ńà¸ģà¸Īาà¸ģ" + ], + [ + "Ġà¸Ļà¸Ńà¸ģà¸Īาà¸ģ", + "à¸Ļีà¹ī" + ], + [ + "ĠÄIJ", + "ảng" + ], + [ + "ãģ£ãģ¦", + "ãģįãģŁ" + ], + [ + "Ġà¸ĭึà¹Īà¸ĩ", + "à¹Ģà¸Ľà¹ĩà¸Ļ" + ], + [ + "Ġt", + "ả" + ], + [ + "Ġmożliwo", + "ÅĽÄĩ" + ], + [ + "ĠS", + "ản" + ], + [ + "Ġİ", + "ki" + ], + [ + "Ġc", + "ắt" + ], + [ + "س", + "Ø£ÙĦ" + ], + [ + "Ġbak", + "ım" + ], + [ + "Ø´", + "ب" + ], + [ + "à¸ķ", + "ีà¹ī" + ], + [ + "à¸ŀ", + "ยาย" + ], + [ + "à¸ŀยาย", + "าม" + ], + [ + "สั", + "à¸Ľ" + ], + [ + "à¸ªà¸±à¸Ľ", + "à¸Ķา" + ], + [ + "à¸ªà¸±à¸Ľà¸Ķา", + "หà¹Į" + ], + [ + "ë°", + "Ģ" + ], + [ + "еÑĢ", + "Ñĭ" + ], + [ + "Ġc", + "ánh" + ], + [ + "Ġthu", + "ế" + ], + [ + "ت", + "بع" + ], + [ + "ãģ«åħ¥", + "ãĤĮ" + ], + [ + "Ñİ", + "ÑģÑĮ" + ], + [ + "íļĮ", + "ìĿĺ" + ], + [ + "ç°¡", + "åį" + ], + [ + "ç°¡åį", + "ĺ" + ], + [ + "ç°¡åįĺ", + "ãģ«" + ], + [ + "Ġtr", + "úc" + ], + [ + "ĠاÙĦÙĥ", + "ÙĪÙĬ" + ], + [ + "ĠاÙĦÙĥÙĪÙĬ", + "ت" + ], + [ + "ãĤıãģij", + "ãģ§ãģĻ" + ], + [ + "ĠÑģв", + "об" + ], + [ + "ĠÑģвоб", + "од" + ], + [ + "ĠÑĥÑĩаÑģÑĤ", + "ник" + ], + [ + "สิ", + "à¹īà¸Ļ" + ], + [ + "ĠпÑĢо", + "ÑĦеÑģÑģиона" + ], + [ + "ĠпÑĢоÑĦеÑģÑģиона", + "лÑĮн" + ], + [ + "Ñģп", + "оÑĢ" + ], + [ + "×Ĺ", + "×ķ×ij×Ķ" + ], + [ + "Ùħع", + "ÙĨÙī" + ], + [ + "ĠاÙĦÙģ", + "ترة" + ], + [ + "สูà¸ĩ", + "สุà¸Ķ" + ], + [ + "ãĤı", + "ãģļ" + ], + [ + "ĠÄij", + "è" + ], + [ + "ĠÄijè", + "n" + ], + [ + "æ¯Ķ", + "ãģ¹" + ], + [ + "า", + "à¸ĺิ" + ], + [ + "Ġmoż", + "emy" + ], + [ + "à¹ģ", + "à¸ĭ" + ], + [ + "à¸Īะ", + "à¹Ħมà¹Ī" + ], + [ + "Ġs", + "ắp" + ], + [ + "Ðļ", + "Ðŀ" + ], + [ + "Ġprá", + "ctica" + ], + [ + "ÙĪÙĥ", + "اÙĦØ©" + ], + [ + "è¾¼", + "ãĤĵãģ§" + ], + [ + "ológ", + "ica" + ], + [ + "Ġе", + "Ñī" + ], + [ + "ĠеÑī", + "Ñij" + ], + [ + "تع", + "دÙĬÙĦ" + ], + [ + "ĠØ£", + "Ùĥد" + ], + [ + "Ġצר", + "×Ļ׼" + ], + [ + "Ġצר×Ļ׼", + "×Ļ×Ŀ" + ], + [ + "Ø«", + "Ùħ" + ], + [ + "Ġк", + "ÑĢÑĥ" + ], + [ + "ĠкÑĢÑĥ", + "п" + ], + [ + "×ij×Ļ×§", + "×ķרת" + ], + [ + "Ġì¡°", + "ê¸Ī" + ], + [ + "ãģ¨ãģį", + "ãģ¯" + ], + [ + "Ġb", + "ạc" + ], + [ + "ĠÑĢаÑģ", + "пол" + ], + [ + "ĠÑĢаÑģпол", + "ож" + ], + [ + "ĠÑĢаÑģполож", + "ен" + ], + [ + "ز", + "ÙĬÙĨ" + ], + [ + "ĠÐļ", + "ÑĢоме" + ], + [ + "ĠاÙĦÙĨ", + "ظر" + ], + [ + "×Ķ", + "×ķ×ĵ" + ], + [ + "ĠاÙĦس", + "بت" + ], + [ + "ã썿ĢĿ", + "ãģĦ" + ], + [ + "Ġpa", + "ÅĦst" + ], + [ + "ĠpaÅĦst", + "w" + ], + [ + "ĠÙĦÙĬ", + "ست" + ], + [ + "ĠбÑĥд", + "Ñĥ" + ], + [ + "à¸Ĺัà¸Ļ", + "à¸Ĺี" + ], + [ + "ร", + "าม" + ], + [ + "ØŃ", + "صÙĪÙĦ" + ], + [ + "ãģĹãģ¦ãģıãĤĮ", + "ãĤĭ" + ], + [ + "ĠاÙĦØ¥", + "سرائÙĬÙĦ" + ], + [ + "ĠاÙĦإسرائÙĬÙĦ", + "ÙĬ" + ], + [ + "ãģĵãĤĮ", + "ãģ¾ãģ§" + ], + [ + "ìĤ¬", + "를" + ], + [ + "Ġs", + "ürü" + ], + [ + "à¹Ģว", + "à¸Ńรà¹Į" + ], + [ + "à¹Ģà¸ĭ", + "à¸Ńรà¹Į" + ], + [ + "Ġutilis", + "é" + ], + [ + "ĠÑģиÑģÑĤем", + "а" + ], + [ + "Ġdw", + "ó" + ], + [ + "Ġdwó", + "ch" + ], + [ + "Ġpróp", + "rio" + ], + [ + "Ġëĵ±", + "ìĿĦ" + ], + [ + "arr", + "êt" + ], + [ + "ĠЧ", + "а" + ], + [ + "×IJ×ŀ", + "׳×ķת" + ], + [ + "عار", + "ض" + ], + [ + "à¹Ģà¸ģม", + "สà¹Į" + ], + [ + "Ġ׾×Ķ", + "×ij×Ļף" + ], + [ + "Ġ׾", + "×ij×Ĺ" + ], + [ + "Ġ׾×ij×Ĺ", + "×ķר" + ], + [ + "สา", + "à¸Ĥา" + ], + [ + "ĠÐľÐ¾Ñģк", + "ве" + ], + [ + "ب", + "عد" + ], + [ + "ĠاÙĦÙĤر", + "ار" + ], + [ + "ĠÄIJ", + "á»ĭa" + ], + [ + "Ġ×Ĺ", + "×Ĵ" + ], + [ + "Ùģ", + "تر" + ], + [ + "ÙĪÙĨ", + "Ø©" + ], + [ + "Ġ×Ķ×ĸ", + "×IJת" + ], + [ + "å¸Ĥ", + "ãģ®" + ], + [ + "ãģ»", + "ãģĹãģĦ" + ], + [ + "Ġ×ij×¢", + "×Ļר" + ], + [ + "ĠÑĤеп", + "еÑĢÑĮ" + ], + [ + "ìĬµ", + "ëĭĪê¹Į" + ], + [ + "à¹Ħม", + "à¹Īว" + ], + [ + "à¹Ħมà¹Īว", + "à¹Īา" + ], + [ + "à¹Ħมà¹Īวà¹Īา", + "à¸Īะ" + ], + [ + "×ŀ", + "×IJ×Ķ" + ], + [ + "æĥħ", + "åł±" + ], + [ + "æĥħåł±", + "ãĤĴ" + ], + [ + "غ", + "ÙĨ" + ], + [ + "Ġпо", + "Ñı" + ], + [ + "ĠпоÑı", + "ви" + ], + [ + "éģİ", + "ãģĶ" + ], + [ + "تش", + "غ" + ], + [ + "تشغ", + "ÙĬÙĦ" + ], + [ + "в", + "ел" + ], + [ + "Ġ×Ĺ", + "×ŀ" + ], + [ + "ãģ¨ãģªãĤĬ", + "ãģ¾ãģĻ" + ], + [ + "Ġra", + "ÄŁ" + ], + [ + "ĠraÄŁ", + "men" + ], + [ + "ãģĭ", + "ãģ©ãģĨ" + ], + [ + "ãģĭãģ©ãģĨ", + "ãģĭ" + ], + [ + "ен", + "ко" + ], + [ + "ì§Ģ", + "ê³ł" + ], + [ + "Ġ×IJ׾", + "×Ļ×Ķ" + ], + [ + "ĠØ£", + "ÙĦ" + ], + [ + "à¸Īำ", + "หà¸Ļ" + ], + [ + "à¸Īำหà¸Ļ", + "à¹Īาย" + ], + [ + "nız", + "ı" + ], + [ + "Ġ׾ק", + "×Ĺת" + ], + [ + "Ø£", + "ÙĩÙħ" + ], + [ + "Ø£ÙĩÙħ", + "ÙĬØ©" + ], + [ + "ت", + "غÙĬر" + ], + [ + "ש", + "×Ĺר" + ], + [ + "ס×ķפ", + "ר" + ], + [ + "×ĵ", + "×Ļר" + ], + [ + "èī¯", + "ãģĭãģ£ãģŁ" + ], + [ + "×ŀ׾×Ĺ", + "×ŀ×Ķ" + ], + [ + "ÑģÑĤв", + "ие" + ], + [ + "ÑĤ", + "ÑĢаÑĤ" + ], + [ + "ĠاÙĦØ£", + "Ø®" + ], + [ + "ĠاÙĦأخ", + "ÙĬرة" + ], + [ + "ĠاÙĦØŃ", + "صÙĪÙĦ" + ], + [ + "Ġcréd", + "ito" + ], + [ + "צ", + "×Ļ×¢" + ], + [ + "ãĥ¬", + "ãĥĻãĥ«" + ], + [ + "بر", + "ÙĬ" + ], + [ + "ëIJ", + "IJ" + ], + [ + "ãģł", + "ãģ£ãģ¦" + ], + [ + "Ġreal", + "tÃł" + ], + [ + "س", + "Ù쨱" + ], + [ + "×ķ׳", + "×ķ" + ], + [ + "×Ĵ", + "×ķ×ĵ" + ], + [ + "×Ĵ×ķ×ĵ", + "׾" + ], + [ + "ฮ", + "า" + ], + [ + "ãģĹãģ¦", + "ãģĬãĤĬãģ¾ãģĻ" + ], + [ + "Ġg", + "Ãł" + ], + [ + "Ġ׾×ij", + "צע" + ], + [ + "å¼ķ", + "è¶ĬãģĹ" + ], + [ + "Ġ×ŀ", + "×Ļ׾×Ļ" + ], + [ + "Ġ×ŀ×Ļ׾×Ļ", + "×ķף" + ], + [ + "Ùħ", + "در" + ], + [ + "Ùħدر", + "سة" + ], + [ + "פ", + "×ķ×ĺ" + ], + [ + "à¸Ļà¹īำ", + "มัà¸Ļ" + ], + [ + "ëģ", + "Ŀ" + ], + [ + "ع", + "Ùĥس" + ], + [ + "ĠÙĤ", + "ض" + ], + [ + "ĠÑĢÑĭ", + "б" + ], + [ + "خط", + "Ø·" + ], + [ + "×ŀ×ķס", + "×ĵ" + ], + [ + "Ġ׼׾", + "׾×Ļ" + ], + [ + "ĠкоÑĤоÑĢ", + "ое" + ], + [ + "צ×Ļ", + "×ķף" + ], + [ + "ĠмеÑģÑĤ", + "а" + ], + [ + "ãģĭ", + "ãģ¤" + ], + [ + "г", + "ÑĢÑĥпп" + ], + [ + "׾", + "×Ļ׾" + ], + [ + "ת", + "×ķ×IJר" + ], + [ + "ë³µ", + "ì§Ģ" + ], + [ + "à¹ģà¸ľ", + "à¹Īà¸Ļ" + ], + [ + "Ġ×ij×¢", + "ת" + ], + [ + "æĻĤéĸĵ", + "ãĤĴ" + ], + [ + "ï¼", + "£" + ], + [ + "ãģ¨ãģĦãģĨãģĵãģ¨", + "ãģ§" + ], + [ + "Ġ׾×Ķ", + "×§" + ], + [ + "Ġ׾", + "×ĸ×Ķ" + ], + [ + "ĠìłĢ", + "ëĬĶ" + ], + [ + "ĠاÙĦØ¥", + "رÙĩاب" + ], + [ + "ĠìŀĪëĬĶ", + "ëį°" + ], + [ + "ĠÑĤ", + "огда" + ], + [ + "Ġ×Ķ", + "צ×Ļ" + ], + [ + "×ķ׾", + "×ĺ" + ], + [ + "Ġר", + "פ×ķ×IJ×Ļ" + ], + [ + "ãģĵãģ¨", + "ãģ§ãģĻ" + ], + [ + "ĠÄij", + "ÃŃch" + ], + [ + "ØŃ", + "ÙĬا" + ], + [ + "Ġ×Ķ×ŀש", + "×Ĺ×§" + ], + [ + "ãģľ", + "ãģ²" + ], + [ + "Ġ×ŀ×IJ", + "פשר" + ], + [ + "ãģ¿", + "ãģ¾ãģĹãģŁ" + ], + [ + "ĠاÙĦØ£ÙħÙĬر", + "ÙĥÙĬ" + ], + [ + "Ùħج", + "تÙħع" + ], + [ + "Ġس", + "اب" + ], + [ + "Ġساب", + "ÙĤ" + ], + [ + "׼", + "×Ļ׾" + ], + [ + "áº", + "¾" + ], + [ + "ãĥª", + "ãĤ¹ãĥĪ" + ], + [ + "Ġì", + "ĥ" + ], + [ + "Ġìĥ", + "Ī" + ], + [ + "ĠìĥĪ", + "ë¡ľ" + ], + [ + "ĠìĥĪë¡ľ", + "ìļ´" + ], + [ + "ĠD", + "á»ĭch" + ], + [ + "à¹Ģหมาะ", + "สม" + ], + [ + "ĠاÙĦÙĨ", + "بÙĬ" + ], + [ + "׾", + "׾" + ], + [ + "ÙĨ", + "ع" + ], + [ + "Ðĵ", + "лав" + ], + [ + "Ðĵлав", + "наÑı" + ], + [ + "Ùħر", + "ض" + ], + [ + "Ġ×ķ", + "×ĵ" + ], + [ + "ت", + "ÙĤÙĬ" + ], + [ + "تÙĤÙĬ", + "ÙĬÙħ" + ], + [ + "Ġb", + "ảng" + ], + [ + "ĠÙģ", + "ÙĤاÙĦ" + ], + [ + "×¢", + "×ŀ×Ļ" + ], + [ + "д", + "ÑĢа" + ], + [ + "Ġsu", + "á»ijt" + ], + [ + "سر", + "عة" + ], + [ + "Ġc", + "á»Ń" + ], + [ + "Ġ×Ķ", + "×Ļ×Ĺ×Ļ×ĵ" + ], + [ + "سع", + "ÙĬد" + ], + [ + "à¸Ńา", + "à¸Ĭีà¸ŀ" + ], + [ + "Ġس", + "ÙĪØ§Ø¡" + ], + [ + "ãĤ½", + "ãĥķãĥĪ" + ], + [ + "Ġл", + "иÑĩно" + ], + [ + "ĠÐļ", + "оÑĢ" + ], + [ + "اÙĩ", + "تÙħ" + ], + [ + "اÙĩتÙħ", + "اÙħ" + ], + [ + "à¸Ń", + "à¸Ķี" + ], + [ + "à¸Ńà¸Ķี", + "à¸ķ" + ], + [ + "ãģIJ", + "ãĤīãģĦ" + ], + [ + "Ġiht", + "iya" + ], + [ + "Ġihtiya", + "ç" + ], + [ + "ãģ¾ãģ§", + "ãģ®" + ], + [ + "ìĭľ", + "ìĬ¤" + ], + [ + "ìĭľìĬ¤", + "íħľ" + ], + [ + "ÑĢÑĥ", + "ÑĪ" + ], + [ + "ãĤĦ", + "ãģ£ãģ±" + ], + [ + "ãĤĦãģ£ãģ±", + "ãĤĬ" + ], + [ + "к", + "еÑĢ" + ], + [ + "Ġ", + "ży" + ], + [ + "Ġży", + "w" + ], + [ + "кл", + "он" + ], + [ + "Ġl", + "ượt" + ], + [ + "Ã", + "¾" + ], + [ + "да", + "Ñĩи" + ], + [ + "tür", + "k" + ], + [ + "غ", + "ÙĪ" + ], + [ + "ĠигÑĢ", + "ок" + ], + [ + "Ġph", + "ê" + ], + [ + "Ġש", + "×¢×ľ" + ], + [ + "ĠاÙĦÙħ", + "دÙĨÙĬ" + ], + [ + "ĠìŬ룬", + "ë¶Ħ" + ], + [ + "ער", + "×Ļ×Ŀ" + ], + [ + "Ñħод", + "ÑıÑĤ" + ], + [ + "Ġx", + "ứ" + ], + [ + "ÐĹ", + "а" + ], + [ + "ĠÙģ", + "رص" + ], + [ + "à¸Īะ", + "à¸Ĺำà¹ĥหà¹ī" + ], + [ + "íģ", + "´" + ], + [ + "×¢", + "×ij×ķר" + ], + [ + "à¹Ģหลà¹Īา", + "à¸Ļีà¹ī" + ], + [ + "èĢĥãģĪ", + "ãĤĭ" + ], + [ + "ÑĢ", + "еÑģÑĤ" + ], + [ + "н", + "нÑĭй" + ], + [ + "Ġc", + "ầm" + ], + [ + "دا", + "Ø®ÙĦ" + ], + [ + "ĠÙħÙĦÙĬ", + "ار" + ], + [ + "ĠÐIJ", + "л" + ], + [ + "ĠвÑĢем", + "ен" + ], + [ + "à¸Ĭà¹Īวย", + "à¹ĥหà¹ī" + ], + [ + "ר×Ļ", + "×ķת" + ], + [ + "ëĵ", + "¯" + ], + [ + "飲", + "ãģ¿" + ], + [ + "׳", + "׾" + ], + [ + "שת", + "×£" + ], + [ + "ĠاÙĦسعÙĪØ¯", + "ÙĬ" + ], + [ + "u", + "ÃŁ" + ], + [ + "ìĿ¸", + "ëį°" + ], + [ + "ĠìĿ¼", + "ë°ĺ" + ], + [ + "ÅĤ", + "ÄĻ" + ], + [ + "Ġm", + "á»iji" + ], + [ + "×ŀ", + "×Ļ׳" + ], + [ + "ĠاÙĦØ£", + "Ø·Ù쨧ÙĦ" + ], + [ + "Ġçı", + "kan" + ], + [ + "é", + "cole" + ], + [ + "×§", + "×Ļש" + ], + [ + "×§×Ļש", + "×ķר" + ], + [ + "ĠоÑģ", + "ÑĥÑīеÑģÑĤв" + ], + [ + "ĠоÑģÑĥÑīеÑģÑĤв", + "лÑı" + ], + [ + "×ij", + "×IJר" + ], + [ + "à¹Ħà¸Ľ", + "à¸Ķà¹īวย" + ], + [ + "Ġ×¢", + "×ķ׾×Ķ" + ], + [ + "à¸ģà¹ĩ", + "à¹Ħมà¹Ī" + ], + [ + "ãĥ¢", + "ãĥĩ" + ], + [ + "ãĥ¢ãĥĩ", + "ãĥ«" + ], + [ + "تØŃ", + "ÙĪÙĦ" + ], + [ + "Ġод", + "ного" + ], + [ + "ת×Ĺ×Ļ׾", + "ת" + ], + [ + "Ġت", + "Ø®" + ], + [ + "Ġch", + "cia" + ], + [ + "Ġchcia", + "ÅĤ" + ], + [ + "ãĥIJ", + "ãĥ³" + ], + [ + "èĢħ", + "ãģ¯" + ], + [ + "ĠÙħ", + "ØŃÙĦ" + ], + [ + "Ñģл", + "ож" + ], + [ + "Ñģлож", + "н" + ], + [ + "Ġt", + "ÄĻ" + ], + [ + "Ġçı", + "kt" + ], + [ + "Ġçıkt", + "ı" + ], + [ + "ĠC", + "Æ¡" + ], + [ + "à¹Ħà¸Ķà¹ī", + "à¹Ģลย" + ], + [ + "ır", + "ken" + ], + [ + "à¹Ģà¸Ĥà¹īา", + "สูà¹Ī" + ], + [ + "ÙħØŃ", + "Ùĥ" + ], + [ + "ÙħØŃÙĥ", + "ÙħØ©" + ], + [ + "à¸Ħุ", + "à¹īม" + ], + [ + "à¸Ļà¹Īา", + "à¸Īะ" + ], + [ + "лÑİ", + "д" + ], + [ + "де", + "ÑģÑı" + ], + [ + "деÑģÑı", + "ÑĤ" + ], + [ + "ĠлÑİб", + "ой" + ], + [ + "تØŃر", + "ÙĬر" + ], + [ + "צע", + "×ĵ" + ], + [ + "Ġе", + "Ñij" + ], + [ + "ĠاÙĦØŃ", + "ÙĥÙħ" + ], + [ + "Ġص", + "باØŃ" + ], + [ + "à¹Ģà¸ļ", + "à¸Ńรà¹Į" + ], + [ + "Ġróż", + "nych" + ], + [ + "ги", + "б" + ], + [ + "ĠÑģ", + "оÑĤ" + ], + [ + "ĠÑģоÑĤ", + "ÑĢÑĥд" + ], + [ + "ĠÑģоÑĤÑĢÑĥд", + "ник" + ], + [ + "ĠобÑĬ", + "ем" + ], + [ + "פ", + "×ĺר" + ], + [ + "ãģĻãģĶ", + "ãģı" + ], + [ + "ãģ«éĸ¢", + "ãģĹãģ¦" + ], + [ + "в", + "ол" + ], + [ + "Ø«", + "ÙħاÙĨ" + ], + [ + "Ġd", + "ần" + ], + [ + "æĬ", + "ľ" + ], + [ + "æĬľ", + "ãģij" + ], + [ + "Ġ×¢", + "ש" + ], + [ + "Ġעש", + "×ķ×Ļ" + ], + [ + "ס", + "×ķף" + ], + [ + "ãģªãģ®", + "ãģ§ãģĻ" + ], + [ + "ãģ¯", + "ãģ©ãģĨ" + ], + [ + "×ŀ×¢", + "ר×ij" + ], + [ + "ï¼", + "°" + ], + [ + "Ùħ", + "صر" + ], + [ + "ÙħÙĨ", + "اسب" + ], + [ + "ÙħÙĨاسب", + "Ø©" + ], + [ + "ä¸Ĭ", + "ãģ®" + ], + [ + "×IJ×Ļש", + "×ķר" + ], + [ + "ĠìĦ¤", + "ì¹ĺ" + ], + [ + "×ŀ×ĵ×Ļ׳", + "×ķת" + ], + [ + "×ŀר", + "ת" + ], + [ + "ãĤĭ", + "ãģ®ãģĮ" + ], + [ + "د", + "Ùİ" + ], + [ + "ĠاÙĦشر", + "Ùĥات" + ], + [ + "ìĭľ", + "ê°Ħ" + ], + [ + "ĠÑĢеÑĪ", + "ение" + ], + [ + "ãģĻãĤĭ", + "ãģ®ãģ¯" + ], + [ + "ĠìŀIJìĭł", + "ìĿĺ" + ], + [ + "׾", + "×ŀ×ķ" + ], + [ + "ãģ¨ãģĵãĤį", + "ãģ§" + ], + [ + "Ġ×§", + "צר" + ], + [ + "Ġmã", + "i" + ], + [ + "Ġkü", + "ltür" + ], + [ + "ãĥ©ãĤ¤", + "ãĥĸ" + ], + [ + "à¸ľà¸¹à¹ī", + "หà¸įิà¸ĩ" + ], + [ + "æĻĤéĸĵ", + "ãģĮ" + ], + [ + "клÑİÑĩ", + "и" + ], + [ + "diÄŁ", + "iniz" + ], + [ + "มาà¸ģ", + "à¹Ĩ" + ], + [ + "تØŃ", + "ÙħÙĦ" + ], + [ + "Ġh", + "ạt" + ], + [ + "ãĤ¦", + "ãĤ£" + ], + [ + "п", + "ле" + ], + [ + "×ŀ", + "׾×IJ" + ], + [ + "ÅĤ", + "ó" + ], + [ + "Ġg", + "á»ijc" + ], + [ + "Ġ×IJ", + "×ķ×ĵ×ķת" + ], + [ + "หว", + "าà¸Ļ" + ], + [ + "ĠاÙĦ", + "ÙĪØ²" + ], + [ + "ĠاÙĦÙĪØ²", + "راء" + ], + [ + "ëĵ¤", + "ê³¼" + ], + [ + "Ġص", + "ØŃ" + ], + [ + "ĠصØŃ", + "ÙĬÙ쨩" + ], + [ + "Ġм", + "м" + ], + [ + "تد", + "Ø®ÙĦ" + ], + [ + "Ġpersön", + "lich" + ], + [ + "Ġز", + "ÙĬ" + ], + [ + "ĠزÙĬ", + "ادة" + ], + [ + "ãĤ·", + "ãĤ¢" + ], + [ + "Ġng", + "ắn" + ], + [ + "à¸Ħล", + "ิà¸ģ" + ], + [ + "Ġs", + "ông" + ], + [ + "Ġtü", + "ket" + ], + [ + "Ñį", + "ÑĦÑĦ" + ], + [ + "ÑįÑĦÑĦ", + "екÑĤ" + ], + [ + "ש", + "×Ļ×ij" + ], + [ + "Ġا", + "عت" + ], + [ + "ت", + "ض" + ], + [ + "تض", + "ÙħÙĨ" + ], + [ + "ĠاÙĦÙħØ´", + "رÙĪØ¹" + ], + [ + "Ġprodu", + "ção" + ], + [ + "ĠпÑĢимен", + "Ñı" + ], + [ + "ни", + "ÑĨÑĭ" + ], + [ + "주", + "ëĬĶ" + ], + [ + "ر", + "Ùı" + ], + [ + "Ġm", + "Æ¡" + ], + [ + "Ġhayat", + "ı" + ], + [ + "ëŁ", + "½" + ], + [ + "Ġü", + "cret" + ], + [ + "Ġyan", + "ında" + ], + [ + "Ġpr", + "ática" + ], + [ + "×ij×Ļ×§", + "×ķר" + ], + [ + "Ãľ", + "N" + ], + [ + "Ñģ", + "оÑĤ" + ], + [ + "ãĤıãģij", + "ãģ§" + ], + [ + "Ġдол", + "го" + ], + [ + "ת", + "׼×ķ" + ], + [ + "ĠìķĦ", + "ëĭĮ" + ], + [ + "ë", + "į°ìĿ´" + ], + [ + "Ġç", + "iz" + ], + [ + "Ġcho", + "Äĩ" + ], + [ + "Ġ×Ķ", + "×Ļת" + ], + [ + "Ġ×Ķ×Ļת", + "ר" + ], + [ + "Ġso", + "át" + ], + [ + "׼", + "×ij×ĵ" + ], + [ + "à¹Ģล", + "à¹Īา" + ], + [ + "Ġд", + "еÑĢ" + ], + [ + "ĠдеÑĢ", + "ев" + ], + [ + "ãĤĴ", + "åħ¥ãĤĮ" + ], + [ + "×Ĺ", + "×ķס" + ], + [ + "×Ĺ×ķס", + "ר" + ], + [ + "ج", + "ÙĬÙĨ" + ], + [ + "t", + "ón" + ], + [ + "onn", + "é" + ], + [ + "Ġпол", + "ноÑģÑĤÑĮÑİ" + ], + [ + "人", + "ãģŁãģ¡" + ], + [ + "Ġpr", + "êt" + ], + [ + "ëł", + "¸" + ], + [ + "Ġdéc", + "embre" + ], + [ + "cı", + "lar" + ], + [ + "Ġת", + "ת" + ], + [ + "Ġê²½ìļ°", + "ìĹIJëĬĶ" + ], + [ + "ÙĪ", + "عد" + ], + [ + "è¦ĭ", + "ãĤĭ" + ], + [ + "วิ", + "à¸Īัย" + ], + [ + "ë", + "¶Ī" + ], + [ + "ز", + "ÙĪØ§" + ], + [ + "زÙĪØ§", + "ج" + ], + [ + "d", + "ì" + ], + [ + "ãģ§ãģĻ", + "ãĤĪ" + ], + [ + "Ġвод", + "о" + ], + [ + "ĠÙĬ", + "ÙĪØ¬Ø¯" + ], + [ + "Ñģ", + "оÑģÑĤоÑı" + ], + [ + "Ðŀ", + "С" + ], + [ + "ĠÄIJ", + "ó" + ], + [ + "×Ĺ", + "פש" + ], + [ + "Ġצ", + "×Ļ×ij×ķר" + ], + [ + "ĠاÙĦÙĤ", + "Ø·" + ], + [ + "ĠاÙĦÙĤØ·", + "اع" + ], + [ + "Ġиме", + "ÑİÑĤ" + ], + [ + "Ġph", + "áºŃn" + ], + [ + "×Ľ×¡", + "פ×Ļ" + ], + [ + "полн", + "иÑĤелÑĮ" + ], + [ + "éĻIJ", + "ãĤĬ" + ], + [ + "ĠÑģ", + "ÑĢав" + ], + [ + "ĠÑģÑĢав", + "н" + ], + [ + "ÙħاÙĦ", + "Ùĥ" + ], + [ + "×ĵר", + "×ķ×Ŀ" + ], + [ + "çļĨ", + "ãģķãĤĵ" + ], + [ + "ØŃÙĤ", + "ÙĤ" + ], + [ + "à¹ģหล", + "à¹Īà¸ĩ" + ], + [ + "ĠاÙĦر", + "سÙħÙĬ" + ], + [ + "оÑĩ", + "ки" + ], + [ + "×ĺ", + "×ij×Ĺ" + ], + [ + "Ġcan", + "lı" + ], + [ + "Ġ׾", + "׾" + ], + [ + "Ġ׾׾", + "×ŀ×ķ×ĵ" + ], + [ + "×ŀ×ij", + "×ķ" + ], + [ + "ת", + "׼" + ], + [ + "×ª×Ľ", + "׳×Ļת" + ], + [ + "ĠاÙĦÙħ", + "شار" + ], + [ + "ĠاÙĦÙħشار", + "ÙĥØ©" + ], + [ + "İ", + "Åŀ" + ], + [ + "ĠسÙĬ", + "اسÙĬ" + ], + [ + "в", + "олÑĮ" + ], + [ + "ĠÑģ", + "пÑĢав" + ], + [ + "æĿ¥", + "ãģ¦" + ], + [ + "פ×ķר", + "×ķ×Ŀ" + ], + [ + "สำ", + "à¹Ģรà¹ĩ" + ], + [ + "สำà¹Ģรà¹ĩ", + "à¸Ī" + ], + [ + "ĠÅŁ", + "öyle" + ], + [ + "Ġzosta", + "ÅĤa" + ], + [ + "ĠH", + "ü" + ], + [ + "ר", + "×ķש" + ], + [ + "د", + "ÙĦÙĬÙĦ" + ], + [ + "ÑĢи", + "д" + ], + [ + "ש", + "ף" + ], + [ + "×ŀ×§", + "×ķר" + ], + [ + "ĠÑĥ", + "Ñĩ" + ], + [ + "ĠÑĥÑĩ", + "еб" + ], + [ + "ĠÑį", + "ÑĤа" + ], + [ + "ков", + "а" + ], + [ + "à¸ķà¸Ļ", + "à¹Ģà¸Ńà¸ĩ" + ], + [ + "ÙĨ", + "ÙIJ" + ], + [ + "à¸Ńีà¸ģ", + "à¸Ħรัà¹īà¸ĩ" + ], + [ + "ระ", + "à¸ļุ" + ], + [ + "Ġd", + "ữ" + ], + [ + "ĠاÙĦØŃ", + "اÙĦÙĬ" + ], + [ + "׼", + "×ķ׼" + ], + [ + "׼×ķ׼", + "×ij" + ], + [ + "Ġ×ŀ×IJ", + "שר" + ], + [ + "Ġtr", + "ụ" + ], + [ + "ÑĤел", + "ем" + ], + [ + "Ġв", + "ли" + ], + [ + "Ġвли", + "Ñı" + ], + [ + "Ġש×IJת", + "×Ŀ" + ], + [ + "Ġuw", + "ag" + ], + [ + "Ġuwag", + "ÄĻ" + ], + [ + "×ĺ", + "×Ļת" + ], + [ + "×IJ", + "×ĵ×Ŀ" + ], + [ + "à¸Ķ", + "ุ" + ], + [ + "Ġ×Ķ×IJ", + "׾×Ķ" + ], + [ + "Ġkar", + "Ä±ÅŁ" + ], + [ + "ĠÄIJ", + "á»iji" + ], + [ + "да", + "ÑİÑĤ" + ], + [ + "ãģªãģ®", + "ãģ«" + ], + [ + "Äħ", + "cych" + ], + [ + "à¹Ģà¸Ļ", + "à¹īà¸Ļ" + ], + [ + "ãģĹãģ¦", + "ãģĹãģ¾ãģĨ" + ], + [ + "int", + "érieur" + ], + [ + "ĠfÃŃs", + "ica" + ], + [ + "ĠÐŁ", + "ол" + ], + [ + "ãģĹãģ", + "ķ" + ], + [ + "à¸Ĺำ", + "à¹Ħม" + ], + [ + "ĠL", + "âm" + ], + [ + "ĠاÙĦÙħ", + "سÙĦÙħ" + ], + [ + "ĠاÙĦÙħسÙĦÙħ", + "ÙĬÙĨ" + ], + [ + "ص", + "ØŃØ©" + ], + [ + "ìĹ", + "Ħ" + ], + [ + "à¹Ģà¸Ķà¹ĩ", + "à¸Ķ" + ], + [ + "ĠÑĥ", + "ÑĩеÑĤ" + ], + [ + "â", + "Ìģ" + ], + [ + "Ġب", + "ÙĦا" + ], + [ + "ĠاÙĦاجتÙħاع", + "ÙĬ" + ], + [ + "פרס", + "×Ŀ" + ], + [ + "ãĥķ", + "ãĥ©" + ], + [ + "ĠÐļ", + "огда" + ], + [ + "mie", + "ÅĽci" + ], + [ + "ĠبÙĬÙĨ", + "Ùħا" + ], + [ + "Ġ×ŀ×IJ", + "×ŀר×Ļ×Ŀ" + ], + [ + "Ġ×ij×IJ", + "×ĸ×ķר" + ], + [ + "×ķש", + "×Ļ×Ŀ" + ], + [ + "ĠÑģдел", + "а" + ], + [ + "entr", + "ée" + ], + [ + "à¹Ģ", + "à¸Ħà¹īา" + ], + [ + "Ñĥг", + "л" + ], + [ + "ĠاÙĦÙģ", + "ÙĨÙĬ" + ], + [ + "ĠÐĴ", + "оÑĤ" + ], + [ + "à¸Ĺีà¹Ī", + "มา" + ], + [ + "×ķצ", + "×Ĵ" + ], + [ + "ÙĤد", + "رة" + ], + [ + "Ġëª", + "©" + ], + [ + "Ġ목", + "ìłģ" + ], + [ + "íıī", + "ê°Ģ" + ], + [ + "ĠاÙĦØ£", + "ربع" + ], + [ + "ĠاÙĦأربع", + "اء" + ], + [ + "פס", + "×Ļ×§" + ], + [ + "ĠÑıвлÑı", + "ÑİÑĤÑģÑı" + ], + [ + "ب", + "ÙĪÙĨ" + ], + [ + "ì°", + "¾" + ], + [ + "×ŀ×¢", + "ר׼" + ], + [ + "×ŀ×¢×¨×Ľ", + "×ķת" + ], + [ + "ãĤ·", + "ãĤ§" + ], + [ + "ĠباÙĦ", + "Ø£" + ], + [ + "íĸĪ", + "ëįĺ" + ], + [ + "ĠاÙĦبر", + "ÙĨاÙħج" + ], + [ + "ĠاÙĦØ£", + "ØŃد" + ], + [ + "Ġm", + "Å©" + ], + [ + "ĠmÅ©", + "i" + ], + [ + "п", + "аÑĤ" + ], + [ + "ب", + "Ø«" + ], + [ + "ĠÑĨ", + "енÑĭ" + ], + [ + "Ġ×ijת", + "׾" + ], + [ + "è¨Ģ", + "ãĤıãĤĮ" + ], + [ + "ĠاÙĦÙħ", + "جاÙĦ" + ], + [ + "ĠìĦ¸", + "ìĥģ" + ], + [ + "Ġ×Ĵ", + "×ķפ" + ], + [ + "ĠнаÑĪ", + "ей" + ], + [ + "Ġкомп", + "аниÑı" + ], + [ + "б", + "ин" + ], + [ + "öl", + "ü" + ], + [ + "×Ļ", + "×Ļ×ĺ" + ], + [ + "Ġ×ŀס", + "פ×Ļ×§" + ], + [ + "ยัà¸ĩ", + "à¸Ħà¸ĩ" + ], + [ + "ĠЧ", + "и" + ], + [ + "Ġан", + "ÑĤи" + ], + [ + "ĠÑģÑĢед", + "и" + ], + [ + "สà¹Īวà¸Ļ", + "à¹ĥหà¸įà¹Ī" + ], + [ + "оÑĩ", + "ка" + ], + [ + "íĬ¹", + "ë³Ħ" + ], + [ + "ว", + "à¹Īาà¸ĩ" + ], + [ + "гоÑĢ", + "од" + ], + [ + "با", + "Ùĥ" + ], + [ + "à¹Ģส", + "ีà¹Īย" + ], + [ + "à¹Ģสีà¹Īย", + "à¸ĩ" + ], + [ + "ãĤĤãĤī", + "ãģĦ" + ], + [ + "×§", + "×ķ×Ŀ" + ], + [ + "ãģĽ", + "ãģļ" + ], + [ + "ĠاÙĦÙĤ", + "اÙĩرة" + ], + [ + "Ġ×ij", + "׼×ļ" + ], + [ + "Ùħشار", + "ÙĬع" + ], + [ + "باØŃ", + "Ø«" + ], + [ + "Ġпо", + "Ñĩ" + ], + [ + "ĠпоÑĩ", + "ÑĤи" + ], + [ + "ĠÑĦоÑĢм", + "а" + ], + [ + "S", + "İ" + ], + [ + "Ġ×ŀצ", + "×Ļ×¢" + ], + [ + "ล", + "ื" + ], + [ + "ลื", + "ม" + ], + [ + "ĠÑĤ", + "еÑĢ" + ], + [ + "ĠÑĤеÑĢ", + "ÑĢиÑĤоÑĢ" + ], + [ + "ĠÑĤеÑĢÑĢиÑĤоÑĢ", + "ии" + ], + [ + "Ġв", + "меÑģÑĤ" + ], + [ + "ĠвмеÑģÑĤ", + "е" + ], + [ + "dıkl", + "arı" + ], + [ + "op", + "ération" + ], + [ + "à¹Ĥ", + "ห" + ], + [ + "ص", + "دÙĬ" + ], + [ + "صدÙĬ", + "ÙĤ" + ], + [ + "íĸī", + "ìłķ" + ], + [ + "تج", + "ا" + ], + [ + "تجا", + "ÙĪØ²" + ], + [ + "Ġsu", + "ç" + ], + [ + "Ġar", + "ty" + ], + [ + "Ġarty", + "ku" + ], + [ + "Ġartyku", + "ÅĤ" + ], + [ + "ãĤ·ãĥ§", + "ãĥĥãĥĹ" + ], + [ + "ש", + "פ" + ], + [ + "שפ", + "×Ļ×¢" + ], + [ + "Ġ×Ķש", + "×Ļר×ķת" + ], + [ + "à¹ģà¸ĸ", + "ม" + ], + [ + "ë¸", + "Ķ" + ], + [ + "Ġuk", + "ÅĤad" + ], + [ + "Ġ×ķ", + "׼×Ļ" + ], + [ + "หล", + "าà¸ģ" + ], + [ + "หลาà¸ģ", + "หลาย" + ], + [ + "æĸ¹", + "ãĤĤ" + ], + [ + "Ġpodr", + "óż" + ], + [ + "ĠE", + "ÄŁer" + ], + [ + "Ġком", + "наÑĤ" + ], + [ + "ĠÑģам", + "ÑĭÑħ" + ], + [ + "Ġв", + "кÑĥÑģ" + ], + [ + "б", + "еж" + ], + [ + "Ġ×ij", + "×§×ķ" + ], + [ + "æİĽ", + "ãģij" + ], + [ + "ãģ¿", + "ãĤĭãģ¨" + ], + [ + "ĠiliÅŁ", + "kin" + ], + [ + "ĠÙĬ", + "عÙħÙĦ" + ], + [ + "Ġпод", + "аÑĢ" + ], + [ + "Ġyaz", + "ılı" + ], + [ + "ãĤĴ", + "å¾Ĺ" + ], + [ + "Ġwyst", + "ÄĻp" + ], + [ + "à¸Ĺีà¹Ī", + "à¹ĥà¸Ĭà¹ī" + ], + [ + "ØŃاد", + "Ø«" + ], + [ + "ÙĪ", + "ÙĬد" + ], + [ + "кÑĥ", + "лÑĮÑĤ" + ], + [ + "кÑĥлÑĮÑĤ", + "ÑĥÑĢ" + ], + [ + "à¸ģาร", + "à¹ģà¸Ĥà¹Īà¸ĩ" + ], + [ + "à¸ģารà¹ģà¸Ĥà¹Īà¸ĩ", + "à¸Ĥ" + ], + [ + "à¸ģารà¹ģà¸Ĥà¹Īà¸ĩà¸Ĥ", + "ัà¸Ļ" + ], + [ + "ÙħÙĪ", + "ظ" + ], + [ + "ÙħÙĪØ¸", + "Ùģ" + ], + [ + "ÙĬÙħ", + "ÙĬ" + ], + [ + "ãĤĵãģ§ãģĻ", + "ãģĮ" + ], + [ + "diÄŁ", + "im" + ], + [ + "diÄŁim", + "iz" + ], + [ + "ĠÐŁ", + "еÑĢ" + ], + [ + "ĠÐŁÐµÑĢ", + "в" + ], + [ + "Ġm", + "ão" + ], + [ + "ĠÑģ", + "ез" + ], + [ + "ĠÑģез", + "он" + ], + [ + "Ġ×Ķ×ŀ", + "×¢" + ], + [ + "Ùħ", + "جÙħÙĪØ¹Ø©" + ], + [ + "ĠинÑĦоÑĢм", + "аÑĨии" + ], + [ + "i", + "ếc" + ], + [ + "ã", + "ng" + ], + [ + "ĠÄij", + "ấy" + ], + [ + "ãģĶ", + "ç´" + ], + [ + "ãģĶç´", + "¹" + ], + [ + "ãģĶç´¹", + "ä»ĭ" + ], + [ + "Ġad", + "ım" + ], + [ + "à¹Ħ", + "หล" + ], + [ + "Ġп", + "ÑĢакÑĤи" + ], + [ + "ĠпÑĢакÑĤи", + "Ñĩ" + ], + [ + "ĠпÑĢакÑĤиÑĩ", + "еÑģ" + ], + [ + "ĠпÑĢакÑĤиÑĩеÑģ", + "ки" + ], + [ + "ĠاÙĦÙĨ", + "Ù쨳" + ], + [ + "ĠÑĢабоÑĤ", + "е" + ], + [ + "ÙĦÙĬ", + "Ùģ" + ], + [ + "ĠاÙĦجÙĨ", + "ÙĪØ¨" + ], + [ + "Ġвод", + "Ñĭ" + ], + [ + "ì¹", + "Ļ" + ], + [ + "Ġм", + "иÑĢа" + ], + [ + "ĠÄij", + "ừng" + ], + [ + "ĠпÑĢоÑĤив", + "о" + ], + [ + "ĠÑģÑĤÑĢан", + "Ñĭ" + ], + [ + "ล", + "ู" + ], + [ + "ìĤ", + "¶" + ], + [ + "kre", + "ÅĽl" + ], + [ + "Ġbul", + "und" + ], + [ + "Ġbulund", + "uÄŁu" + ], + [ + "à¹ģ", + "สà¸Ļ" + ], + [ + "ãĤ±", + "ãĤ¢" + ], + [ + "ת×Ĺ", + "×ķ×ŀ×Ļ" + ], + [ + "ר׼", + "×Ķ" + ], + [ + "Ġ׾ק", + "×ķ×Ĺ" + ], + [ + "Ġ׾ק×ķ×Ĺ", + "×ķת" + ], + [ + "Ġ×Ľ×ª", + "×ķ×ijת" + ], + [ + "ĠÙĦ", + "ÙĥÙħ" + ], + [ + "ب", + "شر" + ], + [ + "Ġr", + "Ãłng" + ], + [ + "Ġ×ŀ×Ķ", + "×ŀ" + ], + [ + "Ġ×IJ×Ĺר", + "×ķת" + ], + [ + "Ġб", + "он" + ], + [ + "Ġбон", + "ÑĥÑģ" + ], + [ + "ï½", + "Ĺ" + ], + [ + "à¹ģ", + "ยà¸ģ" + ], + [ + "ãģĤãģªãģŁ", + "ãģ®" + ], + [ + "ĠÑĥÑĩаÑģÑĤ", + "ие" + ], + [ + "ĠE", + "yl" + ], + [ + "ĠEyl", + "ül" + ], + [ + "ĠçalÄ±ÅŁmalar", + "ı" + ], + [ + "Ø®", + "طر" + ], + [ + "ìĿ", + "½" + ], + [ + "à¸ģาร", + "à¹ĥà¸Ĭà¹īà¸ĩาà¸Ļ" + ], + [ + "Ġана", + "лиз" + ], + [ + "תק", + "×ij׾" + ], + [ + "ни", + "ем" + ], + [ + "Ġİ", + "ns" + ], + [ + "Ġİns", + "an" + ], + [ + "ĠبÙĪ", + "اس" + ], + [ + "ĠبÙĪØ§Ø³", + "طة" + ], + [ + "Ġ׳", + "×Ľ×ł×¡" + ], + [ + "Ġ×Ķ×ŀ", + "×Ļ×ĵ×¢" + ], + [ + "Ġç", + "o" + ], + [ + "Ġço", + "ÄŁu" + ], + [ + "á»", + "ĺ" + ], + [ + "ĠêµŃ", + "민" + ], + [ + "ãĤĤ", + "ãģĦãģĦ" + ], + [ + "Ġ׼", + "׾×Ļ" + ], + [ + "ĠÑģÑĢед", + "не" + ], + [ + "g", + "ÅĤo" + ], + [ + "gÅĤo", + "ÅĽ" + ], + [ + "Ġneg", + "ó" + ], + [ + "Ġnegó", + "cio" + ], + [ + "ĠÑĢ", + "егиÑģÑĤ" + ], + [ + "ĠÑĢегиÑģÑĤ", + "ÑĢа" + ], + [ + "ĠÑĢегиÑģÑĤÑĢа", + "ÑĨии" + ], + [ + "Ġtr", + "á»ĵng" + ], + [ + "ĠпÑĢ", + "Ñı" + ], + [ + "ĠпÑĢÑı", + "мо" + ], + [ + "ëłĪ", + "ìĿ´" + ], + [ + "Ġk", + "ém" + ], + [ + "к", + "ле" + ], + [ + "à¸Ļำ", + "มา" + ], + [ + "ĠÑĦ", + "ин" + ], + [ + "ĠÑĦин", + "анÑģ" + ], + [ + "ĠÑĦинанÑģ", + "ов" + ], + [ + "Ġki", + "á»ĩm" + ], + [ + "ยัà¸ĩ", + "à¹Ħ" + ], + [ + "ยัà¸ĩà¹Ħ", + "à¸ĩ" + ], + [ + "ย", + "ิà¸ĩ" + ], + [ + "à¹Ĥ", + "à¸Ľ" + ], + [ + "ĠполÑĥÑĩ", + "ил" + ], + [ + "×Ļ×ĸ", + "×Ŀ" + ], + [ + "à¹ģละ", + "à¸Ħวาม" + ], + [ + "Ġво", + "обÑīе" + ], + [ + "ص", + "ÙĬر" + ], + [ + "ãĥı", + "ãĥ³" + ], + [ + "ĠاÙĦÙĤ", + "اد" + ], + [ + "ĠاÙĦÙĤاد", + "Ùħ" + ], + [ + "Ġب", + "دÙĪÙĨ" + ], + [ + "ع", + "ظÙħ" + ], + [ + "ת", + "׳×ķ×¢" + ], + [ + "×ª×ł×ķ×¢", + "×Ķ" + ], + [ + "Ø£", + "ÙħÙĦ" + ], + [ + "ãģķ", + "ãģĪ" + ], + [ + "ÑĤ", + "ем" + ], + [ + "ÑĤем", + "пеÑĢ" + ], + [ + "ÑĤемпеÑĢ", + "аÑĤÑĥÑĢ" + ], + [ + "Ġ׾", + "×Ļצ×ķר" + ], + [ + "Ġr", + "ÄĻk" + ], + [ + "ر", + "سÙĦ" + ], + [ + "ìŀIJ", + "를" + ], + [ + "Ġ×Ļצ", + "×Ļרת" + ], + [ + "ÙĨ", + "بÙĬ" + ], + [ + "Ñĩ", + "наÑı" + ], + [ + "تØŃ", + "ÙĦÙĬÙĦ" + ], + [ + "Ġм", + "ик" + ], + [ + "Ġмик", + "ÑĢо" + ], + [ + "ĠS", + "öz" + ], + [ + "Ġfor", + "ça" + ], + [ + "Ñģ", + "он" + ], + [ + "ĠاÙĦع", + "را" + ], + [ + "ĠاÙĦعرا", + "ÙĤÙĬ" + ], + [ + "ĠH", + "á»ĵng" + ], + [ + "ãģĻãĤĭ", + "ãģŁãĤģãģ«" + ], + [ + "à¸Ĺีà¹Ī", + "à¸Ńยูà¹Ī" + ], + [ + "Ġ×ķ×IJ", + "×£" + ], + [ + "ص", + "ÙĬد" + ], + [ + "ĠìķĬ", + "ê³ł" + ], + [ + "ร", + "ัà¸ĩ" + ], + [ + "ĠاÙĦت", + "ÙĪØ§ØµÙĦ" + ], + [ + "à¹Ģม", + "à¸ķร" + ], + [ + "Ñĥ", + "ÑģÑĤÑĢой" + ], + [ + "ÑĥÑģÑĤÑĢой", + "ÑģÑĤв" + ], + [ + "m", + "ıyor" + ], + [ + "Ġبا", + "سÙħ" + ], + [ + "Ġ×ķ", + "׼×ķ" + ], + [ + "ĠG", + "ül" + ], + [ + "á»", + "IJ" + ], + [ + "Ãī", + "tat" + ], + [ + "غ", + "اÙĦ" + ], + [ + "Ø¥", + "ÙĨØ´" + ], + [ + "Ø¥ÙĨØ´", + "اء" + ], + [ + "T", + "İ" + ], + [ + "à¸Ĥà¹īา", + "ม" + ], + [ + "Ġtro", + "ch" + ], + [ + "Ġtroch", + "ÄĻ" + ], + [ + "Ø¥", + "ص" + ], + [ + "إص", + "ابة" + ], + [ + "ĠØ«", + "اÙĨÙĬ" + ], + [ + "ĠاÙĦص", + "ØŃØ©" + ], + [ + "Ġ×ĸ×Ķ", + "×ķ" + ], + [ + "jÄħ", + "cej" + ], + [ + "ãĥĢ", + "ãĥ³" + ], + [ + "ìĿ¸", + "ìĿ´" + ], + [ + "Ġв", + "олоÑģ" + ], + [ + "ëIJĺ", + "ë©´" + ], + [ + "Ġzak", + "ÅĤad" + ], + [ + "ãģĻ", + "ãģĵãģ¨" + ], + [ + "以ä¸Ĭ", + "ãģ®" + ], + [ + "Ġ×Ķ×ŀ×§", + "×ķ×Ŀ" + ], + [ + "ÙħØ´", + "اÙĩ" + ], + [ + "ÙħشاÙĩ", + "دة" + ], + [ + "Ñĩ", + "ив" + ], + [ + "ب", + "Ø´" + ], + [ + "ย", + "à¹īาย" + ], + [ + "Ġsür", + "dür" + ], + [ + "ĠN", + "ẵ" + ], + [ + "ĠNẵ", + "ng" + ], + [ + "ĠигÑĢ", + "аÑĤÑĮ" + ], + [ + "Ġê·¸ëŁ¬", + "ë©´" + ], + [ + "ãĥķ", + "ãĥ«" + ], + [ + "ล", + "à¹Īะ" + ], + [ + "Ġtend", + "rá" + ], + [ + "Ġb", + "Ãły" + ], + [ + "à¹Ģà¸Ľà¹ĩà¸Ļ", + "à¸ľà¸¹à¹ī" + ], + [ + "Ġok", + "o" + ], + [ + "Ġoko", + "ÅĤo" + ], + [ + "w", + "ÅĤa" + ], + [ + "wÅĤa", + "ÅĽci" + ], + [ + "wÅĤaÅĽci", + "w" + ], + [ + "æĢĿ", + "ãĤı" + ], + [ + "ĠYa", + "ÅŁ" + ], + [ + "ĠB", + "á»ĩnh" + ], + [ + "íı", + "Ń" + ], + [ + "بÙĬ", + "د" + ], + [ + "קר", + "ף" + ], + [ + "à¹Ģศ", + "ร" + ], + [ + "à¹Ģศร", + "ษ" + ], + [ + "à¹Ģศรษ", + "à¸IJ" + ], + [ + "à¹Ģศรษà¸IJ", + "à¸ģิà¸Ī" + ], + [ + "ĠاÙĦØ£", + "ÙĪØ±ÙĪ" + ], + [ + "ĠاÙĦØ£ÙĪØ±ÙĪ", + "بÙĬ" + ], + [ + "fl", + "äche" + ], + [ + "ä¹Ĺ", + "ãĤĬ" + ], + [ + "Ġb", + "á»ģn" + ], + [ + "Ùĩ", + "ب" + ], + [ + "æľĢ", + "ãĤĤ" + ], + [ + "Ġsa", + "ç" + ], + [ + "à¸Ńำ", + "à¹Ģà¸ł" + ], + [ + "à¸Ńำà¹Ģà¸ł", + "à¸Ń" + ], + [ + "ĠØ£", + "ج" + ], + [ + "ĠاÙĦد", + "اخÙĦ" + ], + [ + "ĠاÙĦداخÙĦ", + "ÙĬØ©" + ], + [ + "×ĺ", + "×ķ×ij" + ], + [ + "ãĤĤ", + "ãģªãģı" + ], + [ + "Ġли", + "ÑĨа" + ], + [ + "à¹ģลà¹īว", + "à¸ģà¹ĩ" + ], + [ + "×ĸ׼", + "×Ļר" + ], + [ + "Ġqu", + "Ãł" + ], + [ + "ĠÙĥ", + "ذÙĦÙĥ" + ], + [ + "صØŃ", + "Ùģ" + ], + [ + "ĠÃĤ", + "u" + ], + [ + "ÙĪØ¨", + "ا" + ], + [ + "à¹Ģà¸Ľà¸¥à¸µà¹Īยà¸Ļ", + "à¹ģà¸Ľà¸¥" + ], + [ + "à¹Ģà¸Ľà¸¥à¸µà¹Īยà¸Ļà¹ģà¸Ľà¸¥", + "à¸ĩ" + ], + [ + "à¸ķัว", + "à¸Ńยà¹Īาà¸ĩ" + ], + [ + "Ġráp", + "ida" + ], + [ + "Ġtas", + "ar" + ], + [ + "Ġtasar", + "ım" + ], + [ + "ĠعÙĦÙĬ", + "ÙĩÙħ" + ], + [ + "ס", + "×ķ׾" + ], + [ + "c", + "ılı" + ], + [ + "cılı", + "k" + ], + [ + "Ġر", + "غÙħ" + ], + [ + "ìĭľ", + "íĤ¤" + ], + [ + "Ġ×IJ׾", + "×§" + ], + [ + "Ġ×IJ׾ק", + "×ĺר" + ], + [ + "Ġ×IJ׾ק×ĺר", + "×ķ׳×Ļ" + ], + [ + "à¹ģà¸ļ", + "à¹Īà¸ĩ" + ], + [ + "Ġh", + "ạng" + ], + [ + "ãģ£ãģ¦", + "ãģıãĤĮ" + ], + [ + "ĠÙĨ", + "تÙĬ" + ], + [ + "ĠÙĨتÙĬ", + "جة" + ], + [ + "ıkl", + "ı" + ], + [ + "غ", + "اÙĨ" + ], + [ + "à¸Ĥà¹īà¸Ń", + "à¸Ħวาม" + ], + [ + "à¸Ľà¸¥", + "าย" + ], + [ + "ĠØ£", + "Ùħس" + ], + [ + "à¸Ĺีà¹Ī", + "à¹Ģà¸ģีà¹Īยว" + ], + [ + "à¸Ĺีà¹Īà¹Ģà¸ģีà¹Īยว", + "à¸Ĥ" + ], + [ + "à¸Ĺีà¹Īà¹Ģà¸ģีà¹Īยวà¸Ĥ", + "à¹īà¸Ńà¸ĩ" + ], + [ + "Ġdé", + "fin" + ], + [ + "Ġdéfin", + "i" + ], + [ + "ÙģÙĨ", + "اد" + ], + [ + "ÙģÙĨاد", + "ÙĤ" + ], + [ + "à¹Ħà¸Ķà¹ī", + "วà¹Īา" + ], + [ + "ãģªãģĦ", + "ãĤĪãģĨãģ«" + ], + [ + "Ġpróp", + "ria" + ], + [ + "ĠPh", + "át" + ], + [ + "ãĤĦãģĻ", + "ãģı" + ], + [ + "สวย", + "à¸ĩาม" + ], + [ + "ê³ł", + "ìļĶ" + ], + [ + "Ñı", + "еÑĤ" + ], + [ + "ãģĭãĤĤãģĹãĤĮãģ¾ãģĽãĤĵ", + "ãģĮ" + ], + [ + "تر", + "جÙħ" + ], + [ + "ĠкÑĢаÑģ", + "ив" + ], + [ + "Ġ×ŀ", + "ר×IJש" + ], + [ + "д", + "еж" + ], + [ + "ĠÙĬ", + "ÙĪÙĨ" + ], + [ + "ĠÙĬÙĪÙĨ", + "ÙĬÙĪ" + ], + [ + "Ñģк", + "оÑĢ" + ], + [ + "ĠKas", + "ım" + ], + [ + "ê³Ħ", + "ìķ½" + ], + [ + "к", + "оÑģ" + ], + [ + "Ġна", + "ÑĢÑĥ" + ], + [ + "ĠнаÑĢÑĥ", + "ÑĪен" + ], + [ + "Ġdu", + "że" + ], + [ + "acc", + "ès" + ], + [ + "Ġh", + "á»ĵng" + ], + [ + "Ġv", + "Å©" + ], + [ + "ãģĦãģŁ", + "ãģĹãģ¾ãģĻ" + ], + [ + "Ġ×ĺ", + "×Ļ" + ], + [ + "Ġ×ĺ×Ļ", + "×ķ׾" + ], + [ + "lıkl", + "arı" + ], + [ + "Ġqu", + "ê" + ], + [ + "ëħ¸", + "ëıĻ" + ], + [ + "ìķ", + "Ķ" + ], + [ + "CI", + "ÃĵN" + ], + [ + "Ġt", + "ắc" + ], + [ + "press", + "ão" + ], + [ + "ĠìŀĪ", + "ìľ¼" + ], + [ + "สิà¸Ĺà¸ĺิ", + "à¹Į" + ], + [ + "íĥ", + "Ħ" + ], + [ + "Ġ×Ķ×ŀ", + "×ŀש׾×Ķ" + ], + [ + "å¬ī", + "ãģĹãģĦ" + ], + [ + "ĠÄIJ", + "ặc" + ], + [ + "ÙĨ", + "زÙĦ" + ], + [ + "ĠдÑĢÑĥг", + "ой" + ], + [ + "д", + "ÑĥÑĤ" + ], + [ + "ìĪ", + "Ļ" + ], + [ + "Ġth", + "ụ" + ], + [ + "à¹Ģส", + "ร" + ], + [ + "à¹Ģสร", + "à¹ĩ" + ], + [ + "à¹Ģสรà¹ĩ", + "à¸Ī" + ], + [ + "Ġto", + "plant" + ], + [ + "Ġtoplant", + "ı" + ], + [ + "×IJ×ŀ", + "ף" + ], + [ + "×ķ׾", + "ת" + ], + [ + "п", + "омн" + ], + [ + "Ġyo", + "ÄŁun" + ], + [ + "ÅĦsk", + "iego" + ], + [ + "ì°", + "©" + ], + [ + "ĠØ«", + "ÙĦاث" + ], + [ + "ĠØ«ÙĦاث", + "Ø©" + ], + [ + "Ġl", + "ắng" + ], + [ + "ë¦", + "´" + ], + [ + "ราà¸Ĭ", + "à¸ģาร" + ], + [ + "ĠÑģлов", + "а" + ], + [ + "á»", + "Ĩ" + ], + [ + "à¸Ķี", + "à¸ģวà¹Īา" + ], + [ + "ãģĶãģĸ", + "ãģĦãģ¾ãģĻ" + ], + [ + "Ġд", + "из" + ], + [ + "Ġдиз", + "айн" + ], + [ + "fé", + "rence" + ], + [ + "lıkl", + "ar" + ], + [ + "ãģªãĤĵ", + "ãģ§ãģĻ" + ], + [ + "ajÄħ", + "cy" + ], + [ + "Ġëĭ¤", + "ìĸij" + ], + [ + "Ġëĭ¤ìĸij", + "íķľ" + ], + [ + "×§", + "×Ļר" + ], + [ + "ØŃ", + "ار" + ], + [ + "ส", + "ูà¹ī" + ], + [ + "Ġz", + "ro" + ], + [ + "Ġzro", + "bi" + ], + [ + "Ġzrobi", + "Äĩ" + ], + [ + "×ŀ", + "×Ļ׼×Ķ" + ], + [ + "à¸Ĭà¹Īวย", + "à¹Ģหลืà¸Ń" + ], + [ + "ĠÑįÑĤ", + "Ñĥ" + ], + [ + "ë´", + "ī" + ], + [ + "楽", + "ãģĹãģĦ" + ], + [ + "س", + "ÙĪØ±" + ], + [ + "íķĺ", + "ê±°ëĤĺ" + ], + [ + "Ùħؤ", + "تÙħر" + ], + [ + "Ġpoc", + "zÄħ" + ], + [ + "ĠpoczÄħ", + "tk" + ], + [ + "ĠpoczÄħtk", + "u" + ], + [ + "Ġع", + "ربÙĬ" + ], + [ + "اÙĦØ£", + "ر" + ], + [ + "اÙĦأر", + "دÙĨ" + ], + [ + "à¸Ķ", + "ร" + ], + [ + "Åĵ", + "uvre" + ], + [ + "ĠÙĪÙĥ", + "اÙĨت" + ], + [ + "ĠÅĽ", + "redni" + ], + [ + "Ø®", + "ضر" + ], + [ + "Ġch", + "uyến" + ], + [ + "н", + "ÑĤ" + ], + [ + "ĠìķĮ", + "ê³ł" + ], + [ + "Ġv", + "á»Ŀi" + ], + [ + "Ġ×ij", + "×Ļ×ĵ×Ļ" + ], + [ + "×ŀ×ĵ", + "×ķ×ijר" + ], + [ + "ÙĪ", + "Ù쨱" + ], + [ + "ÙĬ", + "Ø¡" + ], + [ + "׳", + "×Ľ×¡" + ], + [ + "ĠÐĽ", + "а" + ], + [ + "л", + "он" + ], + [ + "Ġx", + "ấu" + ], + [ + "Ùģ", + "ÙĬÙĨ" + ], + [ + "Ġfé", + "vrier" + ], + [ + "ĠÐŀ", + "на" + ], + [ + "ĠV", + "á»ģ" + ], + [ + "ĠÅŁey", + "ler" + ], + [ + "ĠполÑĥÑĩ", + "ен" + ], + [ + "з", + "ад" + ], + [ + "Ġn", + "ét" + ], + [ + "à¹Ħà¸Ľ", + "ยัà¸ĩ" + ], + [ + "×Ĺש×ij", + "×ķ" + ], + [ + "à¸ļัà¸Ļ", + "à¸Ĺ" + ], + [ + "à¸ļัà¸Ļà¸Ĺ", + "ึà¸ģ" + ], + [ + "Ġgerçek", + "leÅŁ" + ], + [ + "иÑĩеÑģк", + "ое" + ], + [ + "ìĪĺ", + "ê°Ģ" + ], + [ + "Ø«", + "بت" + ], + [ + "ãģ¤", + "ãģ¾ãĤĬ" + ], + [ + "ĠÑĥÑģловиÑı", + "Ñħ" + ], + [ + "ëĭ¤", + "ê°Ģ" + ], + [ + "ราย", + "à¹Ħà¸Ķà¹ī" + ], + [ + "׼×IJ", + "×ij" + ], + [ + "à¹Ĥà¸Ľà¸£", + "à¹Ĥม" + ], + [ + "à¹Ĥà¸Ľà¸£à¹Ĥม", + "à¸Ĭัà¹Īà¸Ļ" + ], + [ + "j", + "ähr" + ], + [ + "jähr", + "ige" + ], + [ + "×§", + "׳×Ļ×Ŀ" + ], + [ + "×ŀ", + "×ķ×§" + ], + [ + "×ŀ×ķ×§", + "×ĵ" + ], + [ + "ãģ«è¡Į", + "ãģ£ãģ¦" + ], + [ + "Ø¢", + "ÙĦ" + ], + [ + "вед", + "ение" + ], + [ + "Ġ׾", + "×Ľ×ª×ķ×ij" + ], + [ + "جÙħ", + "Ùĩ" + ], + [ + "جÙħÙĩ", + "ÙĪØ±ÙĬØ©" + ], + [ + "à¸ī", + "à¸ļ" + ], + [ + "à¸īà¸ļ", + "ัà¸ļ" + ], + [ + "ĠC", + "òn" + ], + [ + "à¸ľ", + "สม" + ], + [ + "ãģªãģ©", + "ãģĮ" + ], + [ + "×IJ×Ķ", + "×ij" + ], + [ + "ĠдейÑģÑĤв", + "иÑı" + ], + [ + "y", + "ız" + ], + [ + "à¹Ħมà¹Ī", + "à¹Ģà¸Ħย" + ], + [ + "ج", + "ÙĪØ²" + ], + [ + "×Ķ×Ĺ׾×ĺ", + "×Ķ" + ], + [ + "f", + "ällt" + ], + [ + "ãĥĵ", + "ãĤ¸" + ], + [ + "ãĥĵãĤ¸", + "ãĥį" + ], + [ + "ãĥĵãĤ¸ãĥį", + "ãĤ¹" + ], + [ + "Ġ×IJ", + "×Ļ׳×Ŀ" + ], + [ + "ĠнаÑħод", + "иÑĤÑģÑı" + ], + [ + "Ġdzi", + "ÅĽ" + ], + [ + "ست", + "Ø·ÙĬع" + ], + [ + "׾", + "×Ļף" + ], + [ + "Ø®", + "ÙĦاÙģ" + ], + [ + "Ùĩ", + "ÙIJ" + ], + [ + "Ġatr", + "ás" + ], + [ + "íĺ", + "ģ" + ], + [ + "ãĤĴ", + "ãģĶ" + ], + [ + "Ġ×Ķ×ŀ", + "×ķצר" + ], + [ + "ĠBakan", + "lıģı" + ], + [ + "ÑİÑī", + "ее" + ], + [ + "ÙħÙĨ", + "اط" + ], + [ + "ÙħÙĨاط", + "ÙĤ" + ], + [ + "Ùģ", + "د" + ], + [ + "à¸Ļำ", + "à¹Ħà¸Ľ" + ], + [ + "Ġв", + "аж" + ], + [ + "Ġваж", + "но" + ], + [ + "Ġm", + "ạch" + ], + [ + "׼", + "׳×ķ" + ], + [ + "بع", + "Ø«" + ], + [ + "lan", + "ması" + ], + [ + "Ġa", + "yr" + ], + [ + "Ġayr", + "ıl" + ], + [ + "ìĤ¬", + "íļĮ" + ], + [ + "d", + "ÃŃa" + ], + [ + "p", + "ÅĤyw" + ], + [ + "اÙħ", + "ÙĬØ©" + ], + [ + "íĺ", + "ľ" + ], + [ + "×IJ׳", + "×Ĵ׾" + ], + [ + "×IJ׳×Ĵ׾", + "×Ļת" + ], + [ + "ĠìŀĪëĭ¤", + "ëĬĶ" + ], + [ + "Ġس", + "اعة" + ], + [ + "ĠëĤĺ", + "íĥĢ" + ], + [ + "b", + "ö" + ], + [ + "à¸Ħ", + "ัà¸Ļ" + ], + [ + "ĠdziaÅĤ", + "ania" + ], + [ + "Ø©", + "Ùĭ" + ], + [ + "Ġng", + "Å©" + ], + [ + "׳צ", + "×Ĺ" + ], + [ + "ãģ¯", + "ãģĤãĤĭ" + ], + [ + "ĠyaÅŁ", + "ında" + ], + [ + "st", + "ück" + ], + [ + "car", + "acter" + ], + [ + "caracter", + "ÃŃsticas" + ], + [ + "Ġr", + "á»Ńa" + ], + [ + "ĠÙħختÙĦÙģ", + "Ø©" + ], + [ + "ãģ«ãģĬ", + "ãģijãĤĭ" + ], + [ + "à¹ģà¸ŀ", + "à¸ĩ" + ], + [ + "วิ", + "à¹Īà¸ĩ" + ], + [ + "ת", + "פ×ķ" + ], + [ + "سا", + "ÙĩÙħ" + ], + [ + "使", + "ãģĨ" + ], + [ + "Ùĥ", + "رÙĬ" + ], + [ + "×IJ", + "פ×Ļ" + ], + [ + "........", + "......." + ], + [ + "ĠÑĤак", + "им" + ], + [ + "×Ļ׼", + "×ķ×Ļ" + ], + [ + "Ø´", + "بÙĩ" + ], + [ + "ج", + "ÙĬر" + ], + [ + "ãģĿãģ®", + "ãģ¾ãģ¾" + ], + [ + "ac", + "jÄĻ" + ], + [ + "ĠاÙĦت", + "رÙĥ" + ], + [ + "ĠاÙĦترÙĥ", + "ÙĬ" + ], + [ + "ĠпÑĢав", + "илÑĮно" + ], + [ + "Ġت", + "عÙħÙĦ" + ], + [ + "à¸ģล", + "à¹īา" + ], + [ + "Ġbi", + "ên" + ], + [ + "Ġ×ij׳×Ļ", + "×Ļת" + ], + [ + "Ġкл", + "Ñĥб" + ], + [ + "Ġ×ŀ", + "ש×Ķ" + ], + [ + "в", + "ÑĪий" + ], + [ + "ãģĵãģ¨ãģĮãģ§ãģį", + "ãĤĭ" + ], + [ + "à¸ŀัà¸Ļà¸ĺ", + "ุ" + ], + [ + "à¸ŀัà¸Ļà¸ĺุ", + "à¹Į" + ], + [ + "ר", + "×ķ×Ŀ" + ], + [ + "ĠاÙĦÙģ", + "رÙĨ" + ], + [ + "ĠاÙĦÙ쨱ÙĨ", + "سÙĬ" + ], + [ + "à¹Ģà¸Ľà¹ĩà¸Ļ", + "à¸Ħà¸Ļ" + ], + [ + "ãģĹãģ¦", + "ãģĬãĤĬ" + ], + [ + "Ġth", + "ầy" + ], + [ + "ãĤĵ", + "ãģłãģijãģ©" + ], + [ + "ìĶ", + "¨" + ], + [ + "Ùħ", + "دÙĨ" + ], + [ + "ت", + "ÙĪÙĨ" + ], + [ + "ĠмеÑĤ", + "ал" + ], + [ + "ĠмеÑĤал", + "л" + ], + [ + "Ġin", + "ÃŃcio" + ], + [ + "à¸Ńà¸Ńà¸ģ", + "à¸Īาà¸ģ" + ], + [ + "ëĴ", + "¤" + ], + [ + "Ġcu", + "á»ijn" + ], + [ + "Ġbu", + "á»Ļc" + ], + [ + "ÙĨ", + "سÙĬ" + ], + [ + "ä", + "cht" + ], + [ + "×ŀ", + "×Ļ׳×Ļ×Ŀ" + ], + [ + "ãģķ", + "ãģ¦" + ], + [ + "ãģĮ", + "ãģ§ãģį" + ], + [ + "ÑĬ", + "ем" + ], + [ + "Ġtá", + "i" + ], + [ + "ĠЧ", + "ÑĤ" + ], + [ + "ĠЧÑĤ", + "обÑĭ" + ], + [ + "à¸Ľà¸¥", + "ูà¸ģ" + ], + [ + "à¸Ĭุม", + "à¸Ĭà¸Ļ" + ], + [ + "н", + "Ñģкий" + ], + [ + "Ġv", + "ững" + ], + [ + "Ġ×Ķ", + "׾×ij" + ], + [ + "ë", + "le" + ], + [ + "Ġש", + "×¢×ijר" + ], + [ + "в", + "аÑĤÑĮÑģÑı" + ], + [ + "б", + "ой" + ], + [ + "ع", + "ÙĪÙĨ" + ], + [ + "à¹ģà¸Ķ", + "à¸Ļ" + ], + [ + "Ġספר", + "×Ļ×Ŀ" + ], + [ + "Ġt", + "uyên" + ], + [ + "Ġnhi", + "êu" + ], + [ + "ĠQu", + "ý" + ], + [ + "Ġh", + "uyết" + ], + [ + "ãĤı", + "ãģĭãĤīãģªãģĦ" + ], + [ + "Ġ×ŀ", + "׼ף" + ], + [ + "Ġ×Ķ", + "ק׾" + ], + [ + "Ġ׾×IJ", + "×ķר" + ], + [ + "ĠÄIJi", + "á»ĩn" + ], + [ + "Ø´", + "ؤ" + ], + [ + "شؤ", + "ÙĪÙĨ" + ], + [ + "Ġ×ŀ×Ĺ", + "פש" + ], + [ + "ĠпоÑģÑĤоÑıн", + "но" + ], + [ + "×ŀ", + "×Ļר" + ], + [ + "ìħ", + "Ķ" + ], + [ + "Ðŀ", + "Ñģ" + ], + [ + "ÐŀÑģ", + "нов" + ], + [ + "×ĸ", + "×Ļת" + ], + [ + "ĠH", + "á" + ], + [ + "ĠÑĩаÑģ", + "ов" + ], + [ + "×IJ", + "×ķ׾×Ļ" + ], + [ + "Ġm", + "át" + ], + [ + "Ø®", + "رÙĪ" + ], + [ + "خرÙĪ", + "ج" + ], + [ + "ÙĤ", + "ضا" + ], + [ + "ÙĤضا", + "ÙĬا" + ], + [ + "à¹Ģà¸Ľ", + "à¸Ńรà¹Į" + ], + [ + "ĠÙĬ", + "ÙĪÙĦ" + ], + [ + "ĠÙĬÙĪÙĦ", + "ÙĬÙĪ" + ], + [ + "à¹Ĥà¸Ĺ", + "ษ" + ], + [ + "׳", + "פ׾" + ], + [ + "ת", + "×ķש" + ], + [ + "ת×ķש", + "×ij×Ļ" + ], + [ + "Ġv", + "ários" + ], + [ + "×ŀ", + "ר×IJ×Ķ" + ], + [ + "ëĿ¼", + "ìĿ´" + ], + [ + "ÙĨ", + "غ" + ], + [ + "×ij", + "צע" + ], + [ + "г", + "он" + ], + [ + "ĠÄIJ", + "ược" + ], + [ + "ع", + "Ùı" + ], + [ + "пÑĥÑģ", + "к" + ], + [ + "ĠÙĪØ§ÙĦ", + "Ùģ" + ], + [ + "üc", + "ü" + ], + [ + "×Ļ×§", + "×Ļ×Ŀ" + ], + [ + "Ġس", + "بÙĬÙĦ" + ], + [ + "׾×ij", + "ף" + ], + [ + "ĠاÙĦÙĤ", + "رÙĨ" + ], + [ + "ס", + "×ķת" + ], + [ + "ĠQu", + "áºŃn" + ], + [ + "ãģĵãĤĮ", + "ãģĮ" + ], + [ + "ãĥĸ", + "ãĥ©ãĥ³ãĥī" + ], + [ + "×Ĵ", + "×ŀר" + ], + [ + "Ġwarto", + "ÅĽci" + ], + [ + "ĠÙĪØ¨", + "ÙĬÙĨ" + ], + [ + "Ġd", + "ạ" + ], + [ + "ÐIJ", + "в" + ], + [ + "ÐIJв", + "ÑĤо" + ], + [ + "Ġol", + "acaktır" + ], + [ + "à¸Ļ", + "à¸Ĺà¹Į" + ], + [ + "Ùħ", + "طار" + ], + [ + "Ġ×¢", + "×§×ij" + ], + [ + "Ġת", + "פ" + ], + [ + "ãģĹãģ¦", + "ãģĦãģ¦" + ], + [ + "צ", + "×ŀ×Ĺ" + ], + [ + "à¸Ī", + "à¸Ńà¸ĩ" + ], + [ + "Ġö", + "de" + ], + [ + "ìį", + "¨" + ], + [ + "ÙĨ", + "اس" + ], + [ + "調", + "ãģ¹" + ], + [ + "ĠогÑĢ", + "омн" + ], + [ + "ë³´", + "íĹĺ" + ], + [ + "×ĺ", + "×§" + ], + [ + "×ĺ×§", + "ס×ĺ" + ], + [ + "ĠbaÅŁ", + "v" + ], + [ + "ĠbaÅŁv", + "uru" + ], + [ + "Ġpom", + "ys" + ], + [ + "Ġpomys", + "ÅĤ" + ], + [ + "ãģ«", + "ä¹Ĺ" + ], + [ + "Ġש", + "׼ף" + ], + [ + "ĠاÙĦÙħس", + "ؤÙĪÙĦ" + ], + [ + "Ġз", + "ан" + ], + [ + "Ġзан", + "ÑıÑĤ" + ], + [ + "Ġd", + "ương" + ], + [ + "ãĥĹãĥ¬", + "ãĤ¤" + ], + [ + "ล", + "à¸ļ" + ], + [ + "ÑĤи", + "ка" + ], + [ + "ĠAr", + "alık" + ], + [ + "Ġнед", + "о" + ], + [ + "Ġm", + "á»Ļ" + ], + [ + "Ġor", + "an" + ], + [ + "Ġoran", + "ı" + ], + [ + "Ġktó", + "r" + ], + [ + "Ġktór", + "Äħ" + ], + [ + "Ġ×Ķ×IJ×Ĺר", + "×ķ׳×ķת" + ], + [ + "ائ", + "ÙĨ" + ], + [ + "ÅĦ", + "s" + ], + [ + "ÅĦs", + "ka" + ], + [ + "åĽ½", + "ãģ®" + ], + [ + "×ŀ", + "×ĺ×Ļ" + ], + [ + "ĠвопÑĢоÑģ", + "Ñĭ" + ], + [ + "à¸Ńà¸ĩà¸Ħà¹Į", + "à¸ģร" + ], + [ + "×ŀ", + "×ķצ×IJ" + ], + [ + "Ġpó", + "ź" + ], + [ + "Ġpóź", + "niej" + ], + [ + "ש×ŀ", + "×IJ׾" + ], + [ + "Ġk", + "aps" + ], + [ + "Ġkaps", + "am" + ], + [ + "Ġkapsam", + "ında" + ], + [ + "Ġmá", + "quina" + ], + [ + "ĠÅĽwie", + "cie" + ], + [ + "Ġho", + "Ãłng" + ], + [ + "Ġöz", + "gü" + ], + [ + "×Ĵ×ķר", + "×Ŀ" + ], + [ + "ãģĤ", + "ãģŁãĤĬ" + ], + [ + "à¸ķัà¸Ķ", + "สิà¸Ļ" + ], + [ + "à¸ķัà¸Ķสิà¸Ļ", + "à¹ĥà¸Ī" + ], + [ + "б", + "ÑĢи" + ], + [ + "ãģ«ãģªãĤĭ", + "ãģ¨" + ], + [ + "ت", + "ÙĥÙĪÙĨ" + ], + [ + "Ġ×ķ×Ķ", + "×Ļ×IJ" + ], + [ + "Ġchi", + "ếu" + ], + [ + "ÑģÑĤан", + "ав" + ], + [ + "ÑģÑĤанав", + "ли" + ], + [ + "ÑģÑĤанавли", + "ва" + ], + [ + "×ŀ", + "×ķ×Ĵ" + ], + [ + "c", + "ité" + ], + [ + "ĠK", + "örper" + ], + [ + "Ġש", + "×Ĵ×Ŀ" + ], + [ + "ع", + "ظ" + ], + [ + "عظ", + "ÙĬÙħ" + ], + [ + "Ġ×Ķ×IJ", + "×Ļש×Ļ" + ], + [ + "Ġmat", + "ière" + ], + [ + "ĠÙģ", + "ÙĪÙĤ" + ], + [ + "Ġk", + "to" + ], + [ + "Ġkto", + "ÅĽ" + ], + [ + "à¸Ļ", + "à¹Ĥย" + ], + [ + "à¸Ļà¹Ĥย", + "à¸ļาย" + ], + [ + "å¾ħ", + "ãģ¡" + ], + [ + "à¹Ģม", + "à¸Ļ" + ], + [ + "à¹Ģมà¸Ļ", + "ู" + ], + [ + "A", + "ÃĩÃĥO" + ], + [ + "Ġt", + "ù" + ], + [ + "Ġtù", + "y" + ], + [ + "ãĥĪ", + "ãĥ³" + ], + [ + "ĠоÑĤ", + "каз" + ], + [ + "Ġ×ŀ", + "×ķצר" + ], + [ + "ül", + "ü" + ], + [ + "ãģķãĤĵ", + "ãģ«" + ], + [ + "Ġ×Ĺ", + "×ķ×ij" + ], + [ + "קר", + "×Ļ×IJ×Ķ" + ], + [ + "ĠاÙĦØ®", + "دÙħات" + ], + [ + "ĠÙĦÙħ", + "دة" + ], + [ + "ر", + "ؤ" + ], + [ + "رؤ", + "ÙĬØ©" + ], + [ + "ãĤĴè¦ĭ", + "ãģ¤ãģij" + ], + [ + "à¸Ł", + "า" + ], + [ + "Ġréuss", + "i" + ], + [ + "à¸Ļัà¸ģ", + "à¹Ģรียà¸Ļ" + ], + [ + "ĠÑĩиÑģ", + "л" + ], + [ + "à¸ģาร", + "à¹Ģลà¹Īà¸Ļ" + ], + [ + "Ġhaz", + "ırl" + ], + [ + "Ġhazırl", + "an" + ], + [ + "ĠпеÑĢв", + "Ñĭй" + ], + [ + "ли", + "м" + ], + [ + "ĠоÑĤзÑĭв", + "Ñĭ" + ], + [ + "Ġwy", + "jÄħ" + ], + [ + "ĠwyjÄħ", + "tk" + ], + [ + "ĠØ£", + "ÙĤÙĦ" + ], + [ + "ס", + "×ļ" + ], + [ + "Ġê²°", + "ìłķ" + ], + [ + "Ġ׾×ŀ×¢", + "ש×Ķ" + ], + [ + "Ġl", + "ắp" + ], + [ + "à¹ģà¸ļ", + "ร" + ], + [ + "à¹ģà¸ļร", + "à¸Ļà¸Ķà¹Į" + ], + [ + "วà¹Īา", + "à¹Ģà¸Ľà¹ĩà¸Ļ" + ], + [ + "Ġب", + "دا" + ], + [ + "Ġبدا", + "ÙĬØ©" + ], + [ + "ãģ¨ãģĦãģĨ", + "ãģ®ãģĮ" + ], + [ + "иÑĩеÑģк", + "им" + ], + [ + "à¸ģาร", + "à¸ŀัà¸Ĵà¸Ļา" + ], + [ + "Ġb", + "Ãło" + ], + [ + "Ġmia", + "ÅĤa" + ], + [ + "y", + "waÄĩ" + ], + [ + "ĠMär", + "z" + ], + [ + "ĠÙĨ", + "سبة" + ], + [ + "Ġéconom", + "ique" + ], + [ + "×ĸ", + "×ŀ" + ], + [ + "×ĸ×ŀ", + "׳×Ļ×Ŀ" + ], + [ + "æŃ¢", + "ãĤģ" + ], + [ + "Ġt", + "á»§" + ], + [ + "íķĺ", + "ìĭł" + ], + [ + "Ġkażde", + "go" + ], + [ + "stra", + "ÃŁe" + ], + [ + "à¸Ĭ", + "ีà¹ī" + ], + [ + "à¹Ģ", + "à¸ļา" + ], + [ + "ÑĢеÑģ", + "ÑĥÑĢÑģ" + ], + [ + "ев", + "ой" + ], + [ + "Ø´", + "باب" + ], + [ + "à¸ķà¹Īาà¸ĩ", + "à¸Ľà¸£à¸°à¹Ģà¸Ĺศ" + ], + [ + "Ġ×IJ", + "×Ļש" + ], + [ + "Ġ×IJ×Ļש", + "×Ļת" + ], + [ + "×Ļ", + "×ķפ" + ], + [ + "×Ļ×ķפ", + "×Ļ" + ], + [ + "ĠìļĶ", + "구" + ], + [ + "ì¡°", + "ìĤ¬" + ], + [ + "ãģ£ãģŁ", + "ãĤī" + ], + [ + "׾", + "×Ļ×§" + ], + [ + "миниÑģÑĤ", + "ÑĢ" + ], + [ + "ãĤĤãģ®", + "ãģ¯" + ], + [ + "Ġl", + "ương" + ], + [ + "Ġна", + "и" + ], + [ + "Ġнаи", + "бол" + ], + [ + "Ġнаибол", + "ее" + ], + [ + "íİ", + "ĺ" + ], + [ + "à¹ģà¸ŀ", + "à¹ī" + ], + [ + "ãĤŃ", + "ãĥ¥" + ], + [ + "ĠкоÑĤоÑĢ", + "Ñĭм" + ], + [ + "à¹ģà¸Ĺ", + "à¸ĩ" + ], + [ + "à¹ģà¸Ĺà¸ĩ", + "à¸ļà¸Ńล" + ], + [ + "Ġ׳", + "×Ļ×Ķ" + ], + [ + "Ġ׳×Ļ×Ķ", + "×ķ׾" + ], + [ + "âĤ", + "ª" + ], + [ + "ĠGi", + "ải" + ], + [ + "ĠиÑģполÑĮзов", + "а" + ], + [ + "ëł¥", + "ìĿĦ" + ], + [ + "ãģĹãģĭ", + "ãĤĤ" + ], + [ + "à¸ģà¹ĩ", + "à¸ķà¹īà¸Ńà¸ĩ" + ], + [ + "ĠÑĢ", + "еб" + ], + [ + "ĠÑĢеб", + "ен" + ], + [ + "ĠÑĢебен", + "ка" + ], + [ + "ت", + "ÙĪØ§ØµÙĦ" + ], + [ + "ãĤ°ãĥ«", + "ãĥ¼ãĥĹ" + ], + [ + "ãĤĦ", + "ãĤī" + ], + [ + "à¹Ģà¸Ľà¸´à¸Ķ", + "à¸ķัว" + ], + [ + "б", + "ÑĢо" + ], + [ + "ë°ĸ", + "ìĹIJ" + ], + [ + "ÙĨ", + "ÙİØ§" + ], + [ + "×Ķ", + "×Ĵ" + ], + [ + "×Ķ×Ĵ", + "׳×Ķ" + ], + [ + "à¸Ĺ", + "รั" + ], + [ + "à¸Ĺรั", + "à¸ŀ" + ], + [ + "à¸Ĺรัà¸ŀ", + "ยà¹Į" + ], + [ + "Ġkh", + "á»iji" + ], + [ + "עצ", + "×ŀ×ķ" + ], + [ + "бол", + "езн" + ], + [ + "Ġë°Ľ", + "ìķĦ" + ], + [ + "ม", + "à¸Ļ" + ], + [ + "มà¸Ļ", + "ุ" + ], + [ + "มà¸Ļุ", + "ษ" + ], + [ + "มà¸Ļุษ", + "ยà¹Į" + ], + [ + "âĹ", + "Ĩ" + ], + [ + "×ŀ", + "צ׾×Ļ×Ĺ" + ], + [ + "Ñıв", + "ление" + ], + [ + "Ùħ", + "Ø·ÙĦ" + ], + [ + "ÙħØ·ÙĦ", + "ÙĪØ¨" + ], + [ + "Ø®", + "اÙĦÙģ" + ], + [ + "ت", + "ÙĪÙĤÙģ" + ], + [ + "ãģ§ãģį", + "ãģ¾ãģĽãĤĵ" + ], + [ + "оÑģÑĤ", + "ей" + ], + [ + "м", + "еÑĩа" + ], + [ + "기", + "ëĬĶ" + ], + [ + "תש", + "×¢" + ], + [ + "ص", + "ÙĬب" + ], + [ + "Ġ×ij×¢", + "×ķ×ĵ" + ], + [ + "à¸Ĥà¸Ńà¸ĩ", + "à¹Ģà¸Ĥา" + ], + [ + "ÑĤÑı", + "ж" + ], + [ + "ĠÑĥ", + "пÑĢав" + ], + [ + "ĠÑĥпÑĢав", + "лениÑı" + ], + [ + "Ġgén", + "ér" + ], + [ + "Ġth", + "ÃŃ" + ], + [ + "פ", + "×ļ" + ], + [ + "Ġر", + "Ùħض" + ], + [ + "ĠرÙħض", + "اÙĨ" + ], + [ + "Ġtr", + "uyá»ĩn" + ], + [ + "Ø¥", + "عداد" + ], + [ + "ãĤµ", + "ãĥĿãĥ¼ãĥĪ" + ], + [ + "Ġпол", + "но" + ], + [ + "Ø®", + "اÙħ" + ], + [ + "ÐŁ", + "еÑĤ" + ], + [ + "ÐŁÐµÑĤ", + "еÑĢ" + ], + [ + "ÐŁÐµÑĤеÑĢ", + "бÑĥÑĢ" + ], + [ + "ÐŁÐµÑĤеÑĢбÑĥÑĢ", + "г" + ], + [ + "ÙħÙĨت", + "دÙī" + ], + [ + "ãģķãĤĮ", + "ãģ¾ãģĹãģŁ" + ], + [ + "ĠëĮĢ", + "íķĺìŬ" + ], + [ + "à¸ľà¸¹à¹ī", + "à¸Ĺีà¹Ī" + ], + [ + "Ġ×ŀ×IJ", + "×ķ" + ], + [ + "׾", + "׳×ĵ" + ], + [ + "оÑĩ", + "нÑĭе" + ], + [ + "ĠнаÑĩ", + "ала" + ], + [ + "Ġ׾", + "×Ļ׾×ĵ×Ļ×Ŀ" + ], + [ + "ов", + "ое" + ], + [ + "ãģĻãĤĭãģĵãģ¨", + "ãģ§" + ], + [ + "ĠاÙĦÙĨ", + "Ùģ" + ], + [ + "ĠاÙĦÙĨÙģ", + "Ø·" + ], + [ + "ìŀĪ", + "ëĬĶ" + ], + [ + "غ", + "ÙĨÙĬ" + ], + [ + "פ", + "×ĵ" + ], + [ + "ãĤ", + "¾" + ], + [ + "ĠCr", + "é" + ], + [ + "ãģ©", + "ãģ¡ãĤī" + ], + [ + "Ø«", + "اÙĨ" + ], + [ + "ÑĢаб", + "аÑĤ" + ], + [ + "ÑĢабаÑĤ", + "Ñĭва" + ], + [ + "Ġê°Ļ", + "ëĭ¤" + ], + [ + "à¸Ī", + "ั" + ], + [ + "à¸Īั", + "à¸ģร" + ], + [ + "Ġch", + "ụ" + ], + [ + "Ġchụ", + "p" + ], + [ + "Ġм", + "аÑģÑĤ" + ], + [ + "ĠмаÑģÑĤ", + "еÑĢ" + ], + [ + "Ġn", + "ắm" + ], + [ + "ĠÑģÑĤ", + "али" + ], + [ + "Ġ×Ķ×IJ", + "×Ļר×ķ×¢" + ], + [ + "ãĤ½", + "ãĥ³" + ], + [ + "åĪĨ", + "ãģĭãĤĬ" + ], + [ + "Ø·", + "بع" + ], + [ + "بد", + "ا" + ], + [ + "gr", + "áfico" + ], + [ + "г", + "еÑĢ" + ], + [ + "à¸Ķำà¹Ģà¸Ļิà¸Ļ", + "à¸ģาร" + ], + [ + "Ġsal", + "dır" + ], + [ + "Ġsaldır", + "ı" + ], + [ + "в", + "ÑĪиÑħ" + ], + [ + "ãģĭãģ£ãģŁ", + "ãģ§ãģĻ" + ], + [ + "Ġyapı", + "yor" + ], + [ + "ĠاÙĦÙģ", + "ت" + ], + [ + "צר", + "פת" + ], + [ + "з", + "доÑĢов" + ], + [ + "×ij×¢", + "׾" + ], + [ + "Ġ×IJ", + "×ŀ×Ļת×Ļ" + ], + [ + "Ġоб", + "Ñĭ" + ], + [ + "ĠобÑĭ", + "Ñĩ" + ], + [ + "ĠобÑĭÑĩ", + "но" + ], + [ + "Ġ׾", + "×ķ×ŀר" + ], + [ + "ت", + "ÙĥÙĨ" + ], + [ + "تÙĥÙĨ", + "ÙĪÙĦÙĪØ¬" + ], + [ + "تÙĥÙĨÙĪÙĦÙĪØ¬", + "ÙĬا" + ], + [ + "Ġhakk", + "ı" + ], + [ + "ĠÑĢаÐ", + "²" + ], + [ + "ĠÑĢав", + "но" + ], + [ + "رÙĬ", + "Ùĥ" + ], + [ + "Ġ×ij", + "×ŀ×Ļ×ĵ" + ], + [ + "Ġ×ij×ŀ×Ļ×ĵ", + "×Ķ" + ], + [ + "à¹ģà¸ģ", + "à¹īว" + ], + [ + "Ġìĸ", + "ĺ" + ], + [ + "Ġìĸĺ", + "기" + ], + [ + "ãģĹãģ¦", + "ãģĦãģ¾ãģĹãģŁ" + ], + [ + "Ġkı", + "sm" + ], + [ + "Ġkısm", + "ı" + ], + [ + "ê±", + "¸" + ], + [ + "åĨħ", + "ãģ®" + ], + [ + "ì§", + "ķ" + ], + [ + "à¹Ģหมืà¸Ńà¸Ļ", + "à¸ģัà¸Ļ" + ], + [ + "ĠÙģ", + "ÙIJ" + ], + [ + "ĠÙģÙIJ", + "ÙĬ" + ], + [ + "ÙĤ", + "اعدة" + ], + [ + "Ġmoż", + "esz" + ], + [ + "Ùħ", + "صاÙĦ" + ], + [ + "ÙħصاÙĦ", + "ØŃ" + ], + [ + "ãģ¾ãģŁ", + "ãģ¯" + ], + [ + "б", + "ег" + ], + [ + "Ġs", + "ıc" + ], + [ + "Ġsıc", + "ak" + ], + [ + "Ñĩ", + "иÑģ" + ], + [ + "ÑĩиÑģ", + "лен" + ], + [ + "Ġн", + "ог" + ], + [ + "ãĥģãĥ£", + "ãĥ³" + ], + [ + "ãĥ«", + "ãĥī" + ], + [ + "Ġgi", + "ó" + ], + [ + "Ġs", + "ını" + ], + [ + "Ġsını", + "f" + ], + [ + "ив", + "аÑĤÑĮ" + ], + [ + "Ġqu", + "ên" + ], + [ + "Ġì", + "łģ" + ], + [ + "Ġìłģ", + "ìļ©" + ], + [ + "ĠJo", + "ão" + ], + [ + "Ùģ", + "اد" + ], + [ + "ĠGl", + "ück" + ], + [ + "à¸Ĺ", + "à¸Ńà¸Ķ" + ], + [ + "Ġg", + "ói" + ], + [ + "ï¼", + "Ĭ" + ], + [ + "Ġdé", + "tail" + ], + [ + "ĠدÙĬ", + "سÙħ" + ], + [ + "ĠدÙĬسÙħ", + "بر" + ], + [ + "ë¡ľ", + "ìĦľ" + ], + [ + "×ŀ", + "×ķ×Ĺ" + ], + [ + "à¹Ħ", + "ฮ" + ], + [ + "ĠоÑĤ", + "д" + ], + [ + "ĠоÑĤд", + "ÑĭÑħ" + ], + [ + "Ġkh", + "uyến" + ], + [ + "à¸Ħ", + "à¸Ńย" + ], + [ + "Ġج", + "ÙĨÙĬ" + ], + [ + "ĠجÙĨÙĬ", + "Ùĩ" + ], + [ + "ĠاÙĦد", + "ÙģØ§Ø¹" + ], + [ + "à¸Ļà¹īำ", + "หà¸Ļัà¸ģ" + ], + [ + "ĠìĤ¬ëŀĮ", + "ëĵ¤ìĿ´" + ], + [ + "Ġth", + "ừa" + ], + [ + "ĠÃ¶ÄŁrenc", + "i" + ], + [ + "ĠпомоÑī", + "и" + ], + [ + "ĠczÄĻ", + "ÅĽÄĩ" + ], + [ + "ש", + "×ĺר" + ], + [ + "ĠN", + "hi" + ], + [ + "ĠNhi", + "á»ģu" + ], + [ + "׳", + "צ×Ļ" + ], + [ + "ĠнаÑĪ", + "ем" + ], + [ + "ĠkarÅŁÄ±", + "laÅŁ" + ], + [ + "Ġ×Ķש", + "׳×Ļ×Ŀ" + ], + [ + "ĠÄIJ", + "ưá»Ŀng" + ], + [ + "Ġtr", + "ú" + ], + [ + "ĠÑĢазлиÑĩ", + "нÑĭÑħ" + ], + [ + "ĠاÙĦØ´", + "Ùĩر" + ], + [ + "Ġ×ľ×¢", + "×ķ׾×Ŀ" + ], + [ + "ØŃ", + "جر" + ], + [ + "ĠÄij", + "á»ķ" + ], + [ + "ĠìĿĺ", + "íķ´" + ], + [ + "à¸ļ", + "à¹Īà¸Ńย" + ], + [ + "Ġ×Ķ", + "×Ļ׾×ĵ" + ], + [ + "ãģ¨ãģª", + "ãģ£ãģŁ" + ], + [ + "Ġ×Ĺ×ķ", + "×ķת" + ], + [ + "Ġש×Ļר×ķת", + "×Ļ" + ], + [ + "Äħ", + "cy" + ], + [ + "س", + "رÙĬ" + ], + [ + "K", + "İ" + ], + [ + "פ", + "׳×ķ" + ], + [ + "ÑģÑĤÑĢÑĥк", + "ÑĤÑĥÑĢ" + ], + [ + "ÑĤ", + "ÑĢÑĥд" + ], + [ + "Ġ×Ķ", + "קר" + ], + [ + "Ġ×Ķקר", + "×ķ×ij" + ], + [ + "Ġth", + "áºŃm" + ], + [ + "èģŀ", + "ãģį" + ], + [ + "ÙĤÙĪ", + "ÙĬ" + ], + [ + "клÑİÑĩ", + "ен" + ], + [ + "ÑĤе", + "Ñħ" + ], + [ + "ÑĤеÑħ", + "нолог" + ], + [ + "è¡Į", + "ãģ£ãģŁ" + ], + [ + "Ġ×ķ×IJ", + "×Ļף" + ], + [ + "ĠÅŁek", + "lin" + ], + [ + "ĠÅŁeklin", + "de" + ], + [ + "r", + "ô" + ], + [ + "ÑĢ", + "ог" + ], + [ + "Ġнов", + "Ñĭе" + ], + [ + "Ġס", + "×ij×Ļ×ij" + ], + [ + "Ġtecn", + "ologÃŃa" + ], + [ + "ס", + "׼" + ], + [ + "×¡×Ľ", + "×ķ×Ŀ" + ], + [ + "ĠÅŀ", + "ub" + ], + [ + "ĠÅŀub", + "at" + ], + [ + "Ġ×Ķ×ŀ", + "׾×IJ" + ], + [ + "Ġwy", + "pos" + ], + [ + "Ġwypos", + "aż" + ], + [ + "ãģ¯", + "ä½ķ" + ], + [ + "ãĤ¬", + "ãĥ³" + ], + [ + "ê°", + "ĸ" + ], + [ + "Ġкак", + "ие" + ], + [ + "Ġçocuk", + "lar" + ], + [ + "Ġ׾צ", + "×ĵ" + ], + [ + "Ġkay", + "ıt" + ], + [ + "ĠмеÑģÑĤ", + "е" + ], + [ + "Ùħ", + "دÙĬÙĨØ©" + ], + [ + "Ġ׼", + "×Ĵ" + ], + [ + "Ġ׼×Ĵ", + "×ķף" + ], + [ + "ãģĹãģ¦", + "ãĤĭ" + ], + [ + "ĠÙħا", + "ÙĬÙĪ" + ], + [ + "ãģ£ãģ¦ãģĹãģ¾", + "ãģ£ãģŁ" + ], + [ + "ĠпÑĢогÑĢамм", + "Ñĭ" + ], + [ + "à¹ģล", + "à¸Ļà¸Ķà¹Į" + ], + [ + "ãĥ¯", + "ãĤ¤" + ], + [ + "ער", + "×ķ×¥" + ], + [ + "Ñģ", + "ид" + ], + [ + "ĠB", + "öyle" + ], + [ + "Ġì²ĺ", + "ìĿĮ" + ], + [ + "Ġת", + "פק×Ļ×ĵ" + ], + [ + "ĠTr", + "ên" + ], + [ + "íĥ", + "Ī" + ], + [ + "ĠÐłÐ¾ÑģÑģ", + "ий" + ], + [ + "ĠÐłÐ¾ÑģÑģий", + "Ñģкой" + ], + [ + "Ġs", + "Ãłn" + ], + [ + "Ġrè", + "gle" + ], + [ + "ĠyaklaÅŁ", + "ık" + ], + [ + "à¹Ģล", + "ิà¸ģ" + ], + [ + "Ġد", + "ائÙħ" + ], + [ + "Ġ×ķ", + "×Ĵ" + ], + [ + "اب", + "ر" + ], + [ + "Ġb", + "è" + ], + [ + "ĠاÙĦ", + "ÙĤدÙħ" + ], + [ + "ĠÑĢеÑĪ", + "ениÑı" + ], + [ + "hi", + "ên" + ], + [ + "ÑĤи", + "к" + ], + [ + "Ä", + "Ħ" + ], + [ + "à¸ļรร", + "ยาà¸ģ" + ], + [ + "à¸ļรรยาà¸ģ", + "าศ" + ], + [ + "רצ", + "×ķף" + ], + [ + "åĭķ", + "ãģį" + ], + [ + "ĠGä", + "ste" + ], + [ + "Ġ기", + "본" + ], + [ + "ĠÙĬ", + "عرÙģ" + ], + [ + "ĠS", + "á»Ń" + ], + [ + "gÅĤ", + "ÄĻb" + ], + [ + "à¹Ģà¸Ń", + "ส" + ], + [ + "×IJ×ŀ", + "×Ļף" + ], + [ + "Ġп", + "Ñĥнк" + ], + [ + "ĠпÑĥнк", + "ÑĤ" + ], + [ + "Ġ×Ļ×ķ×ĵ", + "×¢×Ļ×Ŀ" + ], + [ + "ãĤ«", + "ãĥ©ãĥ¼" + ], + [ + "Ġ×ijס", + "×ĵר" + ], + [ + "Ġbu", + "á»ĵn" + ], + [ + "й", + "ÑĤ" + ], + [ + "йÑĤ", + "еÑģÑĮ" + ], + [ + "ãĤĴ", + "æ±ĤãĤģ" + ], + [ + "Ġ×IJת", + "׼×Ŀ" + ], + [ + "Ġ모", + "르" + ], + [ + "ظ", + "رÙĪÙģ" + ], + [ + "Ñĩ", + "еÑģÑĤво" + ], + [ + "ìĸ´", + "ìĦľ" + ], + [ + "Ġод", + "на" + ], + [ + "Ġkap", + "ı" + ], + [ + "Ġëħ¸", + "ëł¥" + ], + [ + "ĠKü", + "che" + ], + [ + "ĠاÙĦت", + "Ø´" + ], + [ + "Ø·", + "ÙĬب" + ], + [ + "ĠíĬ¹", + "íŀĪ" + ], + [ + "ĠвÑĭп", + "ÑĥÑģ" + ], + [ + "ĠвÑĭпÑĥÑģ", + "к" + ], + [ + "×ĵ", + "ת×Ļ" + ], + [ + "Ġu", + "ÄŁ" + ], + [ + "ĠuÄŁ", + "ra" + ], + [ + "ائ", + "Ùĩا" + ], + [ + "Ġtho", + "át" + ], + [ + "ãģª", + "ãĤĤãģ®" + ], + [ + "Ñij", + "ÑĢ" + ], + [ + "기", + "ê°Ģ" + ], + [ + "ĠgeliÅŁ", + "me" + ], + [ + "تØŃ", + "ÙĤ" + ], + [ + "تØŃÙĤ", + "ÙĤ" + ], + [ + "Ġоп", + "аÑģ" + ], + [ + "б", + "ÑĢоÑģ" + ], + [ + "ห", + "ุ" + ], + [ + "หุ", + "à¹īà¸Ļ" + ], + [ + "ì¼", + "Ģ" + ], + [ + "ãĤ¹", + "ãĥŀ" + ], + [ + "ãĤ¹ãĥŀ", + "ãĥĽ" + ], + [ + "Ø£", + "Ù쨱" + ], + [ + "Ø£Ù쨱", + "اد" + ], + [ + "ĠTh", + "á»±c" + ], + [ + "Ġth", + "ắ" + ], + [ + "ãĥªãĥ³", + "ãĤ¯" + ], + [ + "Ġni", + "á»ģm" + ], + [ + "ĠHö", + "he" + ], + [ + "عÙħ", + "ار" + ], + [ + "ÙĥÙĪØ±", + "ÙĪÙĨ" + ], + [ + "ÙĥÙĪØ±ÙĪÙĨ", + "ا" + ], + [ + "ĠÄIJ", + "ến" + ], + [ + "ĠÑģам", + "ом" + ], + [ + "ĠÑĤ", + "еле" + ], + [ + "ĠÄijo", + "án" + ], + [ + "à¸Ħวามà¸Ħิà¸Ķ", + "à¹Ģหà¹ĩà¸Ļ" + ], + [ + "Ġд", + "иÑģк" + ], + [ + "Ø£", + "Ø·Ù쨧ÙĦ" + ], + [ + "ม", + "ารà¹Į" + ], + [ + "à¸Ĺ", + "หาร" + ], + [ + "à¸Ĺ", + "à¸Ļ" + ], + [ + "Ġب", + "عÙĬد" + ], + [ + "ĠاÙĦÙĩ", + "ÙĨد" + ], + [ + "åĩº", + "ãģĹãģ¦" + ], + [ + "Ġkar", + "de" + ], + [ + "Ġkarde", + "ÅŁ" + ], + [ + "×Ķ×Ļס×ĺ", + "×ķר" + ], + [ + "×Ķ×Ļס×ĺ×ķר", + "×Ļ×Ķ" + ], + [ + "éģ¸", + "ãģ³" + ], + [ + "ع", + "اÙħÙĦ" + ], + [ + "à¸Ĥ", + "ยาย" + ], + [ + "Ġtü", + "rl" + ], + [ + "Ġtürl", + "ü" + ], + [ + "ĠìĿ¼", + "ìĿ´" + ], + [ + "Ġmaté", + "ria" + ], + [ + "Ġ׼׾", + "×ķ×ŀר" + ], + [ + "ãĥģãĥ£", + "ãĥ¼" + ], + [ + "جÙħ", + "اعة" + ], + [ + "ĠÑģво", + "им" + ], + [ + "Ø¥ÙĤ", + "اÙħØ©" + ], + [ + "ä¾ĭ", + "ãģĪãģ°" + ], + [ + "س", + "اب" + ], + [ + "Ø¢", + "خر" + ], + [ + "ÙĤ", + "دÙĬر" + ], + [ + "×IJ×ŀ", + "×Ļ" + ], + [ + "ìĸ", + "»" + ], + [ + "Ġ׳×ķס", + "פת" + ], + [ + "ĠÐĴ", + "лад" + ], + [ + "ĠÐĴлад", + "им" + ], + [ + "ĠÐĴладим", + "иÑĢ" + ], + [ + "Ġest", + "ará" + ], + [ + "ãģĵãģĨ", + "ãģĦãģĨ" + ], + [ + "ãĤĴ", + "使ç͍" + ], + [ + "มา", + "à¸ķร" + ], + [ + "มาà¸ķร", + "à¸IJาà¸Ļ" + ], + [ + "ãģ£ãģ", + "½" + ], + [ + "Ġn", + "ú" + ], + [ + "Ġnú", + "i" + ], + [ + "ย", + "าà¸ĩ" + ], + [ + "ĠاÙĦج", + "ÙĨس" + ], + [ + "Ġüst", + "ün" + ], + [ + "ëľ", + "»" + ], + [ + "ãĤ»", + "ãĥ«" + ], + [ + "ãģ¦ãģĦ", + "ãģįãģ¾ãģĻ" + ], + [ + "Ġ×Ĺ", + "×ķ×ĸ" + ], + [ + "Ġ×Ĺ×ķ×ĸ", + "ר" + ], + [ + "ĠÐĵ", + "лав" + ], + [ + "à¹Ĥà¸Ĭ", + "à¸Ħ" + ], + [ + "íı", + "IJ" + ], + [ + "ÙĨت", + "ظر" + ], + [ + "Ġ×Ĵ", + "×ij×Ļ" + ], + [ + "ع", + "ÙĤب" + ], + [ + "int", + "ér" + ], + [ + "intér", + "êt" + ], + [ + "×ŀ", + "פ×Ĵ" + ], + [ + "×ŀפ×Ĵ", + "ש" + ], + [ + "Ġth", + "ù" + ], + [ + "اÙģ", + "ت" + ], + [ + "Ġ×ŀש", + "פ" + ], + [ + "Ġ×ŀשפ", + "×ĺ×Ļ" + ], + [ + "ĠÙħ", + "ÙĪØ§ÙĤع" + ], + [ + "è¦", + "ļ" + ], + [ + "è¦ļ", + "ãģĪ" + ], + [ + "×ĵ", + "×Ļף" + ], + [ + "à¹Ģรืà¹Īà¸Ńà¸ĩ", + "ราว" + ], + [ + "ãģ¾", + "ãģĤ" + ], + [ + "Ġgh", + "ế" + ], + [ + "иÑĢÑĥ", + "ÑİÑĤ" + ], + [ + "à¸ģ", + "ว" + ], + [ + "à¸ģว", + "à¹īาà¸ĩ" + ], + [ + "Ġпов", + "еÑĢ" + ], + [ + "ĠповеÑĢ", + "Ñħ" + ], + [ + "ĠповеÑĢÑħ", + "ноÑģÑĤ" + ], + [ + "׳", + "×ĵר" + ], + [ + "Ġкон", + "ÑĨе" + ], + [ + "Ġдолж", + "на" + ], + [ + "Ġ×Ļש", + "×Ļר" + ], + [ + "acaģı", + "z" + ], + [ + "ìĹ", + "Ķ" + ], + [ + "Ġn", + "ÃŃvel" + ], + [ + "Ġö", + "r" + ], + [ + "Ġör", + "nek" + ], + [ + "Ùĥ", + "Ùģ" + ], + [ + "ĠФедеÑĢ", + "аÑĨии" + ], + [ + "Ġ구", + "ìĦ±" + ], + [ + "หัว", + "à¹ĥà¸Ī" + ], + [ + "ĠV", + "áºŃy" + ], + [ + "м", + "ед" + ], + [ + "мед", + "и" + ], + [ + "меди", + "ÑĨин" + ], + [ + "медиÑĨин", + "Ñģк" + ], + [ + "از", + "ÙĬ" + ], + [ + "×Ĵ×ij", + "×ķ׾" + ], + [ + "ÑĦ", + "ÑĢ" + ], + [ + "Ġzus", + "ätzlich" + ], + [ + "à¸ģ", + "à¸ģ" + ], + [ + "ĠاÙĦاÙĤتصاد", + "ÙĬØ©" + ], + [ + "Ġh", + "è" + ], + [ + "lu", + "ÄŁun" + ], + [ + "ج", + "Ùİ" + ], + [ + "à¹Ħà¸Ł", + "ลà¹Į" + ], + [ + "ÄIJ", + "T" + ], + [ + "ãģĿãģ®", + "ä»ĸ" + ], + [ + "à¸Ĺิ", + "à¹īà¸ĩ" + ], + [ + "ĠاÙĦØ£", + "ÙĪ" + ], + [ + "ر", + "سÙħ" + ], + [ + "æ°Ĺ", + "ãģ¥" + ], + [ + "ìĿ´", + "ë©°" + ], + [ + "ÑĮ", + "ев" + ], + [ + "ص", + "Ø·" + ], + [ + "ĠاÙĦاست", + "Ø«" + ], + [ + "ĠاÙĦاستث", + "Ùħار" + ], + [ + "à¸Ńา", + "à¸Ħาร" + ], + [ + "ĠÑĤоÑĩ", + "но" + ], + [ + "ĠV", + "ân" + ], + [ + "à¸Ń", + "ร" + ], + [ + "à¸Ńร", + "à¹Īà¸Ńย" + ], + [ + "ĠاÙĦس", + "ÙĨØ©" + ], + [ + "Ġc", + "Æ°á»Ľi" + ], + [ + "×Ļ×Ķ", + "ף" + ], + [ + "íį", + "¼" + ], + [ + "話", + "ãģĹ" + ], + [ + "âĹ", + "ĭ" + ], + [ + "ĠìķĬ", + "ìĿĢ" + ], + [ + "ãĥ¡", + "ãĥ¼ãĤ" + ], + [ + "ãĥ¡ãĥ¼ãĤ", + "«" + ], + [ + "ãĥ¡ãĥ¼ãĤ«", + "ãĥ¼" + ], + [ + "ĠÑĤеп", + "ло" + ], + [ + "å½¼", + "ãĤī" + ], + [ + "Ġİ", + "z" + ], + [ + "Ġİz", + "mir" + ], + [ + "íĻ", + "į" + ], + [ + "Ġr", + "ượ" + ], + [ + "Ġrượ", + "u" + ], + [ + "æĢĿãģĦ", + "åĩº" + ], + [ + "ĠPh", + "ạm" + ], + [ + "Ġchá", + "u" + ], + [ + "צ×Ļ", + "×ķת" + ], + [ + "ĠìĿ¼", + "본" + ], + [ + "ìĤ¬", + "ëĬĶ" + ], + [ + "ĠÑģозд", + "ан" + ], + [ + "Ġar", + "acı" + ], + [ + "Ġ×¢", + "ר" + ], + [ + "Ġער", + "×Ļ׼×Ķ" + ], + [ + "ĠíķĺëĤĺëĭĺ", + "ìĿĺ" + ], + [ + "dzi", + "ÅĤ" + ], + [ + "à¸Ľà¸£à¸°", + "à¸ĺาà¸Ļ" + ], + [ + "Ġser", + "ÃŃa" + ], + [ + "ĠìŀĪ", + "ëıĦë¡Ŀ" + ], + [ + "در", + "ج" + ], + [ + "íķľëĭ¤", + "ëĬĶ" + ], + [ + "à¸Ńา", + "à¸Ĺ" + ], + [ + "à¸Ńาà¸Ĺ", + "ิà¸ķ" + ], + [ + "à¸Ńาà¸Ĺิà¸ķ", + "ยà¹Į" + ], + [ + "ÑĤелÑĮ", + "нÑĭй" + ], + [ + "ĠØ®", + "دÙħات" + ], + [ + "×ŀ׳", + "×ĺ" + ], + [ + "Ġl", + "ược" + ], + [ + "ĠS", + "Ãłi" + ], + [ + "ĠÙĪ", + "اض" + ], + [ + "ĠÙĪØ§Ø¶", + "ØŃ" + ], + [ + "غ", + "از" + ], + [ + "ĠdoÄŁ", + "al" + ], + [ + "Ġ×ijש", + "×Ŀ" + ], + [ + "Ġд", + "лин" + ], + [ + "ĠØ¥", + "طار" + ], + [ + "Ġ×ijס", + "פר" + ], + [ + "ãĤĴ", + "ä¸İ" + ], + [ + "ãĤĴä¸İ", + "ãģĪ" + ], + [ + "Ġë²ķ", + "ë¥ł" + ], + [ + "ĠÑĥ", + "вели" + ], + [ + "ĠÑĥвели", + "Ñĩи" + ], + [ + "ส", + "à¹Ħà¸ķ" + ], + [ + "สà¹Ħà¸ķ", + "ลà¹Į" + ], + [ + "à¹Ħ", + "à¸ģล" + ], + [ + "×ij×Ĺ", + "ף" + ], + [ + "ĠìĿ´", + "íĽĦ" + ], + [ + "Ġm", + "unic" + ], + [ + "Ġmunic", + "ÃŃpio" + ], + [ + "تÙħ", + "Ø«ÙĦ" + ], + [ + "ĠÄij", + "áo" + ], + [ + "H", + "ôtel" + ], + [ + "Ġl", + "á»Ńa" + ], + [ + "ĠÄij", + "ẳng" + ], + [ + "Ñĩ", + "ки" + ], + [ + "Ø´", + "رÙĪ" + ], + [ + "شرÙĪ", + "Ø·" + ], + [ + "ĠìĿ´", + "를" + ], + [ + "ÙĬ", + "Ùĭا" + ], + [ + "×ŀ׾", + "×ļ" + ], + [ + "×ŀ×Ķ", + "×Ļר×ķת" + ], + [ + "ĠобÑıз", + "аÑĤелÑĮ" + ], + [ + "ĠобÑıзаÑĤелÑĮ", + "но" + ], + [ + "é", + "nergie" + ], + [ + "Ġmud", + "ança" + ], + [ + "Ġm", + "ụ" + ], + [ + "Ġmụ", + "n" + ], + [ + "Ġn", + "º" + ], + [ + "ĠاÙĦت", + "عا" + ], + [ + "ĠاÙĦتعا", + "ÙĪÙĨ" + ], + [ + "ĠاÙĦاجتÙħاع", + "ÙĬØ©" + ], + [ + "Ġп", + "лаÑģÑĤ" + ], + [ + "Ġëĵ±", + "ìĿĺ" + ], + [ + "ãĥIJãĤ¤", + "ãĤ¯" + ], + [ + "Ùĩج", + "ÙĪÙħ" + ], + [ + "ĠSa", + "úde" + ], + [ + "Ġì¤ijìļĶ", + "íķľ" + ], + [ + "Ġ×Ķצ", + "×Ļ×ij×ķר" + ], + [ + "תק", + "ף" + ], + [ + "ĠاÙĦعاÙĦÙħ", + "ÙĬ" + ], + [ + "ĠболÑĮÑĪ", + "ой" + ], + [ + "ĠÙĥ", + "ÙĦÙħ" + ], + [ + "ĠÙĥÙĦÙħ", + "Ø©" + ], + [ + "ãģ®ãģ§ãģ¯ãģªãģĦ", + "ãģ§ãģĹãĤĩãģĨãģĭ" + ], + [ + "ĠÙħ", + "باراة" + ], + [ + "Ġש×IJ", + "׳" + ], + [ + "Ġש×IJ׳", + "×Ĺ׳×ķ" + ], + [ + "ãĤ¹ãĤ¿", + "ãĤ¤ãĥ«" + ], + [ + "ĠSa", + "ÄŁ" + ], + [ + "ĠSaÄŁ", + "lık" + ], + [ + "Ġh", + "ư" + ], + [ + "׳", + "×Ĺ×Ķ" + ], + [ + "Ġ×ij", + "קר×ij" + ], + [ + "Ø·", + "عÙħ" + ], + [ + "ห", + "ิà¸Ļ" + ], + [ + "à¸Ĺุà¸ģ", + "วัà¸Ļ" + ], + [ + "à¸Ħรัà¹īà¸ĩ", + "à¸Ĺีà¹Ī" + ], + [ + "ĠlÃł", + "nh" + ], + [ + "Ġdonn", + "é" + ], + [ + "ãģĽ", + "ãģĦ" + ], + [ + "جز", + "ÙĬرة" + ], + [ + "доÑĢ", + "ож" + ], + [ + "ì¼", + "ľ" + ], + [ + "تÙĨظ", + "ÙĬÙģ" + ], + [ + "ãĥģ", + "ãĥ§" + ], + [ + "Ġald", + "ıģı" + ], + [ + "ج", + "اج" + ], + [ + "ĠÑĤ", + "омÑĥ" + ], + [ + "à¸Ľ", + "ิ" + ], + [ + "Ġ×ijר", + "שת" + ], + [ + "ãģıãģªãĤĬ", + "ãģ¾ãģĻ" + ], + [ + "ĠпÑĢин", + "ÑĨип" + ], + [ + "Ġ×Ĺ", + "׾×ķ" + ], + [ + "ëı", + "¼" + ], + [ + "×ķ×Ĵ", + "ש" + ], + [ + "س", + "س" + ], + [ + "à¸Ľ", + "ู" + ], + [ + "Ġh", + "ầu" + ], + [ + "æĦŁãģĺ", + "ãĤĭ" + ], + [ + "ï¼", + "´" + ], + [ + "د", + "ÙĪØ§" + ], + [ + "ĠÑģм", + "ог" + ], + [ + "scri", + "ção" + ], + [ + "Ġth", + "áºŃn" + ], + [ + "Ġר", + "×ķ×IJ×Ķ" + ], + [ + "обÑĢаж", + "ен" + ], + [ + "ĠاÙĦتج", + "ارÙĬØ©" + ], + [ + "Ø·", + "بÙĬع" + ], + [ + "jÄħc", + "Äħ" + ], + [ + "íĸī", + "ìľĦ" + ], + [ + "Ġнов", + "Ñĭй" + ], + [ + "Ġ×ŀ", + "×Ĺ×ĵש" + ], + [ + "æĮ¯", + "ãĤĬ" + ], + [ + "gu", + "é" + ], + [ + "Ġ×IJ", + "×Ļר×ķ×¢" + ], + [ + "Ġ×IJ×Ļר×ķ×¢", + "×Ļ×Ŀ" + ], + [ + "ĠاÙĦ", + "ذÙĩب" + ], + [ + "×ĵ", + "×IJ" + ], + [ + "ت", + "اÙĨ" + ], + [ + "ãģł", + "ãģĹ" + ], + [ + "à¸Ńั", + "à¸ķรา" + ], + [ + "à¹Ĥ", + "à¸Ī" + ], + [ + "بÙĦ", + "اد" + ], + [ + "×Ķ×Ļ", + "×Ļ׳×ķ" + ], + [ + "ĠÑģп", + "е" + ], + [ + "ĠÑģпе", + "ÑĨиалÑĮно" + ], + [ + "ĠÅĽwi", + "ata" + ], + [ + "ãĤĵãģ§ãģĻ", + "ãĤĪ" + ], + [ + "شر", + "ÙĥØ©" + ], + [ + "ĠpÅĤ", + "yt" + ], + [ + "Ġsitu", + "é" + ], + [ + "Ġ׼×IJ", + "׾×Ķ" + ], + [ + "ס", + "×ijר" + ], + [ + "Ġkaż", + "d" + ], + [ + "Ġkażd", + "ym" + ], + [ + "ãĤĴæĮģ", + "ãģ¤" + ], + [ + "׾×Ķ", + "׾" + ], + [ + "׾×Ķ׾", + "ף" + ], + [ + "ĠwÅĤ", + "as" + ], + [ + "ĠwÅĤas", + "ne" + ], + [ + "ĠsaÄŁ", + "lan" + ], + [ + "×ŀ×¢", + "׾×Ķ" + ], + [ + "ĠاÙĦا", + "ÙĪÙĦ" + ], + [ + "ìĹIJìĦľ", + "ëıĦ" + ], + [ + "×IJ×Ļר", + "×ķפ×Ķ" + ], + [ + "تÙĤ", + "ÙĨÙĬØ©" + ], + [ + "Ùħ", + "ائ" + ], + [ + "Ùħائ", + "Ø©" + ], + [ + "Ġcompañ", + "ÃŃa" + ], + [ + "Ġsü", + "rek" + ], + [ + "Ġsürek", + "li" + ], + [ + "ĠиÑģ", + "кÑĥÑģ" + ], + [ + "ĠиÑģкÑĥÑģ", + "ÑģÑĤв" + ], + [ + "ĠB", + "ürger" + ], + [ + "ת", + "×Ĺר" + ], + [ + "ת×Ĺר", + "×ķת" + ], + [ + "à¸ŀรà¹īà¸Ńม", + "à¸ģัà¸ļ" + ], + [ + "Ø´", + "Ùħ" + ], + [ + "à¸ĸืà¸Ń", + "วà¹Īา" + ], + [ + "è¾¼", + "ãĤĢ" + ], + [ + "ä¼ij", + "ãģ¿" + ], + [ + "ĠاÙĦØ£", + "ب" + ], + [ + "ĠÑģÑĤоим", + "оÑģÑĤÑĮ" + ], + [ + "ĠпÑĢав", + "а" + ], + [ + "may", + "ın" + ], + [ + "ห", + "วย" + ], + [ + "ĠاÙĦØ·", + "بÙĬعÙĬ" + ], + [ + "à¸Ĺีà¹Ī", + "à¸ŀัà¸ģ" + ], + [ + "ĠEst", + "á" + ], + [ + "Ñĭва", + "ÑİÑĤ" + ], + [ + "ب", + "سÙĬ" + ], + [ + "بسÙĬ", + "Ø·" + ], + [ + "Ġ×ij×¢", + "×ijר" + ], + [ + "åı¯èĥ½", + "ãģ§ãģĻ" + ], + [ + "Ġ×ĵ", + "×ķ׾" + ], + [ + "Ġ×ĵ×ķ׾", + "ר" + ], + [ + "Ùĩ", + "ÙİØ§" + ], + [ + "воÑĢ", + "оÑĤ" + ], + [ + "ãģ¦", + "ãģĦãģ¾ãģĹãģŁ" + ], + [ + "à¹Ĥà¸Ĺร", + "ศ" + ], + [ + "à¹Ĥà¸Ĺรศ", + "ั" + ], + [ + "à¹Ĥà¸Ĺรศั", + "à¸ŀ" + ], + [ + "à¹Ĥà¸Ĺรศัà¸ŀ", + "à¸Ĺà¹Į" + ], + [ + "Ġ×§", + "׳" + ], + [ + "ĠاÙĦØ«", + "ÙĨ" + ], + [ + "ĠاÙĦØ«ÙĨ", + "ائÙĬØ©" + ], + [ + "Ġco", + "ût" + ], + [ + "à¸ķิà¸Ķ", + "à¸ķัà¹īà¸ĩ" + ], + [ + "Ġö", + "rg" + ], + [ + "Ġörg", + "üt" + ], + [ + "ĠاÙĦØ®", + "ÙĦÙĬ" + ], + [ + "ĠاÙĦØ®ÙĦÙĬ", + "ج" + ], + [ + "Ġb", + "á»įn" + ], + [ + "×ķ׾×ķ×Ĵ", + "×Ļ" + ], + [ + "ëŀ", + "ľ" + ], + [ + "ĠÐij", + "олÑĮ" + ], + [ + "ĠÐijолÑĮ", + "ÑĪ" + ], + [ + "×Ĵ", + "×ijר×Ļ×Ŀ" + ], + [ + "ÙĤ", + "ÙĬد" + ], + [ + "×ij×Ļ×ĺ", + "×ķ×Ļ" + ], + [ + "æīĵ", + "ãģ¡" + ], + [ + "Ġol", + "muÅŁ" + ], + [ + "f", + "äh" + ], + [ + "fäh", + "ig" + ], + [ + "ล", + "าà¸Ļ" + ], + [ + "ĠÙĤ", + "طر" + ], + [ + "ש", + "פ×Ķ" + ], + [ + "èªŃ", + "ãĤĵãģ§" + ], + [ + "à¸Ĥ", + "วา" + ], + [ + "Ġchi", + "ếm" + ], + [ + "ãĤ¤ãĥ³", + "ãĤ¿" + ], + [ + "ãĤ¤ãĥ³ãĤ¿", + "ãĥ¼ãĥ" + ], + [ + "ãĤ¤ãĥ³ãĤ¿ãĥ¼ãĥ", + "į" + ], + [ + "ãĤ¤ãĥ³ãĤ¿ãĥ¼ãĥį", + "ãĥĥãĥĪ" + ], + [ + "Ġ׾ש×ŀ", + "×ķר" + ], + [ + "Ġت", + "رÙĥ" + ], + [ + "ĠترÙĥ", + "ÙĬا" + ], + [ + "ר", + "×ķ×ĺ" + ], + [ + "ã썿ĢĿ", + "ãģĦãģ¾ãģĹãģŁ" + ], + [ + "ĠاÙĦت", + "ÙĤ" + ], + [ + "Ġd", + "ư" + ], + [ + "ãģ¦ãģıãĤĮ", + "ãĤĭ" + ], + [ + "ãģĹãģŁ", + "ãģĵãģ¨" + ], + [ + "Ġróż", + "ne" + ], + [ + "ĠاÙĦØ·", + "ÙģÙĦ" + ], + [ + "ĠPost", + "é" + ], + [ + "Ġ×ŀש", + "×ķ×Ŀ" + ], + [ + "Ñį", + "ÑĢ" + ], + [ + "ĠÑĢабоÑĤ", + "аеÑĤ" + ], + [ + "ãĤ·", + "ãĥª" + ], + [ + "ãĤ·ãĥª", + "ãĥ¼ãĤº" + ], + [ + "Ġ×ij×Ķ", + "×Ĺ׾×ĺ" + ], + [ + "×§×Ķ", + "×Ļ׾×Ķ" + ], + [ + "ãĤ«", + "ãĥ¡" + ], + [ + "ãĤ«ãĥ¡", + "ãĥ©" + ], + [ + "ï¼", + "¯" + ], + [ + "ĠìĤ¬", + "ìĿ´" + ], + [ + "Ġk", + "ì" + ], + [ + "Ġth", + "Æ°á»Ľc" + ], + [ + "ض", + "بط" + ], + [ + "ÙĤب", + "ÙĪÙĦ" + ], + [ + "åĪ¥", + "ãģ®" + ], + [ + "Ġparticul", + "ière" + ], + [ + "ĠÑģво", + "ем" + ], + [ + "Ġ×¢", + "סק" + ], + [ + "Ġעסק", + "×Ļ×Ŀ" + ], + [ + "×ij×Ĺ", + "×Ļר×ķת" + ], + [ + "×ij", + "×Ļ׳×ķ" + ], + [ + "à¸ĭ", + "à¸Ń" + ], + [ + "Ġ×¢", + "×ķ×ijר" + ], + [ + "ãģłãģ£ãģŁ", + "ãģ®ãģ§" + ], + [ + "ıld", + "ıģı" + ], + [ + "Ùħ", + "دار" + ], + [ + "Ùħدار", + "س" + ], + [ + "주", + "ìĭľ" + ], + [ + "à¸Ńา", + "ศ" + ], + [ + "à¸Ńาศ", + "ัย" + ], + [ + "Ġt", + "ấm" + ], + [ + "à¸ŀิ", + "à¸Ī" + ], + [ + "à¸ŀิà¸Ī", + "าร" + ], + [ + "à¸ŀิà¸Īาร", + "à¸ĵา" + ], + [ + "ÑĤелÑĮ", + "нÑĭе" + ], + [ + "Ñģк", + "ÑĥÑİ" + ], + [ + "Ðľ", + "Ðĺ" + ], + [ + "à¹Ģà¸ģ", + "า" + ], + [ + "à¹Ģà¸ģา", + "หล" + ], + [ + "à¹Ģà¸ģาหล", + "ี" + ], + [ + "×ĵ", + "×Ĺ" + ], + [ + "à¹Ģà¸Ĭ", + "ิà¸ĩ" + ], + [ + "Ġد", + "ÙĤÙĬÙĤØ©" + ], + [ + "íķĻ", + "ìĥĿ" + ], + [ + "Ġש×IJ", + "׾×Ķ" + ], + [ + "Ġcontr", + "ôle" + ], + [ + "Ġsit", + "uação" + ], + [ + "à¸Ĥà¸Ńà¸ĩ", + "à¸ľà¸¹à¹ī" + ], + [ + "ÙĨ", + "Ø·ÙĤ" + ], + [ + "ê³¼", + "íķĻ" + ], + [ + "หลาย", + "à¸Ħà¸Ļ" + ], + [ + "Ġn", + "ắng" + ], + [ + "ÙĤ", + "Ùı" + ], + [ + "ì¡°", + "ê±´" + ], + [ + "Ñ", + "ķ" + ], + [ + "ãĥĥ", + "ãģ¨" + ], + [ + "×ŀ", + "×Ļ׾×Ķ" + ], + [ + "Gr", + "ün" + ], + [ + "×Ļ", + "×Ļ×¢" + ], + [ + "×Ļ×Ļ×¢", + "×ķ×¥" + ], + [ + "×ŀ׳", + "׼" + ], + [ + "ë", + "ŃIJ" + ], + [ + "×ŀ×¢", + "×ŀ×ĵ" + ], + [ + "สำ", + "à¸Ļัà¸ģ" + ], + [ + "ج", + "دد" + ], + [ + "à¸Ħ", + "ัà¸Ķ" + ], + [ + "Ġ×Ķ×ŀש", + "פ" + ], + [ + "Ġ×Ķ×ŀשפ", + "×Ĺ×Ķ" + ], + [ + "×ŀש", + "ק׾" + ], + [ + "ÙĦ", + "Ùı" + ], + [ + "Ġty", + "tu" + ], + [ + "Ġtytu", + "ÅĤ" + ], + [ + "ÑĪ", + "ей" + ], + [ + "ĠìĿ¼", + "ë¶Ģ" + ], + [ + "ÑĪ", + "ение" + ], + [ + "Ġph", + "óng" + ], + [ + "ĠìĹŃ", + "ìĤ¬" + ], + [ + "ãĤ«", + "ãĥ³" + ], + [ + "Ġtú", + "i" + ], + [ + "ĠÙĨ", + "ÙĪÙģ" + ], + [ + "ĠÙĨÙĪÙģ", + "Ùħبر" + ], + [ + "gr", + "ün" + ], + [ + "ĠاÙĦØ´", + "ÙħاÙĦ" + ], + [ + "ÅĽwi", + "adc" + ], + [ + "ÅĽwiadc", + "zenie" + ], + [ + "ער", + "×Ķ" + ], + [ + "Ġ×¢", + "×ķ×ij" + ], + [ + "Ġ×¢×ķ×ij", + "×ĵ×Ļ×Ŀ" + ], + [ + "×ĵ×ķ×Ĵ", + "×ŀ×IJ" + ], + [ + "ä»Ĭ", + "ãģ¯" + ], + [ + "Ġv", + "ão" + ], + [ + "ĠТ", + "ем" + ], + [ + "Ñģ", + "илÑĮ" + ], + [ + "Ġch", + "ợ" + ], + [ + "Ùħ", + "را" + ], + [ + "Ùħرا", + "ÙĤب" + ], + [ + "à¹Ħมà¹Ī", + "รูà¹ī" + ], + [ + "Ġر", + "ائع" + ], + [ + "×IJ׳", + "×Ĺ׳×ķ" + ], + [ + "สà¹Īà¸ĩ", + "à¹Ģสริม" + ], + [ + "צ", + "×Ĺ" + ], + [ + "ĠìŀĪìĸ´", + "ìĦľ" + ], + [ + "Ġkur", + "ulu" + ], + [ + "Ġkurulu", + "ÅŁ" + ], + [ + "ĠÃĸ", + "zellik" + ], + [ + "ĠÃĸzellik", + "le" + ], + [ + "Ġת", + "×Ļ×§" + ], + [ + "Ġgh", + "é" + ], + [ + "Ġspr", + "zÄĻ" + ], + [ + "ĠsprzÄĻ", + "t" + ], + [ + "ער", + "×ķת" + ], + [ + "را", + "ØŃØ©" + ], + [ + "ãģ£", + "ãģį" + ], + [ + "ãģ£ãģį", + "ãĤĬ" + ], + [ + "ĠìķĦ", + "ëŀĺ" + ], + [ + "stit", + "uição" + ], + [ + "Ġдолж", + "но" + ], + [ + "×Ķ", + "רש" + ], + [ + "×Ķרש", + "×ŀ×Ķ" + ], + [ + "×Ķ׾", + "×ļ" + ], + [ + "ãģ¡", + "ãģª" + ], + [ + "ãģ¡ãģª", + "ãģ¿" + ], + [ + "ãģ¡ãģªãģ¿", + "ãģ«" + ], + [ + "פ", + "×Ĺ×ĵ" + ], + [ + "ĠاÙĦج", + "ÙħÙĬع" + ], + [ + "×ij×¢", + "׾×Ļ" + ], + [ + "Ġtr", + "ùng" + ], + [ + "Ġפ", + "ת×Ĺ" + ], + [ + "×ŀ׾×Ĺ", + "×ŀת" + ], + [ + "ãĥĨ", + "ãĥ¼ãĥ" + ], + [ + "ãĥĨãĥ¼ãĥ", + "ŀ" + ], + [ + "Ùħ", + "تاب" + ], + [ + "Ùħتاب", + "عة" + ], + [ + "Ġ모", + "ìĬµ" + ], + [ + "ÙĬ", + "ص" + ], + [ + "åIJĪ", + "ãģĨ" + ], + [ + "ĠY", + "ap" + ], + [ + "ĠYap", + "ı" + ], + [ + "ĠÑģ", + "казаÑĤÑĮ" + ], + [ + "ëª", + "°" + ], + [ + "à¸Ĺีà¹Ī", + "สำà¸Ħัà¸į" + ], + [ + "ĠìĹĨ", + "ìĬµëĭĪëĭ¤" + ], + [ + "Ġnh", + "ắc" + ], + [ + "Ġülk", + "eler" + ], + [ + "Ġмног", + "ие" + ], + [ + "íķĺ", + "ìħ¨" + ], + [ + "มาà¸ģ", + "à¸Ĺีà¹Īสุà¸Ķ" + ], + [ + "à¸ģ", + "à¹īา" + ], + [ + "à¸ģà¹īา", + "ว" + ], + [ + "Ġİ", + "yi" + ], + [ + "л", + "еж" + ], + [ + "леж", + "а" + ], + [ + "ãĤ¸", + "ãĥ§" + ], + [ + "à¸Ĺั", + "à¸ŀ" + ], + [ + "ا", + "ÙĪØ±" + ], + [ + "Ġ×Ĺ×ijר", + "×Ļ" + ], + [ + "Ġ׾", + "ש×Ŀ" + ], + [ + "ì²", + "«" + ], + [ + "ĠT", + "á»Ń" + ], + [ + "×ŀ", + "×ķ׳×Ļ" + ], + [ + "ÙĤ", + "ÙĪØ¯" + ], + [ + "à¸ģระ", + "à¹Ģà¸Ľ" + ], + [ + "à¸ģระà¹Ģà¸Ľ", + "à¹ĭ" + ], + [ + "à¸ģระà¹Ģà¸Ľà¹ĭ", + "า" + ], + [ + "ĠпÑĢоблем", + "Ñĭ" + ], + [ + "Ġaç", + "ıs" + ], + [ + "Ġaçıs", + "ından" + ], + [ + "Ġ×Ķ×ŀ", + "׼" + ], + [ + "ĠÙħع", + "ظÙħ" + ], + [ + "ÙĤÙĬ", + "اس" + ], + [ + "ĠпÑĢод", + "олж" + ], + [ + "ĠпÑĢодолж", + "а" + ], + [ + "Ġver", + "diÄŁi" + ], + [ + "ĠпÑĢед", + "меÑĤ" + ], + [ + "ãģĦãģ¾ãģĻ", + "ãģĮ" + ], + [ + "ĠëͰ", + "른" + ], + [ + "ĠاÙĦ", + "ÙĤÙĬاÙħ" + ], + [ + "ĠØ¥ÙĦÙĬ", + "Ùĩا" + ], + [ + "Т", + "ÐIJ" + ], + [ + "п", + "оз" + ], + [ + "ãĤ·", + "ãĥ¥" + ], + [ + "ä¸ĬãģĮ", + "ãĤĬ" + ], + [ + "à¹Ģà¸Ķิม", + "à¸ŀัà¸Ļ" + ], + [ + "à¸ģุ", + "ล" + ], + [ + "ØŃر", + "ÙĬØ©" + ], + [ + "×§×ij×ķצ", + "×ķת" + ], + [ + "ë¯", + "¿" + ], + [ + "ĠاÙĦÙħ", + "ÙĨا" + ], + [ + "ĠاÙĦÙħÙĨا", + "Ø·ÙĤ" + ], + [ + "ĠвÑĭп", + "ол" + ], + [ + "ĠвÑĭпол", + "нÑı" + ], + [ + "ãĥĭ", + "ãĤ¢" + ], + [ + "Ġê²°", + "êµŃ" + ], + [ + "×Ĺ", + "×ķ×ŀ" + ], + [ + "×Ĺ×ķ×ŀ", + "ר×Ļ×Ŀ" + ], + [ + "ĠУкÑĢа", + "инÑĭ" + ], + [ + "ห", + "à¸Ńม" + ], + [ + "ר", + "×Ļס" + ], + [ + "ĠÑħоÑĤ", + "ел" + ], + [ + "ĠобÑĢаз", + "ованиÑı" + ], + [ + "Ġkh", + "ẳng" + ], + [ + "Ġm", + "ưa" + ], + [ + "Ġgör", + "me" + ], + [ + "Ġgüç", + "lü" + ], + [ + "سع", + "Ùī" + ], + [ + "มัà¹Īà¸Ļ", + "à¹ĥà¸Ī" + ], + [ + "íķĺ", + "ê²łìĬµëĭĪëĭ¤" + ], + [ + "Ġпол", + "Ñĥ" + ], + [ + "Ġfün", + "f" + ], + [ + "ã썿ĢĿ", + "ãģ£ãģ¦ãģĦãģ¾ãģĻ" + ], + [ + "Ġê·¸ê²ĥ", + "ìĿĢ" + ], + [ + "ĠdÃ¼ÅŁÃ¼n", + "ce" + ], + [ + "ìŀ", + "ł" + ], + [ + "ĠH", + "Æ°á»Ľng" + ], + [ + "ĠTi", + "á»ĥu" + ], + [ + "Ġç", + "ift" + ], + [ + "ãģij", + "ãģ°" + ], + [ + "à¸Īà¸Ļ", + "à¸ĸึà¸ĩ" + ], + [ + "à¸Ĺำ", + "à¹Ħà¸Ķà¹ī" + ], + [ + "ĠìŀIJ", + "ì²´" + ], + [ + "Ġd", + "õ" + ], + [ + "Ġdõ", + "i" + ], + [ + "à¸Ī", + "ัà¸Ļ" + ], + [ + "à¸Īัà¸Ļ", + "à¸Ĺ" + ], + [ + "à¸Īัà¸Ļà¸Ĺ", + "รà¹Į" + ], + [ + "ece", + "ÄŁini" + ], + [ + "׳×ķ×¢", + "ר" + ], + [ + "غ", + "ار" + ], + [ + "ĠاÙĦØ£ÙħرÙĬ", + "ÙĥÙĬ" + ], + [ + "داع", + "Ø´" + ], + [ + "ĠбезопаÑģ", + "ноÑģÑĤи" + ], + [ + "Ġб", + "Ñİ" + ], + [ + "ĠбÑİ", + "дж" + ], + [ + "ĠбÑİдж", + "еÑĤ" + ], + [ + "ãĥĬ", + "ãĤ¤" + ], + [ + "à¸ŀà¸ļ", + "วà¹Īา" + ], + [ + "da", + "ÄŁ" + ], + [ + "×IJ", + "×ķפף" + ], + [ + "íĹ", + "Į" + ], + [ + "ãĥĢãĤ¤", + "ãĤ¨" + ], + [ + "ãĥĢãĤ¤ãĤ¨", + "ãĥĥãĥĪ" + ], + [ + "ĠëĮĢ", + "íĨµ" + ], + [ + "ĠëĮĢíĨµ", + "ëł¹" + ], + [ + "D", + "İ" + ], + [ + "Ø£", + "ØŃداث" + ], + [ + "ĠA", + "ÄŁ" + ], + [ + "ĠAÄŁ", + "ust" + ], + [ + "ĠAÄŁust", + "os" + ], + [ + "ØŃÙĦ", + "ÙĪÙĦ" + ], + [ + "Ġw", + "ÅĽ" + ], + [ + "ĠwÅĽ", + "ród" + ], + [ + "ĠÑģо", + "оÑĤвеÑĤ" + ], + [ + "ĠÑģооÑĤвеÑĤ", + "ÑģÑĤв" + ], + [ + "ĠÑģооÑĤвеÑĤÑģÑĤв", + "ии" + ], + [ + "ĠLu", + "áºŃt" + ], + [ + "Ġ׼׾", + "פ×Ļ" + ], + [ + "Ġв", + "еÑī" + ], + [ + "ĠвеÑī", + "еÑģÑĤв" + ], + [ + "×§", + "×Ļ×¥" + ], + [ + "ĠبÙĩ", + "ذا" + ], + [ + "عا", + "Ø´" + ], + [ + "à¹Ģà¸Ľà¹ĩà¸Ļ", + "à¹Ģรืà¹Īà¸Ńà¸ĩ" + ], + [ + "Т", + "Ðķ" + ], + [ + "Ġ×ij×IJ", + "×Ļ׳×ĺר׳×ĺ" + ], + [ + "س", + "عد" + ], + [ + "Ġ×Ķ×ĺ", + "×Ļפ×ķ׾" + ], + [ + "פ", + "×Ļס" + ], + [ + "à¸ĩà¹Īาย", + "à¹Ĩ" + ], + [ + "ĠGer", + "ät" + ], + [ + "׾", + "×Ļ×ĵ×Ķ" + ], + [ + "ĠÑĢ", + "иÑģк" + ], + [ + "׾ק", + "×Ĺ" + ], + [ + "н", + "наÑı" + ], + [ + "ר", + "×Ļ×ĵ" + ], + [ + "п", + "ÑĢакÑĤи" + ], + [ + "пÑĢакÑĤи", + "к" + ], + [ + "à¸Ĥัà¹īà¸Ļ", + "à¸ķà¸Ńà¸Ļ" + ], + [ + "à¸Ļà¹Īา", + "รัà¸ģ" + ], + [ + "larınız", + "ı" + ], + [ + "à¸Ńà¸Ļุ", + "à¸įา" + ], + [ + "à¸Ńà¸Ļุà¸įา", + "à¸ķ" + ], + [ + "ĠzdjÄĻ", + "cia" + ], + [ + "Ġb", + "ây" + ], + [ + "Ñģ", + "ÑĢ" + ], + [ + "ÑģÑĢ", + "оÑĩ" + ], + [ + "ãĥĭ", + "ãĥ³ãĤ°" + ], + [ + "Ġö", + "ner" + ], + [ + "Ġöner", + "i" + ], + [ + "Ġнов", + "ÑĭÑħ" + ], + [ + "دع", + "ÙĪØ©" + ], + [ + "Ġg", + "ắn" + ], + [ + "ĠاÙĦÙĦ", + "بÙĨ" + ], + [ + "ĠاÙĦÙĦبÙĨ", + "اÙĨÙĬ" + ], + [ + "ãĥĨãĤ£", + "ãĥ¼" + ], + [ + "Ġص", + "ØŃÙĬØŃ" + ], + [ + "ем", + "ÑĭÑħ" + ], + [ + "çĸ²", + "ãĤĮ" + ], + [ + "ĠпÑĢо", + "иÑģ" + ], + [ + "ĠпÑĢоиÑģ", + "ÑħодиÑĤ" + ], + [ + "ส", + "à¸ķิ" + ], + [ + "ĠT", + "ết" + ], + [ + "Ġ×Ķ׾", + "׾×ķ" + ], + [ + "à¹Ģรืà¹Īà¸Ńà¸ĩ", + "à¸Ļีà¹ī" + ], + [ + "×ŀ×ij", + "׳×Ķ" + ], + [ + "Ġconte", + "údo" + ], + [ + "Ġا", + "خت" + ], + [ + "Ġاخت", + "ÙĬار" + ], + [ + "Ùħ", + "سÙĦ" + ], + [ + "ÙħسÙĦ", + "سÙĦ" + ], + [ + "ëı", + "Ī" + ], + [ + "Ġ׾", + "×Ļ×ĵ" + ], + [ + "à¸ŀิ", + "à¸ĺี" + ], + [ + "ĠÑģов", + "Ñģ" + ], + [ + "ĠÑģовÑģ", + "ем" + ], + [ + "ãģĮãģĤãĤĬ", + "ãģ¾ãģĹãģŁ" + ], + [ + "Ġsó", + "ng" + ], + [ + "Ø¥", + "صÙĦاØŃ" + ], + [ + "ë§", + "ģ" + ], + [ + "Ùģ", + "ÙĬر" + ], + [ + "ĠJe", + "żeli" + ], + [ + "ìłľ", + "ëıĦ" + ], + [ + "d", + "ÅĤug" + ], + [ + "ìĥģ", + "ìĿĦ" + ], + [ + "Ġc", + "áºŃn" + ], + [ + "Ġhá»į", + "p" + ], + [ + "Ø£", + "ست" + ], + [ + "أست", + "اذ" + ], + [ + "Ġ×ŀ", + "×Ļש×Ķ" + ], + [ + "Ġ×ŀ×Ļש×Ķ", + "×ķ" + ], + [ + "Ġd", + "Ãły" + ], + [ + "Ġch", + "Ãłng" + ], + [ + "ãģ¡ãĤĥãĤĵ", + "ãģ¨" + ], + [ + "ĠÄij", + "ám" + ], + [ + "Ġsw", + "ój" + ], + [ + "Ġpoder", + "á" + ], + [ + "ĠоÑĤлиÑĩ", + "а" + ], + [ + "Ġpéri", + "ode" + ], + [ + "ünd", + "ig" + ], + [ + "×ĺ×¢", + "ף" + ], + [ + "ÑģÑĤÑĢо", + "иÑĤелÑĮ" + ], + [ + "ר", + "ת×Ļ" + ], + [ + "Ġ×Ļ×Ķ", + "×Ļ×ķ" + ], + [ + "׾", + "ס" + ], + [ + "ĠاÙĦÙħÙĨ", + "زÙĦ" + ], + [ + "à¸Ļิ", + "à¹īว" + ], + [ + "иÑĦ", + "ика" + ], + [ + "иÑĦика", + "ÑĨи" + ], + [ + "ðŁĺ", + "ī" + ], + [ + "Ġad", + "ına" + ], + [ + "ãĢĤãĢĤ", + "ãĢĤ" + ], + [ + "×IJ", + "×Ļף" + ], + [ + "ס", + "×Ļר" + ], + [ + "ĠÙĬ", + "عد" + ], + [ + "çŃĶ", + "ãģĪ" + ], + [ + "اÙĦ", + "جز" + ], + [ + "اÙĦجز", + "ائر" + ], + [ + "енÑĮ", + "к" + ], + [ + "ร", + "ห" + ], + [ + "รห", + "ัส" + ], + [ + "ĠTürk", + "çe" + ], + [ + "ê¾", + "¸" + ], + [ + "Ġ×Ļ", + "×ķ׼׾" + ], + [ + "Ġש", + "×ķ׳×Ķ" + ], + [ + "Ġ×ij×ŀ", + "צ×ij" + ], + [ + "ĠдейÑģÑĤв", + "иÑĤелÑĮно" + ], + [ + "ĠبأÙĨ", + "Ùĩ" + ], + [ + "×ŀ×§", + "×ĵ" + ], + [ + "Ġ×Ķש", + "×§" + ], + [ + "Ø®ÙĬ", + "ارات" + ], + [ + "Ġf", + "ı" + ], + [ + "Ġfı", + "rs" + ], + [ + "Ġfırs", + "at" + ], + [ + "ëij", + "ĺ" + ], + [ + "ĠìĦľ", + "ìļ¸" + ], + [ + "Ġ×Ķ×Ĵ", + "×ķ×£" + ], + [ + "ر", + "عا" + ], + [ + "رعا", + "ÙĬØ©" + ], + [ + "ĠK", + "ết" + ], + [ + "к", + "Ñģи" + ], + [ + "ĠÑĥÑģлÑĥг", + "и" + ], + [ + "ноÑģÑĤ", + "ей" + ], + [ + "ìļ´", + "ëıĻ" + ], + [ + "ĠобÑĬ", + "Ñı" + ], + [ + "ĠобÑĬÑı", + "вл" + ], + [ + "н", + "еж" + ], + [ + "×Ķפ", + "×ļ" + ], + [ + "Ġ×ij×¢", + "×Ļ׳×Ļ" + ], + [ + "ëĨ", + "Ĵ" + ], + [ + "ĠпÑĢоÑĨ", + "ед" + ], + [ + "ĠпÑĢоÑĨед", + "ÑĥÑĢ" + ], + [ + "Ġiht", + "iy" + ], + [ + "Ġihtiy", + "acı" + ], + [ + "Ġë°Ķ", + "ëŀį" + ], + [ + "Ġë°Ķëŀį", + "ëĭĪëĭ¤" + ], + [ + "à¸ģล", + "ัว" + ], + [ + "ĠÑģл", + "ожно" + ], + [ + "×§×Ļ", + "×Ļ×ŀת" + ], + [ + "ĠÄIJ", + "ình" + ], + [ + "ĠÙħ", + "ÙĦÙģ" + ], + [ + "Ġà¹Ĥà¸Ķย", + "มี" + ], + [ + "Ġkat", + "kı" + ], + [ + "تØŃ", + "ÙĪÙĬÙĦ" + ], + [ + "à¹Ħ", + "à¸ŀ" + ], + [ + "ĠH", + "á»į" + ], + [ + "ñ", + "e" + ], + [ + "Ġдо", + "Ñħод" + ], + [ + "Ġtho", + "ải" + ], + [ + "íķĺìŬ", + "ìķ¼" + ], + [ + "ãĤ¹ãĥĿ", + "ãĥ¼ãĥ" + ], + [ + "ãĤ¹ãĥĿãĥ¼ãĥ", + "Ħ" + ], + [ + "ĠG", + "òn" + ], + [ + "Ġk", + "è" + ], + [ + "Ġkè", + "m" + ], + [ + "é̲", + "ãĤģ" + ], + [ + "ãĤ¹", + "ãĥ¼ãĥ" + ], + [ + "ãĤ¹ãĥ¼ãĥ", + "ij" + ], + [ + "ãĤ¹ãĥ¼ãĥij", + "ãĥ¼" + ], + [ + "ĠgiÃł", + "u" + ], + [ + "ĠØ¥", + "عادة" + ], + [ + "Ġ׾", + "×ķ×§" + ], + [ + "Ġ׾×ķ×§", + "×Ĺ" + ], + [ + "ĠÑħоÑĩ", + "еÑĤ" + ], + [ + "×ĺ", + "׾×ķ×ķ" + ], + [ + "×ĺ׾×ķ×ķ", + "×Ļ×ĸ" + ], + [ + "×ĺ׾×ķ×ķ×Ļ×ĸ", + "×Ļ×Ķ" + ], + [ + "Ġth", + "uyết" + ], + [ + "ãģĿãĤĮ", + "ãģ§" + ], + [ + "Ġvard", + "ı" + ], + [ + "à¹Ħร", + "à¹ī" + ], + [ + "ع", + "بد" + ], + [ + "ĠRep", + "ública" + ], + [ + "ãĥ¼ãĤ¿", + "ãĥ¼" + ], + [ + "Ġ×ŀ×IJ", + "×ķת" + ], + [ + "à¹Ħà¸Ľ", + "à¹ģลà¹īว" + ], + [ + "Ġyapıl", + "acak" + ], + [ + "ãĤ¹ãĤ¿", + "ãĥ¼ãĥĪ" + ], + [ + "ãģ»", + "ãģ¼" + ], + [ + "Ġko", + "ÅŁ" + ], + [ + "ĠмаÑĤ", + "еÑĢи" + ], + [ + "Ġsiè", + "cle" + ], + [ + "ĠاÙĦÙħ", + "ختÙĦÙģ" + ], + [ + "ĠاÙĦÙħختÙĦÙģ", + "Ø©" + ], + [ + "Ġ׾ק", + "ר×IJ" + ], + [ + "Ġ׾קר×IJ", + "ת" + ], + [ + "Ġ×Ķפ", + "×ķ×¢×ľ" + ], + [ + "Ġt", + "òa" + ], + [ + "Ġr", + "Æ¡i" + ], + [ + "åij¨", + "ãĤĬ" + ], + [ + "à¸Ŀ", + "à¸Ļ" + ], + [ + "j", + "ÅĽÄĩ" + ], + [ + "ĠìķĬ", + "ìĿĦ" + ], + [ + "اÙĨت", + "ÙĤاÙĦ" + ], + [ + "ëĸ", + "ł" + ], + [ + "ив", + "аеÑĤ" + ], + [ + "ãĥĪ", + "ãĥ«" + ], + [ + "ĠاÙĦÙģÙĦسطÙĬÙĨ", + "ÙĬØ©" + ], + [ + "à¸ģลà¹Īาว", + "วà¹Īา" + ], + [ + "ا", + "Ùĥت" + ], + [ + "ĠÃĸ", + "l" + ], + [ + "ĠÑĢе", + "ÑĪи" + ], + [ + "ĠÑĢеÑĪи", + "л" + ], + [ + "Ġ׳×ķס", + "פ×ķת" + ], + [ + "Ġìłķ", + "ì¹ĺ" + ], + [ + "вл", + "еÑĩен" + ], + [ + "Ùħر", + "ØŃÙĦØ©" + ], + [ + "Ġcome", + "ça" + ], + [ + "Ġy", + "ık" + ], + [ + "ìĤ", + "´" + ], + [ + "à¸ĺ", + "à¸Ļา" + ], + [ + "à¸ĺà¸Ļา", + "à¸Ħาร" + ], + [ + "à¸Ńà¸Ļ", + "า" + ], + [ + "à¸Ńà¸Ļา", + "à¸Ħ" + ], + [ + "à¸Ńà¸Ļาà¸Ħ", + "à¸ķ" + ], + [ + "Ġpeque", + "ña" + ], + [ + "ä»ķ", + "äºĭãĤĴ" + ], + [ + "Ġب", + "ذÙĦÙĥ" + ], + [ + "Ġнов", + "ого" + ], + [ + "ãģĹãģ¦", + "ãģĦãģªãģĦ" + ], + [ + "ĠاÙĦÙħ", + "ÙĬاÙĩ" + ], + [ + "à¸ģà¹ĩ", + "à¹Ģà¸Ľà¹ĩà¸Ļ" + ], + [ + "Ġж", + "ÑĥÑĢ" + ], + [ + "ĠжÑĥÑĢ", + "нал" + ], + [ + "в", + "еÑģ" + ], + [ + "خت", + "ار" + ], + [ + "Ġ매", + "ìļ°" + ], + [ + "ĠM", + "ã" + ], + [ + "ĠавÑĤомаÑĤ", + "Ñĭ" + ], + [ + "ضع", + "Ùģ" + ], + [ + "ĠاÙĦÙģ", + "Ùĥر" + ], + [ + "ãģ§ãģĻ", + "ãģ®ãģ§" + ], + [ + "ãĥ¡ãĥ³", + "ãĥIJãĥ¼" + ], + [ + "Ġк", + "ÑĢÑĥг" + ], + [ + "ĠاÙĦسÙĦ", + "طة" + ], + [ + "à¸Ħรัà¹īà¸ĩ", + "à¹ģรà¸ģ" + ], + [ + "à¸ģระà¸Ĺ", + "รว" + ], + [ + "à¸ģระà¸Ĺรว", + "à¸ĩ" + ], + [ + "ÑĨ", + "ов" + ], + [ + "éķ·", + "ãģĦ" + ], + [ + "大ãģį", + "ãģĦ" + ], + [ + "Ġgeç", + "miÅŁ" + ], + [ + "ìĦ±", + "ìĿ´" + ], + [ + "Ġצר", + "×Ļ׼×Ķ" + ], + [ + "Ġм", + "оÑī" + ], + [ + "ĠмоÑī", + "н" + ], + [ + "Ġ×§", + "×Ļש" + ], + [ + "Ġ×§×Ļש", + "×ķר×Ļ×Ŀ" + ], + [ + "ĠNas", + "ıl" + ], + [ + "г", + "ÑĢан" + ], + [ + "Ġ×ŀ", + "×ķצר×Ļ×Ŀ" + ], + [ + "Ġ×ŀס", + "×ķ×Ĵ" + ], + [ + "Ġy", + "ür" + ], + [ + "Ġyür", + "üt" + ], + [ + "Ġ׾×Ĺ", + "צ×ķ" + ], + [ + "×ķÖ", + "¼" + ], + [ + "ĠìŀĪ", + "ìĹĪëĭ¤" + ], + [ + "Ġter", + "ör" + ], + [ + "ĠTh", + "ương" + ], + [ + "ĠÙĪ", + "ÙĬÙħ" + ], + [ + "ĠÙĪÙĬÙħ", + "ÙĥÙĨ" + ], + [ + "ج", + "ÙĪÙĨ" + ], + [ + "ĠÙĪØºÙĬر", + "Ùĩا" + ], + [ + "×ŀ", + "פ×ķ" + ], + [ + "×Ĵ×ķר", + "×ŀ×Ļ×Ŀ" + ], + [ + "׼×ij", + "×Ļש" + ], + [ + "ĠاÙĦÙĦ", + "غ" + ], + [ + "ĠاÙĦÙĦغ", + "Ø©" + ], + [ + "شر", + "Ùĥ" + ], + [ + "ĠاÙĦر", + "اب" + ], + [ + "ĠاÙĦراب", + "ع" + ], + [ + "ĠпÑĢ", + "ек" + ], + [ + "ĠпÑĢек", + "ÑĢаÑģ" + ], + [ + "ĠпÑĢекÑĢаÑģ", + "н" + ], + [ + "Ġenerg", + "ÃŃa" + ], + [ + "×§×ĵ", + "×ŀ×Ļ" + ], + [ + "ãģıãģª", + "ãģ£ãģŁ" + ], + [ + "ĠÄij", + "ứ" + ], + [ + "ĠÄijứ", + "a" + ], + [ + "Serv", + "i" + ], + [ + "Servi", + "ço" + ], + [ + "Ġkald", + "ır" + ], + [ + "åĥį", + "ãģį" + ], + [ + "Ġод", + "еж" + ], + [ + "Ġодеж", + "д" + ], + [ + "물", + "ìĿĦ" + ], + [ + "ãģĿãģĨ", + "ãģ§" + ], + [ + "ãģĮãģĤ", + "ãĤĮãģ°" + ], + [ + "ìĻ", + "ķ" + ], + [ + "צ×ĵ", + "×§" + ], + [ + "Ġart", + "ır" + ], + [ + "Ġile", + "ti" + ], + [ + "Ġileti", + "ÅŁim" + ], + [ + "ãĤĪãģĨ", + "ãģ§" + ], + [ + "ãĥĪ", + "ãĥ¼" + ], + [ + "ãĤ¢", + "ãĥĭ" + ], + [ + "ãĤ¢ãĥĭ", + "ãĥ¡" + ], + [ + "×ĺ×Ļ", + "×Ļ׾" + ], + [ + "ãĥķ", + "ãĥªãĥ¼" + ], + [ + "ãĥĿ", + "ãĥ³" + ], + [ + "ÐŁÑĢ", + "о" + ], + [ + "Ġع", + "اÙĦÙĬØ©" + ], + [ + "ĠÃ¶ÄŁ", + "ret" + ], + [ + "ĠÃ¶ÄŁret", + "men" + ], + [ + "ĠкаÑĩеÑģÑĤв", + "а" + ], + [ + "Ġ×Ķ×ĺ", + "×ij×¢" + ], + [ + "Ġзна", + "Ñİ" + ], + [ + "ãģ¦", + "ãģıãĤĭ" + ], + [ + "Ġm", + "ừng" + ], + [ + "ÙħÙĪ", + "ت" + ], + [ + "ש", + "×ķ×ŀר" + ], + [ + "×Ĺ׾", + "×ij" + ], + [ + "Ġwzgl", + "ÄĻ" + ], + [ + "ĠwzglÄĻ", + "du" + ], + [ + "ë²Ī", + "째" + ], + [ + "Ġtá»", + "ĵ" + ], + [ + "Ġtá»ĵ", + "n" + ], + [ + "ãĥ¯ãĥ¼", + "ãĤ¯" + ], + [ + "Ġpo", + "życz" + ], + [ + "Ġpożycz", + "k" + ], + [ + "×Ļ", + "×ķצר×Ļ×Ŀ" + ], + [ + "Ùĥر", + "Ùħ" + ], + [ + "Ġг", + "аÑĢ" + ], + [ + "ĠгаÑĢ", + "ан" + ], + [ + "ĠгаÑĢан", + "ÑĤи" + ], + [ + "ล", + "à¹īาà¸ĩ" + ], + [ + "Ġìĺģ", + "íĻĶ" + ], + [ + "×ĺ", + "×Ļס" + ], + [ + "Ġth", + "ẻ" + ], + [ + "ĠìŀĪëĭ¤", + "ê³ł" + ], + [ + "اÙĦت", + "ز" + ], + [ + "اÙĦتز", + "اÙħ" + ], + [ + "Ġна", + "ÑĪи" + ], + [ + "is", + "ée" + ], + [ + "ãģĵãĤĮ", + "ãĤĴ" + ], + [ + "Ġm", + "ẽ" + ], + [ + "ض", + "ÙĦ" + ], + [ + "بÙĪ", + "ت" + ], + [ + "Ġ׼", + "׼×Ķ" + ], + [ + "h", + "ợ" + ], + [ + "ĠاÙĦس", + "ÙĪØ±ÙĬØ©" + ], + [ + "Ġ×ľ×¢", + "×ķ×ŀ" + ], + [ + "Ġ×ľ×¢×ķ×ŀ", + "ת" + ], + [ + "ĠbaÅŁ", + "ar" + ], + [ + "ĠbaÅŁar", + "ılı" + ], + [ + "е", + "ÑģÑĤÑĮ" + ], + [ + "à¸Ħร", + "ี" + ], + [ + "à¸Ħรี", + "ม" + ], + [ + "ĠìłĦ", + "ì²´" + ], + [ + "ĠسÙĬ", + "ÙĥÙĪÙĨ" + ], + [ + "Ġ×ŀ×ĵ", + "×ķ×¢" + ], + [ + "ĠëķĮ문", + "ìĿ´ëĭ¤" + ], + [ + "Ġc", + "ứng" + ], + [ + "ger", + "ät" + ], + [ + "Ġм", + "иÑĢ" + ], + [ + "ĠмиÑĢ", + "е" + ], + [ + "ĠÙĥÙĬÙģ", + "ÙĬØ©" + ], + [ + "Ġפר", + "×ĺ×Ļ×Ŀ" + ], + [ + "Ġgo", + "ÅĽci" + ], + [ + "иÑĤ", + "еÑģÑĮ" + ], + [ + "ÑĥÑĪ", + "ки" + ], + [ + "ؤ", + "ÙħÙĨ" + ], + [ + "Ġ×IJ", + "׼ף" + ], + [ + "ĠاÙĦر", + "جÙĦ" + ], + [ + "Ġl", + "á»įc" + ], + [ + "à¹Ģรีย", + "à¸ģวà¹Īา" + ], + [ + "ãģĵãģ®", + "ãĤĪãģĨãģª" + ], + [ + "ë§Į", + "íģ¼" + ], + [ + "Ġп", + "еÑĩ" + ], + [ + "ÙĪÙĦ", + "ات" + ], + [ + "ĠÃľ", + "ye" + ], + [ + "liÄŁ", + "inde" + ], + [ + "à¸Ħะ", + "à¹ģà¸Ļ" + ], + [ + "à¸Ħะà¹ģà¸Ļ", + "à¸Ļ" + ], + [ + "ãĤĭãģĵãģ¨", + "ãģ¯" + ], + [ + "วิ", + "à¹Ģà¸Ħร" + ], + [ + "วิà¹Ģà¸Ħร", + "าะ" + ], + [ + "วิà¹Ģà¸Ħราะ", + "หà¹Į" + ], + [ + "Ġвозмож", + "ноÑģÑĤи" + ], + [ + "ĠاÙĦÙĨ", + "ساء" + ], + [ + "ãĥīãĥ©", + "ãĥŀ" + ], + [ + "Ġgü", + "c" + ], + [ + "Ġgüc", + "ü" + ], + [ + "Ġt", + "ưá»Ŀng" + ], + [ + "Ġacomp", + "aña" + ], + [ + "ãĤ¤", + "ãĥ©" + ], + [ + "×§", + "צ×ij" + ], + [ + "ĠY", + "ö" + ], + [ + "ĠYö", + "net" + ], + [ + "ĠYönet", + "im" + ], + [ + "สัม", + "à¸ľ" + ], + [ + "à¸ªà¸±à¸¡à¸ľ", + "ัส" + ], + [ + "à¸Ļ", + "าม" + ], + [ + "ĠÄij", + "ợi" + ], + [ + "à¹ģหà¹Īà¸ĩ", + "à¸Ĭาà¸ķิ" + ], + [ + "ãģĿãĤĮ", + "ãģ§ãĤĤ" + ], + [ + "ät", + "ig" + ], + [ + "ת", + "×ķ×Ŀ" + ], + [ + "ĠbaÅŁ", + "lat" + ], + [ + "ĠвÑģ", + "ей" + ], + [ + "ת", + "×Ļ×§" + ], + [ + "ת×Ļ×§", + "×ķף" + ], + [ + "ĠNg", + "ô" + ], + [ + "ĠGesch", + "ä" + ], + [ + "ĠGeschä", + "fts" + ], + [ + "Ø£", + "Ùħ" + ], + [ + "Ø£Ùħ", + "راض" + ], + [ + "à¹Ģà¸Ĺ", + "à¸Ħà¸Ļ" + ], + [ + "à¹Ģà¸Ĺà¸Ħà¸Ļ", + "ิ" + ], + [ + "à¹Ģà¸Ĺà¸Ħà¸Ļิ", + "à¸Ħ" + ], + [ + "Ġм", + "енÑĮ" + ], + [ + "ĠменÑĮ", + "ÑĪе" + ], + [ + "Ġöl", + "ç" + ], + [ + "Ġölç", + "ü" + ], + [ + "ĠÙĬ", + "جعÙĦ" + ], + [ + "ĠÄij", + "ỡ" + ], + [ + "ש", + "×Ļ׾" + ], + [ + "ש×Ļ׾", + "×ķ×ij" + ], + [ + "ĠGr", + "Ã¶ÃŁe" + ], + [ + "ĠÙĩ", + "اتÙģ" + ], + [ + "รà¹īาà¸Ļ", + "à¸Ńาหาร" + ], + [ + "×Ķ׾", + "×Ļ׼" + ], + [ + "×Ķ׾×Ļ׼", + "×Ļ" + ], + [ + "иÑĢÑĥ", + "ÑİÑī" + ], + [ + "èĭ¥", + "ãģĦ" + ], + [ + "ĠÃĸ", + "zel" + ], + [ + "ãģĦãģŁ", + "ãĤī" + ], + [ + "à¸Ħำ", + "à¸ĸาม" + ], + [ + "Ġzosta", + "ÅĤy" + ], + [ + "Ġ×Ķס", + "×Ļפ×ķר" + ], + [ + "×Ķ", + "×ķ׾" + ], + [ + "×Ķ×ķ׾", + "×ļ" + ], + [ + "à¹Ģà¸Ĭà¹Īà¸Ļ", + "à¸ģัà¸Ļ" + ], + [ + "à¹Ĥ", + "à¸Ĩ" + ], + [ + "à¹Ĥà¸Ĩ", + "ษ" + ], + [ + "à¹Ĥà¸Ĩษ", + "à¸ĵา" + ], + [ + "×IJר", + "צ×ķת" + ], + [ + "×Ĵר", + "פ×Ļ" + ], + [ + "Ġao", + "ût" + ], + [ + "ĠÙĬ", + "رÙĬد" + ], + [ + "ت", + "ÙĪØ¬" + ], + [ + "تÙĪØ¬", + "ÙĬÙĩ" + ], + [ + "ĠÑįÑĤ", + "ап" + ], + [ + "ãĤ¹ãĤ¿", + "ãĥ³" + ], + [ + "Ġkr", + "ó" + ], + [ + "Ġkró", + "tk" + ], + [ + "ãĤĴ使", + "ãģĨ" + ], + [ + "ì", + "·¨" + ], + [ + "éĸ¢", + "ãĤı" + ], + [ + "à¸Ķà¹īวย", + "à¸Ħวาม" + ], + [ + "à¸Ļำ", + "à¹Ģสà¸Ļà¸Ń" + ], + [ + "Ġa", + "yrıca" + ], + [ + "à¸Ī", + "à¹īาà¸ĩ" + ], + [ + "ĠÑĦоÑĤ", + "огÑĢаÑĦ" + ], + [ + "Ġв", + "еÑĩ" + ], + [ + "ĠвеÑĩ", + "еÑĢ" + ], + [ + "åĩº", + "ãģĹãģŁ" + ], + [ + "ĠÐ¥", + "о" + ], + [ + "Ġ×ŀ", + "ר×Ĵ×Ļש" + ], + [ + "à¹ĥหà¹ī", + "à¹Ģà¸Ľà¹ĩà¸Ļ" + ], + [ + "ãĤĴ", + "缮" + ], + [ + "ãĤĴ缮", + "æĮĩ" + ], + [ + "׾", + "×ŀ×Ļ×Ŀ" + ], + [ + "nÄħ", + "ÅĤ" + ], + [ + "ĠÑģÑĤ", + "анд" + ], + [ + "ĠÑģÑĤанд", + "аÑĢÑĤ" + ], + [ + "ĠSü", + "d" + ], + [ + "ĠT", + "âm" + ], + [ + "اخت", + "بار" + ], + [ + "à¹Ģà¸ģ", + "à¸Ńรà¹Į" + ], + [ + "Ùħس", + "رØŃ" + ], + [ + "Ġbi", + "á»ĩn" + ], + [ + "ب", + "Ùı" + ], + [ + "Ġص", + "اÙĦ" + ], + [ + "ĠصاÙĦ", + "ØŃ" + ], + [ + "ĠPh", + "ụ" + ], + [ + "íľ", + "´" + ], + [ + "ãĥ¬ãĥĵ", + "ãĥ¥ãĥ¼" + ], + [ + "Ġbụ", + "ng" + ], + [ + "Ġrég", + "ime" + ], + [ + "ĠØ£", + "Ø´Ùĩر" + ], + [ + "ĠÑĢабоÑĤ", + "ник" + ], + [ + "à¸Ŀ", + "ัà¸Ļ" + ], + [ + "اع", + "تÙħ" + ], + [ + "اعتÙħ", + "اد" + ], + [ + "Ġзам", + "еÑĤ" + ], + [ + "ãģ¾", + "ãģ£ãģ¦" + ], + [ + "Ġch", + "ặt" + ], + [ + "æĿ¥", + "ãĤĭ" + ], + [ + "ĠاÙĦÙĤ", + "ÙĪØ§Øª" + ], + [ + "ãģ«åħ¥", + "ãģ£ãģ¦" + ], + [ + "تØŃ", + "اÙĦÙģ" + ], + [ + "Ùħ", + "زÙĬد" + ], + [ + "ĠÙĬ", + "صÙĦ" + ], + [ + "ìĹ", + "¼" + ], + [ + "à¹Ģà¸Ĭ", + "à¹ĩ" + ], + [ + "à¹Ģà¸Ĭà¹ĩ", + "à¸Ħ" + ], + [ + "Ġk", + "á»ĭ" + ], + [ + "Ġká»ĭ", + "p" + ], + [ + "ĠìķĦ", + "ì§ģ" + ], + [ + "×IJ׳", + "×Ĵ" + ], + [ + "Ġобла", + "ÑģÑĤÑĮ" + ], + [ + "Ġpomoc", + "Äħ" + ], + [ + "Ġ×ķ", + "ש׾" + ], + [ + "ëĵł", + "ì§Ģ" + ], + [ + "ĠGi", + "ám" + ], + [ + "ĠSt", + "ück" + ], + [ + "Ġchá", + "y" + ], + [ + "ĠëĤĺ", + "ìĺ¤" + ], + [ + "ש", + "×Ļ×ĺת" + ], + [ + "×ŀ×ĵ", + "ר" + ], + [ + "×ŀ×ĵר", + "×Ļ×ļ" + ], + [ + "Ġsüre", + "ç" + ], + [ + "к", + "ва" + ], + [ + "×ij׾", + "×Ļ×Ŀ" + ], + [ + "×Ķ", + "ת×Ļ" + ], + [ + "×Ķת×Ļ", + "×Ļ×Ĺס" + ], + [ + "ÙĤب", + "اÙĦ" + ], + [ + "Ġס", + "×ķ×Ĵ" + ], + [ + "Ġס×ķ×Ĵ", + "×Ļ" + ], + [ + "ÑģÑĤ", + "олÑĮ" + ], + [ + "ä½ķ", + "ãĤĤ" + ], + [ + "×ĸ׼", + "×ķר" + ], + [ + "è²·", + "ãģĨ" + ], + [ + "å®ī", + "ãģı" + ], + [ + "à¸Ħรัà¹īà¸ĩ", + "à¸Ļีà¹ī" + ], + [ + "kö", + "p" + ], + [ + "ĠÑģеÑĢ", + "виÑģ" + ], + [ + "оÑĩ", + "нÑĭÑħ" + ], + [ + "ê±°", + "ëŀĺ" + ], + [ + "تأ", + "Ùĥ" + ], + [ + "تأÙĥ", + "ÙĬد" + ], + [ + "×ĵ", + "׾ק" + ], + [ + "Ġпо", + "Ñĩем" + ], + [ + "ĠпоÑĩем", + "Ñĥ" + ], + [ + "пиÑģ", + "аÑĤÑĮ" + ], + [ + "×ij", + "שר" + ], + [ + "ĠH", + "Ãłng" + ], + [ + "ĠT", + "ìm" + ], + [ + "Ġtr", + "ừ" + ], + [ + "ãĤ»", + "ãĥĥãĤ¯ãĤ¹" + ], + [ + "×ķ׳", + "×Ĵ" + ], + [ + "mız", + "da" + ], + [ + "п", + "Ñģи" + ], + [ + "ĠìŀĪ", + "기" + ], + [ + "Ġr", + "út" + ], + [ + "ز", + "اÙĨ" + ], + [ + "تÙĨ", + "ÙĪØ¹" + ], + [ + "ÙħÙĤ", + "ا" + ], + [ + "ÙħÙĤا", + "ÙĪÙħØ©" + ], + [ + "Ġ׾צ", + "×ķר×ļ" + ], + [ + "Ġ×ij", + "×Ļר×ķש׾×Ļ×Ŀ" + ], + [ + "ãĥ´", + "ãĤ£" + ], + [ + "eb", + "ile" + ], + [ + "ebile", + "ceÄŁi" + ], + [ + "ãĥ¦", + "ãĥ¼ãĤ" + ], + [ + "ãĥ¦ãĥ¼ãĤ", + "¶" + ], + [ + "ãĥ¦ãĥ¼ãĤ¶", + "ãĥ¼" + ], + [ + "ãĤĴä½ľ", + "ãĤĭ" + ], + [ + "Ñģ", + "меÑĢ" + ], + [ + "ÑģмеÑĢ", + "ÑĤ" + ], + [ + "Ġì§", + "ģ" + ], + [ + "Ġì§ģ", + "ìłij" + ], + [ + "ĠÐŁ", + "аÑĢ" + ], + [ + "ØŃ", + "اض" + ], + [ + "ØŃاض", + "ر" + ], + [ + "Ùħ", + "ÙĥاÙģ" + ], + [ + "ÙħÙĥاÙģ", + "ØŃØ©" + ], + [ + "ล", + "ิà¸Ļ" + ], + [ + "ãģ¦", + "ãģįãģ¦" + ], + [ + "ÑĢоÑģ", + "л" + ], + [ + "ĠÄ°ÅŁ", + "te" + ], + [ + "ÙĤص", + "ÙĬر" + ], + [ + "Ġ×ij×Ĵ", + "×Ļ׾" + ], + [ + "Ġ×ŀת", + "×IJ×Ļ×Ŀ" + ], + [ + "Ġ×Ķ", + "×Ĺ×ĵ" + ], + [ + "Ġ×Ķ×Ĺ×ĵ", + "ש×Ķ" + ], + [ + "ר", + "×ķ×¢" + ], + [ + "Ġprodukt", + "ów" + ], + [ + "ĠÙħ", + "صدر" + ], + [ + "не", + "ÑĨ" + ], + [ + "ĠاÙĦعÙħÙĦ", + "ات" + ], + [ + "Ġçık", + "ma" + ], + [ + "Ġد", + "بÙĬ" + ], + [ + "×§", + "×Ļף" + ], + [ + "ת", + "×IJר" + ], + [ + "ת×IJר", + "×Ļ×ļ" + ], + [ + "׳×Ļ", + "×Ļ×ĵ" + ], + [ + "صر", + "اع" + ], + [ + "l", + "ève" + ], + [ + "צ", + "×Ļר" + ], + [ + "à¸Ķ", + "ัà¸Ļ" + ], + [ + "à¹ĥหà¹ī", + "à¹Ħà¸Ķà¹ī" + ], + [ + "ãĤ¿ãĤ¤", + "ãĥł" + ], + [ + "Ġgi", + "ảng" + ], + [ + "С", + "ÐŁ" + ], + [ + "ĠاÙĦÙħ", + "ØŃÙĦ" + ], + [ + "ĠاÙĦÙħØŃÙĦ", + "ÙĬØ©" + ], + [ + "ĠT", + "ất" + ], + [ + "׾", + "×ķ×ĺ" + ], + [ + "h", + "á»ķ" + ], + [ + "Ġam", + "éric" + ], + [ + "Ġaméric", + "ain" + ], + [ + "Ġ×ijש׾", + "×ij" + ], + [ + "Ġ׾×IJ", + "×ķ×ŀ×Ļ" + ], + [ + "Ġpe", + "ça" + ], + [ + "ĠÑĢаз", + "нÑĭÑħ" + ], + [ + "ãģĦãĤĭ", + "ãģ¨" + ], + [ + "ãĥĩ", + "ãĥ³" + ], + [ + "ס", + "קר" + ], + [ + "Ġ×Ķ×ŀ×Ĺ", + "×Ļר" + ], + [ + "ãģ¨ãģĦãģĨ", + "ãĤĤãģ®" + ], + [ + "رت", + "بط" + ], + [ + "ĠиÑģÑĤ", + "оÑĩ" + ], + [ + "ĠиÑģÑĤоÑĩ", + "ник" + ], + [ + "สมัà¸Ħร", + "สมาà¸Ĭิà¸ģ" + ], + [ + "Ġ", + "à¸Ĺัà¹īà¸ĩ" + ], + [ + "Ġà¸Ĺัà¹īà¸ĩ", + "à¸Ļีà¹ī" + ], + [ + "ĠT", + "áºŃp" + ], + [ + "ãģ£ãģ¦", + "ãģĦãģĨ" + ], + [ + "ĠاÙĦÙĪ", + "صÙĪÙĦ" + ], + [ + "Ġdéc", + "ada" + ], + [ + "Ġо", + "ÑĦоÑĢм" + ], + [ + "ĠоÑĦоÑĢм", + "лен" + ], + [ + "สำหรัà¸ļ", + "à¸ģาร" + ], + [ + "Ġog", + "óln" + ], + [ + "ãģĨãģ¡", + "ãģ«" + ], + [ + "Ġvá", + "rias" + ], + [ + "ãģĻãģİ", + "ãĤĭ" + ], + [ + "ÙĪ", + "Ùĩا" + ], + [ + "à¹Ĥà¸Ľà¸£", + "à¸Ķ" + ], + [ + "ĠÐłÐ¾ÑģÑģ", + "иÑı" + ], + [ + "人", + "ãĢħ" + ], + [ + "ãģĹãģ¦", + "ãģįãģŁ" + ], + [ + "Ġsı", + "rasında" + ], + [ + "Ġng", + "ôn" + ], + [ + "س", + "ÙĨØ©" + ], + [ + "تÙħ", + "تع" + ], + [ + "×ŀ׼", + "×ij×Ļ" + ], + [ + "Ġnh", + "ấn" + ], + [ + "×¢", + "×ŀ×Ļ×ĵ" + ], + [ + "á»", + "¨" + ], + [ + "ж", + "иÑĤÑĮ" + ], + [ + "ãĤī", + "ãģĽ" + ], + [ + "gr", + "áf" + ], + [ + "gráf", + "ica" + ], + [ + "ĠÙĤ", + "ÙĪÙĦ" + ], + [ + "ĠÙĤÙĪÙĦ", + "Ùĩ" + ], + [ + "ëĭ¨", + "ì²´" + ], + [ + "ห", + "à¹īา" + ], + [ + "หà¹īา", + "ม" + ], + [ + "使", + "ãģ£ãģ¦" + ], + [ + "ת", + "×Ļ×ij" + ], + [ + "ת×Ļ×ij", + "ת" + ], + [ + "i", + "á»ĥu" + ], + [ + "à¹ģ", + "à¸Ĭม" + ], + [ + "à¹ģà¸Ĭม", + "à¸Ľ" + ], + [ + "à¹ģà¸Ĭà¸¡à¸Ľ", + "à¹Į" + ], + [ + "áº", + "¬" + ], + [ + "ĠëĤĺ", + "ëĿ¼" + ], + [ + "ĠÙħباشر", + "Ø©" + ], + [ + "Ġtr", + "Äĥm" + ], + [ + "سÙĥ", + "ÙĪ" + ], + [ + "ĠاÙĦذ", + "Ùī" + ], + [ + "Ġbi", + "ç" + ], + [ + "Ġbiç", + "im" + ], + [ + "ت", + "راجع" + ], + [ + "Ġоб", + "еÑģп" + ], + [ + "ĠобеÑģп", + "еÑĩ" + ], + [ + "ĠобеÑģпеÑĩ", + "ива" + ], + [ + "Ġвозд", + "ÑĥÑħ" + ], + [ + "Ñĭв", + "аÑĤÑĮ" + ], + [ + "ÙĦ", + "ØŃÙĤ" + ], + [ + "ĠMü", + "dü" + ], + [ + "ĠMüdü", + "rl" + ], + [ + "ĠMüdürl", + "Ã¼ÄŁÃ¼" + ], + [ + "Ġyapt", + "ır" + ], + [ + "Ġפר", + "ס" + ], + [ + "Ġפרס", + "×ķ×Ŀ" + ], + [ + "Ø·", + "ÙĪØ±" + ], + [ + "ÑģÑĤв", + "оваÑĤÑĮ" + ], + [ + "ìŀ¥", + "ìĿĦ" + ], + [ + "à¸Ĺีà¹Īà¸Ķี", + "à¸Ĺีà¹Īสุà¸Ķ" + ], + [ + "à¸Ńั", + "ล" + ], + [ + "ÑĢ", + "Ñİ" + ], + [ + "Ùħست", + "ÙĤبÙĦ" + ], + [ + "Ñģл", + "ÑĥÑĪ" + ], + [ + "ÑģлÑĥÑĪ", + "а" + ], + [ + "èªį", + "ãĤģ" + ], + [ + "Ġ׾", + "×Ļ×ŀ" + ], + [ + "Ġ׾×Ļ×ŀ", + "×ķ×ĵ×Ļ" + ], + [ + "ת", + "ש×ķ×ij" + ], + [ + "תש×ķ×ij", + "×ķת" + ], + [ + "ĠgerçekleÅŁtir", + "il" + ], + [ + "ĠاÙĦ", + "اتÙ쨧ÙĤ" + ], + [ + "ĠÑĥÑĢов", + "не" + ], + [ + "ĠÑĤ", + "ÑĢав" + ], + [ + "Ġ×Ķ×ŀ", + "×ķף" + ], + [ + "ØŃÙģ", + "اظ" + ], + [ + "ĠÙħ", + "ÙIJ" + ], + [ + "ĠÙħÙIJ", + "ÙĨ" + ], + [ + "ĠÙħÙIJÙĨ", + "ÙĴ" + ], + [ + "Ġdem", + "ás" + ], + [ + "×ŀ×ķ×ĸ", + "×Ļ×§×Ķ" + ], + [ + "ש", + "×Ļ×Ĺ×Ķ" + ], + [ + "Ġb", + "ú" + ], + [ + "алÑĮ", + "нÑĭм" + ], + [ + "ãĤı", + "ãģŁ" + ], + [ + "ãĤıãģŁ", + "ãģĹ" + ], + [ + "ĠاÙĦÙħÙĪ", + "اد" + ], + [ + "ת", + "׼׳" + ], + [ + "×ª×Ľ×ł", + "×ķף" + ], + [ + "ãĥŃ", + "ãĥĥãĤ¯" + ], + [ + "hi", + "ếu" + ], + [ + "ĠÑĥ", + "ме" + ], + [ + "ÙħØŃا", + "ÙĪÙĦØ©" + ], + [ + "×IJ", + "×ķשר" + ], + [ + "Ġкон", + "кÑĥÑĢ" + ], + [ + "ĠконкÑĥÑĢ", + "Ñģ" + ], + [ + "Ġ×ŀ", + "×ij×Ĺ" + ], + [ + "Ġ×ŀ×ij×Ĺ", + "×Ļ×ł×ª" + ], + [ + "Ġan", + "lam" + ], + [ + "Ġanlam", + "ı" + ], + [ + "Ġli", + "á»ĩt" + ], + [ + "Ġв", + "Ñħод" + ], + [ + "ĠH", + "ình" + ], + [ + "ĠÙĨ", + "ÙĬ" + ], + [ + "ĠÙĨÙĬ", + "ÙĪØ²" + ], + [ + "ãĤ¸ãĥ£", + "ãĥ¼" + ], + [ + "×ij", + "×Ļ×¥" + ], + [ + "ÑĤелÑĮ", + "нÑĭÑħ" + ], + [ + "à¸Ĺุà¸ģ", + "à¸Ńยà¹Īาà¸ĩ" + ], + [ + "ĠkiÅŁ", + "inin" + ], + [ + "Ø£", + "Ùĥثر" + ], + [ + "ĠиÑģÑĤоÑĢ", + "ии" + ], + [ + "Ġë³Ģ", + "íĻĶ" + ], + [ + "פ׾", + "ס×ĺ" + ], + [ + "×¤×ľ×¡×ĺ", + "×Ļ׳×Ļ" + ], + [ + "ĠÑģ", + "еÑĤ" + ], + [ + "ĠÑģеÑĤ", + "и" + ], + [ + "dıģ", + "ımız" + ], + [ + "íķĺ", + "ëıĦë¡Ŀ" + ], + [ + "×Ķ", + "ר" + ], + [ + "×Ķר", + "×ij×Ķ" + ], + [ + "ãģĻãĤĭãģĵãģ¨", + "ãģ¯" + ], + [ + "Ġphi", + "ếu" + ], + [ + "تØŃ", + "سÙĬÙĨ" + ], + [ + "ĠÅĽ", + "rod" + ], + [ + "ĠÅĽrod", + "ow" + ], + [ + "ĠÅĽrodow", + "isk" + ], + [ + "ĠÑĢаÑģ", + "Ñħод" + ], + [ + "بر", + "ÙĬد" + ], + [ + "Ġر", + "ÙĬ" + ], + [ + "ĠرÙĬ", + "اÙĦ" + ], + [ + "Ġ×ķ", + "׼×ļ" + ], + [ + "ì§Ģ", + "ìļĶ" + ], + [ + "׼", + "×ŀ×ķ" + ], + [ + "Ġ×¢×ľ", + "×Ļ×Ķ×Ŀ" + ], + [ + "f", + "ÃŃcio" + ], + [ + "Ġkar", + "arı" + ], + [ + "tıģ", + "ını" + ], + [ + "ĠС", + "ов" + ], + [ + "ĠСов", + "еÑĤ" + ], + [ + "ãģĬéĩij", + "ãĤĴ" + ], + [ + "м", + "еждÑĥ" + ], + [ + "междÑĥ", + "на" + ], + [ + "междÑĥна", + "ÑĢод" + ], + [ + "междÑĥнаÑĢод", + "н" + ], + [ + "Ġm", + "á»Ŀi" + ], + [ + "ĠاÙĦØ¥", + "ÙĬر" + ], + [ + "ĠاÙĦØ¥ÙĬر", + "اÙĨÙĬ" + ], + [ + "ĠاÙĦرÙĪ", + "سÙĬ" + ], + [ + "ص", + "ÙĨد" + ], + [ + "صÙĨد", + "ÙĪÙĤ" + ], + [ + "ĠاÙĦØ¥ÙĨ", + "ترÙĨت" + ], + [ + "Ġt", + "ắm" + ], + [ + "ĠÑĤак", + "ого" + ], + [ + "Ġ×ij", + "׾×ķ×Ĵ" + ], + [ + "Ġü", + "crets" + ], + [ + "Ġücrets", + "iz" + ], + [ + "×Ĺ×ĸ", + "×Ļר" + ], + [ + "ìĸ´", + "ìķ¼" + ], + [ + "ĠPh", + "ần" + ], + [ + "ï¼", + "ľ" + ], + [ + "Ġ×ĺ", + "×ij×¢" + ], + [ + "Ġ×ĺ×ij×¢", + "×Ļ" + ], + [ + "×IJ×ŀ", + "×IJ" + ], + [ + "اÙĤ", + "ÙĦ" + ], + [ + "Ġcondi", + "ções" + ], + [ + "ÙĤات", + "ÙĦ" + ], + [ + "ĠÑĢезÑĥлÑĮÑĤаÑĤ", + "е" + ], + [ + "ĠÑģво", + "ими" + ], + [ + "צ×ij", + "×Ļ×¢" + ], + [ + "gé", + "ni" + ], + [ + "Ġz", + "es" + ], + [ + "Ġzes", + "po" + ], + [ + "Ġzespo", + "ÅĤ" + ], + [ + "ÑĪ", + "ив" + ], + [ + "Ġפר×ĺ×Ļ", + "×ķת" + ], + [ + "Ùħست", + "Ø´Ùģ" + ], + [ + "ÙħستشÙģ", + "Ùī" + ], + [ + "شر", + "ع" + ], + [ + "Ġko", + "ÅĽci" + ], + [ + "Ġ×Ķ×IJ", + "×Ļ׳×ĺר׳×ĺ" + ], + [ + "ĠЧ", + "еÑĢ" + ], + [ + "поÑĩ", + "ÑĤ" + ], + [ + "Ġactiv", + "ités" + ], + [ + "çŁ¥", + "ãģ£ãģ¦" + ], + [ + "Ġ×ij", + "×ĸ×Ķ" + ], + [ + "Ġyüz", + "den" + ], + [ + "ãģªãĤĬ", + "ãģ¾ãģĽãĤĵ" + ], + [ + "Ġíĺ", + "¹" + ], + [ + "Ġíĺ¹", + "ìĿĢ" + ], + [ + "Ġ×ŀש", + "׳×Ķ" + ], + [ + "ĠÐĴ", + "еÑĢ" + ], + [ + "Ġ×ij×IJ×ķת", + "×ķ" + ], + [ + "éĿ¢", + "çϽ" + ], + [ + "éĿ¢çϽ", + "ãģĦ" + ], + [ + "شر", + "ØŃ" + ], + [ + "gr", + "ünde" + ], + [ + "Ùģ", + "Ø´" + ], + [ + "Ù쨴", + "ÙĦ" + ], + [ + "Ġsé", + "jour" + ], + [ + "ë´", + "IJ" + ], + [ + "Ġr", + "ôle" + ], + [ + "Ø´", + "عار" + ], + [ + "ем", + "Ñĭе" + ], + [ + "ĠاÙĦج", + "سÙħ" + ], + [ + "алÑĮ", + "ное" + ], + [ + "Ġìĥģ", + "íĥľ" + ], + [ + "ï¼", + "¤" + ], + [ + "ë¯Ģ", + "ë¡ľ" + ], + [ + "ĠÙĨ", + "ÙĤØ·" + ], + [ + "ĠÙĨÙĤØ·", + "Ø©" + ], + [ + "ãģĿãģĨ", + "ãģł" + ], + [ + "ãģĻãĤĭ", + "ãģ®ãģĮ" + ], + [ + "ห", + "ู" + ], + [ + "Ġnh", + "á»ĭ" + ], + [ + "Ġeconóm", + "ica" + ], + [ + "ס×ĺ", + "×ķ×ĵ" + ], + [ + "ס×ĺ×ķ×ĵ", + "׳×ĺ" + ], + [ + "มี", + "à¹Ĥà¸Ńà¸ģาส" + ], + [ + "Ġgest", + "ão" + ], + [ + "รูà¹ī", + "วà¹Īา" + ], + [ + "Ġlo", + "ạt" + ], + [ + "ĠاÙĦÙħ", + "Ùı" + ], + [ + "ĠاÙĦØŃ", + "ÙħÙĦ" + ], + [ + "ĠاÙĦعÙħÙĦ", + "ÙĬØ©" + ], + [ + "Ġê²ĥ", + "ëıĦ" + ], + [ + "ĠÐľÐ¾Ñģк", + "ва" + ], + [ + "×§×ĺ", + "×ķר" + ], + [ + "Ġпод", + "ÑĢоб" + ], + [ + "ĠподÑĢоб", + "н" + ], + [ + "Ġl", + "ưng" + ], + [ + "ت", + "Ù쨳" + ], + [ + "تÙ쨳", + "ÙĬر" + ], + [ + "ĠاÙĦ", + "بع" + ], + [ + "ĠاÙĦبع", + "ض" + ], + [ + "ئ", + "ت" + ], + [ + "Ðķ", + "ÐĿ" + ], + [ + "ìŰ", + "구" + ], + [ + "à¹ĥหà¹ī", + "à¸Ħุà¸ĵ" + ], + [ + "ãģĤãĤĬ", + "ãģ¾ãģĹãģŁ" + ], + [ + "Ġbir", + "ka" + ], + [ + "Ġbirka", + "ç" + ], + [ + "Ġİ", + "sl" + ], + [ + "Ġİsl", + "am" + ], + [ + "çĹĽ", + "ãģ¿" + ], + [ + "Ġh", + "ảo" + ], + [ + "Ġм", + "аÑı" + ], + [ + "ĠiÅŁ", + "çi" + ], + [ + "ש", + "×" + ], + [ + "ש×", + "ģ" + ], + [ + "à¸ģาร", + "à¹Ģมืà¸Ńà¸ĩ" + ], + [ + "×ķ×Ķ", + "ר" + ], + [ + "Ġch", + "ó" + ], + [ + "ëĨ", + "Ģ" + ], + [ + "Ġyan", + "lı" + ], + [ + "Ġyanlı", + "ÅŁ" + ], + [ + "幸", + "ãģĽ" + ], + [ + "×IJר×Ĵ", + "×ķ׳×Ļ" + ], + [ + "à¸Ńาà¸Ī", + "าร" + ], + [ + "à¸Ńาà¸Īาร", + "ยà¹Į" + ], + [ + "ĠинÑĦоÑĢм", + "аÑĨиÑİ" + ], + [ + "Ðĵ", + "Ðŀ" + ], + [ + "׳", + "×Ĺש" + ], + [ + "ĠìķĮ", + "ìķĦ" + ], + [ + "ĠÑħаÑĢакÑĤеÑĢ", + "иÑģÑĤ" + ], + [ + "ĠÑħаÑĢакÑĤеÑĢиÑģÑĤ", + "ик" + ], + [ + "à¸Ħุà¸ĵ", + "สามารà¸ĸ" + ], + [ + "è¦ĭ", + "ãģĪãĤĭ" + ], + [ + "à¸Ĭัà¸Ķ", + "à¹Ģà¸Ī" + ], + [ + "à¸Ĭัà¸Ķà¹Ģà¸Ī", + "à¸Ļ" + ], + [ + "ĠdziaÅĤ", + "al" + ], + [ + "ĠdziaÅĤal", + "noÅĽci" + ], + [ + "à¹Ĥà¸ŀ", + "สà¸ķà¹Į" + ], + [ + "ĠÐļ", + "ол" + ], + [ + "ĠÙģ", + "ÙĩÙĬ" + ], + [ + "Ġ×ŀ", + "פ׳×Ļ" + ], + [ + "Ġ×Ķ×§", + "שר" + ], + [ + "Ùħر", + "Ùĥ" + ], + [ + "ÙħرÙĥ", + "ز" + ], + [ + "Ġho", + "á" + ], + [ + "Ġа", + "пп" + ], + [ + "Ġапп", + "аÑĢаÑĤ" + ], + [ + "Ġp", + "ami" + ], + [ + "Ġpami", + "ÄĻ" + ], + [ + "ĠpamiÄĻ", + "ta" + ], + [ + "Ġç", + "ünkü" + ], + [ + "×ĵ", + "×ķף" + ], + [ + "ãģ¯", + "ãģĵãģ¡ãĤī" + ], + [ + "ĠM", + "Ãł" + ], + [ + "ĠÙĬ", + "ÙĤدÙħ" + ], + [ + "ĠпÑĢ", + "ез" + ], + [ + "ĠпÑĢез", + "иденÑĤ" + ], + [ + "à¸Ńุ", + "à¸ķ" + ], + [ + "à¸Ńุà¸ķ", + "สา" + ], + [ + "à¸Ńุà¸ķสา", + "ห" + ], + [ + "à¸Ńุà¸ķสาห", + "à¸ģรรม" + ], + [ + "ì§Ģ", + "ìĽIJ" + ], + [ + "Ġ×IJפשר", + "×ķת" + ], + [ + "sch", + "üt" + ], + [ + "schüt", + "z" + ], + [ + "ĠTi", + "ên" + ], + [ + "Ġsay", + "ılı" + ], + [ + "ĠгÑĢÑĥпп", + "Ñĭ" + ], + [ + "оÑĩ", + "нÑĭй" + ], + [ + "Ġ×ľ×¢", + "×ŀ×ķ×ĵ" + ], + [ + "Ġwr", + "zeÅĽ" + ], + [ + "ĠwrzeÅĽ", + "nia" + ], + [ + "ĠÄIJ", + "ầu" + ], + [ + "à¹Ģà¸Ĥà¹īา", + "รà¹Īวม" + ], + [ + "nız", + "da" + ], + [ + "Ø®ÙĬ", + "ص" + ], + [ + "Ġgü", + "nc" + ], + [ + "Ġgünc", + "el" + ], + [ + "ĠÙĦÙĩ", + "ذÙĩ" + ], + [ + "ĠÙĬ", + "عتبر" + ], + [ + "lé", + "gi" + ], + [ + "ãĤı", + "ãģĭãĤĭ" + ], + [ + "Ġr", + "ừng" + ], + [ + "ظ", + "Ùĩ" + ], + [ + "ظÙĩ", + "ÙĪØ±" + ], + [ + "Ġ×ŀ×ij", + "×Ļף" + ], + [ + "Ġ기", + "íĥĢ" + ], + [ + "åĪĩ", + "ãĤĮ" + ], + [ + "lan", + "mÄ±ÅŁ" + ], + [ + "à¸Ĺีà¹Ī", + "มีà¸Ħวาม" + ], + [ + "Ġh", + "á»ģ" + ], + [ + "ت", + "ÙĪØ¬Ùĩ" + ], + [ + "ĠاÙĦØ¥", + "دارة" + ], + [ + "Ġú", + "til" + ], + [ + "ס", + "פ×ķ" + ], + [ + "à¸Ħวาม", + "รัà¸ģ" + ], + [ + "à¹Ĥ", + "ฮ" + ], + [ + "Ġпол", + "иÑĤ" + ], + [ + "ĠполиÑĤ", + "ик" + ], + [ + "Ġsat", + "ın" + ], + [ + "ĠÅŀ", + "imdi" + ], + [ + "×ŀ", + "×ķר×Ļ×Ŀ" + ], + [ + "ìķĺ", + "ëĭ¤" + ], + [ + "×Ĺ", + "×ķ×ķ" + ], + [ + "×Ĺ×ķ×ķ", + "×Ļ×Ķ" + ], + [ + "à¸Ħà¸Ńม", + "à¸ŀิ" + ], + [ + "à¸Ħà¸Ńมà¸ŀิ", + "ว" + ], + [ + "à¸Ħà¸Ńมà¸ŀิว", + "à¹Ģà¸ķà¸Ńรà¹Į" + ], + [ + "Ġا", + "ذا" + ], + [ + "تخ", + "اذ" + ], + [ + "ãĤ¨", + "ãĥ«" + ], + [ + "Ġpossibilit", + "é" + ], + [ + "ยืà¸Ļ", + "ยัà¸Ļ" + ], + [ + "Ġü", + "nivers" + ], + [ + "Ġünivers", + "ite" + ], + [ + "ĠاÙĦد", + "ÙĪØ±ÙĬ" + ], + [ + "ĠìķĬëĬĶ", + "ëĭ¤" + ], + [ + "ĠìĦľ", + "ë¡ľ" + ], + [ + "ØŃ", + "اÙĦ" + ], + [ + "Ġë", + "¨" + ], + [ + "Ġë¨", + "¼" + ], + [ + "Ġ먼", + "ìłĢ" + ], + [ + "à¸Ĺีà¹Ī", + "à¸ĸูà¸ģ" + ], + [ + "ì§", + "ľ" + ], + [ + "Ġsk", + "óry" + ], + [ + "лÑĮ", + "ÑĨ" + ], + [ + "à¹ĥà¸Ĭà¹ī", + "à¹Ģวลา" + ], + [ + "×ij×§", + "שת" + ], + [ + "Ġذ", + "ÙĪ" + ], + [ + "æĹ¥", + "ãĢħ" + ], + [ + "ĠкоÑĤоÑĢ", + "ÑĥÑİ" + ], + [ + "ĠÑĥÑĢов", + "енÑĮ" + ], + [ + "ê¹", + "¨" + ], + [ + "à¹Ħ", + "à¸Ĺ" + ], + [ + "ãĤµ", + "ãĥĹãĥª" + ], + [ + "ãĤ¸", + "ãĥ§ãĥ³" + ], + [ + "ãģĻ", + "ãģ¹ãģį" + ], + [ + "ĠG", + "ór" + ], + [ + "ãĥĪ", + "ãĤ¤" + ], + [ + "ãĥĪãĤ¤", + "ãĥ¬" + ], + [ + "ĠyaÅŁ", + "ama" + ], + [ + "Ġdá»ĭ", + "p" + ], + [ + "Ġb", + "ữa" + ], + [ + "à¸ĭ", + "ุ" + ], + [ + "Ġöl", + "üm" + ], + [ + "ãģ£ãģ¦", + "ãģıãĤĭ" + ], + [ + "à¸ģาร", + "à¸Ħà¹īา" + ], + [ + "ש", + "ער" + ], + [ + "ĠÑĤип", + "а" + ], + [ + "Ġг", + "еÑĢ" + ], + [ + "ĠгеÑĢ", + "о" + ], + [ + "רק", + "×¢" + ], + [ + "Ġu", + "waż" + ], + [ + "Ġuważ", + "a" + ], + [ + "ש×ŀ", + "ף" + ], + [ + "Ġhast", + "alık" + ], + [ + "ãĤıãĤĮ", + "ãĤĭ" + ], + [ + "ba", + "ÅŁÄ±" + ], + [ + "Ñĩ", + "ÑĤо" + ], + [ + "Ġ×ij", + "×ŀר׼×ĸ" + ], + [ + "Ġìļ°ë¦¬", + "ìĿĺ" + ], + [ + "ĠÙĥاÙĨ", + "ÙĪØ§" + ], + [ + "ĠØ£", + "بر" + ], + [ + "Ġأبر", + "ÙĬÙĦ" + ], + [ + "ì¸", + "µ" + ], + [ + "à¹Ħà¸Ĥ", + "à¹Ī" + ], + [ + "ĠÙĪ", + "ÙĦÙĪ" + ], + [ + "à¸Ĺ", + "ัว" + ], + [ + "à¸Ĺัว", + "รà¹Į" + ], + [ + "ĠÙĪØ£", + "Ùĥد" + ], + [ + "à¸Ĭ", + "วà¸Ļ" + ], + [ + "׾", + "×ķ×§" + ], + [ + "æį", + "¨" + ], + [ + "æį¨", + "ãģ¦" + ], + [ + "Ġİç", + "in" + ], + [ + "p", + "éri" + ], + [ + "Ġy", + "al" + ], + [ + "Ġyal", + "nız" + ], + [ + "ÑĮÑı", + "н" + ], + [ + "Ġg", + "ắng" + ], + [ + "à¸ģà¹ĩ", + "ยัà¸ĩ" + ], + [ + "ĠУкÑĢа", + "ин" + ], + [ + "ĠÑģ", + "ами" + ], + [ + "ĠпÑĢовед", + "ен" + ], + [ + "à¸ķà¸ģ", + "à¹ģà¸ķà¹Īà¸ĩ" + ], + [ + "ĠQu", + "ân" + ], + [ + "é", + "paration" + ], + [ + "ĠbaÅŁ", + "ında" + ], + [ + "Ġzn", + "ale" + ], + [ + "Ġznale", + "ź" + ], + [ + "Ġznaleź", + "Äĩ" + ], + [ + "ãĤ±", + "ãĥ¼" + ], + [ + "ãĥİ", + "ãĥ¼" + ], + [ + "à¸ĸูà¸ģ", + "à¸ķà¹īà¸Ńà¸ĩ" + ], + [ + "ëª", + "¸" + ], + [ + "Ġëı", + "Į" + ], + [ + "ĠëıĮ", + "ìķĦ" + ], + [ + "ĠSch", + "üler" + ], + [ + "Ġпод", + "гоÑĤов" + ], + [ + "ĠподгоÑĤов", + "к" + ], + [ + "ع", + "رÙĪ" + ], + [ + "عرÙĪ", + "ض" + ], + [ + "la", + "ÅŁtır" + ], + [ + "ĠÑģоÑģÑĤав", + "лÑıеÑĤ" + ], + [ + "ĠпÑĢоиз", + "вод" + ], + [ + "ĠпÑĢоизвод", + "ÑģÑĤва" + ], + [ + "ĠоÑģнов", + "е" + ], + [ + "ĠØ´", + "ÙħاÙĦ" + ], + [ + "à¸ģร", + "ี" + ], + [ + "ĠgörÃ¼ÅŁ", + "me" + ], + [ + "оÑĩ", + "ек" + ], + [ + "Ġ×Ĺ×ijר", + "×Ļ×Ŀ" + ], + [ + "ÙħØ®", + "اط" + ], + [ + "Ùħخاط", + "ر" + ], + [ + "ï¼", + "Ń" + ], + [ + "ר", + "פ×IJ" + ], + [ + "ĠM", + "ẹ" + ], + [ + "ยà¸Ńม", + "รัà¸ļ" + ], + [ + "Ġv", + "ết" + ], + [ + "Ø®", + "ذ" + ], + [ + "ĠاÙĦت", + "Ø·" + ], + [ + "ĠاÙĦتط", + "بÙĬÙĤ" + ], + [ + "à¸Ļ", + "ึà¸ģ" + ], + [ + "Ġ×Ķ", + "×Ľ×ł×¡×ª" + ], + [ + "ĠогÑĢ", + "ани" + ], + [ + "ĠогÑĢани", + "Ñĩен" + ], + [ + "ĠÃĩ", + "alÄ±ÅŁ" + ], + [ + "ĠاÙĦÙħÙĨت", + "دÙī" + ], + [ + "à¸Īำà¸Ļวà¸Ļ", + "มาà¸ģ" + ], + [ + "ĠÑĤоÑĢ", + "ÑĢ" + ], + [ + "ĠÑĤоÑĢÑĢ", + "енÑĤ" + ], + [ + "ĠìĤ´", + "ìķĦ" + ], + [ + "à¸ŀลัà¸ĩ", + "à¸ĩาà¸Ļ" + ], + [ + "à¸Ĭ", + "ัà¸Ļ" + ], + [ + "ĠÐIJн", + "дÑĢ" + ], + [ + "Ġréalis", + "é" + ], + [ + "×ŀש", + "×IJ" + ], + [ + "à¹ģ", + "à¸Ĭ" + ], + [ + "à¹ģà¸Ĭ", + "รà¹Į" + ], + [ + "Ġб", + "ог" + ], + [ + "มา", + "à¹ģลà¹īว" + ], + [ + "ĠاÙĦÙĨ", + "ار" + ], + [ + "Ġolmad", + "ıģı" + ], + [ + "×ĵ", + "×¢×Ķ" + ], + [ + "ĠÑĥ", + "веÑĢ" + ], + [ + "ĠÑĥвеÑĢ", + "ен" + ], + [ + "ãĤĭ", + "ãĤĤãģ®" + ], + [ + "Ø£", + "د" + ], + [ + "أد", + "ÙĪØ§Øª" + ], + [ + "Ġ×Ķ×ĸ", + "×ķ×Ĵ" + ], + [ + "Ø¥", + "عÙĦاÙħ" + ], + [ + "h", + "á»ı" + ], + [ + "ĠNä", + "he" + ], + [ + "ĠÑĤ", + "еÑģÑĤ" + ], + [ + "Ġ×ŀ", + "×ķ׼ר" + ], + [ + "Ġë¬¸ìłľ", + "ê°Ģ" + ], + [ + "ת", + "×ķצ×IJ×Ķ" + ], + [ + "m", + "ó" + ], + [ + "mó", + "vel" + ], + [ + "ĠاÙĦتج", + "ارة" + ], + [ + "Ġмног", + "иÑħ" + ], + [ + "обÑī", + "а" + ], + [ + "Ġ×¢", + "סק×Ļ" + ], + [ + "ĠEdu", + "cação" + ], + [ + "×§", + "ש×Ļ×Ŀ" + ], + [ + "é", + "tabl" + ], + [ + "établ", + "issement" + ], + [ + "Ġд", + "еле" + ], + [ + "иÑĢÑĥ", + "еÑĤÑģÑı" + ], + [ + "Ø¢", + "ثار" + ], + [ + "Ġ×Ķ×ŀ", + "ר׼×ĸ×Ļ" + ], + [ + "ãĥIJ", + "ãĥ«" + ], + [ + "ĠвÑģÑĤÑĢ", + "еÑĩ" + ], + [ + "ãģĴ", + "ãĤĭ" + ], + [ + "Ġci", + "Äħ" + ], + [ + "ĠciÄħ", + "gu" + ], + [ + "ÙĬ", + "ست" + ], + [ + "à¸łà¸²", + "ว" + ], + [ + "à¸łà¸²à¸§", + "ะ" + ], + [ + "Ø£", + "Ùħر" + ], + [ + "Ġо", + "жи" + ], + [ + "Ġожи", + "да" + ], + [ + "Ġ", + "á»§y" + ], + [ + "ãĥŀ", + "ãĥ«" + ], + [ + "ر", + "اس" + ], + [ + "оÑĩ", + "ной" + ], + [ + "ת", + "×Ĵ×ķ×ij×ķת" + ], + [ + "تع", + "رÙĬÙģ" + ], + [ + "ĠÑģо", + "ÑĨиалÑĮно" + ], + [ + "ãĤĴ", + "éĸĭ" + ], + [ + "ĠиÑģÑģлед", + "ова" + ], + [ + "Ġd", + "ú" + ], + [ + "Ġdú", + "vida" + ], + [ + "Ġsk", + "ÅĤ" + ], + [ + "ĠskÅĤ", + "ada" + ], + [ + "Ġhä", + "ufig" + ], + [ + "ĠвÑĭб", + "ÑĢ" + ], + [ + "ĠвÑĭбÑĢ", + "аÑĤÑĮ" + ], + [ + "ãģ®ãģ§ãģ¯ãģªãģĦ", + "ãģĭ" + ], + [ + "ĠÑģ", + "илÑĮно" + ], + [ + "ÑĤвеÑĢж", + "ден" + ], + [ + "ר", + "פ" + ], + [ + "רפ", + "×ķ×IJ×Ķ" + ], + [ + "æĢĿ", + "ãģĦãģ¾ãģĻ" + ], + [ + "ØŃر", + "ص" + ], + [ + "ש×ķת", + "×£" + ], + [ + "Ùħس", + "جد" + ], + [ + "à¹Ĥà¸Ĭ", + "วà¹Į" + ], + [ + "ем", + "ÑģÑı" + ], + [ + "в", + "ÑĪие" + ], + [ + "Ġм", + "л" + ], + [ + "Ġмл", + "н" + ], + [ + "Ġ׾×Ķ", + "×ij×Ļ×IJ" + ], + [ + "ĠÙĬ", + "تعÙĦÙĤ" + ], + [ + "à¸ķ", + "ูà¹ī" + ], + [ + "Ġп", + "ÑĢаз" + ], + [ + "ĠпÑĢаз", + "д" + ], + [ + "ĠпÑĢазд", + "ник" + ], + [ + "Ġн", + "ем" + ], + [ + "Ġнем", + "ного" + ], + [ + "Ġs", + "Ãłng" + ], + [ + "تÙĨ", + "سÙĬ" + ], + [ + "تÙĨسÙĬ", + "ÙĤ" + ], + [ + "Ġtá»", + "Ŀ" + ], + [ + "Ġмед", + "и" + ], + [ + "ãģ«", + "æĪ" + ], + [ + "ã쫿Ī", + "»" + ], + [ + "à¸Ħว", + "à¹īา" + ], + [ + "ãģĭ", + "ãģijãĤĭ" + ], + [ + "×ij׾", + "×ķת" + ], + [ + "ĠÑįк", + "Ñģп" + ], + [ + "ĠÑįкÑģп", + "еÑĢÑĤ" + ], + [ + "Ġдев", + "ÑĥÑĪ" + ], + [ + "ĠдевÑĥÑĪ", + "к" + ], + [ + "ĠØŃ", + "ص" + ], + [ + "ÙĨØ´", + "Ø£" + ], + [ + "ãģĮãģĤãĤĭ", + "ãģ®ãģ§" + ], + [ + "Ġت", + "راÙħ" + ], + [ + "ĠتراÙħ", + "ب" + ], + [ + "أس", + "ÙĪØ§ÙĤ" + ], + [ + "Ġ׾פ", + "׳×ķת" + ], + [ + "Ġا", + "ï»·" + ], + [ + "ãģ«", + "ãģı" + ], + [ + "ãģ«ãģı", + "ãģĦ" + ], + [ + "ĠØ£", + "عÙĦÙī" + ], + [ + "Ġ׾×Ķ", + "×ŀש×Ļ×ļ" + ], + [ + "rä", + "u" + ], + [ + "ש×ŀ", + "×Ļ×Ŀ" + ], + [ + "åĪĨ", + "ãģij" + ], + [ + "ãģĻ", + "ãģ§" + ], + [ + "ãģĻãģ§", + "ãģ«" + ], + [ + "×Ķ׾", + "׼×Ķ" + ], + [ + "×Ĺ׾", + "×Ļ×£" + ], + [ + "Ġì", + "±ħ" + ], + [ + "Ġì±ħ", + "ìŀĦ" + ], + [ + "à¹Ģà¸Ī", + "ริ" + ], + [ + "à¹Ģà¸Īริ", + "à¸į" + ], + [ + "éģĬ", + "ãģ³" + ], + [ + "ج", + "سد" + ], + [ + "สา", + "à¸ĺ" + ], + [ + "สาà¸ĺ", + "าร" + ], + [ + "สาà¸ĺาร", + "à¸ĵ" + ], + [ + "Ġbas", + "ın" + ], + [ + "ÑĢаÐ", + "³" + ], + [ + "г", + "ад" + ], + [ + "Ġho", + "ÅŁ" + ], + [ + "íķ", + "µ" + ], + [ + "×ij×Ĺ", + "×Ļר×Ķ" + ], + [ + "×ŀס", + "×ļ" + ], + [ + "Ġìłľ", + "íĴĪ" + ], + [ + "تÙħ", + "ÙĪÙĬÙĦ" + ], + [ + "ĠL", + "ưu" + ], + [ + "ë¡ľ", + "ë¶ĢíĦ°" + ], + [ + "Ġп", + "об" + ], + [ + "Ġпоб", + "ед" + ], + [ + "ÙħÙĨ", + "ذ" + ], + [ + "常", + "ãģ«" + ], + [ + "ÙĤ", + "س" + ], + [ + "ĠاÙĦÙħ", + "صدر" + ], + [ + "ĠÙĪØ§ÙĦ", + "است" + ], + [ + "Ġkh", + "ắp" + ], + [ + "ĠاÙĦج", + "اÙĨب" + ], + [ + "Ġng", + "uyá»ĩn" + ], + [ + "éĸĵ", + "éģķãģĦ" + ], + [ + "ĠÑģÑĤ", + "ÑĢа" + ], + [ + "ĠÑģÑĤÑĢа", + "Ñħ" + ], + [ + "ĠÑģÑĤÑĢаÑħ", + "ов" + ], + [ + "รี", + "à¸ļ" + ], + [ + "Ġx", + "ương" + ], + [ + "Ġì°", + "¾" + ], + [ + "Ġì°¾", + "ìķĦ" + ], + [ + "Ġng", + "ại" + ], + [ + "г", + "ал" + ], + [ + "à¸ĭ", + "ีà¹Ī" + ], + [ + "Ġ×ij", + "פ×Ļ×Ļס×ij×ķ×§" + ], + [ + "Ц", + "енÑĤÑĢ" + ], + [ + "Ġaval", + "iação" + ], + [ + "Ġeconóm", + "ico" + ], + [ + "×ĸ", + "ף" + ], + [ + "ĠÐľ", + "ак" + ], + [ + "Ġinter", + "és" + ], + [ + "à¸ģล", + "ิà¹Īà¸Ļ" + ], + [ + "ÑģÑĤÑĮ", + "Ñİ" + ], + [ + "ĠÄij", + "ương" + ], + [ + "å¼·", + "ãģı" + ], + [ + "ĠKh", + "ách" + ], + [ + "à¹Ģà¸Ļืà¹īà¸Ń", + "หา" + ], + [ + "ĠYaz", + "ı" + ], + [ + "è²·", + "ãģ£ãģ¦" + ], + [ + "Ðł", + "Ðķ" + ], + [ + "à¹Ģà¸ŀิà¹Īม", + "à¸Ĥึà¹īà¸Ļ" + ], + [ + "สม", + "à¸ļู" + ], + [ + "สมà¸ļู", + "รà¸ĵà¹Į" + ], + [ + "Ġм", + "иÑĢов" + ], + [ + "×Ĵ", + "׳×Ļ×Ŀ" + ], + [ + "ĠÄij", + "ức" + ], + [ + "à¸Ń", + "ารà¹Į" + ], + [ + "ص", + "اص" + ], + [ + "ãģĬ", + "ãĤĪ" + ], + [ + "ãģĬãĤĪ", + "ãģ³" + ], + [ + "êÌ", + "ī" + ], + [ + "ĠاÙĦÙħؤ", + "تÙħر" + ], + [ + "ĠاÙĦÙħر", + "ØŃÙĦØ©" + ], + [ + "สà¸Ńà¸ļ", + "à¸ĸาม" + ], + [ + "Ġà¸Īาà¸ģ", + "à¸Ļัà¹īà¸Ļ" + ], + [ + "Ġت", + "عد" + ], + [ + "ãģĿãģ®", + "ãģŁãĤģ" + ], + [ + "Ġkh", + "áng" + ], + [ + "à¸Ļ", + "ิà¸Ķ" + ], + [ + "ãĥĬ", + "ãĥ³" + ], + [ + "ëĦ¤", + "ìļĶ" + ], + [ + "ĠاÙĦ", + "اØŃت" + ], + [ + "ĠاÙĦاØŃت", + "ÙĦاÙĦ" + ], + [ + "ìļ", + "ķ" + ], + [ + "Ġмод", + "ели" + ], + [ + "ĠпÑĢоÑĨ", + "енÑĤ" + ], + [ + "à¸ŀวà¸ģ", + "à¹Ģรา" + ], + [ + "Ġ×Ķצ", + "×ĵ" + ], + [ + "Ġ×Ķצ×ĵ", + "×ĵ×Ļ×Ŀ" + ], + [ + "ständ", + "e" + ], + [ + "׳", + "×Ĵר" + ], + [ + "Ġdot", + "yc" + ], + [ + "Ġdotyc", + "zÄħ" + ], + [ + "ĠdotyczÄħ", + "ce" + ], + [ + "ĠÅĽ", + "wiÄĻt" + ], + [ + "×ŀר", + "×Ķ" + ], + [ + "ãģĻãģĶ", + "ãģĦ" + ], + [ + "ãĥĩãĤ£", + "ãĥ³ãĤ°" + ], + [ + "à¸ģาร", + "สรà¹īาà¸ĩ" + ], + [ + "ë", + "Ĥ¬" + ], + [ + "Ġì°¸", + "ìŬ" + ], + [ + "Ñģ", + "Ñħ" + ], + [ + "ÑģÑħ", + "ем" + ], + [ + "ÙħÙĪ", + "س" + ], + [ + "Ġn", + "ấu" + ], + [ + "Ġ׾×ŀ×¢", + "׾×Ķ" + ], + [ + "à¹Ģà¸Ľ", + "à¹īา" + ], + [ + "à¹Ģà¸Ľà¹īา", + "หมาย" + ], + [ + "Ġmù", + "i" + ], + [ + "ائ", + "ز" + ], + [ + "íĽ", + "Ī" + ], + [ + "×Ĺ×ij", + "×ķר×Ķ" + ], + [ + "à¸ľà¸¹à¹ī", + "à¹ĥà¸Ĭà¹ī" + ], + [ + "Ġpa", + "ź" + ], + [ + "Ġpaź", + "dzi" + ], + [ + "Ġpaździ", + "ern" + ], + [ + "Ġpaździern", + "ika" + ], + [ + "ลà¸ĩ", + "à¹Ħà¸Ľ" + ], + [ + "ÙĤ", + "اع" + ], + [ + "Ġch", + "áºŃm" + ], + [ + "Ġözellik", + "leri" + ], + [ + "ĠÄIJ", + "o" + ], + [ + "ĠÄIJo", + "Ãłn" + ], + [ + "ж", + "ение" + ], + [ + "Ġh", + "ẳ" + ], + [ + "Ġhẳ", + "n" + ], + [ + "ĠaÅŁ", + "k" + ], + [ + "ï½", + "į" + ], + [ + "ãĥij", + "ãĤ¹" + ], + [ + "×Ķ×ķר", + "×IJ×ķת" + ], + [ + "ĠÅ", + "»" + ], + [ + "ĠÅ»", + "y" + ], + [ + "×ŀ×ĸ", + "׾" + ], + [ + "ĠÑĥ", + "кÑĢа" + ], + [ + "ĠÑĥкÑĢа", + "ин" + ], + [ + "à¹Ģà¸Ĭ", + "ิ" + ], + [ + "à¹Ģà¸Ĭิ", + "à¸į" + ], + [ + "Ðł", + "Ðĺ" + ], + [ + "ĠzwiÄħz", + "ku" + ], + [ + "×Ķ×Ĺ׾×ĺ", + "ת" + ], + [ + "ãĤĵãģ§ãģĻ", + "ãĤĪãģŃ" + ], + [ + "ãģ¦", + "ãģĬãĤĬ" + ], + [ + "лож", + "иÑĤÑĮ" + ], + [ + "×ŀ", + "×ķ׳×Ļ×Ŀ" + ], + [ + "ฮ", + "ิ" + ], + [ + "ì°", + "¬" + ], + [ + "ĠاÙĦÙħØ´", + "ترÙĥ" + ], + [ + "ĠdÃ¼ÅŁ", + "ük" + ], + [ + "аг", + "енÑĤ" + ], + [ + "ĠاÙĦØ£", + "سبÙĪØ¹" + ], + [ + "ĠÙĤ", + "رÙĬب" + ], + [ + "ин", + "д" + ], + [ + "инд", + "ив" + ], + [ + "индив", + "ид" + ], + [ + "индивид", + "Ñĥ" + ], + [ + "индивидÑĥ", + "алÑĮн" + ], + [ + "för", + "der" + ], + [ + "Ġseç", + "en" + ], + [ + "Ġseçen", + "ek" + ], + [ + "Ġét", + "ant" + ], + [ + "ĠлÑİб", + "им" + ], + [ + "каз", + "ÑĭваеÑĤ" + ], + [ + "ว", + "ิà¸Ļ" + ], + [ + "Ġ×Ķ×ij", + "×IJ×Ļ×Ŀ" + ], + [ + "Ġд", + "ов" + ], + [ + "Ġдов", + "олÑĮ" + ], + [ + "ĠдоволÑĮ", + "но" + ], + [ + "×¢×ĵ", + "×Ļ×£" + ], + [ + "Ġok", + "re" + ], + [ + "Ġokre", + "ÅĽ" + ], + [ + "ĠokreÅĽ", + "lon" + ], + [ + "Ġت", + "رÙĬد" + ], + [ + "à¹Ģมืà¹Īà¸Ń", + "วัà¸Ļà¸Ĺีà¹Ī" + ], + [ + "ãĤĪ", + "ãģĭãģ£ãģŁ" + ], + [ + "Cum", + "h" + ], + [ + "Cumh", + "ur" + ], + [ + "Cumhur", + "ba" + ], + [ + "Cumhurba", + "ÅŁ" + ], + [ + "CumhurbaÅŁ", + "kan" + ], + [ + "CumhurbaÅŁkan", + "ı" + ], + [ + "Ġn", + "ợ" + ], + [ + "à¸ľà¸¹à¹ī", + "à¹Ģลà¹Īà¸Ļ" + ], + [ + "Ġcompl", + "ète" + ], + [ + "à¹Ģà¸ŀ", + "ศ" + ], + [ + "د", + "ÙIJ" + ], + [ + "Ġdü", + "z" + ], + [ + "Ġdüz", + "ey" + ], + [ + "ãģ§ãģĤãĤĭ", + "ãģĵãģ¨" + ], + [ + "ext", + "érieur" + ], + [ + "×", + "³" + ], + [ + "Ġinform", + "ação" + ], + [ + "ãĤ¯ãĥª", + "ãĥĭãĥĥãĤ¯" + ], + [ + "ĠPub", + "li" + ], + [ + "ĠPubli", + "é" + ], + [ + "ר", + "×ķ×ĵ" + ], + [ + "à¸Ħวาม", + "à¸Ľà¸¥à¸Ńà¸Ķà¸łà¸±à¸¢" + ], + [ + "ĠØ£ÙĬ", + "ض" + ], + [ + "ĠØ£ÙĬض", + "Ùĭا" + ], + [ + "ت", + "سبب" + ], + [ + "ãģ¤", + "ãĤĤãĤĬ" + ], + [ + "из", + "ма" + ], + [ + "à¸Ĥึà¹īà¸Ļ", + "à¹Ħà¸Ľ" + ], + [ + "Ùĥ", + "ÙIJ" + ], + [ + "ÙĦ", + "ÙĪÙħ" + ], + [ + "Ġש", + "צר" + ], + [ + "Ġשצר", + "×Ļ×ļ" + ], + [ + "ãģ¯", + "ãĤĤãģ¡ãĤįãĤĵ" + ], + [ + "Ġк", + "ан" + ], + [ + "Ġкан", + "ал" + ], + [ + "ãģ«ãģª", + "ãģ£ãģ¦ãģĦãģ¾ãģĻ" + ], + [ + "ĠاÙĦØ£", + "Ùĥثر" + ], + [ + "ت", + "اØŃ" + ], + [ + "ÙĨت", + "Ùĩ" + ], + [ + "ÙĨتÙĩ", + "اء" + ], + [ + "ا", + "ÙĪÙĬØ©" + ], + [ + "ĠBug", + "ün" + ], + [ + "н", + "Ñģкого" + ], + [ + "à¸Ķ", + "à¹Īวà¸Ļ" + ], + [ + "é", + "volution" + ], + [ + "ãģ£ãģ¦", + "ãģĦãģ¾ãģĹãģŁ" + ], + [ + "ãĤ", + "ħ" + ], + [ + "ĠV", + "ương" + ], + [ + "à¸łà¸²à¸ŀ", + "ย" + ], + [ + "à¸łà¸²à¸ŀย", + "à¸Ļ" + ], + [ + "à¸łà¸²à¸ŀยà¸Ļ", + "à¸ķรà¹Į" + ], + [ + "Ġ×Ķ", + "צ׾×Ļ×Ĺ" + ], + [ + "ĠاÙĦإسÙĦاÙħ", + "ÙĬ" + ], + [ + "ÙĦÙĬ", + "ب" + ], + [ + "Ġed", + "ição" + ], + [ + "ÑģÑĤÑĢ", + "ел" + ], + [ + "Ġkh", + "úc" + ], + [ + "ÙĨÙħÙĪ", + "ذ" + ], + [ + "ÙĨÙħÙĪØ°", + "ج" + ], + [ + "׾", + "צ×Ķ" + ], + [ + "ÑģÑĤав", + "ил" + ], + [ + "à¸ĸ", + "า" + ], + [ + "สรà¹īาà¸ĩ", + "à¸Ħวาม" + ], + [ + "ãģĦ", + "ãģ£ãģ±" + ], + [ + "ãģĦãģ£ãģ±", + "ãģĦ" + ], + [ + "ÑģÑĤав", + "лен" + ], + [ + "ĠاÙĦ", + "ÙĤدس" + ], + [ + "Ġng", + "ược" + ], + [ + "ب", + "Ø®" + ], + [ + "ส", + "หร" + ], + [ + "สหร", + "ั" + ], + [ + "สหรั", + "à¸IJ" + ], + [ + "ĠØ£", + "غ" + ], + [ + "Ġأغ", + "سط" + ], + [ + "Ġأغسط", + "س" + ], + [ + "ãģĨ", + "ãģ¾" + ], + [ + "ãģĨãģ¾", + "ãģı" + ], + [ + "ĠêµŃ", + "ìłľ" + ], + [ + "ØŃض", + "ار" + ], + [ + "Ġd", + "ừng" + ], + [ + "æĬ¼", + "ãģĹ" + ], + [ + "ت", + "ÙĪØ§" + ], + [ + "تÙĪØ§", + "جد" + ], + [ + "ש×ŀ", + "×Ĺ×Ķ" + ], + [ + "ãģı", + "ãĤĵ" + ], + [ + "Ġ×ij×¢", + "צ" + ], + [ + "Ġ×ijעצ", + "×Ŀ" + ], + [ + "×ŀ", + "׳×Ļ×ķת" + ], + [ + "×ķ", + "×Ļ×ĵ" + ], + [ + "×ķ×Ļ×ĵ", + "×IJ×ķ" + ], + [ + "à¸Ĭ", + "ิà¸ĩ" + ], + [ + "Ġprac", + "ÄĻ" + ], + [ + "Ġз", + "аÑĤ" + ], + [ + "ĠзаÑĤ", + "ем" + ], + [ + "ĠìŀIJ", + "ìľł" + ], + [ + "Ġì¤", + "Ģ" + ], + [ + "Ġì¤Ģ", + "ë¹Ħ" + ], + [ + "Ġb", + "áºŃ" + ], + [ + "ĠbáºŃ", + "c" + ], + [ + "Ġ×Ķ×ŀ", + "צ×ij" + ], + [ + "ĠÙĤ", + "ÙĬÙħØ©" + ], + [ + "à¹Ģà¸Ń", + "à¹Ģà¸Ĭ" + ], + [ + "à¹Ģà¸Ńà¹Ģà¸Ĭ", + "ีย" + ], + [ + "Ġperch", + "è" + ], + [ + "ĠاÙĦع", + "سÙĥر" + ], + [ + "ĠاÙĦعسÙĥر", + "ÙĬØ©" + ], + [ + "ج", + "ÙĬب" + ], + [ + "ëŀ", + "µ" + ], + [ + "Ùħ", + "Ùĩر" + ], + [ + "ÙħÙĩر", + "جاÙĨ" + ], + [ + "Ùħ", + "راÙĥ" + ], + [ + "ÙħراÙĥ", + "ز" + ], + [ + "Ġод", + "нако" + ], + [ + "à¸Ķี", + "à¹Ĩ" + ], + [ + "Ġצ", + "פ×ķ" + ], + [ + "Ġkullan", + "ılan" + ], + [ + "Ġк", + "ино" + ], + [ + "ãĥĨãĤ£", + "ãĥ³ãĤ°" + ], + [ + "ĠGi", + "Ỽi" + ], + [ + "ت", + "ÙĪØ²" + ], + [ + "تÙĪØ²", + "ÙĬع" + ], + [ + "ย", + "ิà¸Ļ" + ], + [ + "ยิà¸Ļ", + "à¸Ķี" + ], + [ + "Ġc", + "Åĵur" + ], + [ + "ĠiÅŁ", + "aret" + ], + [ + "Ġ×ij×¢", + "×ĸר" + ], + [ + "Ġ×ij×¢×ĸר", + "ת" + ], + [ + "Ġп", + "аÑĨи" + ], + [ + "ĠпаÑĨи", + "енÑĤ" + ], + [ + "ãģ¿ãģŁãģĦ", + "ãģ§ãģĻ" + ], + [ + "в", + "ез" + ], + [ + "ли", + "на" + ], + [ + "од", + "е" + ], + [ + "Ġ×IJ×ķת", + "ף" + ], + [ + "dıģ", + "ınız" + ], + [ + "ĠÐIJ", + "в" + ], + [ + "ĠÐIJв", + "ÑĤоÑĢ" + ], + [ + "ï¼", + "®" + ], + [ + "ĠC", + "ần" + ], + [ + "ĠاÙĦا", + "Ø®" + ], + [ + "ĠاÙĦاخ", + "بار" + ], + [ + "Ġê±°", + "ìĿĺ" + ], + [ + "Ġat", + "enção" + ], + [ + "Ġgeld", + "iÄŁi" + ], + [ + "ãĤª", + "ãĤ¹" + ], + [ + "ãĤªãĤ¹", + "ãĤ¹" + ], + [ + "ãĤªãĤ¹ãĤ¹", + "ãĥ¡" + ], + [ + "ев", + "Ñĭе" + ], + [ + "кÑĢÑĭ", + "л" + ], + [ + "à¹Ģà¸Ĭ", + "ียà¸ĩ" + ], + [ + "à¹Ģà¸Ĭียà¸ĩ", + "à¹ĥหมà¹Ī" + ], + [ + "Ġmar", + "ço" + ], + [ + "ĠاÙĦÙħ", + "ادة" + ], + [ + "Ġг", + "ол" + ], + [ + "Ġsprzeda", + "ży" + ], + [ + "Ġíķ´", + "ê²°" + ], + [ + "ĠÐķ", + "го" + ], + [ + "ê¹", + "Ģ" + ], + [ + "Ġ׾ק×ij׾", + "ת" + ], + [ + "ĠاÙĦÙģ", + "ÙĨاÙĨ" + ], + [ + "Ġcomunic", + "ación" + ], + [ + "à¹Ģสà¹īà¸Ļ", + "à¸Ĺาà¸ĩ" + ], + [ + "íĺ", + "¹" + ], + [ + "à¸Ĭ", + "ำ" + ], + [ + "à¸Ĭำ", + "ระ" + ], + [ + "Ġ׼", + "×IJ×ŀ" + ], + [ + "Ġ׼×IJ×ŀ", + "×ķר" + ], + [ + "à¸Ĭ", + "à¹Īาà¸ĩ" + ], + [ + "ز", + "Ùĩر" + ], + [ + "Ġklient", + "ów" + ], + [ + "ива", + "ÑİÑĤ" + ], + [ + "ан", + "г" + ], + [ + "׳", + "×ļ" + ], + [ + "Ġg", + "á»įn" + ], + [ + "Ãľ", + "R" + ], + [ + "ìĺģ", + "ìĥģ" + ], + [ + "Ġغ", + "زة" + ], + [ + "ìĿĮ", + "ìĿĦ" + ], + [ + "Ġbez", + "po" + ], + [ + "Ġbezpo", + "ÅĽ" + ], + [ + "ĠbezpoÅĽ", + "redni" + ], + [ + "ĠاÙĦÙħ", + "ÙĪØ§" + ], + [ + "ĠاÙĦÙħÙĪØ§", + "Ø·ÙĨ" + ], + [ + "ĠاÙĦÙħÙĪØ§Ø·ÙĨ", + "ÙĬÙĨ" + ], + [ + "ãĤĮ", + "ãģ¾ãģĻ" + ], + [ + "ĠмаÑĤ", + "Ñĩ" + ], + [ + "×IJ", + "×ķף" + ], + [ + "Ġر", + "سÙħÙĬ" + ], + [ + "ĠÑįк", + "он" + ], + [ + "ĠÑįкон", + "ом" + ], + [ + "ĠÑįконом", + "иÑĩеÑģк" + ], + [ + "ãĥľ", + "ãĥ¼" + ], + [ + "Ġд", + "иÑĢ" + ], + [ + "ĠдиÑĢ", + "екÑĤоÑĢ" + ], + [ + "ĠÑģк", + "оÑĢо" + ], + [ + "à¸ļ", + "ำ" + ], + [ + "à¸ļำ", + "ร" + ], + [ + "à¸ļำร", + "ุà¸ĩ" + ], + [ + "ĠÑĦ", + "ÑĥÑĤ" + ], + [ + "ĠÑĦÑĥÑĤ", + "бол" + ], + [ + "Ġ×IJ", + "×Ļ׾" + ], + [ + "Ġì¤ij", + "êµŃ" + ], + [ + "ìľ", + "¤" + ], + [ + "eÄŁ", + "e" + ], + [ + "à¹Ħ", + "à¸ģà¹Ī" + ], + [ + "tra", + "î" + ], + [ + "traî", + "n" + ], + [ + "ĠÑĤ", + "ÑĢÑĥб" + ], + [ + "à¹Ģà¸ļ", + "ื" + ], + [ + "à¹Ģà¸ļื", + "à¹īà¸Ńà¸ĩ" + ], + [ + "à¹ģม", + "à¸Ļ" + ], + [ + "ĠتØŃ", + "دÙĬØ«" + ], + [ + "Ġ׼", + "עת" + ], + [ + "ØŃ", + "اسب" + ], + [ + "lı", + "ÄŁa" + ], + [ + "×§×Ļ", + "×Ļ×ŀ×Ļ×Ŀ" + ], + [ + "оÑģÑĤ", + "ÑĮÑİ" + ], + [ + "à¸Ŀ", + "ั" + ], + [ + "à¸Ŀั", + "à¹Īà¸ĩ" + ], + [ + "Ø´", + "غÙĦ" + ], + [ + "ìĽ", + "¹" + ], + [ + "Ġкажд", + "ого" + ], + [ + "Ġbölüm", + "ü" + ], + [ + "หà¸Ļ", + "ี" + ], + [ + "Ġistedi", + "ÄŁi" + ], + [ + "Ġtr", + "ưng" + ], + [ + "ãĥ", + "Į" + ], + [ + "ฮ", + "à¸Ń" + ], + [ + "Ø£ÙĨ", + "Ø´" + ], + [ + "Ø£ÙĨØ´", + "طة" + ], + [ + "ĠاÙĦÙħ", + "سÙĬ" + ], + [ + "ĠاÙĦÙħسÙĬ", + "ØŃ" + ], + [ + "ลัà¸ģษ", + "à¸ĵà¹Į" + ], + [ + "Ġn", + "á»Ńa" + ], + [ + "à¸Ĺีà¹Ī", + "à¸ķà¹īà¸Ńà¸ĩà¸ģาร" + ], + [ + "ÑĪ", + "ек" + ], + [ + "л", + "Ñij" + ], + [ + "Ġש", + "×Ļ×Ķ" + ], + [ + "Ġש×Ļ×Ķ", + "×Ļ×Ķ" + ], + [ + "Ġkhu", + "ôn" + ], + [ + "ĠÑĤÑĢеб", + "ованиÑı" + ], + [ + "Ġ×ľ×¢", + "×ĸ×ķר" + ], + [ + "ĠاÙĦع", + "Ùħر" + ], + [ + "ราà¸Ħา", + "à¸ĸูà¸ģ" + ], + [ + "ÙĩÙı", + "ÙħÙĴ" + ], + [ + "ü", + "st" + ], + [ + "üst", + "ü" + ], + [ + "Ġден", + "ег" + ], + [ + "Ġn", + "ạ" + ], + [ + "à¸Ĥà¸Ļ", + "ม" + ], + [ + "Ġбл", + "аг" + ], + [ + "Ġблаг", + "од" + ], + [ + "Ġблагод", + "аÑĢ" + ], + [ + "ĠблагодаÑĢ", + "Ñı" + ], + [ + "Ø¥", + "سÙĦاÙħ" + ], + [ + "à¸Ļิ", + "ว" + ], + [ + "çŁ¥", + "ãĤīãģªãģĦ" + ], + [ + "Ø«", + "ÙĤØ©" + ], + [ + "Ġг", + "олоÑģ" + ], + [ + "×IJ×ķר", + "×Ĺ" + ], + [ + "Ġtr", + "ứng" + ], + [ + "Ġод", + "ном" + ], + [ + "ĠkoÅĦ", + "cu" + ], + [ + "Ġ×ķ", + "רק" + ], + [ + "Wi", + "ÄĻ" + ], + [ + "WiÄĻ", + "cej" + ], + [ + "Ġ×IJ", + "×Ļ׼×ķת" + ], + [ + "Ġ×IJ×Ļ׼×ķת", + "×Ļ" + ], + [ + "Ñģ", + "оÑģ" + ], + [ + "Ġje", + "żeli" + ], + [ + "以ä¸ĭ", + "ãģ®" + ], + [ + "å°ı", + "ãģķ" + ], + [ + "å°ıãģķ", + "ãģª" + ], + [ + "олог", + "ии" + ], + [ + "Ġоб", + "ÑģлÑĥж" + ], + [ + "ĠобÑģлÑĥж", + "ива" + ], + [ + "Ùĥت", + "ابة" + ], + [ + "Ġê´Ģ", + "ìĭ¬" + ], + [ + "×¢", + "ש×Ļר" + ], + [ + "Ġaras", + "ındaki" + ], + [ + "ĠÑĢай", + "она" + ], + [ + "ÙĪØ§", + "جب" + ], + [ + "Ġ×ij×Ĺ×Ļ", + "×Ļ" + ], + [ + "íķ´", + "주" + ], + [ + "Ġg", + "óc" + ], + [ + "ай", + "л" + ], + [ + "ĠT", + "ình" + ], + [ + "æļ®", + "ãĤī" + ], + [ + "æļ®ãĤī", + "ãģĹ" + ], + [ + "æĻĤ", + "ãģ«ãģ¯" + ], + [ + "ĠгоÑĢод", + "е" + ], + [ + "Ġ׼×IJ", + "×Ļ׾" + ], + [ + "Ġ׼×IJ×Ļ׾", + "×ķ" + ], + [ + "ĠC", + "á»Ļng" + ], + [ + "ãģ©ãģĨ", + "ãģĹãģ¦ãĤĤ" + ], + [ + "×Ĺ", + "×ķ×£" + ], + [ + "تØŃ", + "رÙĥ" + ], + [ + "ĠÑģлов", + "ам" + ], + [ + "à¸Īะ", + "à¸Ĭà¹Īวย" + ], + [ + "ĠاÙĦÙħست", + "ÙĤبÙĦ" + ], + [ + "ÙĤ", + "ض" + ], + [ + "ÙĤض", + "ÙĬ" + ], + [ + "×ijס", + "×ķפ" + ], + [ + "×ijס×ķפ", + "×ķ" + ], + [ + "iÄĻ", + "Äĩ" + ], + [ + "ĠY", + "ıl" + ], + [ + "Ø´", + "ÙĬØ®" + ], + [ + "à¸Ħุà¸ĵ", + "à¸Īะ" + ], + [ + "ש×ŀ", + "×ķת" + ], + [ + "Ġت", + "عرض" + ], + [ + "Ġanál", + "ise" + ], + [ + "ĠÑģоб", + "иÑĢа" + ], + [ + "à¹Ģà¸ŀ", + "à¸Ĭ" + ], + [ + "à¹Ģà¸ŀà¸Ĭ", + "ร" + ], + [ + "Ġв", + "ели" + ], + [ + "Ġвели", + "к" + ], + [ + "สั", + "à¹īà¸Ļ" + ], + [ + "Ġpop", + "ulação" + ], + [ + "รà¹Īวม", + "à¸ģัà¸Ļ" + ], + [ + "×Ĺ", + "×ŀ" + ], + [ + "×Ĺ×ŀ", + "×Ļש×Ļ" + ], + [ + "ס", + "×Ļס" + ], + [ + "åĨħ", + "ãģ§" + ], + [ + "Ġsob", + "Äħ" + ], + [ + "ĠY", + "ay" + ], + [ + "ĠYay", + "ın" + ], + [ + "ãĥ¡", + "ãĥĭãĥ¥ãĥ¼" + ], + [ + "ĠпÑĢедоÑģÑĤав", + "лÑı" + ], + [ + "ãģł", + "ã썿ĢĿãģĨ" + ], + [ + "Ġê³ł", + "ê°Ŀ" + ], + [ + "Ġод", + "ним" + ], + [ + "à¹ĥà¸Ļ", + "à¹Ģรืà¹Īà¸Ńà¸ĩ" + ], + [ + "Ġs", + "á»ķ" + ], + [ + "ĠÐĹ", + "деÑģÑĮ" + ], + [ + "Ġизмен", + "ениÑı" + ], + [ + "ĠìĿ¼", + "ìĿĦ" + ], + [ + "ãģªãģ®", + "ãģł" + ], + [ + "клад", + "Ñĭва" + ], + [ + "ÑĢ", + "ма" + ], + [ + "Ġ×ķ×ij", + "׼׾" + ], + [ + "تأ", + "ÙħÙĬÙĨ" + ], + [ + "ĠпÑĢи", + "ÑıÑĤ" + ], + [ + "ĠпÑĢиÑıÑĤ", + "н" + ], + [ + "Ùħ", + "Ùħار" + ], + [ + "ÙħÙħار", + "سة" + ], + [ + "ãģ¨ãģª", + "ãģ£ãģ¦" + ], + [ + "Ġج", + "ÙħÙĬÙĦ" + ], + [ + "Ġì§", + "Ī" + ], + [ + "Ġì§Ī", + "문" + ], + [ + "Ġquest", + "ão" + ], + [ + "i", + "é" + ], + [ + "ié", + "ndo" + ], + [ + "หà¹īà¸Ńà¸ĩ", + "à¸ŀัà¸ģ" + ], + [ + "ãĥij", + "ãĥ¼ãĥĪ" + ], + [ + "ÑĤвеÑĢж", + "да" + ], + [ + "н", + "Ñģкой" + ], + [ + "з", + "ал" + ], + [ + "มุ", + "à¹Īà¸ĩ" + ], + [ + "á»", + "Ĭ" + ], + [ + "Ġ×Ķ×IJ×Ĺר", + "×ķ׳×Ķ" + ], + [ + "ĠTh", + "ư" + ], + [ + "주", + "민" + ], + [ + "ĠاÙĦع", + "ب" + ], + [ + "év", + "én" + ], + [ + "évén", + "ement" + ], + [ + "ÙĤÙĪ", + "اعد" + ], + [ + "د", + "Ùı" + ], + [ + "ĠìķĬ", + "ìĬµëĭĪëĭ¤" + ], + [ + "Ġë³´", + "기" + ], + [ + "Ġyapıl", + "ması" + ], + [ + "à¹Ģร", + "าà¸ģ" + ], + [ + "à¹Ģราà¸ģ", + "à¹ĩ" + ], + [ + "ØŃ", + "ذر" + ], + [ + "ÙĤ", + "صر" + ], + [ + "ãģ¦ãģĹãģ¾", + "ãģĦãģ¾ãģĹãģŁ" + ], + [ + "Ġà¹Ģà¸Ľà¹ĩà¸Ļ", + "à¸ķà¹īà¸Ļ" + ], + [ + "ãģ¨", + "ãģ«" + ], + [ + "ãģ¨ãģ«", + "ãģĭ" + ], + [ + "ãģ¨ãģ«ãģĭ", + "ãģı" + ], + [ + "н", + "ÑĨе" + ], + [ + "зв", + "Ñĥк" + ], + [ + "ãģĹãĤĪãģĨ", + "ãģ¨" + ], + [ + "ĠاÙĦصØŃ", + "ÙĬØ©" + ], + [ + "Ġש×Ķ", + "×Ļ×ķ" + ], + [ + "ĠDi", + "ÄŁer" + ], + [ + "ÙĤÙĦ", + "ÙĤ" + ], + [ + "ãĤ¸ãĥ£", + "ãĥ³" + ], + [ + "Ġr", + "á»Ŀi" + ], + [ + "Ġл", + "еÑĩ" + ], + [ + "ĠлеÑĩ", + "ениÑı" + ], + [ + "تب", + "اد" + ], + [ + "تباد", + "ÙĦ" + ], + [ + "צ", + "פ×Ķ" + ], + [ + "à¸Ħวาม", + "à¹Ģหà¹ĩà¸Ļ" + ], + [ + "ĠØ´", + "ب" + ], + [ + "Ġشب", + "ÙĥØ©" + ], + [ + "ר", + "×Ļ×§" + ], + [ + "Ùħ", + "عد" + ], + [ + "Ùħعد", + "ات" + ], + [ + "dıģ", + "ında" + ], + [ + "Ġ×ijש", + "׳×Ļ×Ŀ" + ], + [ + "Ġ×Ķ", + "×Ļשר×IJ׾" + ], + [ + "Ġ×Ķ×Ļשר×IJ׾", + "×Ļת" + ], + [ + "Ġsı", + "nav" + ], + [ + "׳צ", + "×Ļ×Ĵ" + ], + [ + "วัà¸ķ", + "à¸ĸุ" + ], + [ + "ĠاÙĦبر", + "ÙĦÙħ" + ], + [ + "ĠاÙĦبرÙĦÙħ", + "اÙĨ" + ], + [ + "t", + "ivitÃł" + ], + [ + "ãĤĵãģł", + "ãĤįãģĨ" + ], + [ + "×§×Ļ", + "×Ļ×ŀ" + ], + [ + "ÙĦÙĬ", + "Ùĥ" + ], + [ + "ĠÄij", + "ò" + ], + [ + "ĠÄijò", + "i" + ], + [ + "ĠÐĺн", + "ÑĤеÑĢ" + ], + [ + "ĠÐĺнÑĤеÑĢ", + "неÑĤ" + ], + [ + "ãģ«ãģ¨ãģ£ãģ¦", + "ãģ¯" + ], + [ + "ãģ£", + "ãģĵ" + ], + [ + "×§", + "×ķס" + ], + [ + "ست", + "ØŃÙĤ" + ], + [ + "æķĻ", + "ãģĪãģ¦" + ], + [ + "ãĥĢ", + "ãĥ¡" + ], + [ + "ĠÙħÙĨ", + "زÙĦ" + ], + [ + "à¹Ģà¸ĭ", + "à¹ĩà¸Ļ" + ], + [ + "使", + "ãģĪãĤĭ" + ], + [ + "è¦ĭ", + "ç©į" + ], + [ + "è¦ĭç©į", + "ãĤĤãĤĬ" + ], + [ + "Ø£", + "Ùģ" + ], + [ + "Ø£Ùģ", + "Ùĥار" + ], + [ + "Ġиг", + "ÑĢов" + ], + [ + "ĠигÑĢов", + "Ñĭе" + ], + [ + "Ġm", + "ÄĻż" + ], + [ + "ĠmÄĻż", + "czy" + ], + [ + "ĠmÄĻżczy", + "zn" + ], + [ + "ĠاÙĦØŃ", + "ÙĤÙĬÙĤÙĬ" + ], + [ + "ع", + "بر" + ], + [ + "׼×ķ׾", + "׳×ķ" + ], + [ + "íĿ", + "¥" + ], + [ + "×ŀ×IJ", + "×ķ×Ĺר" + ], + [ + "خت", + "ص" + ], + [ + "ãĥŀ", + "ãĥŀ" + ], + [ + "Ġ×IJ×Ĺ", + "×ķ×ĸ" + ], + [ + "í", + "ĮĢ" + ], + [ + "Ġr", + "á»iji" + ], + [ + "Ġв", + "ÑĤоÑĢ" + ], + [ + "ĠвÑĤоÑĢ", + "ой" + ], + [ + "Ġl", + "ẫn" + ], + [ + "пÑĢ", + "ом" + ], + [ + "пÑĢом", + "ÑĭÑĪ" + ], + [ + "пÑĢомÑĭÑĪ", + "лен" + ], + [ + "пÑĢомÑĭÑĪлен", + "н" + ], + [ + "ĠоÑĤноÑĪ", + "ениÑı" + ], + [ + "Ġs", + "ứ" + ], + [ + "Ġм", + "обилÑĮ" + ], + [ + "ĠмобилÑĮ", + "н" + ], + [ + "ĠÑįÑĤ", + "омÑĥ" + ], + [ + "Ġt", + "ạp" + ], + [ + "ĠìĤ¬", + "ê±´" + ], + [ + "ĠìķĮ", + "볤" + ], + [ + "Ùĥ", + "Ùı" + ], + [ + "ÙĥÙı", + "ÙħÙĴ" + ], + [ + "Ġ×§", + "×ķר×Ķ" + ], + [ + "ĠÑĦ", + "иÑĢ" + ], + [ + "ĠÑĦиÑĢ", + "м" + ], + [ + "Ġsık", + "ıntı" + ], + [ + "׳", + "׼" + ], + [ + "׳׼", + "×ķף" + ], + [ + "ÙĪÙĦÙĪØ¬", + "ÙĬ" + ], + [ + "ØŃ", + "اÙĨ" + ], + [ + "Ġlo", + "ạn" + ], + [ + "Ġ×IJ׾", + "×£" + ], + [ + "Ġm", + "ắn" + ], + [ + "abh", + "äng" + ], + [ + "abhäng", + "ig" + ], + [ + "ĠÑĥÑĢов", + "нÑı" + ], + [ + "Ġ׾×ij×ĵ", + "×ķ×§" + ], + [ + "ÙĬ", + "ÙħÙĨ" + ], + [ + "lay", + "ın" + ], + [ + "Ġh", + "ải" + ], + [ + "Ġзав", + "од" + ], + [ + "ĠìķĦ", + "주" + ], + [ + "สà¸ĸ", + "า" + ], + [ + "สà¸ĸา", + "à¸ļัà¸Ļ" + ], + [ + "Ġgüven", + "lik" + ], + [ + "à¹Ģà¸Ķ", + "à¹Īà¸Ļ" + ], + [ + "×ij×ĵ", + "×§" + ], + [ + "Ġë", + "Ī" + ], + [ + "ĠëĪ", + "Ħ" + ], + [ + "ĠëĪĦ", + "구" + ], + [ + "éĩįè¦ģ", + "ãģª" + ], + [ + "รà¸Ńà¸ĩ", + "รัà¸ļ" + ], + [ + "sch", + "lie" + ], + [ + "schlie", + "ÃŁen" + ], + [ + "Ġìĸ", + "¼" + ], + [ + "Ġìĸ¼", + "ë§Ī" + ], + [ + "Ġìĸ¼ë§Ī", + "ëĤĺ" + ], + [ + "ÑĤи", + "ки" + ], + [ + "íķľëĭ¤", + "ê³ł" + ], + [ + "ãģłãģ£ãģŁ", + "ãĤī" + ], + [ + "Ġ×Ķ", + "×Ļ×ĺ×ij" + ], + [ + "ãģªãģijãĤĮãģ°", + "ãģªãĤīãģªãģĦ" + ], + [ + "â", + "Ì" + ], + [ + "âÌ", + "£" + ], + [ + "Ġph", + "ạt" + ], + [ + "ak", + "Ä±ÅŁ" + ], + [ + "ãģ¦ãģĹãģ¾", + "ãģĦãģ¾ãģĻ" + ], + [ + "à¹Ģà¸ĭ", + "à¹ĩ" + ], + [ + "ĠС", + "егоднÑı" + ], + [ + "Ġinsan", + "ların" + ], + [ + "Ġdévelop", + "pe" + ], + [ + "ת", + "פר" + ], + [ + "תפר", + "×Ļ×ĺ" + ], + [ + "اÙĨت", + "شار" + ], + [ + "ê°", + "ij" + ], + [ + "Fran", + "çois" + ], + [ + "Ø£ÙĦ", + "ع" + ], + [ + "Ø£ÙĦع", + "اب" + ], + [ + "ãĤĴ", + "è¶ħ" + ], + [ + "ãĤĴè¶ħ", + "ãģĪ" + ], + [ + "Ġê°Ļ", + "ìĬµëĭĪëĭ¤" + ], + [ + "ãĤ³", + "ãĥ¬" + ], + [ + "ĠмеÑģÑı", + "ÑĨев" + ], + [ + "íĮ", + "ħ" + ], + [ + "ĠاÙĦج", + "اÙħعة" + ], + [ + "ìĿ¸", + "íĦ°" + ], + [ + "ìĿ¸íĦ°", + "ëĦ·" + ], + [ + "×ĵר", + "×ķש" + ], + [ + "ĠÙĪØ£", + "شار" + ], + [ + "ĠпÑĢав", + "ила" + ], + [ + "ãģĿãģĵ", + "ãģ«" + ], + [ + "×Ĺ", + "×ŀ×ĵ" + ], + [ + "à¹Ģหà¸ķุ", + "à¸ģารà¸ĵà¹Į" + ], + [ + "Ġê²½", + "íĹĺ" + ], + [ + "ãģ¶", + "ãĤĬ" + ], + [ + "׾", + "ש" + ], + [ + "׾ש", + "×ķף" + ], + [ + "à¹Ģ", + "à¸ĸ" + ], + [ + "ĠDo", + "ÄŁu" + ], + [ + "ĠиÑģполÑĮзов", + "ание" + ], + [ + "Ġçoc", + "uÄŁu" + ], + [ + "магазин", + "е" + ], + [ + "ĠÄiji", + "á»ĥn" + ], + [ + "Ġas", + "lı" + ], + [ + "Ġaslı", + "nda" + ], + [ + "Ġdoen", + "ça" + ], + [ + "Ġس", + "اع" + ], + [ + "Ġساع", + "ات" + ], + [ + "ĠиÑģполÑĮзов", + "аниÑı" + ], + [ + "ר", + "×ķצ×Ļ×Ŀ" + ], + [ + "ĠзнаÑĩ", + "иÑĤ" + ], + [ + "ĠÑĢаÐ", + "¼" + ], + [ + "ĠÑĢам", + "каÑħ" + ], + [ + "ê±°", + "리" + ], + [ + "Ġп", + "ÑĭÑĤа" + ], + [ + "ãĥģ", + "ãĥ³" + ], + [ + "Ġпо", + "Ñģк" + ], + [ + "ĠпоÑģк", + "олÑĮ" + ], + [ + "ĠпоÑģколÑĮ", + "кÑĥ" + ], + [ + "Ø¥", + "بر" + ], + [ + "إبر", + "اÙĩ" + ], + [ + "إبراÙĩ", + "ÙĬÙħ" + ], + [ + "ĠÑĤÑĢ", + "еÑħ" + ], + [ + "ĠGen", + "ç" + ], + [ + "س", + "ÙĪÙģ" + ], + [ + "Ġve", + "ÃŃculo" + ], + [ + "ĠNg", + "ân" + ], + [ + "ĠоÑĩеÑĢ", + "едÑĮ" + ], + [ + "à¸Ħร", + "ึà¹Īà¸ĩ" + ], + [ + "×IJ", + "×ij×Ļ" + ], + [ + "à¸ķ", + "à¹īม" + ], + [ + "ãĤĴè¡Į", + "ãģĦ" + ], + [ + "ĠاÙĦساب", + "ÙĤØ©" + ], + [ + "на", + "ÑĨи" + ], + [ + "наÑĨи", + "она" + ], + [ + "наÑĨиона", + "лÑĮн" + ], + [ + "Ġgest", + "ión" + ], + [ + "ت", + "ÙĤد" + ], + [ + "ĠاÙĦبÙĬ", + "اÙĨ" + ], + [ + "ĠاÙĦبÙĬاÙĨ", + "ات" + ], + [ + "ĠاÙĦ", + "اÙĨتخاب" + ], + [ + "ĠاÙĦاÙĨتخاب", + "ات" + ], + [ + "à¹Ģà¸Ĭ", + "à¹Īา" + ], + [ + "×ĵ", + "×IJ×Ĵ" + ], + [ + "Ġ׾×Ĵ", + "×ŀר×Ļ" + ], + [ + "Ġت", + "ØŃتاج" + ], + [ + "Ġth", + "ôn" + ], + [ + "à¸ķ", + "à¹īà¸Ńà¸Ļ" + ], + [ + "à¸ķà¹īà¸Ńà¸Ļ", + "รัà¸ļ" + ], + [ + "女", + "ãģ®" + ], + [ + "女ãģ®", + "åŃIJ" + ], + [ + "Ġth", + "ợ" + ], + [ + "Ø·", + "ØŃÙĨ" + ], + [ + "ารà¹Į", + "à¸Ķ" + ], + [ + "ת", + "×ŀ×Ļ×ĵ" + ], + [ + "ĠÑģам", + "Ñĭм" + ], + [ + "Ġìĭľ", + "íĸī" + ], + [ + "Ø¥", + "صد" + ], + [ + "إصد", + "ار" + ], + [ + "ĠNgh", + "á»ĩ" + ], + [ + "ìķ", + "ķ" + ], + [ + "س", + "ئ" + ], + [ + "سئ", + "ÙĦ" + ], + [ + "à¸Ń", + "าร" + ], + [ + "à¸Ńาร", + "ม" + ], + [ + "à¸Ńารม", + "à¸ĵà¹Į" + ], + [ + "à¹ģ", + "ฮ" + ], + [ + "׳×ĺ", + "׾" + ], + [ + "Ġì¢ĭ", + "ìķĦ" + ], + [ + "×ķ׾", + "׾" + ], + [ + "Ġ×ij", + "×Ľ×ª×ij" + ], + [ + "ãĤ«", + "ãĥ©" + ], + [ + "צע", + "×Ļר×Ļ×Ŀ" + ], + [ + "تعب", + "ÙĬر" + ], + [ + "Ġ×ŀ", + "קר×Ķ" + ], + [ + "ĠÑĦак", + "ÑĤоÑĢ" + ], + [ + "Ġت", + "ÙħاÙħ" + ], + [ + "ĠتÙħاÙħ", + "ا" + ], + [ + "ëį", + "ķ" + ], + [ + "Ġv", + "ưá»Ŀ" + ], + [ + "Ġvưá»Ŀ", + "n" + ], + [ + "Ġd", + "Ä±ÅŁÄ±" + ], + [ + "ãģĦ", + "ãģ¡" + ], + [ + "Ġ׾ק", + "׳×ķת" + ], + [ + "ĠاÙĦع", + "ÙĦاÙĤات" + ], + [ + "п", + "Ñĥб" + ], + [ + "пÑĥб", + "ли" + ], + [ + "Ø¥", + "ÙĬÙħ" + ], + [ + "Ø¥ÙĬÙħ", + "اÙĨ" + ], + [ + "à¸Ńำ", + "à¸Ļา" + ], + [ + "à¸Ńำà¸Ļา", + "à¸Ī" + ], + [ + "åIJ«", + "ãģ¾ãĤĮ" + ], + [ + "ãĤĭ", + "ãģŁãĤģãģ«" + ], + [ + "ס", + "×Ĵ" + ], + [ + "ס×Ĵ", + "׳×ķף" + ], + [ + "تØŃ", + "دÙĬ" + ], + [ + "Ġaup", + "rès" + ], + [ + "ĠاÙĦج", + "Ùĩا" + ], + [ + "ĠاÙĦجÙĩا", + "ز" + ], + [ + "Ġ×ŀ", + "ת×Ĺת" + ], + [ + "ен", + "нÑĥÑİ" + ], + [ + "Ġз", + "им" + ], + [ + "à¸ģา", + "à¹ģà¸Ł" + ], + [ + "Ġ×ijת", + "×ķר" + ], + [ + "Ġngh", + "è" + ], + [ + "Ġnghè", + "o" + ], + [ + "ĠÐĽ", + "Ñİ" + ], + [ + "ĠÐĽÑİ", + "б" + ], + [ + "תק", + "צ×Ļ×ij" + ], + [ + "×ŀ×¢", + "ש×Ķ" + ], + [ + "ĠاÙĦبÙĬ", + "ت" + ], + [ + "צ", + "×Ļפ" + ], + [ + "ĠобÑıз", + "ан" + ], + [ + "ĠM", + "á»Ĺi" + ], + [ + "ĠТ", + "ÑĥÑĢ" + ], + [ + "ĠÙĪØ¨", + "اÙĦت" + ], + [ + "ĠÙĪØ¨Ø§ÙĦت", + "اÙĦÙĬ" + ], + [ + "Ġdéc", + "ision" + ], + [ + "Ġب", + "د" + ], + [ + "Ġبد", + "أت" + ], + [ + "Ġc", + "ục" + ], + [ + "Ġb", + "ask" + ], + [ + "Ġbask", + "ı" + ], + [ + "Ġhat", + "ırl" + ], + [ + "Ġhatırl", + "a" + ], + [ + "å°ı", + "ãģķãģĦ" + ], + [ + "Ġgerçek", + "ten" + ], + [ + "à¸ľ", + "ัà¸ģ" + ], + [ + "åı¯èĥ½", + "ãģª" + ], + [ + "×ŀ×IJ", + "ס" + ], + [ + "Ġcr", + "ÃŃtica" + ], + [ + "ĠìĿĺ", + "ìĽIJ" + ], + [ + "عÙĤ", + "ÙĪØ¯" + ], + [ + "×ĺ", + "׼׳" + ], + [ + "×ĺ׼׳", + "×ķ׾×ķ×Ĵ×Ļ×Ķ" + ], + [ + "è¨Ģ", + "ãģĪãģ°" + ], + [ + "ĠÙĤ", + "ÙĨا" + ], + [ + "ĠÙĤÙĨا", + "Ø©" + ], + [ + "ĠìĿ´ê²ĥ", + "ìĿĢ" + ], + [ + "ت", + "صر" + ], + [ + "à¸Ł", + "ัà¸Ļ" + ], + [ + "ĠÑĢе", + "ÑĨеп" + ], + [ + "ĠÑĢеÑĨеп", + "ÑĤ" + ], + [ + "ĠبÙĨ", + "Ù쨳" + ], + [ + "ÑĢо", + "ÑĪ" + ], + [ + "ĠмаÑĢ", + "ÑĤа" + ], + [ + "Ġson", + "ras" + ], + [ + "Ġsonras", + "ı" + ], + [ + "×ķ×ij", + "ש" + ], + [ + "ãĥª", + "ãĤ¹ãĤ¯" + ], + [ + "ĠFranç", + "ais" + ], + [ + "á»", + "ļ" + ], + [ + "ê°", + "Ķ" + ], + [ + "Ġ×Ķ×ijר", + "×Ļת" + ], + [ + "פ", + "×Ļצ" + ], + [ + "פ×Ļצ", + "×ķ×Ļ" + ], + [ + "ĠÙĦÙħا", + "ذا" + ], + [ + "ĠÐļи", + "ев" + ], + [ + "ĠÑģ", + "мÑĭÑģл" + ], + [ + "ê¸Ī", + "ìľµ" + ], + [ + "ãĤ·ãĥ£", + "ãĥ«" + ], + [ + "ãĥ©", + "ãĤ¤ãĥĪ" + ], + [ + "ìĽ", + "ĥ" + ], + [ + "×ŀ", + "×Ĺר" + ], + [ + "ãĨ", + "į" + ], + [ + "Ġkullan", + "ım" + ], + [ + "Ġ×IJצ׾", + "׳×ķ" + ], + [ + "Ġt", + "Ãłn" + ], + [ + "ãĥı", + "ãĥ¼" + ], + [ + "ãģ¨", + "ãģ¨ãĤĤ" + ], + [ + "ãģ¨ãģ¨ãĤĤ", + "ãģ«" + ], + [ + "ÑĢ", + "ег" + ], + [ + "ÑĢег", + "и" + ], + [ + "ÑĢеги", + "он" + ], + [ + "ãģªãģı", + "ãģªãĤĭ" + ], + [ + "Ġch", + "ảy" + ], + [ + "Ġج", + "ÙĩØ©" + ], + [ + "ÅĦsk", + "iej" + ], + [ + "à¸Ńี", + "à¹Ģม" + ], + [ + "à¸Ńีà¹Ģม", + "ล" + ], + [ + "ãģį", + "ãģ£ãģ¨" + ], + [ + "ĠìĺĪ", + "ìĤ°" + ], + [ + "Ġkit", + "abı" + ], + [ + "Ġedu", + "cação" + ], + [ + "Ġbul", + "uÅŁ" + ], + [ + "олог", + "иÑı" + ], + [ + "Ġкон", + "кÑĢ" + ], + [ + "ĠконкÑĢ", + "еÑĤ" + ], + [ + "×Ĵ", + "×Ļר" + ], + [ + "ĠпÑĢед", + "лаг" + ], + [ + "ĠпÑĢедлаг", + "аеÑĤ" + ], + [ + "ĠY", + "ên" + ], + [ + "Ġíķľ", + "ë²Ī" + ], + [ + "Ġ×ŀ", + "ר׼×ĸ×Ļ" + ], + [ + "à¹Ģà¸Ľà¸´à¸Ķ", + "à¹Ģà¸ľà¸¢" + ], + [ + "ÑĤвеÑĢ", + "д" + ], + [ + "ĠH", + "á»ĩ" + ], + [ + "ĠÐĵ", + "ÑĢ" + ], + [ + "à¸Ŀ", + "à¹īา" + ], + [ + "×Ķ", + "שק" + ], + [ + "×Ķשק", + "×¢×Ķ" + ], + [ + "Ġна", + "Ñĥк" + ], + [ + "ìłIJ", + "ìĿĦ" + ], + [ + "Ġн", + "елÑĮ" + ], + [ + "ĠнелÑĮ", + "з" + ], + [ + "ĠнелÑĮз", + "Ñı" + ], + [ + "г", + "ин" + ], + [ + "ĠB", + "öl" + ], + [ + "ĠBöl", + "ge" + ], + [ + "Ġв", + "ла" + ], + [ + "Ġвла", + "ÑģÑĤи" + ], + [ + "à¹Ģà¸Ļ", + "à¹ĩ" + ], + [ + "à¹Ģà¸Ļà¹ĩ", + "à¸ķ" + ], + [ + "ê³", + "¨" + ], + [ + "Ġö", + "ld" + ], + [ + "Ġöld", + "ür" + ], + [ + "׼׳", + "×¢" + ], + [ + "ĠاÙĦÙĩ", + "ÙĬئة" + ], + [ + "ت", + "ارÙĬØ®" + ], + [ + "ĠÐij", + "ÑĢ" + ], + [ + "ĠÑģ", + "мож" + ], + [ + "ĠÑģмож", + "еÑĤе" + ], + [ + "ĠL", + "úc" + ], + [ + "à¹Ħà¸Ľ", + "à¸ĸึà¸ĩ" + ], + [ + "ĠBakan", + "ı" + ], + [ + "Ġerklä", + "rt" + ], + [ + "ĠÐIJ", + "на" + ], + [ + "Ġsc", + "ène" + ], + [ + "åķı", + "ãģĦ" + ], + [ + "åķıãģĦ", + "åIJĪãĤıãģĽ" + ], + [ + "ÙħÙĩ", + "ÙĨد" + ], + [ + "ÙħÙĩÙĨد", + "س" + ], + [ + "Ġн", + "азвание" + ], + [ + "ив", + "аниÑı" + ], + [ + "ãĤĴ", + "å¤īãģĪ" + ], + [ + "ä»ĺãģį", + "åIJĪ" + ], + [ + "ãĥij", + "ãĤ½" + ], + [ + "ãĥijãĤ½", + "ãĤ³ãĥ³" + ], + [ + "æĺİ", + "ãĤī" + ], + [ + "æĺİãĤī", + "ãģĭ" + ], + [ + "à¹Ģà¸Ńà¸ģ", + "สาร" + ], + [ + "à¹Ģà¸ģิà¸Ļ", + "à¹Ħà¸Ľ" + ], + [ + "л", + "еп" + ], + [ + "ãģĹãģŁ", + "ãĤĤãģ®" + ], + [ + "ĠC", + "âm" + ], + [ + "ĠCâm", + "ara" + ], + [ + "×§×ķ׾", + "׳×ķ×¢" + ], + [ + "Ġ×ij×Ĵ", + "×Ļף" + ], + [ + "Ġoc", + "zy" + ], + [ + "Ġoczy", + "wiÅĽcie" + ], + [ + "att", + "ivitÃł" + ], + [ + "ãĥĵ", + "ãĥ¥ãĥ¼" + ], + [ + "Ġeduc", + "ación" + ], + [ + "İ", + "YE" + ], + [ + "ê¹Į", + "ìļĶ" + ], + [ + "ãĤ¨", + "ãĥªãĤ¢" + ], + [ + "н", + "еÑģÑĤи" + ], + [ + "Ġm", + "óg" + ], + [ + "Ġmóg", + "ÅĤ" + ], + [ + "Ġ×§×ĺ", + "׳×Ļ×Ŀ" + ], + [ + "ĠPr", + "ä" + ], + [ + "Ġ×ľ×¢", + "×ij×ķר" + ], + [ + "بÙĨ", + "Ùī" + ], + [ + "з", + "ол" + ], + [ + "зол", + "оÑĤ" + ], + [ + "Ġwn", + "ÄĻtr" + ], + [ + "ĠwnÄĻtr", + "z" + ], + [ + "Ġconstr", + "ução" + ], + [ + "รัà¸ļ", + "รà¸Ńà¸ĩ" + ], + [ + "س", + "جÙĨ" + ], + [ + "Ġ×§", + "×ķ׳" + ], + [ + "ס", + "×Ļפ×ķר" + ], + [ + "ĠÙħ", + "دÙī" + ], + [ + "رض", + "Ùī" + ], + [ + "п", + "лав" + ], + [ + "ï¼", + "¥" + ], + [ + "Ġil", + "a" + ], + [ + "Ġila", + "ç" + ], + [ + "ãĤĭ", + "ãģ¹ãģį" + ], + [ + "ĠÙħ", + "ÙĪÙĤÙģ" + ], + [ + "à¸ģร", + "ุ" + ], + [ + "à¸ģรุ", + "à¸ĵา" + ], + [ + "chodzÄħ", + "c" + ], + [ + "ĠÑĤÑĭ", + "Ñģ" + ], + [ + "Ðķ", + "вÑĢо" + ], + [ + "ĠÙĬ", + "ØŃدث" + ], + [ + "ãĥ¡", + "ãĤ¤ãĥ³" + ], + [ + "ĠاÙĦص", + "ØŃÙĬ" + ], + [ + "ĠÐĶ", + "ан" + ], + [ + "دع", + "اء" + ], + [ + "ãĤ´", + "ãĥ¼ãĥ«" + ], + [ + "ש", + "×ł×ª×Ļ" + ], + [ + "×©×ł×ª×Ļ", + "×Ļ×Ŀ" + ], + [ + "à¸Ķà¹īวย", + "à¸ģัà¸Ļ" + ], + [ + "Ġol", + "acaģı" + ], + [ + "Ġ×ij", + "×ŀ×Ĺ×Ļר" + ], + [ + "×Ķ", + "×§" + ], + [ + "×Ķ×§", + "×ŀת" + ], + [ + "ãĥ¢", + "ãĥİ" + ], + [ + "ĠçalÄ±ÅŁ", + "tı" + ], + [ + "Ġjó", + "venes" + ], + [ + "ãģĦãģı", + "ãĤī" + ], + [ + "ĠÙħ", + "عدÙĦ" + ], + [ + "ĠC", + "Å©ng" + ], + [ + "ĠSeg", + "ún" + ], + [ + "Ġdönem", + "de" + ], + [ + "Ġ׾", + "×Ļ×ĵ×Ļ" + ], + [ + "ãģį", + "ãģ¡" + ], + [ + "ãģįãģ¡", + "ãĤĵ" + ], + [ + "ãģįãģ¡ãĤĵ", + "ãģ¨" + ], + [ + "Ù쨱", + "ÙĨس" + ], + [ + "Ù쨱ÙĨس", + "ا" + ], + [ + "åIJij", + "ãģį" + ], + [ + "Ġcamp", + "aña" + ], + [ + "ĠÑģам", + "оÑģÑĤоÑı" + ], + [ + "ĠÑģамоÑģÑĤоÑı", + "ÑĤелÑĮно" + ], + [ + "á»", + "Ģ" + ], + [ + "ÙĤ", + "ÙĪØ§" + ], + [ + "س", + "ÙĦاØŃ" + ], + [ + "à¸ģระ", + "à¹ģ" + ], + [ + "à¸ģระà¹ģ", + "ส" + ], + [ + "ĠполÑĮз", + "Ñĥ" + ], + [ + "n", + "qu" + ], + [ + "nqu", + "ête" + ], + [ + "รà¹Īวม", + "à¸ģัà¸ļ" + ], + [ + "ëĬIJ", + "ëĥIJ" + ], + [ + "à¸Ĺีม", + "à¸Ĭาà¸ķิ" + ], + [ + "Ġyıll", + "ık" + ], + [ + "ìĬ", + "¬" + ], + [ + "ĠØ£", + "صØŃاب" + ], + [ + "ill", + "é" + ], + [ + "Ġdó", + "la" + ], + [ + "Ġdóla", + "res" + ], + [ + "Ġк", + "ож" + ], + [ + "Ġкож", + "и" + ], + [ + "ล", + "à¹īà¸Ń" + ], + [ + "à¹Ģรีย", + "à¸ļร" + ], + [ + "à¹Ģรียà¸ļร", + "à¹īà¸Ńย" + ], + [ + "à¹Ģà¸ŀ", + "ิ" + ], + [ + "à¹Ģà¸ŀิ", + "à¹Īà¸ĩ" + ], + [ + "ÑĢиÑĤоÑĢ", + "и" + ], + [ + "Ġí", + "ijľ" + ], + [ + "Ġíijľ", + "íĺĦ" + ], + [ + "ĠпеÑĢ", + "ев" + ], + [ + "ĠпеÑĢев", + "од" + ], + [ + "פ×Ĵ", + "×Ļ×¢×Ķ" + ], + [ + "ĠdeÄŁerlendir", + "me" + ], + [ + "Ùģ", + "ائ" + ], + [ + "ĠвÑĭ", + "год" + ], + [ + "ınız", + "ı" + ], + [ + "×ķ׼", + "×Ļ×Ĺ" + ], + [ + "ĠдоÑģÑĤ", + "иг" + ], + [ + "Ġng", + "Ãłn" + ], + [ + "æĢĿ", + "ãģ£ãģŁ" + ], + [ + "ĠÐķ", + "ÑģÑĤÑĮ" + ], + [ + "ĠاÙĦر", + "غÙħ" + ], + [ + "ĠzwiÄħz", + "ane" + ], + [ + "رب", + "Ø·" + ], + [ + "à¸Ļ", + "ึà¸ĩ" + ], + [ + "Ġ׾×Ĺ", + "×ķ×§" + ], + [ + "Ġszczeg", + "óln" + ], + [ + "Ġszczególn", + "ie" + ], + [ + "Ġبا", + "ستخداÙħ" + ], + [ + "ĠfÃŃs", + "ico" + ], + [ + "×¢", + "ס" + ], + [ + "עס", + "×ķ×§" + ], + [ + "سÙĦ", + "ÙĪÙĥ" + ], + [ + "Ġا", + "ØŃد" + ], + [ + "Ñĩ", + "ÑijÑĤ" + ], + [ + "×ĸ׼", + "×Ķ" + ], + [ + "Ġl", + "á»ĩnh" + ], + [ + "ĠÙĪ", + "ØŃت" + ], + [ + "ĠÙĪØŃØª", + "Ùī" + ], + [ + "à¸Ħวาม", + "สามารà¸ĸ" + ], + [ + "à¸Ńยูà¹Ī", + "à¹ģลà¹īว" + ], + [ + "à¸ģาร", + "à¹Ģà¸Ķิà¸Ļà¸Ĺาà¸ĩ" + ], + [ + "تخ", + "ذ" + ], + [ + "צ×Ļ", + "×ķ×ĵ" + ], + [ + "ĠاÙĦØ£", + "س" + ], + [ + "ĠاÙĦأس", + "ÙĩÙħ" + ], + [ + "Ġt", + "á»ĩ" + ], + [ + "ãģ£ãģ¦", + "ãģĦãģ¦" + ], + [ + "สร", + "ุ" + ], + [ + "สรุ", + "à¸Ľ" + ], + [ + "Ġком", + "ÑĦ" + ], + [ + "ĠкомÑĦ", + "оÑĢÑĤ" + ], + [ + "ìĺ¤", + "ëĬĶ" + ], + [ + "ĠÑĢаз", + "в" + ], + [ + "ĠÑĢазв", + "ива" + ], + [ + "л", + "анд" + ], + [ + "h", + "änge" + ], + [ + "ĠبÙĨ", + "سبة" + ], + [ + "à¹Ģà¸Ĥ", + "ียว" + ], + [ + "עצ", + "×Ŀ" + ], + [ + "Ġ׾", + "×ľ×Ľ×ª" + ], + [ + "Ñģо", + "ÑĨиалÑĮн" + ], + [ + "Ġëĭ¤ìĿĮ", + "ê³¼" + ], + [ + "Ġרש", + "×ķ×ŀ" + ], + [ + "×ŀר", + "×Ĺ×ij" + ], + [ + "س", + "ÙĤØ·" + ], + [ + "Ġalan", + "ı" + ], + [ + "ĠÄij", + "á»ĩ" + ], + [ + "é£Łãģ¹", + "ãĤĭ" + ], + [ + "à¸Ķ", + "ึà¸ĩ" + ], + [ + "Ġgegen", + "über" + ], + [ + "ĠبÙĩ", + "ذÙĩ" + ], + [ + "à¸ĸืà¸Ń", + "à¹Ģà¸Ľà¹ĩà¸Ļ" + ], + [ + "ëķ", + "ħ" + ], + [ + "à¸Ħà¸Ļ", + "à¹Ħà¸Ĺย" + ], + [ + "ãĤ¢", + "ãĤ¦" + ], + [ + "ãĤ¢ãĤ¦", + "ãĥĪ" + ], + [ + "ศ", + "ัà¸ģ" + ], + [ + "ศัà¸ģ", + "à¸Ķิ" + ], + [ + "ศัà¸ģà¸Ķิ", + "à¹Į" + ], + [ + "ÙĤÙĪ", + "اÙĨ" + ], + [ + "ÙĤÙĪØ§ÙĨ", + "ÙĬÙĨ" + ], + [ + "Ġhá»Ļ", + "p" + ], + [ + "ãģªãģıãģª", + "ãģ£ãģ¦" + ], + [ + "Ġ×IJ", + "×ŀ׳" + ], + [ + "Ġ×IJ×ŀ׳", + "×Ŀ" + ], + [ + "à¹Ģà¸ķ", + "ืà¸Ńà¸Ļ" + ], + [ + "ĠзавиÑģ", + "им" + ], + [ + "ĠзавиÑģим", + "оÑģÑĤи" + ], + [ + "ת", + "×Ļ×IJ" + ], + [ + "ת×Ļ×IJ", + "×ķר" + ], + [ + "å§ĭãĤģ", + "ãģŁ" + ], + [ + "Ġng", + "á»į" + ], + [ + "Ġngá»į", + "t" + ], + [ + "íĴ", + "į" + ], + [ + "ê³¼", + "ìŀ¥" + ], + [ + "Ġb", + "ại" + ], + [ + "ãģ§ãģį", + "ãģ¦" + ], + [ + "Ġcomeç", + "ar" + ], + [ + "à¸Ľà¸£", + "าà¸ģ" + ], + [ + "à¸Ľà¸£à¸²à¸ģ", + "à¸ı" + ], + [ + "Ġгод", + "Ñĭ" + ], + [ + "м", + "еÑģ" + ], + [ + "ĠاÙĦÙħست", + "ÙĪÙī" + ], + [ + "ĠÑģам", + "Ñĭе" + ], + [ + "л", + "леÑĢ" + ], + [ + "ãģ£ãģ¦ãģĹãģ¾", + "ãģĦãģ¾ãģĻ" + ], + [ + "ãģ¨ãģ®", + "ãģĵãģ¨" + ], + [ + "bi", + "ó" + ], + [ + "à¸ģล", + "à¹Īà¸Ńà¸ĩ" + ], + [ + "ĠاÙĦز", + "ÙĪØ¬" + ], + [ + "ãģ«è¡Į", + "ãģ£ãģŁ" + ], + [ + "à¸Ħà¹Ī", + "à¸Ńà¸Ļ" + ], + [ + "à¸Ħà¹Īà¸Ńà¸Ļ", + "à¸Ĥà¹īาà¸ĩ" + ], + [ + "ĠbaÄŁ", + "l" + ], + [ + "ĠbaÄŁl", + "ant" + ], + [ + "ĠbaÄŁlant", + "ı" + ], + [ + "確", + "ãģĭ" + ], + [ + "確ãģĭ", + "ãģ«" + ], + [ + "ãĥľ", + "ãĥ¼ãĥ«" + ], + [ + "çµĤ", + "ãĤıãĤĬ" + ], + [ + "ש", + "×ŀר" + ], + [ + "à¸Ĺีà¹Ī", + "สามารà¸ĸ" + ], + [ + "ÙĦ", + "زÙħ" + ], + [ + "д", + "аеÑĤÑģÑı" + ], + [ + "รัà¸ļ", + "à¸Ľà¸£à¸°" + ], + [ + "รัà¸ļà¸Ľà¸£à¸°", + "à¸Ĺาà¸Ļ" + ], + [ + "å¤ī", + "ãĤıãĤĬ" + ], + [ + "ï¼", + "¢" + ], + [ + "ĠìĺĪìĪĺ", + "ëĭĺ" + ], + [ + "ãĤĪãģĨ", + "ãģ¨" + ], + [ + "มัà¸ģ", + "à¸Īะ" + ], + [ + "ĠH", + "ương" + ], + [ + "ÙĨ", + "Ù쨰" + ], + [ + "×ŀ×ĵ", + "×ĵ" + ], + [ + "ĠìĿ¸", + "ìłķ" + ], + [ + "Ñħод", + "иÑĤÑĮ" + ], + [ + "ĠзавиÑģ", + "иÑĤ" + ], + [ + "×ķ×ĵ", + "×Ļ×¢" + ], + [ + "ãģĵãģ¨ãģĮ", + "ãģĤãĤĬãģ¾ãģĻ" + ], + [ + "ع", + "راÙĤ" + ], + [ + "سط", + "ØŃ" + ], + [ + "à¸ģำ", + "à¹Ħร" + ], + [ + "ëĵ¤", + "ëıĦ" + ], + [ + "×Ļצ", + "×Ļר×Ķ" + ], + [ + "ãģĨ", + "ãģĵãģ¨" + ], + [ + "ÙĦا", + "ØŃÙĤ" + ], + [ + "ãģĦ", + "ãĤĮãģ°" + ], + [ + "ĠиÑģполÑĮз", + "ÑĥÑİÑĤ" + ], + [ + "ĠB", + "ợi" + ], + [ + "Ġשק׾", + "×Ļ×Ŀ" + ], + [ + "ÑĨи", + "кл" + ], + [ + "ÐIJ", + "Ðŀ" + ], + [ + "Ġ×ijש", + "׳×Ķ" + ], + [ + "ÙĨØ´", + "Ø·" + ], + [ + "Ġש", + "×Ļ׳×ķ×Ļ" + ], + [ + "Ġש×Ļ׳×ķ×Ļ", + "×Ļ×Ŀ" + ], + [ + "Ġpobl", + "ación" + ], + [ + "ĠH", + "ưng" + ], + [ + "ระ", + "ว" + ], + [ + "ระว", + "ัà¸ĩ" + ], + [ + "رÙĬاض", + "Ø©" + ], + [ + "ر", + "صد" + ], + [ + "تÙĤ", + "ÙĦÙĬ" + ], + [ + "تÙĤÙĦÙĬ", + "د" + ], + [ + "Ġülk", + "em" + ], + [ + "Ġülkem", + "iz" + ], + [ + "à¸Ĭ", + "ะ" + ], + [ + "ãĤ¯ãĥª", + "ãĥ¼ãĥł" + ], + [ + "èģŀ", + "ãģĦãģŁ" + ], + [ + "Ġwa", + "ż" + ], + [ + "Ġważ", + "ne" + ], + [ + "ê±°", + "ëĵł" + ], + [ + "ê±°ëĵł", + "ìļĶ" + ], + [ + "×ŀ×IJ", + "×ij×§" + ], + [ + "×Ĺ×ĵ", + "ש×ķת" + ], + [ + "ĠW", + "roc" + ], + [ + "ĠWroc", + "ÅĤaw" + ], + [ + "ĠKü", + "ltür" + ], + [ + "s", + "ist" + ], + [ + "sist", + "ência" + ], + [ + "×¢×ĸר", + "×Ķ" + ], + [ + "Ġg", + "ương" + ], + [ + "รà¹īาà¸Ļ", + "à¸Ħà¹īา" + ], + [ + "ĠÙĪØ£", + "ÙĪØ¶ØŃ" + ], + [ + "ánd", + "ose" + ], + [ + "ãĤ·", + "ãĥ¼ãĥ³" + ], + [ + "×IJ׳", + "ר×Ĵ" + ], + [ + "×IJ׳ר×Ĵ", + "×Ļ×Ķ" + ], + [ + "ãģªãģĦ", + "ãģ§ãģĻ" + ], + [ + "Ġkh", + "á»§ng" + ], + [ + "Ġ문", + "ìĦľ" + ], + [ + "Ġ×ij", + "×ĵ×ijר" + ], + [ + "×ĵ", + "×Ļ×ķ" + ], + [ + "×ĵ×Ļ×ķ", + "×ķ×Ĺ" + ], + [ + "Ġré", + "gl" + ], + [ + "ÙħÙĪ", + "اد" + ], + [ + "об", + "оÑĢ" + ], + [ + "обоÑĢ", + "оÑĤ" + ], + [ + "Ġ×Ķ", + "×ij׾" + ], + [ + "Ġ×Ķ×ij׾", + "×ķ×Ĵ" + ], + [ + "ØŃ", + "اÙħ" + ], + [ + "ĠاÙĦع", + "اص" + ], + [ + "ĠاÙĦعاص", + "ÙħØ©" + ], + [ + "пеÑĢ", + "аÑĤоÑĢ" + ], + [ + "ت", + "Ø®ÙĦ" + ], + [ + "تخÙĦ", + "ص" + ], + [ + "ãģŁãģł", + "ãģĹ" + ], + [ + "ت", + "سÙħ" + ], + [ + "à¹Ĥรà¸ĩ", + "à¸ŀ" + ], + [ + "à¹Ĥรà¸ĩà¸ŀ", + "ยา" + ], + [ + "à¹Ĥรà¸ĩà¸ŀยา", + "à¸ļาล" + ], + [ + "ĠY", + "ük" + ], + [ + "ĠYük", + "sek" + ], + [ + "Ġש", + "׳×Ļת" + ], + [ + "Ġש׳×Ļת", + "ף" + ], + [ + "liÄŁ", + "e" + ], + [ + "Ġפ", + "ת" + ], + [ + "Ġפת", + "×ķ×Ĺ" + ], + [ + "Ġbe", + "ÄŁ" + ], + [ + "ĠbeÄŁ", + "en" + ], + [ + "Ġ×ŀ", + "×ķר" + ], + [ + "Ġ×ŀ×ķר", + "׼×ij" + ], + [ + "Ġرس", + "اÙĦØ©" + ], + [ + "íĨµ", + "ìĭł" + ], + [ + "Ġaval", + "ia" + ], + [ + "Ġavalia", + "ções" + ], + [ + "Ġman", + "h" + ], + [ + "Ġmanh", + "ã" + ], + [ + "Ġìķ", + "ŀ" + ], + [ + "Ġìķŀ", + "ìľ¼ë¡ľ" + ], + [ + "ÙĤ", + "تر" + ], + [ + "ÙĤتر", + "ØŃ" + ], + [ + "à¹Ģà¸ģ", + "ืà¸Ń" + ], + [ + "à¹Ģà¸ģืà¸Ń", + "à¸ļ" + ], + [ + "Ġpropos", + "é" + ], + [ + "Ø£", + "Ùħا" + ], + [ + "Ø£Ùħا", + "ÙĥÙĨ" + ], + [ + "ĠÐŀ", + "Ðŀ" + ], + [ + "ĠÐŀÐŀ", + "Ðŀ" + ], + [ + "ÙħÙĤ", + "ار" + ], + [ + "ÙħÙĤار", + "ÙĨØ©" + ], + [ + "ëĦ", + "IJ" + ], + [ + "ãģĦãģŁãģł", + "ãģı" + ], + [ + "ÙĤ", + "ÙĬÙĦ" + ], + [ + "Ġна", + "ÑĪиÑħ" + ], + [ + "ãĤ«", + "ãĥĥãĥĹ" + ], + [ + "×Ĺ׾", + "ת" + ], + [ + "Ġëĭ¤", + "ë§Į" + ], + [ + "à¸Ĺัà¹Īว", + "à¹Ĥลà¸ģ" + ], + [ + "ãĥį", + "ãĤ¿" + ], + [ + "ØŃس", + "اس" + ], + [ + "ãģ«ãģª", + "ãĤĮ" + ], + [ + "ج", + "ائ" + ], + [ + "جائ", + "زة" + ], + [ + "é", + "change" + ], + [ + "é", + "conom" + ], + [ + "économ", + "ie" + ], + [ + "Т", + "Ðĺ" + ], + [ + "סת", + "׼׾" + ], + [ + "à¸Ĺัà¹īà¸ĩ", + "สà¸Ńà¸ĩ" + ], + [ + "ĠاÙĦØ®", + "اÙħ" + ], + [ + "ĠاÙĦخاÙħ", + "س" + ], + [ + "×§", + "×ĺ×¢" + ], + [ + "au", + "waż" + ], + [ + "à¸ľà¸¹à¹ī", + "à¸Ĭาย" + ], + [ + "à¹ģà¸Ľà¸¥", + "à¸ģ" + ], + [ + "åIJĮæĻĤ", + "ãģ«" + ], + [ + "зн", + "аниÑı" + ], + [ + "ãģĦãģŁãģł", + "ãģįãģ¾ãģĹãģŁ" + ], + [ + "Ġ×ŀ×ij", + "׾×Ļ" + ], + [ + "à¸Ĥà¸Ń", + "à¹ĥหà¹ī" + ], + [ + "ĠاÙĦت", + "ربÙĬØ©" + ], + [ + "Ġdécou", + "vert" + ], + [ + "Ġżyc", + "iu" + ], + [ + "apr", + "ès" + ], + [ + "Ġy", + "ab" + ], + [ + "Ġyab", + "anc" + ], + [ + "Ġyabanc", + "ı" + ], + [ + "ĠbaÅŁ", + "layan" + ], + [ + "ìĹĪ", + "ëįĺ" + ], + [ + "Ġhes", + "abı" + ], + [ + "Ġë§Į", + "ìķ½" + ], + [ + "ë§", + "Īëĭ¤" + ], + [ + "ĠTh", + "ánh" + ], + [ + "ãĥ´", + "ãĤ¡" + ], + [ + "à¸Ľà¸£à¸±à¸ļ", + "à¸Ľà¸£" + ], + [ + "à¸Ľà¸£à¸±à¸ļà¸Ľà¸£", + "ุà¸ĩ" + ], + [ + "ĠM", + "ặc" + ], + [ + "à¹Ģหà¸ķุ", + "à¸ľà¸¥" + ], + [ + "ĠÐij", + "ез" + ], + [ + "Ġcapac", + "itÃł" + ], + [ + "ÅĤe", + "ÅĽ" + ], + [ + "ĠпÑĢе", + "им" + ], + [ + "ĠпÑĢеим", + "ÑĥÑīеÑģÑĤв" + ], + [ + "ĠÅļ", + "wiÄĻt" + ], + [ + "Ġpubli", + "é" + ], + [ + "×ŀ×¢", + "צ×ij" + ], + [ + "Ùħشار", + "Ùĥات" + ], + [ + "à¸łà¸²", + "ษ" + ], + [ + "à¸łà¸²à¸©", + "ี" + ], + [ + "Ġdeux", + "ième" + ], + [ + "ĠÙħØŃ", + "اÙ쨏" + ], + [ + "ĠÙħØŃاÙ쨏", + "Ø©" + ], + [ + "ĠSch", + "ön" + ], + [ + "ï½", + "¤" + ], + [ + "Ġ×Ķ", + "×ij×¢" + ], + [ + "Ġ×Ķ×ij×¢", + "×Ļ×Ķ" + ], + [ + "ĠÙĪØ§ÙĦ", + "ÙĦÙĩ" + ], + [ + "è¨Ģ", + "ãģ£ãģŁ" + ], + [ + "à¸ķ", + "à¹īาà¸Ļ" + ], + [ + "วร", + "รà¸ĵ" + ], + [ + "à¸Ĺิ", + "ศ" + ], + [ + "ĠbaÅŁ", + "ına" + ], + [ + "Ġmog", + "ÄĻ" + ], + [ + "ש", + "×Ļפ×ķר" + ], + [ + "ĠÙĪ", + "عد" + ], + [ + "ĠÙĪØ¹Ø¯", + "Ùħ" + ], + [ + "Ġhistó", + "rico" + ], + [ + "Ġk", + "ısı" + ], + [ + "ĠìĿ´", + "ê²Į" + ], + [ + "ĠPol", + "ÃŃtica" + ], + [ + "ĠÑģиÑĤÑĥ", + "аÑĨии" + ], + [ + "ĠkoÅĦ", + "ca" + ], + [ + "×ij×ĵ", + "×Ļ×§×Ķ" + ], + [ + "ĠاÙĦسÙĬ", + "ارات" + ], + [ + "ãģªãĤī", + "ãģ°" + ], + [ + "ãĤµ", + "ãĥ©" + ], + [ + "ãĤĭãģĵãģ¨ãģĮãģ§ãģį", + "ãĤĭ" + ], + [ + "Ġdecis", + "ão" + ], + [ + "×ķ", + "×ķ×ĵ" + ], + [ + "lä", + "ss" + ], + [ + "läss", + "ig" + ], + [ + "Ġ׾", + "×Ļשר×IJ׾" + ], + [ + "ĠÙĬ", + "أتÙĬ" + ], + [ + "ר", + "×ķ×ĸ" + ], + [ + "ö", + "ÄŁ" + ], + [ + "Ã¶ÄŁ", + "ret" + ], + [ + "Ã¶ÄŁret", + "im" + ], + [ + "Ġд", + "ек" + ], + [ + "Ġдек", + "аб" + ], + [ + "Ġдекаб", + "ÑĢÑı" + ], + [ + "Ġש", + "×Ĺ×ķר" + ], + [ + "ãģ¦ãģıãĤĮ", + "ãģŁ" + ], + [ + "عب", + "ارة" + ], + [ + "Ġélect", + "rique" + ], + [ + "ĠاÙĦتÙĨ", + "ÙħÙĬØ©" + ], + [ + "جر", + "Ùī" + ], + [ + "ĠìĪĺ", + "íĸī" + ], + [ + "à¸Ĺ", + "ู" + ], + [ + "ĠÑĢе", + "алÑĮно" + ], + [ + "Ñģп", + "оÑģоб" + ], + [ + "à¸Ħล", + "à¹īาย" + ], + [ + "Ġس", + "عÙĪØ¯" + ], + [ + "ön", + "ü" + ], + [ + "ĠÙģ", + "ÙħÙĨ" + ], + [ + "تÙĥ", + "ÙĪ" + ], + [ + "تÙĥÙĪ", + "ÙĬÙĨ" + ], + [ + "ĠкаÑĩ", + "еÑģÑĤво" + ], + [ + "ĠконÑĤ", + "ак" + ], + [ + "ĠконÑĤак", + "ÑĤ" + ], + [ + "Ġsöz", + "leÅŁme" + ], + [ + "à¸Ń", + "à¹īาà¸ĩ" + ], + [ + "Ġت", + "ÙĪÙģ" + ], + [ + "ĠتÙĪÙģ", + "ÙĬر" + ], + [ + "×Ķ×ĸ", + "×ĵ" + ], + [ + "×Ķ×ĸ×ĵ", + "×ŀ׳×ķת" + ], + [ + "ĠØ·ÙĪÙĬÙĦ", + "Ø©" + ], + [ + "Ġtér", + "mino" + ], + [ + "Ġ×IJ", + "×Ļפ×Ķ" + ], + [ + "ãĥĵ", + "ãĥ«" + ], + [ + "ส", + "à¹Ĥม" + ], + [ + "สà¹Ĥม", + "สร" + ], + [ + "ĠاÙĦ", + "اث" + ], + [ + "ĠاÙĦاث", + "ÙĨÙĬÙĨ" + ], + [ + "ев", + "иÑĩ" + ], + [ + "Ġopin", + "ión" + ], + [ + "à¸Ľ", + "วà¸Ķ" + ], + [ + "åı¤", + "ãģĦ" + ], + [ + "ร", + "à¹Īา" + ], + [ + "ĠB", + "iaÅĤ" + ], + [ + "ĠÑģÑĤ", + "ал" + ], + [ + "ĠÑģÑĤал", + "о" + ], + [ + "ó", + "logo" + ], + [ + "ĠìķĦ", + "ëĭĪëĭ¤" + ], + [ + "Ġ×IJ", + "×Ļת" + ], + [ + "Ġ×IJ×Ļת", + "×ķ" + ], + [ + "à¹Ģหà¹ĩà¸Ļ", + "วà¹Īา" + ], + [ + "à¸ļ", + "ารà¹Į" + ], + [ + "çĦ", + "¼" + ], + [ + "çĦ¼", + "ãģį" + ], + [ + "ĠìĿ´ìļ©", + "ìŀIJ" + ], + [ + "ĠнекоÑĤоÑĢ", + "Ñĭе" + ], + [ + "ks", + "z" + ], + [ + "ksz", + "taÅĤ" + ], + [ + "ksztaÅĤ", + "c" + ], + [ + "ãĤŃãĥ£", + "ãĥĥãĤ·" + ], + [ + "ãĤŃãĥ£ãĥĥãĤ·", + "ãĥ³ãĤ°" + ], + [ + "Ġro", + "ÅĽ" + ], + [ + "ĠroÅĽ", + "lin" + ], + [ + "ÑĢаж", + "а" + ], + [ + "×ij׳×Ļ", + "×Ļ×Ķ" + ], + [ + "à¸Ľà¸£", + "สิ" + ], + [ + "à¸Ľà¸£à¸ªà¸´", + "à¸ķ" + ], + [ + "Ġgörd", + "ü" + ], + [ + "×ŀ׳×Ķ", + "×Ļ×Ĵ" + ], + [ + "å¤īãĤı", + "ãģ£ãģ¦" + ], + [ + "Ġ×IJ", + "×Ķ" + ], + [ + "Ġ×IJ×Ķ", + "×ijת×Ļ" + ], + [ + "à¹Ģร", + "à¹Īà¸ĩ" + ], + [ + "Ġön", + "ünde" + ], + [ + "Ġê·¸", + "ëĥ¥" + ], + [ + "пол", + "иÑĤ" + ], + [ + "полиÑĤ", + "иÑĩеÑģк" + ], + [ + "ãĥ¡", + "ãĥĩãĤ£" + ], + [ + "ãĥ¡ãĥĩãĤ£", + "ãĤ¢" + ], + [ + "ĠDet", + "ay" + ], + [ + "ĠDetay", + "lı" + ], + [ + "ĠاÙĦصÙģ", + "ØŃØ©" + ], + [ + "à¸ģาร", + "à¹Ģà¸ĩิà¸Ļ" + ], + [ + "Ġìµľ", + "ê·¼" + ], + [ + "׼", + "ש׾" + ], + [ + "ï¼", + "©" + ], + [ + "вÑĪ", + "его" + ], + [ + "íķĺ", + "ìĭ¤" + ], + [ + "ĠÐŃ", + "ÑĤ" + ], + [ + "ĠÐŃÑĤ", + "оÑĤ" + ], + [ + "ส", + "ื" + ], + [ + "สื", + "à¸ļ" + ], + [ + "Ġng", + "ừng" + ], + [ + "ĠдокÑĥменÑĤ", + "ов" + ], + [ + "дав", + "аÑĤÑĮ" + ], + [ + "ĠاÙĦشخص", + "ÙĬØ©" + ], + [ + "Ġצ", + "×¢×Ļר" + ], + [ + "در", + "Ùĥ" + ], + [ + "س", + "ØŃب" + ], + [ + "à¹Ħมà¹Ī", + "à¸Ħà¹Īà¸Ńย" + ], + [ + "Ġ×Ķ×ŀ×§", + "×ķ×ŀ×Ļ" + ], + [ + "สัà¹Īà¸ĩ", + "à¸ĭืà¹īà¸Ń" + ], + [ + "Ġê·¸ê²ĥ", + "ìĿĦ" + ], + [ + "ãģĤãĤĭ", + "ãģĦ" + ], + [ + "ãģĤãĤĭãģĦ", + "ãģ¯" + ], + [ + "×IJ×ķ×ĺ", + "×ķ×ij" + ], + [ + "×IJ×ķ×ĺ×ķ×ij", + "×ķס" + ], + [ + "к", + "ÑĨион" + ], + [ + "ĠÐľ", + "ожно" + ], + [ + "ãģı", + "ãģł" + ], + [ + "ãģıãģł", + "ãģķ" + ], + [ + "ĠинÑĦоÑĢм", + "аÑĨиÑı" + ], + [ + "ï»", + "Ł" + ], + [ + "Ġìŀij", + "ìĹħ" + ], + [ + "Ġ×Ļ", + "×ķסף" + ], + [ + "Ø¥", + "دارة" + ], + [ + "ĠاÙĦØŃ", + "اج" + ], + [ + "×ł×¡", + "×Ļ×¢×Ķ" + ], + [ + "из", + "аÑĨиÑı" + ], + [ + "×IJ׾", + "×ij" + ], + [ + "×IJ׾×ij", + "×ķ×Ŀ" + ], + [ + "п", + "ед" + ], + [ + "Ġ×§×ĺ", + "׳×Ķ" + ], + [ + "ĠÙĨÙ쨳", + "Ùĩا" + ], + [ + "ĠMinist", + "ério" + ], + [ + "Ġп", + "ен" + ], + [ + "Ġпен", + "Ñģи" + ], + [ + "ãĥIJ", + "ãĥ©ãĥ³ãĤ¹" + ], + [ + "Ġ×Ķת", + "×ķר×Ķ" + ], + [ + "Ġt", + "ạm" + ], + [ + "ĠìĹŃ", + "ìĭľ" + ], + [ + "ï½", + "¡" + ], + [ + "Ġth", + "á»±" + ], + [ + "Ġ", + "ısı" + ], + [ + "ì»", + "¨" + ], + [ + "ãģĹãģ£ãģĭãĤĬ", + "ãģ¨" + ], + [ + "Ġx", + "ưa" + ], + [ + "Ġc", + "ặp" + ], + [ + "×Ĺ", + "×Ļ×ij×ķר" + ], + [ + "วัà¸Ĵà¸Ļ", + "à¸ĺรรม" + ], + [ + "st", + "är" + ], + [ + "stär", + "ke" + ], + [ + "ĠÑģам", + "Ñĭй" + ], + [ + "p", + "isa" + ], + [ + "pisa", + "Äĩ" + ], + [ + "ĠoluÅŁ", + "an" + ], + [ + "ĠاÙĦØ¥", + "ÙħاÙħ" + ], + [ + "ĠcÄĥ", + "ng" + ], + [ + "Ġgü", + "nl" + ], + [ + "Ġgünl", + "ük" + ], + [ + "Ġ׳ש", + "×IJר" + ], + [ + "Ġkhi", + "á»ĥn" + ], + [ + "ç¶ļ", + "ãģijãĤĭ" + ], + [ + "stit", + "ución" + ], + [ + "Ġcapac", + "ité" + ], + [ + "Ġj", + "aki" + ], + [ + "Ġjaki", + "ÅĽ" + ], + [ + "вÑĪ", + "иÑģ" + ], + [ + "вÑĪиÑģ", + "ÑĮ" + ], + [ + "פע×ķ׾", + "×ķת" + ], + [ + "ĠØŃ", + "ÙĬات" + ], + [ + "ĠØŃÙĬات", + "Ùĩ" + ], + [ + "Ġник", + "огда" + ], + [ + "ÐĽ", + "Ь" + ], + [ + "Ġ×Ķ×¢", + "×ķ×ij" + ], + [ + "Ġ×Ķ×¢×ķ×ij", + "×ĵ×Ķ" + ], + [ + "Ġch", + "Ãło" + ], + [ + "หลาย", + "à¹Ĩ" + ], + [ + "ĠÑı", + "н" + ], + [ + "ĠÑıн", + "ваÑĢ" + ], + [ + "ĠÑıнваÑĢ", + "Ñı" + ], + [ + "à¸Īำà¹Ģà¸Ľà¹ĩà¸Ļ", + "à¸ķà¹īà¸Ńà¸ĩ" + ], + [ + "Ġhö", + "her" + ], + [ + "ãģķãĤĮãģ¦", + "ãģĦãģŁ" + ], + [ + "สà¸ĩ", + "สั" + ], + [ + "สà¸ĩสั", + "ย" + ], + [ + "ĠاÙĦ", + "اس" + ], + [ + "ĠاÙĦاس", + "ÙĦاÙħ" + ], + [ + "ĠاÙĦØ´", + "Ùħس" + ], + [ + "สà¸ĸาà¸Ļ", + "ี" + ], + [ + "ãĤ¯ãĥ©", + "ãĤ¹" + ], + [ + "à¸ŀร", + "ร" + ], + [ + "à¸ŀรร", + "à¸Ħ" + ], + [ + "p", + "õ" + ], + [ + "põ", + "e" + ], + [ + "Ġpor", + "ém" + ], + [ + "à¸Ľà¸£à¸°", + "สà¸ĩ" + ], + [ + "à¸Ľà¸£à¸°à¸ªà¸ĩ", + "à¸Ħà¹Į" + ], + [ + "powied", + "zie" + ], + [ + "powiedzie", + "Äĩ" + ], + [ + "Ġмог", + "Ñĥ" + ], + [ + "Ġж", + "ел" + ], + [ + "Ġжел", + "ез" + ], + [ + "ĠاÙĦØ«", + "ÙĤ" + ], + [ + "ĠاÙĦØ«ÙĤ", + "اÙģÙĬ" + ], + [ + "ĠпÑĢав", + "ило" + ], + [ + "Ġgdy", + "ż" + ], + [ + "פש", + "×ķ×ĺ" + ], + [ + "ÑĢабоÑĤ", + "ка" + ], + [ + "ĠÙĥ", + "رة" + ], + [ + "Ø´", + "دد" + ], + [ + "Ùħار", + "Ùĥ" + ], + [ + "Ùħ", + "ÙĥØ©" + ], + [ + "Ġпод", + "пиÑģ" + ], + [ + "×ĺ×ķ", + "×ķ×Ĺ" + ], + [ + "ĠÅĽ", + "c" + ], + [ + "ĠÅĽc", + "ian" + ], + [ + "Ġر", + "جاÙĦ" + ], + [ + "Ġ×ª×ľ", + "×ķ×Ļ" + ], + [ + "и", + "ÑĪ" + ], + [ + "иÑĪ", + "ÑĮ" + ], + [ + "Ġmé", + "dec" + ], + [ + "Ġmédec", + "in" + ], + [ + "ëįĶ", + "ëĿ¼ëıĦ" + ], + [ + "ĠÑĤеб", + "Ñı" + ], + [ + "Ġ׾×Ķ", + "×ķס×Ļ×£" + ], + [ + "ãģĬ", + "話" + ], + [ + "Ġà¹ģà¸ķà¹Ī", + "à¸ģà¹ĩ" + ], + [ + "د", + "اÙģ" + ], + [ + "داÙģ", + "ع" + ], + [ + "ĠC", + "ùng" + ], + [ + "ãĥ»ãĥ»", + "ãĥ»ãĥ»" + ], + [ + "ê¶", + "ģ" + ], + [ + "Ġdeber", + "ÃŃa" + ], + [ + "หà¸Ļà¹Īวย", + "à¸ĩาà¸Ļ" + ], + [ + "Ġva", + "ÌĢ" + ], + [ + "Ġעצ", + "×ŀ" + ], + [ + "Ġעצ×ŀ", + "×Ŀ" + ], + [ + "à¹Ģà¸Ĭืà¹Īà¸Ń", + "วà¹Īา" + ], + [ + "שק", + "×¢" + ], + [ + "Ġ×Ķ", + "׼×ķ׾" + ], + [ + "Ġ×Ķ׼×ķ׾", + "׾" + ], + [ + "ни", + "бÑĥд" + ], + [ + "нибÑĥд", + "ÑĮ" + ], + [ + "ĠëĦĪ", + "íĿ¬" + ], + [ + "Ġоб", + "ÑĢаÑī" + ], + [ + "ĠобÑĢаÑī", + "а" + ], + [ + "Ġ×¢×ij×ķ×ĵ", + "ת" + ], + [ + "ĠاÙĦÙħÙĨت", + "خب" + ], + [ + "ıy", + "ord" + ], + [ + "ıyord", + "u" + ], + [ + "ÙĪ", + "ذ" + ], + [ + "×Ĺש", + "×Ļ×ij×ķת" + ], + [ + "Ġ×Ķ×¢", + "×Ļ×§" + ], + [ + "Ġ×Ķ×¢×Ļ×§", + "ר×Ļ" + ], + [ + "ì¢", + "Į" + ], + [ + "ยุ", + "à¹Ĥร" + ], + [ + "ยุà¹Ĥร", + "à¸Ľ" + ], + [ + "Ġа", + "пÑĢ" + ], + [ + "ĠапÑĢ", + "елÑı" + ], + [ + "sz", + "ed" + ], + [ + "szed", + "ÅĤ" + ], + [ + "д", + "он" + ], + [ + "à¹Ģà¸ķิ", + "à¸ļ" + ], + [ + "à¹Ģà¸ķิà¸ļ", + "à¹Ĥà¸ķ" + ], + [ + "кол", + "о" + ], + [ + "Ġkażde", + "j" + ], + [ + "å¸", + "°" + ], + [ + "帰", + "ãĤĬ" + ], + [ + "Ġмил", + "ли" + ], + [ + "Ġмилли", + "он" + ], + [ + "ç¾İåij³", + "ãģĹãģĦ" + ], + [ + "ت", + "ÙĤار" + ], + [ + "تÙĤار", + "ÙĬر" + ], + [ + "ĠìĿ´", + "루" + ], + [ + "ĠìĿ´ë£¨", + "ìĸ´" + ], + [ + "Ġsprzeda", + "ż" + ], + [ + "×Ķ", + "×ķצ×IJ×ķת" + ], + [ + "ãĤ¢ãĤ¯", + "ãĤ»" + ], + [ + "ãĤ¢ãĤ¯ãĤ»", + "ãĤ¹" + ], + [ + "ר", + "×ķ×¥" + ], + [ + "ĠгоÑģÑĥдаÑĢÑģÑĤв", + "енн" + ], + [ + "Ø£", + "ØŃÙĥ" + ], + [ + "Ø£ØŃÙĥ", + "اÙħ" + ], + [ + "ĠoluÅŁ", + "u" + ], + [ + "ĠA", + "ç" + ], + [ + "ĠAç", + "ık" + ], + [ + "ãĤ¸", + "ãĥ¼" + ], + [ + "ç´ł", + "æĻ´" + ], + [ + "ç´łæĻ´", + "ãĤīãģĹãģĦ" + ], + [ + "Ġ×ijש×ij", + "×ķ×¢" + ], + [ + "ب", + "ذ" + ], + [ + "بذ", + "ÙĦ" + ], + [ + "สา", + "à¹Ģหà¸ķุ" + ], + [ + "Ġpoz", + "osta" + ], + [ + "Ġpozosta", + "ÅĤ" + ], + [ + "ØŃر", + "Ùħ" + ], + [ + "Ġimport", + "ância" + ], + [ + "leÅŁtir", + "me" + ], + [ + "Ġд", + "ÑĢев" + ], + [ + "Ġmó", + "vil" + ], + [ + "ĠA", + "ynı" + ], + [ + "Ġна", + "лог" + ], + [ + "Ġналог", + "ов" + ], + [ + "Ġ×Ĺ", + "×Ļפ×Ķ" + ], + [ + "ĠÑĦоÑĢм", + "Ñĥ" + ], + [ + "à¸Ĺà¸Ķ", + "สà¸Ńà¸ļ" + ], + [ + "ĠksiÄħż", + "ki" + ], + [ + "Ġma", + "ÅĤe" + ], + [ + "Ùħس", + "Ø£ÙĦ" + ], + [ + "ÙħسأÙĦ", + "Ø©" + ], + [ + "ï¼¾", + "ï¼¾" + ], + [ + "ç", + "ãeste" + ], + [ + "év", + "iter" + ], + [ + "Ġкон", + "ÑģÑĤÑĢÑĥк" + ], + [ + "ĠконÑģÑĤÑĢÑĥк", + "ÑĨи" + ], + [ + "ï¾", + "ŀ" + ], + [ + "Ġת×ķ׼", + "׳" + ], + [ + "ãĤ¹ãĥĪ", + "ãĥ¬ãĤ¹" + ], + [ + "ĠاÙĦاÙĤتصاد", + "ÙĬ" + ], + [ + "×ŀ×ĵ", + "×Ļ" + ], + [ + "Ġw", + "ÅĤad" + ], + [ + "ĠwÅĤad", + "z" + ], + [ + "Ø®", + "ÙĪÙģ" + ], + [ + "ĠмаÑĤеÑĢиал", + "ов" + ], + [ + "ãģ¨ãģ£ãģ¦", + "ãĤĤ" + ], + [ + "Ġznaj", + "du" + ], + [ + "Ġznajdu", + "jÄħ" + ], + [ + "Ùģ", + "ئة" + ], + [ + "ãģ©ãģ®", + "ãĤĪãģĨãģª" + ], + [ + "æĬij", + "ãģĪ" + ], + [ + "׳", + "×Ĺ׾" + ], + [ + "Ġdü", + "ny" + ], + [ + "Ġdüny", + "an" + ], + [ + "Ġdünyan", + "ın" + ], + [ + "гÑĢ", + "ани" + ], + [ + "гÑĢани", + "Ñĩ" + ], + [ + "Ġ×Ķש׾", + "×Ļש×Ļ" + ], + [ + "Ġ×Ķ×IJ", + "ש" + ], + [ + "åıĬ", + "ãģ³" + ], + [ + "ìĭŃ", + "ìĭľ" + ], + [ + "ìĭŃìĭľ", + "ìĺ¤" + ], + [ + "Ġдол", + "л" + ], + [ + "Ġдолл", + "аÑĢ" + ], + [ + "Ġпов", + "ÑĤоÑĢ" + ], + [ + "Ġ×Ĺ", + "×Ļ׳×Ŀ" + ], + [ + "ת", + "פת×Ĺ" + ], + [ + "Ñĥв", + "ели" + ], + [ + "Ñĥвели", + "Ñĩен" + ], + [ + "ãĤ«", + "ãĥª" + ], + [ + "raw", + "id" + ], + [ + "rawid", + "ÅĤow" + ], + [ + "×ķ", + "×ķ׾" + ], + [ + "ãĥŁ", + "ãĥ¥" + ], + [ + "ì½", + "ĺ" + ], + [ + "ĠBy", + "ÅĤ" + ], + [ + "Ðľ", + "ÐIJ" + ], + [ + "ع", + "ÙIJ" + ], + [ + "ĠÑģовеÑĢ", + "ÑĪ" + ], + [ + "ĠÑģовеÑĢÑĪ", + "енно" + ], + [ + "Ġм", + "ой" + ], + [ + "Ġ×ķ׾×IJ", + "×Ĺר" + ], + [ + "æħ", + "£" + ], + [ + "æħ£", + "ãĤĮ" + ], + [ + "ØŃ", + "اÙ쨏" + ], + [ + "Ġ무", + "ë£Į" + ], + [ + "à¸Ħà¸ĵะ", + "à¸ģรรม" + ], + [ + "à¸Ħà¸ĵะà¸ģรรม", + "à¸ģาร" + ], + [ + "Ġìĸ´", + "ëĶĶ" + ], + [ + "Ġdif", + "eren" + ], + [ + "Ġdiferen", + "ça" + ], + [ + "ĠاÙĦØ£", + "ساس" + ], + [ + "ĠاÙĦأساس", + "ÙĬØ©" + ], + [ + "Ġ׾×IJ×Ĺר", + "×ķ׳×Ķ" + ], + [ + "ê·", + "ł" + ], + [ + "Ġ×Ķש׳×Ļ", + "×Ļ×Ķ" + ], + [ + "ìľĦìĽIJ", + "ìŀ¥" + ], + [ + "ลุ", + "à¸ģ" + ], + [ + "ç", + "iler" + ], + [ + "Ġ×Ķ×IJ", + "׾×ķ" + ], + [ + "èģŀ", + "ãģı" + ], + [ + "Ġ×ķ×IJ", + "פ×Ļ׾×ķ" + ], + [ + "ĠÑĢе", + "ализ" + ], + [ + "ĠÑĢеализ", + "аÑĨи" + ], + [ + "ระยะ", + "à¹Ģวลา" + ], + [ + "Ġجدا", + "Ùĭ" + ], + [ + "تب", + "اع" + ], + [ + "Ġveh", + "ÃŃculo" + ], + [ + "Ġдол", + "г" + ], + [ + "à¸Ľà¸£à¸´", + "มาà¸ĵ" + ], + [ + "ì¦", + "IJ" + ], + [ + "Ġ׾", + "×ŀ×§×ķ×Ŀ" + ], + [ + "ĠìĤ¬", + "ì§Ħ" + ], + [ + "à¸Ĭ", + "à¹īา" + ], + [ + "Ġ×ŀ×¢", + "×ķ׾×Ķ" + ], + [ + "Ġgö", + "rm" + ], + [ + "Ġgörm", + "ek" + ], + [ + "ĠÙĪÙĩ", + "ذÙĩ" + ], + [ + "пеÑĢ", + "в" + ], + [ + "пеÑĢв", + "ÑĭÑħ" + ], + [ + "ê·¸", + "ëŀĺ" + ], + [ + "ĠاÙĦبر", + "ÙĬØ·" + ], + [ + "ĠاÙĦبرÙĬØ·", + "اÙĨÙĬ" + ], + [ + "ĠиÑİ", + "нÑı" + ], + [ + "ĠÐĵ", + "оÑĢ" + ], + [ + "Ġ׾", + "ש׾×Ŀ" + ], + [ + "ÐIJ", + "ÐĿ" + ], + [ + "Ġназ", + "наÑĩен" + ], + [ + "о", + "оÑĢ" + ], + [ + "ооÑĢ", + "Ñĥж" + ], + [ + "Ġöz", + "elli" + ], + [ + "Ġözelli", + "ÄŁi" + ], + [ + "Ġни", + "же" + ], + [ + "ç¶ļ", + "ãģijãģ¦" + ], + [ + "Ġа", + "ÑĢенд" + ], + [ + "Ġkat", + "ılı" + ], + [ + "Ġkatılı", + "m" + ], + [ + "ĠØ¥", + "Ø·ÙĦاÙĤ" + ], + [ + "ĠÙĪØ¥", + "ذا" + ], + [ + "Ġок", + "ÑĤÑı" + ], + [ + "ĠокÑĤÑı", + "бÑĢÑı" + ], + [ + "à¹Ĥà¸ķ", + "à¹" + ], + [ + "à¹Ĥà¸ķà¹", + "Ĭ" + ], + [ + "à¹Ĥà¸ķà¹Ĭ", + "ะ" + ], + [ + "Ġolduk", + "ları" + ], + [ + "Ùħ", + "ÙĪÙĤع" + ], + [ + "ëĤ", + "©" + ], + [ + "ã썿ĢĿ", + "ãģ£ãģ¦ãģĦãĤĭ" + ], + [ + "Ġש", + "×Ļ׼×ķ׾" + ], + [ + "วา", + "à¸Ķ" + ], + [ + "س", + "ÙĬÙĦ" + ], + [ + "à¸Ĥ", + "วั" + ], + [ + "à¸Ĥวั", + "à¸į" + ], + [ + "تØŃ", + "ÙĥÙħ" + ], + [ + "ì", + "ĤŃ" + ], + [ + "Ġconna", + "ît" + ], + [ + "׳", + "פת×Ĺ" + ], + [ + "Ġch", + "ặ" + ], + [ + "Ġchặ", + "n" + ], + [ + "ĠÙħ", + "ØŃÙħ" + ], + [ + "ĠÙħØŃÙħ", + "ÙĪØ¯" + ], + [ + "ãģ", + "´" + ], + [ + "ĠпÑĢодÑĥк", + "ÑĨии" + ], + [ + "зд", + "ÑĢав" + ], + [ + "ãģĶ", + "è¦" + ], + [ + "ãģĶè¦", + "§" + ], + [ + "×IJ×ij", + "×IJ" + ], + [ + "Ġvé", + "ritable" + ], + [ + "ĠØ·", + "ÙģÙĦ" + ], + [ + "ãĥĪãĥ©", + "ãĥĸãĥ«" + ], + [ + "ê³", + "¡" + ], + [ + "Ġת", + "×ŀ×ķ׳×Ķ" + ], + [ + "Ġki", + "ên" + ], + [ + "ĠÙĤ", + "ادر" + ], + [ + "Ø¥ÙĤ", + "ÙĦÙĬÙħ" + ], + [ + "ĠпÑĢед", + "пÑĢи" + ], + [ + "ĠпÑĢедпÑĢи", + "ÑıÑĤиÑı" + ], + [ + "Ġb", + "Äĥng" + ], + [ + "Ġay", + "ında" + ], + [ + "Ġg", + "ấp" + ], + [ + "еÑħ", + "ал" + ], + [ + "Ġgi", + "Ãłnh" + ], + [ + "Ġд", + "ав" + ], + [ + "Ġдав", + "но" + ], + [ + "ìĺĢ", + "ëĭ¤" + ], + [ + "à¸Ļัà¸ģ", + "à¹Ģà¸ķ" + ], + [ + "à¸Ļัà¸ģà¹Ģà¸ķ", + "ะ" + ], + [ + "Ùħست", + "شار" + ], + [ + "ست", + "راتÙĬج" + ], + [ + "ستراتÙĬج", + "ÙĬ" + ], + [ + "رÙħ", + "ز" + ], + [ + "Ġt", + "Ä©nh" + ], + [ + "ë¡", + "Ń" + ], + [ + "ĠÑĩ", + "еÑĤ" + ], + [ + "ĠÑĩеÑĤ", + "Ñĭ" + ], + [ + "ĠÑĩеÑĤÑĭ", + "ÑĢе" + ], + [ + "ĠEnt", + "ão" + ], + [ + "Ġص", + "غ" + ], + [ + "Ġصغ", + "ÙĬرة" + ], + [ + "×ij×Ļ×ĺ", + "×ķ׾" + ], + [ + "خط", + "ÙĪØ·" + ], + [ + "ĠÑĢазвиÑĤ", + "ие" + ], + [ + "Ġamacı", + "yla" + ], + [ + "à¸Ĺี", + "วี" + ], + [ + "Ġо", + "ÑģÑĤ" + ], + [ + "ĠоÑģÑĤ", + "алÑĮн" + ], + [ + "ש×ķ׾×Ĺ", + "ף" + ], + [ + "Ġ׼", + "׳×Ļס" + ], + [ + "Ġ׼׳×Ļס", + "×Ķ" + ], + [ + "Ġd", + "áºŃy" + ], + [ + "ĠyaÅŁ", + "ayan" + ], + [ + "Ġ×ŀ×Ķ", + "×ķ×ķ×Ķ" + ], + [ + "ĠÑĥ", + "Ñģи" + ], + [ + "ĠÑĥÑģи", + "ли" + ], + [ + "×ŀ", + "פ×Ļ" + ], + [ + "ĠпÑĢовед", + "ениÑı" + ], + [ + "Ġر", + "ب" + ], + [ + "Ġرب", + "Ùħا" + ], + [ + "ĠاÙĦØ£", + "ÙĪØ³Ø·" + ], + [ + "Ġìľł", + "ì§Ģ" + ], + [ + "Ġprac", + "ownik" + ], + [ + "Ġpracownik", + "ów" + ], + [ + "×ŀס", + "×ķרת" + ], + [ + "ÙĤار", + "ب" + ], + [ + "à¸Ħวาม", + "รูà¹īสึà¸ģ" + ], + [ + "à¹ģหล", + "ะ" + ], + [ + "ĠاÙĦÙĨ", + "ÙĤد" + ], + [ + "Ġ×IJ׾", + "פ×Ļ" + ], + [ + "Ùħس", + "ئ" + ], + [ + "Ùħسئ", + "ÙĪÙĦ" + ], + [ + "ев", + "ÑĭÑħ" + ], + [ + "клÑİÑĩ", + "ениÑı" + ], + [ + "×ij", + "×Ļ׳" + ], + [ + "×ij×Ļ׳", + "×Ļ×Ķ×Ŀ" + ], + [ + "ש", + "×ķ×IJ×Ķ" + ], + [ + "ĠÅŁ", + "ark" + ], + [ + "ĠÅŁark", + "ı" + ], + [ + "Ġsü", + "rec" + ], + [ + "Ġsürec", + "in" + ], + [ + "à¹Ģà¸Ħร", + "à¸Ķ" + ], + [ + "à¹Ģà¸Ħรà¸Ķ", + "ิà¸ķ" + ], + [ + "ãĥIJ", + "ãĥ¬" + ], + [ + "ĠØ´", + "Ø£ÙĨ" + ], + [ + "à¹Ģà¸Ńา", + "à¹Ħวà¹ī" + ], + [ + "niÄĻ", + "cie" + ], + [ + "רצ", + "×Ĺ" + ], + [ + "ĠaÅŁ", + "ama" + ], + [ + "׳", + "פ×Ĵ×¢" + ], + [ + "Ġth", + "á»Ŀ" + ], + [ + "Ġkhu", + "ẩn" + ], + [ + "diÄŁ", + "inde" + ], + [ + "ÑıÑī", + "иÑħ" + ], + [ + "ãĥĺ", + "ãĥ«" + ], + [ + "Ġüber", + "h" + ], + [ + "Ġüberh", + "aupt" + ], + [ + "ĠÑĤÑĢеб", + "ова" + ], + [ + "ĠdÅĤ", + "ugi" + ], + [ + "×ĺ", + "×Ļף" + ], + [ + "à¸Ĥà¸Ļาà¸Ķ", + "à¹ĥหà¸įà¹Ī" + ], + [ + "ĠاÙĦØ£", + "Ùĩ" + ], + [ + "ĠاÙĦØ£Ùĩ", + "ÙĦÙĬ" + ], + [ + "ĠMü", + "d" + ], + [ + "ĠMüd", + "ürü" + ], + [ + "Ġ×Ļ×Ķ", + "×ķ×ĵ×Ķ" + ], + [ + "Ñĭв", + "аеÑĤÑģÑı" + ], + [ + "س", + "اط" + ], + [ + "×Ķת", + "׳×Ķ×Ĵ" + ], + [ + "×Ķ×ª×ł×Ķ×Ĵ", + "×ķת" + ], + [ + "à¸ģาร", + "à¸ľà¸¥à¸´à¸ķ" + ], + [ + "íĴ", + "Ģ" + ], + [ + "สà¸ĸาà¸Ļ", + "à¸ģารà¸ĵà¹Į" + ], + [ + "Ġо", + "ÑĦ" + ], + [ + "ĠоÑĦ", + "иÑģ" + ], + [ + "ĠÙĦ", + "عبة" + ], + [ + "Ġstron", + "ÄĻ" + ], + [ + "Ġר×IJ", + "×ķ×Ļ" + ], + [ + "×Ĺ", + "×ij׾" + ], + [ + "ĠÑĢÑĭ", + "н" + ], + [ + "ĠÑĢÑĭн", + "ке" + ], + [ + "Ġ׾×ŀ×¢", + "ף" + ], + [ + "اس", + "ÙĦ" + ], + [ + "ห", + "ัà¸Ļ" + ], + [ + "Ġ×IJ", + "×Ĺ×Ļ" + ], + [ + "ĠпÑĢод", + "ол" + ], + [ + "ê°Ģ", + "ìŀħ" + ], + [ + "Ġ×ijר", + "×Ĺ" + ], + [ + "Ġ×ijר×Ĺ", + "×ij×Ļ" + ], + [ + "дж", + "еÑĢ" + ], + [ + "Ġ׾", + "×Ĺ׾" + ], + [ + "Ġ׾×Ĺ׾", + "×ķ×ĺ" + ], + [ + "Ġ׾×Ĺ׾×ķ×ĺ", + "×Ļף" + ], + [ + "ศาส", + "à¸Ļา" + ], + [ + "ãĤ¢ãĤ¤", + "ãĥĨ" + ], + [ + "ãĤ¢ãĤ¤ãĥĨ", + "ãĥł" + ], + [ + "Ġפר", + "×ķפ" + ], + [ + "جز", + "اء" + ], + [ + "ล", + "à¸Ńย" + ], + [ + "Ġc", + "iaÅĤa" + ], + [ + "Ġgi", + "ết" + ], + [ + "ĠзнаÑĩ", + "иÑĤелÑĮно" + ], + [ + "Ġolmad", + "ıģ" + ], + [ + "Ġolmadıģ", + "ını" + ], + [ + "н", + "д" + ], + [ + "нд", + "екÑģ" + ], + [ + "تأ", + "Ùĥد" + ], + [ + "Ġìĸ", + "¸" + ], + [ + "Ġìĸ¸", + "ìłľ" + ], + [ + "ay", + "dın" + ], + [ + "ãĥī", + "ãĥ¬ãĤ¹" + ], + [ + "Ġs", + "ắt" + ], + [ + "Ġíĺ¸", + "íħĶ" + ], + [ + "Ġë¶", + "ģ" + ], + [ + "Ġë¶ģ", + "íķľ" + ], + [ + "ãĥij", + "ãĤ¤" + ], + [ + "Ġ×ŀש×Ĺ×§", + "×Ļ" + ], + [ + "à¸Ħà¸Ļ", + "à¸Ńืà¹Īà¸Ļ" + ], + [ + "Ġиз", + "гоÑĤов" + ], + [ + "ĠизгоÑĤов", + "лен" + ], + [ + "à¹Ģà¸ģีย", + "ร" + ], + [ + "à¹Ģà¸ģียร", + "à¸ķิ" + ], + [ + "תק", + "שר" + ], + [ + "ĠÑĢаÑģ", + "ÑĩеÑĤ" + ], + [ + "ส", + "à¹Ģà¸ķ" + ], + [ + "Ġl", + "änger" + ], + [ + "ĠiÅŁ", + "let" + ], + [ + "ĠiÅŁlet", + "me" + ], + [ + "Ġع", + "ÙĦÙĬÙĨ" + ], + [ + "ĠعÙĦÙĬÙĨ", + "ا" + ], + [ + "é", + "lection" + ], + [ + "ĠاÙĦغ", + "ربÙĬØ©" + ], + [ + "íĭ", + "Ģ" + ], + [ + "ãĤĤãĤī", + "ãģĪ" + ], + [ + "Ġкни", + "ги" + ], + [ + "Ø£", + "سÙħ" + ], + [ + "أسÙħ", + "اء" + ], + [ + "Ġth", + "á»ı" + ], + [ + "Ġthá»ı", + "a" + ], + [ + "หà¸Ļ", + "ู" + ], + [ + "Ġ×ł×¢", + "ש×Ķ" + ], + [ + "à¸łà¸²à¸¢", + "à¹ĥà¸ķà¹ī" + ], + [ + "à¸ŀื", + "à¸Ĭ" + ], + [ + "رÙĬ", + "Ø·" + ], + [ + "Ùģ", + "ÙĪØ¶" + ], + [ + "ãģĤãĤĬãģĮãģ¨ãģĨãģĶãģĸ", + "ãģĦãģ¾ãģĹãģŁ" + ], + [ + "ש", + "×ĵ×Ķ" + ], + [ + "Ġng", + "á»±c" + ], + [ + "ĠÑģеÑĢ", + "ÑĮ" + ], + [ + "ĠÑģеÑĢÑĮ", + "езн" + ], + [ + "T", + "ôi" + ], + [ + "Ġfiyat", + "ları" + ], + [ + "ĠвÑģ", + "Ñİ" + ], + [ + "ĠC", + "ódigo" + ], + [ + "Ġ×Ķש", + "×IJ" + ], + [ + "Ġ×Ķש×IJ", + "׾×Ķ" + ], + [ + "ĠP", + "ública" + ], + [ + "Ø¥", + "Ø®" + ], + [ + "إخ", + "ÙĪØ§ÙĨ" + ], + [ + "ĠзаÑıв", + "ил" + ], + [ + "ãĥ¦", + "ãĥ¼" + ], + [ + "ר×IJ", + "×Ļת" + ], + [ + "vol", + "ución" + ], + [ + "Ġsz", + "ko" + ], + [ + "Ġszko", + "ÅĤy" + ], + [ + "جرÙĬ", + "دة" + ], + [ + "Ġpens", + "é" + ], + [ + "ìī", + "¬" + ], + [ + "ĠBüyük", + "ÅŁehir" + ], + [ + "ĠØ£Ùħ", + "رÙĬ" + ], + [ + "ĠØ£ÙħرÙĬ", + "ÙĥÙĬ" + ], + [ + "à¸Ļัà¸ģ", + "ศึà¸ģษา" + ], + [ + "Ġtod", + "av" + ], + [ + "Ġtodav", + "ÃŃa" + ], + [ + "ĠС", + "ан" + ], + [ + "ĠСан", + "кÑĤ" + ], + [ + "íķĺ", + "ìŀIJ" + ], + [ + "ØŃÙĪ", + "اÙĦ" + ], + [ + "׼", + "×ķשר" + ], + [ + "à¹Ģลย", + "à¸Ħรัà¸ļ" + ], + [ + "Ġal", + "gu" + ], + [ + "Ġalgu", + "ém" + ], + [ + "Ùģ", + "ز" + ], + [ + "Ġçek", + "il" + ], + [ + "Ġ×ĵ", + "ר׼×Ļ×Ŀ" + ], + [ + "ãĥIJ", + "ãĥ©" + ], + [ + "à¸ģà¹ĩ", + "สามารà¸ĸ" + ], + [ + "สà¹Īวà¸Ļ", + "ลà¸Ķ" + ], + [ + "íı", + "°" + ], + [ + "ĠP", + "úb" + ], + [ + "ĠPúb", + "lico" + ], + [ + "à¹ģà¸Ļว", + "à¸Ĺาà¸ĩ" + ], + [ + "×IJת", + "×Ĵר" + ], + [ + "Ø´", + "اش" + ], + [ + "شاش", + "Ø©" + ], + [ + "ci", + "ÅĽni" + ], + [ + "ĠÃľ", + "rün" + ], + [ + "ÙĦÙĪ", + "ØŃ" + ], + [ + "ĠاÙĦ", + "بÙĨ" + ], + [ + "ĠاÙĦبÙĨ", + "Ùĥ" + ], + [ + "ì¡°", + "ì¹ĺ" + ], + [ + "Ġorganiz", + "ación" + ], + [ + "ãģĤãĤĬãģĮãģ¨ãģĨãģĶãģĸ", + "ãģĦãģ¾ãģĻ" + ], + [ + "s", + "ätze" + ], + [ + "ĠÑģем", + "ей" + ], + [ + "ÙĤ", + "صد" + ], + [ + "ÑģÑĤв", + "еннÑĭе" + ], + [ + "Ġpréc", + "éd" + ], + [ + "Ġprécéd", + "ent" + ], + [ + "à¸ģรุà¸ĩà¹Ģà¸Ĺà¸ŀ", + "ฯ" + ], + [ + "ãģ¨è¨Ģ", + "ãģĦ" + ], + [ + "×ij׳×Ļ", + "×Ļף" + ], + [ + "ĠØŃ", + "ÙĪ" + ], + [ + "ĠØŃÙĪ", + "اÙĦÙĬ" + ], + [ + "סק", + "ס" + ], + [ + "ĠsaÄŁlam", + "ak" + ], + [ + "Ġ׾", + "צ×Ļ×Ļף" + ], + [ + "×§×ĵ", + "ש" + ], + [ + "Ġ×Ķ×ŀ", + "×¢×¨×Ľ×ª" + ], + [ + "Ġ׾×Ķ", + "×¢×ij×Ļר" + ], + [ + "Ġg", + "ünd" + ], + [ + "Ġgünd", + "em" + ], + [ + "ĠнаÑĪ", + "его" + ], + [ + "à¹ĥà¸Ļ", + "à¸ŀืà¹īà¸Ļà¸Ĺีà¹Ī" + ], + [ + "à¹Ģà¸Ħร", + "ืà¸Ń" + ], + [ + "à¹Ģà¸Ħรืà¸Ń", + "à¸Ĥ" + ], + [ + "à¹Ģà¸Ħรืà¸Ńà¸Ĥ", + "à¹Īาย" + ], + [ + "ظ", + "اÙĩرة" + ], + [ + "ÙħÙĨ", + "ظÙħ" + ], + [ + "ÙħÙĨظÙħ", + "ات" + ], + [ + "Ùħت", + "از" + ], + [ + "追", + "ãģĦ" + ], + [ + "dı", + "kt" + ], + [ + "dıkt", + "an" + ], + [ + "ĠëįĶ", + "ìļ±" + ], + [ + "ĠÐĿ", + "апÑĢимеÑĢ" + ], + [ + "tw", + "ór" + ], + [ + "×ŀ×ķ×¢", + "צ×Ķ" + ], + [ + "Ùĥ", + "ÙĪÙĥ" + ], + [ + "Ð", + "©" + ], + [ + "×ŀ×ĺ", + "פ׾" + ], + [ + "ó", + "lica" + ], + [ + "訪", + "ãĤĮ" + ], + [ + "ĠëĮĢ", + "ë¶Ģ" + ], + [ + "ĠëĮĢë¶Ģ", + "ë¶Ħ" + ], + [ + "ãĤ¯ãĥª", + "ãĥĥãĤ¯" + ], + [ + "ãĤĴ", + "éģ¸" + ], + [ + "ãĤĴéģ¸", + "ãģ¶" + ], + [ + "Ġpow", + "sta" + ], + [ + "Ġpowsta", + "ÅĤ" + ], + [ + "Ġraz", + "ón" + ], + [ + "×ij", + "×ķ×Ĺר" + ], + [ + "ĠÑģообÑī", + "ил" + ], + [ + "Ġ×§", + "×ij×ķ×¢" + ], + [ + "r", + "êt" + ], + [ + "à¸Ķี", + "à¸Ĥึà¹īà¸Ļ" + ], + [ + "×ŀס", + "×¢×ĵ" + ], + [ + "×ŀסע×ĵ", + "×ķת" + ], + [ + "ĠÃĸ", + "sterreich" + ], + [ + "Ġ׳", + "×Ĺש×ij" + ], + [ + "Ùħباد", + "رة" + ], + [ + "ì´", + "ī" + ], + [ + "×Ĵ", + "׳×ĺ×Ļ" + ], + [ + "ä¿¡", + "ãģĺ" + ], + [ + "du", + "ÄŁ" + ], + [ + "duÄŁ", + "unu" + ], + [ + "Ġph", + "ú" + ], + [ + "ĠاÙĦØ£", + "Ø®ÙĬر" + ], + [ + "Ġت", + "عتبر" + ], + [ + "landır", + "ıl" + ], + [ + "ãģ¨ãģ¯", + "ãģĦ" + ], + [ + "ãģ¨ãģ¯ãģĦ", + "ãģĪ" + ], + [ + "ĠاÙĦ", + "Ø·ÙĦ" + ], + [ + "ĠاÙĦØ·ÙĦ", + "اب" + ], + [ + "ĠN", + "º" + ], + [ + "éģ¿", + "ãģij" + ], + [ + "اÙĦ", + "Ùħع" + ], + [ + "اÙĦÙħع", + "رÙĪÙģ" + ], + [ + "ส", + "à¸łà¸²" + ], + [ + "éĽ¢", + "ãĤĮ" + ], + [ + "ĠпомоÑī", + "ÑĮ" + ], + [ + "Ġзна", + "еÑĤ" + ], + [ + "ãĥĹãĥ¬", + "ãĤ¼" + ], + [ + "ãĥĹãĥ¬ãĤ¼", + "ãĥ³ãĥĪ" + ], + [ + "Ġsup", + "érieur" + ], + [ + "Ġש׾", + "×Ļש×Ļ" + ], + [ + "ĠاÙĦÙĨ", + "ÙĪØ¹" + ], + [ + "ãĤĵãģ§ãģĻ", + "ãģŃ" + ], + [ + "à¸Ńà¸ļ", + "รม" + ], + [ + "Ġgi", + "á»įng" + ], + [ + "Ġwzgl", + "ÄĻd" + ], + [ + "ĠاÙĦÙģ", + "ÙĤر" + ], + [ + "è", + "rent" + ], + [ + "Ġ×ŀ×IJ", + "×Ĺ" + ], + [ + "Ġ×ŀ×IJ×Ĺ", + "×ķר×Ļ" + ], + [ + "×Ĵ", + "×Ĵ" + ], + [ + "×Ļ", + "×Ļ×ij" + ], + [ + "ÙħÙĦ", + "اب" + ], + [ + "ÙħÙĦاب", + "س" + ], + [ + "Ġhük", + "ü" + ], + [ + "Ġhükü", + "met" + ], + [ + "Ġ×ŀ×Ĵ", + "×Ļ×ij" + ], + [ + "ĠÐŀ", + "Ñĩ" + ], + [ + "ĠÐŀÑĩ", + "енÑĮ" + ], + [ + "æĹ©", + "ãģĦ" + ], + [ + "Ġconstr", + "ucción" + ], + [ + "Ġth", + "ượng" + ], + [ + "ï¼", + "ĭ" + ], + [ + "Ġcor", + "ação" + ], + [ + "à¹Ģหล", + "à¹ĩà¸ģ" + ], + [ + "ĠBaÅŁ", + "b" + ], + [ + "ĠBaÅŁb", + "akan" + ], + [ + "éĢ£", + "ãĤĮ" + ], + [ + "ãģĻãĤĭ", + "ãģĵãģ¨ãģĮãģ§ãģįãģ¾ãģĻ" + ], + [ + "ĠÙĤ", + "اÙħت" + ], + [ + "Ġا", + "Ùĥثر" + ], + [ + "ÙģØ§Ø¹", + "ÙĦ" + ], + [ + "ĠÑĦ", + "оÑĢ" + ], + [ + "ĠÑĦоÑĢ", + "Ñĥм" + ], + [ + "غ", + "ذÙĬ" + ], + [ + "ĠiÅŁ", + "le" + ], + [ + "ĠiÅŁle", + "ml" + ], + [ + "ĠiÅŁleml", + "eri" + ], + [ + "ĠìĤ¬ëŀĮ", + "ìĿĢ" + ], + [ + "Ġìŀij", + "ìĦ±" + ], + [ + "Ġë§Ī", + "볨" + ], + [ + "Ùħ", + "جÙĦس" + ], + [ + "หม", + "ู" + ], + [ + "д", + "в" + ], + [ + "дв", + "иг" + ], + [ + "двиг", + "а" + ], + [ + "à¹Ģสีย", + "à¸Ĭีวิà¸ķ" + ], + [ + "×Ķת", + "פת×Ĺ" + ], + [ + "×Ķתפת×Ĺ", + "×ķת" + ], + [ + "ĠмеÑĤ", + "ÑĢо" + ], + [ + "ĠÑģ", + "енÑĤ" + ], + [ + "ĠÑģенÑĤ", + "Ñı" + ], + [ + "ĠÑģенÑĤÑı", + "бÑĢÑı" + ], + [ + "ê³", + "§" + ], + [ + "Ġ׾", + "פע" + ], + [ + "Ġ×ľ×¤×¢", + "×ŀ×Ļ×Ŀ" + ], + [ + "à¹Ģà¸ļ", + "ีย" + ], + [ + "詳", + "ãģĹãģı" + ], + [ + "çķ°", + "ãģªãĤĭ" + ], + [ + "Ġİl", + "çe" + ], + [ + "ĠAt", + "at" + ], + [ + "ĠAtat", + "ür" + ], + [ + "ĠAtatür", + "k" + ], + [ + "รุ", + "à¹Īà¸ĩ" + ], + [ + "Ġkald", + "ı" + ], + [ + "Ġ주", + "ìŀ¥" + ], + [ + "Ġprés", + "ence" + ], + [ + "Ġн", + "аб" + ], + [ + "Ġнаб", + "лÑİ" + ], + [ + "ĠнаблÑİ", + "да" + ], + [ + "ĠÑģам", + "ого" + ], + [ + "×Ĵ", + "×ķש" + ], + [ + "×ŀ×ĺ", + "×ķפ" + ], + [ + "×ŀ×ĺ×ķפ", + "׾" + ], + [ + "ĠвÑĭб", + "иÑĢа" + ], + [ + "ĠìŀIJ", + "리" + ], + [ + "åĪĨ", + "ãģĭãĤīãģªãģĦ" + ], + [ + "Ġз", + "Ñĥб" + ], + [ + "Ġש׼", + "×ijר" + ], + [ + "Ġد", + "ائ" + ], + [ + "Ġدائ", + "Ùħا" + ], + [ + "ĠпаÑĢ", + "ÑĤи" + ], + [ + "ï¼", + "²" + ], + [ + "ĠاÙĬ", + "ضا" + ], + [ + "ĠÑħ", + "оз" + ], + [ + "ĠÑħоз", + "Ñı" + ], + [ + "ĠÑħозÑı", + "й" + ], + [ + "ĠÑħозÑıй", + "ÑģÑĤв" + ], + [ + "ĠاÙĦØ£", + "ج" + ], + [ + "ĠاÙĦأج", + "ÙĨب" + ], + [ + "ĠاÙĦأجÙĨب", + "ÙĬØ©" + ], + [ + "ĠÐĹ", + "на" + ], + [ + "ĠAp", + "ós" + ], + [ + "ĠÑį", + "неÑĢ" + ], + [ + "ĠÑįнеÑĢ", + "ги" + ], + [ + "Ġy", + "ans" + ], + [ + "Ġyans", + "ı" + ], + [ + "ĠJust", + "i" + ], + [ + "ĠJusti", + "ça" + ], + [ + "Ġpré", + "vu" + ], + [ + "ม", + "วล" + ], + [ + "ìŀ¥", + "ëĭĺ" + ], + [ + "à¸ģระ", + "à¸ļ" + ], + [ + "à¸ģระà¸ļ", + "วà¸Ļ" + ], + [ + "à¸ģระà¸ļวà¸Ļ", + "à¸ģาร" + ], + [ + "×ŀ", + "×ŀ" + ], + [ + "×ŀ×ŀ", + "×ķצע" + ], + [ + "Ġh", + "ẹ" + ], + [ + "Ġhẹ", + "n" + ], + [ + "зд", + "ание" + ], + [ + "Ġak", + "ÅŁ" + ], + [ + "ĠakÅŁ", + "am" + ], + [ + "×ĺ", + "×ķפ" + ], + [ + "Ġgere", + "kt" + ], + [ + "Ġgerekt", + "i" + ], + [ + "Ġgerekti", + "ÄŁini" + ], + [ + "Ġnar", + "z" + ], + [ + "Ġnarz", + "ÄĻdzi" + ], + [ + "é", + "po" + ], + [ + "épo", + "que" + ], + [ + "ĠTh", + "ần" + ], + [ + "Ġwys", + "oko" + ], + [ + "Ġwysoko", + "ÅĽci" + ], + [ + "à¸ľà¸¹à¹ī", + "à¸Ľ" + ], + [ + "à¸ľà¸¹à¹īà¸Ľ", + "à¹Īวย" + ], + [ + "ĠÙĬ", + "بدÙĪ" + ], + [ + "ÑĤелÑĮ", + "ного" + ], + [ + "Ġвз", + "глÑıд" + ], + [ + "Ġjed", + "nÄħ" + ], + [ + "ĠìĿĺ", + "견" + ], + [ + "Ġ", + "à¸Ĥà¸ĵะà¸Ĺีà¹Ī" + ], + [ + "פ", + "×Ļ×ĵ" + ], + [ + "ìĥģ", + "ëĭ´" + ], + [ + "Ġm", + "ỡ" + ], + [ + "×Ķ", + "×ŀ׾" + ], + [ + "×Ķ×ŀ׾", + "צ×ķת" + ], + [ + "ĠÑģоÑģÑĤ", + "о" + ], + [ + "ĠÑģоÑģÑĤо", + "иÑĤ" + ], + [ + "Ġав", + "и" + ], + [ + "Ġави", + "а" + ], + [ + "ĠL", + "änder" + ], + [ + "تص", + "ÙĪÙĬر" + ], + [ + "×ŀ×ĵ", + "×Ļ×Ķ" + ], + [ + "ìłĪ", + "ì°¨" + ], + [ + "ãģ¨", + "ãĤĬ" + ], + [ + "ãģ¨ãĤĬ", + "ãģĤ" + ], + [ + "ãģ¨ãĤĬãģĤ", + "ãģĪ" + ], + [ + "ãģ¨ãĤĬãģĤãģĪ", + "ãģļ" + ], + [ + "ĠÑĢ", + "Ñıд" + ], + [ + "ĠÑĢÑıд", + "ом" + ], + [ + "ĠNh", + "ất" + ], + [ + "ĠاÙĦÙĥ", + "اÙħÙĦ" + ], + [ + "×Ĺ׾", + "׾" + ], + [ + "ĠGi", + "ấy" + ], + [ + "צ", + "×ĺר" + ], + [ + "צ×ĺר", + "×£" + ], + [ + "Ġ׾×ij", + "×ĺ׾" + ], + [ + "Ġим", + "еÑĤÑĮ" + ], + [ + "ס×ŀ", + "×ķ×ļ" + ], + [ + "Ġparticip", + "ação" + ], + [ + "íķľëĭ¤", + "ë©´" + ], + [ + "ÙħÙĨت", + "دÙĬ" + ], + [ + "ÙħÙĨتدÙĬ", + "ات" + ], + [ + "ĠeÄŁ", + "len" + ], + [ + "g", + "änge" + ], + [ + "رب", + "ØŃ" + ], + [ + "ãĤ®", + "ãĥ£" + ], + [ + "ĠاÙĦر", + "ÙĤÙħ" + ], + [ + "à¸ĭ", + "à¹īำ" + ], + [ + "ĠH", + "óa" + ], + [ + "×ŀר", + "×Ĺ×§" + ], + [ + "ØŃÙħ", + "اÙħ" + ], + [ + "بÙĪ", + "Ùĥ" + ], + [ + "ĠArt", + "ÃŃculo" + ], + [ + "ãĥĦ", + "ãĤ¢ãĥ¼" + ], + [ + "×Ķפ", + "׼×Ķ" + ], + [ + "×Ĺ׾", + "×ķף" + ], + [ + "ĠпеÑĢе", + "Ñħод" + ], + [ + "len", + "miÅŁ" + ], + [ + "زر", + "اعة" + ], + [ + "Ġseñ", + "or" + ], + [ + "ãģ£ãģ¦", + "ãģįãģ¦" + ], + [ + "Ø¥", + "Ø´" + ], + [ + "إش", + "ارة" + ], + [ + "Ġpod", + "ÃŃa" + ], + [ + "ĠÃľ", + "lke" + ], + [ + "н", + "ÑģкаÑı" + ], + [ + "Ġadapt", + "é" + ], + [ + "Ġdüzen", + "len" + ], + [ + "Ġdüzenlen", + "en" + ], + [ + "ĠÑģÑĤ", + "ала" + ], + [ + "ĠÙĬ", + "ØŃتاج" + ], + [ + "Ġn", + "ier" + ], + [ + "Ġnier", + "uch" + ], + [ + "Ġnieruch", + "omo" + ], + [ + "Ġnieruchomo", + "ÅĽci" + ], + [ + "ãģĵãģ¨ãģĮ", + "ãģĤãĤĭ" + ], + [ + "ยà¸Ńà¸Ķ", + "à¹Ģยีà¹Īยม" + ], + [ + "ĠÙħ", + "ج" + ], + [ + "ĠÙħج", + "اÙĨÙĬ" + ], + [ + "Ġз", + "аб" + ], + [ + "Ġзаб", + "ол" + ], + [ + "Ġзабол", + "ев" + ], + [ + "Ġзаболев", + "аниÑı" + ], + [ + "ĠÅĽ", + "ro" + ], + [ + "ĠÅĽro", + "dk" + ], + [ + "ĠÅĽrodk", + "ów" + ], + [ + "Ġ×Ķ", + "׾×IJ×ķ×ŀ×Ļ" + ], + [ + "Ġdok", + "ÅĤad" + ], + [ + "ĠdokÅĤad", + "nie" + ], + [ + "ãģŁãģı", + "ãģªãģĦ" + ], + [ + "ãģ¯ãģļ", + "ãģ§ãģĻ" + ], + [ + "ã썿ĢĿ", + "ãģ£ãģ¦ãģĦãģŁ" + ], + [ + "é", + "cran" + ], + [ + "ìĹħ", + "ì²´" + ], + [ + "trzym", + "aÅĤ" + ], + [ + "ÑģÑĤв", + "еннÑĭй" + ], + [ + "ĠNot", + "ÃŃc" + ], + [ + "ĠNotÃŃc", + "ias" + ], + [ + "Ùħ", + "رÙĬ" + ], + [ + "ÙħرÙĬ", + "ض" + ], + [ + "æ°Ĺ", + "è»" + ], + [ + "æ°Ĺè»", + "½" + ], + [ + "æ°Ĺ軽", + "ãģ«" + ], + [ + "ëĵ", + "£" + ], + [ + "Ġ×ĵ", + "×ķ×IJר" + ], + [ + "Ġ׾", + "×ŀ׳" + ], + [ + "Ġ׾×ŀ׳", + "×ķ×¢" + ], + [ + "ĠçalÄ±ÅŁ", + "ıyor" + ], + [ + "ĠÅŁ", + "idd" + ], + [ + "ĠÅŁidd", + "et" + ], + [ + "ĠM", + "ặt" + ], + [ + "Ġate", + "ÅŁ" + ], + [ + "ĠполÑĥÑĩ", + "ениÑı" + ], + [ + "à¹Ģà¸Ħรืà¹Īà¸Ńà¸ĩ", + "มืà¸Ń" + ], + [ + "Ġgrö", + "ÃŁer" + ], + [ + "د", + "ائ" + ], + [ + "دائ", + "رة" + ], + [ + "Ġbul", + "un" + ], + [ + "Ġbulun", + "maktadır" + ], + [ + "à¹Ģห", + "ร" + ], + [ + "à¹Ģหร", + "ีย" + ], + [ + "à¹Ģหรีย", + "à¸į" + ], + [ + "à¸Ļัà¸ģ", + "à¸Ĺà¹Īà¸Ńà¸ĩà¹Ģà¸Ĺีà¹Īยว" + ], + [ + "Ġalan", + "ında" + ], + [ + "ĠÑĥ", + "зна" + ], + [ + "Ġл", + "еÑĩение" + ], + [ + "売", + "ãĤĮ" + ], + [ + "Ġçev", + "ir" + ], + [ + "Ġdeste", + "ÄŁi" + ], + [ + "ĠheiÃŁ", + "t" + ], + [ + "âĸ", + "²" + ], + [ + "ØŃ", + "Ø·" + ], + [ + "à¸Ħำ", + "à¸ķà¸Ńà¸ļ" + ], + [ + "ãĤªãĥ³", + "ãĥ©ãĤ¤ãĥ³" + ], + [ + "Ġ×ij×Ĺ×Ļ", + "×Ļ×Ŀ" + ], + [ + "ãĥ¦", + "ãĥĭ" + ], + [ + "Ġdüzenle", + "me" + ], + [ + "Ġmodal", + "itÃł" + ], + [ + "سر", + "Ø·" + ], + [ + "سرط", + "اÙĨ" + ], + [ + "×ŀ׼", + "×ķף" + ], + [ + "ĠданнÑĭ", + "й" + ], + [ + "تر", + "ت" + ], + [ + "ترت", + "ÙĬب" + ], + [ + "à¸ļาà¸ĩ", + "à¸Ħà¸Ļ" + ], + [ + "ĠÄIJ", + "á»ĭnh" + ], + [ + "ม", + "ูล" + ], + [ + "มูล", + "à¸Ħà¹Īา" + ], + [ + "ÙĨ", + "ÙĤص" + ], + [ + "à¸ģาร", + "รัà¸ģษา" + ], + [ + "ĠÑĦ", + "он" + ], + [ + "ĠÑĦон", + "д" + ], + [ + "ãĤĪãģĨ", + "ãģ«ãģªãģ£ãģŁ" + ], + [ + "Ùħع", + "اÙĦ" + ], + [ + "ÙħعاÙĦ", + "جة" + ], + [ + "ĠOs", + "man" + ], + [ + "ĠOsman", + "lı" + ], + [ + "иÑĩеÑģк", + "ом" + ], + [ + "à¸Ńยาà¸ģ", + "à¸Īะ" + ], + [ + "ãģķãģ¾", + "ãģĸ" + ], + [ + "ãģķãģ¾ãģĸ", + "ãģ¾" + ], + [ + "ãģķãģ¾ãģĸãģ¾", + "ãģª" + ], + [ + "Ġת", + "×ķ׼׾" + ], + [ + "×¢", + "צ×ij" + ], + [ + "ĠاÙĦع", + "سÙĥ" + ], + [ + "ĠاÙĦعسÙĥ", + "رÙĬ" + ], + [ + "Ġvé", + "hic" + ], + [ + "Ġvéhic", + "ule" + ], + [ + "Ġ×Ļצ", + "×Ĺ×§" + ], + [ + "ĠاÙĦÙĪ", + "ØŃ" + ], + [ + "ĠاÙĦÙĪØŃ", + "ÙĬد" + ], + [ + "ĠاÙĦع", + "دÙĪ" + ], + [ + "ĠQu", + "ản" + ], + [ + "Ġê³µ", + "ëıĻ" + ], + [ + "بد", + "ÙĦ" + ], + [ + "ĠÄij", + "ảng" + ], + [ + "Ġm", + "á»ĩnh" + ], + [ + "Ġnie", + "zb" + ], + [ + "Ġniezb", + "ÄĻ" + ], + [ + "ĠniezbÄĻ", + "dn" + ], + [ + "Ġyayın", + "lan" + ], + [ + "обÑī", + "и" + ], + [ + "Ġgö", + "tür" + ], + [ + "צ", + "פ" + ], + [ + "צפ", + "×ķ×Ļ" + ], + [ + "ĠÙĦÙĬ", + "بÙĬ" + ], + [ + "ĠÙĦÙĬبÙĬ", + "ا" + ], + [ + "ØŃ", + "ÙĪØ§" + ], + [ + "Ġд", + "об" + ], + [ + "Ġдоб", + "ÑĢо" + ], + [ + "иÑĢÑĥ", + "ем" + ], + [ + "ĠاÙĦØŃÙĥÙĪÙħ", + "ÙĬØ©" + ], + [ + "m", + "Ã¤ÃŁig" + ], + [ + "Ġed", + "ición" + ], + [ + "влек", + "аÑĤелÑĮ" + ], + [ + "влекаÑĤелÑĮ", + "н" + ], + [ + "Ġת", + "ש׾×ķ×Ŀ" + ], + [ + "Ġ×Ķש", + "×ķ׳×Ļ×Ŀ" + ], + [ + "มิ", + "à¸ĸุ" + ], + [ + "มิà¸ĸุ", + "à¸Ļ" + ], + [ + "มิà¸ĸุà¸Ļ", + "ายà¸Ļ" + ], + [ + "é£Łãģ¹", + "ãģ¦" + ], + [ + "ĠìĪĺ", + "ì§ij" + ], + [ + "ס", + "×ij×Ļ" + ], + [ + "ĠиÑİ", + "лÑı" + ], + [ + "Ġà¹Ħà¸Ķà¹ī", + "à¹ģà¸ģà¹Ī" + ], + [ + "׾×Ĺ", + "×Ŀ" + ], + [ + "tr", + "ä" + ], + [ + "trä", + "gt" + ], + [ + "ãģĿãĤĤ", + "ãģĿãĤĤ" + ], + [ + "ÐĿ", + "Ðķ" + ], + [ + "Ġв", + "нÑĥÑĤ" + ], + [ + "ĠвнÑĥÑĤ", + "ÑĢи" + ], + [ + "ãģ¨", + "ä¸Ģç·Ĵãģ«" + ], + [ + "ãĤ«", + "ãĥķãĤ§" + ], + [ + "Ġ×ij×Ĺ", + "×ĵר" + ], + [ + "×Ĺ", + "×ŀש" + ], + [ + "ãĤ¨", + "ãĥį" + ], + [ + "ãĤ¨ãĥį", + "ãĥ«" + ], + [ + "ãĤ¨ãĥįãĥ«", + "ãĤ®" + ], + [ + "ãĤ¨ãĥįãĥ«ãĤ®", + "ãĥ¼" + ], + [ + "à¸Ĥà¸Ńà¸ĩ", + "à¸ķัวà¹Ģà¸Ńà¸ĩ" + ], + [ + "بÙĤ", + "اء" + ], + [ + "פס", + "×Ļ׼" + ], + [ + "פס×Ļ׼", + "×ķ׾×ķ×Ĵ" + ], + [ + "ãĥ¡", + "ãĥĥ" + ], + [ + "ãĥ¡ãĥĥ", + "ãĤ»" + ], + [ + "ãĥ¡ãĥĥãĤ»", + "ãĥ¼ãĤ¸" + ], + [ + "ÙĦ", + "ÙĤب" + ], + [ + "A", + "Äŀ" + ], + [ + "שק", + "×Ļ×¢" + ], + [ + "ÙĤ", + "ساÙħ" + ], + [ + "×ĵ×ķ×Ĵ", + "×ŀ×Ķ" + ], + [ + "æ·±", + "ãģĦ" + ], + [ + "íĸĪ", + "ëĬĶëį°" + ], + [ + "ĠrozwiÄħz", + "anie" + ], + [ + "à¸Ļัà¹Īà¸Ļ", + "à¹Ģà¸Ńà¸ĩ" + ], + [ + "×Ļצ", + "×ij" + ], + [ + "Ġtr", + "ông" + ], + [ + "à¹ĥà¸Ĭà¹ī", + "à¸ļริà¸ģาร" + ], + [ + "ĠاÙĦÙħÙĪ", + "سÙħ" + ], + [ + "ĠдеÑĤ", + "и" + ], + [ + "ãģĹãģĭ", + "ãģªãģĦ" + ], + [ + "ס", + "×Ļף" + ], + [ + "Ġréfé", + "rence" + ], + [ + "à¹ģห", + "à¹īà¸ĩ" + ], + [ + "ãĤĤãĤī", + "ãģ£ãģŁ" + ], + [ + "Ġ׾", + "ר׼" + ], + [ + "Ġ׾ר׼", + "×ķש" + ], + [ + "شع", + "ÙĪØ±" + ], + [ + "ĠÐij", + "ог" + ], + [ + "Ġlaz", + "ım" + ], + [ + "Ġ×Ļש", + "׳×Ŀ" + ], + [ + "Ġп", + "аÑĢÑĤ" + ], + [ + "ĠпаÑĢÑĤ", + "неÑĢ" + ], + [ + "ĠÑĥ", + "ника" + ], + [ + "ĠÑĥника", + "лÑĮн" + ], + [ + "Ġmaté", + "riel" + ], + [ + "×ŀר", + "×§" + ], + [ + "Ġph", + "ưá»Ŀng" + ], + [ + "Ġз", + "ай" + ], + [ + "Ġзай", + "м" + ], + [ + "Ùģ", + "ÙĤد" + ], + [ + "Univers", + "itÃł" + ], + [ + "×¢", + "ר׼×Ļ×Ŀ" + ], + [ + "Ġba", + "ño" + ], + [ + "Ġн", + "оÑı" + ], + [ + "ĠноÑı", + "бÑĢÑı" + ], + [ + "à¸Ľ", + "à¹īาย" + ], + [ + "Ġt", + "ats" + ], + [ + "Ġtats", + "äch" + ], + [ + "Ġtatsäch", + "lich" + ], + [ + "ĠÑĤÑĢ", + "еÑĤÑĮ" + ], + [ + "Ñį", + "м" + ], + [ + "ãĥĻ", + "ãĥ¼ãĤ¹" + ], + [ + "Ġnh", + "á»±a" + ], + [ + "ìĬ¤", + "íģ¬" + ], + [ + "ĠعبداÙĦ", + "ÙĦÙĩ" + ], + [ + "Ġת", + "×ķר×Ķ" + ], + [ + "أش", + "ÙĬ" + ], + [ + "أشÙĬ", + "اء" + ], + [ + "ĠÙĦÙĦ", + "غا" + ], + [ + "ĠÙĦÙĦغا", + "ÙĬØ©" + ], + [ + "Ùħ", + "ÙĪØ§ÙĤ" + ], + [ + "ÙħÙĪØ§ÙĤ", + "Ùģ" + ], + [ + "ĠgÅĤówn", + "a" + ], + [ + "Ġart", + "Ä±ÅŁ" + ], + [ + "Ġ×ŀ×§", + "×ķ×ŀ×Ļ" + ], + [ + "ãĤ¯ãĥ©", + "ãĥĸ" + ], + [ + "Ġس", + "ÙĪÙī" + ], + [ + "ĠìŬ", + "ìĦ±" + ], + [ + "اس", + "ر" + ], + [ + "اسر", + "ائÙĬÙĦ" + ], + [ + "Ġ׳", + "×Ľ×ª×ij" + ], + [ + "ย", + "à¹īà¸Ńà¸Ļ" + ], + [ + "Ġdeber", + "á" + ], + [ + "Ġph", + "ẫu" + ], + [ + "ÑİÑī", + "ем" + ], + [ + "ĠÙĦدÙĬ", + "ÙĨا" + ], + [ + "×ŀ×ĺ", + "×Ķ" + ], + [ + "Ġ׳", + "×ķ׾×ĵ" + ], + [ + "ĠвÑģÑĤÑĢ", + "еÑĩа" + ], + [ + "ãĤīãĤĮ", + "ãģ¦ãģĦãģ¾ãģĻ" + ], + [ + "ĠcaÅĤ", + "ej" + ], + [ + "ย", + "ึ" + ], + [ + "ยึ", + "à¸Ķ" + ], + [ + "поÑĤ", + "ен" + ], + [ + "поÑĤен", + "ÑĨи" + ], + [ + "Ġл", + "иÑĤ" + ], + [ + "ĠлиÑĤ", + "еÑĢ" + ], + [ + "ĠлиÑĤеÑĢ", + "аÑĤÑĥÑĢ" + ], + [ + "Ġкажд", + "ом" + ], + [ + "ĠíĮ", + "IJ" + ], + [ + "ĠíĮIJ", + "ëĭ¨" + ], + [ + "à¸Ī", + "ู" + ], + [ + "Ġpres", + "ença" + ], + [ + "ãģªãĤĵ", + "ãģ§" + ], + [ + "Ùħ", + "ÙĬاÙĩ" + ], + [ + "ин", + "ÑĦоÑĢм" + ], + [ + "инÑĦоÑĢм", + "аÑĨион" + ], + [ + "инÑĦоÑĢмаÑĨион", + "н" + ], + [ + "ĠìŀIJ", + "ìŰ" + ], + [ + "ר׼", + "ש" + ], + [ + "Ġöd", + "ül" + ], + [ + "ç¶ļ", + "ãģı" + ], + [ + "Ġп", + "Ñģ" + ], + [ + "ĠпÑģ", + "иÑħ" + ], + [ + "ĠпÑģиÑħ", + "олог" + ], + [ + "ت", + "ذÙĥر" + ], + [ + "Ġìŀħ", + "ìŀ¥" + ], + [ + "ล", + "à¸Ķà¹Į" + ], + [ + "ìĦł", + "ê±°" + ], + [ + "ãģ£ãģ¦", + "ãģĬãĤĬãģ¾ãģĻ" + ], + [ + "Ġ×Ļ", + "×¢" + ], + [ + "Ġ×Ļ×¢", + "×§×ij" + ], + [ + "ĠاÙĦØ·", + "عاÙħ" + ], + [ + "ãĥĨ", + "ãĤ¹ãĥĪ" + ], + [ + "ĠTu", + "ấn" + ], + [ + "Ġparticip", + "ación" + ], + [ + "×ŀ×ķ×ŀ", + "×Ĺ×Ķ" + ], + [ + "×Ĵר", + "ס×Ķ" + ], + [ + "ĠاÙĦتÙĨ", + "ÙģÙĬ" + ], + [ + "ĠاÙĦتÙĨÙģÙĬ", + "ذÙĬ" + ], + [ + "ĠбезопаÑģ", + "н" + ], + [ + "ge", + "f" + ], + [ + "gef", + "ähr" + ], + [ + "Ø´", + "ÙĪØ±" + ], + [ + "Ġmy", + "ÅĽli" + ], + [ + "ÙĪØ§", + "Ø´ÙĨ" + ], + [ + "ÙĪØ§Ø´ÙĨ", + "Ø·ÙĨ" + ], + [ + "׳×ķס", + "×¢" + ], + [ + "Ùĥ", + "Ùĩ" + ], + [ + "ÙĥÙĩ", + "رب" + ], + [ + "ÙĥÙĩرب", + "اء" + ], + [ + "Ġmus", + "iaÅĤ" + ], + [ + "ìĭ", + "¸" + ], + [ + "ãĥĸãĥ©", + "ãĥĥãĤ¯" + ], + [ + "Ġcré", + "é" + ], + [ + "ÙĨÙĩ", + "ار" + ], + [ + "owo", + "ÅĽÄĩ" + ], + [ + "ÙħØŃا", + "ÙĥÙħ" + ], + [ + "ĠwÅĤa", + "ÅĽ" + ], + [ + "ĠwÅĤaÅĽ", + "c" + ], + [ + "ĠwÅĤaÅĽc", + "iciel" + ], + [ + "ĠÙĬ", + "ؤ" + ], + [ + "ĠÙĬؤ", + "دÙĬ" + ], + [ + "×ŀ×¢", + "×ķ׳" + ], + [ + "×IJ", + "×ij׾" + ], + [ + "خط", + "Ø£" + ], + [ + "ĠÑħ", + "олод" + ], + [ + "×ĸ", + "×ķ׾" + ], + [ + "ãģĵãĤĮ", + "ãĤī" + ], + [ + "ãģĵãĤĮãĤī", + "ãģ®" + ], + [ + "Ġbás", + "ica" + ], + [ + "ฤ", + "à¸Ķ" + ], + [ + "ฤà¸Ķ", + "ูà¸ģ" + ], + [ + "ฤà¸Ķูà¸ģ", + "า" + ], + [ + "ฤà¸Ķูà¸ģา", + "ล" + ], + [ + "èIJ½ãģ¡", + "çĿĢ" + ], + [ + "ãģªãģĦ", + "ãģĵãģ¨" + ], + [ + "ص", + "ÙĪÙħ" + ], + [ + "ÙĨج", + "ØŃ" + ], + [ + "׳ק", + "×ķ×ĵ" + ], + [ + "׳ק×ķ×ĵ", + "ת" + ], + [ + "кл", + "аÑģÑģ" + ], + [ + "íķĺìĭľ", + "ëĬĶ" + ], + [ + "ëĦ", + "ĺ" + ], + [ + "Ġש×IJ", + "×Ļ׳×ķ" + ], + [ + "ĠС", + "ейÑĩаÑģ" + ], + [ + "may", + "acaģı" + ], + [ + "Ġyap", + "ılır" + ], + [ + "Ġcategor", + "ÃŃa" + ], + [ + "عب", + "اد" + ], + [ + "ĠТ", + "еп" + ], + [ + "ĠТеп", + "еÑĢÑĮ" + ], + [ + "×Ķ×Ļס×ĺ", + "×ķר×Ļ" + ], + [ + "h", + "ế" + ], + [ + "ãĤ³", + "ãĥ¼ãĥī" + ], + [ + "Ġcabe", + "ça" + ], + [ + "ج", + "Ùħا" + ], + [ + "جÙħا", + "Ùĩ" + ], + [ + "جÙħاÙĩ", + "ÙĬر" + ], + [ + "ä½İ", + "ãģĦ" + ], + [ + "ĠÑĤоваÑĢ", + "ов" + ], + [ + "à¸Ĭาว", + "à¸ļà¹īาà¸Ļ" + ], + [ + "ĠÑģÑĤан", + "ов" + ], + [ + "ĠÑģÑĤанов", + "иÑĤÑģÑı" + ], + [ + "ĠавÑĤом", + "обилÑĮ" + ], + [ + "ĠÑģлÑĥÑĩ", + "ай" + ], + [ + "à¸Ńั", + "à¸ŀ" + ], + [ + "ĠG", + "iriÅŁ" + ], + [ + "ĠìĿ¼", + "ëĭ¨" + ], + [ + "ĠпÑĢ", + "оÑģ" + ], + [ + "ĠпÑĢоÑģ", + "моÑĤÑĢ" + ], + [ + "ãģªãģıãģª", + "ãģ£ãģŁ" + ], + [ + "มี", + "à¸Ľà¸±à¸įหา" + ], + [ + "ïº", + "İ" + ], + [ + "éc", + "oute" + ], + [ + "ĠÙħ", + "ÙĪØ¬ÙĪØ¯" + ], + [ + "Ġس", + "رÙĬع" + ], + [ + "ĠÙĪÙĩ", + "ÙĨا" + ], + [ + "ĠÙĪÙĩÙĨا", + "Ùĥ" + ], + [ + "à¸Ħุà¸ĵ", + "สม" + ], + [ + "à¸Ħุà¸ĵสม", + "à¸ļัà¸ķิ" + ], + [ + "Ġìļ°", + "ìĦł" + ], + [ + "à¸ŀระ", + "à¸ŀุà¸Ĺà¸ĺ" + ], + [ + "好", + "ãģ¿" + ], + [ + "ظ", + "ÙĦÙħ" + ], + [ + "Ġм", + "акÑģ" + ], + [ + "ĠмакÑģ", + "ималÑĮ" + ], + [ + "ĠмакÑģималÑĮ", + "но" + ], + [ + "ãĥª", + "ãĤ¢ãĥ«" + ], + [ + "à¹ģมà¹ī", + "วà¹Īา" + ], + [ + "ĠاÙĦØŃ", + "ÙĪØ§Ø±" + ], + [ + "ãĥĹãĥ©", + "ãĤ¹" + ], + [ + "Ġع", + "ÙĦاÙĤØ©" + ], + [ + "Ġíĸī", + "ëıĻ" + ], + [ + "Ġgönder", + "il" + ], + [ + "Ġl", + "ãi" + ], + [ + "ĠsaÄŁ", + "lıkl" + ], + [ + "ĠsaÄŁlıkl", + "ı" + ], + [ + "ĠÑĪ", + "аг" + ], + [ + "Ġ×ij×IJר", + "×Ķ" + ], + [ + "prowadzi", + "Äĩ" + ], + [ + "ãģĦãģı", + "ãģ¤ãģĭ" + ], + [ + "Ġبت", + "ارÙĬØ®" + ], + [ + "Ġ×ij×IJ×ķת", + "×Ķ" + ], + [ + "Ġmó", + "c" + ], + [ + "ĠÐľ", + "не" + ], + [ + "ãĥĹãĥ¬", + "ãĥ¼" + ], + [ + "×IJ", + "×ĸר×Ĺ" + ], + [ + "åł´åIJĪ", + "ãģ«ãģ¯" + ], + [ + "使", + "ãģĪ" + ], + [ + "à¹Ģร", + "ืà¸Ńà¸Ļ" + ], + [ + "ĠÐŁ", + "еÑĤ" + ], + [ + "ĠÐŁÐµÑĤ", + "ÑĢ" + ], + [ + "ãģ«åħ¥", + "ãĤĭ" + ], + [ + "Ùħ", + "ادة" + ], + [ + "à¹Ģà¸ĩ", + "ืà¹Īà¸Ńà¸Ļ" + ], + [ + "à¹Ģà¸ĩืà¹Īà¸Ńà¸Ļ", + "à¹Ħà¸Ĥ" + ], + [ + "ĠÑģоÑģÑĤоÑı", + "ние" + ], + [ + "ôn", + "ica" + ], + [ + "ĠÑĦ", + "ев" + ], + [ + "ĠÑĦев", + "ÑĢа" + ], + [ + "ĠÑĦевÑĢа", + "лÑı" + ], + [ + "Ġ×ķ", + "×ĸ" + ], + [ + "Ġ×ķ×ĸ", + "×IJת" + ], + [ + "à¸Ħร", + "ิ" + ], + [ + "à¸Ħริ", + "ส" + ], + [ + "ĠÐķ", + "Ñīе" + ], + [ + "ãģ£ãģ¦ãģĹãģ¾", + "ãģĦãģ¾ãģĹãģŁ" + ], + [ + "ĠпÑĢав", + "иÑĤелÑĮ" + ], + [ + "ĠпÑĢавиÑĤелÑĮ", + "ÑģÑĤв" + ], + [ + "Ġtä", + "glich" + ], + [ + "Ġëĭ¹", + "ìĭľ" + ], + [ + "×ŀ×ķ×¢", + "×ŀ×ĵ" + ], + [ + "Ġдв", + "оÑĢ" + ], + [ + "æī", + "ķ" + ], + [ + "æīķ", + "ãģĦ" + ], + [ + "ĠÑģÑĤан", + "еÑĤ" + ], + [ + "Ġвозд", + "ейÑģÑĤв" + ], + [ + "ĠвоздейÑģÑĤв", + "и" + ], + [ + "Ġf", + "ête" + ], + [ + "à¹Ģส", + "า" + ], + [ + "תק", + "×ķ×ķ×Ķ" + ], + [ + "Ġu", + "yar" + ], + [ + "Ġuyar", + "ı" + ], + [ + "à¸ģลัà¸ļ", + "à¹Ħà¸Ľ" + ], + [ + "Ġgi", + "ưá»Ŀng" + ], + [ + "Ġв", + "а" + ], + [ + "Ġва", + "ÑĪи" + ], + [ + "ĠÄij", + "áºŃu" + ], + [ + "ĠSpa", + "ÃŁ" + ], + [ + "ĠìķĦ", + "ë§Ī" + ], + [ + "à¹Ħà¸Ķà¹ī", + "à¸ĩà¹Īาย" + ], + [ + "Ġ×Ķ×ŀ", + "×ijקש" + ], + [ + "æĸ°", + "ãģŁ" + ], + [ + "æĸ°ãģŁ", + "ãģª" + ], + [ + "ılı", + "yor" + ], + [ + "пл", + "ан" + ], + [ + "Ġ×Ķ×ijר", + "×Ļ×IJ×ķת" + ], + [ + "ĠaÄŁ", + "rı" + ], + [ + "Ġsay", + "gı" + ], + [ + "建", + "ãģ¦" + ], + [ + "Ġnaj", + "wyż" + ], + [ + "Ġnajwyż", + "sz" + ], + [ + "سÙĬاس", + "ات" + ], + [ + "ãģĬ", + "å¾Ĺ" + ], + [ + "ĠاÙĦع", + "ÙĦÙĬ" + ], + [ + "ĠاÙĦعÙĦÙĬ", + "ا" + ], + [ + "Ġcoraz", + "ón" + ], + [ + "ì¹ĺ", + "ë£Į" + ], + [ + "หัว", + "à¸Ĥà¹īà¸Ń" + ], + [ + "Ġب", + "ØŃÙĬ" + ], + [ + "ĠبØŃÙĬ", + "Ø«" + ], + [ + "зв", + "езд" + ], + [ + "بÙĪ", + "ابة" + ], + [ + "ÐĽ", + "Ðĺ" + ], + [ + "ÙĦا", + "زÙħ" + ], + [ + "Ġroz", + "p" + ], + [ + "Ġrozp", + "oc" + ], + [ + "Ġrozpoc", + "zÄĻ" + ], + [ + "触", + "ãĤĮ" + ], + [ + "ĠاÙĦج", + "ÙħÙĩ" + ], + [ + "ĠاÙĦجÙħÙĩ", + "ÙĪØ±" + ], + [ + "Ġsp", + "ÄĻd" + ], + [ + "ĠspÄĻd", + "z" + ], + [ + "วิà¸Ĺยา", + "ศาสà¸ķรà¹Į" + ], + [ + "ив", + "аеÑĤÑģÑı" + ], + [ + "Ġдан", + "ной" + ], + [ + "Ġreprés", + "ente" + ], + [ + "ĠÄij", + "á»ĭch" + ], + [ + "Ġ×¢×ŀ", + "×ķ×§" + ], + [ + "à¸Ńัà¸Ļ", + "à¸ķร" + ], + [ + "à¸Ńัà¸Ļà¸ķร", + "าย" + ], + [ + "Ġestr", + "atég" + ], + [ + "Ġestratég", + "ia" + ], + [ + "pad", + "ÅĤ" + ], + [ + "Ġв", + "полн" + ], + [ + "Ġвполн", + "е" + ], + [ + "ĠпÑĢедоÑģÑĤав", + "лен" + ], + [ + "×Ĺ׾", + "×ķ×§" + ], + [ + "×Ĺ׾×ķ×§", + "ת" + ], + [ + "ãĤ¢", + "ãĥĬ" + ], + [ + "ĠاÙĦغ", + "ذ" + ], + [ + "ĠاÙĦغذ", + "ائÙĬ" + ], + [ + "ĠÑĥ", + "зн" + ], + [ + "ĠÑĥзн", + "аÑĤÑĮ" + ], + [ + "à¸ĭ", + "à¹īาย" + ], + [ + "å½ĵ", + "ãģ¦" + ], + [ + "ØŃÙĬ", + "اء" + ], + [ + "Ġbás", + "ico" + ], + [ + "×§×ķ×ij", + "×¢" + ], + [ + "ĠاÙĦÙħ", + "باراة" + ], + [ + "ĠاÙĦÙĩ", + "اتÙģ" + ], + [ + "Ġ׼", + "׳×Ĵ×ĵ" + ], + [ + "à¸Ľà¸£à¸°", + "หย" + ], + [ + "à¸Ľà¸£à¸°à¸«à¸¢", + "ัà¸Ķ" + ], + [ + "Ðļ", + "ак" + ], + [ + "à¸Ĺีà¹Ī", + "à¸Ļà¹Īา" + ], + [ + "à¸Ĺีà¹Īà¸Ļà¹Īา", + "สà¸Ļà¹ĥà¸Ī" + ], + [ + "ãģ¾", + "ãģģ" + ], + [ + "ï½", + "¢" + ], + [ + "Ñģк", + "оп" + ], + [ + "Ġson", + "rasında" + ], + [ + "Ġur", + "zÄħd" + ], + [ + "ĠurzÄħd", + "zenia" + ], + [ + "׼×ķ", + "×ķ׳" + ], + [ + "׼×ķ×ķ׳", + "ת" + ], + [ + "Ġ׾×Ķת", + "×ŀ×ķ×ĵ" + ], + [ + "Ġ׾×Ķת×ŀ×ķ×ĵ", + "×ĵ" + ], + [ + "ĠÑģ", + "ли" + ], + [ + "ĠÑģли", + "ÑĪ" + ], + [ + "ĠÑģлиÑĪ", + "ком" + ], + [ + "ĠÑģÑĤ", + "Ñĥд" + ], + [ + "ĠÑģÑĤÑĥд", + "енÑĤ" + ], + [ + "Ġ×Ķ", + "×ķ×ĵ" + ], + [ + "Ġ×Ķ×ķ×ĵ", + "×¢×Ķ" + ], + [ + "ë¹Ħ", + "ìļ©" + ], + [ + "à¸Ńยาà¸ģ", + "à¹ĥหà¹ī" + ], + [ + "Ġb", + "á»ģ" + ], + [ + "ยุ", + "à¸Ĺà¸ĺ" + ], + [ + "Ðĺ", + "ÐĿ" + ], + [ + "س", + "ائر" + ], + [ + "Ø£", + "صÙĪÙĦ" + ], + [ + "ĠاÙĦغ", + "رÙģ" + ], + [ + "ãģĵãģ¨ãĤĤ", + "ãģĤãĤĬãģ¾ãģĻ" + ], + [ + "è¾¼", + "ãģ¾ãĤĮ" + ], + [ + "ĠاÙĦساب", + "ع" + ], + [ + "Ġc", + "á»§" + ], + [ + "ãģĦãģŁãģł", + "ãģĦãģŁ" + ], + [ + "ì§", + "ĵ" + ], + [ + "ìĤ¬", + "무" + ], + [ + "powied", + "ź" + ], + [ + "تÙģ", + "Ùĥ" + ], + [ + "تÙģÙĥ", + "ÙĬر" + ], + [ + "иÑĢов", + "ки" + ], + [ + "ĠíĨµ", + "íķ´ìĦľ" + ], + [ + "ãĤ¨", + "ãĤ¹ãĥĨ" + ], + [ + "ĠдеÑıÑĤелÑĮ", + "ноÑģÑĤÑĮ" + ], + [ + "ĠданнÑĭ", + "м" + ], + [ + "Ġ×¢", + "×ķר" + ], + [ + "Ġ×¢×ķר", + "׼×Ļ" + ], + [ + "×ķ×ĵ", + "עת" + ], + [ + "Ġhayat", + "ını" + ], + [ + "Ġb", + "Äħd" + ], + [ + "ĠbÄħd", + "ź" + ], + [ + "obs", + "ÅĤug" + ], + [ + "à¹Ģà¸ŀียà¸ĩ", + "à¹ģà¸Ħà¹Ī" + ], + [ + "à¸ĭ", + "à¹Īา" + ], + [ + "è²ł", + "ãģij" + ], + [ + "ĠÑģÑĤÑĢ", + "ем" + ], + [ + "ĠÄij", + "á»īnh" + ], + [ + "ĠÐł", + "ÑĥÑģ" + ], + [ + "ĠN", + "ữ" + ], + [ + "Ġ׾×Ķש", + "×Ļ×Ĵ" + ], + [ + "Ġjed", + "noc" + ], + [ + "Ġjednoc", + "ze" + ], + [ + "Ġjednocze", + "ÅĽnie" + ], + [ + "Ġ×Ķ×Ĵ", + "×ij×ķ×Ķ" + ], + [ + "أخ", + "ÙĦاÙĤ" + ], + [ + "ĠнаÑģ", + "ел" + ], + [ + "ĠнаÑģел", + "ениÑı" + ], + [ + "ĠÙĬ", + "ÙĨب" + ], + [ + "ĠÙĬÙĨب", + "غÙĬ" + ], + [ + "ãģĮ", + "ãģĭ" + ], + [ + "ãģĮãģĭ", + "ãģĭ" + ], + [ + "×Ĵ", + "עת" + ], + [ + "Ðŀ", + "Ðł" + ], + [ + "ĠналиÑĩ", + "ии" + ], + [ + "Ġë§Ī", + "ì§Ģ" + ], + [ + "Ġë§Īì§Ģ", + "ë§ī" + ], + [ + "Ġíĸī", + "ìĤ¬" + ], + [ + "Ġtre", + "ÅĽci" + ], + [ + "Ġê°Ģ", + "ì¹ĺ" + ], + [ + "ì¦", + "ĺ" + ], + [ + "Ġана", + "лог" + ], + [ + "×Ķצע", + "ת" + ], + [ + "в", + "лад" + ], + [ + "влад", + "е" + ], + [ + "ĠÑģдел", + "ал" + ], + [ + "Ġ׳", + "×Ĵ×Ļש" + ], + [ + "Ġ׳×Ĵ×Ļש", + "×ķת" + ], + [ + "полн", + "ение" + ], + [ + "à¸Ĩ", + "à¹Īา" + ], + [ + "ĠD", + "ön" + ], + [ + "׼׾׼", + "׾×Ķ" + ], + [ + "×ŀ×ĸ", + "×Ĵ" + ], + [ + "Ùħ", + "Ùģ" + ], + [ + "ÙħÙģ", + "Ùĩ" + ], + [ + "ÙħÙģÙĩ", + "ÙĪÙħ" + ], + [ + "×Ķ", + "×ĵ" + ], + [ + "×Ķ×ĵ", + "פס" + ], + [ + "×Ķ×ĵפס", + "×Ķ" + ], + [ + "ãģĻãģİ", + "ãģ¦" + ], + [ + "Ġг", + "ÑĢ" + ], + [ + "ĠгÑĢ", + "н" + ], + [ + "×ŀ×ĺ", + "×ķס" + ], + [ + "Ġ기", + "ìĸµ" + ], + [ + "ï¾", + "Ł" + ], + [ + "ĠpÅĤ", + "yn" + ], + [ + "ĠGr", + "ünde" + ], + [ + "ĠBü", + "cher" + ], + [ + "Ġwed", + "ÅĤug" + ], + [ + "ãģ¾ãģł", + "ãģ¾ãģł" + ], + [ + "Ġ׳×Ķ", + "×ĵר" + ], + [ + "ĠÙĬست", + "Ø·ÙĬع" + ], + [ + "ĠHi", + "á»ĩp" + ], + [ + "ãĤŃãĥ£ãĥ³", + "ãĥļ" + ], + [ + "ãĤŃãĥ£ãĥ³ãĥļ", + "ãĥ¼ãĥ³" + ], + [ + "Ġth", + "á»ķ" + ], + [ + "Ġeuropé", + "enne" + ], + [ + "à¸ļ", + "ัà¸ĩ" + ], + [ + "à¸ļัà¸ĩ", + "à¸Ħัà¸ļ" + ], + [ + "ĠszczegóÅĤ", + "owo" + ], + [ + "׳", + "שק" + ], + [ + "ãĥķ", + "ãĥ©ãĥ³ãĤ¹" + ], + [ + "×ŀ×ķ×ŀ", + "×Ĺ×Ļ" + ], + [ + "Ġcom", + "ún" + ], + [ + "Ġç", + "arp" + ], + [ + "ØŃت", + "ÙĬا" + ], + [ + "ØŃتÙĬا", + "ج" + ], + [ + "ØŃتÙĬاج", + "ات" + ], + [ + "ëĭ´", + "ëĭ¹" + ], + [ + "ä½ķ", + "度" + ], + [ + "ä½ķ度", + "ãĤĤ" + ], + [ + "×ĵ", + "×ij×§" + ], + [ + "ãģį", + "ãĤĮ" + ], + [ + "ãģįãĤĮ", + "ãģĦ" + ], + [ + "Ġк", + "ам" + ], + [ + "Ġкам", + "еÑĢ" + ], + [ + "ĠespecÃŃf", + "ico" + ], + [ + "Ġtel", + "éfono" + ], + [ + "à¸ķัà¹īà¸ĩ", + "à¸Ńยูà¹Ī" + ], + [ + "I", + "Åŀ" + ], + [ + "ãģ©", + "ãĤĵãģ©" + ], + [ + "ãģ©ãĤĵãģ©", + "ãĤĵ" + ], + [ + "עצ", + "×ŀ×IJ×Ļ" + ], + [ + "à¸Ķัà¸ĩ", + "à¸Ļีà¹ī" + ], + [ + "ĠÑĦоÑĢм", + "иÑĢов" + ], + [ + "ĠÑĦоÑĢмиÑĢов", + "а" + ], + [ + "×ķ×ŀ", + "×ij" + ], + [ + "Ġkullan", + "ımı" + ], + [ + "Ðľ", + "Ðŀ" + ], + [ + "×¢", + "ש×Ļ" + ], + [ + "עש×Ļ", + "×Ļ×Ķ" + ], + [ + "Ġön", + "lem" + ], + [ + "à¹Ģà¸Ń", + "à¹ĩ" + ], + [ + "à¹Ģà¸Ńà¹ĩ", + "ม" + ], + [ + "×ŀשק", + "×Ļ×¢" + ], + [ + "ר", + "×Ļ×Ĺ" + ], + [ + "à¸Ĥ", + "ัà¸Ķ" + ], + [ + "ĠíĻ", + "ľ" + ], + [ + "ĠíĻľ", + "ìļ©" + ], + [ + "à¸ĭ", + "ะ" + ], + [ + "ãĤĪãģĨ", + "ãģ«ãģªãĤĬãģ¾ãģĹãģŁ" + ], + [ + "ĠÑĢаÑģ", + "пÑĢ" + ], + [ + "ĠÑĢаÑģпÑĢ", + "оÑģÑĤ" + ], + [ + "ĠÑĢаÑģпÑĢоÑģÑĤ", + "ÑĢан" + ], + [ + "ĠÑĢаÑģпÑĢоÑģÑĤÑĢан", + "ен" + ], + [ + "׼×Ļ", + "×ķף" + ], + [ + "ÙĤب", + "ض" + ], + [ + "تص", + "رÙĬØŃ" + ], + [ + "تصرÙĬØŃ", + "ات" + ], + [ + "Ġо", + "ÑĢи" + ], + [ + "ĠоÑĢи", + "г" + ], + [ + "ĠоÑĢиг", + "ина" + ], + [ + "ĠоÑĢигина", + "л" + ], + [ + "ĠاÙĦع", + "اÙĦÙĬ" + ], + [ + "à¹ģหà¹Īà¸ĩ", + "à¸Ļีà¹ī" + ], + [ + "ãĥķãĤ¡", + "ãĥ¼" + ], + [ + "ãģ¦ãģĦ", + "ãģį" + ], + [ + "ãģ¦ãģĦãģį", + "ãģŁãģĦ" + ], + [ + "פ", + "תר" + ], + [ + "פתר", + "×ķ׳×ķת" + ], + [ + "Ġ×ij", + "×Ļ×Ĺ" + ], + [ + "Ġ×ij×Ļ×Ĺ", + "×ĵ" + ], + [ + "Ġod", + "by" + ], + [ + "Ġodby", + "ÅĤ" + ], + [ + "ĠоÑĩеÑĢ", + "ед" + ], + [ + "Ġtr", + "ương" + ], + [ + "ãĤŃ", + "ãĥ³" + ], + [ + "×ŀ", + "×ķפ" + ], + [ + "×ŀ×ķפ", + "×¢" + ], + [ + "ëĵľ", + "립" + ], + [ + "ëĵľë¦½", + "ëĭĪëĭ¤" + ], + [ + "à¸ŀืà¹īà¸Ļ", + "à¸IJาà¸Ļ" + ], + [ + "ìŀIJ", + "격" + ], + [ + "ĠVi", + "á»ĩn" + ], + [ + "ĠDes", + "pués" + ], + [ + "Ġ×IJ׾", + "×Ļ׳×ķ" + ], + [ + "Ġdur", + "ée" + ], + [ + "íĩ", + "´" + ], + [ + "Ġmü", + "zik" + ], + [ + "i", + "ếu" + ], + [ + "ĠÑĢаз", + "меÑīен" + ], + [ + "Ġк", + "Ñĥд" + ], + [ + "ĠкÑĥд", + "а" + ], + [ + "غ", + "ض" + ], + [ + "غض", + "ب" + ], + [ + "ĠTamb", + "ém" + ], + [ + "à¸Īัà¸Ķ", + "สà¹Īà¸ĩ" + ], + [ + "à¸ģาร", + "à¹ģสà¸Ķà¸ĩ" + ], + [ + "onom", + "ÃŃa" + ], + [ + "Ġан", + "г" + ], + [ + "Ġанг", + "ли" + ], + [ + "Ġангли", + "й" + ], + [ + "Ġанглий", + "Ñģк" + ], + [ + "Ġzn", + "al" + ], + [ + "Ġznal", + "az" + ], + [ + "Ġznalaz", + "ÅĤ" + ], + [ + "תר", + "×Ĵ" + ], + [ + "תר×Ĵ", + "×ķ×Ŀ" + ], + [ + "ĠÑģ", + "нов" + ], + [ + "ĠÑģнов", + "а" + ], + [ + "ĠÑĩаÑģ", + "а" + ], + [ + "Ġcommun", + "auté" + ], + [ + "ĠespecÃŃf", + "ica" + ], + [ + "ĠL", + "á»ĭch" + ], + [ + "Ġli", + "é" + ], + [ + "Ùģ", + "جر" + ], + [ + "à¹Ģà¸ģ", + "à¹Īà¸ĩ" + ], + [ + "ع", + "اÙĦ" + ], + [ + "عاÙĦ", + "ج" + ], + [ + "Ø£ÙĨ", + "ظ" + ], + [ + "Ø£ÙĨظ", + "ÙħØ©" + ], + [ + "ES", + "İ" + ], + [ + "ĠاÙĦØŃ", + "دÙĬد" + ], + [ + "à¸ŀระ", + "à¸Ńà¸ĩà¸Ħà¹Į" + ], + [ + "Ġפר", + "שת" + ], + [ + "Ġдв", + "иж" + ], + [ + "Ġдвиж", + "ениÑı" + ], + [ + "ĠاÙĦج", + "ارÙĬ" + ], + [ + "à¸ĺาà¸Ļ", + "ี" + ], + [ + "неÑģ", + "ен" + ], + [ + "ĠاÙĦÙĨ", + "ÙĩائÙĬ" + ], + [ + "Ġб", + "еÑĢ" + ], + [ + "ĠбеÑĢ", + "ем" + ], + [ + "ĠбеÑĢем", + "енн" + ], + [ + "Ġdépart", + "ement" + ], + [ + "à¹Ģà¸Ĺ", + "ีย" + ], + [ + "à¹Ģà¸Ĺีย", + "à¸ļ" + ], + [ + "ĠÐľ", + "аÑĢи" + ], + [ + "ĠнекоÑĤоÑĢ", + "ÑĭÑħ" + ], + [ + "об", + "еÑģп" + ], + [ + "обеÑģп", + "еÑĩен" + ], + [ + "×Ĺ", + "×ķ×ĸ" + ], + [ + "×Ĺ×ķ×ĸ", + "×Ķ" + ], + [ + "ÙĨت", + "ج" + ], + [ + "à¸Īะ", + "à¹Ħà¸Ķà¹īรัà¸ļ" + ], + [ + "á»", + "°" + ], + [ + "Ġél", + "éments" + ], + [ + "ع", + "Ø·" + ], + [ + "عط", + "اء" + ], + [ + "Ġt", + "ắt" + ], + [ + "i", + "á»ĩm" + ], + [ + "ÑİÑīиÑħ", + "ÑģÑı" + ], + [ + "ãģĹãģ", + "°" + ], + [ + "ãģĹãģ°", + "ãĤīãģı" + ], + [ + "Ġпом", + "ожеÑĤ" + ], + [ + "à¸Ĥà¸ĵะ", + "à¸Ļีà¹ī" + ], + [ + "Ġ×¢", + "שר×ķת" + ], + [ + "éģķ", + "ãģ£ãģ¦" + ], + [ + "ĠпÑĢ", + "ог" + ], + [ + "ĠпÑĢог", + "н" + ], + [ + "ĠпÑĢогн", + "оз" + ], + [ + "Ġt", + "ÅĤ" + ], + [ + "ĠtÅĤ", + "um" + ], + [ + "ĠtÅĤum", + "acz" + ], + [ + "T", + "ür" + ], + [ + "Tür", + "kiye" + ], + [ + "ãģį", + "ãģ£" + ], + [ + "ãģįãģ£", + "ãģĭãģij" + ], + [ + "Ġ×Ķ׳", + "×ķ׼" + ], + [ + "Ġ×Ķ׳×ķ׼", + "×Ĺ×Ļ" + ], + [ + "ĠìĥĿ", + "ìĤ°" + ], + [ + "ĠÑĦоÑĢм", + "Ñĭ" + ], + [ + "ç¾İ", + "ãģĹãģĦ" + ], + [ + "à¸Ľà¸£", + "ึà¸ģ" + ], + [ + "à¸Ľà¸£à¸¶à¸ģ", + "ษา" + ], + [ + "Ġlum", + "ière" + ], + [ + "ãĤª", + "ãĥ¼ãĥĹ" + ], + [ + "ãĤªãĥ¼ãĥĹ", + "ãĥ³" + ], + [ + "à¸Ľ", + "ืà¸Ļ" + ], + [ + "วั", + "สà¸Ķ" + ], + [ + "วัสà¸Ķ", + "ุ" + ], + [ + "еÑĢÑĤ", + "в" + ], + [ + "ÙĥÙĦ", + "Ùģ" + ], + [ + "ï½", + "£" + ], + [ + "à¸ĺรรม", + "à¸Ķา" + ], + [ + "׳", + "×ĺר" + ], + [ + "ĠпÑĢедÑģÑĤав", + "лÑıеÑĤ" + ], + [ + "Ġanál", + "isis" + ], + [ + "Ġb", + "ãi" + ], + [ + "با", + "ÙĤÙĬ" + ], + [ + "à¸Ľà¸£à¸°", + "à¹Ģà¸Ķ" + ], + [ + "à¸Ľà¸£à¸°à¹Ģà¸Ķ", + "à¹ĩà¸Ļ" + ], + [ + "ĠÑģлÑĥÑĩ", + "аÑı" + ], + [ + "ĠÑģлÑĥÑĩаÑı", + "Ñħ" + ], + [ + "ÐĽ", + "ÐIJ" + ], + [ + "สัà¸ĩ", + "à¹Ģà¸ģ" + ], + [ + "สัà¸ĩà¹Ģà¸ģ", + "à¸ķ" + ], + [ + "Ġprz", + "ec" + ], + [ + "Ġprzec", + "ież" + ], + [ + "Ùħ", + "صÙĦ" + ], + [ + "ÙħصÙĦ", + "ØŃØ©" + ], + [ + "ש×ķ×§", + "×ķ׾×ĵ" + ], + [ + "ĠобоÑĢÑĥд", + "ованиÑı" + ], + [ + "Ġtr", + "waÅĤ" + ], + [ + "رÙĪ", + "Ùħ" + ], + [ + "ìķĪ", + "ëĤ´" + ], + [ + "ĠNgh", + "á»ĭ" + ], + [ + "Ø®", + "Ø´" + ], + [ + "à¸ļา", + "à¸Ħาร" + ], + [ + "à¸ļาà¸Ħาร", + "à¹Īา" + ], + [ + "Ġоп", + "ÑĨион" + ], + [ + "ĠÑģозд", + "аниÑı" + ], + [ + "ãĤ³", + "ãĤ¹ãĥĪ" + ], + [ + "Ġ×Ķ×¢", + "׾×Ļ" + ], + [ + "Ġ×Ķ×¢×ľ×Ļ", + "×ķף" + ], + [ + "lä", + "uft" + ], + [ + "ãĥĻ", + "ãĤ¹ãĥĪ" + ], + [ + "Ġr", + "ê" + ], + [ + "Ġrê", + "ve" + ], + [ + "×IJ", + "×ij×Ļ×ij" + ], + [ + "×Ļ", + "×Ļ×ļ" + ], + [ + "ë¶", + "Ļ" + ], + [ + "ãĤ¤ãĥ³", + "ãĥī" + ], + [ + "ÅĤo", + "ży" + ], + [ + "ÅĤoży", + "Äĩ" + ], + [ + "ع", + "ائÙĦ" + ], + [ + "عائÙĦ", + "Ø©" + ], + [ + "Ø£", + "ÙĪØ±" + ], + [ + "Ø£ÙĪØ±", + "اÙĤ" + ], + [ + "à¸Ĺà¹īà¸Ńà¸ĩ", + "à¸ĸ" + ], + [ + "à¸Ĺà¹īà¸Ńà¸ĩà¸ĸ", + "ิà¹Īà¸Ļ" + ], + [ + "Ġä", + "hn" + ], + [ + "Ġähn", + "lich" + ], + [ + "ãĥŁ", + "ãĥĭ" + ], + [ + "à¸ľ", + "ู" + ], + [ + "à¸ľà¸¹", + "à¹īà¸Ļ" + ], + [ + "à¸ľà¸¹à¹īà¸Ļ", + "ำ" + ], + [ + "ĠмаÑĤеÑĢиал", + "Ñĭ" + ], + [ + "Ġкап", + "иÑĤ" + ], + [ + "ĠкапиÑĤ", + "ал" + ], + [ + "ï¼", + "¦" + ], + [ + "Ġseç", + "il" + ], + [ + "Ġh", + "ứng" + ], + [ + "Ġintéress", + "ant" + ], + [ + "ãģ£ãģ¦", + "ãģĦãģı" + ], + [ + "Ġe", + "ÄŁer" + ], + [ + "ëIJĺ", + "ìĹĪìĬµëĭĪëĭ¤" + ], + [ + "Ġan", + "laÅŁma" + ], + [ + "ãģĶ", + "åĪ©ç͍" + ], + [ + "Ġ×ij", + "×ĸ׼" + ], + [ + "Ġ×ij×ĸ׼", + "×ķת" + ], + [ + "ëĿ¼", + "ë©´" + ], + [ + "ĠÙĬ", + "ÙĪØ³" + ], + [ + "ĠÙĬÙĪØ³", + "Ùģ" + ], + [ + "أسÙĦ", + "ØŃØ©" + ], + [ + "ĠGef", + "ühl" + ], + [ + "ĠноÑĢм", + "алÑĮн" + ], + [ + "ãĥĻ", + "ãĥ³" + ], + [ + "ãģķãĤĮ", + "ãĤĭãģĵãģ¨" + ], + [ + "ĠÐij", + "еÑģ" + ], + [ + "ãģ¨ãģĦ", + "ãģĪãģ°" + ], + [ + "ĠÙħ", + "ÙĩÙħ" + ], + [ + "ĠÙħÙĩÙħ", + "Ø©" + ], + [ + "ãģ§ãģĹãĤĩãģĨ", + "ãģŃ" + ], + [ + "ĠêµŃ", + "ëĤ´" + ], + [ + "à¹Ģม", + "à¹ĩà¸Ķ" + ], + [ + "×ŀ×ij", + "קר" + ], + [ + "ĠاÙĦد", + "ÙĨÙĬ" + ], + [ + "ĠاÙĦدÙĨÙĬ", + "ا" + ], + [ + "à¸Ĭ", + "ู" + ], + [ + "к", + "ÑĢÑĥÑĤ" + ], + [ + "Ġtho", + "áng" + ], + [ + "Ġ׳", + "×ĵר" + ], + [ + "Ġ׳×ĵר", + "ש" + ], + [ + "ĠÑĢаÑģÑģ", + "казал" + ], + [ + "ĠAu", + "ÃŁerdem" + ], + [ + "פ", + "×IJר" + ], + [ + "פ×IJר", + "×§" + ], + [ + "Ġ×ŀש×Ĺ×§", + "×Ļ×Ŀ" + ], + [ + "צ", + "ר׼×Ļ×Ŀ" + ], + [ + "×ŀ×ĵ", + "×ķ" + ], + [ + "×ŀ×ĵ×ķ", + "×Ļ×§" + ], + [ + "èĭ¦", + "ãģĹ" + ], + [ + "ĠÑģ", + "иг" + ], + [ + "ĠÑģиг", + "нал" + ], + [ + "ĠM", + "á»įi" + ], + [ + "Ġtr", + "ữ" + ], + [ + "Ġnast", + "ÄĻp" + ], + [ + "ĠnastÄĻp", + "nie" + ], + [ + "Ġì¶Ķ", + "ì§Ħ" + ], + [ + "ĠاÙĦÙģ", + "ÙĨد" + ], + [ + "ĠاÙĦÙģÙĨد", + "ÙĤ" + ], + [ + "koÅĦ", + "czyÅĤ" + ], + [ + "ส", + "ีà¹Ī" + ], + [ + "×§", + "×Ļ×ij" + ], + [ + "×§×Ļ×ij", + "×ķ×¥" + ], + [ + "ĠнÑĥж", + "нÑĭ" + ], + [ + "大", + "åĪĩ" + ], + [ + "大åĪĩ", + "ãģª" + ], + [ + "æıĽ", + "ãģĪ" + ], + [ + "ת", + "×ķס" + ], + [ + "ת×ķס", + "פת" + ], + [ + "ãģ£ãģ¦", + "ãģĦãģªãģĦ" + ], + [ + "Ġм", + "Ñı" + ], + [ + "ĠмÑı", + "г" + ], + [ + "ĠмÑıг", + "к" + ], + [ + "Ġjak", + "ie" + ], + [ + "Ġjakie", + "ÅĽ" + ], + [ + "à¸ķำ", + "à¸ļ" + ], + [ + "à¸ķำà¸ļ", + "ล" + ], + [ + "ĠìŀĪ", + "ì§Ģ" + ], + [ + "×ij×ĺ", + "×IJ" + ], + [ + "ĠоÑĤлиÑĩ", + "но" + ], + [ + "ÙĤ", + "ÙIJ" + ], + [ + "ĠавÑĤом", + "об" + ], + [ + "ĠавÑĤомоб", + "и" + ], + [ + "ĠавÑĤомоби", + "лÑı" + ], + [ + "دÙĬÙħÙĤرا", + "Ø·ÙĬ" + ], + [ + "ĠاÙĦ", + "ÙĪØ§" + ], + [ + "ĠاÙĦÙĪØ§", + "ØŃد" + ], + [ + "Ġس", + "ÙĪØ±ÙĬØ©" + ], + [ + "Ø£", + "غÙĦ" + ], + [ + "أغÙĦ", + "ب" + ], + [ + "ĠÑįк", + "ÑĢан" + ], + [ + "ãĥĹ", + "ãĥ©ãĤ¤" + ], + [ + "Ġjeste", + "ÅĽ" + ], + [ + "ãĥIJ", + "ãĥª" + ], + [ + "Ġ×Ķ×IJ", + "×ķ×ķ×Ļר" + ], + [ + "ائ", + "Ùĥ" + ], + [ + "à¸Ńยà¹Īาà¸ĩ", + "ยิà¹Īà¸ĩ" + ], + [ + "ÑĢ", + "екÑĤ" + ], + [ + "Ġum", + "o" + ], + [ + "Ġumo", + "ż" + ], + [ + "Ġumoż", + "li" + ], + [ + "Ġumożli", + "w" + ], + [ + "Ġumożliw", + "ia" + ], + [ + "Ġnäch", + "ste" + ], + [ + "ĠìŀĪ", + "ì§Ģë§Į" + ], + [ + "ĠпÑĢед", + "н" + ], + [ + "ĠпÑĢедн", + "аз" + ], + [ + "ĠпÑĢедназ", + "наÑĩен" + ], + [ + "Ġma", + "çı" + ], + [ + "Ġp", + "omi" + ], + [ + "Ġpomi", + "ÄĻd" + ], + [ + "ĠpomiÄĻd", + "zy" + ], + [ + "ĠاÙĦÙĦ", + "ÙĤاء" + ], + [ + "à¹Ģà¸Ķ", + "à¸Ńะ" + ], + [ + "Ġнов", + "оÑģÑĤи" + ], + [ + "×ŀ×Ĺ", + "׾×Ķ" + ], + [ + "رÙĬاض", + "ÙĬ" + ], + [ + "à¸Ķ", + "à¸Ļ" + ], + [ + "à¸Ķà¸Ļ", + "à¸ķรี" + ], + [ + "ب", + "صر" + ], + [ + "ìĬ¤", + "íĥĢ" + ], + [ + "scri", + "pción" + ], + [ + "Ġnap", + "isa" + ], + [ + "Ġnapisa", + "ÅĤ" + ], + [ + "Ġ׳ש", + "×ŀ×¢" + ], + [ + "ĠاÙĦÙħØŃ", + "ÙĦÙĬ" + ], + [ + "Ġhi", + "á»ĥn" + ], + [ + "×IJ", + "×Ĺ" + ], + [ + "×IJ×Ĺ", + "ר×IJ×Ļ" + ], + [ + "Ġг", + "ÑĢаниÑĨ" + ], + [ + "æīĭ", + "ç¶ļãģį" + ], + [ + "Ùĥ", + "سب" + ], + [ + "Ġà¹ģà¸ķà¹Ī", + "à¸ĸà¹īา" + ], + [ + "à¸Ķาว", + "à¸Ļà¹Į" + ], + [ + "à¸Ķาวà¸Ļà¹Į", + "à¹Ĥหลà¸Ķ" + ], + [ + "ãĤĭãģĵãģ¨ãģĮãģ§ãģį", + "ãģ¾ãģĻ" + ], + [ + "åŁºæľ¬", + "çļĦãģ«" + ], + [ + "ÙĪÙĦ", + "اد" + ], + [ + "rä", + "ume" + ], + [ + "د", + "ÙģØ§Ø¹" + ], + [ + "×Ļצ", + "×¢" + ], + [ + "ĠO", + "czy" + ], + [ + "ĠOczy", + "wiÅĽcie" + ], + [ + "ĠÅ", + "ģ" + ], + [ + "ĠÅģ", + "a" + ], + [ + "اÙĦÙĬ", + "اب" + ], + [ + "اÙĦÙĬاب", + "اÙĨ" + ], + [ + "áºł", + "I" + ], + [ + "ĠBir", + "liÄŁi" + ], + [ + "×Ķ", + "×ķצ" + ], + [ + "×Ķ×ķצ", + "×IJת" + ], + [ + "ĠÄij", + "ua" + ], + [ + "Ġê·¸ëŁ¬", + "ëĭĪê¹Į" + ], + [ + "Ġréal", + "ité" + ], + [ + "ع", + "ÙĦاÙĤات" + ], + [ + "J", + "este" + ], + [ + "Jeste", + "ÅĽ" + ], + [ + "Ġмн", + "ож" + ], + [ + "Ġмнож", + "еÑģÑĤво" + ], + [ + "ï¼", + "«" + ], + [ + "ãĥĹãĥŃ", + "ãĤ¸ãĤ§" + ], + [ + "ãĥĹãĥŃãĤ¸ãĤ§", + "ãĤ¯ãĥĪ" + ], + [ + "ĠÑĦ", + "л" + ], + [ + "ظ", + "ÙĨ" + ], + [ + "×Ĵ׾", + "×Ĵ׾" + ], + [ + "ĠmÅĤod", + "zie" + ], + [ + "ĠmÅĤodzie", + "ż" + ], + [ + "à¸Ļà¹īำ", + "à¸ķา" + ], + [ + "à¸Ļà¹īำà¸ķา", + "ล" + ], + [ + "ÐĽ", + "Ðķ" + ], + [ + "×ij", + "×ķ×ĺ" + ], + [ + "Ġ׾×Ķ", + "×Ĵ×Ļ×ĵ" + ], + [ + "ãģĵãģ¨ãĤĤ", + "ãģĤãĤĭ" + ], + [ + "ز", + "اد" + ], + [ + "×ŀ×Ļ×ĵ", + "×¢" + ], + [ + "ĠgÅĤówn", + "ie" + ], + [ + "ãĥı", + "ãĤ¦" + ], + [ + "ãĥıãĤ¦", + "ãĤ¹" + ], + [ + "б", + "ел" + ], + [ + "Ġét", + "ape" + ], + [ + "ðŁĺ", + "Ģ" + ], + [ + "Ġмод", + "елÑĮ" + ], + [ + "a", + "ģını" + ], + [ + "ש", + "×Ĺ×§" + ], + [ + "ש×Ĺ×§", + "ף" + ], + [ + "Ġni", + "ño" + ], + [ + "à¸Ĭ", + "à¹īาà¸ĩ" + ], + [ + "à¹Ģล", + "ีย" + ], + [ + "ĠÑĦоÑĢм", + "е" + ], + [ + "ĠاÙĦØ´", + "رÙĬÙģ" + ], + [ + "ĠÑĥд", + "аÑĢ" + ], + [ + "arr", + "iv" + ], + [ + "arriv", + "ée" + ], + [ + "Ġmies", + "iÄĻ" + ], + [ + "ĠmiesiÄĻ", + "cy" + ], + [ + "ØŃ", + "رÙĥ" + ], + [ + "ØŃرÙĥ", + "ات" + ], + [ + "ĠDi", + "á»ħn" + ], + [ + "ÐĿ", + "Ы" + ], + [ + "ãģ¾ãģ£ãģŁ", + "ãģı" + ], + [ + "Ġ×Ļ", + "ר×ķ×§" + ], + [ + "еÑģÑĤ", + "еÑģÑĤв" + ], + [ + "еÑģÑĤеÑģÑĤв", + "енн" + ], + [ + "Ġê·¸", + "ëŁ¼" + ], + [ + "ĠاÙĦÙħ", + "تÙĪ" + ], + [ + "ĠاÙĦÙħتÙĪ", + "سط" + ], + [ + "Ġbéné", + "fic" + ], + [ + "Ġbénéfic", + "ie" + ], + [ + "Ġwy", + "bra" + ], + [ + "Ġwybra", + "Äĩ" + ], + [ + "ĠاÙĦز", + "ÙħÙĨ" + ], + [ + "ĠпÑĢин", + "Ñı" + ], + [ + "ĠпÑĢинÑı", + "л" + ], + [ + "Ù쨱", + "ØŃ" + ], + [ + "Ġk", + "sz" + ], + [ + "Ġksz", + "taÅĤ" + ], + [ + "ĠksztaÅĤ", + "t" + ], + [ + "ק׾", + "×ĺ" + ], + [ + "×ij×ĵ×Ļ×§", + "ת" + ], + [ + "Ġgi", + "ấ" + ], + [ + "Ġgiấ", + "c" + ], + [ + "Ġpropriet", + "Ãł" + ], + [ + "деÑĢж", + "ан" + ], + [ + "ĠKö", + "ln" + ], + [ + "ĠGü", + "zel" + ], + [ + "×Ļפ", + "×ķ×Ļ" + ], + [ + "ĠCu", + "á»Ļc" + ], + [ + "ÑįÑĤ", + "аж" + ], + [ + "تر", + "ÙĥÙĬ" + ], + [ + "ترÙĥÙĬ", + "ز" + ], + [ + "лож", + "ений" + ], + [ + "Ġп", + "Ñĥ" + ], + [ + "ĠпÑĥ", + "ÑĤи" + ], + [ + "اخت", + "ÙĦاÙģ" + ], + [ + "åĩºãģ¦", + "ãģıãĤĭ" + ], + [ + "à¸ļุ", + "à¸ģ" + ], + [ + "âĿ", + "¤" + ], + [ + "ÑĦ", + "ан" + ], + [ + "פש", + "×ĺ" + ], + [ + "à¸ļัà¸Ļ", + "à¹Ģà¸Ĺ" + ], + [ + "à¸ļัà¸Ļà¹Ģà¸Ĺ", + "ิà¸ĩ" + ], + [ + "ĠاÙĦس", + "اد" + ], + [ + "ĠاÙĦساد", + "س" + ], + [ + "ĠاÙĦÙĤ", + "ÙĪÙħ" + ], + [ + "ĠاÙĦÙĤÙĪÙħ", + "ÙĬ" + ], + [ + "Ġyönet", + "ici" + ], + [ + "Ùĩ", + "ÙĪØ§Øª" + ], + [ + "ÙĩÙĪØ§Øª", + "Ùģ" + ], + [ + "Ġrespons", + "ável" + ], + [ + "Ġпод", + "деÑĢжива" + ], + [ + "ĠاÙĦسÙĦ", + "Ø·" + ], + [ + "ĠاÙĦسÙĦØ·", + "ات" + ], + [ + "ãģĹãģ¦", + "ãģĬãģı" + ], + [ + "ãĥļ", + "ãĥĥãĥĪ" + ], + [ + "à¸Ľ", + "ุà¹Īม" + ], + [ + "Ġogl", + "Äħda" + ], + [ + "ÙĨا", + "ÙĤ" + ], + [ + "ÙĨاÙĤ", + "Ø´" + ], + [ + "à¸Ħà¸Ńà¸Ļ", + "à¹Ĥà¸Ķ" + ], + [ + "ĠMü", + "sl" + ], + [ + "ĠMüsl", + "ü" + ], + [ + "ĠMüslü", + "man" + ], + [ + "ĠMo", + "ż" + ], + [ + "ĠMoż", + "na" + ], + [ + "Ġnum", + "érique" + ], + [ + "Ġv", + "á»ı" + ], + [ + "ĠسÙĬ", + "تÙħ" + ], + [ + "Ġyer", + "leÅŁ" + ], + [ + "монÑĤ", + "аж" + ], + [ + "Ġgo", + "ût" + ], + [ + "ãģ¦", + "ãģĬãĤĬãģ¾ãģĻ" + ], + [ + "ĠKh", + "ánh" + ], + [ + "Ġе", + "дин" + ], + [ + "Ġедин", + "ÑģÑĤв" + ], + [ + "اÙĨ", + "Ø®Ùģ" + ], + [ + "اÙĨØ®Ùģ", + "اض" + ], + [ + "ìĭľ", + "íĹĺ" + ], + [ + "Ġl", + "ặng" + ], + [ + "ĠÑĢ", + "олÑĮ" + ], + [ + "à¸ķัว", + "à¹ģà¸Ĺà¸Ļ" + ], + [ + "à¸Ħà¹Īา", + "à¹ĥà¸Ĭà¹ī" + ], + [ + "à¸Ħà¹Īาà¹ĥà¸Ĭà¹ī", + "à¸Īà¹Īาย" + ], + [ + "Ġver", + "füg" + ], + [ + "Ġverfüg", + "bar" + ], + [ + "ìĻĶ", + "ëĭ¤" + ], + [ + "ãģĦ", + "ãģļ" + ], + [ + "ãģĦãģļ", + "ãĤĮ" + ], + [ + "ĠиÑģÑģлед", + "ованиÑı" + ], + [ + "меÑī", + "а" + ], + [ + "×Ķ", + "×Ĺ" + ], + [ + "×Ķ×Ĺ", + "×ĸר" + ], + [ + "à¹ģà¸Ł", + "à¸Ĭัà¹Īà¸Ļ" + ], + [ + "ت", + "صرÙģ" + ], + [ + "Ø¥", + "رÙĩاب" + ], + [ + "Ġexerc", + "ÃŃcio" + ], + [ + "Ġé", + "lev" + ], + [ + "Ġélev", + "é" + ], + [ + "สัà¸įà¸įา", + "à¸ĵ" + ], + [ + "Ãĸ", + "Z" + ], + [ + "ãĥĹ", + "ãĥŃãĤ°" + ], + [ + "ãĥĹãĥŃãĤ°", + "ãĥ©" + ], + [ + "ãĥĹãĥŃãĤ°ãĥ©", + "ãĥł" + ], + [ + "Ġw", + "ewnÄĻtrzn" + ], + [ + "Ġhen", + "üz" + ], + [ + "é£Ľ", + "ãģ³" + ], + [ + "à¹Ģà¸Ķ", + "à¸Ńรà¹Į" + ], + [ + "Ñģ", + "Ñĥж" + ], + [ + "ÑģÑĥж", + "ден" + ], + [ + "شع", + "ÙĪØ¨" + ], + [ + "ãģ²ãģ¨", + "ãĤĬ" + ], + [ + "Ġwy", + "ÅĤÄħ" + ], + [ + "ĠwyÅĤÄħ", + "cznie" + ], + [ + "Ġпло", + "Ñħо" + ], + [ + "ÐĶ", + "Ðķ" + ], + [ + "áº", + "¦" + ], + [ + "Ù쨹", + "اÙĦÙĬ" + ], + [ + "ÙģØ¹Ø§ÙĦÙĬ", + "ات" + ], + [ + "ĠاÙĦع", + "شر" + ], + [ + "ÑģÑĤÑĥп", + "ил" + ], + [ + "Ġy", + "arg" + ], + [ + "Ġyarg", + "ı" + ], + [ + "нÑİ", + "Ñİ" + ], + [ + "×ķ×IJ", + "×ij" + ], + [ + "Ġu", + "ç" + ], + [ + "Ġuç", + "ak" + ], + [ + "ë²", + "½" + ], + [ + "تÙĪ", + "ÙĤÙĬ" + ], + [ + "تÙĪÙĤÙĬ", + "ع" + ], + [ + "Ġì¤ij", + "ìĭ¬" + ], + [ + "׳×Ļ×ķ", + "×ķ×ĺ" + ], + [ + "Ø£", + "ÙĥÙĦ" + ], + [ + "ç½®", + "ãģĦãģ¦" + ], + [ + "éłĤ", + "ãģį" + ], + [ + "Ġ×Ķת", + "×ij" + ], + [ + "Ġ×Ķת×ij", + "×Ļ×¢×Ķ" + ], + [ + "Ġdür", + "fen" + ], + [ + "Ùħ", + "ÙĤاÙĦ" + ], + [ + "ÙħÙĤاÙĦ", + "ات" + ], + [ + "Ġز", + "ÙħÙĨ" + ], + [ + "à¸ŀฤ", + "ศ" + ], + [ + "à¸ŀฤศ", + "à¸Ī" + ], + [ + "à¸ŀฤศà¸Ī", + "ิà¸ģ" + ], + [ + "à¸ŀฤศà¸Īิà¸ģ", + "ายà¸Ļ" + ], + [ + "ĠнеÑģк", + "олÑĮ" + ], + [ + "ĠнеÑģколÑĮ", + "ки" + ], + [ + "ĠнеÑģколÑĮки", + "Ñħ" + ], + [ + "Ġcrian", + "ça" + ], + [ + "มิ", + "à¸ķร" + ], + [ + "×ŀ׼", + "×Ļר×ķת" + ], + [ + "à¸ģาร", + "à¸ļริหาร" + ], + [ + "Ġtélé", + "charg" + ], + [ + "Ġ×IJ×ķ×Ķ", + "×ijת" + ], + [ + "ĠBü", + "ro" + ], + [ + "ä½ľ", + "ãģ£ãģŁ" + ], + [ + "ĠKi", + "ÅŁi" + ], + [ + "ç¾İåij³", + "ãģĹ" + ], + [ + "à¹Ģลย", + "à¸Ħà¹Īะ" + ], + [ + "à¸ŀà¸ļ", + "à¸ģัà¸ļ" + ], + [ + "à¸Ī", + "à¹īา" + ], + [ + "Ġç", + "er" + ], + [ + "Ġçer", + "ç" + ], + [ + "Ġçerç", + "eve" + ], + [ + "ãĤĴä½ľ", + "ãģ£ãģ¦" + ], + [ + "ĠпеÑĢв", + "ÑĥÑİ" + ], + [ + "×ŀצ", + "ר×Ļ×Ŀ" + ], + [ + "×IJ׾", + "×ķ×Ķ" + ], + [ + "×IJ׾×ķ×Ķ", + "×Ļ×Ŀ" + ], + [ + "Ġagr", + "é" + ], + [ + "Ġagré", + "able" + ], + [ + "Ġay", + "ır" + ], + [ + "İL", + "İ" + ], + [ + "ãĤ", + "¥" + ], + [ + "Ġíĺ", + "Ħ" + ], + [ + "ĠíĺĦ", + "ìĭ¤" + ], + [ + "ثاÙĦ", + "Ø«" + ], + [ + "ת", + "×ĸ" + ], + [ + "ת×ĸ", + "×ķ׳×Ķ" + ], + [ + "ãģ¨ãģĦ", + "ãģ£ãģ¦" + ], + [ + "ãģ¨ãģĦãģ£ãģ¦", + "ãĤĤ" + ], + [ + "Ġا", + "بÙĪ" + ], + [ + "ĠÑģоб", + "ак" + ], + [ + "é£Łãģ¹", + "ãģŁ" + ], + [ + "Ġдан", + "ном" + ], + [ + "à¹Ģล", + "ิ" + ], + [ + "à¹Ģลิ", + "ศ" + ], + [ + "Ġí", + "ļ" + ], + [ + "Ġíļ", + "¨" + ], + [ + "Ġíļ¨", + "ê³¼" + ], + [ + "ãĤĤãĤī", + "ãģĪãĤĭ" + ], + [ + "׳", + "צ׾" + ], + [ + "ÑĦ", + "ик" + ], + [ + "ÑĦик", + "Ñģ" + ], + [ + "Ġjeste", + "ÅĽmy" + ], + [ + "ת×Ĺ×ķש", + "×Ķ" + ], + [ + "à¹Ħมà¹Ī", + "à¸Ħวร" + ], + [ + "ĠØŃ", + "سÙĬÙĨ" + ], + [ + "à¸ģาร", + "ลà¸ĩà¸Ĺุà¸Ļ" + ], + [ + "ë´", + "¤" + ], + [ + "ĠÐĺ", + "менно" + ], + [ + "à¸ļ", + "à¸Ńรà¹Į" + ], + [ + "à¸ļà¸Ńรà¹Į", + "à¸Ķ" + ], + [ + "ĠC", + "ảnh" + ], + [ + "ìĦľ", + "ë¹ĦìĬ¤" + ], + [ + "Ġпол", + "ов" + ], + [ + "Ġполов", + "ин" + ], + [ + "Ġзам", + "еÑĩа" + ], + [ + "ãģĦãĤį", + "ãĤĵãģª" + ], + [ + "Ġ×ij", + "×Ļ×§" + ], + [ + "Ġ×ij×Ļ×§", + "ש" + ], + [ + "л", + "ÑĥÑĪ" + ], + [ + "ãĤĴ", + "è¿İ" + ], + [ + "ãĤĴè¿İ", + "ãģĪ" + ], + [ + "جرÙĬ", + "ÙħØ©" + ], + [ + "Ġt", + "ây" + ], + [ + "ĠاÙĦÙĨ", + "ÙĪ" + ], + [ + "ĠاÙĦÙĨÙĪ", + "ÙĪÙĬ" + ], + [ + "ÃĤ", + "N" + ], + [ + "ì¿", + "ł" + ], + [ + "หà¸Ļ", + "าว" + ], + [ + "Ġ×ij×Ĺ", + "ש×ij×ķף" + ], + [ + "ز", + "ار" + ], + [ + "à¸Ķ", + "าร" + ], + [ + "à¸Ķาร", + "า" + ], + [ + "ĠÅĽ", + "l" + ], + [ + "ĠÅĽl", + "ub" + ], + [ + "มีà¸Ħวาม", + "สุà¸Ĥ" + ], + [ + "Ġn", + "hu" + ], + [ + "Ġnhu", + "áºŃn" + ], + [ + "ÙħØŃ", + "طة" + ], + [ + "à¹Ģสืà¹īà¸Ń", + "à¸ľà¹īา" + ], + [ + "ĠТ", + "олÑĮко" + ], + [ + "ĠÙĥ", + "س" + ], + [ + "ĠÙĥس", + "ارة" + ], + [ + "ÙħØ´", + "رÙĪØ¹" + ], + [ + "niÄĻ", + "cia" + ], + [ + "×¢", + "׼ש×Ļ×ķ" + ], + [ + "ت", + "ÙĦÙģ" + ], + [ + "تÙĦÙģ", + "زÙĬ" + ], + [ + "تÙĦÙ쨲ÙĬ", + "ÙĪÙĨ" + ], + [ + "Ġl", + "Æ°á»Ľi" + ], + [ + "ĠÐľÐ¾Ñģк", + "вÑĭ" + ], + [ + "Ġré", + "serve" + ], + [ + "Ġan", + "laÅŁ" + ], + [ + "ĠanlaÅŁ", + "ıl" + ], + [ + "Ġed", + "eceÄŁi" + ], + [ + "รà¸Ńà¸ĩ", + "à¹Ģà¸Ĺà¹īา" + ], + [ + "Ġب", + "Ø·" + ], + [ + "Ġبط", + "رÙĬ" + ], + [ + "ĠبطرÙĬ", + "ÙĤØ©" + ], + [ + "ãģ¦ãģĹãģ¾", + "ãģ£ãģ¦" + ], + [ + "ãĤĤãĤī", + "ãģ£ãģ¦" + ], + [ + "بر", + "ج" + ], + [ + "æ±", + "ļ" + ], + [ + "æ±ļ", + "ãĤĮ" + ], + [ + "Ġch", + "oc" + ], + [ + "Ġchoc", + "ia" + ], + [ + "Ġchocia", + "ż" + ], + [ + "Ġzob", + "ac" + ], + [ + "Ġzobac", + "zyÄĩ" + ], + [ + "пÑĢ", + "Ñı" + ], + [ + "пÑĢÑı", + "жен" + ], + [ + "ĠÑĨ", + "иÑĦ" + ], + [ + "ĠÑĨиÑĦ", + "ÑĢ" + ], + [ + "Ġм", + "ам" + ], + [ + "Ġвз", + "ÑıÑĤÑĮ" + ], + [ + "Ġch", + "ạm" + ], + [ + "ج", + "سÙħ" + ], + [ + "ØŃÙħ", + "اس" + ], + [ + "à¹Ģล", + "à¹Īม" + ], + [ + "à¸ŀิ", + "ษ" + ], + [ + "×Ķפ", + "׼×ķ" + ], + [ + "à¸Ĭà¹Īà¸Ńà¸ĩ", + "à¸Ĺาà¸ĩ" + ], + [ + "Ġв", + "ек" + ], + [ + "Ġвек", + "а" + ], + [ + "Æ¡", + "Ìģ" + ], + [ + "Æ¡Ìģ", + "i" + ], + [ + "ĠTi", + "á»ģn" + ], + [ + "Ġtr", + "ầm" + ], + [ + "мÑĭ", + "ÑĪ" + ], + [ + "мÑĭÑĪ", + "л" + ], + [ + "ĠÑĤ", + "Ñĥ" + ], + [ + "ĠÑĤÑĥ", + "ÑĢиÑģÑĤ" + ], + [ + "Ġch", + "c" + ], + [ + "Ġchc", + "Äħ" + ], + [ + "Ġав", + "г" + ], + [ + "Ġавг", + "ÑĥÑģÑĤ" + ], + [ + "ĠавгÑĥÑģÑĤ", + "а" + ], + [ + "ס", + "×IJ×ķת" + ], + [ + "Ġר", + "×Ĵ׾" + ], + [ + "à¸ľà¸¥", + "à¸ģระà¸Ĺ" + ], + [ + "à¸ľà¸¥à¸ģระà¸Ĺ", + "à¸ļ" + ], + [ + "å¤īãĤı", + "ãĤĭ" + ], + [ + "Ġ×Ķ×IJ×Ĺר", + "×ķ׳×Ļ×Ŀ" + ], + [ + "سÙģ", + "ÙĬر" + ], + [ + "ĠÑĩа", + "Ñīе" + ], + [ + "ãģĦ", + "ãĤī" + ], + [ + "ãģĦãĤī", + "ãģ£" + ], + [ + "ãģĦãĤīãģ£", + "ãģĹãĤĥ" + ], + [ + "×ķ×ŀ", + "׳×Ļ×Ŀ" + ], + [ + "Ġart", + "tır" + ], + [ + "ĠCh", + "á»ĭ" + ], + [ + "Ġì¡°", + "ì§ģ" + ], + [ + "ĠÑĥÑģп", + "еÑħ" + ], + [ + "Ġ×¢", + "×ķס" + ], + [ + "Ġ×¢×ķס", + "×§" + ], + [ + "ĠìĥĿ", + "ëªħ" + ], + [ + "ÑĨ", + "иÑĤ" + ], + [ + "Ġreg", + "ión" + ], + [ + "Ðŀ", + "ÐĿ" + ], + [ + "ĠdoÄŁ", + "um" + ], + [ + "ĠyaÅŁ", + "ad" + ], + [ + "ĠyaÅŁad", + "ıģı" + ], + [ + "à¸Ĺà¸Ķ", + "ลà¸Ńà¸ĩ" + ], + [ + "Ġgöz", + "ü" + ], + [ + "ש", + "×Ļר×Ķ" + ], + [ + "дÑĥм", + "ал" + ], + [ + "Ġda", + "ģı" + ], + [ + "Ġdaģı", + "t" + ], + [ + "à¸Ĺีม", + "à¸ĩาà¸Ļ" + ], + [ + "Ġti", + "á»ģm" + ], + [ + "ĠاÙĦÙĥ", + "بر" + ], + [ + "ĠاÙĦÙĥبر", + "Ùī" + ], + [ + "ì¹", + "Ń" + ], + [ + "ĠGü", + "nc" + ], + [ + "ĠGünc", + "elle" + ], + [ + "ĠGüncelle", + "me" + ], + [ + "ê¹", + "Ĭ" + ], + [ + "ĠобоÑĢÑĥд", + "ование" + ], + [ + "ĠÑĢеÑĪ", + "а" + ], + [ + "á»", + "¤" + ], + [ + "Ġп", + "иÑĤ" + ], + [ + "ĠпиÑĤ", + "аниÑı" + ], + [ + "à¹Ģรีย", + "à¸ļ" + ], + [ + "×Ľ×ª", + "×Ļ×ij×Ķ" + ], + [ + "Ġп", + "он" + ], + [ + "Ġпон", + "ÑĢав" + ], + [ + "ĠпонÑĢав", + "и" + ], + [ + "Ġ×Ķ", + "×ķ׾×ĵ" + ], + [ + "Ġ×Ķ×ķ׾×ĵ", + "ת" + ], + [ + "Ġê²", + "ģ" + ], + [ + "Ġê²ģ", + "ëĭĪëĭ¤" + ], + [ + "ĠпеÑĢв", + "ой" + ], + [ + "ãĥ©ãĤ¤", + "ãĥķ" + ], + [ + "ĠÅŁi", + "ir" + ], + [ + "kr", + "ÄĻ" + ], + [ + "krÄĻ", + "c" + ], + [ + "Ġthi", + "á»ĥu" + ], + [ + "à¹Ģลย", + "à¸Ĺี" + ], + [ + "à¹Ģลยà¸Ĺี", + "à¹Ģà¸Ķียว" + ], + [ + "×ĺ×¢", + "׳×ķת" + ], + [ + "ائ", + "ÙĩÙħ" + ], + [ + "Ġ×IJ", + "ס×ķר" + ], + [ + "ĠплаÑĤ", + "еж" + ], + [ + "تر", + "دد" + ], + [ + "Ġmożli", + "we" + ], + [ + "Ġkh", + "Ỽ" + ], + [ + "ĠkhỼ", + "p" + ], + [ + "تÙģØ§Ø¹", + "ÙĦ" + ], + [ + "ĠÑĪ", + "колÑĮ" + ], + [ + "ĠÑĪколÑĮ", + "н" + ], + [ + "ĠÙĤ", + "صة" + ], + [ + "Ġmét", + "ier" + ], + [ + "nÄĻ", + "ÅĤa" + ], + [ + "หล", + "à¹Īà¸Ń" + ], + [ + "Ġ", + "á»§ng" + ], + [ + "Ġprz", + "egl" + ], + [ + "Ġprzegl", + "Äħd" + ], + [ + "ĠاÙĦÙħ", + "تعÙĦ" + ], + [ + "ĠاÙĦÙħتعÙĦ", + "ÙĤØ©" + ], + [ + "ĠÑģÑĭ", + "н" + ], + [ + "Ġв", + "олн" + ], + [ + "ãĥĩ", + "ãĥ¼ãĥĪ" + ], + [ + "ĠÐŃ", + "ÑĤи" + ], + [ + "Ġк", + "ÑĢоме" + ], + [ + "à¸Ħ", + "ารà¹Į" + ], + [ + "׳ק", + "×ķ×ĵ×Ķ" + ], + [ + "Ġ׾ש×ŀ", + "×ķ×¢" + ], + [ + "Ġ×ĸ", + "×ķ׼ר" + ], + [ + "ï¼", + "§" + ], + [ + "ÙĬ", + "ÙİØ§" + ], + [ + "Ġgi", + "á»ıi" + ], + [ + "åĥį", + "ãģı" + ], + [ + "ĠÑģ", + "ни" + ], + [ + "ĠÑģни", + "жен" + ], + [ + "à¹ģà¸Ķ", + "à¸Ķ" + ], + [ + "รุ", + "à¸Ļ" + ], + [ + "รุà¸Ļ", + "à¹ģรà¸ĩ" + ], + [ + "Ġhi", + "á»ĩp" + ], + [ + "ograf", + "ÃŃa" + ], + [ + "à¹Ģà¸Ī", + "à¸Ńรà¹Į" + ], + [ + "Ġдв", + "иг" + ], + [ + "Ġдвиг", + "аÑĤ" + ], + [ + "ĠдвигаÑĤ", + "ел" + ], + [ + "Ġü", + "y" + ], + [ + "Ġüy", + "eler" + ], + [ + "Ġüyeler", + "i" + ], + [ + "Ġб", + "Ñĥк" + ], + [ + "ĠбÑĥк", + "в" + ], + [ + "ãĤĤ", + "å¤ļãģı" + ], + [ + "Ġthi", + "á»ĩt" + ], + [ + "ĠPa", + "ÃŃs" + ], + [ + "ĠØ·", + "بÙĬعÙĬ" + ], + [ + "à¹ģà¸Ī", + "à¸ģ" + ], + [ + "ĠاÙĦص", + "ØŃÙĬØŃ" + ], + [ + "Ġapp", + "ré" + ], + [ + "Ġappré", + "ci" + ], + [ + "Ġdecis", + "ión" + ], + [ + "Ġë°ĺ", + "ëĵľ" + ], + [ + "Ġë°ĺëĵľ", + "ìĭľ" + ], + [ + "ĠÑĤеб", + "е" + ], + [ + "ãĤ·", + "ãĥ¼ãĤº" + ], + [ + "ãĤ·ãĥ¼ãĤº", + "ãĥ³" + ], + [ + "Ġд", + "алÑĮн" + ], + [ + "ĠìĬ", + "¤" + ], + [ + "ĠìĬ¤", + "ìĬ¤" + ], + [ + "ĠìĬ¤ìĬ¤", + "ë¡ľ" + ], + [ + "ĠTh", + "á»ĥ" + ], + [ + "Ġkar", + "ÅŁ" + ], + [ + "ĠkarÅŁ", + "ıs" + ], + [ + "ĠkarÅŁÄ±s", + "ında" + ], + [ + "ĠK", + "ön" + ], + [ + "ĠKön", + "ig" + ], + [ + "ив", + "ание" + ], + [ + "×ij", + "×ķצע" + ], + [ + "г", + "лаÑģ" + ], + [ + "Ġtw", + "ó" + ], + [ + "Ġtwó", + "rc" + ], + [ + "à¸Ľà¸ģ", + "à¸Ħร" + ], + [ + "à¸Ľà¸ģà¸Ħร", + "à¸Ńà¸ĩ" + ], + [ + "ĠG", + "ÅĤ" + ], + [ + "ĠGÅĤ", + "ówn" + ], + [ + "ĠUnter", + "stüt" + ], + [ + "ĠUnterstüt", + "zung" + ], + [ + "Ġд", + "ÑĥÑħ" + ], + [ + "ĠдÑĥÑħ", + "ов" + ], + [ + "Ø£", + "ÙħاÙĨ" + ], + [ + "×Ĺש", + "ש" + ], + [ + "ت", + "ظ" + ], + [ + "تظ", + "اÙĩر" + ], + [ + "ĠлÑİб", + "ом" + ], + [ + "à¸ķ", + "าร" + ], + [ + "à¸ķาร", + "าà¸ĩ" + ], + [ + "Ġkr", + "ól" + ], + [ + "Ø£", + "ØŃدث" + ], + [ + "ì¡Į", + "ëĭ¤" + ], + [ + "Ðļ", + "ÑĥÑĢÑģ" + ], + [ + "ãĥĥ", + "ãĥĦ" + ], + [ + "×ŀ×§", + "×ķ×ij׾" + ], + [ + "ĠÑģимв", + "ол" + ], + [ + "Ġdés", + "orm" + ], + [ + "Ġdésorm", + "ais" + ], + [ + "w", + "üns" + ], + [ + "wüns", + "che" + ], + [ + "Ñĥ", + "ни" + ], + [ + "Ñĥни", + "ÑĨип" + ], + [ + "ÑĥниÑĨип", + "алÑĮн" + ], + [ + "หลัà¸ģ", + "สูà¸ķร" + ], + [ + "ÙĨت", + "شر" + ], + [ + "Ġа", + "л" + ], + [ + "Ġал", + "к" + ], + [ + "Ġалк", + "ог" + ], + [ + "Ġалког", + "ол" + ], + [ + "ĠÑĥ", + "ÑĩиÑĤÑĭва" + ], + [ + "à¸ģำ", + "à¸ģัà¸ļ" + ], + [ + "Ġ׾", + "פע×ķ׾" + ], + [ + "ĠìŰ", + "ê²°" + ], + [ + "s", + "Äħd" + ], + [ + "ĠاÙĦØ£", + "ÙĬ" + ], + [ + "ĠاÙĦØ£ÙĬ", + "اÙħ" + ], + [ + "غÙĬ", + "اب" + ], + [ + "Ġна", + "ÑĢ" + ], + [ + "ĠнаÑĢ", + "ко" + ], + [ + "×ŀ×ķ×ĵ", + "×¢" + ], + [ + "ĠÑģеÑĢ", + "ии" + ], + [ + "пиÑģ", + "Ñĭва" + ], + [ + "สิ", + "ว" + ], + [ + "ç¶ļ", + "ãģĦãģ¦" + ], + [ + "çͳãģĹ", + "è¾¼ãģ¿" + ], + [ + "Ġ׾", + "×Ĵר" + ], + [ + "Ġ׾×Ĵר", + "×ķ×Ŀ" + ], + [ + "Ġд", + "ем" + ], + [ + "Ġдем", + "о" + ], + [ + "Ġë³´", + "ëĤ´" + ], + [ + "تÙĩ", + "دÙĬد" + ], + [ + "ĠÙħØ´", + "ÙĬرا" + ], + [ + "Ġdu", + "y" + ], + [ + "Ġduy", + "á»ĩt" + ], + [ + "ĠwiÄĻks", + "ze" + ], + [ + "Ùħع", + "اÙĬ" + ], + [ + "ÙħعاÙĬ", + "ÙĬر" + ], + [ + "ĠG", + "da" + ], + [ + "ĠGda", + "ÅĦsk" + ], + [ + "Ġr", + "ah" + ], + [ + "Ġrah", + "ats" + ], + [ + "Ġrahats", + "ız" + ], + [ + "ר", + "×ķצ×Ķ" + ], + [ + "l", + "ös" + ], + [ + "lös", + "ung" + ], + [ + "ĠТак", + "им" + ], + [ + "ÑĪ", + "ед" + ], + [ + "ÑĪед", + "ÑĪ" + ], + [ + "ع", + "زÙĦ" + ], + [ + "Ġרש", + "×Ļ×ŀת" + ], + [ + "Ġ׾×Ķ", + "×Ļ׼" + ], + [ + "Ġ׾×Ķ×Ļ׼", + "×ł×¡" + ], + [ + "Ġп", + "ÑĥÑĤ" + ], + [ + "ĠпÑĥÑĤ", + "еÑĪ" + ], + [ + "ĠпÑĥÑĤеÑĪ", + "еÑģÑĤв" + ], + [ + "Ġnot", + "ÃŃcia" + ], + [ + "Ġal", + "Ä±ÅŁ" + ], + [ + "ĠalÄ±ÅŁ", + "ver" + ], + [ + "ĠalÄ±ÅŁver", + "iÅŁ" + ], + [ + "ĠwÅĤ", + "os" + ], + [ + "ĠwÅĤos", + "ów" + ], + [ + "Ġب", + "غ" + ], + [ + "Ġبغ", + "داد" + ], + [ + "Ġver", + "öffent" + ], + [ + "Ġveröffent", + "licht" + ], + [ + "ĠKh", + "á" + ], + [ + "Ġt", + "án" + ], + [ + "ëIJĺ", + "기" + ], + [ + "Ġë°©", + "문" + ], + [ + "Ùģ", + "ÙĬÙĦ" + ], + [ + "à¹Ģà¸ģิà¸Ķ", + "à¸Īาà¸ģ" + ], + [ + "åı¯", + "æĦĽ" + ], + [ + "åı¯æĦĽ", + "ãģĦ" + ], + [ + "à¸ĸ", + "ุà¸ĩ" + ], + [ + "Ġz", + "ewnÄĻtrzn" + ], + [ + "à¸łà¸²à¸©à¸²", + "à¸Ńัà¸ĩà¸ģฤษ" + ], + [ + "Ġmá", + "xima" + ], + [ + "Ġul", + "us" + ], + [ + "Ġulus", + "lararası" + ], + [ + "Ġ׳×Ķ", + "׳" + ], + [ + "à¸Ĥà¹Īาว", + "สาร" + ], + [ + "ĠìĿĺ", + "ìĤ¬" + ], + [ + "à¹Ģหล", + "ืà¸Ńà¸ĩ" + ], + [ + "Ġد", + "ÙĤ" + ], + [ + "ĠدÙĤ", + "ائÙĤ" + ], + [ + "สืà¹Īà¸Ń", + "สาร" + ], + [ + "ë¨", + "¼" + ], + [ + "ĠÑģоÑģÑĤоÑı", + "нии" + ], + [ + "สมา", + "à¸Ħม" + ], + [ + "á»", + "Ĥ" + ], + [ + "ĠÐľÐ¾Ñģ", + "ков" + ], + [ + "ĠÐľÐ¾Ñģков", + "Ñģк" + ], + [ + "×ŀס", + "×ķ×Ĵ׾" + ], + [ + "ãģĭ", + "ãģĭãĤĬ" + ], + [ + "ĠTr", + "uyá»ģn" + ], + [ + "à¹ģà¸Ĥà¹ĩà¸ĩ", + "à¹ģรà¸ĩ" + ], + [ + "×ŀ×Ĺ", + "×ĸ×Ļ×§" + ], + [ + "à¹Ĥà¸ģ", + "à¹ī" + ], + [ + "ÙĬس", + "ر" + ], + [ + "ìĶ", + "©" + ], + [ + "×IJ", + "×ķ×§" + ], + [ + "×IJ×ķ×§", + "×ĺ" + ], + [ + "×IJ×ķ×§×ĺ", + "×ķ×ijר" + ], + [ + "Ġprox", + "imité" + ], + [ + "ÙħÙĨ", + "Ùĩج" + ], + [ + "ĠاÙĦج", + "ز" + ], + [ + "ĠاÙĦجز", + "ائ" + ], + [ + "ĠاÙĦجزائ", + "رÙĬ" + ], + [ + "ĠÄIJi", + "á»ĥm" + ], + [ + "Ġден", + "еж" + ], + [ + "Ġденеж", + "н" + ], + [ + "ÙģØŃ", + "ص" + ], + [ + "Ùģ", + "ئ" + ], + [ + "ĠÐij", + "Ñĥд" + ], + [ + "×Ĵ×Ļ×ĵ", + "×ķ׾" + ], + [ + "ĠÐĴ", + "едÑĮ" + ], + [ + "عÙĦ", + "اÙħØ©" + ], + [ + "Ġ×IJ×Ĺר", + "×ķ׳×ķת" + ], + [ + "ãģĦãģŁãģł", + "ãģĦãģ¦" + ], + [ + "سÙĦ", + "ØŃ" + ], + [ + "ØŃ", + "ÙĦÙħ" + ], + [ + "ز", + "ÙĪØ§Ø±" + ], + [ + "Ùĥ", + "سر" + ], + [ + "×ĺ", + "קס" + ], + [ + "Ġб", + "ан" + ], + [ + "Ġбан", + "ков" + ], + [ + "ĠпÑĢ", + "ож" + ], + [ + "ĠпÑĢож", + "ива" + ], + [ + "li", + "wo" + ], + [ + "liwo", + "ÅĽci" + ], + [ + "ĠTi", + "ếp" + ], + [ + "ĠاÙĦÙħÙĨ", + "اسب" + ], + [ + "ĠاÙĦØ®", + "ÙĬار" + ], + [ + "ãģĬ", + "ãģĭ" + ], + [ + "ãģĬãģĭ", + "ãģĴ" + ], + [ + "à¸Ķà¸Ńà¸ģ", + "à¹Ħมà¹ī" + ], + [ + "ä", + "mp" + ], + [ + "ämp", + "fe" + ], + [ + "à¸ķัà¹īà¸ĩ", + "à¹ĥà¸Ī" + ], + [ + "Ġза", + "ÑīиÑĤ" + ], + [ + "ĠзаÑīиÑĤ", + "Ñĭ" + ], + [ + "ĠTh", + "ưá»Ŀng" + ], + [ + "Ġص", + "Ùģ" + ], + [ + "ĠصÙģ", + "ØŃØ©" + ], + [ + "×Ĺ×ķר", + "×£" + ], + [ + "ãĥIJ", + "ãĥĥãĤ°" + ], + [ + "Ġ×ĵ", + "×Ļ×Ĵ" + ], + [ + "Ġ×ĵ×Ļ×Ĵ", + "×Ļ×ĺ" + ], + [ + "Ġ×ĵ×Ļ×Ĵ×Ļ×ĺ", + "׾×Ļ" + ], + [ + "Ġ×Ķ×Ĺ", + "×ķ׾×Ļ×Ŀ" + ], + [ + "в", + "еÑī" + ], + [ + "веÑī", + "а" + ], + [ + "Ġк", + "ÑĥлÑĮÑĤ" + ], + [ + "ĠкÑĥлÑĮÑĤ", + "Ñĥ" + ], + [ + "ĠкÑĥлÑĮÑĤÑĥ", + "ÑĢÑĭ" + ], + [ + "ĠاÙĦاÙĨ", + "ترÙĨت" + ], + [ + "Ġhö", + "ch" + ], + [ + "Ġhöch", + "st" + ], + [ + "Ġíĺ", + "ķ" + ], + [ + "Ġíĺķ", + "íĥľ" + ], + [ + "Ġв", + "ой" + ], + [ + "Ġвой", + "нÑĭ" + ], + [ + "ÐĽ", + "Ðŀ" + ], + [ + "ìĭł", + "ìļ©" + ], + [ + "Ġ×ŀ×ij", + "×ķס" + ], + [ + "Ġ×ŀ×ij×ķס", + "ס" + ], + [ + "×ŀ׳", + "×Ļ×¢" + ], + [ + "Ġfiyat", + "ı" + ], + [ + "ĠÑģл", + "Ñĥж" + ], + [ + "ĠÑģлÑĥж", + "бÑĭ" + ], + [ + "à¸Ĺั", + "ศ" + ], + [ + "à¸Ĺัศ", + "à¸Ļ" + ], + [ + "ãģĵãģ¨ãģĮ", + "å¤ļãģĦ" + ], + [ + "Ġ×Ķ×ŀש", + "ת" + ], + [ + "Ġ×Ķ×ŀשת", + "×ŀש" + ], + [ + "å¯Ħ", + "ãģĽ" + ], + [ + "×ŀש׾", + "×ķ×Ĺ" + ], + [ + "æĻĤ", + "çĤ¹" + ], + [ + "æĻĤçĤ¹", + "ãģ§" + ], + [ + "à¸ŀร", + "ี" + ], + [ + "à¸ŀรี", + "à¹Ģมีย" + ], + [ + "à¸ŀรีà¹Ģมีย", + "รà¹Į" + ], + [ + "à¸ŀรีà¹Ģมียรà¹Į", + "ลีà¸ģ" + ], + [ + "Ġdiffic", + "olt" + ], + [ + "Ġdifficolt", + "Ãł" + ], + [ + "ãĥ¬", + "ãĤ¹ãĥĪ" + ], + [ + "ãĥ¬ãĤ¹ãĥĪ", + "ãĥ©ãĥ³" + ], + [ + "สม", + "à¹Ģà¸Ķà¹ĩ" + ], + [ + "สมà¹Ģà¸Ķà¹ĩ", + "à¸Ī" + ], + [ + "Ġж", + "ид" + ], + [ + "Ġжид", + "к" + ], + [ + "Ġzu", + "peÅĤ" + ], + [ + "ĠzupeÅĤ", + "nie" + ], + [ + "ĠÙħ", + "جر" + ], + [ + "ĠÙħجر", + "د" + ], + [ + "ãģĮ", + "å§ĭ" + ], + [ + "ãģĮå§ĭ", + "ãģ¾" + ], + [ + "ãĤŃãĥ£", + "ãĥ©" + ], + [ + "Ġ×IJ", + "×ķ×ķ×Ļר" + ], + [ + "ãģĬ", + "äºĴ" + ], + [ + "ãģĬäºĴ", + "ãģĦ" + ], + [ + "Ġpot", + "rÃł" + ], + [ + "ĠPa", + "ÅĦst" + ], + [ + "ĠPaÅĦst", + "wo" + ], + [ + "Ġب", + "ÙĬاÙĨ" + ], + [ + "ĠبÙĬاÙĨ", + "ات" + ], + [ + "Ġин", + "огда" + ], + [ + "ĠÑĢ", + "а" + ], + [ + "ĠÑĢа", + "ÑģÑĤв" + ], + [ + "ĠÑĢаÑģÑĤв", + "оÑĢ" + ], + [ + "Ġ×ĸ", + "×ŀ׳" + ], + [ + "ยิ", + "à¹īม" + ], + [ + "Ä", + "Ĩ" + ], + [ + "ãģ¾", + "ãģķ" + ], + [ + "ãģ¾ãģķ", + "ãģ«" + ], + [ + "ãĥķãĤ¡", + "ãĤ¤ãĥ«" + ], + [ + "Ġgörd", + "Ã¼ÄŁÃ¼" + ], + [ + "สà¸ĩ", + "à¸Ħร" + ], + [ + "สà¸ĩà¸Ħร", + "าม" + ], + [ + "ĠArk", + "adaÅŁ" + ], + [ + "ĠrozwiÄħz", + "ania" + ], + [ + "×ŀ", + "×ķ×ĺ" + ], + [ + "pi", + "ÄĻ" + ], + [ + "piÄĻ", + "t" + ], + [ + "ص", + "غر" + ], + [ + "ส", + "ย" + ], + [ + "สย", + "าม" + ], + [ + "ãĤĨ", + "ãģ£ãģıãĤĬ" + ], + [ + "Ġtr", + "ần" + ], + [ + "Ġeconom", + "ÃŃa" + ], + [ + "Ġgeh", + "ören" + ], + [ + "ãĤ·ãĥ§", + "ãĥ¼" + ], + [ + "ĠsÅĤ", + "ucha" + ], + [ + "à¸ŀà¸Ń", + "à¹ĥà¸Ī" + ], + [ + "ĠоÑĤмеÑĤ", + "ил" + ], + [ + "ÙĨت", + "ÙĤÙĦ" + ], + [ + "Ġprop", + "ósito" + ], + [ + "ĠваÑĪ", + "его" + ], + [ + "Ġnh", + "ắn" + ], + [ + "à¹ģà¸ĸ", + "ว" + ], + [ + "Ġком", + "иÑģ" + ], + [ + "ĠкомиÑģ", + "Ñģи" + ], + [ + "waż", + "nie" + ], + [ + "Ġy", + "avaÅŁ" + ], + [ + "×ŀ", + "×Ļ×§" + ], + [ + "×ŀ×Ļ×§", + "×ķ×Ŀ" + ], + [ + "ש×IJ׾", + "ת" + ], + [ + "Ġyıll", + "arda" + ], + [ + "ĠÐ", + "®" + ], + [ + "ĠЮ", + "ÑĢ" + ], + [ + "×ł×¡", + "×Ļ×ij×ķת" + ], + [ + "ת", + "צ" + ], + [ + "תצ", + "×ķ×Ĵ" + ], + [ + "Ġод", + "нÑĥ" + ], + [ + "Ġ", + "à¸Ńยà¹Īาà¸ĩà¹Ħร" + ], + [ + "Ġà¸Ńยà¹Īาà¸ĩà¹Ħร", + "à¸ģà¹ĩà¸ķาม" + ], + [ + "ëģ", + "¼" + ], + [ + "à¹Ħล", + "à¹Ī" + ], + [ + "تس", + "ÙĦÙĬÙħ" + ], + [ + "بÙĦ", + "اغ" + ], + [ + "Ġì", + "ī" + ], + [ + "Ġìī", + "½" + ], + [ + "Ġìī½", + "ê²Į" + ], + [ + "ãĥļ", + "ãĥ³" + ], + [ + "зв", + "ÑĥÑĩ" + ], + [ + "ĠW", + "äh" + ], + [ + "ĠWäh", + "rend" + ], + [ + "Ġ×Ļ", + "×Ļת" + ], + [ + "Ġ×Ļ×Ļת", + "׼ף" + ], + [ + "Ġkh", + "uyên" + ], + [ + "Ġv", + "ẽ" + ], + [ + "Ġа", + "меÑĢ" + ], + [ + "ĠамеÑĢ", + "ик" + ], + [ + "ĠамеÑĢик", + "ан" + ], + [ + "ĠамеÑĢикан", + "Ñģк" + ], + [ + "ع", + "جب" + ], + [ + "ãĥĽãĥ¼ãĥł", + "ãĥļãĥ¼ãĤ¸" + ], + [ + "Ġник", + "ÑĤо" + ], + [ + "ĠÙĤ", + "Ùİ" + ], + [ + "ĠÙĤÙİ", + "اÙĦ" + ], + [ + "ĠÙĤÙİØ§ÙĦ", + "Ùİ" + ], + [ + "ÐIJ", + "ÐĹ" + ], + [ + "Ùħ", + "جÙħÙĪØ¹" + ], + [ + "ÙħجÙħÙĪØ¹", + "ات" + ], + [ + "Ġnecess", + "itÃł" + ], + [ + "Ġpob", + "li" + ], + [ + "Ġpobli", + "żu" + ], + [ + "Ġph", + "ấn" + ], + [ + "ĠСо", + "обÑī" + ], + [ + "ÙħÙĤ", + "اط" + ], + [ + "ÙħÙĤاط", + "ع" + ], + [ + "Ġ×Ķצ", + "×ķר×ļ" + ], + [ + "la", + "ÅŁtırma" + ], + [ + "ว", + "ิà¸Ķ" + ], + [ + "วิà¸Ķ", + "ี" + ], + [ + "วิà¸Ķี", + "à¹Ĥà¸Ń" + ], + [ + "Ġ그리", + "ìĬ¤" + ], + [ + "Ġ그리ìĬ¤", + "ëıĦ" + ], + [ + "ãĤ¿ãĤ¤", + "ãĥŁ" + ], + [ + "ãĤ¿ãĤ¤ãĥŁ", + "ãĥ³ãĤ°" + ], + [ + "×§×ĺ", + "×Ĵ×ķר" + ], + [ + "×§×ĺ×Ĵ×ķר", + "×Ļ×Ķ" + ], + [ + "Ġ×Ĺ", + "×ķפ" + ], + [ + "Ġ×Ĺ×ķפ", + "ש×Ļ" + ], + [ + "Ø£", + "جر" + ], + [ + "Ġим", + "ени" + ], + [ + "ĠÑĢан", + "ее" + ], + [ + "à¹Ģà¸ŀืà¹Īà¸Ńà¸Ļ", + "à¹Ĩ" + ], + [ + "ĠJes", + "ús" + ], + [ + "Ñģо", + "един" + ], + [ + "Ñģоедин", + "ен" + ], + [ + "Ġר", + "×Ĺ×ķ×§" + ], + [ + "à¹Ĥà¸ļ", + "รา" + ], + [ + "à¹Ĥà¸ļรา", + "à¸ĵ" + ], + [ + "ĠH", + "Æ¡n" + ], + [ + "Ġth", + "áºŃp" + ], + [ + "تع", + "ÙĬÙĬÙĨ" + ], + [ + "Ġtart", + "Ä±ÅŁ" + ], + [ + "ĠtartÄ±ÅŁ", + "ma" + ], + [ + "ĠGes", + "pr" + ], + [ + "ĠGespr", + "äch" + ], + [ + "תר", + "×ķפ" + ], + [ + "תר×ķפ", + "×ķת" + ], + [ + "Ġcat", + "égorie" + ], + [ + "Ġоказ", + "Ñĭва" + ], + [ + "ĠналиÑĩ", + "ие" + ], + [ + "Ġprésent", + "é" + ], + [ + "Ġk", + "ull" + ], + [ + "Ġkull", + "and" + ], + [ + "Ġkulland", + "ı" + ], + [ + "Ġü", + "nl" + ], + [ + "Ġünl", + "ü" + ], + [ + "ĠÙģ", + "Ùĥرة" + ], + [ + "из", + "аÑĤоÑĢ" + ], + [ + "×IJ", + "×ķ׳" + ], + [ + "×IJ×ķ׳", + "×Ļ×ij" + ], + [ + "×IJ×ķ׳×Ļ×ij", + "רס" + ], + [ + "×IJ×ķ׳×Ļ×ijרס", + "×Ļ×ĺת" + ], + [ + "ĠÑĢаÑģÑģ", + "маÑĤ" + ], + [ + "ĠÑĢаÑģÑģмаÑĤ", + "ÑĢ" + ], + [ + "ĠÑĢаÑģÑģмаÑĤÑĢ", + "ива" + ], + [ + "تÙĥÙĦ", + "Ùħ" + ], + [ + "Ùĥت", + "رÙĪ" + ], + [ + "ÙĥترÙĪ", + "ÙĨÙĬ" + ], + [ + "ĠÑģо", + "ÑĩеÑĤ" + ], + [ + "ĠÑģоÑĩеÑĤ", + "а" + ], + [ + "ãĤĴè¦ĭ", + "ãģĽ" + ], + [ + "Ġng", + "ừa" + ], + [ + "ĠÐł", + "еÑģп" + ], + [ + "ĠÐłÐµÑģп", + "Ñĥб" + ], + [ + "ĠÐłÐµÑģпÑĥб", + "лик" + ], + [ + "ãĤ¦", + "ãĤ©" + ], + [ + "ãĤ¦ãĤ©", + "ãĥ¼" + ], + [ + "ĠÐľ", + "еждÑĥ" + ], + [ + "ĠìŀĪ", + "ê²Į" + ], + [ + "Ġm", + "â" + ], + [ + "ĠìļĶ", + "ì²Ń" + ], + [ + "ض", + "ار" + ], + [ + "ลุ", + "à¹īà¸Ļ" + ], + [ + "ëĮĢ", + "íķĻêµIJ" + ], + [ + "×ĸ", + "×Ļ׼" + ], + [ + "×ĸ×Ļ׼", + "ר×ķף" + ], + [ + "ãĤ¹", + "ãĥļ" + ], + [ + "ãĤ¹ãĥļ", + "ãĥ¼ãĤ¹" + ], + [ + "ĠкÑĢаÑģ", + "оÑĤ" + ], + [ + "ï¼", + "¨" + ], + [ + "ê¼", + "Ń" + ], + [ + "ãĤĴ", + "éĽĨ" + ], + [ + "ãĤĴéĽĨ", + "ãĤģ" + ], + [ + "ë°", + "Ŀ" + ], + [ + "Ġ×Ķ׳", + "×IJ" + ], + [ + "Ġ×Ķ׳×IJ", + "ש×Ŀ" + ], + [ + "Ġê°Ģ", + "ìļ´" + ], + [ + "Ġê°Ģìļ´", + "ëį°" + ], + [ + "تÙĥÙĦ", + "Ù쨩" + ], + [ + "ĠØŃ", + "ÙĤÙĬÙĤÙĬ" + ], + [ + "Ġh", + "alk" + ], + [ + "Ġhalk", + "ın" + ], + [ + "ÑİÑī", + "ÑĥÑİ" + ], + [ + "ĠÑģп", + "ин" + ], + [ + "סר×ĺ", + "ף" + ], + [ + "ĠпеÑĢв", + "ого" + ], + [ + "Ġпол", + "ож" + ], + [ + "Ġполож", + "иÑĤелÑĮн" + ], + [ + "Ġд", + "л" + ], + [ + "Ġдл", + "иÑĤелÑĮн" + ], + [ + "ĠV", + "Ä©nh" + ], + [ + "ê´", + "´" + ], + [ + "ĠÑģÑĭ", + "ÑĢ" + ], + [ + "ĠíĨµ", + "íķĺìŬ" + ], + [ + "ë³ij", + "ìĽIJ" + ], + [ + "à¹Ĥรà¸ĩ", + "à¸ĩาà¸Ļ" + ], + [ + "รัà¸ļ", + "à¸ľà¸´à¸Ķ" + ], + [ + "รัà¸ļà¸ľà¸´à¸Ķ", + "à¸Ĭà¸Ńà¸ļ" + ], + [ + "تج", + "ÙĨب" + ], + [ + "s", + "ÅĤ" + ], + [ + "sÅĤ", + "uch" + ], + [ + "ãĤ¢ãĥ«", + "ãĥIJ" + ], + [ + "ãĤ¢ãĥ«ãĥIJ", + "ãĥł" + ], + [ + "ëī´", + "ìĬ¤" + ], + [ + "Ġpat", + "ië" + ], + [ + "Ġpatië", + "nt" + ], + [ + "Ġìĺ", + "¤í" + ], + [ + "Ġìĺ¤í", + "ŀ" + ], + [ + "Ġìĺ¤íŀ", + "Ī" + ], + [ + "Ġìĺ¤íŀĪ", + "볤" + ], + [ + "ĠDer", + "ne" + ], + [ + "ĠDerne", + "ÄŁi" + ], + [ + "wró", + "ci" + ], + [ + "wróci", + "Äĩ" + ], + [ + "Ġоб", + "Ñī" + ], + [ + "ĠобÑī", + "еÑģÑĤв" + ], + [ + "ĠобÑīеÑģÑĤв", + "енно" + ], + [ + "ĠêµIJ", + "ìĪĺ" + ], + [ + "tıģ", + "ımız" + ], + [ + "Ġ×Ķ×ŀש", + "×Ļ×ij" + ], + [ + "k", + "örper" + ], + [ + "Ġпозв", + "ол" + ], + [ + "Ġпозвол", + "иÑĤ" + ], + [ + "ĠChi", + "ến" + ], + [ + "أخ", + "ÙĪ" + ], + [ + "ĠAy", + "dın" + ], + [ + "à¸Ķà¹īาà¸Ļ", + "ล" + ], + [ + "à¸Ķà¹īาà¸Ļล", + "à¹Īาà¸ĩ" + ], + [ + "Ġdr", + "u" + ], + [ + "Ġdru", + "ż" + ], + [ + "Ġdruż", + "yn" + ], + [ + "Ġë°ľ", + "íijľ" + ], + [ + "ĠTh", + "ảo" + ], + [ + "جÙĩ", + "اد" + ], + [ + "à¸ģระà¸Ĺ", + "ูà¹ī" + ], + [ + "Ġк", + "ÑĢов" + ], + [ + "ĠкÑĢов", + "и" + ], + [ + "Ġiçer", + "ik" + ], + [ + "Ġnad", + "zie" + ], + [ + "Ġnadzie", + "jÄĻ" + ], + [ + "ĠС", + "моÑĤÑĢ" + ], + [ + "Ġph", + "ức" + ], + [ + "ج", + "تÙħاع" + ], + [ + "جتÙħاع", + "ÙĬØ©" + ], + [ + "ком", + "пон" + ], + [ + "компон", + "енÑĤ" + ], + [ + "Ġб", + "ил" + ], + [ + "Ġбил", + "еÑĤ" + ], + [ + "ãĥIJ", + "ãĥ³ãĥī" + ], + [ + "ĠPol", + "ÃŃcia" + ], + [ + "اÙĦ", + "تÙĩ" + ], + [ + "اÙĦتÙĩ", + "اب" + ], + [ + "ØŃر", + "Ùģ" + ], + [ + "ت", + "خط" + ], + [ + "تخط", + "ÙĬØ·" + ], + [ + "ãĤ³", + "ãĥ¼ãĥ" + ], + [ + "ãĤ³ãĥ¼ãĥ", + "Ĵ" + ], + [ + "ãĤ³ãĥ¼ãĥĴ", + "ãĥ¼" + ], + [ + "・・", + "ï½¥" + ], + [ + "à¸ĭ", + "à¸Ńย" + ], + [ + "Ġcréd", + "it" + ], + [ + "è²·", + "ãģ£ãģŁ" + ], + [ + "ĠпоÑĢ", + "Ñıд" + ], + [ + "ĠпоÑĢÑıд", + "ке" + ], + [ + "Ġph", + "ó" + ], + [ + "Ġw", + "ida" + ], + [ + "Ġwida", + "Äĩ" + ], + [ + "جر", + "ائÙħ" + ], + [ + "à¸ľ", + "ี" + ], + [ + "ĠbÄĻd", + "ÄĻ" + ], + [ + "Ġ×ŀ", + "פת×Ĺ" + ], + [ + "ãĥij", + "ãĥ¼ãĥ" + ], + [ + "ãĥijãĥ¼ãĥ", + "Ĩ" + ], + [ + "ãĥijãĥ¼ãĥĨ", + "ãĤ£" + ], + [ + "ãĥijãĥ¼ãĥĨãĤ£", + "ãĥ¼" + ], + [ + "ĠKa", + "ż" + ], + [ + "ĠKaż", + "dy" + ], + [ + "ĠнеобÑħодим", + "оÑģÑĤи" + ], + [ + "à¸Ł", + "à¸Ńรà¹Į" + ], + [ + "à¸Łà¸Ńรà¹Į", + "ม" + ], + [ + "Ġмал", + "ÑĭÑĪ" + ], + [ + "Ġпл", + "оÑĤ" + ], + [ + "ĠÑĥ", + "ÑģÑĤÑĢой" + ], + [ + "ĠÑĥÑģÑĤÑĢой", + "ÑģÑĤва" + ], + [ + "à¸ĸ", + "à¸Ńà¸Ļ" + ], + [ + "ĠoluÅŁtur", + "ul" + ], + [ + "ĠÅĽwi", + "ad" + ], + [ + "ĠÅĽwiad", + "om" + ], + [ + "Ùħع", + "Ùĩد" + ], + [ + "ĠпÑĢоиз", + "веден" + ], + [ + "Æ", + "ł" + ], + [ + "ר", + "×Ļש" + ], + [ + "Ùħست", + "Ø«" + ], + [ + "Ùħستث", + "Ùħر" + ], + [ + "׳×Ļ", + "×Ļר" + ], + [ + "pa", + "ñ" + ], + [ + "Ġ;", + "-)" + ], + [ + "Ġë°ľ", + "견" + ], + [ + "Ġgör", + "üyor" + ], + [ + "Ùħؤ", + "ÙĦÙģ" + ], + [ + "ĠÄIJ", + "á»ģ" + ], + [ + "ĠاÙĦÙĨ", + "ÙĪØ§Ø¨" + ], + [ + "×Ĺ×§", + "×Ļר×Ķ" + ], + [ + "Ġm", + "á»ıi" + ], + [ + "è¿°", + "ãģ¹" + ], + [ + "ÐĿ", + "ик" + ], + [ + "ìŀĸ", + "ìķĦ" + ], + [ + "ìŀĸìķĦ", + "ìļĶ" + ], + [ + "prowadzi", + "ÅĤ" + ], + [ + "l", + "óg" + ], + [ + "lóg", + "ica" + ], + [ + "פס", + "×ĺ" + ], + [ + "פס×ĺ", + "×Ļ×ij׾" + ], + [ + "Ġ×ŀ", + "×ĵ×Ķ" + ], + [ + "Ġ×ŀ×ĵ×Ķ", + "×Ļ×Ŀ" + ], + [ + "ãģĵãģĵ", + "ãģ¾ãģ§" + ], + [ + "×Ķ", + "ת×Ĺ" + ], + [ + "×Ķת×Ĺ", + "׾×Ķ" + ], + [ + "Ġפ", + "×ķס" + ], + [ + "Ġפ×ķס", + "×ĺ×Ļ×Ŀ" + ], + [ + "Ġн", + "ев" + ], + [ + "Ġнев", + "оз" + ], + [ + "Ġневоз", + "можно" + ], + [ + "ĠdostÄĻp", + "ny" + ], + [ + "Ġغ", + "اÙĦ" + ], + [ + "ĠغاÙĦ", + "ب" + ], + [ + "Ġbez", + "pieczeÅĦst" + ], + [ + "ĠbezpieczeÅĦst", + "wa" + ], + [ + "åĪĨ", + "ãģĭãĤĭ" + ], + [ + "ĠF", + "ührung" + ], + [ + "à¸ģ", + "ีà¹ī" + ], + [ + "gem", + "Ã¤ÃŁ" + ], + [ + "à¸Ĭà¹Īวà¸ĩ", + "à¹Ģวลา" + ], + [ + "Ġìļ°ë¦¬", + "ëĤĺ" + ], + [ + "Ġìļ°ë¦¬ëĤĺ", + "ëĿ¼" + ], + [ + "ãģ¥", + "ãģıãĤĬ" + ], + [ + "ĠاÙĦÙħ", + "سÙĦ" + ], + [ + "ĠاÙĦÙħسÙĦ", + "ØŃØ©" + ], + [ + "Ġlibert", + "é" + ], + [ + "клÑİÑĩ", + "ение" + ], + [ + "Ġzam", + "ów" + ], + [ + "Ġzamów", + "ienia" + ], + [ + "รà¸ĸ", + "à¹Ħà¸Ł" + ], + [ + "Ø£", + "ÙģÙĦ" + ], + [ + "Ø£ÙģÙĦ", + "اÙħ" + ], + [ + "Ùħ", + "راج" + ], + [ + "Ùħراج", + "عة" + ], + [ + "Ġë¹Ħ", + "êµIJ" + ], + [ + "ĠاÙĦت", + "اب" + ], + [ + "ĠاÙĦتاب", + "عة" + ], + [ + "Ġë§Į", + "ëĤĺ" + ], + [ + "Ġб", + "Ñĥм" + ], + [ + "ĠбÑĥм", + "аг" + ], + [ + "Ġgé", + "nero" + ], + [ + "Ġìŀĺ", + "못" + ], + [ + "×ŀ", + "פ×ķר×ĺ" + ], + [ + "è²·ãģĦ", + "çī©" + ], + [ + "ĠÙĦدÙĬ", + "Ùĥ" + ], + [ + "Ġ×ľ×¢", + "×Ļת" + ], + [ + "Ġ×ľ×¢×Ļת", + "×Ļ×Ŀ" + ], + [ + "ĠsÅĤ", + "ab" + ], + [ + "ĠпÑĢедÑģÑĤав", + "лÑı" + ], + [ + "ãĤ¿", + "ãĤ¤ãĥĪ" + ], + [ + "ãĤ¿ãĤ¤ãĥĪ", + "ãĥ«" + ], + [ + "Ùħ", + "ص" + ], + [ + "Ùħص", + "Ø·Ùģ" + ], + [ + "ÙħصطÙģ", + "Ùī" + ], + [ + "Ġdifficult", + "é" + ], + [ + "ãĥĨãĤ£", + "ãĥĸ" + ], + [ + "Ġpew", + "noÅĽci" + ], + [ + "ĠpewnoÅĽci", + "Äħ" + ], + [ + "Ġ무", + "ìĬ¨" + ], + [ + "Ø¥", + "رس" + ], + [ + "إرس", + "اÙĦ" + ], + [ + "Ġд", + "алÑĮ" + ], + [ + "ĠдалÑĮ", + "ÑĪе" + ], + [ + "Ġ׾", + "×ł×¡" + ], + [ + "Ġ×ľ×ł×¡", + "×ķת" + ], + [ + "หมูà¹Ī", + "à¸ļà¹īาà¸Ļ" + ], + [ + "×ŀס×ŀ", + "׼×Ļ" + ], + [ + "أسÙĦ", + "ÙĪØ¨" + ], + [ + "Ġzw", + "ÅĤ" + ], + [ + "ĠzwÅĤ", + "as" + ], + [ + "ĠzwÅĤas", + "zc" + ], + [ + "ĠzwÅĤaszc", + "za" + ], + [ + "ĠпÑĢ", + "еж" + ], + [ + "ĠпÑĢеж", + "де" + ], + [ + "ĠоÑĢганиз", + "аÑĨиÑı" + ], + [ + "Ġdön", + "emin" + ], + [ + "Ġdönemin", + "de" + ], + [ + "Ġ", + "Ủ" + ], + [ + "ĠỦ", + "y" + ], + [ + "ä¸ĭ", + "ãģĴ" + ], + [ + "ĠпоÑģлед", + "ние" + ], + [ + "Ġgü", + "ne" + ], + [ + "Ġgüne", + "ÅŁ" + ], + [ + "Ġ×IJ", + "×ĸר" + ], + [ + "Ġ×IJ×ĸר", + "×Ĺ×Ļ" + ], + [ + "ãģ§ãģĤ", + "ãĤįãģĨ" + ], + [ + "ĠÙĨ", + "ÙĤ" + ], + [ + "ĠÙĨÙĤ", + "اط" + ], + [ + "æŃ£", + "ãģĹãģĦ" + ], + [ + "ĠÑĢ", + "ег" + ], + [ + "ĠÑĢег", + "иона" + ], + [ + "ĠFör", + "der" + ], + [ + "ê²½", + "ìĺģ" + ], + [ + "dıkl", + "ar" + ], + [ + "dıklar", + "ını" + ], + [ + "trzym", + "aÄĩ" + ], + [ + "أش", + "Ùĥ" + ], + [ + "أشÙĥ", + "اÙĦ" + ], + [ + "×Ķת", + "×IJ" + ], + [ + "×Ķת×IJ", + "×ŀ×Ķ" + ], + [ + "à¸Ĺำà¹ĥหà¹ī", + "à¹Ģà¸ģิà¸Ķ" + ], + [ + "ĠGeb", + "ä" + ], + [ + "ĠGebä", + "ude" + ], + [ + "ĠСеÑĢ", + "г" + ], + [ + "ĠСеÑĢг", + "ей" + ], + [ + "Ġз", + "доÑĢов" + ], + [ + "ĠздоÑĢов", + "ÑĮÑı" + ], + [ + "Ġr", + "ãi" + ], + [ + "ĠпÑĢед", + "ÑĥÑģ" + ], + [ + "ĠпÑĢедÑĥÑģ", + "моÑĤÑĢ" + ], + [ + "ĠпÑĢедÑĥÑģмоÑĤÑĢ", + "ен" + ], + [ + "Ġ×Ķצ", + "×Ļ×ij" + ], + [ + "Ġ×Ķצ×Ļ×ij", + "×ķר×Ļ" + ], + [ + "Ġdés", + "ir" + ], + [ + "Ġн", + "оÑĩ" + ], + [ + "ĠноÑĩ", + "ÑĮ" + ], + [ + "möglich", + "keiten" + ], + [ + "Ġ×IJ×Ĺר", + "×ķ׳×Ļ×Ŀ" + ], + [ + "Ġsoir", + "ée" + ], + [ + "ĠNh", + "áºŃn" + ], + [ + "Ù", + "ª" + ], + [ + "à¸Ľà¸£à¸°à¸§à¸±à¸ķิ", + "ศาสà¸ķรà¹Į" + ], + [ + "êµIJ", + "íĨµ" + ], + [ + "ĠØ£", + "Ø®ÙĬ" + ], + [ + "Ġdé", + "cid" + ], + [ + "Ġdécid", + "é" + ], + [ + "Ġwy", + "ja" + ], + [ + "Ġwyja", + "ÅĽni" + ], + [ + "Ġ", + "สิ" + ], + [ + "Ġสิ", + "à¸ĩ" + ], + [ + "Ġสิà¸ĩ", + "หา" + ], + [ + "Ġสิà¸ĩหา", + "à¸Ħม" + ], + [ + "à¹ģ", + "à¸Ńรà¹Į" + ], + [ + "หà¸Ļà¹īา", + "à¸Īà¸Ń" + ], + [ + "ס", + "תר" + ], + [ + "Ġê", + "¶" + ], + [ + "Ġê¶", + "Į" + ], + [ + "Ġê¶Į", + "리" + ], + [ + "pl", + "ätze" + ], + [ + "ب", + "Ø·ÙĦ" + ], + [ + "ê±´", + "ìĦ¤" + ], + [ + "Ġ×IJ", + "×Ļ×ŀ×Ļ" + ], + [ + "Ġ×IJ×Ļ×ŀ×Ļ", + "×Ļ׾" + ], + [ + "ãģ", + "½" + ], + [ + "تر", + "اث" + ], + [ + "×IJ׾", + "×Ļ×ŀ×ķת" + ], + [ + "Ġdispon", + "ÃŃveis" + ], + [ + "Ġz", + "ale" + ], + [ + "Ġzale", + "ży" + ], + [ + "à¸Ľà¸£à¸°à¸Ĭา", + "สัมà¸ŀัà¸Ļà¸ĺà¹Į" + ], + [ + "ĠÅļw", + "iat" + ], + [ + "Ġpor", + "ówn" + ], + [ + "Ġporówn", + "a" + ], + [ + "Ġ׾×ĺ", + "×ķ×ijת" + ], + [ + "×Ķ×ĸ", + "×ŀ׳×Ķ" + ], + [ + "Ġ×Ľ×ª", + "×ķצ×IJ×Ķ" + ], + [ + "Ġ×ij", + "ק׾" + ], + [ + "Ġ×ijק׾", + "×ķת" + ], + [ + "ĠоÑĤ", + "кÑĢ" + ], + [ + "ĠоÑĤкÑĢ", + "Ñĭва" + ], + [ + "ãĥij", + "ãĥ¯ãĥ¼" + ], + [ + "ë¿IJ", + "ë§Į" + ], + [ + "Ġв", + "ÑģÑı" + ], + [ + "ĠвÑģÑı", + "к" + ], + [ + "ãģ¨ãģª", + "ãģ£ãģ¦ãģĦãĤĭ" + ], + [ + "Ġgi", + "áºŃn" + ], + [ + "Ġок", + "ÑĢÑĥ" + ], + [ + "ĠокÑĢÑĥ", + "жа" + ], + [ + "ĠокÑĢÑĥжа", + "ÑİÑī" + ], + [ + "ĠUnivers", + "ität" + ], + [ + "ĠÑĢ", + "ож" + ], + [ + "ĠÑĢож", + "д" + ], + [ + "ĠÑĢожд", + "ениÑı" + ], + [ + "Ø®", + "ÙĬÙĦ" + ], + [ + "Ġкомпани", + "й" + ], + [ + "ĠÑĢазлиÑĩ", + "нÑĭе" + ], + [ + "ĠЦ", + "ена" + ], + [ + "׳×Ļ", + "×ķ×ĸ" + ], + [ + "׳×Ļ×ķ×ĸ", + "׾" + ], + [ + "׳×Ļ×ķ×ĸ׾", + "×ĺר" + ], + [ + "Ġê³µ", + "ê°Ħ" + ], + [ + "Ġê°ľ", + "ëħIJ" + ], + [ + "landır", + "ma" + ], + [ + "ĠÑĥдал", + "ен" + ], + [ + "à¸ŀัà¸ģ", + "à¸ľ" + ], + [ + "à¸ŀัà¸ģà¸ľ", + "à¹Īà¸Ńà¸Ļ" + ], + [ + "Ġprote", + "cción" + ], + [ + "Ġb", + "ÅĤ" + ], + [ + "ĠbÅĤ", + "ÄĻd" + ], + [ + "Ã", + "Ī" + ], + [ + "Ġíĸī", + "ë³µ" + ], + [ + "ĠÅŁ", + "ü" + ], + [ + "ĠÅŁÃ¼", + "phe" + ], + [ + "Ġí", + "Ķ" + ], + [ + "ĠíĶ", + "¼" + ], + [ + "Ġíͼ", + "íķ´" + ], + [ + "Ġëĭ¤", + "르" + ], + [ + "à¹Ħมà¹Ī", + "à¹Ģà¸ģิà¸Ļ" + ], + [ + "ãģ¿", + "ãģª" + ], + [ + "ãģ¿ãģª", + "ãģķãĤĵ" + ], + [ + "ĠпоÑĤ", + "ÑĢеб" + ], + [ + "ĠпоÑĤÑĢеб", + "иÑĤел" + ], + [ + "ĠاÙĦÙĥÙĦ", + "اÙħ" + ], + [ + "ìķĦ", + "ë²Ħ" + ], + [ + "ìķĦë²Ħ", + "ì§Ģ" + ], + [ + "ãĤĴ使", + "ãģ£ãģŁ" + ], + [ + "Ġbụ", + "i" + ], + [ + "ĠпоÑĤ", + "еÑĢ" + ], + [ + "ĠпоÑĤеÑĢ", + "Ñı" + ], + [ + "ĠØ¢", + "ÙĦاÙģ" + ], + [ + "ĠнаÑģÑĤоÑıÑī", + "ее" + ], + [ + "ãģıãģªãĤĬ", + "ãģ¾ãģĹãģŁ" + ], + [ + "clus", + "ão" + ], + [ + "ãĤ³", + "ãĥĶãĥ¼" + ], + [ + "צ", + "פ×Ļ" + ], + [ + "צפ×Ļ", + "×Ļ×Ķ" + ], + [ + "Ø®", + "ÙĦا" + ], + [ + "Ø®ÙĦا", + "ص" + ], + [ + "ล", + "à¹īำ" + ], + [ + "ãĥ¯", + "ãĤ¤ãĥ³" + ], + [ + "Ġมี", + "à¸Ļา" + ], + [ + "Ġมีà¸Ļา", + "à¸Ħม" + ], + [ + "Ø´", + "خص" + ], + [ + "شخص", + "ÙĬات" + ], + [ + "Ġ×ĸ", + "×§" + ], + [ + "Ġ×ĸ×§", + "×ķ×§" + ], + [ + "×Ļ", + "×Ļצ" + ], + [ + "×Ļ×Ļצ", + "×Ĵ" + ], + [ + "èĢĥãģĪ", + "æĸ¹" + ], + [ + "Ġürün", + "ü" + ], + [ + "ĠиÑģп", + "ол" + ], + [ + "ĠиÑģпол", + "ни" + ], + [ + "Ġcompañ", + "ero" + ], + [ + "×§", + "צ×Ķ" + ], + [ + "×ŀ×¢", + "׳×Ļ×§" + ], + [ + "Ùħ", + "ØŃÙħد" + ], + [ + "Ġc", + "ámara" + ], + [ + "Ġп", + "ед" + ], + [ + "Ġпед", + "аг" + ], + [ + "Ġпедаг", + "ог" + ], + [ + "м", + "аÑĢ" + ], + [ + "маÑĢ", + "к" + ], + [ + "×Ķת", + "׳×Ĵ×ĵ" + ], + [ + "ĠìĨĮ", + "ê°ľ" + ], + [ + "Ġcom", + "unitÃł" + ], + [ + "ê³", + "¤" + ], + [ + "ĠNg", + "Ãłi" + ], + [ + "สà¸ĩ", + "à¸ļ" + ], + [ + "ĠmieszkaÅĦ", + "ców" + ], + [ + "ĠÙĨ", + "ÙĩائÙĬ" + ], + [ + "iv", + "ité" + ], + [ + "Ġи", + "де" + ], + [ + "Ġиде", + "алÑĮн" + ], + [ + "ĠØ£", + "سبÙĪØ¹" + ], + [ + "Ġ×Ļ", + "×¢×ľ" + ], + [ + "Ġ׾", + "ר×IJש" + ], + [ + "Ġ׾ר×IJש", + "×ķ׳×Ķ" + ], + [ + "ĠзапиÑģ", + "и" + ], + [ + "ĠкоÑĢ", + "пÑĥÑģ" + ], + [ + "วà¸ĩ", + "ศ" + ], + [ + "วà¸ĩศ", + "à¹Į" + ], + [ + "ĠÐĶ", + "м" + ], + [ + "ĠÐĶм", + "иÑĤ" + ], + [ + "ĠÐĶмиÑĤ", + "ÑĢ" + ], + [ + "Ġkön", + "nt" + ], + [ + "Ġböl", + "ges" + ], + [ + "Ġbölges", + "inde" + ], + [ + "׼", + "×Ļ׼" + ], + [ + "׼×Ļ׼", + "ר" + ], + [ + "ĠاÙĦØ¥", + "Ø«ÙĨ" + ], + [ + "ĠاÙĦإثÙĨ", + "ÙĬÙĨ" + ], + [ + "Ġng", + "á»Ļ" + ], + [ + "ì¹", + "ł" + ], + [ + "د", + "راج" + ], + [ + "Ġu", + "da" + ], + [ + "Ġuda", + "ÅĤo" + ], + [ + "ìº", + "IJ" + ], + [ + "بر", + "ÙĨاÙħج" + ], + [ + "ĠÑģÑĥд", + "еб" + ], + [ + "ĠÑģÑĥдеб", + "н" + ], + [ + "Ġzun", + "ächst" + ], + [ + "ĠEduc", + "ación" + ], + [ + "ãģ¨ãģª", + "ãģ£ãģ¦ãģĦãģ¾ãģĻ" + ], + [ + "Ġ×Ķ×IJ", + "×ŀ×Ļת×Ļ" + ], + [ + "Ġİ", + "nt" + ], + [ + "Ġİnt", + "ernet" + ], + [ + "ĠcaÅĤ", + "ego" + ], + [ + "ãĥĹãĥª", + "ãĥ³" + ], + [ + "Ø¥", + "بد" + ], + [ + "إبد", + "اع" + ], + [ + "ĠпоÑĢ", + "ÑĤал" + ], + [ + "à¹Ĥà¸ķ", + "à¹ī" + ], + [ + "Ġ×Ķ×§", + "ש×ķר" + ], + [ + "пл", + "од" + ], + [ + "ĠÙħ", + "د" + ], + [ + "ĠÙħد", + "رÙĬد" + ], + [ + "×ŀסע", + "×ĵ×Ķ" + ], + [ + "ĠØ´ÙĬ", + "ئ" + ], + [ + "ĠØ´ÙĬئ", + "ا" + ], + [ + "à¸ģà¹Īà¸Ń", + "สรà¹īาà¸ĩ" + ], + [ + "Ġì°¸", + "ê³ł" + ], + [ + "à¹Ģà¸Ĺ", + "ร" + ], + [ + "à¹Ģà¸Ĺร", + "à¸Ķ" + ], + [ + "Ġ×ij×ŀ", + "קר×Ļ×Ŀ" + ], + [ + "Ġb", + "ât" + ], + [ + "Ġbât", + "iment" + ], + [ + "åij¼", + "ãģ³" + ], + [ + "ç´ł", + "æķµ" + ], + [ + "ç´łæķµ", + "ãģª" + ], + [ + "przedsiÄĻbior", + "st" + ], + [ + "przedsiÄĻbiorst", + "w" + ], + [ + "Ġ×ł×ª", + "×ķ׳×Ļ×Ŀ" + ], + [ + "×Ĺ׾", + "×ķ×Ŀ" + ], + [ + "ร", + "วย" + ], + [ + "Ùħ", + "ÙĪØ¶ÙĪØ¹" + ], + [ + "ĠÑģоб", + "ÑĢан" + ], + [ + "вед", + "ÑĥÑī" + ], + [ + "ĠÑĤе", + "аÑĤ" + ], + [ + "ĠÑĤеаÑĤ", + "ÑĢ" + ], + [ + "m", + "eye" + ], + [ + "meye", + "ceÄŁi" + ], + [ + "Ġpien", + "iÄħ" + ], + [ + "ĠpieniÄħ", + "d" + ], + [ + "ĠpieniÄħd", + "ze" + ], + [ + "ÑĢез", + "иденÑĤ" + ], + [ + "ØŃ", + "صر" + ], + [ + "ìĺ", + "¥" + ], + [ + "à¹Ģย", + "ืà¸Ńà¸Ļ" + ], + [ + "ĠÑĥ", + "ни" + ], + [ + "ĠÑĥни", + "веÑĢ" + ], + [ + "ĠÑĥнивеÑĢ", + "Ñģ" + ], + [ + "ĠÑĥнивеÑĢÑģ", + "иÑĤеÑĤ" + ], + [ + "ĠاÙĦر", + "ØŃ" + ], + [ + "ĠاÙĦرØŃ", + "ÙħÙĨ" + ], + [ + "ĠÑĤеÑħ", + "нолог" + ], + [ + "ĠÑĤеÑħнолог", + "ии" + ], + [ + "ìĹIJ", + "ëĦĪ" + ], + [ + "ìĹIJëĦĪ", + "ì§Ģ" + ], + [ + "Ġíķ", + "Ń" + ], + [ + "ĠíķŃ", + "ìĥģ" + ], + [ + "à¸ĺ", + "า" + ], + [ + "à¸ĺา", + "à¸ķุ" + ], + [ + "ĠEspañ", + "ol" + ], + [ + "×ĵ×Ĵ", + "ש" + ], + [ + "Ġêµ", + "ī" + ], + [ + "Ġêµī", + "ìŀ¥" + ], + [ + "Ġêµīìŀ¥", + "íŀĪ" + ], + [ + "ĠÅĤ", + "at" + ], + [ + "ĠÅĤat", + "wo" + ], + [ + "Ġk", + "á»ĭch" + ], + [ + "Ø¥", + "ز" + ], + [ + "إز", + "اÙĦØ©" + ], + [ + "ĠдейÑģÑĤв", + "ие" + ], + [ + "ĠsaÄŁ", + "layan" + ], + [ + "สุà¸Ķ", + "ยà¸Ńà¸Ķ" + ], + [ + "Ġzosta", + "Äĩ" + ], + [ + "Ġdispon", + "ÃŃvel" + ], + [ + "ïº", + "į" + ], + [ + "ver", + "ständ" + ], + [ + "verständ", + "lich" + ], + [ + "tw", + "or" + ], + [ + "twor", + "zyÄĩ" + ], + [ + "ع", + "جز" + ], + [ + "à¹Ģà¸Ĥ", + "à¹īม" + ], + [ + "ยà¹Ī", + "à¸Ńม" + ], + [ + "Ġstrat", + "ég" + ], + [ + "Ġstratég", + "ie" + ], + [ + "à¸ľà¸¥", + "à¹Ħมà¹ī" + ], + [ + "Ġê°ģ", + "ì¢ħ" + ], + [ + "ĠÙħ", + "ÙĪØ§" + ], + [ + "ĠÙħÙĪØ§", + "ض" + ], + [ + "ĠÙħÙĪØ§Ø¶", + "ÙĬع" + ], + [ + "اØŃ", + "تج" + ], + [ + "اØŃتج", + "اج" + ], + [ + "Ġ", + "Ấ" + ], + [ + "ĠẤ", + "n" + ], + [ + "×ŀ", + "×ŀש׾×Ķ" + ], + [ + "ĠÅŁek", + "il" + ], + [ + "×ŀ", + "×Ĺ׾" + ], + [ + "×ŀ×Ĺ׾", + "×ķת" + ], + [ + "Ġ", + "à¸ĺ" + ], + [ + "Ġà¸ĺ", + "ัà¸Ļ" + ], + [ + "Ġà¸ĺัà¸Ļ", + "วา" + ], + [ + "Ġà¸ĺัà¸Ļวา", + "à¸Ħม" + ], + [ + "Ġìĭ¤", + "ìłľ" + ], + [ + "Ġìĭ¤ìłľ", + "ë¡ľ" + ], + [ + "ì¤ij", + "ìķĻ" + ], + [ + "ëįĶ", + "ëĿ¼" + ], + [ + "ĠÑĪ", + "иÑĢ" + ], + [ + "ĠÑĪиÑĢ", + "око" + ], + [ + "Ġsol", + "ución" + ], + [ + "วาà¸ĩ", + "à¹ģà¸ľà¸Ļ" + ], + [ + "×IJ×ķ×ĺ", + "×ķ×ŀ" + ], + [ + "×IJ×ķ×ĺ×ķ×ŀ", + "×ĺ×Ļ" + ], + [ + "ĠÑĢ", + "еÑģÑĤ" + ], + [ + "ĠÑĢеÑģÑĤ", + "оÑĢ" + ], + [ + "ĠÑĢеÑģÑĤоÑĢ", + "ан" + ], + [ + "ëį", + "¸" + ], + [ + "ÑĤ", + "ÑĢад" + ], + [ + "ÑĤÑĢад", + "и" + ], + [ + "ÑĤÑĢади", + "ÑĨион" + ], + [ + "ÑĤÑĢадиÑĨион", + "н" + ], + [ + "มะ", + "à¹Ģรà¹ĩ" + ], + [ + "มะà¹Ģรà¹ĩ", + "à¸ĩ" + ], + [ + "à¹Ĥ", + "ส" + ], + [ + "Ġol", + "masını" + ], + [ + "×ŀ×ķס", + "ר" + ], + [ + "ĠоÑĤноÑĪ", + "ении" + ], + [ + "Ġê°ĢëĬ¥", + "ìĦ±" + ], + [ + "Ġy", + "uk" + ], + [ + "Ġyuk", + "arı" + ], + [ + "ìĨ", + "Ķ" + ], + [ + "ĠÑģ", + "ÑĦ" + ], + [ + "ĠÑģÑĦ", + "еÑĢе" + ], + [ + "Ġ×§", + "×ķפ" + ], + [ + "ãĤ±", + "ãĥ¼ãĤ" + ], + [ + "ãĤ±ãĥ¼ãĤ", + "Ń" + ], + [ + "âĢķ", + "âĢķ" + ], + [ + "ĠاÙĦØ£", + "ÙĦÙħ" + ], + [ + "ĠاÙĦØ£ÙĦÙħ", + "اÙĨÙĬ" + ], + [ + "Ả", + "N" + ], + [ + "ת×ķ׼", + "׳×Ļ×ķת" + ], + [ + "ĠÑģÑĥÑīеÑģÑĤв", + "ÑĥеÑĤ" + ], + [ + "æĪij", + "ãĢħ" + ], + [ + "ĠاÙĦص", + "ادر" + ], + [ + "ĠTr", + "á»įng" + ], + [ + "Ġа", + "д" + ], + [ + "Ġад", + "миниÑģÑĤ" + ], + [ + "ĠадминиÑģÑĤ", + "ÑĢа" + ], + [ + "ĠадминиÑģÑĤÑĢа", + "ÑĨи" + ], + [ + "ĠдÑĢÑĥг", + "ими" + ], + [ + "Ñģп", + "еÑĪ" + ], + [ + "عÙĦاÙħ", + "ات" + ], + [ + "Ġа", + "б" + ], + [ + "Ġаб", + "Ñģол" + ], + [ + "ĠабÑģол", + "ÑİÑĤ" + ], + [ + "ĠабÑģолÑİÑĤ", + "но" + ], + [ + "ฤ", + "à¸Ķู" + ], + [ + "é", + "tr" + ], + [ + "étr", + "anger" + ], + [ + "нÑı", + "ÑĤи" + ], + [ + "нÑıÑĤи", + "е" + ], + [ + "×¢", + "×ķ׳" + ], + [ + "×¢×ķ׳", + "ש" + ], + [ + "ĠÙĤ", + "ائ" + ], + [ + "ĠÙĤائ", + "ÙĦا" + ], + [ + "Ġм", + "аÑģ" + ], + [ + "ĠмаÑģ", + "ло" + ], + [ + "ãĥī", + "ãĤ¤" + ], + [ + "ãĥīãĤ¤", + "ãĥĦ" + ], + [ + "å¿ħè¦ģ", + "ãģĮãģĤãĤĬãģ¾ãģĻ" + ], + [ + "×ŀ×ķ×ĸ", + "×Ļ×IJ" + ], + [ + "×ŀ×ķ×ĸ×Ļ×IJ", + "×ķף" + ], + [ + "ĠNgo", + "ại" + ], + [ + "Ġkê", + "nh" + ], + [ + "à¸ģาร", + "à¸Ńà¸Ńà¸ģà¹ģà¸ļà¸ļ" + ], + [ + "×ŀ", + "פק" + ], + [ + "×ŀפק", + "×ĵ" + ], + [ + "ÙħÙĨ", + "از" + ], + [ + "ÙħÙĨاز", + "ÙĦ" + ], + [ + "ë·", + "°" + ], + [ + "íĹ", + "¤" + ], + [ + "ÙħÙĩ", + "ارات" + ], + [ + "Ġpropri", + "été" + ], + [ + "פ×Ĵ", + "×Ļש×Ķ" + ], + [ + "Ñĩ", + "ÑĢ" + ], + [ + "ÑĩÑĢ", + "еж" + ], + [ + "ÑĩÑĢеж", + "ден" + ], + [ + "×Ķ", + "×ķצ×IJ×Ķ" + ], + [ + "ØŃÙĥ", + "ÙĬÙħ" + ], + [ + "ĠíĻ", + "Ī" + ], + [ + "ĠíĻĪ", + "íİĺìĿ´ì§Ģ" + ], + [ + "åİ", + "³" + ], + [ + "åݳ", + "ãģĹãģĦ" + ], + [ + "×¢", + "×ŀ×ĵ×Ķ" + ], + [ + "ĠAu", + "ÃŁen" + ], + [ + "سÙĪ", + "Ø¡" + ], + [ + "ë¹", + "Ī" + ], + [ + "ĠÙĪ", + "Ø®" + ], + [ + "ĠÙĪØ®", + "اصة" + ], + [ + "ин", + "ÑĤеÑĢ" + ], + [ + "инÑĤеÑĢ", + "еÑģ" + ], + [ + "èĩ´", + "ãģĹãģ¾ãģĻ" + ], + [ + "Ġhük", + "üm" + ], + [ + "à¹Ħà¸Ĥ", + "มัà¸Ļ" + ], + [ + "Ġdav", + "ran" + ], + [ + "Ġdavran", + "Ä±ÅŁ" + ], + [ + "à¹Ģà¸ķ", + "ียà¸ĩ" + ], + [ + "в", + "ÑĢем" + ], + [ + "вÑĢем", + "енно" + ], + [ + "à¹Ģà¸Ĺศ", + "à¸ģา" + ], + [ + "à¹Ģà¸Ĺศà¸ģา", + "ล" + ], + [ + "å¼ķ", + "ãģ£" + ], + [ + "å¼ķãģ£", + "è¶ĬãģĹ" + ], + [ + "×IJר", + "×ķ×Ĺ" + ], + [ + "×IJר×ķ×Ĺ", + "ת" + ], + [ + "à¹Ģ", + "วิ" + ], + [ + "à¹Ģวิ", + "รà¹Į" + ], + [ + "à¸Ńยà¹Īาà¸ĩ", + "รวà¸Ķà¹Ģรà¹ĩว" + ], + [ + "ĠìŬ", + "íĸī" + ], + [ + "ĠÑĢан", + "ÑĮ" + ], + [ + "ĠÑĢанÑĮ", + "ÑĪе" + ], + [ + "Ġzob", + "ow" + ], + [ + "Ġzobow", + "iÄħ" + ], + [ + "ĠzobowiÄħ", + "z" + ], + [ + "Ġ×ķ׼", + "×ŀ×ķ×ijף" + ], + [ + "ĠاÙĦÙħ", + "Ùĩ" + ], + [ + "ĠاÙĦÙħÙĩ", + "ÙĨÙĬ" + ], + [ + "ãĤ¢", + "ãĤ¸" + ], + [ + "ãĤ¢ãĤ¸", + "ãĤ¢" + ], + [ + "ë°©", + "ìĨ¡" + ], + [ + "à¸Ńà¸Ńà¸ģ", + "à¸ģำลัà¸ĩ" + ], + [ + "à¸Ńà¸Ńà¸ģà¸ģำลัà¸ĩ", + "à¸ģาย" + ], + [ + "am", + "éli" + ], + [ + "améli", + "orer" + ], + [ + "å½ĵãģŁãĤĬ", + "åīį" + ], + [ + "Ġreg", + "elm" + ], + [ + "Ġregelm", + "Ã¤ÃŁig" + ], + [ + "ãģĬ", + "åĭ" + ], + [ + "ãģĬåĭ", + "§" + ], + [ + "ãģĬåĭ§", + "ãĤģ" + ], + [ + "Ġm", + "ưá»Ŀi" + ], + [ + "بر", + "Ùħج" + ], + [ + "ĠNat", + "ürlich" + ], + [ + "ĠD", + "Å©ng" + ], + [ + "ĠاÙĦر", + "جاÙĦ" + ], + [ + "Ġthé", + "p" + ], + [ + "Ġol", + "muÅŁtur" + ], + [ + "×ŀ×ķס", + "×Ļ×§×Ķ" + ], + [ + "f", + "älle" + ], + [ + "주", + "íĥĿ" + ], + [ + "ĠاÙĦÙģ", + "رص" + ], + [ + "Ġnaj", + "wiÄĻks" + ], + [ + "ĠnajwiÄĻks", + "zy" + ], + [ + "Ġça", + "ÄŁ" + ], + [ + "ĠçaÄŁ", + "rı" + ], + [ + "ì¸", + "ł" + ], + [ + "ĠvÃŃ", + "ct" + ], + [ + "ĠvÃŃct", + "ima" + ], + [ + "ĠÑģовеÑĢ", + "ÑĪен" + ], + [ + "×Ķ×Ļ", + "×Ļת×Ļ" + ], + [ + "à¹Ģà¸Ķ", + "ี" + ], + [ + "à¹Ģà¸Ķี", + "à¹ĭ" + ], + [ + "à¹Ģà¸Ķีà¹ĭ", + "ยว" + ], + [ + "ü", + "yü" + ], + [ + "Ġд", + "оп" + ], + [ + "Ġдоп", + "олн" + ], + [ + "Ġдополн", + "иÑĤелÑĮно" + ], + [ + "à¹ģà¸ķà¸ģà¸ķà¹Īาà¸ĩ", + "à¸ģัà¸Ļ" + ], + [ + "Ġá", + "l" + ], + [ + "Ġál", + "bum" + ], + [ + "à¸Ľà¸£à¸°à¸Īำ", + "à¸Ľà¸µ" + ], + [ + "ĠÑĦ", + "едеÑĢ" + ], + [ + "ĠÑĦедеÑĢ", + "алÑĮн" + ], + [ + "Ġobs", + "ÅĤ" + ], + [ + "ĠobsÅĤ", + "ugi" + ], + [ + "à¹Ģร", + "ืà¹Ī" + ], + [ + "à¹Ģรืà¹Ī", + "à¸Ńย" + ], + [ + "à¹Ģรืà¹Īà¸Ńย", + "à¹Ĩ" + ], + [ + "ëģ", + "Į" + ], + [ + "Ġngh", + "ìn" + ], + [ + "ĠBaÅŁkan", + "lıģı" + ], + [ + "تأ", + "سÙĬ" + ], + [ + "تأسÙĬ", + "س" + ], + [ + "Ġ×ij×ij", + "×ķקר" + ], + [ + "Ġ×¢×ij×ķ×ĵ", + "×ķת" + ], + [ + "Ġبص", + "ÙĪØ±Ø©" + ], + [ + "ãĤıãģij", + "ãģ§ãģ¯ãģªãģĦ" + ], + [ + "führ", + "er" + ], + [ + "ãĤ¹", + "ãĤŃ" + ], + [ + "ãĤ¹ãĤŃ", + "ãĥ«" + ], + [ + "ĠاÙĦÙĤ", + "ض" + ], + [ + "ĠاÙĦÙĤض", + "ÙĬØ©" + ], + [ + "Ġдолж", + "ноÑģÑĤ" + ], + [ + "ÙģØ§Ø±", + "ÙĤ" + ], + [ + "Ġcomeç", + "ou" + ], + [ + "Ġorganis", + "é" + ], + [ + "Ġxu", + "ân" + ], + [ + "ĠÑģообÑī", + "аеÑĤ" + ], + [ + "ĠпÑĢи", + "д" + ], + [ + "ĠпÑĢид", + "еÑĤÑģÑı" + ], + [ + "TÃľ", + "RK" + ], + [ + "ãĥ¬", + "ãĥ¼ãĤ·ãĥ§ãĥ³" + ], + [ + "Kh", + "ông" + ], + [ + "است", + "Ùģ" + ], + [ + "استÙģ", + "ادة" + ], + [ + "ä¸ĬãģĮ", + "ãģ£ãģ¦" + ], + [ + "Ġum", + "ie" + ], + [ + "Ġumie", + "jÄĻ" + ], + [ + "ĠumiejÄĻ", + "tn" + ], + [ + "ĠumiejÄĻtn", + "oÅĽci" + ], + [ + "ëĤ", + "¸" + ], + [ + "à¹Ģà¸Ļ", + "à¸Ńรà¹Į" + ], + [ + "×ĵ×ķ", + "×ķ×Ĺ" + ], + [ + "ÃŃs", + "imo" + ], + [ + "I", + "ÃĬ" + ], + [ + "IÃĬ", + "N" + ], + [ + "Ġalcan", + "ç" + ], + [ + "Ġ", + "à¸ķุ" + ], + [ + "Ġà¸ķุ", + "ลา" + ], + [ + "Ġà¸ķุลา", + "à¸Ħม" + ], + [ + "ש׾", + "×ĺ×ķף" + ], + [ + "Ġél", + "è" + ], + [ + "Ġélè", + "ves" + ], + [ + "ĠÄij", + "u" + ], + [ + "ĠÄiju", + "á»ķi" + ], + [ + "ĠØ£", + "Ùģ" + ], + [ + "ĠØ£Ùģ", + "رÙĬ" + ], + [ + "ĠØ£Ù쨱ÙĬ", + "ÙĤÙĬ" + ], + [ + "ĠØ£Ù쨱ÙĬÙĤÙĬ", + "ا" + ], + [ + "ãĤĴæİ¢", + "ãģĻ" + ], + [ + "ĠпÑĢед", + "ложениÑı" + ], + [ + "ج", + "اد" + ], + [ + "ĠÑħоÑĤ", + "ÑĮ" + ], + [ + "Ñģ", + "ал" + ], + [ + "Ñģал", + "он" + ], + [ + "à¸Ľà¸£à¸°", + "à¹Ģม" + ], + [ + "à¸Ľà¸£à¸°à¹Ģม", + "ิà¸Ļ" + ], + [ + "ãĤŃ", + "ãĥĥãĥģ" + ], + [ + "ãĤŃãĥĥãĥģ", + "ãĥ³" + ], + [ + "×ij×ĵ×Ļ×§", + "×ķת" + ], + [ + "Ġch", + "ù" + ], + [ + "Ġchù", + "a" + ], + [ + "ÐĴ", + "иде" + ], + [ + "ÐĴиде", + "о" + ], + [ + "иÑĢов", + "ка" + ], + [ + "ĠÑħоÑĤ", + "иÑĤе" + ], + [ + "Ġspéc", + "ifique" + ], + [ + "รส", + "à¸Ĭาà¸ķิ" + ], + [ + "è¾¼", + "ãĤĵãģł" + ], + [ + "伸", + "ãģ³" + ], + [ + "×Ķצ׾", + "×Ĺת" + ], + [ + "ãģ©ãģ®", + "ãĤĪãģĨãģ«" + ], + [ + "سع", + "ادة" + ], + [ + "Ġл", + "ид" + ], + [ + "Ġлид", + "еÑĢ" + ], + [ + "ม", + "à¸ĩ" + ], + [ + "มà¸ĩ", + "à¸Ħล" + ], + [ + "ØŃ", + "اÙħÙĦ" + ], + [ + "หล", + "ุà¸Ķ" + ], + [ + "à¸Ńยà¹Īาà¸ĩ", + "à¸ķà¹Īà¸Ń" + ], + [ + "à¸Ńยà¹Īาà¸ĩà¸ķà¹Īà¸Ń", + "à¹Ģà¸Ļืà¹Īà¸Ńà¸ĩ" + ], + [ + "ãģķãģĽãģ¦", + "éłĤ" + ], + [ + "تس", + "ÙĪÙĬ" + ], + [ + "تسÙĪÙĬ", + "ÙĤ" + ], + [ + "ĠaÅŁaģı", + "d" + ], + [ + "ĠaÅŁaģıd", + "aki" + ], + [ + "ĠÑĨ", + "елÑĮ" + ], + [ + "ĠÑĨелÑĮ", + "Ñİ" + ], + [ + "ĠAra", + "ÅŁtırma" + ], + [ + "à¸Ĥัà¸ļ", + "รà¸ĸ" + ], + [ + "Ùĩ", + "ذÙĩ" + ], + [ + "ลà¸ĩ", + "à¸Ĺะ" + ], + [ + "ลà¸ĩà¸Ĺะ", + "à¹Ģà¸ļ" + ], + [ + "ลà¸ĩà¸Ĺะà¹Ģà¸ļ", + "ียà¸Ļ" + ], + [ + "تÙĥ", + "اÙħÙĦ" + ], + [ + "Ġc", + "io" + ], + [ + "Ġcio", + "è" + ], + [ + "ãģ¦", + "ãģĬãģı" + ], + [ + "ĠاÙĦصØŃ", + "ÙģÙĬ" + ], + [ + "ĠíĬ¹", + "ìłķ" + ], + [ + "полн", + "иÑĤÑĮ" + ], + [ + "ãĤĵ", + "ãģĺãĤĥãģªãģĦ" + ], + [ + "ãĤĵãģĺãĤĥãģªãģĦ", + "ãģĭ" + ], + [ + "ĠاÙĦج", + "Ùĩ" + ], + [ + "ĠاÙĦجÙĩ", + "ات" + ], + [ + "ĠÑĥÑģпеÑĪ", + "но" + ], + [ + "Ġв", + "ок" + ], + [ + "Ġвок", + "ÑĢÑĥг" + ], + [ + "ĠÑģиÑĤÑĥ", + "аÑĨиÑı" + ], + [ + "Ġ×Ķ×IJ", + "×ŀר" + ], + [ + "Ġ×Ķ×IJ×ŀר", + "×Ļ×§" + ], + [ + "Ġ×Ķ×IJ×ŀר×Ļ×§", + "×IJ×Ļ" + ], + [ + "×ŀ", + "×Ĵ×ĸ" + ], + [ + "×ŀ×Ĵ×ĸ", + "×Ļף" + ], + [ + "Ġак", + "ÑĤÑĥ" + ], + [ + "ĠакÑĤÑĥ", + "алÑĮн" + ], + [ + "é", + "ta" + ], + [ + "éta", + "is" + ], + [ + "Ġmog", + "ÅĤa" + ], + [ + "ĠÑĤоÑĩ", + "ки" + ], + [ + "Ġ×ŀ×Ķ", + "×ŀ×¢" + ], + [ + "Ġ×ŀ×Ķ×ŀ×¢", + "×¨×Ľ×ª" + ], + [ + "มี", + "à¸Ľà¸£à¸°à¸ªà¸´à¸Ĺà¸ĺà¸´à¸łà¸²à¸ŀ" + ], + [ + "×Ļר", + "×Ļ×ĵ×Ķ" + ], + [ + "×Ĵר", + "×ŀ׳" + ], + [ + "×Ĵר×ŀ׳", + "×Ļ×Ķ" + ], + [ + "Ġг", + "лав" + ], + [ + "Ġглав", + "ное" + ], + [ + "Ġ미", + "ëŀĺ" + ], + [ + "Ġ׳׼", + "×ķ׳×Ķ" + ], + [ + "ĠÙĪ", + "Ø·ÙĨÙĬ" + ], + [ + "op", + "port" + ], + [ + "opport", + "unitÃł" + ], + [ + "Ġh", + "á»§y" + ], + [ + "ĠÙĦ", + "تØŃ" + ], + [ + "ĠÙĦتØŃ", + "ÙĤÙĬÙĤ" + ], + [ + "Ġó", + "rg" + ], + [ + "Ġórg", + "ão" + ], + [ + "ãĤ¹", + "ãĥĶ" + ], + [ + "ãĤ¹ãĥĶ", + "ãĥ¼ãĥī" + ], + [ + "Ġön", + "ü" + ], + [ + "Ġönü", + "ne" + ], + [ + "Ùħع", + "اÙħÙĦ" + ], + [ + "ש×ŀ", + "×Ļר×Ķ" + ], + [ + "ĠвеÑģÑĮ", + "ма" + ], + [ + "ĠwiÄĻks", + "zo" + ], + [ + "ĠwiÄĻkszo", + "ÅĽÄĩ" + ], + [ + "Ġاست", + "راتÙĬج" + ], + [ + "ĠاستراتÙĬج", + "ÙĬØ©" + ], + [ + "ĠÙģ", + "Ø¥" + ], + [ + "ĠÙ쨥", + "ذا" + ], + [ + "à¹Ģà¸Ĭืà¹Īà¸Ń", + "ม" + ], + [ + "à¹Ģà¸Ĭืà¹Īà¸Ńม", + "à¸ķà¹Īà¸Ń" + ], + [ + "Ġ׾", + "פר" + ], + [ + "Ġ׾פר", + "×ĺ×Ļ×Ŀ" + ], + [ + "Ùħض", + "ÙĬ" + ], + [ + "ĠGer", + "çek" + ], + [ + "Ġçocuk", + "ların" + ], + [ + "ÙĪØ«", + "ائÙĤ" + ], + [ + "ĠÙħساء", + "Ùĭ" + ], + [ + "Ġunterstüt", + "zt" + ], + [ + "Ġpré", + "st" + ], + [ + "Ġprést", + "amo" + ], + [ + "ĠÐłÐ°Ð·", + "меÑĢ" + ], + [ + "ĠÅŁ", + "eker" + ], + [ + "Ġsé", + "culo" + ], + [ + "×ij×Ķ", + "×Ļר" + ], + [ + "Ø´Ùĩ", + "ÙĪØ±" + ], + [ + "Ġ", + "à¸Ńีà¸ģ" + ], + [ + "Ġà¸Ńีà¸ģ", + "à¸Ĺัà¹īà¸ĩ" + ], + [ + "Ġlleg", + "ó" + ], + [ + "à¸¨à¸´à¸¥à¸Ľ", + "ะ" + ], + [ + "æĪij", + "ãģĮ" + ], + [ + "æĪijãģĮ", + "å®¶" + ], + [ + "ع", + "ÙĤÙĪ" + ], + [ + "عÙĤÙĪ", + "بات" + ], + [ + "ĠF", + "älle" + ], + [ + "Ġs", + "ÅĤuż" + ], + [ + "ĠsÅĤuż", + "b" + ], + [ + "ĠاÙĦØŃÙĤ", + "ÙĪÙĤ" + ], + [ + "Ġпл", + "иÑĤ" + ], + [ + "Ġи", + "ноÑģÑĤ" + ], + [ + "ĠиноÑģÑĤ", + "ÑĢан" + ], + [ + "ĠиноÑģÑĤÑĢан", + "н" + ], + [ + "à¹ĥà¸Ļ", + "à¸Ĥà¸ĵะà¸Ĺีà¹Ī" + ], + [ + "ãĤ«", + "ãĥĨ" + ], + [ + "ãĤ«ãĥĨ", + "ãĤ´" + ], + [ + "ãĤ«ãĥĨãĤ´", + "ãĥª" + ], + [ + "à¸Ńิ", + "ส" + ], + [ + "à¸Ńิส", + "ระ" + ], + [ + "à¹Ģà¸ľà¸¢", + "à¹ģ" + ], + [ + "à¹Ģà¸ľà¸¢à¹ģ", + "à¸ŀร" + ], + [ + "à¹Ģà¸ľà¸¢à¹ģà¸ŀร", + "à¹Ī" + ], + [ + "ãģĬ", + "ãģĦ" + ], + [ + "ãģĬãģĦ", + "ãģĹãģĦ" + ], + [ + "است", + "ÙĤÙĦ" + ], + [ + "استÙĤÙĦ", + "اÙĦ" + ], + [ + "تØŃ", + "ض" + ], + [ + "تØŃض", + "ÙĬر" + ], + [ + "åĬ©", + "ãģij" + ], + [ + "Ùħر", + "اÙģÙĤ" + ], + [ + "Ġ×ĵ", + "×ķר" + ], + [ + "Ġ×ĵ×ķר", + "ש" + ], + [ + "×ŀת×Ļ", + "×Ļ×Ĺס" + ], + [ + "ס", + "×Ļ׼" + ], + [ + "ס×Ļ׼", + "×ķ×Ŀ" + ], + [ + "íĮĮ", + "íĬ¸" + ], + [ + "Ġwy", + "ÅĽ" + ], + [ + "ĠwyÅĽ", + "w" + ], + [ + "ĠwyÅĽw", + "iet" + ], + [ + "ĠwyÅĽwiet", + "l" + ], + [ + "ĠاÙĦاÙĨ", + "ساÙĨ" + ], + [ + "ĠStra", + "ÃŁen" + ], + [ + "ï¼", + "¬" + ], + [ + "ãģ«", + "åŁº" + ], + [ + "ãģ«åŁº", + "ãģ¥" + ], + [ + "Ġcap", + "ÃŃtulo" + ], + [ + "ลุ", + "ย" + ], + [ + "Ġ×Ķ×ŀ×§", + "צ×ķ×¢×Ļ" + ], + [ + "ãģĤãĤĭ", + "ç¨ĭ度" + ], + [ + "á»", + "¢" + ], + [ + "ĠاÙĦ", + "ÙĦا" + ], + [ + "ĠاÙĦÙĦا", + "زÙħØ©" + ], + [ + "æķĻ", + "ãģĪ" + ], + [ + "Ġרש", + "×IJ×Ļ" + ], + [ + "з", + "ав" + ], + [ + "зав", + "иÑģ" + ], + [ + "завиÑģ", + "им" + ], + [ + "à¸Ľà¸±à¸Ī", + "à¸Īัย" + ], + [ + "à¹Ģà¸ĭ", + "ล" + ], + [ + "à¹Ģà¸ĭล", + "ลà¹Į" + ], + [ + "Ġdiffé", + "rence" + ], + [ + "ĠAlt", + "ın" + ], + [ + "Ġк", + "ÑĢай" + ], + [ + "ĠкÑĢай", + "не" + ], + [ + "Ġз", + "ло" + ], + [ + "Ġgün", + "ümüz" + ], + [ + "Ġн", + "аÑĤÑĥÑĢ" + ], + [ + "ĠнаÑĤÑĥÑĢ", + "алÑĮн" + ], + [ + "×Ĵ×ķ׾", + "ש×Ļ×Ŀ" + ], + [ + "Ġк", + "аÑĤегоÑĢ" + ], + [ + "ĠкаÑĤегоÑĢ", + "ии" + ], + [ + "Ġз", + "нак" + ], + [ + "à¸ģà¹Īà¸Ńà¸Ļ", + "หà¸Ļà¹īา" + ], + [ + "à¸ģà¹Īà¸Ńà¸Ļหà¸Ļà¹īา", + "à¸Ļีà¹ī" + ], + [ + "ĠÙħÙĨ", + "ت" + ], + [ + "ĠÙħÙĨت", + "خب" + ], + [ + "ãĥĽ", + "ãĥ¼ãĥ«" + ], + [ + "Ġе", + "вÑĢо" + ], + [ + "ส", + "ว" + ], + [ + "สว", + "ม" + ], + [ + "ĠìľĦ", + "ìĽIJ" + ], + [ + "ĠìľĦìĽIJ", + "ëĭĺ" + ], + [ + "ĠاÙĦØŃ", + "ÙĪØ«" + ], + [ + "ĠاÙĦØŃÙĪØ«", + "ÙĬ" + ], + [ + "ĠÑģодеÑĢж", + "иÑĤ" + ], + [ + "ãĥķãĤ¡", + "ãĥĥãĤ·ãĥ§ãĥ³" + ], + [ + "Ġ", + "à¸ģัà¸Ļ" + ], + [ + "Ġà¸ģัà¸Ļ", + "ย" + ], + [ + "Ġà¸ģัà¸Ļย", + "ายà¸Ļ" + ], + [ + "ãĤª", + "ãĥª" + ], + [ + "ãĤªãĥª", + "ãĤ¸" + ], + [ + "ãĤªãĥªãĤ¸", + "ãĥĬãĥ«" + ], + [ + "Ġб", + "ÑĢенд" + ], + [ + "ãĤĴæĮģ", + "ãģ£ãģ¦ãģĦãĤĭ" + ], + [ + "Ġinvers", + "ión" + ], + [ + "Ġê°", + "ĸ" + ], + [ + "Ġê°ĸ", + "ê³ł" + ], + [ + "Ġnov", + "itÃł" + ], + [ + "ê´Ģ", + "ê´ij" + ], + [ + "Ġà¸ŀ", + "ฤษ" + ], + [ + "Ġà¸ŀฤษ", + "à¸łà¸²" + ], + [ + "Ġà¸ŀà¸¤à¸©à¸łà¸²", + "à¸Ħม" + ], + [ + "×ķר", + "×Ĺ×Ļ×Ŀ" + ], + [ + "׼׾", + "×ķ׾" + ], + [ + "Ġng", + "ạc" + ], + [ + "×Ļ", + "×Ļש" + ], + [ + "×Ļ×Ļש", + "×ķ×ij" + ], + [ + "f", + "äll" + ], + [ + "fäll", + "ig" + ], + [ + "ĠÑĤÑĢеб", + "ÑĥеÑĤÑģÑı" + ], + [ + "Ġcar", + "á" + ], + [ + "Ġcará", + "cter" + ], + [ + "Ġprinc", + "ÃŃpio" + ], + [ + "ĠÅĤ", + "az" + ], + [ + "ĠÅĤaz", + "ien" + ], + [ + "ĠÅĤazien", + "k" + ], + [ + "Ġgi", + "ãn" + ], + [ + "ÑģÑĤÑĢа", + "ива" + ], + [ + "Ùħس", + "اب" + ], + [ + "Ùħساب", + "ÙĤØ©" + ], + [ + "à¹Ģà¸Ħรืà¹Īà¸Ńà¸ĩ", + "à¸Ķืà¹Īม" + ], + [ + "ترÙĥ", + "ÙĬب" + ], + [ + "vol", + "ução" + ], + [ + "ĠÐŁ", + "оÑĩ" + ], + [ + "ĠÐŁÐ¾Ñĩ", + "ем" + ], + [ + "ĠÐŁÐ¾Ñĩем", + "Ñĥ" + ], + [ + "казал", + "оÑģÑĮ" + ], + [ + "ĠпÑĢимен", + "ениÑı" + ], + [ + "à¹Ģà¸Ĺ", + "ียม" + ], + [ + "íĮ", + "Ķ" + ], + [ + "à¸Ĥà¹īà¸Ń", + "à¹Ģสà¸Ļà¸Ń" + ], + [ + "à¸Ľà¸±à¸į", + "à¸įา" + ], + [ + "Ġоб", + "ÑĥÑĩ" + ], + [ + "ĠобÑĥÑĩ", + "ениÑı" + ], + [ + "ĠÑģеÑĢ", + "и" + ], + [ + "ĠÑģеÑĢи", + "ал" + ], + [ + "Ġingl", + "és" + ], + [ + "ĠÙĦ", + "Ùĥرة" + ], + [ + "Ġ×ĺ", + "׾" + ], + [ + "Ġ×ĺ׾", + "פ×ķף" + ], + [ + "Ġìł", + "ij" + ], + [ + "Ġìłij", + "ê·¼" + ], + [ + "×IJ", + "×ķ×Ĵ" + ], + [ + "×IJ×ķ×Ĵ", + "×ķס" + ], + [ + "×IJ×ķ×Ĵ×ķס", + "×ĺ" + ], + [ + "ĠболÑĮÑĪ", + "ое" + ], + [ + "ĠÐļон", + "еÑĩно" + ], + [ + "×¢×Ļת", + "×ķ׳" + ], + [ + "×¢×Ļת×ķ׳", + "×IJ×Ļ" + ], + [ + "Ġкноп", + "к" + ], + [ + "Ġз", + "н" + ], + [ + "Ġзн", + "аÑĤÑĮ" + ], + [ + "ĠÄij", + "á»±" + ], + [ + "ĠÄijá»±", + "ng" + ], + [ + "вл", + "аж" + ], + [ + "влаж", + "н" + ], + [ + "×ŀ", + "×Ļ×ĺ×ij" + ], + [ + "ãĤ¬", + "ãĤ¤" + ], + [ + "ãĤ¬ãĤ¤", + "ãĥī" + ], + [ + "........", + ".." + ], + [ + "Ġà¸ģ", + "ุม" + ], + [ + "Ġà¸ģุม", + "à¸łà¸²à¸ŀ" + ], + [ + "Ġà¸ģà¸¸à¸¡à¸łà¸²à¸ŀ", + "ัà¸Ļ" + ], + [ + "Ġà¸ģà¸¸à¸¡à¸łà¸²à¸ŀัà¸Ļ", + "à¸ĺ" + ], + [ + "Ġà¸ģà¸¸à¸¡à¸łà¸²à¸ŀัà¸Ļà¸ĺ", + "à¹Į" + ], + [ + "be", + "z" + ], + [ + "bez", + "pieczeÅĦst" + ], + [ + "bezpieczeÅĦst", + "w" + ], + [ + "ãĥijãĥij", + "æ´»" + ], + [ + "ع", + "اط" + ], + [ + "عاط", + "Ùģ" + ], + [ + "ĠÄij", + "áºŃm" + ], + [ + "Ġз", + "ÑĢ" + ], + [ + "ĠзÑĢ", + "ениÑı" + ], + [ + "Ġbor", + "ç" + ], + [ + "Ġнед", + "ел" + ], + [ + "Ġнедел", + "Ñİ" + ], + [ + "Ġh", + "á»ı" + ], + [ + "Ġhá»ı", + "ng" + ], + [ + "ìŀ¥", + "ìķł" + ], + [ + "ìŀ¥ìķł", + "ìĿ¸" + ], + [ + "ĠاÙĦع", + "ÙĦاÙĤØ©" + ], + [ + "Ġíģ", + "¬" + ], + [ + "Ġíģ¬", + "ê²Į" + ], + [ + "à¹Ħร", + "à¹Ī" + ], + [ + "à¸ļา", + "à¸Ķ" + ], + [ + "à¸ļาà¸Ķ", + "à¹Ģà¸Īà¹ĩà¸ļ" + ], + [ + "à¸Ŀ", + "รั" + ], + [ + "à¸Ŀรั", + "à¹Īà¸ĩ" + ], + [ + "à¸Ŀรัà¹Īà¸ĩ", + "à¹Ģศ" + ], + [ + "à¸Ŀรัà¹Īà¸ĩà¹Ģศ", + "ส" + ], + [ + "ר", + "×¢×Ļ" + ], + [ + "רע×Ļ", + "×ķ׳×ķת" + ], + [ + "Ġë", + "Į" + ], + [ + "ĠëĮ", + "ĵ" + ], + [ + "ĠëĮĵ", + "ê¸Ģ" + ], + [ + "Ġnaj", + "b" + ], + [ + "Ġnajb", + "li" + ], + [ + "Ġnajbli", + "ż" + ], + [ + "Ġnajbliż", + "sz" + ], + [ + "ĠиÑģполÑĮз", + "ÑĥеÑĤÑģÑı" + ], + [ + "Ġcient", + "ÃŃf" + ], + [ + "ĠcientÃŃf", + "ico" + ], + [ + "×¢", + "×ŀ×§" + ], + [ + "Ġg", + "ợi" + ], + [ + "Ø´", + "ØŃÙĨ" + ], + [ + "ĠÅĽ", + "m" + ], + [ + "ĠÅĽm", + "ier" + ], + [ + "ĠÅĽmier", + "ci" + ], + [ + "à¸Ħาสิà¹Ĥà¸Ļ", + "à¸Ńà¸Ńà¸Ļà¹Ħลà¸Ļà¹Į" + ], + [ + "×Ĺש×ij", + "ת×Ļ" + ], + [ + "Ġn", + "ingu" + ], + [ + "Ġningu", + "ém" + ], + [ + "è¾¼", + "ãĤģ" + ], + [ + "ãģ", + "·" + ], + [ + "ĠÑĥ", + "г" + ], + [ + "ĠÑĥг", + "ол" + ], + [ + "ï½", + "°" + ], + [ + "פת", + "×Ļ×Ĺ" + ], + [ + "פת×Ļ×Ĺ", + "ת" + ], + [ + "Ġ×Ķר×IJש", + "×ķ׳×Ļ×Ŀ" + ], + [ + "p", + "ósito" + ], + [ + "ãĤŃ", + "ãĥ¬ãĤ¤" + ], + [ + "ãģ©", + "ãģĵãĤį" + ], + [ + "à¹Ģà¸Ĺà¹Īา", + "à¹Ħ" + ], + [ + "à¹Ģà¸Ĺà¹Īาà¹Ħ", + "หร" + ], + [ + "à¹Ģà¸Ĺà¹Īาà¹Ħหร", + "à¹Ī" + ], + [ + "ĠинÑĤеÑĢ", + "ÑĮеÑĢ" + ], + [ + "ĠØŃ", + "اج" + ], + [ + "ĠØŃاج", + "Ø©" + ], + [ + "สี", + "à¸Ĥาว" + ], + [ + "ìĸ", + "¼" + ], + [ + "Ġn", + "á»Ļ" + ], + [ + "Ġná»Ļ", + "p" + ], + [ + "ĠÃŃ", + "nd" + ], + [ + "ĠÃŃnd", + "ice" + ], + [ + "สำ", + "รวà¸Ī" + ], + [ + "Ġкажд", + "ой" + ], + [ + "Ġhot", + "éis" + ], + [ + "Ġnast", + "ÄĻ" + ], + [ + "ĠnastÄĻ", + "pn" + ], + [ + "Ġ×Ķ×§", + "×ķ×ĵ" + ], + [ + "Ġ×Ķ×§×ķ×ĵ", + "×Ŀ" + ], + [ + "פ", + "×ķפ" + ], + [ + "פ×ķפ", + "×ķ׾" + ], + [ + "פ×ķפ×ķ׾", + "ר×Ļ" + ], + [ + "вÑĪ", + "ей" + ], + [ + "ãĤ·ãĥ³", + "ãĥĹ" + ], + [ + "ãĤ·ãĥ³ãĥĹ", + "ãĥ«" + ], + [ + "ĠzdjÄĻ", + "Äĩ" + ], + [ + "ĠгÑĢÑĥпп", + "а" + ], + [ + "Ġпом", + "еÑī" + ], + [ + "ĠпомеÑī", + "ениÑı" + ], + [ + "ãģ©ãģĨ", + "ãģĦãģĨ" + ], + [ + "ĠиÑģп", + "ÑĭÑĤа" + ], + [ + "Ġog", + "ÅĤ" + ], + [ + "ĠogÅĤ", + "os" + ], + [ + "ĠogÅĤos", + "zen" + ], + [ + "ĠogÅĤoszen", + "i" + ], + [ + "สรà¹īาà¸ĩ", + "สรร" + ], + [ + "สรà¹īาà¸ĩสรร", + "à¸Ħà¹Į" + ], + [ + "à¸ŀร", + "รà¸ĵ" + ], + [ + "Ġçık", + "Ä±ÅŁ" + ], + [ + "ĠÑĩаÑģÑĤ", + "ноÑģÑĤи" + ], + [ + "Ġ×ķ", + "×Ļ×ķתר" + ], + [ + "ç¶ļãģį", + "ãĤĴ" + ], + [ + "ç¶ļãģįãĤĴ", + "èªŃ" + ], + [ + "ç¶ļãģįãĤĴèªŃ", + "ãĤĢ" + ], + [ + "à¸ģร", + "ั" + ], + [ + "à¸ģรั", + "ม" + ], + [ + "г", + "ÑĢаÑĦ" + ], + [ + "Ġв", + "лад" + ], + [ + "Ġвлад", + "елÑĮ" + ], + [ + "ĠвладелÑĮ", + "ÑĨ" + ], + [ + "Ġistedi", + "ÄŁ" + ], + [ + "ĠistediÄŁ", + "iniz" + ], + [ + "×ij׾", + "×¢" + ], + [ + "×ij×ľ×¢", + "×ĵ×Ļ" + ], + [ + "ÙħÙĪ", + "اÙģ" + ], + [ + "ÙħÙĪØ§Ùģ", + "ÙĤØ©" + ], + [ + "Ġ×Ļ", + "×ķר" + ], + [ + "Ġ×Ļ×ķר", + "×§" + ], + [ + "ãĤ«ãĥ¼ãĥī", + "ãĥŃãĥ¼ãĥ³" + ], + [ + "ĠاÙĦÙħØ´", + "ÙĥÙĦ" + ], + [ + "ĠاÙĦÙħØ´ÙĥÙĦ", + "Ø©" + ], + [ + "ĠêµŃ", + "íļĮ" + ], + [ + "ס", + "פ×ĺ" + ], + [ + "ספ×ĺ", + "×ŀ" + ], + [ + "ספ×ĺ×ŀ", + "×ijר" + ], + [ + "Ġìĸ´", + "ëłµ" + ], + [ + "Ùĥ", + "اÙħ" + ], + [ + "ÙĥاÙħ", + "ÙĬرا" + ], + [ + "sch", + "lü" + ], + [ + "schlü", + "sse" + ], + [ + "ĠØ«", + "ÙĨ" + ], + [ + "ĠØ«ÙĨ", + "ائÙĬ" + ], + [ + "ìī", + "½" + ], + [ + "ĠÐŀ", + "Ñģоб" + ], + [ + "ĠÐŀÑģоб", + "енно" + ], + [ + "Ġин", + "веÑģÑĤи" + ], + [ + "ĠинвеÑģÑĤи", + "ÑĨи" + ], + [ + "اØŃ", + "تÙħ" + ], + [ + "اØŃتÙħ", + "اÙĦ" + ], + [ + "E", + "Äŀ" + ], + [ + "EÄŀ", + "İ" + ], + [ + "íķĺ", + "ê²łëĭ¤" + ], + [ + "Ġ×IJ", + "×ijר×Ķ" + ], + [ + "Ġ×IJ×ijר×Ķ", + "×Ŀ" + ], + [ + "Ġ×ij×Ĺ", + "×Ļ׳×Ŀ" + ], + [ + "Ø£", + "ÙĪØ¶" + ], + [ + "Ø£ÙĪØ¶", + "اع" + ], + [ + "Ġdé", + "l" + ], + [ + "Ġdél", + "ai" + ], + [ + "Ġ×IJ×ķ×Ķ", + "×ij×Ļ×Ŀ" + ], + [ + "ĠÑģо", + "Ñħ" + ], + [ + "ĠÑģоÑħ", + "ÑĢ" + ], + [ + "ĠÑģоÑħÑĢ", + "ани" + ], + [ + "ĠдоÑģÑĤ", + "иж" + ], + [ + "ĠдоÑģÑĤиж", + "ени" + ], + [ + "สิà¹Īà¸ĩ", + "à¹ģ" + ], + [ + "สิà¹Īà¸ĩà¹ģ", + "วà¸Ķ" + ], + [ + "สิà¹Īà¸ĩà¹ģวà¸Ķ", + "ล" + ], + [ + "สิà¹Īà¸ĩà¹ģวà¸Ķล", + "à¹īà¸Ńม" + ], + [ + "ĠاÙĦÙħ", + "باشر" + ], + [ + "ĠÑĦ", + "иг" + ], + [ + "ĠÑĦиг", + "ÑĥÑĢ" + ], + [ + "мож", + "ем" + ], + [ + "׾×ŀ×Ļ×ĵ", + "×Ķ" + ], + [ + "Ġcin", + "é" + ], + [ + "Ġciné", + "ma" + ], + [ + "Ġb", + "ada" + ], + [ + "Ġbada", + "ÅĦ" + ], + [ + "جب", + "ÙĩØ©" + ], + [ + "Ġд", + "еп" + ], + [ + "Ġдеп", + "ÑĥÑĤ" + ], + [ + "ĠдепÑĥÑĤ", + "аÑĤ" + ], + [ + "Ġdist", + "ância" + ], + [ + "ĠاÙĦÙħ", + "عار" + ], + [ + "ĠاÙĦÙħعار", + "ضة" + ], + [ + "thè", + "se" + ], + [ + "ü", + "nc" + ], + [ + "ünc", + "ü" + ], + [ + "Ġдан", + "ного" + ], + [ + "ĠBel", + "gi" + ], + [ + "ĠBelgi", + "ë" + ], + [ + "Ġ×ij", + "×ij×§" + ], + [ + "Ġ×ij×ij×§", + "ש×Ķ" + ], + [ + "ย", + "à¹Īาà¸Ļ" + ], + [ + "Ġsol", + "ução" + ], + [ + "Ġ×Ķצ", + "×ĺר" + ], + [ + "Ġ×Ķצ×ĺר", + "פ×ķ" + ], + [ + "ĠØ£ÙĨ", + "ØŃ" + ], + [ + "ĠØ£ÙĨØŃ", + "اء" + ], + [ + "Ġد", + "ÙħØ´" + ], + [ + "ĠدÙħØ´", + "ÙĤ" + ], + [ + "มั", + "à¹ī" + ], + [ + "มัà¹ī", + "ย" + ], + [ + "Ùħ", + "غرب" + ], + [ + "است", + "عÙħاÙĦ" + ], + [ + "ĠS", + "ÅĤow" + ], + [ + "ĠëıĻ", + "ìĭľ" + ], + [ + "ĠëıĻìĭľ", + "ìĹIJ" + ], + [ + "ĠÑģ", + "оÑģ" + ], + [ + "ĠÑģоÑģ", + "ед" + ], + [ + "ì²Ń", + "ìĨĮ" + ], + [ + "ì²ŃìĨĮ", + "ëħĦ" + ], + [ + "Ġг", + "ÑĢаÑĦ" + ], + [ + "ĠгÑĢаÑĦ", + "ик" + ], + [ + "Ġìŀij", + "ìĿĢ" + ], + [ + "Ġyet", + "i" + ], + [ + "Ġyeti", + "ÅŁtir" + ], + [ + "ĠìĿ´ê²ĥ", + "ìĿ´" + ], + [ + "ห", + "à¹Īาà¸ĩ" + ], + [ + "Ø¥", + "ÙħÙĥاÙĨ" + ], + [ + "Ø¥ÙħÙĥاÙĨ", + "ÙĬØ©" + ], + [ + "است", + "عراض" + ], + [ + "ÙħØ®", + "در" + ], + [ + "ĠÑĩ", + "ÑĥÑĤÑĮ" + ], + [ + "Ùħ", + "دÙĬر" + ], + [ + "ÙħدÙĬر", + "ÙĬØ©" + ], + [ + "Ġà¹Ģม", + "ษ" + ], + [ + "Ġà¹Ģมษ", + "ายà¸Ļ" + ], + [ + "Ġм", + "еÑħ" + ], + [ + "ĠмеÑħ", + "аниз" + ], + [ + "ĠмеÑħаниз", + "м" + ], + [ + "ĠÑģ", + "Ñĥм" + ], + [ + "ĠÑģÑĥм", + "мÑĥ" + ], + [ + "Ġv", + "ö" + ], + [ + "Ġvö", + "ll" + ], + [ + "Ġvöll", + "ig" + ], + [ + "Ġд", + "ÑĢÑĥз" + ], + [ + "ĠдÑĢÑĥз", + "ÑĮÑı" + ], + [ + "ãĤĴåĪ©ç͍", + "ãģĹãģ¦" + ], + [ + "à¸ļรร", + "à¸Īุ" + ], + [ + "po", + "życz" + ], + [ + "×ŀש", + "׼" + ], + [ + "×ŀש׼", + "×ł×ª" + ], + [ + "×ŀ×©×Ľ×ł×ª", + "×IJ" + ], + [ + "Ġeuropé", + "en" + ], + [ + "Ġpropri", + "é" + ], + [ + "Ġproprié", + "taire" + ], + [ + "Ġkh", + "ấu" + ], + [ + "ãģĦãģŁãģł", + "ãģijãĤĭ" + ], + [ + "Ġtec", + "rü" + ], + [ + "Ġtecrü", + "be" + ], + [ + "×Ķ", + "×ij" + ], + [ + "×Ķ×ij", + "׳×Ķ" + ], + [ + "Ġcu", + "Ì" + ], + [ + "ĠcuÌ", + "ī" + ], + [ + "ĠcuÌī", + "a" + ], + [ + "×IJ", + "×ķ×ķ" + ], + [ + "×IJ×ķ×ķ", + "×Ļר×Ķ" + ], + [ + "Ġ׼×ķ׾", + "×ķ" + ], + [ + "U", + "lus" + ], + [ + "Ulus", + "lararası" + ], + [ + "Ġ׳", + "×ķת" + ], + [ + "Ġ׳×ķת", + "ף" + ], + [ + "ãģ«", + "åIJij" + ], + [ + "ãģ«åIJij", + "ãģijãģ¦" + ], + [ + "ë¹", + "Ľ" + ], + [ + "à¸Ĺ", + "ัà¸ģษ" + ], + [ + "à¸Ĺัà¸ģษ", + "ะ" + ], + [ + "س", + "ÙĤÙĪ" + ], + [ + "سÙĤÙĪ", + "Ø·" + ], + [ + "Ġв", + "н" + ], + [ + "Ġвн", + "еÑĪ" + ], + [ + "ĠвнеÑĪ", + "не" + ], + [ + "Ġur", + "z" + ], + [ + "Ġurz", + "ÄĻd" + ], + [ + "Ġá", + "mb" + ], + [ + "Ġámb", + "ito" + ], + [ + "à¸Ń", + "à¸ĺิ" + ], + [ + "à¸Ńà¸ĺิ", + "à¸ļาย" + ], + [ + "Ġ", + "ÅĤad" + ], + [ + "ĠÅĤad", + "n" + ], + [ + "ê±´", + "ì¶ķ" + ], + [ + "wód", + "zt" + ], + [ + "wództ", + "w" + ], + [ + "Ġquest", + "ões" + ], + [ + "Ġש", + "×§" + ], + [ + "Ġשק", + "×Ļ×ij׾" + ], + [ + "Ġmiejsc", + "owoÅĽci" + ], + [ + "Ġв", + "ал" + ], + [ + "Ġвал", + "ÑİÑĤ" + ], + [ + "hä", + "user" + ], + [ + "หà¸Ļ", + "à¸Ńà¸ĩ" + ], + [ + "ãģ¨", + "åħ±" + ], + [ + "ãģ¨åħ±", + "ãģ«" + ], + [ + "ãĥı", + "ãĥ¼ãĥī" + ], + [ + "Ġê°ľ", + "ìµľ" + ], + [ + "ĠоÑģнов", + "ном" + ], + [ + "Ġм", + "ÑıÑģ" + ], + [ + "اع", + "ت" + ], + [ + "اعت", + "ÙĤاÙĦ" + ], + [ + "สà¸ĸ", + "ิ" + ], + [ + "สà¸ĸิ", + "à¸ķิ" + ], + [ + "N", + "gu" + ], + [ + "Ngu", + "á»ĵn" + ], + [ + "ĠÙħ", + "جÙĦ" + ], + [ + "ĠÙħجÙĦ", + "Ø©" + ], + [ + "à¹ģà¸Ĥ", + "à¸Ļ" + ], + [ + "ĠاÙĦÙĦÙĬ", + "بÙĬ" + ], + [ + "פע×Ļ׾", + "×ķ×Ļ×ķת" + ], + [ + "Ġ×Ķר", + "פ×ķ×IJ×Ļ" + ], + [ + "פר", + "×ķפ" + ], + [ + "פר×ķפ", + "×Ļ׾" + ], + [ + "×§", + "׾×IJ" + ], + [ + "ק׾×IJ", + "ס×Ļ" + ], + [ + "Ùĥت", + "Ø´Ùģ" + ], + [ + "ãģ«ãģª", + "ãģ£ãģ¦ãģĹãģ¾ãģĨ" + ], + [ + "à¹Ģà¸Ħล", + "à¹ĩà¸Ķ" + ], + [ + "à¹Ģà¸Ħลà¹ĩà¸Ķ", + "ลัà¸ļ" + ], + [ + "Ġì»", + "´" + ], + [ + "Ġì»´", + "íĵ¨" + ], + [ + "Ġì»´íĵ¨", + "íĦ°" + ], + [ + "Ġ×Ĺ×Ļ", + "×ķ×ij×Ļ" + ], + [ + "Ġnä", + "m" + ], + [ + "Ġnäm", + "lich" + ], + [ + "åij¼", + "ãģ°" + ], + [ + "åij¼ãģ°", + "ãĤĮ" + ], + [ + "ĠÑĢ", + "ол" + ], + [ + "ĠÑĢол", + "и" + ], + [ + "Ġspécial", + "isé" + ], + [ + "à¸Ļ", + "วัà¸ķ" + ], + [ + "à¸Ļวัà¸ķ", + "à¸ģรรม" + ], + [ + "ÙĨص", + "ÙĪØµ" + ], + [ + "пеÑĢ", + "ед" + ], + [ + "пеÑĢед", + "аÑĩ" + ], + [ + "thè", + "que" + ], + [ + "Ġר×IJ", + "×Ļת×Ļ" + ], + [ + "ãĥĢ", + "ãĤ¦ãĥ³" + ], + [ + "ãĤı", + "ãģĭ" + ], + [ + "ãĤıãģĭ", + "ãģ£ãģ¦" + ], + [ + "беÑĢ", + "еж" + ], + [ + "ĠÑģ", + "ек" + ], + [ + "ĠÑģек", + "ÑĢ" + ], + [ + "ĠÑģекÑĢ", + "еÑĤ" + ], + [ + "ĠпоÑģÑĤоÑıн", + "н" + ], + [ + "à¸Ĥà¸Ļ", + "สà¹Īà¸ĩ" + ], + [ + "Ġm", + "ük" + ], + [ + "Ġmük", + "em" + ], + [ + "Ġmükem", + "mel" + ], + [ + "еÑĤ", + "еÑģÑĮ" + ], + [ + "ĠاÙĦسÙĨ", + "ÙĪØ§Øª" + ], + [ + "ĠìłĦ", + "íĺĢ" + ], + [ + "Ġ×Ķ×ŀ×§", + "×ķר×Ļ" + ], + [ + "Ġmü", + "d" + ], + [ + "Ġmüd", + "ah" + ], + [ + "Ġmüdah", + "ale" + ], + [ + "Ġwy", + "b" + ], + [ + "Ġwyb", + "ór" + ], + [ + "Ġtend", + "ência" + ], + [ + "Ø¥", + "دار" + ], + [ + "إدار", + "ÙĬØ©" + ], + [ + "Ġunterstüt", + "zen" + ], + [ + "ת", + "×ijר" + ], + [ + "ת×ijר", + "ר" + ], + [ + "Ġdi", + "á" + ], + [ + "Ġdiá", + "logo" + ], + [ + "ĠÃĸ", + "nce" + ], + [ + "ĠÃĸnce", + "ki" + ], + [ + "ãĤ¹ãĥĿ", + "ãĥĥãĥĪ" + ], + [ + "ëĦ", + "£" + ], + [ + "ĠG", + "eli" + ], + [ + "ĠGeli", + "ÅŁ" + ], + [ + "ãĤĴ", + "éĢļ" + ], + [ + "ãĤĴéĢļ", + "ãģĹãģ¦" + ], + [ + "ĠFuÃŁ", + "ball" + ], + [ + "Ġsal", + "ari" + ], + [ + "Ġsalari", + "é" + ], + [ + "ĠпÑĢодÑĥк", + "ÑĤов" + ], + [ + "صÙģ", + "ÙĤØ©" + ], + [ + "รว", + "à¸ļ" + ], + [ + "รวà¸ļ", + "รวม" + ], + [ + "à¹ĥà¸Ļ", + "à¸IJาà¸Ļ" + ], + [ + "à¹ĥà¸Ļà¸IJาà¸Ļ", + "ะ" + ], + [ + "Ġkay", + "na" + ], + [ + "Ġkayna", + "ģı" + ], + [ + "Ġìŀij", + "íĴĪ" + ], + [ + "ĠвÑĭ", + "ÑĢаж" + ], + [ + "ĠвÑĭÑĢаж", + "ен" + ], + [ + "ĠÑģÑĤ", + "еп" + ], + [ + "ĠÑģÑĤеп", + "ени" + ], + [ + "ĠاÙĦÙħ", + "ÙĪØ¬ÙĪØ¯" + ], + [ + "ĠاÙĦÙħÙĪØ¬ÙĪØ¯", + "Ø©" + ], + [ + "ล", + "à¹īม" + ], + [ + "Ġnaj", + "czÄĻ" + ], + [ + "ĠnajczÄĻ", + "ÅĽcie" + ], + [ + "ĠnajczÄĻÅĽcie", + "j" + ], + [ + "Ġz", + "wy" + ], + [ + "Ġzwy", + "k" + ], + [ + "Ġzwyk", + "ÅĤ" + ], + [ + "Ġê·¸ëłĩ", + "ì§Ģ" + ], + [ + "à¸ģระ", + "à¸Ī" + ], + [ + "à¸ģระà¸Ī", + "าย" + ], + [ + "Ġëĭ", + "µ" + ], + [ + "Ġëĭµ", + "ë³Ģ" + ], + [ + "ĠÑĢе", + "ак" + ], + [ + "ĠÑĢеак", + "ÑĨи" + ], + [ + "ĠÅĽwie", + "ż" + ], + [ + "ĠÑģÑĤоим", + "оÑģÑĤи" + ], + [ + "ÙħÙĨ", + "اÙĤ" + ], + [ + "ÙħÙĨاÙĤ", + "Ø´" + ], + [ + "ÙħÙĨاÙĤØ´", + "Ø©" + ], + [ + "ĠÑħоÑĩ", + "Ñĥ" + ], + [ + "ãĥľ", + "ãĥ¼ãĥī" + ], + [ + "Ġróż", + "nic" + ], + [ + "Ġк", + "ÑĢÑĭ" + ], + [ + "ĠкÑĢÑĭ", + "ÑĪ" + ], + [ + "âľ", + "ĵ" + ], + [ + "ãĤ³ãĥ³", + "ãĥĨãĥ³" + ], + [ + "ãĤ³ãĥ³ãĥĨãĥ³", + "ãĥĦ" + ], + [ + "ĠпÑĢед", + "поÑĩ" + ], + [ + "×ŀר", + "×ij×Ļת" + ], + [ + "ĠØ´", + "Ùĥ" + ], + [ + "ĠØ´Ùĥ", + "را" + ], + [ + "Ġд", + "ал" + ], + [ + "Ġдал", + "ек" + ], + [ + "Ġдалек", + "о" + ], + [ + "بر", + "ÙĬØ·" + ], + [ + "برÙĬØ·", + "اÙĨÙĬا" + ], + [ + "ع", + "ÙĨا" + ], + [ + "عÙĨا", + "ÙĬØ©" + ], + [ + "ĠÑĢаÑģÑģ", + "каз" + ], + [ + "ĠÑĢаÑģÑģказ", + "Ñĭва" + ], + [ + "Ø£", + "ÙĦÙĪ" + ], + [ + "Ø£ÙĦÙĪ", + "اÙĨ" + ], + [ + "æĮģ", + "ãģ£ãģ¦" + ], + [ + "æĮģãģ£ãģ¦", + "ãģĦ" + ], + [ + "Ùħباد", + "ئ" + ], + [ + "×Ķ", + "×¢×ijר" + ], + [ + "×Ķ×¢×ijר", + "ת" + ], + [ + "Ġyay", + "ı" + ], + [ + "Ġyayı", + "ml" + ], + [ + "Ġyayıml", + "a" + ], + [ + "m", + "át" + ], + [ + "mát", + "icos" + ], + [ + "à¸ģ", + "ัà¸ĩ" + ], + [ + "à¸ģัà¸ĩ", + "วล" + ], + [ + "Ġ׾", + "פת" + ], + [ + "Ġ×ľ×¤×ª", + "×ķ×Ĺ" + ], + [ + "à¸ŀฤ", + "à¸ķิ" + ], + [ + "à¸ŀฤà¸ķิ", + "à¸ģรรม" + ], + [ + "í", + "Ĥ¬" + ], + [ + "Ġок", + "ÑĢÑĥг" + ], + [ + "Ġ×ŀצ", + "×ķ×ķ×Ķ" + ], + [ + "ÐĽ", + "ени" + ], + [ + "ÐĽÐµÐ½Ð¸", + "н" + ], + [ + "ĠTri", + "á»ģu" + ], + [ + "ãĤ³ãĥŁ", + "ãĥ¥" + ], + [ + "ãĤ³ãĥŁãĥ¥", + "ãĥĭ" + ], + [ + "ãĤ³ãĥŁãĥ¥ãĥĭ", + "ãĤ±" + ], + [ + "ãĤ³ãĥŁãĥ¥ãĥĭãĤ±", + "ãĥ¼ãĤ·ãĥ§ãĥ³" + ], + [ + "Ùĥ", + "ÙĨÙĬ" + ], + [ + "ÙĥÙĨÙĬ", + "سة" + ], + [ + "ãĤĴ", + "ä¸Ńå¿ĥ" + ], + [ + "ãĤĴä¸Ńå¿ĥ", + "ãģ«" + ], + [ + "ĠmiÄĻd", + "z" + ], + [ + "ĠmiÄĻdz", + "yn" + ], + [ + "ĠmiÄĻdzyn", + "ar" + ], + [ + "ĠmiÄĻdzynar", + "od" + ], + [ + "ĠmiÄĻdzynarod", + "ow" + ], + [ + "ÙĦ", + "ÙĨ" + ], + [ + "ÙĦÙĨ", + "دا" + ], + [ + "بر", + "Ø´" + ], + [ + "برش", + "ÙĦÙĪÙĨ" + ], + [ + "برشÙĦÙĪÙĨ", + "Ø©" + ], + [ + "à¸ģระ", + "à¸ķุ" + ], + [ + "à¸ģระà¸ķุ", + "à¹īà¸Ļ" + ], + [ + "Ġg", + "ı" + ], + [ + "Ġgı", + "da" + ], + [ + "à¸Ľà¸£à¸°", + "à¸Ĺัà¸ļ" + ], + [ + "à¸Ľà¸£à¸°à¸Ĺัà¸ļ", + "à¹ĥà¸Ī" + ], + [ + "Ġë¶Ī", + "구" + ], + [ + "Ġë¶Ī구", + "íķĺê³ł" + ], + [ + "ĠÙĨ", + "Ø·" + ], + [ + "ĠÙĨØ·", + "اÙĤ" + ], + [ + "ĠÐľ", + "ожеÑĤ" + ], + [ + "Pr", + "äs" + ], + [ + "Präs", + "ident" + ], + [ + "ĠÑģк", + "оÑĢ" + ], + [ + "ĠÑģкоÑĢ", + "оÑģÑĤÑĮ" + ], + [ + "Ġ×Ķ×ij", + "×ķקר" + ], + [ + "еÑħ", + "аÑĤÑĮ" + ], + [ + "Ġg", + "ạo" + ], + [ + "Ġש×IJ", + "×Ļ׳×Ŀ" + ], + [ + "Ġ×ij׳", + "×ķ×Ĵ" + ], + [ + "Ġ×ij׳×ķ×Ĵ", + "×¢" + ], + [ + "Ġо", + "пиÑģание" + ], + [ + "Ġucz", + "ni" + ], + [ + "Ġuczni", + "ów" + ], + [ + "à¹Ģà¸Ń", + "à¹ĩà¸Ļ" + ], + [ + "Ġت", + "Ø´" + ], + [ + "Ġتش", + "رÙĬÙĨ" + ], + [ + "Ġnh", + "ãn" + ], + [ + "ë¹", + "¨" + ], + [ + "Ġcaract", + "ère" + ], + [ + "×¢", + "׾×Ļ" + ], + [ + "×¢×ľ×Ļ", + "×Ļ×Ķ" + ], + [ + "楽ãģĹ", + "ãĤģãĤĭ" + ], + [ + "ĠÑģ", + "аÑħ" + ], + [ + "ĠÑģаÑħ", + "аÑĢ" + ], + [ + "дÑĥм", + "аÑĤÑĮ" + ], + [ + "ĠÐĴоз", + "можно" + ], + [ + "ص", + "ÙĬاÙĨ" + ], + [ + "صÙĬاÙĨ", + "Ø©" + ], + [ + "öm", + "ür" + ], + [ + "ส", + "ล" + ], + [ + "สล", + "à¹ĩ" + ], + [ + "สลà¹ĩ", + "à¸Ń" + ], + [ + "สลà¹ĩà¸Ń", + "à¸ķ" + ], + [ + "ë¡", + "¯" + ], + [ + "Ġth", + "ói" + ], + [ + "gr", + "Ã¶ÃŁe" + ], + [ + "Ġksi", + "ÄĻ" + ], + [ + "ĠksiÄĻ", + "g" + ], + [ + "ĠÑĢ", + "ом" + ], + [ + "ĠÑĢом", + "ан" + ], + [ + "ÙĤ", + "اسÙħ" + ], + [ + "×ŀ×ij", + "×ķ×Ĵ" + ], + [ + "×ŀ×ij×ķ×Ĵ", + "ר×Ļ×Ŀ" + ], + [ + "bes", + "ch" + ], + [ + "besch", + "äft" + ], + [ + "beschäft", + "ig" + ], + [ + "×Ķצע", + "×Ķ" + ], + [ + "ĠÃģ", + "rea" + ], + [ + "ĠзаÑıв", + "к" + ], + [ + "Ä", + "¹" + ], + [ + "ĠлÑİб", + "ого" + ], + [ + "Ġ", + "ม" + ], + [ + "Ġม", + "à¸ģร" + ], + [ + "Ġมà¸ģร", + "าà¸Ħม" + ], + [ + "ÑĦ", + "из" + ], + [ + "ÑĦиз", + "иÑĩеÑģк" + ], + [ + "ин", + "ÑĦ" + ], + [ + "инÑĦ", + "ек" + ], + [ + "инÑĦек", + "ÑĨи" + ], + [ + "اÙĦ", + "Ø·" + ], + [ + "اÙĦØ·", + "ائÙģ" + ], + [ + "Ġкол", + "л" + ], + [ + "Ġколл", + "екÑĤив" + ], + [ + "ез", + "жа" + ], + [ + "Ġس", + "بØŃ" + ], + [ + "ĠسبØŃ", + "اÙĨ" + ], + [ + "ĠسبØŃاÙĨ", + "Ùĩ" + ], + [ + "sch", + "lä" + ], + [ + "schlä", + "ge" + ], + [ + "Ġд", + "и" + ], + [ + "Ġди", + "аг" + ], + [ + "Ġдиаг", + "ноÑģÑĤ" + ], + [ + "ĠоÑĤмеÑĤ", + "иÑĤÑĮ" + ], + [ + "Т", + "Ь" + ], + [ + "ĠاÙĦ", + "در" + ], + [ + "ĠاÙĦدر", + "اسÙĬ" + ], + [ + "עצ", + "×ŀ" + ], + [ + "עצ×ŀ", + "×IJ×ķת" + ], + [ + "Ġdém", + "arch" + ], + [ + "Ġdémarch", + "e" + ], + [ + "Ġ×ĺ", + "×ķ×¢" + ], + [ + "Ġ×ĺ×ķ×¢", + "ף" + ], + [ + "Ġfuncion", + "ários" + ], + [ + "á»", + "µ" + ], + [ + "׾", + "׼×IJ" + ], + [ + "׾׼×IJ", + "×ķר×Ķ" + ], + [ + "à¸ĭ", + "à¹Ī" + ], + [ + "à¸ĭà¹Ī", + "à¸Ńม" + ], + [ + "ĠÑĩ", + "Ñĥв" + ], + [ + "ĠÑĩÑĥв", + "ÑģÑĤво" + ], + [ + "âĸ", + "¼" + ], + [ + "п", + "ÑĥÑī" + ], + [ + "пÑĥÑī", + "ен" + ], + [ + "Ġм", + "еÑĢ" + ], + [ + "ĠмеÑĢ", + "оп" + ], + [ + "ĠмеÑĢоп", + "ÑĢи" + ], + [ + "ĠмеÑĢопÑĢи", + "ÑıÑĤиÑı" + ], + [ + "Ġu", + "çu" + ], + [ + "Ġuçu", + "ÅŁ" + ], + [ + "ãĤĴåĪ©ç͍", + "ãģĻãĤĭ" + ], + [ + "a", + "ÄŁ" + ], + [ + "aÄŁ", + "lı" + ], + [ + "ìĺĪ", + "ìĪł" + ], + [ + "à¹ģ", + "ยà¹Ī" + ], + [ + "ĠاÙĦÙĥ", + "Ùħ" + ], + [ + "ĠاÙĦÙĥÙħ", + "بÙĬ" + ], + [ + "ĠاÙĦÙĥÙħبÙĬ", + "ÙĪØªØ±" + ], + [ + "ت", + "ÙĪÙĬ" + ], + [ + "تÙĪÙĬ", + "تر" + ], + [ + "à¹Ģà¸Ĭ", + "ีà¹Īยว" + ], + [ + "à¹Ģà¸Ĭีà¹Īยว", + "à¸Ĭา" + ], + [ + "à¹Ģà¸Ĭีà¹Īยวà¸Ĭา", + "à¸į" + ], + [ + "á»", + "Ķ" + ], + [ + "Ġhi", + "ếm" + ], + [ + "ذا", + "Ùĥرة" + ], + [ + "Ġ×Ķ×ŀ×Ļ", + "×ķ×Ĺ×ĵ" + ], + [ + "ĠìĪ", + "ľ" + ], + [ + "ĠìĪľ", + "ê°Ħ" + ], + [ + "ĠK", + "ı" + ], + [ + "ĠKı", + "sa" + ], + [ + "Ġgele", + "ceÄŁi" + ], + [ + "пÑĢо", + "ÑĦеÑģÑģиона" + ], + [ + "пÑĢоÑĦеÑģÑģиона", + "л" + ], + [ + "Ġog", + "ó" + ], + [ + "Ġogó", + "le" + ], + [ + "ĠgÅĤ", + "ów" + ], + [ + "ĠgÅĤów", + "ne" + ], + [ + "ĠÑģÑĤ", + "илÑĮ" + ], + [ + "×IJ", + "פ׾" + ], + [ + "×IJפ׾", + "×Ļ×§" + ], + [ + "×IJפ׾×Ļ×§", + "צ×Ļ×Ķ" + ], + [ + "สม", + "ารà¹Į" + ], + [ + "สมารà¹Į", + "à¸Ĺ" + ], + [ + "สมารà¹Įà¸Ĺ", + "à¹Ĥà¸Ł" + ], + [ + "สมารà¹Įà¸Ĺà¹Ĥà¸Ł", + "à¸Ļ" + ], + [ + "Ġth", + "ánh" + ], + [ + "ÐŁ", + "од" + ], + [ + "ÐŁÐ¾Ð´", + "ÑĢоб" + ], + [ + "ÐŁÐ¾Ð´ÑĢоб", + "нее" + ], + [ + "ĠاÙĦت", + "ÙĪÙĨ" + ], + [ + "ĠاÙĦتÙĪÙĨ", + "سÙĬ" + ], + [ + "Ġbah", + "çe" + ], + [ + "à¹ģà¸ģà¹ī", + "à¸Ľà¸±à¸įหา" + ], + [ + "é", + "ducation" + ], + [ + "eu", + "rop" + ], + [ + "europ", + "ä" + ], + [ + "europä", + "ische" + ], + [ + "ĠK", + "si" + ], + [ + "ĠKsi", + "ÄĻ" + ], + [ + "ĠëĦ", + "ĺ" + ], + [ + "ĠëĦĺ", + "ìĸ´" + ], + [ + "Ġv", + "üc" + ], + [ + "Ġvüc", + "ud" + ], + [ + "Ġyay", + "g" + ], + [ + "Ġyayg", + "ın" + ], + [ + "Ġnie", + "kt" + ], + [ + "Ġniekt", + "óry" + ], + [ + "Ġniektóry", + "ch" + ], + [ + "ãģŃ", + "ãģĩ" + ], + [ + "Ġк", + "аж" + ], + [ + "Ġкаж", + "еÑĤÑģÑı" + ], + [ + "к", + "аж" + ], + [ + "каж", + "еÑĤ" + ], + [ + "ĠاÙĦ", + "دÙĬÙħÙĤرا" + ], + [ + "ĠاÙĦدÙĬÙħÙĤرا", + "Ø·" + ], + [ + "ĠاÙĦدÙĬÙħÙĤراط", + "ÙĬØ©" + ], + [ + "æŃ", + "©" + ], + [ + "æŃ©", + "ãģĦãģ¦" + ], + [ + "Ġv", + "az" + ], + [ + "Ġvaz", + "ge" + ], + [ + "Ġvazge", + "ç" + ], + [ + "Ġмин", + "ималÑĮ" + ], + [ + "ĠминималÑĮ", + "н" + ], + [ + "ãĥij", + "ãĤ¿" + ], + [ + "ãĥijãĤ¿", + "ãĥ¼ãĥ³" + ], + [ + "Ġë", + "Ĭ" + ], + [ + "ĠëĬ", + "IJ" + ], + [ + "ĠëĬIJ", + "ëĤĮ" + ], + [ + "ãģ¡", + "ãĤĩãģĨ" + ], + [ + "ãģ¡ãĤĩãģĨ", + "ãģ©" + ], + [ + "Ġ", + "à¸ģร" + ], + [ + "Ġà¸ģร", + "à¸ģà¸İ" + ], + [ + "Ġà¸ģรà¸ģà¸İ", + "าà¸Ħม" + ], + [ + "تج", + "دÙĬد" + ], + [ + "ĠØ´", + "اÙħÙĦ" + ], + [ + "หลัà¸ģ", + "à¸IJาà¸Ļ" + ], + [ + "ĠмаÑĢ", + "ÑĪ" + ], + [ + "ĠмаÑĢÑĪ", + "ÑĢÑĥÑĤ" + ], + [ + "Ġv", + "ÃŃt" + ], + [ + "ĠvÃŃt", + "ima" + ], + [ + "Ġquiz", + "á" + ], + [ + "ay", + "gı" + ], + [ + "×ĵ×ijר", + "×Ļ×ķ" + ], + [ + "Ġиз", + "д" + ], + [ + "Ġизд", + "ели" + ], + [ + "Ġиздели", + "Ñı" + ], + [ + "п", + "ла" + ], + [ + "пла", + "Ñĩ" + ], + [ + "плаÑĩ", + "ива" + ], + [ + "ä»»", + "ãģĽ" + ], + [ + "Ġéquip", + "é" + ], + [ + "ä¹ħ", + "ãģĹãģ" + ], + [ + "ä¹ħãģĹãģ", + "¶" + ], + [ + "ä¹ħãģĹãģ¶", + "ãĤĬ" + ], + [ + "Ġк", + "аÑĤ" + ], + [ + "ĠкаÑĤ", + "ал" + ], + [ + "ĠкаÑĤал", + "ог" + ], + [ + "ส", + "à¹īม" + ], + [ + "ĠÑĢ", + "ей" + ], + [ + "ĠÑĢей", + "ÑĤ" + ], + [ + "ĠÑĢейÑĤ", + "инг" + ], + [ + "Ġth", + "uyá»ģn" + ], + [ + "ĠاÙĦÙħ", + "ÙĤدس" + ], + [ + "esp", + "ère" + ], + [ + "ãģ«åħ¥", + "ãģ£ãģŁ" + ], + [ + "หมาย", + "à¹Ģลà¸Ĥ" + ], + [ + "ת×Ĺ×ķש", + "ת" + ], + [ + "à¸Ļ", + "à¹Īะ" + ], + [ + "Ġpe", + "ÅĤ" + ], + [ + "ĠpeÅĤ", + "ne" + ], + [ + "Ġpé", + "rd" + ], + [ + "Ġpérd", + "ida" + ], + [ + "หม", + "วà¸Ķ" + ], + [ + "หมวà¸Ķ", + "หมูà¹Ī" + ], + [ + "иÑĩеÑģк", + "ÑĥÑİ" + ], + [ + "çµĤ", + "ãĤı" + ], + [ + "çµĤãĤı", + "ãģ£ãģŁ" + ], + [ + "Ġ×Ĵ", + "×ķ×Ĵ׾" + ], + [ + "à¸Ĺำ", + "à¸Ħวาม" + ], + [ + "à¸Ĺำà¸Ħวาม", + "สะà¸Ńาà¸Ķ" + ], + [ + "Hot", + "éis" + ], + [ + "Ġз", + "аÑĢ" + ], + [ + "ĠзаÑĢ", + "егиÑģÑĤ" + ], + [ + "ĠзаÑĢегиÑģÑĤ", + "ÑĢи" + ], + [ + "ĠзаÑĢегиÑģÑĤÑĢи", + "ÑĢова" + ], + [ + "ĠÑģ", + "обÑĭÑĤи" + ], + [ + "ĠÑģобÑĭÑĤи", + "Ñı" + ], + [ + "Ġ×ĸ", + "׼×IJ" + ], + [ + "ÙħÙĨظ", + "ÙĪÙħØ©" + ], + [ + "Ġ×Ķ×ŀ", + "צ" + ], + [ + "Ġ×Ķ×ŀצ", + "×Ļ×IJ×ķת" + ], + [ + "Ùħ", + "ÙĥÙĪÙĨ" + ], + [ + "ÙħÙĥÙĪÙĨ", + "ات" + ], + [ + "ä¸ĬãģĮ", + "ãĤĭ" + ], + [ + "Ġm", + "ÄĻ" + ], + [ + "ĠmÄĻ", + "sk" + ], + [ + "หรืà¸Ń", + "à¹Ģà¸Ľà¸¥à¹Īา" + ], + [ + "ëĤ", + "®" + ], + [ + "Ġnok", + "tas" + ], + [ + "Ġnoktas", + "ı" + ], + [ + "ĠболÑĮÑĪ", + "им" + ], + [ + "ĠлÑĥÑĩ", + "ÑĪиÑħ" + ], + [ + "Ø´Ùĩ", + "ÙĬد" + ], + [ + "à¸Ńำ", + "à¸Ļ" + ], + [ + "à¸Ńำà¸Ļ", + "วย" + ], + [ + "à¸Ńำà¸Ļวย", + "à¸Ħวาม" + ], + [ + "à¸Ńำà¸Ļวยà¸Ħวาม", + "สะà¸Ķวà¸ģ" + ], + [ + "Ġе", + "в" + ], + [ + "Ġев", + "ÑĢ" + ], + [ + "ĠевÑĢ", + "оп" + ], + [ + "ĠевÑĢоп", + "ей" + ], + [ + "à¸ī", + "าย" + ], + [ + "ìĦ", + "Ń" + ], + [ + "Ùħ", + "Ù쨧" + ], + [ + "ÙħÙ쨧", + "ÙĪØ¶" + ], + [ + "ÙħÙ쨧ÙĪØ¶", + "ات" + ], + [ + "ë¹", + "Į" + ], + [ + "赤", + "ãģ¡ãĤĥãĤĵ" + ], + [ + "ĠÑĥдал", + "оÑģÑĮ" + ], + [ + "ĠÐ¥", + "оÑĤ" + ], + [ + "ĠХоÑĤ", + "Ñı" + ], + [ + "przedsiÄĻbior", + "c" + ], + [ + "ĠH", + "ôm" + ], + [ + "íķĺìĺĢ", + "ìĬµëĭĪëĭ¤" + ], + [ + "Ġн", + "аг" + ], + [ + "Ġнаг", + "ÑĢÑĥз" + ], + [ + "ĠнагÑĢÑĥз", + "к" + ], + [ + "Ġ×ij×Ļ׳", + "׾×IJ×ķ×ŀ×Ļ" + ], + [ + "Ġê°ĢëĬ¥", + "íķľ" + ], + [ + "ĠH", + "ữu" + ], + [ + "à¸Ń", + "ุà¸Ķ" + ], + [ + "à¸Ńุà¸Ķ", + "ม" + ], + [ + "ת", + "×ķפ" + ], + [ + "ת×ķפ", + "×¢×Ķ" + ], + [ + "Ġmi", + "ÅĤo" + ], + [ + "ĠmiÅĤo", + "ÅĽci" + ], + [ + "ksi", + "Äħż" + ], + [ + "ksiÄħż", + "ka" + ], + [ + "ĠاÙĦÙĦ", + "عبة" + ], + [ + "à¸ī", + "าà¸ģ" + ], + [ + "สะ", + "สม" + ], + [ + "×ŀ", + "תר" + ], + [ + "×ŀתר", + "×Ĺש" + ], + [ + "Ġlég", + "ère" + ], + [ + "Ġ׾צ", + "פ" + ], + [ + "Ġ׾צפ", + "×Ļ×Ķ" + ], + [ + "ĠиÑģÑĤоÑĢ", + "иÑı" + ], + [ + "Ġ", + "ãĥĪãĥ©" + ], + [ + "ĠãĥĪãĥ©", + "ãĥĥãĤ¯" + ], + [ + "ĠãĥĪãĥ©ãĥĥãĤ¯", + "ãĥIJãĥĥãĤ¯" + ], + [ + "Ġк", + "а" + ], + [ + "Ġка", + "ÑĦе" + ], + [ + "×ŀס×ŀ", + "×ļ" + ], + [ + "Ġc", + "üm" + ], + [ + "Ġcüm", + "le" + ], + [ + "à¹Ģà¸Ħลืà¹Īà¸Ńà¸Ļ", + "à¹Ħหว" + ], + [ + "ãģĬ", + "ãģĿ" + ], + [ + "ãģĬãģĿ", + "ãĤīãģı" + ], + [ + "ìŀIJ", + "ëıĻ" + ], + [ + "ìŀIJëıĻ", + "ì°¨" + ], + [ + "à¸Ńั", + "à¸ķ" + ], + [ + "à¸Ńัà¸ķ", + "à¹Ĥà¸Ļ" + ], + [ + "à¸Ńัà¸ķà¹Ĥà¸Ļ", + "มั" + ], + [ + "à¸Ńัà¸ķà¹Ĥà¸Ļมั", + "à¸ķิ" + ], + [ + "ĠÅŁ", + "ik" + ], + [ + "ĠÅŁik", + "ay" + ], + [ + "ĠÅŁikay", + "et" + ], + [ + "extr", + "ême" + ], + [ + "kr", + "ä" + ], + [ + "krä", + "fte" + ], + [ + "ëĤ", + "Ļ" + ], + [ + "íķ", + "ij" + ], + [ + "ì²", + "Ļ" + ], + [ + "íĺ", + "Ī" + ], + [ + "ì°", + "į" + ], + [ + "âĻ", + "¡" + ], + [ + "ìŀ", + "Ķ" + ], + [ + "ë¢", + "°" + ], + [ + "íĿ", + "Ķ" + ], + [ + "íĿ", + "IJ" + ], + [ + "âĩ", + "Ĵ" + ], + [ + "ë§", + "Ľ" + ], + [ + "ìĬ", + "Ī" + ], + [ + "á»", + "Ĵ" + ], + [ + "ìĺ", + "µ" + ], + [ + "âĹ", + "İ" + ], + [ + "í", + "Ĥ¨" + ], + [ + "ê¿", + "Ī" + ], + [ + "ìĪ", + "¨" + ], + [ + "ìĽ", + "¨" + ], + [ + "ë§", + "¥" + ], + [ + "ï½", + "Ģ" + ], + [ + "ï¼", + "ª" + ], + [ + "áº", + "¨" + ], + [ + "ãħ", + "İ" + ], + [ + "Ñ", + "Ĺ" + ], + [ + "ìĦ", + "¬" + ], + [ + "ì¹", + "¼" + ], + [ + "ï¼", + "¶" + ], + [ + "ìĽ", + "ł" + ], + [ + "ëŁ", + "´" + ], + [ + "Å", + "ĥ" + ], + [ + "ëĤ", + "¼" + ], + [ + "ëĭ", + "IJ" + ], + [ + "âĢ", + "¹" + ], + [ + "ë¦", + "Ń" + ], + [ + "ì§", + "IJ" + ], + [ + "âĢ", + "¤" + ], + [ + "Ã", + "ħ" + ], + [ + "ëľ", + "¨" + ], + [ + "íĦ", + "¸" + ], + [ + "íľ", + "ĺ" + ], + [ + "ê²", + "ģ" + ], + [ + "ë´", + "ħ" + ], + [ + "Ã", + "ĺ" + ], + [ + "ëŃ", + "Ķ" + ], + [ + "ëĺ", + "ij" + ], + [ + "âĹ", + "ĩ" + ], + [ + "ìĹ", + "ĺ" + ], + [ + "ï»", + "´" + ], + [ + "ë§", + "¹" + ], + [ + "ï¾", + "Ŀ" + ], + [ + "ìĬ", + "·" + ], + [ + "íĥ", + "ķ" + ], + [ + "ï¼", + "ł" + ], + [ + "ì»", + "´" + ], + [ + "ëł", + "Į" + ], + [ + "ì½", + "ľ" + ], + [ + "ï»", + "¹" + ], + [ + "ãħ", + "ł" + ], + [ + "ì¡", + "¸" + ], + [ + "ëħ", + "¹" + ], + [ + "âĤ", + "º" + ], + [ + "âĸ", + "¶" + ], + [ + "íĥ", + "IJ" + ], + [ + "êµ", + "´" + ], + [ + "íij", + "¸" + ], + [ + "Ñ", + "Ķ" + ], + [ + "íĶ", + "½" + ], + [ + "Ð", + "ħ" + ], + [ + "ë°", + "¤" + ], + [ + "Ô", + "ģ" + ], + [ + "ì²", + "¨" + ], + [ + "ì¶", + "ĺ" + ], + [ + "ë²", + "Ĺ" + ], + [ + "ë©", + "¸" + ], + [ + "ï¼", + "»" + ], + [ + "ï¼", + "½" + ], + [ + "ï¼", + "·" + ], + [ + "ì°", + "Į" + ], + [ + "Ã", + "Ĵ" + ], + [ + "íı", + "´" + ], + [ + "ìĵ", + "¸" + ], + [ + "ì´", + "Į" + ], + [ + "ëģ", + "Ķ" + ], + [ + "ëĶ", + "©" + ], + [ + "ëĩ", + "Į" + ], + [ + "ë©", + "Ģ" + ], + [ + "ë²", + "¨" + ], + [ + "ï¼", + "µ" + ], + [ + "ë§", + "¡" + ], + [ + "ëĭ", + "«" + ], + [ + "à¸", + "¿" + ], + [ + "ãģ", + "±" + ], + [ + "ìĩ", + "¼" + ], + [ + "ìº", + "ł" + ], + [ + "ë®", + "¤" + ], + [ + "ê±", + "±" + ], + [ + "ì»", + "¬" + ], + [ + "âĦ", + "ĥ" + ], + [ + "ëĶ", + "±" + ], + [ + "ëĥ", + "Ī" + ], + [ + "ìĭ", + "±" + ], + [ + "íĻ", + "Ī" + ], + [ + "ëŀ", + "IJ" + ], + [ + "ìħ", + "Ģ" + ], + [ + "ìł", + "ł" + ], + [ + "Ð", + "Ĩ" + ], + [ + "ëł", + "ī" + ], + [ + "ï½", + "ħ" + ], + [ + "ï½", + "ı" + ], + [ + "íĻ", + "Ģ" + ], + [ + "ëĽ", + "°" + ], + [ + "á»", + "®" + ], + [ + "í", + "Ĥ¹" + ], + [ + "ê½", + "ĥ" + ], + [ + "ï»", + "¤" + ], + [ + "ïº", + "Ķ" + ], + [ + "êº", + "¼" + ], + [ + "ìķ", + "ī" + ], + [ + "âĻ", + "¦" + ], + [ + "ï½", + "ģ" + ], + [ + "ìĵ", + "´" + ], + [ + "ãĢ", + "ī" + ], + [ + "ì°", + "®" + ], + [ + "ì¤", + "ĺ" + ], + [ + "á»", + "ª" + ], + [ + "ëģ", + "Ħ" + ], + [ + "ëIJ", + "¨" + ], + [ + "ìķ", + "Į" + ], + [ + "íĿ", + "ĺ" + ], + [ + "íħ", + "IJ" + ], + [ + "ãĢ", + "Ī" + ], + [ + "ê²", + "ª" + ], + [ + "ëĭ", + "¥" + ], + [ + "ê²", + "¼" + ], + [ + "á»", + "Į" + ], + [ + "ë§", + "¨" + ], + [ + "ëģ", + "Ĭ" + ], + [ + "ë²", + "¤" + ], + [ + "ëij", + "Ķ" + ], + [ + "íĿ", + "¡" + ], + [ + "á»", + "¬" + ], + [ + "ë¬", + "ĺ" + ], + [ + "ãģ", + "ī" + ], + [ + "ëŀ", + "«" + ], + [ + "íĶ", + "Ī" + ], + [ + "í", + "ħį" + ], + [ + "ìŀ", + "ĥ" + ], + [ + "ï½", + "ī" + ], + [ + "ìģ", + "ľ" + ], + [ + "âĸ", + "½" + ], + [ + "ë¬", + "»" + ], + [ + "âĸ", + "³" + ], + [ + "ï¼", + "¸" + ], + [ + "ìģ", + "ĺ" + ], + [ + "ì¶", + "°" + ], + [ + "ìĬ", + "´" + ], + [ + "ìķ", + "±" + ], + [ + "ìĩ", + "Ħ" + ], + [ + "áº", + "®" + ], + [ + "ï´", + "¿" + ], + [ + "ï´", + "¾" + ], + [ + "âĤ", + "½" + ], + [ + "ëĦ", + "ĵ" + ], + [ + "ë£", + "©" + ], + [ + "ì³", + "¤" + ], + [ + "ê´", + "ľ" + ], + [ + "Ã", + "Ļ" + ], + [ + "á»", + "ľ" + ], + [ + "ï¿", + "£" + ], + [ + "ëĵ", + "Ń" + ], + [ + "ë©", + "ĺ" + ], + [ + "ê»", + "´" + ], + [ + "ëł", + "´" + ], + [ + "Ð", + "ĥ" + ], + [ + "ë¬", + "µ" + ], + [ + "ì§", + "Ŀ" + ], + [ + "ãģ", + "º" + ], + [ + "ðŁĺ", + "Ĥ" + ], + [ + "ëŀ", + "¬" + ], + [ + "ìł", + "Ĭ" + ], + [ + "ê´", + "Ħ" + ], + [ + "ìŀ", + "Ĭ" + ], + [ + "íŀ", + "Į" + ], + [ + "ìĦ", + "¯" + ], + [ + "âĪ", + "Ģ" + ], + [ + "âĸ", + "¡" + ], + [ + "ëĢ", + "Į" + ], + [ + "ëŀ", + "Ļ" + ], + [ + "ï½", + "ĥ" + ], + [ + "áº", + "¶" + ], + [ + "ï¾", + "Ħ" + ], + [ + "ïº", + "ĺ" + ], + [ + "ë¹", + "¼" + ], + [ + "Ã", + "Į" + ], + [ + "âĸ", + "·" + ], + [ + "ê¸", + "į" + ], + [ + "ë©", + "ĭ" + ], + [ + "ãģ", + "ĥ" + ], + [ + "ìĺ", + "Ĩ" + ], + [ + "ìĺ", + "®" + ], + [ + "ëª", + "¬" + ], + [ + "ë¡", + "¤" + ], + [ + "ëł", + "¬" + ], + [ + "ëĬ", + "¦" + ], + [ + "âĸ", + "ª" + ], + [ + "ì¼", + "ĵ" + ], + [ + "ìľ", + "Ī" + ], + [ + "ì§", + "§" + ], + [ + "ï½", + "½" + ], + [ + "ëĥ", + "ī" + ], + [ + "ï¾", + "Į" + ], + [ + "ëĺ", + "IJ" + ], + [ + "ï¼", + "ĥ" + ], + [ + "á»", + "Ħ" + ], + [ + "ì´", + "¬" + ], + [ + "ì¶", + "¤" + ], + [ + "ï¼", + "¹" + ], + [ + "ï»", + "Ń" + ], + [ + "âĤ", + "«" + ], + [ + "ï½", + "ĩ" + ], + [ + "ìĺ", + "·" + ], + [ + "ëĸ", + "¨" + ], + [ + "âī", + "«" + ], + [ + "ë¦", + "¿" + ], + [ + "âľ", + "¨" + ], + [ + "Ù", + "±" + ], + [ + "ì¯", + "¤" + ], + [ + "ê¹", + "Ķ" + ], + [ + "ðŁĺ", + "Ĭ" + ], + [ + "ìĪ", + "«" + ], + [ + "ê³", + "±" + ], + [ + "êµ", + "³" + ], + [ + "ï½", + "ĭ" + ], + [ + "à¸", + "Į" + ], + [ + "Ä", + "ł" + ], + [ + "ëĶ", + "¸" + ], + [ + "ë°", + "ij" + ], + [ + "ìħ", + "ĭ" + ], + [ + "íİ", + "´" + ], + [ + "âľ", + "ħ" + ], + [ + "íĥ", + "ij" + ], + [ + "ëĪ", + "ĩ" + ], + [ + "íı", + "¼" + ], + [ + "ðŁĺ", + "į" + ], + [ + "ìĺ", + "Ľ" + ], + [ + "ï»", + "£" + ], + [ + "Ñ", + "ĺ" + ], + [ + "ì©", + "Į" + ], + [ + "ë¦", + "ħ" + ], + [ + "ìĿ", + "į" + ], + [ + "ï½", + "¸" + ], + [ + "ëį", + "ľ" + ], + [ + "ãģ", + "ħ" + ], + [ + "íİ", + "¼" + ], + [ + "ëĭ", + "Ŀ" + ], + [ + "ë¿", + "Į" + ], + [ + "ì¼", + "°" + ], + [ + "ìĭ", + "«" + ], + [ + "ë°", + "¥" + ], + [ + "íĽ", + "Į" + ], + [ + "ì¨", + "Į" + ], + [ + "ë¹", + "Ļ" + ], + [ + "ï½", + "İ" + ], + [ + "ë´", + "Ħ" + ], + [ + "ìĦ", + "¹" + ], + [ + "ï½", + "²" + ], + [ + "ìĮ", + "ĵ" + ], + [ + "Ò", + "ij" + ], + [ + "ë°", + "į" + ], + [ + "ëł", + "Ģ" + ], + [ + "íĨ", + "¤" + ], + [ + "ï½", + "¯" + ], + [ + "ë¤", + "Ħ" + ], + [ + "ê½", + "¤" + ], + [ + "ï½", + "Ĵ" + ], + [ + "ìķ", + "¨" + ], + [ + "ï½", + "¼" + ], + [ + "ê¹", + "IJ" + ], + [ + "íģ", + "IJ" + ], + [ + "âĦ", + "ĸ" + ], + [ + "ë§", + "º" + ], + [ + "ïº", + "®" + ], + [ + "ëħ", + "ģ" + ], + [ + "ê²", + "¸" + ], + [ + "ï»", + "ł" + ], + [ + "íĬ", + "ľ" + ], + [ + "Å", + "¹" + ], + [ + "ë¥", + "Ń" + ], + [ + "ëĪ", + "ī" + ], + [ + "ï½", + "Ķ" + ], + [ + "íĮ", + "¬" + ], + [ + "ìŀ", + "ĩ" + ], + [ + "ï", + "¬ģ" + ], + [ + "ï»", + "¨" + ], + [ + "ëij", + "¥" + ], + [ + "ëŀ", + "Ħ" + ], + [ + "Ù", + "¬" + ], + [ + "íĭ", + "´" + ], + [ + "ìŀ", + "ī" + ], + [ + "Ú", + "¾" + ], + [ + "ìĽ", + "ħ" + ], + [ + "ï»", + "®" + ], + [ + "ëĭ", + "ī" + ], + [ + "âī", + "ª" + ], + [ + "âĹ", + "Ħ" + ], + [ + "ëĪ", + "Į" + ], + [ + "íĽ", + "¼" + ], + [ + "ì¤", + "į" + ], + [ + "Å", + "¸" + ], + [ + "ì¤", + "¬" + ], + [ + "ì¾", + "Į" + ], + [ + "ï½", + "ĵ" + ], + [ + "ï¾", + "Ĭ" + ], + [ + "ðŁı", + "»" + ], + [ + "ï¾", + "ī" + ], + [ + "Ð", + "ģ" + ], + [ + "íĺ", + "IJ" + ], + [ + "ï¾", + "Ļ" + ], + [ + "ê¼", + "¬" + ], + [ + "íŀ", + "IJ" + ], + [ + "âĢ", + "¥" + ], + [ + "ëŁ", + "Ń" + ], + [ + "ë§", + "ŀ" + ], + [ + "ìĥ", + "¤" + ], + [ + "ïº", + "Ĵ" + ], + [ + "íĭ", + "±" + ], + [ + "ë½", + "ij" + ], + [ + "Ã", + "ķ" + ], + [ + "âĪ", + "ļ" + ], + [ + "ëĤ", + "Ħ" + ], + [ + "ê¹", + "Ŀ" + ], + [ + "ëĨ", + "Ī" + ], + [ + "áº", + "º" + ], + [ + "ìħ", + "Ī" + ], + [ + "ìĮ", + "į" + ], + [ + "âĢ", + "¡" + ], + [ + "ï¼", + "±" + ], + [ + "ìģ", + "¨" + ], + [ + "âĺ", + "º" + ], + [ + "ëĴ", + "·" + ], + [ + "ìĺ", + "³" + ], + [ + "ðŁij", + "į" + ], + [ + "ëª", + "½" + ], + [ + "ëĤ", + "Ń" + ], + [ + "ïº", + "Ń" + ], + [ + "ë©", + "Ī" + ], + [ + "á»", + "Ī" + ], + [ + "íķ", + "Ģ" + ], + [ + "ëĭ", + "Ļ" + ], + [ + "ë¦", + "ĩ" + ], + [ + "ìķ", + "¤" + ], + [ + "ìį", + "¼" + ], + [ + "ãĥ", + "µ" + ], + [ + "Ñ", + "£" + ], + [ + "ìľ", + "Ĺ" + ], + [ + "â", + "ŃIJ" + ], + [ + "ï¾", + "ĺ" + ], + [ + "íĹ", + "¬" + ], + [ + "ê¾", + "¼" + ], + [ + "ìķ", + "Ĺ" + ], + [ + "ï»", + "Į" + ], + [ + "ê±", + "·" + ], + [ + "ëħ", + "ķ" + ], + [ + "ë¡", + "±" + ], + [ + "ìķ", + "Ĭ" + ], + [ + "ï¾", + "Ģ" + ], + [ + "ìĩ", + "ł" + ], + [ + "íĮ", + "©" + ], + [ + "ïº", + "ª" + ], + [ + "ë§", + "Ļ" + ], + [ + "ï¼", + "¿" + ], + [ + "ê¿", + "Ķ" + ], + [ + "íİ", + "ľ" + ], + [ + "ë£", + "¸" + ], + [ + "íĶ", + "Ķ" + ], + [ + "ï»", + "³" + ], + [ + "ëı", + "ķ" + ], + [ + "ìĭ", + "¼" + ], + [ + "á»", + "İ" + ], + [ + "ë§", + "ĺ" + ], + [ + "ì¢", + "ĭ" + ], + [ + "íĨ", + "¡" + ], + [ + "ï½", + "±" + ], + [ + "íĿ", + "ij" + ], + [ + "á»", + "¸" + ], + [ + "ì¦", + "Į" + ], + [ + "ì¹", + "¸" + ], + [ + "ëŃ", + "ĺ" + ], + [ + "ï¾", + "Ĺ" + ], + [ + "ï»", + "ĭ" + ], + [ + "íĬ", + "Ģ" + ], + [ + "ë¥", + "Ļ" + ], + [ + "ì½", + "©" + ], + [ + "ëģ", + "Ĺ" + ], + [ + "ëį", + "´" + ], + [ + "ìħ", + "ľ" + ], + [ + "Â", + "¸" + ], + [ + "ë»", + "IJ" + ], + [ + "ìĥ", + "µ" + ], + [ + "ê²", + "IJ" + ], + [ + "ëĵ", + "¬" + ], + [ + "ë£", + "°" + ], + [ + "ãħ", + "ĭ" + ], + [ + "ìĹ", + "ī" + ], + [ + "á»", + "ĸ" + ], + [ + "ëĦ", + "Į" + ], + [ + "ï½", + "¶" + ], + [ + "ë´", + "ĩ" + ], + [ + "ëĤ", + "³" + ], + [ + "ãĤ", + "ľ" + ], + [ + "ëĸ", + "»" + ], + [ + "íİ", + "Ģ" + ], + [ + "ëį", + "©" + ], + [ + "íķ", + "¸" + ], + [ + "Ã", + "·" + ], + [ + "ê¼", + "¼" + ], + [ + "ëĶ", + "ľ" + ], + [ + "ë°", + "´" + ], + [ + "ë©", + "į" + ], + [ + "âĹ", + "¯" + ], + [ + "ìĹ", + "ij" + ], + [ + "ìĻ", + "¼" + ], + [ + "ïº", + "ij" + ], + [ + "ë¶", + "ķ" + ], + [ + "ë¡", + "¬" + ], + [ + "ï½", + "Į" + ], + [ + "íĨ", + "¨" + ], + [ + "ïº", + "´" + ], + [ + "ëł", + "ĺ" + ], + [ + "ê°", + "¤" + ], + [ + "ìĪ", + "²" + ], + [ + "Ñ", + "ĵ" + ], + [ + "ìħ", + "ī" + ], + [ + "ï»", + "ĵ" + ], + [ + "ëĪ", + "Ķ" + ], + [ + "ëį", + "§" + ], + [ + "âĢ", + "¼" + ], + [ + "ï»", + "²" + ], + [ + "ê°", + "±" + ], + [ + "ê¿", + "Ģ" + ], + [ + "ëĭ", + "·" + ], + [ + "áº", + "¸" + ], + [ + "áº", + "ª" + ], + [ + "Æ", + "Ĵ" + ], + [ + "ëį", + "¤" + ], + [ + "ìĪ", + "Ń" + ], + [ + "ï½", + "Ĥ" + ], + [ + "ï½", + "Ī" + ], + [ + "Å", + "ł" + ], + [ + "ë£", + "¬" + ], + [ + "Ñ", + "µ" + ], + [ + "ëĸ", + "¡" + ], + [ + "ëĥ", + "Ħ" + ], + [ + "ìĦ", + "°" + ], + [ + "ëĵ", + "Ī" + ], + [ + "ï¾", + "ĥ" + ], + [ + "ëĩ", + "¨" + ], + [ + "ï½", + "IJ" + ], + [ + "êµ", + "½" + ], + [ + "ìĹ", + "½" + ], + [ + "ëĤ", + "Ģ" + ], + [ + "ë¬", + "¶" + ], + [ + "ï½", + "·" + ], + [ + "ìı", + "Ł" + ], + [ + "íĺ", + "Ķ" + ], + [ + "ê¼", + "Ī" + ], + [ + "ëģ", + "Ī" + ], + [ + "ì¥", + "IJ" + ], + [ + "ïº", + "Ĺ" + ], + [ + "Ä", + "Į" + ], + [ + "ëĪ", + "ł" + ], + [ + "ëĸ", + "¼" + ], + [ + "íĢ", + "´" + ], + [ + "âī", + "¥" + ], + [ + "ëĭ", + "Ń" + ], + [ + "ì±", + "Ļ" + ], + [ + "ê»", + "ı" + ], + [ + "ë©", + "¤" + ], + [ + "ìĥ", + "ĺ" + ], + [ + "ëį", + "®" + ], + [ + "ë£", + "¡" + ], + [ + "ìĤ", + "½" + ], + [ + "ãĪ", + "ľ" + ], + [ + "Ä", + "¨" + ], + [ + "âĢ", + "§" + ], + [ + "ï½", + "º" + ], + [ + "Ä", + "£" + ], + [ + "ì¦", + "ī" + ], + [ + "ï¼", + "¼" + ], + [ + "Û", + "©" + ], + [ + "âĪ", + "Ļ" + ], + [ + "ë°", + "ı" + ], + [ + "ë¹", + "ħ" + ], + [ + "ðŁĺ", + "Ľ" + ], + [ + "íĪ", + "´" + ], + [ + "ðŁĴ", + "ķ" + ], + [ + "ãĢ", + "Ĵ" + ], + [ + "ìŀ", + "ĺ" + ], + [ + "ïº", + "¤" + ], + [ + "ï½", + "ĸ" + ], + [ + "ë©", + "ľ" + ], + [ + "ë²", + "¼" + ], + [ + "ëĿ", + "Ħ" + ], + [ + "ëļ", + "ľ" + ], + [ + "ï»", + "ĺ" + ], + [ + "ìĥ", + "Į" + ], + [ + "ï½", + "Ħ" + ], + [ + "ì©", + "Ķ" + ], + [ + "ï½", + "Ļ" + ], + [ + "ïº", + "©" + ], + [ + "Û", + "ŀ" + ], + [ + "âĺ", + "İ" + ], + [ + "ìł", + "¤" + ], + [ + "ëIJ", + "©" + ], + [ + "Å", + "Ŀ" + ], + [ + "âŀ", + "¡" + ], + [ + "ï»", + "§" + ], + [ + "Ð", + "ı" + ], + [ + "ì«", + "ĵ" + ], + [ + "ê³", + "½" + ], + [ + "É", + "ij" + ], + [ + "ãĥ", + "²" + ], + [ + "ëĤ", + "«" + ], + [ + "ë¦", + "ī" + ], + [ + "ì¢", + "ģ" + ], + [ + "ë°", + "Ń" + ], + [ + "ðŁĺ", + "ģ" + ], + [ + "ë¹", + "µ" + ], + [ + "ì²", + "©" + ], + [ + "ì»", + "µ" + ], + [ + "ðŁĺ", + "ĺ" + ], + [ + "ë±", + "ħ" + ], + [ + "âī", + "Ī" + ], + [ + "ë¹", + "ļ" + ], + [ + "ï»", + "ľ" + ], + [ + "ðŁĻ", + "ı" + ], + [ + "íģ", + "°" + ], + [ + "ìĦ", + "ŀ" + ], + [ + "ï¾", + "ļ" + ], + [ + "ìĺ", + "¹" + ], + [ + "ë¼", + "Ī" + ], + [ + "ëĤ", + "¯" + ], + [ + "ëŀ", + "©" + ], + [ + "íļ", + "¡" + ], + [ + "ï½", + "ķ" + ], + [ + "íĥ", + "ĵ" + ], + [ + "ëĿ", + "ł" + ], + [ + "ê³", + "ģ" + ], + [ + "ëĵ", + "Ģ" + ], + [ + "ìĹ", + "ł" + ], + [ + "ï¼", + "º" + ], + [ + "ë§", + "ij" + ], + [ + "ëĭ", + "¿" + ], + [ + "ì¿", + "¨" + ], + [ + "ãİ", + "¡" + ], + [ + "Ð", + "Ĭ" + ], + [ + "íĦ", + "±" + ], + [ + "Å", + "¨" + ], + [ + "ïº", + "³" + ], + [ + "ï¾", + "ı" + ], + [ + "âĭ", + "ħ" + ], + [ + "ê¼", + "´" + ], + [ + "âī", + "¤" + ], + [ + "íĮ", + "ģ" + ], + [ + "Î", + "©" + ], + [ + "ê¶", + "¤" + ], + [ + "ìĪ", + "į" + ], + [ + "âľ", + "¿" + ], + [ + "ì½", + "¤" + ], + [ + "ëĪ", + "ħ" + ], + [ + "íĨ", + "±" + ], + [ + "ãħ", + "ľ" + ], + [ + "áIJ", + "ħ" + ], + [ + "Å", + "Ĵ" + ], + [ + "ðŁij", + "ī" + ], + [ + "ï»", + "¦" + ], + [ + "Ð", + "ª" + ], + [ + "ë¥", + "ľ" + ], + [ + "íķ", + "«" + ], + [ + "ï¾", + "ĭ" + ], + [ + "âĻ", + "«" + ], + [ + "ê¹", + "ľ" + ], + [ + "ë°", + "¸" + ], + [ + "ëĶ", + "ĺ" + ], + [ + "íĿ", + "ī" + ], + [ + "ï¾", + "ģ" + ], + [ + "ï¾", + "Ľ" + ], + [ + "ëł", + "Ľ" + ], + [ + "ê²", + "¹" + ], + [ + "ì¿", + "¼" + ], + [ + "ï»", + "¬" + ], + [ + "âŀ", + "¤" + ], + [ + "ðŁĻ", + "ģ" + ], + [ + "ïº", + "ł" + ], + [ + "ëĨ", + "¨" + ], + [ + "ë¯", + "¹" + ], + [ + "ê¸", + "ĭ" + ], + [ + "ë»", + "Ķ" + ], + [ + "ê¹", + "ĥ" + ], + [ + "ëij", + "ij" + ], + [ + "íĭ", + "¸" + ], + [ + "íİ", + "Ļ" + ], + [ + "âŀ", + "ĸ" + ], + [ + "ãĥ", + "½" + ], + [ + "ì§", + "ļ" + ], + [ + "ï½", + "¬" + ], + [ + "ï»", + "¥" + ], + [ + "íĮ", + "½" + ], + [ + "âĢ", + "Ĵ" + ], + [ + "ì", + "ĮĢ" + ], + [ + "ìŃ", + "ī" + ], + [ + "ëļ", + "±" + ], + [ + "ãĤ", + "ŀ" + ], + [ + "íĭ", + "Ī" + ], + [ + "ãĤ", + "IJ" + ], + [ + "ëī", + "ĺ" + ], + [ + "Î", + "£" + ], + [ + "ê³", + "°" + ], + [ + "ë¹", + "Ĺ" + ], + [ + "ï¾", + "İ" + ], + [ + "ðŁĺ", + "Ń" + ], + [ + "íĿ", + "ł" + ], + [ + "ìĹ", + "¿" + ], + [ + "ê°", + "ļ" + ], + [ + "ì¤", + "Į" + ], + [ + "ë§", + "µ" + ], + [ + "ï½", + "³" + ], + [ + "ãģ", + "¢" + ], + [ + "ï»", + "Ĺ" + ], + [ + "âī", + "¦" + ], + [ + "Ú", + "¤" + ], + [ + "ë", + "łģ" + ], + [ + "ê¼", + "½" + ], + [ + "ï»", + "«" + ], + [ + "âī", + "§" + ], + [ + "ì´", + "Ľ" + ], + [ + "ìł", + "Ŀ" + ], + [ + "áº", + "°" + ], + [ + "âĻ", + "£" + ], + [ + "ìº", + "ĺ" + ], + [ + "âĪ", + "ĩ" + ], + [ + "ê²", + "ī" + ], + [ + "ë°", + "Ł" + ], + [ + "ï»", + "Ķ" + ], + [ + "íĸ", + "ĩ" + ], + [ + "âĸ", + "Ĵ" + ], + [ + "ðŁij", + "ı" + ], + [ + "Ã", + "ŀ" + ], + [ + "ðŁĺ", + "Ĩ" + ], + [ + "ïº", + "¼" + ], + [ + "âĿ", + "Ĺ" + ], + [ + "ìº", + "Ķ" + ], + [ + "ì¹", + "©" + ], + [ + "ëĸ", + "¤" + ], + [ + "ëĥ", + "ħ" + ], + [ + "âĶ", + "ľ" + ], + [ + "ï½", + "»" + ], + [ + "Î", + "Ķ" + ], + [ + "áĥ", + "¦" + ], + [ + "ìŀ", + "İ" + ], + [ + "âĺ", + "Ģ" + ], + [ + "âĪ", + "¼" + ], + [ + "ðŁĶ", + "¥" + ], + [ + "ë°", + "Į" + ], + [ + "ìł", + "ĸ" + ], + [ + "íĹ", + "Ľ" + ], + [ + "Î", + "ķ" + ], + [ + "ïº", + "ĥ" + ], + [ + "ë¶", + "ī" + ], + [ + "âĪ", + "ŀ" + ], + [ + "íĥ", + "Ń" + ], + [ + "Ã", + "ĭ" + ], + [ + "âģ", + "Ħ" + ], + [ + "ãħ", + "ĩ" + ], + [ + "ëĦ", + "¥" + ], + [ + "ëĭ", + "®" + ], + [ + "ëł", + "·" + ], + [ + "íĮ", + "Ŀ" + ], + [ + "ìº", + "¡" + ], + [ + "ë·", + "Ķ" + ], + [ + "ì©", + "į" + ], + [ + "íĤ", + "´" + ], + [ + "ëļ", + "«" + ], + [ + "âĵ", + "Ĵ" + ], + [ + "íķ", + "į" + ], + [ + "âĻ", + "Ĥ" + ], + [ + "ï¾", + "Ĩ" + ], + [ + "âĨ", + "©" + ], + [ + "ìį", + "©" + ], + [ + "ïº", + "ķ" + ], + [ + "íĿ", + "Ļ" + ], + [ + "Ñ", + "ľ" + ], + [ + "íĤ", + "·" + ], + [ + "íĿ", + "°" + ], + [ + "íĥ", + "±" + ], + [ + "ëķ", + "IJ" + ], + [ + "ï¾", + "Ĵ" + ], + [ + "×", + "ĥ" + ], + [ + "ëĮ", + "Ħ" + ], + [ + "ìĺ", + "´" + ], + [ + "ìķ", + "µ" + ], + [ + "ê¹", + "¥" + ], + [ + "ëŀ", + "Ń" + ], + [ + "ìª", + "¼" + ], + [ + "ãİ", + "Ŀ" + ], + [ + "ðŁĺ", + "ħ" + ], + [ + "ëı", + "ĭ" + ], + [ + "ëª", + "«" + ], + [ + "ïº", + "¸" + ], + [ + "ë®", + "¬" + ], + [ + "ë²", + "ħ" + ], + [ + "ëij", + "ł" + ], + [ + "ìħ", + "°" + ], + [ + "ì»", + "·" + ], + [ + "ëĶ", + "ª" + ], + [ + "ëħ", + "Ķ" + ], + [ + "ãħ", + "¡" + ], + [ + "ìĶ", + "»" + ], + [ + "íķ", + "ı" + ], + [ + "ëį", + "±" + ], + [ + "ïº", + "¨" + ], + [ + "ï¾", + "į" + ], + [ + "ï½", + "µ" + ], + [ + "ì¢", + "Ģ" + ], + [ + "íİ", + "Į" + ], + [ + "ï»", + "°" + ], + [ + "ïº", + "£" + ], + [ + "Æ", + "£" + ], + [ + "ð٤", + "£" + ], + [ + "ï·", + "º" + ], + [ + "ëĤ", + "ļ" + ], + [ + "âĭ", + "Ĩ" + ], + [ + "ë³", + "į" + ], + [ + "ðŁĺ", + "Ħ" + ], + [ + "ìĸ", + "Ģ" + ], + [ + "ìĻ", + "ł" + ], + [ + "ëĨ", + "Ķ" + ], + [ + "íĹ", + "¨" + ], + [ + "ï»", + "Ľ" + ], + [ + "ï»", + "Ŀ" + ], + [ + "á»", + "¶" + ], + [ + "ìĸ", + "ĺ" + ], + [ + "ìİ", + "Ħ" + ], + [ + "Ú", + "Ĩ" + ], + [ + "ï»", + "ŀ" + ], + [ + "ëĢ", + "IJ" + ], + [ + "ê²", + "Ķ" + ], + [ + "ï»", + "µ" + ], + [ + "âĹ", + "¦" + ], + [ + "íļ", + "Ł" + ], + [ + "ê¹", + "ģ" + ], + [ + "ê°", + "ĵ" + ], + [ + "ëĶ", + "´" + ], + [ + "ìı", + "ĺ" + ], + [ + "ëļ", + "Ŀ" + ], + [ + "á»", + "ł" + ], + [ + "ëŀ", + "´" + ], + [ + "ëĦ", + "ī" + ], + [ + "âĺ", + "ŀ" + ], + [ + "ï½", + "ĺ" + ], + [ + "Å", + "½" + ], + [ + "ë¦", + "İ" + ], + [ + "âĸ", + "¬" + ], + [ + "ëŃ", + "ī" + ], + [ + "âĩ", + "Ľ" + ], + [ + "ìį", + "¬" + ], + [ + "ïº", + "Ł" + ], + [ + "Ë", + "ľ" + ], + [ + "ë¶", + "ĵ" + ], + [ + "ìĽ", + "°" + ], + [ + "Å", + "ľ" + ], + [ + "ëŃ", + "ĩ" + ], + [ + "á»", + "²" + ], + [ + "Ë", + "ļ" + ], + [ + "ëķ", + "Ģ" + ], + [ + "âĺ", + "ij" + ], + [ + "ðŁı", + "¼" + ], + [ + "ìĸ", + "½" + ], + [ + "âĮ", + "Ĵ" + ], + [ + "Ð", + "İ" + ], + [ + "É", + "¾" + ], + [ + "íĮ", + "¡" + ], + [ + "ï¾", + "ħ" + ], + [ + "ìŀ", + "Ń" + ], + [ + "ï½", + "¨" + ], + [ + "ì¹", + "«" + ], + [ + "ìľ", + "Į" + ], + [ + "Ò", + "Ľ" + ], + [ + "êµ", + "¿" + ], + [ + "ëĭ", + "¦" + ], + [ + "âĶ", + "Ķ" + ], + [ + "ï¾", + "ij" + ], + [ + "ì§", + "ĸ" + ], + [ + "ìº", + "Ħ" + ], + [ + "ãĢ", + "ĥ" + ], + [ + "Ê", + "¼" + ], + [ + "ê²", + "Ł" + ], + [ + "ï½", + "§" + ], + [ + "Ä", + "¢" + ], + [ + "íİ", + "ł" + ], + [ + "ë§", + "·" + ], + [ + "ê°", + "ĩ" + ], + [ + "ìĭ", + "¹" + ], + [ + "ðŁĴ", + "¦" + ], + [ + "ï¾", + "ľ" + ], + [ + "ëĬ", + "Ļ" + ], + [ + "ë²", + "¡" + ], + [ + "Å", + "¿" + ], + [ + "ðŁĺ", + "ĭ" + ], + [ + "ðŁĴ", + "ª" + ], + [ + "ì¿", + "Ħ" + ], + [ + "ë©", + "ķ" + ], + [ + "ìŃ", + "¤" + ], + [ + "ëĬ", + "Ħ" + ], + [ + "ðŁĮ", + "¸" + ], + [ + "ãĤ", + "Ŀ" + ], + [ + "Ç", + "İ" + ], + [ + "ï½", + "ļ" + ], + [ + "Ä", + "Ĺ" + ], + [ + "ëģ", + "ĵ" + ], + [ + "ê¶", + "IJ" + ], + [ + "áµ", + "ī" + ], + [ + "ãĥ", + "Ĥ" + ], + [ + "ê»", + "į" + ], + [ + "ðŁĺ", + "¦" + ], + [ + "ãĢ", + "Ŀ" + ], + [ + "ð٤", + "Ĺ" + ], + [ + "Ñ", + "Ł" + ], + [ + "ìĹ", + "İ" + ], + [ + "âľ", + "Į" + ], + [ + "ìī", + "IJ" + ], + [ + "Ã", + "Ĩ" + ], + [ + "íĹ", + "IJ" + ], + [ + "ðŁİ", + "ī" + ], + [ + "Î", + "ij" + ], + [ + "ï½", + "Ń" + ], + [ + "ðŁĴ", + "Ļ" + ], + [ + "ìĽ", + "¬" + ], + [ + "íĢ", + "ĺ" + ], + [ + "ï»", + "¢" + ], + [ + "ðŁĺ", + "İ" + ], + [ + "íij", + "¼" + ], + [ + "íĿ", + "©" + ], + [ + "ï»", + "Ħ" + ], + [ + "íħ", + "Ģ" + ], + [ + "ëł", + "IJ" + ], + [ + "ì¥", + "¬" + ], + [ + "Ð", + "ĭ" + ], + [ + "ìĥ", + "·" + ], + [ + "ëľ", + "¬" + ], + [ + "ðŁĺ", + "ĥ" + ], + [ + "ëĦ", + "¬" + ], + [ + "ë¥", + "¨" + ], + [ + "ìĽ", + "į" + ], + [ + "ï½", + "Ĩ" + ], + [ + "ï½", + "´" + ], + [ + "ãĥ", + "ħ" + ], + [ + "Ã", + "ı" + ], + [ + "ï»", + "ª" + ], + [ + "âĻ", + "ł" + ], + [ + "ëĬ", + "¬" + ], + [ + "ë±", + "Ģ" + ], + [ + "ë°", + "ĭ" + ], + [ + "ìĥ", + "Ģ" + ], + [ + "ï½", + "¾" + ], + [ + "ëĤ", + "±" + ], + [ + "ì»", + "¸" + ], + [ + "ðŁĴ", + "ĸ" + ], + [ + "ðŁij", + "Į" + ], + [ + "Ñ", + "ŀ" + ], + [ + "ì§", + "±" + ], + [ + "Ë", + "Ĩ" + ], + [ + "ðŁĵ", + "ļ" + ], + [ + "âŃ", + "ķ" + ], + [ + "ï¬", + "Ĥ" + ], + [ + "ï»", + "¡" + ], + [ + "ëij", + "¬" + ], + [ + "íĪ", + "¼" + ], + [ + "âĸ", + "¸" + ], + [ + "ê°", + "¯" + ], + [ + "ê¹", + "ħ" + ], + [ + "ï½", + "®" + ], + [ + "ëĺ", + "¥" + ], + [ + "Ä", + "¡" + ], + [ + "íĮ", + "Ł" + ], + [ + "Ð", + "Į" + ], + [ + "ìĨ", + "Ł" + ], + [ + "ïº", + "ĵ" + ], + [ + "ï»", + "¼" + ], + [ + "Ã", + "Ľ" + ], + [ + "ãĥ", + "¾" + ], + [ + "ëĮ", + "ĵ" + ], + [ + "íĴ", + "ĭ" + ], + [ + "ìķ", + "ĵ" + ], + [ + "ï½", + "¹" + ], + [ + "ëĤ", + "¡" + ], + [ + "ðŁij", + "ĩ" + ], + [ + "áº", + "¼" + ], + [ + "ãĢ", + "Ł" + ], + [ + "ðŁĮ", + "Ł" + ], + [ + "íĥ", + "ł" + ], + [ + "ãĢ", + "Ĩ" + ], + [ + "âĢ", + "Ł" + ], + [ + "ë¸", + "IJ" + ], + [ + "ðŁĮ", + "¹" + ], + [ + "ìł", + "¼" + ], + [ + "ðŁĵ", + "Į" + ], + [ + "ìĶ", + "¬" + ], + [ + "âĹ", + "Ģ" + ], + [ + "ðŁĴ", + "ĵ" + ], + [ + "ê¹", + "İ" + ], + [ + "ìĤ", + "IJ" + ], + [ + "ìĶ", + "Į" + ], + [ + "Ñ", + "Ľ" + ], + [ + "âĶ", + "Ī" + ], + [ + "ë²", + "³" + ], + [ + "ãİ", + "ŀ" + ], + [ + "Õ", + "¡" + ], + [ + "íĤ", + "µ" + ], + [ + "ð٤", + "Ķ" + ], + [ + "ëĢ", + "Ķ" + ], + [ + "ìĬ", + "IJ" + ], + [ + "íĻ", + "ī" + ], + [ + "âľ", + "¦" + ], + [ + "ëľ", + "¯" + ], + [ + "ìł", + "¯" + ], + [ + "ëĶ", + "§" + ], + [ + "Î", + "¦" + ], + [ + "Ë", + "Ī" + ], + [ + "ìī", + "¼" + ], + [ + "âĹ", + "Ĭ" + ], + [ + "ëľ", + "©" + ], + [ + "ëľ", + "°" + ], + [ + "ï¾", + "IJ" + ], + [ + "ë¿", + "Ķ" + ], + [ + "ìĹ", + "®" + ], + [ + "ì·", + "Į" + ], + [ + "ïº", + "§" + ], + [ + "Î", + "Ĵ" + ], + [ + "ëµ", + "Ļ" + ], + [ + "ï»", + "Ĭ" + ], + [ + "ì°", + "Ķ" + ], + [ + "íİ", + "Ħ" + ], + [ + "ðŁĴ", + "Ĺ" + ], + [ + "áº", + "´" + ], + [ + "ì°", + "¢" + ], + [ + "íľ", + "¼" + ], + [ + "ê½", + "Ĥ" + ], + [ + "ì±", + "Ķ" + ], + [ + "ìī", + "´" + ], + [ + "âĸ", + "¾" + ], + [ + "íĪ", + "°" + ], + [ + "ëĭ", + "Ľ" + ], + [ + "âĿ", + "£" + ], + [ + "ï½", + "ª" + ], + [ + "ðŁĴ", + "ľ" + ], + [ + "Ë", + "ĺ" + ], + [ + "ãħ", + "¤" + ], + [ + "âĨ", + "Ĺ" + ], + [ + "íĸ", + "Ħ" + ], + [ + "âĻ", + "¬" + ], + [ + "ìķ", + "°" + ], + [ + "ïº", + "ľ" + ], + [ + "âī", + "¡" + ], + [ + "ãĢ", + "ĵ" + ], + [ + "ìij", + "¥" + ], + [ + "íĮ", + "į" + ], + [ + "íī", + "ģ" + ], + [ + "ë»", + "Ĺ" + ], + [ + "íľ", + "ł" + ], + [ + "íľ", + "©" + ], + [ + "âľ", + "Ī" + ], + [ + "íĢ", + "Ħ" + ], + [ + "ìĸ", + "ĩ" + ], + [ + "ì¢", + "ĩ" + ], + [ + "íŀ", + "Ļ" + ], + [ + "ëª", + "¹" + ], + [ + "ãĤ", + "Ľ" + ], + [ + "ðŁĺ", + "±" + ], + [ + "ëį", + "Ł" + ], + [ + "à¹", + "ħ" + ], + [ + "êµ", + "¶" + ], + [ + "Ù", + "«" + ], + [ + "ìĶ", + "ģ" + ], + [ + "âľ", + "ª" + ], + [ + "ï¾", + "Ī" + ], + [ + "ðŁĻ", + "Į" + ], + [ + "âļ", + "¡" + ], + [ + "Î", + "ļ" + ], + [ + "ì¼", + "Ī" + ], + [ + "ï¾", + "Ķ" + ], + [ + "ï¾", + "Ĥ" + ], + [ + "êµ", + "ī" + ], + [ + "ïº", + "»" + ], + [ + "ðŁĴ", + "ĭ" + ], + [ + "á¹", + "£" + ], + [ + "Ó", + "Ļ" + ], + [ + "ìĨ", + "ľ" + ], + [ + "ìĹ", + "£" + ], + [ + "âľ", + "©" + ], + [ + "ìľ", + "Ļ" + ], + [ + "ïº", + "°" + ], + [ + "áº", + "²" + ], + [ + "ìŀ", + "£" + ], + [ + "âĿ", + "Į" + ], + [ + "âĺ", + "ģ" + ], + [ + "ìķ", + "İ" + ], + [ + "Ä", + "½" + ], + [ + "Û", + "ģ" + ], + [ + "ãĦ", + "±" + ], + [ + "ëŁ", + "¿" + ], + [ + "íĮ", + "¸" + ], + [ + "ê½", + "ī" + ], + [ + "ìı", + "ł" + ], + [ + "ðŁį", + "Ģ" + ], + [ + "âĨ", + "Ķ" + ], + [ + "ëŃ", + "¡" + ], + [ + "ï»", + "ģ" + ], + [ + "ï¼", + "Ħ" + ], + [ + "ðŁĴ", + "¥" + ], + [ + "âĺ", + "Ľ" + ], + [ + "íĹ", + "·" + ], + [ + "ëij", + "¡" + ], + [ + "Î", + "ł" + ], + [ + "Î", + "¤" + ], + [ + "âĦ", + "ĵ" + ], + [ + "ïº", + "·" + ], + [ + "Î", + "Ļ" + ], + [ + "ëı", + "Ķ" + ], + [ + "ì§", + "¤" + ], + [ + "âĶ", + "ĥ" + ], + [ + "ãĦ", + "·" + ], + [ + "Ç", + "Ĵ" + ], + [ + "ðŁ¥", + "°" + ], + [ + "ëĶ", + "ķ" + ], + [ + "ìļ", + "¥" + ], + [ + "ì¸", + "Ħ" + ], + [ + "íĽ", + "Ķ" + ], + [ + "ïº", + "ĩ" + ], + [ + "ïº", + "¬" + ], + [ + "ðŁĺ", + "¢" + ], + [ + "ë¹", + "¡" + ], + [ + "ìĶ", + "¹" + ], + [ + "Å", + "³" + ], + [ + "Ë", + "Ŀ" + ], + [ + "íİ", + "ij" + ], + [ + "ï¾", + "ĵ" + ], + [ + "ðŁĴ", + "ļ" + ], + [ + "ëĬ", + "ij" + ], + [ + "êº", + "¾" + ], + [ + "íĨ", + "°" + ], + [ + "Ã", + "¿" + ], + [ + "Ð", + "Ħ" + ], + [ + "ëĮ", + "IJ" + ], + [ + "ë½", + "Ģ" + ], + [ + "ì·", + "Ħ" + ], + [ + "ðŁ", + "ĵį" + ], + [ + "ðŁĻ", + "Ī" + ], + [ + "âĹ", + "Ī" + ], + [ + "ê¿", + "ĩ" + ], + [ + "ì¼", + "Ħ" + ], + [ + "íİ", + "«" + ], + [ + "ðŁĩ", + "·" + ], + [ + "âĶ", + "ĭ" + ], + [ + "âļ", + "ł" + ], + [ + "ë±", + "ī" + ], + [ + "ì", + "į°" + ], + [ + "ìĻ", + "Ī" + ], + [ + "É", + "ª" + ], + [ + "ïº", + "ĭ" + ], + [ + "ðŁĺ", + "ľ" + ], + [ + "Î", + "Ł" + ], + [ + "ðŁ", + "ĻĤ" + ], + [ + "âļ", + "½" + ], + [ + "Å", + "Ī" + ], + [ + "ë¹", + "Ķ" + ], + [ + "íĮ", + "ľ" + ], + [ + "à¹", + "ı" + ], + [ + "ìĸ", + "¹" + ], + [ + "íĪ", + "Ń" + ], + [ + "ðŁ¥", + "ĩ" + ], + [ + "ãĦ", + "´" + ], + [ + "ëĶ", + "¥" + ], + [ + "ìŃ", + "Ī" + ], + [ + "âĪ", + "Ĩ" + ], + [ + "ëĸ", + "³" + ], + [ + "ë±", + "ĥ" + ], + [ + "ìŀ", + "¦" + ], + [ + "ï»", + "IJ" + ], + [ + "Î", + "ľ" + ], + [ + "âľ", + "§" + ], + [ + "Ï", + "į" + ], + [ + "ìł", + "ĵ" + ], + [ + "âĹ", + "ķ" + ], + [ + "ëĴ", + "Ģ" + ], + [ + "ï»", + "Ģ" + ], + [ + "ðŁĶ", + "´" + ], + [ + "ê½", + "ģ" + ], + [ + "ëĮ", + "Ī" + ], + [ + "ëİ", + "Į" + ], + [ + "ãĤ", + "İ" + ], + [ + "â¦", + "ģ" + ], + [ + "ì½", + "§" + ], + [ + "ï¯", + "¾" + ], + [ + "âĿ", + "¯" + ], + [ + "à¸", + "ħ" + ], + [ + "ðŁĻ", + "Ħ" + ], + [ + "âĿ", + "Ģ" + ], + [ + "ðŁĶ", + "¹" + ], + [ + "âĩ", + "IJ" + ], + [ + "êµ", + "µ" + ], + [ + "âĩ", + "Ķ" + ], + [ + "ë¶", + "IJ" + ], + [ + "ðŁĴ", + "Ľ" + ], + [ + "Î", + "¾" + ], + [ + "íĥ", + "¬" + ], + [ + "âĿ", + "Ħ" + ], + [ + "Ò", + "£" + ], + [ + "ãĢ", + "°" + ], + [ + "âĪ", + "ij" + ], + [ + "âĺ", + "¼" + ], + [ + "âī", + "ł" + ], + [ + "Ò", + "¯" + ], + [ + "ïº", + "¯" + ], + [ + "ê¿", + "¨" + ], + [ + "âľ", + "ĸ" + ], + [ + "Ê", + "ĸ" + ], + [ + "íĢ", + "Ģ" + ], + [ + "ê¾", + "Ģ" + ], + [ + "íĹ", + "Ŀ" + ], + [ + "âĶ", + "£" + ], + [ + "ãİ", + "ľ" + ], + [ + "ëĶ", + "Ľ" + ], + [ + "ëľ", + "¸" + ], + [ + "ï", + "º«" + ], + [ + "ê¿", + "°" + ], + [ + "ðŁĩ", + "¹" + ], + [ + "Ç", + "IJ" + ], + [ + "Û", + "Ĵ" + ], + [ + "ë£", + "»" + ], + [ + "ïº", + "ĸ" + ], + [ + "Ñ", + "ļ" + ], + [ + "ëĬ", + "ł" + ], + [ + "Û", + "ķ" + ], + [ + "ê¹", + "¡" + ], + [ + "ë¿", + "ľ" + ], + [ + "ì²", + "¼" + ], + [ + "ï¨", + "ij" + ], + [ + "ë¥", + "µ" + ], + [ + "ìį", + "¸" + ], + [ + "íħ", + "ħ" + ], + [ + "íij", + "¹" + ], + [ + "Ö", + "Ģ" + ], + [ + "ï³", + "Į" + ], + [ + "ãħ", + "£" + ], + [ + "ìij", + "¤" + ], + [ + "ì½", + "ķ" + ], + [ + "ëķ", + "ł" + ], + [ + "ðŁĮ", + "¿" + ], + [ + "íĥ", + "Ķ" + ], + [ + "ìĽ", + "ģ" + ], + [ + "Î", + "¶" + ], + [ + "âŀ", + "ľ" + ], + [ + "ìĬ", + "ĺ" + ], + [ + "íĽ", + "Ĺ" + ], + [ + "ë©", + "§" + ], + [ + "ìī", + "ĺ" + ], + [ + "Õ", + "¶" + ], + [ + "á¹", + "ĩ" + ], + [ + "ðŁİ", + "ģ" + ], + [ + "ï½", + "¿" + ], + [ + "ï¼", + "Ĥ" + ], + [ + "á¼", + "IJ" + ], + [ + "âľ", + "ķ" + ], + [ + "âŀ", + "¢" + ], + [ + "ëĦ", + "¨" + ], + [ + "ì»", + "«" + ], + [ + "ì¯", + "Ķ" + ], + [ + "ì°", + "ľ" + ], + [ + "ðŁĴ", + "°" + ], + [ + "íħ", + "Ŀ" + ], + [ + "ãİ", + "ı" + ], + [ + "ë³", + "¶" + ], + [ + "Ò", + "ĵ" + ], + [ + "âĨ", + "³" + ], + [ + "ìĥ", + "´" + ], + [ + "íģ", + "ĺ" + ], + [ + "âĸ", + "Ģ" + ], + [ + "ë²", + "Ļ" + ], + [ + "à¸", + "ĥ" + ], + [ + "á½", + "¶" + ], + [ + "Ä", + "ķ" + ], + [ + "â¬", + "ĩ" + ], + [ + "ë¤", + "ĺ" + ], + [ + "ðŁİ", + "µ" + ], + [ + "âľ", + "ļ" + ], + [ + "ïº", + "ı" + ], + [ + "Î", + "¡" + ], + [ + "âĹ", + "ī" + ], + [ + "ðŁĴ", + "«" + ], + [ + "Ð", + "Ī" + ], + [ + "ìĸ", + "Ħ" + ], + [ + "ì§", + "Ļ" + ], + [ + "ï»", + "ĥ" + ], + [ + "ðĿij", + "Ĵ" + ], + [ + "ëŃ", + "Ħ" + ], + [ + "âĿ", + "¥" + ], + [ + "âĿ", + "ĸ" + ], + [ + "âĺ", + "Ŀ" + ], + [ + "Ê", + "¹" + ], + [ + "á¸", + "¥" + ], + [ + "âĢ", + "¿" + ], + [ + "ãħ", + "ħ" + ], + [ + "ê¸", + "ģ" + ], + [ + "ëķ", + "¡" + ], + [ + "ëį", + "¥" + ], + [ + "âĪ", + "©" + ], + [ + "ê»", + "Ħ" + ], + [ + "ë®", + "Į" + ], + [ + "Ò", + "±" + ], + [ + "âĪ", + "Ĺ" + ], + [ + "ëł", + "Ļ" + ], + [ + "ïº", + "Į" + ], + [ + "Ë", + "IJ" + ], + [ + "ðŁĺ", + "³" + ], + [ + "ðŁij", + "©" + ], + [ + "ðŁİ", + "¶" + ], + [ + "ì¿", + "µ" + ], + [ + "ð٤", + "©" + ], + [ + "ê·", + "¤" + ], + [ + "ëĮ", + "Ķ" + ], + [ + "ïº", + "IJ" + ], + [ + "Ï", + "İ" + ], + [ + "ì¶", + "¥" + ], + [ + "ï½", + "Ĭ" + ], + [ + "á¹", + "Ń" + ], + [ + "ë¤", + "¼" + ], + [ + "âĸ", + "«" + ], + [ + "ì§", + "ł" + ], + [ + "á¼", + "Ģ" + ], + [ + "ê»", + "ij" + ], + [ + "ëĮ", + "ģ" + ], + [ + "íĢ", + "¸" + ], + [ + "âĻ", + "Ľ" + ], + [ + "ðŁĴ", + "ŀ" + ], + [ + "âĸ", + "°" + ], + [ + "ðĿij", + "ĸ" + ], + [ + "ëĿ", + "¤" + ], + [ + "à¤", + "¦" + ], + [ + "ì´", + "ĺ" + ], + [ + "ðŁĺ", + "ĩ" + ], + [ + "ëĶ", + "¤" + ], + [ + "Î", + "Ĺ" + ], + [ + "ðŁĻ", + "ĩ" + ], + [ + "Ë", + "Ľ" + ], + [ + "ì©", + "¡" + ], + [ + "âĪ", + "§" + ], + [ + "Õ", + "¥" + ], + [ + "Ñ", + "Ļ" + ], + [ + "ëIJ", + "¬" + ], + [ + "ëĸ", + "Ħ" + ], + [ + "ðŁĮ", + "·" + ], + [ + "ìĹ", + "Į" + ], + [ + "ðŁĺ", + "¥" + ], + [ + "ëĪ", + "´" + ], + [ + "ï»", + "ļ" + ], + [ + "É", + "Ľ" + ], + [ + "ïº", + "Ħ" + ], + [ + "ï»", + "ı" + ], + [ + "Å", + "Į" + ], + [ + "ë²", + "ļ" + ], + [ + "ìĭ", + "£" + ], + [ + "ïº", + "Ģ" + ], + [ + "Î", + "ĵ" + ], + [ + "ðŁĺ", + "Į" + ], + [ + "Ë", + "Ļ" + ], + [ + "ëŀ", + "ı" + ], + [ + "ðŁĶ", + "¸" + ], + [ + "ðŁĵ", + "·" + ], + [ + "ëģ", + "½" + ], + [ + "íģ", + "½" + ], + [ + "ðŁĴ", + "¡" + ], + [ + "ðŁĮ", + "±" + ], + [ + "ëº", + "ı" + ], + [ + "ìģ", + "ł" + ], + [ + "ìĥ", + "IJ" + ], + [ + "ëı", + "Ĺ" + ], + [ + "ì¸", + "°" + ], + [ + "ëĪ", + "ķ" + ], + [ + "Î", + "Ŀ" + ], + [ + "âģ", + "ī" + ], + [ + "ðŁĮ", + "¼" + ], + [ + "íĮ", + "ł" + ], + [ + "âĭ", + "¯" + ], + [ + "áĥ", + "ĺ" + ], + [ + "âľ", + "¤" + ], + [ + "ê±", + "Ķ" + ], + [ + "íĮ", + "İ" + ], + [ + "ðŁĴ", + "¯" + ], + [ + "ìı", + "Ļ" + ], + [ + "íĹ", + "ī" + ], + [ + "Ù", + "Ń" + ], + [ + "ì½", + "°" + ], + [ + "ïº", + "¿" + ], + [ + "ï»", + "±" + ], + [ + "ì±", + "Į" + ], + [ + "âĺ", + "ķ" + ], + [ + "ðŁİ", + "Ģ" + ], + [ + "Ä", + "Ŀ" + ], + [ + "ë°", + "§" + ], + [ + "ìĤ", + "¿" + ], + [ + "áij", + "ķ" + ], + [ + "ðŁį", + "ĥ" + ], + [ + "âĩ", + "¨" + ], + [ + "Î", + "Ľ" + ], + [ + "ë§", + "´" + ], + [ + "ë³", + "ķ" + ], + [ + "á", + "ijIJ" + ], + [ + "âĸ", + "ĵ" + ], + [ + "ðĿ", + "ijľ" + ], + [ + "âĻ", + "»" + ], + [ + "íĤ", + "¥" + ], + [ + "Õ", + "¸" + ], + [ + "ãĪ", + "±" + ], + [ + "ëº", + "Ģ" + ], + [ + "ì²", + "¸" + ], + [ + "ïº", + "Ľ" + ], + [ + "ðŁı", + "Ĩ" + ], + [ + "ðŁĩ", + "ª" + ], + [ + "âĿ", + "ĵ" + ], + [ + "Ä", + "Ģ" + ], + [ + "ì½", + "¥" + ], + [ + "ðŁĩ", + "§" + ], + [ + "á½", + "·" + ], + [ + "âľ", + "Ĥ" + ], + [ + "ìŀ", + "¼" + ], + [ + "ï§", + "¡" + ], + [ + "ðŁĵ", + "¸" + ], + [ + "âĻ", + "¯" + ], + [ + "É", + "Ķ" + ], + [ + "á½", + "¸" + ], + [ + "âĮ", + "ª" + ], + [ + "ï»", + "ĸ" + ], + [ + "ï¥", + "§" + ], + [ + "âļ", + "«" + ], + [ + "âĶ", + "Ĺ" + ], + [ + "ðŁĮ", + "Ī" + ], + [ + "ï»", + "©" + ], + [ + "ðŁĵ", + "²" + ], + [ + "Ï", + "Ī" + ], + [ + "ðŁĺ", + "¡" + ], + [ + "ðĿij", + "İ" + ], + [ + "ìľ", + "½" + ], + [ + "ì§", + "¬" + ], + [ + "ì§", + "Ĭ" + ], + [ + "á½", + "³" + ], + [ + "ìĮ", + "¤" + ], + [ + "ëĤ", + "į" + ], + [ + "âī", + "Ĵ" + ], + [ + "ðŁij", + "¨" + ], + [ + "âĺ", + "ĺ" + ], + [ + "Ó", + "©" + ], + [ + "âĤ", + "ĵ" + ], + [ + "âĪ", + "Ĥ" + ], + [ + "ï¹", + "ģ" + ], + [ + "ðŁĴ", + "IJ" + ], + [ + "íħ", + "ĥ" + ], + [ + "ðŁı", + "½" + ], + [ + "ê·", + "Ħ" + ], + [ + "ðŁĺ", + "ı" + ], + [ + "ðŁĮ", + "º" + ], + [ + "ðŁĺ", + "Ķ" + ], + [ + "ï½", + "«" + ], + [ + "âľ", + "İ" + ], + [ + "ëµ", + "Ī" + ], + [ + "ðŁĩ", + "¸" + ], + [ + "âĢ", + "£" + ], + [ + "âŀ", + "Ķ" + ], + [ + "ëĺ", + "ĺ" + ], + [ + "ìĥ", + "¬" + ], + [ + "Ê", + "ĥ" + ], + [ + "â¬", + "ħ" + ], + [ + "ì©", + "IJ" + ], + [ + "ðŁĻ", + "Ĩ" + ], + [ + "ðŁİ", + "Ħ" + ], + [ + "Ä", + "¾" + ], + [ + "âŁ", + "¶" + ], + [ + "áĥ", + "IJ" + ], + [ + "âĺ", + "»" + ], + [ + "ì±", + "ķ" + ], + [ + "ìģ", + "©" + ], + [ + "ë½", + "ķ" + ], + [ + "ìº", + "£" + ], + [ + "ðŁij", + "Ī" + ], + [ + "ðŁĻ", + "ĭ" + ], + [ + "ï¾", + "ĸ" + ], + [ + "Ò", + "ļ" + ], + [ + "Õ", + "«" + ], + [ + "ìĮ", + "Ī" + ], + [ + "ë²", + "§" + ], + [ + "ðŁĩ", + "®" + ], + [ + "ï½", + "Ŀ" + ], + [ + "ðŁį", + "ģ" + ], + [ + "ìĹ", + "¥" + ], + [ + "Ä", + "³" + ], + [ + "ë½", + "IJ" + ], + [ + "íį", + "½" + ], + [ + "íĽ", + "ij" + ], + [ + "âĤ", + "¹" + ], + [ + "ãħ", + "ģ" + ], + [ + "ìĶ", + "½" + ], + [ + "ðŁĶ", + "ģ" + ], + [ + "à¤", + "¯" + ], + [ + "ê¾", + "¹" + ], + [ + "ëī", + "ľ" + ], + [ + "âĹ", + "¡" + ], + [ + "íķ", + "Į" + ], + [ + "Î", + "ĺ" + ], + [ + "ë£", + "¹" + ], + [ + "ìĻ", + "ĵ" + ], + [ + "ðŁĩ", + "¦" + ], + [ + "ðŁij", + "Ģ" + ], + [ + "âĶ", + "Į" + ], + [ + "á¿", + "¦" + ], + [ + "ëĦ", + "Ľ" + ], + [ + "ìĦ", + "£" + ], + [ + "ìŃ", + "Ļ" + ], + [ + "ï±", + "ł" + ], + [ + "Î", + "ŀ" + ], + [ + "Ê", + "»" + ], + [ + "á¿", + "¶" + ], + [ + "âĿ", + "Ŀ" + ], + [ + "ê±", + "Ģ" + ], + [ + "ëĸ", + "´" + ], + [ + "ãĦ", + "¹" + ], + [ + "ðŁĴ", + "İ" + ], + [ + "Ï", + "¹" + ], + [ + "âĽ", + "ħ" + ], + [ + "ï»", + "ķ" + ], + [ + "ãĥ", + "±" + ], + [ + "ï½", + "Ľ" + ], + [ + "ëĮ", + "ķ" + ], + [ + "ë¹", + "½" + ], + [ + "ì¥", + "Ķ" + ], + [ + "ì¿", + "¤" + ], + [ + "ðŁĸ", + "¤" + ], + [ + "Ñ", + "Ĵ" + ], + [ + "ê¹", + "į" + ], + [ + "ëİ", + "Ģ" + ], + [ + "ìĭ", + "¯" + ], + [ + "ë»", + "¤" + ], + [ + "ðŁĵ", + "ŀ" + ], + [ + "ðŁĵ", + "£" + ], + [ + "ðŁĺ", + "Ŀ" + ], + [ + "ìį", + "¹" + ], + [ + "ìĹ", + "¡" + ], + [ + "ì°", + "IJ" + ], + [ + "á½", + "IJ" + ], + [ + "ï»", + "Ī" + ], + [ + "âľ", + "į" + ], + [ + "Ä", + "ı" + ], + [ + "ðŁĮ", + "ŀ" + ], + [ + "âĦ", + "¦" + ], + [ + "ê½", + "Ŀ" + ], + [ + "ë»", + "ĺ" + ], + [ + "ìĪ", + "±" + ], + [ + "âĶ", + "ĺ" + ], + [ + "ðŁĮ", + "»" + ], + [ + "âĤ", + "´" + ], + [ + "âŀ", + "¨" + ], + [ + "íIJ", + "ģ" + ], + [ + "ê", + "¶Ī" + ], + [ + "âĺ", + "¢" + ], + [ + "ðŁĺ", + "Ī" + ], + [ + "ï½", + "©" + ], + [ + "âĦ", + "Ĺ" + ], + [ + "ê°", + "Ń" + ], + [ + "ê°", + "¸" + ], + [ + "ë»", + "ij" + ], + [ + "ì¥", + "´" + ], + [ + "ì»", + "¥" + ], + [ + "ï¤", + "Ĭ" + ], + [ + "ï»", + "Ĵ" + ], + [ + "ðŁĺ", + "ķ" + ], + [ + "âĺ", + "Ķ" + ], + [ + "ìĺ", + "IJ" + ], + [ + "ðŁļ", + "Ĺ" + ], + [ + "ëĹ", + "Ħ" + ], + [ + "ë§", + "ı" + ], + [ + "Õ", + "½" + ], + [ + "âĸ", + "»" + ], + [ + "âŁ", + "µ" + ], + [ + "ìī", + "°" + ], + [ + "ï»", + "ij" + ], + [ + "âĻ", + "©" + ], + [ + "Î", + "¥" + ], + [ + "ðŁĺ", + "£" + ], + [ + "âĬ", + "Ĥ" + ], + [ + "ãħ", + "Ĥ" + ], + [ + "ìħ", + "¸" + ], + [ + "íı", + "Ħ" + ], + [ + "âľ", + "½" + ], + [ + "ì¦", + "Ļ" + ], + [ + "âĸ", + "£" + ], + [ + "ê±", + "į" + ], + [ + "ê¿", + "ĭ" + ], + [ + "ì«", + "Ħ" + ], + [ + "ìº", + "ĩ" + ], + [ + "ðŁĩ", + "µ" + ], + [ + "ðŁij", + "ij" + ], + [ + "âľ", + "ĺ" + ], + [ + "ðĿij", + "Ľ" + ], + [ + "ìį", + "½" + ], + [ + "ìº", + "ī" + ], + [ + "ï¬", + "µ" + ], + [ + "ðŁĶ", + "º" + ], + [ + "âĦ", + "®" + ], + [ + "íĥ", + "¤" + ], + [ + "ðŁĩ", + "º" + ], + [ + "ðŁĴ", + "µ" + ], + [ + "íħ", + "¨" + ], + [ + "ï½", + "ij" + ], + [ + "Î", + "¨" + ], + [ + "ìĥ", + "¹" + ], + [ + "ìĸ", + "ķ" + ], + [ + "ì¹", + "µ" + ], + [ + "ðŁĵ", + "±" + ], + [ + "à¤", + "µ" + ], + [ + "ðŁij", + "Ĭ" + ], + [ + "ðŁĴ", + "Ħ" + ], + [ + "ðŁĴ", + "Ŀ" + ], + [ + "ãĮ", + "Ķ" + ], + [ + "ìĻ", + "ģ" + ], + [ + "Ð", + "ĩ" + ], + [ + "à®", + "IJ" + ], + [ + "âĸ", + "¹" + ], + [ + "á´", + "Ľ" + ], + [ + "âĹ", + "ĺ" + ], + [ + "ëº", + "¨" + ], + [ + "íĥ", + "ī" + ], + [ + "ìĸ", + "Į" + ], + [ + "ðŁIJ", + "¶" + ], + [ + "ãĤ", + "ij" + ], + [ + "Ë", + "ĩ" + ], + [ + "Å", + "ı" + ], + [ + "á½", + "¹" + ], + [ + "ìħ", + "§" + ], + [ + "ï¹", + "°" + ], + [ + "ðĿij", + "¡" + ], + [ + "ðŁĶ", + "Ŀ" + ], + [ + "ðŁĺ", + "»" + ], + [ + "ðŁĴ", + "ĥ" + ], + [ + "ð٤", + "¦" + ], + [ + "ðŁį", + "Ĵ" + ], + [ + "íĢ", + "µ" + ], + [ + "âľ", + "Ĩ" + ], + [ + "ë¹", + "´" + ], + [ + "ï§", + "¤" + ], + [ + "ï»", + "Ļ" + ], + [ + "á´", + "Ĺ" + ], + [ + "ðŁĮ", + "´" + ], + [ + "Í", + "¾" + ], + [ + "ëĮ", + "ij" + ], + [ + "ì¨", + "ĭ" + ], + [ + "ìµ", + "¸" + ], + [ + "ðŁİ", + "Ī" + ], + [ + "ðŁı", + "ł" + ], + [ + "á½", + "±" + ], + [ + "Û", + "Ĩ" + ], + [ + "á¿", + "ĸ" + ], + [ + "âĢ", + "Ľ" + ], + [ + "ì°", + "¼" + ], + [ + "íķ", + "¥" + ], + [ + "íĹ", + "´" + ], + [ + "ðŁĩ", + "¬" + ], + [ + "ì°", + "Ŀ" + ], + [ + "âĪ", + "ł" + ], + [ + "ï¼", + "ĩ" + ], + [ + "âĬ", + "Ļ" + ], + [ + "âĿ", + "ij" + ], + [ + "ëĦ", + "ĭ" + ], + [ + "ëŀ", + "Ĺ" + ], + [ + "ë°", + "ī" + ], + [ + "ìĹ", + "Ĭ" + ], + [ + "ì¢", + "Ĩ" + ], + [ + "íĮ", + "¥" + ], + [ + "ï°", + "²" + ], + [ + "ðŁĵ", + "ĸ" + ], + [ + "ðŁĺ", + "®" + ], + [ + "âļ", + "ª" + ], + [ + "ðŁĺ", + "ļ" + ], + [ + "âĿ", + "ŀ" + ], + [ + "ðĿij", + "Ł" + ], + [ + "ðŁİ", + "Ĥ" + ], + [ + "Å", + "ķ" + ], + [ + "áIJ", + "Ī" + ], + [ + "êº", + "½" + ], + [ + "ì±", + "ł" + ], + [ + "ïº", + "Ŀ" + ], + [ + "ê¿", + "ī" + ], + [ + "áĥ", + "ł" + ], + [ + "ðŁı", + "ĥ" + ], + [ + "ðŁĴ", + "¸" + ], + [ + "âĿ", + "ģ" + ], + [ + "âĹ", + "¾" + ], + [ + "Ú", + "ª" + ], + [ + "á¹", + "ĥ" + ], + [ + "íĬ", + "¬" + ], + [ + "ðŁĩ", + "±" + ], + [ + "íİ", + "Ń" + ], + [ + "ðŁĺ", + "ŀ" + ], + [ + "ë¾", + "°" + ], + [ + "á¹", + "Ľ" + ], + [ + "ëĽ", + "¸" + ], + [ + "âĿ", + "Ĥ" + ], + [ + "êĴ", + "³" + ], + [ + "âĶ", + "IJ" + ], + [ + "íĵ", + "°" + ], + [ + "âŀ", + "ł" + ], + [ + "ê´", + "ĺ" + ], + [ + "ëħ", + "ĺ" + ], + [ + "ë»", + "¥" + ], + [ + "ì¾", + "ħ" + ], + [ + "ðŁĺ", + "IJ" + ], + [ + "âĪ", + "ª" + ], + [ + "ðŁij", + "ģ" + ], + [ + "âĪ", + "´" + ], + [ + "âĹ", + "ģ" + ], + [ + "ëº", + "IJ" + ], + [ + "ìŀ", + "¤" + ], + [ + "ì±", + "Ĺ" + ], + [ + "ðŁı", + "¾" + ], + [ + "Î", + "§" + ], + [ + "á½", + "»" + ], + [ + "âŀ", + "¥" + ], + [ + "ìŁ", + "Ī" + ], + [ + "ï»", + "ī" + ], + [ + "âĸ", + "Į" + ], + [ + "ãĥ", + "®" + ], + [ + "ð٤", + "¤" + ], + [ + "âĩ", + "ĵ" + ], + [ + "ì¼", + "ł" + ], + [ + "á´", + "ı" + ], + [ + "ë§", + "¬" + ], + [ + "ë»", + "£" + ], + [ + "ðŁĴ", + "¬" + ], + [ + "ðŁį", + "ĵ" + ], + [ + "Ä", + "¸" + ], + [ + "Ù", + "¹" + ], + [ + "Ê", + "¿" + ], + [ + "á½", + "°" + ], + [ + "ëķ", + "ľ" + ], + [ + "ì°", + "¡" + ], + [ + "ì°", + "»" + ], + [ + "íİ", + "į" + ], + [ + "ðŁİ", + "¯" + ], + [ + "ðŁį", + "Ĥ" + ], + [ + "ðŁij", + "§" + ], + [ + "âĻ", + "¢" + ], + [ + "áĨ", + "ŀ" + ], + [ + "âĻ", + "§" + ], + [ + "âļ", + "ľ" + ], + [ + "âľ", + "ī" + ], + [ + "ëĵ", + "¦" + ], + [ + "ëŃ", + "£" + ], + [ + "ìĪ", + "ı" + ], + [ + "ìĵ", + "±" + ], + [ + "Å", + "Ń" + ], + [ + "Ê", + "Ĭ" + ], + [ + "âĴ", + "¸" + ], + [ + "âĩ", + "©" + ], + [ + "ðŁĴ", + "Ķ" + ], + [ + "Õ", + "µ" + ], + [ + "Ð", + "ī" + ], + [ + "Ò", + "»" + ], + [ + "ë§", + "£" + ], + [ + "ìĽ", + "ľ" + ], + [ + "ì¿", + "¡" + ], + [ + "íĽ", + "ħ" + ], + [ + "íĽ", + "¤" + ], + [ + "ïº", + "¢" + ], + [ + "âľ", + "ĭ" + ], + [ + "âĪ", + "Ī" + ], + [ + "ðŁĮ", + "į" + ], + [ + "Ê", + "ľ" + ], + [ + "ëĬ", + "ª" + ], + [ + "ëĴ", + "¹" + ], + [ + "ïº", + "²" + ], + [ + "âĸ", + "Ħ" + ], + [ + "ãħ", + "Ī" + ], + [ + "ëļ", + "¤" + ], + [ + "íİ", + "©" + ], + [ + "âĪ", + "¨" + ], + [ + "ð٤", + "ª" + ], + [ + "áĥ", + "ļ" + ], + [ + "ê³", + "¶" + ], + [ + "íĬ", + "ķ" + ], + [ + "ðŁĺ", + "¬" + ], + [ + "âĪ", + "«" + ], + [ + "ðŁij", + "ĭ" + ], + [ + "Ò", + "IJ" + ], + [ + "íĬ", + "¿" + ], + [ + "ðŁĶ", + "µ" + ], + [ + "ðŁĴ", + "¨" + ], + [ + "ðŁĮ", + "Ļ" + ], + [ + "ëĩ", + "©" + ], + [ + "âľ", + "³" + ], + [ + "ë¨", + "ģ" + ], + [ + "ëº", + "Ħ" + ], + [ + "ìĻ", + "ij" + ], + [ + "ìº", + "ħ" + ], + [ + "íı", + "Ī" + ], + [ + "ðĿij", + "Ļ" + ], + [ + "ðŁĴ", + "ĺ" + ], + [ + "ãİ", + "¥" + ], + [ + "âĿ", + "ı" + ], + [ + "âľ", + "°" + ], + [ + "ï¯", + "¿" + ], + [ + "ëµ", + "IJ" + ], + [ + "ì¼", + "IJ" + ], + [ + "ïº", + "±" + ], + [ + "Õ", + "´" + ], + [ + "ï¬", + "Ģ" + ], + [ + "âľ", + "´" + ], + [ + "ð٤", + "Ń" + ], + [ + "ðŁij", + "Ĩ" + ], + [ + "âĽ", + "Ķ" + ], + [ + "ê·", + "ĵ" + ], + [ + "ìĮ", + "Į" + ], + [ + "ð٤", + "·" + ], + [ + "Û", + "Ķ" + ], + [ + "ð٧", + "¡" + ], + [ + "ðŁĺ", + "ĵ" + ], + [ + "Î", + "ĸ" + ], + [ + "âı", + "°" + ], + [ + "ê²", + "ľ" + ], + [ + "ëĭ", + "³" + ], + [ + "ëİ", + "ħ" + ], + [ + "ë°", + "Ī" + ], + [ + "ï®", + "IJ" + ], + [ + "ðŁı", + "¡" + ], + [ + "âĨ", + "ª" + ], + [ + "âĵ", + "Ķ" + ], + [ + "âľ", + "Ĭ" + ], + [ + "Ï", + "²" + ], + [ + "Ü", + "IJ" + ], + [ + "ðŁĩ", + "³" + ], + [ + "Ö", + "Ĥ" + ], + [ + "âľ", + "ı" + ], + [ + "ìĸ", + "Ĺ" + ], + [ + "ì«", + "Ļ" + ], + [ + "ðŁĺ", + "²" + ], + [ + "Ä", + "Ń" + ], + [ + "âĻ", + "Ń" + ], + [ + "âĶ", + "ı" + ], + [ + "âĹ", + "Į" + ], + [ + "ðŁĺ", + "¯" + ], + [ + "áµ", + "Ĵ" + ], + [ + "íĬ", + "ł" + ], + [ + "Ä", + "·" + ], + [ + "Ê", + "ģ" + ], + [ + "à¤", + "Ł" + ], + [ + "á¹", + "ģ" + ], + [ + "á¼", + "°" + ], + [ + "á¿", + "Ĩ" + ], + [ + "â", + "«" + ], + [ + "â«", + "¸" + ], + [ + "ëį", + "«" + ], + [ + "ì³", + "ĩ" + ], + [ + "ì¼", + "¤" + ], + [ + "íĽ", + "¨" + ], + [ + "ðŁĴ", + "Ł" + ], + [ + "Ê", + "Ģ" + ], + [ + "Ê", + "³" + ], + [ + "ëĵ", + "IJ" + ], + [ + "âķ", + "°" + ], + [ + "âĿ", + "ĩ" + ], + [ + "Ç", + "Ģ" + ], + [ + "Ç", + "Ķ" + ], + [ + "É", + "´" + ], + [ + "âĺ", + "ļ" + ], + [ + "âĺ", + "ľ" + ], + [ + "ê¶", + "Ĥ" + ], + [ + "ì«", + "Ĵ" + ], + [ + "ì±", + "Ī" + ], + [ + "ðŁĩ", + "¨" + ], + [ + "ðŁİ", + "¥" + ], + [ + "ðŁĵ", + "Ŀ" + ], + [ + "Ä", + "§" + ], + [ + "ðĿ", + "ijIJ" + ], + [ + "Û", + "Ī" + ], + [ + "à¤", + "¬" + ], + [ + "ì¬", + "IJ" + ], + [ + "íĹ", + "¥" + ], + [ + "âĻ", + "¨" + ], + [ + "ðŁį", + "´" + ], + [ + "ï¹", + "ı" + ], + [ + "Ë", + "ĭ" + ], + [ + "ðŁ¥", + "º" + ], + [ + "âĸ", + "¨" + ], + [ + "íĻ", + "ĭ" + ], + [ + "âĪ", + "ħ" + ], + [ + "ëģ", + "Ļ" + ], + [ + "ëŀ", + "ł" + ], + [ + "ìĨ", + "¥" + ], + [ + "âĢ", + "ĸ" + ], + [ + "ð٤", + "ĺ" + ], + [ + "ðŁIJ", + "»" + ], + [ + "áµ", + "ķ" + ], + [ + "Ç", + "Ŀ" + ], + [ + "âĺ", + "ı" + ], + [ + "ïº", + "ļ" + ], + [ + "ï»", + "Ĥ" + ], + [ + "ðŁļ", + "©" + ], + [ + "ìĪ", + "Ł" + ], + [ + "Ë", + "Ĭ" + ], + [ + "â¤", + "µ" + ], + [ + "ðŁĴ", + "§" + ], + [ + "ã", + "ħį" + ], + [ + "ë©", + "©" + ], + [ + "Æ", + "¬" + ], + [ + "Î", + "ĩ" + ], + [ + "âĩ", + "§" + ], + [ + "âĵ", + "ļ" + ], + [ + "ìĤ", + "¯" + ], + [ + "ìĪ", + "¯" + ], + [ + "ëĨ", + "ĭ" + ], + [ + "âľ", + "¯" + ], + [ + "ðŁļ", + "Ģ" + ], + [ + "Ú", + "ĺ" + ], + [ + "Ú", + "¨" + ], + [ + "âľ", + "Ń" + ], + [ + "ê²", + "ħ" + ], + [ + "íĮ", + "°" + ], + [ + "íľ", + "Ļ" + ], + [ + "ðŁĮ", + "Ĭ" + ], + [ + "ðŁİ", + "ĵ" + ], + [ + "ðŁĺ", + "Ļ" + ], + [ + "Ë", + "ĥ" + ], + [ + "ðŁĴ", + "ģ" + ], + [ + "ðŁij", + "İ" + ], + [ + "âĺ", + "¹" + ], + [ + "ðŁĺ", + "«" + ], + [ + "ðŁĴ", + "»" + ], + [ + "ëĤ", + "µ" + ], + [ + "ìĿ", + "Ĭ" + ], + [ + "íĮ", + "»" + ], + [ + "Ò", + "³" + ], + [ + "á½", + "²" + ], + [ + "âŀ", + "ŀ" + ], + [ + "ëĤ", + "ij" + ], + [ + "ëĿ", + "Ī" + ], + [ + "ì£", + "¤" + ], + [ + "ï»", + "¯" + ], + [ + "ðŁĩ", + "©" + ], + [ + "ðŁ¥", + "³" + ], + [ + "âĴ", + "¼" + ], + [ + "ð٦", + "ĭ" + ], + [ + "âĺ", + "Ĥ" + ], + [ + "ðŁĺ", + "°" + ], + [ + "ðŁĻ", + "ĥ" + ], + [ + "ðŁĺ", + "Ĵ" + ], + [ + "Û", + "İ" + ], + [ + "Ï", + "ķ" + ], + [ + "á¸", + "¤" + ], + [ + "ë£", + "½" + ], + [ + "ìĬ", + "¥" + ], + [ + "ðĿij", + "ī" + ], + [ + "É", + "IJ" + ], + [ + "ðŁį", + "İ" + ], + [ + "âķ", + "¯" + ], + [ + "âķ", + "¹" + ], + [ + "àº", + "²" + ], + [ + "ï¾", + "ł" + ], + [ + "ë¹", + "ķ" + ], + [ + "ïº", + "Ĩ" + ], + [ + "Ê", + "º" + ], + [ + "Ó", + "§" + ], + [ + "âĨ", + "ł" + ], + [ + "ëĥ", + "ĩ" + ], + [ + "ìİ", + "Ī" + ], + [ + "ìŁ", + "¤" + ], + [ + "ï±", + "¢" + ], + [ + "âķ", + "¬" + ], + [ + "âĺ", + "ł" + ], + [ + "ðŁİ", + "Ĭ" + ], + [ + "ãį", + "į" + ], + [ + "ãİ", + "İ" + ], + [ + "âĺ", + "°" + ], + [ + "âľ", + "ĥ" + ], + [ + "ãħ", + "ī" + ], + [ + "ë¯", + "Ī" + ], + [ + "ë¹", + "¤" + ], + [ + "ìı", + "Ń" + ], + [ + "ðĿij", + "¢" + ], + [ + "ðŁIJ", + "¾" + ], + [ + "Å", + "ĭ" + ], + [ + "ðŁij", + "¶" + ], + [ + "âĶ", + "Ľ" + ], + [ + "ï¿", + "¢" + ], + [ + "áĥ", + "¡" + ], + [ + "Ä", + "¼" + ], + [ + "Å", + "Ĩ" + ], + [ + "Ñ", + "IJ" + ], + [ + "ìĥ", + "Ľ" + ], + [ + "ìĺ", + "Į" + ], + [ + "ì±", + "¤" + ], + [ + "íħ", + "ģ" + ], + [ + "íļ", + "ĥ" + ], + [ + "ï³", + "Ĭ" + ], + [ + "ðĿij", + "Ķ" + ], + [ + "ðŁĩ", + "«" + ], + [ + "âĭ", + "°" + ], + [ + "ðŁĺ", + "¨" + ], + [ + "âĤ", + "©" + ], + [ + "Õ", + "¬" + ], + [ + "á¸", + "į" + ], + [ + "á»", + "´" + ], + [ + "âĨ", + "ĺ" + ], + [ + "âĺ", + "¯" + ], + [ + "ãħ", + "ı" + ], + [ + "ìł", + "¬" + ], + [ + "âĻ", + "Ķ" + ], + [ + "ðŁĶ", + "Ķ" + ], + [ + "ðŁĺ", + "ł" + ], + [ + "ðŁĻ", + "Ĭ" + ], + [ + "à®", + "ľ" + ], + [ + "á¹", + "ħ" + ], + [ + "âĹ", + "IJ" + ], + [ + "âĿ", + "Ī" + ], + [ + "âŀ", + "½" + ], + [ + "ìĥ", + "ħ" + ], + [ + "ðĿij", + "ł" + ], + [ + "Æ", + "¢" + ], + [ + "âĭ", + "Ļ" + ], + [ + "ê°", + "Ľ" + ], + [ + "ëĿ", + "µ" + ], + [ + "ë£", + "Ł" + ], + [ + "ìı", + "ľ" + ], + [ + "ïº", + "ģ" + ], + [ + "ðŁĴ", + "Ń" + ], + [ + "âĬ", + "ĥ" + ], + [ + "ðŁIJ", + "°" + ], + [ + "ãħ", + "Į" + ], + [ + "Ü", + "ĵ" + ], + [ + "âŀ", + "ķ" + ], + [ + "á½", + "ģ" + ], + [ + "ìķ", + "³" + ], + [ + "ðĿij", + "Ŀ" + ], + [ + "ðŁİ", + "¬" + ], + [ + "É", + "¡" + ], + [ + "à¤", + "Ĺ" + ], + [ + "áIJ", + "ī" + ], + [ + "ì©", + "ľ" + ], + [ + "ì¶", + "§" + ], + [ + "ï³", + "ī" + ], + [ + "ï»", + "ħ" + ], + [ + "ðĿIJ", + "ŀ" + ], + [ + "à¤", + "¶" + ], + [ + "ðŁĵ", + "¢" + ], + [ + "ðŁį", + "ĭ" + ], + [ + "ðŁĴ", + "ħ" + ], + [ + "ï¾", + "ķ" + ], + [ + "â¬", + "Ĩ" + ], + [ + "âĪ", + "µ" + ], + [ + "ð٤", + "ij" + ], + [ + "áĥ", + "£" + ], + [ + "Æ", + "Ħ" + ], + [ + "Ñ", + "¹" + ], + [ + "á¼", + "Ķ" + ], + [ + "ê°", + "ł" + ], + [ + "ê´", + "Į" + ], + [ + "ê·", + "IJ" + ], + [ + "ëĽ", + "´" + ], + [ + "ì±", + "ĺ" + ], + [ + "ï®", + "Ń" + ], + [ + "ïº", + "¹" + ], + [ + "ïº", + "¾" + ], + [ + "âľ", + "Ĺ" + ], + [ + "âĿ", + "¦" + ], + [ + "ðŁij", + "¦" + ], + [ + "áĥ", + "Ĺ" + ], + [ + "Ù", + "²" + ], + [ + "á½", + "´" + ], + [ + "âĪ", + "ı" + ], + [ + "âľ", + "®" + ], + [ + "ê¹", + "°" + ], + [ + "ë²", + "µ" + ], + [ + "ìĦ", + "Ģ" + ], + [ + "ì©", + "Ŀ" + ], + [ + "ïº", + "ŀ" + ], + [ + "ïº", + "½" + ], + [ + "ðŁĩ", + "Ń" + ], + [ + "Ë", + "Ĥ" + ], + [ + "ðŁį", + "ij" + ], + [ + "ðŁį", + "Į" + ], + [ + "ðŁĶ", + "»" + ], + [ + "ê¹", + "¬" + ], + [ + "ìĬ", + "Ń" + ], + [ + "ìľ", + "·" + ], + [ + "ðŁĽ", + "ij" + ], + [ + "Ç", + "§" + ], + [ + "ë¼", + "Ľ" + ], + [ + "ïº", + "¡" + ], + [ + "ïº", + "º" + ], + [ + "ðĿij", + "ļ" + ], + [ + "ðŁĵ", + "¦" + ], + [ + "ðŁĶ", + "İ" + ], + [ + "ðŁĹ", + "ĵ" + ], + [ + "áĥ", + "Ķ" + ], + [ + "âľ", + "Ĵ" + ], + [ + "âľ", + "¡" + ], + [ + "ðŁĮ", + "µ" + ], + [ + "âĶ", + "ķ" + ], + [ + "ëĢ", + "Ŀ" + ], + [ + "ðŁį", + "Ĭ" + ], + [ + "âĺ", + "ĥ" + ], + [ + "ìĺ", + "ħ" + ], + [ + "à¦", + "¬" + ], + [ + "ð٦", + "ģ" + ], + [ + "âİ", + "¯" + ], + [ + "ðŁIJ", + "ķ" + ], + [ + "Ñ", + "¿" + ], + [ + "à¥", + "¤" + ], + [ + "à¼", + "ĭ" + ], + [ + "ê·", + "Ī" + ], + [ + "ì«", + "Į" + ], + [ + "ðŁĩ", + "°" + ], + [ + "âĿ", + "ī" + ], + [ + "ì«", + "Ģ" + ], + [ + "íĿ", + "Ħ" + ], + [ + "ðĿIJ", + "¢" + ], + [ + "ðŁļ", + "¨" + ], + [ + "âĻ", + "¤" + ], + [ + "ðŁĺ", + "©" + ], + [ + "ðŁį", + "į" + ], + [ + "ðŁĺ", + "ij" + ], + [ + "ðŁļ", + "ļ" + ], + [ + "Ö", + "Ħ" + ], + [ + "ë", + "«" + ], + [ + "ë«", + "¼" + ], + [ + "à¤", + "ı" + ], + [ + "á¿", + "·" + ], + [ + "âĮ", + "©" + ], + [ + "âĺ", + "IJ" + ], + [ + "âŀ", + "£" + ], + [ + "ê¸", + "±" + ], + [ + "ê¼", + "¿" + ], + [ + "ëĦ", + "Ŀ" + ], + [ + "ìı", + "´" + ], + [ + "ìļ", + "¤" + ], + [ + "ì¿", + "±" + ], + [ + "íİ", + "IJ" + ], + [ + "ðŁĴ", + "¢" + ], + [ + "ì´", + "IJ" + ], + [ + "âĩ", + "ij" + ], + [ + "âĶ", + "ĵ" + ], + [ + "âģ", + "¾" + ], + [ + "Ü", + "Ŀ" + ], + [ + "ðŁ", + "į°" + ], + [ + "â´", + "°" + ], + [ + "Æ", + "ı" + ], + [ + "Ï", + "Ł" + ], + [ + "Ú", + "º" + ], + [ + "Û", + "ĥ" + ], + [ + "áĦ", + "Ĵ" + ], + [ + "âĪ", + "Ł" + ], + [ + "âĿ", + "į" + ], + [ + "ãĦ", + "²" + ], + [ + "ìľ", + "ħ" + ], + [ + "ì¤", + "ı" + ], + [ + "ðŁĩ", + "²" + ], + [ + "êº", + "Ħ" + ], + [ + "ðŁİ", + "¤" + ], + [ + "âľ", + "£" + ], + [ + "â¸", + "Ŀ" + ], + [ + "ï¸", + "µ" + ], + [ + "àº", + "§" + ], + [ + "áĢ", + "Ļ" + ], + [ + "âķ", + "ł" + ], + [ + "Õ", + "¯" + ], + [ + "âı", + "©" + ], + [ + "ðĿij", + "£" + ], + [ + "ðŁĴ", + "£" + ], + [ + "Å", + "ĺ" + ], + [ + "à¥", + "IJ" + ], + [ + "âģ", + "ĥ" + ], + [ + "âĮ", + "ĺ" + ], + [ + "ê»", + "Į" + ], + [ + "ìĮ", + "Ķ" + ], + [ + "ðĿij", + "ĺ" + ], + [ + "ð٤", + "ĵ" + ], + [ + "Õ", + "¿" + ], + [ + "à¤", + "Ń" + ], + [ + "âĮ", + "ļ" + ], + [ + "âľ", + "Ŀ" + ], + [ + "ðŁIJ", + "¼" + ], + [ + "Ë", + "Į" + ], + [ + "âķ", + "ļ" + ], + [ + "ï¦", + "Ĺ" + ], + [ + "âĿ", + "ķ" + ], + [ + "âķ", + "£" + ], + [ + "ðŁIJ", + "±" + ], + [ + "à®", + "¤" + ], + [ + "Ñ", + "¾" + ], + [ + "à¤", + "ļ" + ], + [ + "à¤", + "ľ" + ], + [ + "ìĪ", + "Ħ" + ], + [ + "ìļ", + "ľ" + ], + [ + "ðŁİ", + "®" + ], + [ + "É", + "Ĵ" + ], + [ + "Ú", + "·" + ], + [ + "àº", + "į" + ], + [ + "âĨ", + "µ" + ], + [ + "â", + "Īĺ" + ], + [ + "âĿ", + "Ĭ" + ], + [ + "ë¿", + "į" + ], + [ + "ìIJ", + "Ī" + ], + [ + "ìļ", + "ĺ" + ], + [ + "ì¯", + "§" + ], + [ + "íĥ", + "¯" + ], + [ + "ìĸ", + "ı" + ], + [ + "ï¸", + "°" + ], + [ + "ðŁĩ", + "¯" + ], + [ + "ð٧", + "ļ" + ], + [ + "ðŁĺ", + "µ" + ], + [ + "ðŁĺ", + "·" + ], + [ + "ðŁĮ", + "³" + ], + [ + "àº", + "¥" + ], + [ + "Ä", + "ī" + ], + [ + "Ä", + "¥" + ], + [ + "âľ", + "¶" + ], + [ + "á¿", + "¾" + ], + [ + "âĬ", + "±" + ], + [ + "âĺ", + "¾" + ], + [ + "ê°", + "ī" + ], + [ + "ê¼", + "°" + ], + [ + "ëº", + "ij" + ], + [ + "ðŁĶ", + "Ĭ" + ], + [ + "ðŁĸ", + "IJ" + ], + [ + "Å", + "¤" + ], + [ + "Ò", + "«" + ], + [ + "à®", + "®" + ], + [ + "âĮ", + "Ī" + ], + [ + "âĹ", + "Ĺ" + ], + [ + "ëĦ", + "µ" + ], + [ + "ëħ", + "ľ" + ], + [ + "ëľ", + "¹" + ], + [ + "ðĿij", + "¥" + ], + [ + "ðŁĴ", + "¿" + ], + [ + "ðŁĽ", + "Ĵ" + ], + [ + "Ê", + "Ĵ" + ], + [ + "áŀ", + "ĵ" + ], + [ + "ðŁIJ", + "Ŀ" + ], + [ + "ð٦", + "Ħ" + ], + [ + "ðŁį", + "·" + ], + [ + "âĺ", + "Ł" + ], + [ + "ï¸", + "¶" + ], + [ + "ð٤", + "Ł" + ], + [ + "Ô", + "±" + ], + [ + "âĨ", + "²" + ], + [ + "âĪ", + "İ" + ], + [ + "âľ", + "«" + ], + [ + "ëĩ", + "½" + ], + [ + "ëı", + "IJ" + ], + [ + "ëķ", + "Ħ" + ], + [ + "ï¦", + "³" + ], + [ + "ï§", + "Ŀ" + ], + [ + "ïº", + "Ļ" + ], + [ + "ðŁij", + "»" + ], + [ + "ðŁĵ", + "º" + ], + [ + "êµ", + "¼" + ], + [ + "ìĮ", + "©" + ], + [ + "ðŁĮ", + "²" + ], + [ + "È", + "±" + ], + [ + "íĶ", + "ķ" + ], + [ + "ðŁĺ", + "¤" + ], + [ + "ãĮ", + "¢" + ], + [ + "Ê", + "Ķ" + ], + [ + "à¤", + "¡" + ], + [ + "á¼", + "Ī" + ], + [ + "ëİ", + "ĥ" + ], + [ + "ë©", + "±" + ], + [ + "ë®", + "Ī" + ], + [ + "ðĿIJ", + "«" + ], + [ + "âĬ", + "ķ" + ], + [ + "ëĥ", + "ł" + ], + [ + "ë»", + "¬" + ], + [ + "íĭ", + "Ķ" + ], + [ + "Õ", + "¤" + ], + [ + "á¼", + "±" + ], + [ + "âľ", + "¥" + ], + [ + "âĺ", + "Ħ" + ], + [ + "âĪ", + "¥" + ], + [ + "âļ", + "ķ" + ], + [ + "ðŁij", + "Ħ" + ], + [ + "ðŁİ", + "ħ" + ], + [ + "àº", + "Ļ" + ], + [ + "âĶ", + "¬" + ], + [ + "á½", + "µ" + ], + [ + "Õ", + "¾" + ], + [ + "Ö", + "ģ" + ], + [ + "âĹ", + "Ķ" + ], + [ + "ê¿", + "į" + ], + [ + "ëĸ", + "µ" + ], + [ + "ë©", + "İ" + ], + [ + "ë®", + "´" + ], + [ + "ìķ", + "´" + ], + [ + "áĥ", + "ľ" + ], + [ + "á¼", + "¡" + ], + [ + "âĶ", + "Ĭ" + ], + [ + "âķ", + "®" + ], + [ + "âĹ", + "¼" + ], + [ + "ðŁį", + "¾" + ], + [ + "ðŁĽ", + "į" + ], + [ + "ðŁij", + "Ĺ" + ], + [ + "ð٤", + "ŀ" + ], + [ + "âľ", + "Ħ" + ], + [ + "Õ", + "Ģ" + ], + [ + "à¦", + "²" + ], + [ + "Ë", + "ī" + ], + [ + "âŁ", + "¨" + ], + [ + "Ä", + "¯" + ], + [ + "Ï", + "Ĭ" + ], + [ + "á´", + "ľ" + ], + [ + "ë¹", + "³" + ], + [ + "ï³", + "ĭ" + ], + [ + "ï¿", + "ł" + ], + [ + "Ä", + "ª" + ], + [ + "âĤ", + "¸" + ], + [ + "âľ", + "±" + ], + [ + "ê»", + "IJ" + ], + [ + "ëĭ", + "»" + ], + [ + "ë§", + "¸" + ], + [ + "ìŀ", + "¿" + ], + [ + "ì©", + "¨" + ], + [ + "ì", + "ŃIJ" + ], + [ + "ì°", + "¿" + ], + [ + "íħ", + "Ł" + ], + [ + "ðĿIJ", + "§" + ], + [ + "ðĿij", + "ij" + ], + [ + "ðŁĮ", + "İ" + ], + [ + "ðŁĵ", + "®" + ], + [ + "ðŁķ", + "Ķ" + ], + [ + "âĹ", + "Ļ" + ], + [ + "âĹ", + "»" + ], + [ + "âŀ", + "§" + ], + [ + "ìŁ", + "Ŀ" + ], + [ + "âľ", + "¬" + ], + [ + "ãĥ", + "°" + ], + [ + "âģ", + "Ī" + ], + [ + "â", + "ĵĺ" + ], + [ + "ðŁ", + "ĴĮ" + ], + [ + "ï¬", + "ĥ" + ], + [ + "àº", + "Ķ" + ], + [ + "ìĶ", + "°" + ], + [ + "ðŁĺ", + "ª" + ], + [ + "×", + "Ģ" + ], + [ + "ìĥ", + "¨" + ], + [ + "ïŃ", + "ĭ" + ], + [ + "ðŁį", + "ķ" + ], + [ + "ðŁĺ", + "´" + ], + [ + "Ï", + "³" + ], + [ + "á¼", + "Ħ" + ], + [ + "á½", + "ħ" + ], + [ + "âĩ", + "¢" + ], + [ + "âķ", + "Ń" + ], + [ + "ìĺ", + "»" + ], + [ + "íĬ", + "¤" + ], + [ + "Ü", + "ĺ" + ], + [ + "â¤", + "´" + ], + [ + "âĹ", + "į" + ], + [ + "áŀ", + "Ł" + ], + [ + "ðŁį", + "º" + ], + [ + "áŀ", + "ļ" + ], + [ + "ðŁı", + "Ĭ" + ], + [ + "ðŁIJ", + "·" + ], + [ + "Ê", + "Į" + ], + [ + "á½", + "º" + ], + [ + "âģ", + "»" + ], + [ + "ê½", + "Į" + ], + [ + "ëĪ", + "Ĺ" + ], + [ + "ë", + "Ĺı" + ], + [ + "ì¿", + "°" + ], + [ + "íĢ", + "¼" + ], + [ + "íį", + "ħ" + ], + [ + "ï·", + "²" + ], + [ + "ðŁĮ", + "ı" + ], + [ + "ðŁį", + "«" + ], + [ + "ðŁį", + "³" + ], + [ + "ðŁİ", + "°" + ], + [ + "ðŁij", + "°" + ], + [ + "ðŁĴ", + "²" + ], + [ + "á¥", + "Ļ" + ], + [ + "ðŁIJ", + "Ł" + ], + [ + "ï¿", + "¡" + ], + [ + "ðŁĹ", + "£" + ], + [ + "ðŁį", + "ľ" + ], + [ + "âľ", + "²" + ], + [ + "ãİ", + "¢" + ], + [ + "ðŁĶ", + "°" + ], + [ + "á¼", + "¸" + ], + [ + "á½", + "ij" + ], + [ + "Ä", + "İ" + ], + [ + "áĦ", + "Ģ" + ], + [ + "âĻ", + "ķ" + ], + [ + "ëł", + "Ŀ" + ], + [ + "ìĪ", + "´" + ], + [ + "ïŃ", + "Ń" + ], + [ + "Ó", + "ľ" + ], + [ + "Ô", + "Ģ" + ], + [ + "ëĢ", + "ľ" + ], + [ + "ëĥ", + "Ķ" + ], + [ + "ìĬ", + "Ľ" + ], + [ + "ì«", + "ij" + ], + [ + "ìº", + "¥" + ], + [ + "ìº", + "¬" + ], + [ + "ðĿij", + "¦" + ], + [ + "ðŁĶ", + "¶" + ], + [ + "ì¾", + "¨" + ], + [ + "ðĿIJ", + "ļ" + ], + [ + "ðŁį", + "»" + ], + [ + "ðŁĴ", + "į" + ], + [ + "ð٤", + "¡" + ], + [ + "ðŁķ", + "Ĭ" + ], + [ + "â½", + "ĩ" + ], + [ + "âĵ", + "IJ" + ], + [ + "ðŁį", + "Ń" + ], + [ + "ðŁį", + "ª" + ], + [ + "ðŁĶ", + "Ĩ" + ], + [ + "Ò", + "¡" + ], + [ + "á´", + "ĩ" + ], + [ + "É", + "Ĺ" + ], + [ + "Ü", + "Ķ" + ], + [ + "âĦ", + "İ" + ], + [ + "âĿ", + "ĥ" + ], + [ + "ëĹ", + "Ģ" + ], + [ + "ï²", + "Ķ" + ], + [ + "ïº", + "Ī" + ], + [ + "ðĿIJ", + "»" + ], + [ + "ðŁĴ", + "Ĭ" + ], + [ + "ðŁļ", + "«" + ], + [ + "Ñ", + "°" + ], + [ + "Ñ", + "³" + ], + [ + "à¤", + "·" + ], + [ + "âĹ", + "ł" + ], + [ + "ðŁij", + "¤" + ], + [ + "ï¾", + "ĩ" + ], + [ + "âĺ", + "ĵ" + ], + [ + "ðŁį", + "µ" + ], + [ + "ð٤", + "¨" + ], + [ + "âĸ", + "Ń" + ], + [ + "à®", + "´" + ], + [ + "Ü", + "¢" + ], + [ + "Ü", + "¬" + ], + [ + "à´", + "®" + ], + [ + "ðŁķ", + "º" + ], + [ + "Ô", + "¹" + ], + [ + "Õ", + "£" + ], + [ + "à´", + "¯" + ], + [ + "á", + "´Ģ" + ], + [ + "âĮ", + "ī" + ], + [ + "âľ", + "IJ" + ], + [ + "âŀ", + "¦" + ], + [ + "ê¹", + "½" + ], + [ + "ëĮ", + "ľ" + ], + [ + "ðŁı", + "¥" + ], + [ + "ðŁĵ", + "©" + ], + [ + "Ò", + "¹" + ], + [ + "Ó", + "ĺ" + ], + [ + "à¤", + "ħ" + ], + [ + "âĿ", + "§" + ], + [ + "Æ", + "Ĺ" + ], + [ + "âĹ", + "½" + ], + [ + "ðŁij", + "«" + ], + [ + "ðŁİ", + "§" + ], + [ + "ðŁij", + "£" + ], + [ + "âľ", + "»" + ], + [ + "ðŁĻ", + "ħ" + ], + [ + "ðŁĺ", + "ĸ" + ], + [ + "ðŁĴ", + "®" + ], + [ + "àº", + "°" + ], + [ + "ðŁĶ", + "ľ" + ], + [ + "ðŁį", + "Ħ" + ], + [ + "ð٤", + "Ŀ" + ], + [ + "á", + "ĥĿ" + ], + [ + "áŀ", + "Ģ" + ], + [ + "âĩ", + "¦" + ], + [ + "Ê", + "¾" + ], + [ + "Ò", + "®" + ], + [ + "Õ", + "¼" + ], + [ + "à¤", + "Ĩ" + ], + [ + "âĹ", + "ħ" + ], + [ + "âļ", + "ĵ" + ], + [ + "âļ", + "ĸ" + ], + [ + "ê¿", + "©" + ], + [ + "ë¯", + "Ħ" + ], + [ + "ìIJ", + "IJ" + ], + [ + "ìŀ", + "°" + ], + [ + "ì§", + "Ń" + ], + [ + "íĭ", + "ĭ" + ], + [ + "íİ", + "¨" + ], + [ + "íĻ", + "§" + ], + [ + "ï²", + "ij" + ], + [ + "ðŁİ", + "Ĺ" + ], + [ + "Ù", + "³" + ], + [ + "ðŁij", + "¸" + ], + [ + "à¦", + "®" + ], + [ + "ðŁij", + "ķ" + ], + [ + "Ú", + "µ" + ], + [ + "âĢ", + "¾" + ], + [ + "âŀ", + "°" + ], + [ + "ðŁij", + "¯" + ], + [ + "ðŁİ", + "¼" + ], + [ + "ðŁı", + "ģ" + ], + [ + "Ä", + "º" + ], + [ + "Ê", + "ı" + ], + [ + "Ú", + "³" + ], + [ + "âı", + "±" + ], + [ + "ê½", + "Ī" + ], + [ + "ëĿ", + "Į" + ], + [ + "ìĮ", + "ī" + ], + [ + "ìĹ", + "·" + ], + [ + "ìŀ", + "´" + ], + [ + "íĹ", + "¹" + ], + [ + "íľ", + "¨" + ], + [ + "ðĿĹ", + "²" + ], + [ + "ðŁĮ", + "IJ" + ], + [ + "ðŁİ", + "Ļ" + ], + [ + "ðŁı", + "µ" + ], + [ + "íĽ", + "Ļ" + ], + [ + "ðĿij", + "ħ" + ], + [ + "ðŁĺ", + "¶" + ], + [ + "âĵ", + "ħ" + ], + [ + "âķ", + "¥" + ], + [ + "ðŁį", + "ı" + ], + [ + "ï¦", + "İ" + ], + [ + "Õ", + "©" + ], + [ + "ðĿIJ", + "Ħ" + ], + [ + "Ó", + "£" + ], + [ + "Ú", + "¿" + ], + [ + "âĻ", + "ļ" + ], + [ + "ðŁĶ", + "Ĺ" + ], + [ + "á¸", + "«" + ], + [ + "âĭ", + "®" + ], + [ + "âĸ", + "¦" + ], + [ + "âĽ", + "½" + ], + [ + "âľ", + "µ" + ], + [ + "ãħ", + "Ĩ" + ], + [ + "ãħ", + "Ĭ" + ], + [ + "ëĦ", + "Ļ" + ], + [ + "ëĿ", + "¨" + ], + [ + "ë¥", + "Ħ" + ], + [ + "ìĦ", + "¦" + ], + [ + "ì§", + "°" + ], + [ + "ì§", + "¹" + ], + [ + "íī", + "Ī" + ], + [ + "ï§", + "ij" + ], + [ + "ï»", + "ĩ" + ], + [ + "ðŁĮ", + "¾" + ], + [ + "ðŁı", + "ĸ" + ], + [ + "ðŁIJ", + "ij" + ], + [ + "ðŁĴ", + "³" + ], + [ + "ðŁĵ", + "Ĩ" + ], + [ + "Û", + "ĩ" + ], + [ + "Ü", + "ķ" + ], + [ + "á½", + "½" + ], + [ + "ëĦ", + "ľ" + ], + [ + "à´", + "²" + ], + [ + "à´", + "³" + ], + [ + "àº", + "Ń" + ], + [ + "áĥ", + "Ľ" + ], + [ + "âĿ", + "Ķ" + ], + [ + "âij", + "ħ" + ], + [ + "áĥ", + "¥" + ], + [ + "ðŁĵ", + "ħ" + ], + [ + "âŀ", + "³" + ], + [ + "á´", + "µ" + ], + [ + "ï¹", + "¡" + ], + [ + "ï¹", + "¶" + ], + [ + "Î", + "Ĩ" + ], + [ + "à¤", + "¥" + ], + [ + "áī", + "µ" + ], + [ + "âĿ", + "Ļ" + ], + [ + "âĿ", + "±" + ], + [ + "ëī", + "ł" + ], + [ + "ëİ", + "ł" + ], + [ + "ëı", + "Ľ" + ], + [ + "ë¿", + "ħ" + ], + [ + "ìĶ", + "¸" + ], + [ + "íij", + "¯" + ], + [ + "íŀ", + "ī" + ], + [ + "íŀ", + "Ľ" + ], + [ + "ï§", + "Ħ" + ], + [ + "ïŃ", + "ĺ" + ], + [ + "ïº", + "¦" + ], + [ + "ï»", + "¸" + ], + [ + "ðĿij", + "Ĥ" + ], + [ + "ðĿij", + "ı" + ], + [ + "Ï", + "ij" + ], + [ + "Ú", + "ł" + ], + [ + "áĢ", + "Ķ" + ], + [ + "áŀ", + "Ķ" + ], + [ + "á¹", + "¢" + ], + [ + "ëĦ", + "¸" + ], + [ + "ðĿIJ", + "¨" + ], + [ + "ðŁĩ", + "´" + ], + [ + "Õ", + "°" + ], + [ + "ðŁij", + "ł" + ], + [ + "ðŁį", + "Ĩ" + ], + [ + "ðŁı", + "Ģ" + ], + [ + "ðŁ", + "ijIJ" + ], + [ + "ðŁį", + "ĩ" + ], + [ + "ðŁIJ", + "£" + ], + [ + "áĪ", + "Ń" + ], + [ + "Ü", + "ª" + ], + [ + "ðŁ", + "ĮĢ" + ], + [ + "áŀ", + "ĺ" + ], + [ + "âĩ", + "Ħ" + ], + [ + "ðĿIJ", + "Ģ" + ], + [ + "Ê", + "Ļ" + ], + [ + "âĶ", + "¼" + ], + [ + "ðŁı", + "¿" + ], + [ + "Æ", + "·" + ], + [ + "È", + "ł" + ], + [ + "Ñ", + "½" + ], + [ + "âĤ", + "¨" + ], + [ + "ê´", + "Ń" + ], + [ + "ê¹", + "»" + ], + [ + "ëĶ", + "¨" + ], + [ + "ìĪ", + "Ģ" + ], + [ + "ì¾", + "°" + ], + [ + "íĨ", + "Ī" + ], + [ + "ï®", + "§" + ], + [ + "ï¯", + "½" + ], + [ + "ðŁĶ", + "ħ" + ], + [ + "ðŁĶ", + "®" + ], + [ + "Å", + "¢" + ], + [ + "Ê", + "°" + ], + [ + "Ñ", + "¸" + ], + [ + "à¤", + "£" + ], + [ + "âĬ", + "Ĺ" + ], + [ + "ëª", + "Ħ" + ], + [ + "ï¹", + "·" + ], + [ + "ïº", + "ħ" + ], + [ + "ðĿIJ", + "µ" + ], + [ + "ðŁĮ", + "¶" + ], + [ + "ðŁĵ", + "°" + ], + [ + "ðŁĶ", + "·" + ], + [ + "ðŁĸ", + "Ĵ" + ], + [ + "ð٤", + "²" + ], + [ + "ëī", + "©" + ], + [ + "ðŁİ", + "Ĩ" + ], + [ + "ð٧", + "IJ" + ], + [ + "ðŁį", + "®" + ], + [ + "âĨ", + "º" + ], + [ + "âĿ", + "¢" + ], + [ + "ðŁij", + "ª" + ], + [ + "ðŁij", + "±" + ], + [ + "âĨ", + "¡" + ], + [ + "áŀ", + "ı" + ], + [ + "Ú", + "ķ" + ], + [ + "ðŁį", + "¹" + ], + [ + "ðŁĴ", + "Ģ" + ], + [ + "Ë", + "®" + ], + [ + "Ó", + "¨" + ], + [ + "Ö", + "ħ" + ], + [ + "à¤", + "ĩ" + ], + [ + "âĤ", + "¡" + ], + [ + "âĪ", + "ķ" + ], + [ + "âĺ", + "ī" + ], + [ + "ê¹", + "¼" + ], + [ + "ê¼", + "IJ" + ], + [ + "ì½", + "¸" + ], + [ + "ðĿIJ", + "¬" + ], + [ + "ðŁı", + "ħ" + ], + [ + "ðŁij", + "Ļ" + ], + [ + "ðŁĴ", + "ī" + ], + [ + "ð٤", + "Ļ" + ], + [ + "È", + "ĺ" + ], + [ + "É", + "³" + ], + [ + "É", + "¹" + ], + [ + "Ù", + "º" + ], + [ + "áĢ", + "Ħ" + ], + [ + "á¿", + "³" + ], + [ + "âļ", + "ĺ" + ], + [ + "âĿ", + "Ĩ" + ], + [ + "ëĨ", + "ī" + ], + [ + "ìĸ", + "į" + ], + [ + "ìĺ", + "ĩ" + ], + [ + "ì¥", + "ĺ" + ], + [ + "íĸ", + "ħ" + ], + [ + "íĻ", + "ij" + ], + [ + "ï®", + "Ĭ" + ], + [ + "ï¿", + "Ń" + ], + [ + "ðĿĴ", + "IJ" + ], + [ + "ðĿĹ", + "¢" + ], + [ + "ðŁĶ", + "ĸ" + ], + [ + "ðŁĶ", + "¨" + ], + [ + "ðŁļ", + "ij" + ], + [ + "ðŁļ", + "²" + ], + [ + "Æ", + "¸" + ], + [ + "âĹ", + "¥" + ], + [ + "ðĿIJ", + "Ń" + ], + [ + "ðŁį", + "½" + ], + [ + "âĹ", + "ij" + ], + [ + "âĵ", + "ĩ" + ], + [ + "ðŁĶ", + "±" + ], + [ + "âľ", + "¼" + ], + [ + "ï¹", + "ĥ" + ], + [ + "âķ", + "±" + ], + [ + "ãĢ", + "Ĺ" + ], + [ + "ðŁı", + "ĭ" + ], + [ + "ðŁļ", + "´" + ], + [ + "ðĿIJ", + "®" + ], + [ + "Ä", + "ļ" + ], + [ + "Õ", + "ı" + ], + [ + "Ä", + "¶" + ], + [ + "áĥ", + "ij" + ], + [ + "á¹", + "¬" + ], + [ + "Ä", + "Ī" + ], + [ + "Ä", + "Ĵ" + ], + [ + "Ò", + "°" + ], + [ + "Ó", + "ķ" + ], + [ + "â", + "IJ" + ], + [ + "âIJ", + "£" + ], + [ + "âĹ", + "¢" + ], + [ + "âļ", + "Ļ" + ], + [ + "ãħ", + "Ĺ" + ], + [ + "ê°", + "¬" + ], + [ + "ê³", + "ª" + ], + [ + "ê»", + "Ģ" + ], + [ + "ëĦ", + "´" + ], + [ + "ëİ", + "ģ" + ], + [ + "ëĿ", + "Ķ" + ], + [ + "ë¬", + "½" + ], + [ + "ëŃ", + "į" + ], + [ + "ìĩ", + "³" + ], + [ + "ì°", + "¹" + ], + [ + "íĮ", + "¹" + ], + [ + "íŀ", + "Ŀ" + ], + [ + "ï®", + "ĭ" + ], + [ + "ï", + "¶Ī" + ], + [ + "ðĿĴ", + "Ĥ" + ], + [ + "ðŁ¥", + "Ģ" + ], + [ + "ð٦", + "ħ" + ], + [ + "Ê", + "ĺ" + ], + [ + "á¼", + "ij" + ], + [ + "âģ", + "İ" + ], + [ + "ðŁį", + "ŀ" + ], + [ + "âĨ", + "ĸ" + ], + [ + "âĨ", + "Ļ" + ], + [ + "ðŁİ", + "ĥ" + ], + [ + "âĦ", + "¡" + ], + [ + "âĭ", + "±" + ], + [ + "ðŁĶ", + "į" + ], + [ + "à²", + "¨" + ], + [ + "áµ", + "ĥ" + ], + [ + "âĶ", + "«" + ], + [ + "â¦", + "¿" + ], + [ + "ðŁĩ", + "»" + ], + [ + "Æ", + "¤" + ], + [ + "Ò", + "ı" + ], + [ + "Ò", + "·" + ], + [ + "Û", + "ī" + ], + [ + "à®", + "ķ" + ], + [ + "á¸", + "³" + ], + [ + "ï¬", + "±" + ], + [ + "ðŁĨ", + "Ķ" + ], + [ + "Ú", + "Ń" + ], + [ + "Û", + "¦" + ], + [ + "áħ", + "¡" + ], + [ + "âĦ", + "¹" + ], + [ + "ê¿", + "İ" + ], + [ + "ëķ", + "Ķ" + ], + [ + "ë¼", + "ī" + ], + [ + "ìļ", + "§" + ], + [ + "ì²", + "µ" + ], + [ + "ì´", + "¨" + ], + [ + "íĬ", + "Ī" + ], + [ + "íĸ", + "IJ" + ], + [ + "ðĿĹ", + "ĺ" + ], + [ + "ðŁĩ", + "¿" + ], + [ + "ðŁİ", + "ĸ" + ], + [ + "ðŁij", + "ħ" + ], + [ + "ðŁ", + "ĵĺ" + ], + [ + "ðŁļ", + "Ļ" + ], + [ + "ðŁĽ", + "µ" + ], + [ + "à¶", + "½" + ], + [ + "âĽ", + "µ" + ], + [ + "ðĿIJ", + "³" + ], + [ + "ðĿIJ", + "¸" + ], + [ + "âļ", + "Ķ" + ], + [ + "ðŁij", + "Ń" + ], + [ + "Ó", + "ij" + ], + [ + "âĶ", + "¯" + ], + [ + "ðŁħ", + "¿" + ], + [ + "ðŁĺ", + "¹" + ], + [ + "ï¿", + "«" + ], + [ + "â¼", + "¤" + ], + [ + "ðŁĴ", + "ĩ" + ], + [ + "ðŁĵ", + "İ" + ], + [ + "ðŁĸ", + "ĭ" + ], + [ + "à¦", + "¸" + ], + [ + "ðĿIJ", + "į" + ], + [ + "Ä", + "²" + ], + [ + "Ï", + "ĭ" + ], + [ + "Ñ", + "¬" + ], + [ + "Ú", + "¬" + ], + [ + "Ü", + "Ĵ" + ], + [ + "á´", + "¬" + ], + [ + "ï¨", + "Ħ" + ], + [ + "É", + "£" + ], + [ + "Ë", + "ij" + ], + [ + "Ï", + "µ" + ], + [ + "Ò", + "Ŀ" + ], + [ + "Û", + "¥" + ], + [ + "Ü", + "ł" + ], + [ + "à¹", + "Ľ" + ], + [ + "áĥ", + "ķ" + ], + [ + "áĬ", + "ķ" + ], + [ + "á¾", + "¶" + ], + [ + "âĤ", + "·" + ], + [ + "âĩ", + "¾" + ], + [ + "âķ", + "©" + ], + [ + "âĸ", + "IJ" + ], + [ + "âĺ", + "ª" + ], + [ + "âĺ", + "®" + ], + [ + "âĿ", + "ļ" + ], + [ + "âĿ", + "Ń" + ], + [ + "âŀ", + "±" + ], + [ + "âµ", + "İ" + ], + [ + "ãı", + "Ĭ" + ], + [ + "ë©", + "ĵ" + ], + [ + "ìĹ", + "¾" + ], + [ + "ìª", + "Ħ" + ], + [ + "íĵ", + "Į" + ], + [ + "íķ", + "¼" + ], + [ + "ïŃ", + "¬" + ], + [ + "ðĿij", + "Ĩ" + ], + [ + "ðĿij", + "ŀ" + ], + [ + "ðĿĸ", + "Ĭ" + ], + [ + "ðŁİ", + "¸" + ], + [ + "ðŁı", + "Ħ" + ], + [ + "ðŁij", + "µ" + ], + [ + "ðŁĴ", + "ł" + ], + [ + "ðŁĶ", + "ĺ" + ], + [ + "ðŁ¥", + "Ĥ" + ], + [ + "Å", + "ª" + ], + [ + "à·", + "ĥ" + ], + [ + "á´", + "¼" + ], + [ + "âĬ", + "°" + ], + [ + "ë³", + "ı" + ], + [ + "ë´", + "£" + ], + [ + "ï¥", + "ľ" + ], + [ + "ðŁĵ", + "Ī" + ], + [ + "ðŁķ", + "¯" + ], + [ + "ð٧", + "Ģ" + ], + [ + "âĻ", + "IJ" + ], + [ + "ðŁĨ", + "Ĺ" + ], + [ + "ðŁĵ", + "ķ" + ], + [ + "ð٧", + "ģ" + ], + [ + "Ü", + "«" + ], + [ + "âĿ", + "IJ" + ], + [ + "Õ", + "ķ" + ], + [ + "à½", + "ķ" + ], + [ + "âŀ", + "Ŀ" + ], + [ + "à¦", + "ķ" + ], + [ + "ðĿIJ", + "¶" + ], + [ + "É", + "¢" + ], + [ + "Î", + "Ħ" + ], + [ + "áĨ", + "¢" + ], + [ + "âĤ", + "±" + ], + [ + "Õ", + "į" + ], + [ + "à¡", + "ķ" + ], + [ + "á´", + "°" + ], + [ + "á¸", + "©" + ], + [ + "âĽ", + "·" + ], + [ + "âĿ", + "®" + ], + [ + "ê¡", + "ĵ" + ], + [ + "ëı", + "¤" + ], + [ + "ëĹ", + "IJ" + ], + [ + "ëµ", + "Į" + ], + [ + "ìij", + "Ī" + ], + [ + "íı", + "¿" + ], + [ + "íĹ", + "µ" + ], + [ + "ðĿIJ", + "İ" + ], + [ + "ðŁĨ", + "ĺ" + ], + [ + "ðŁı", + "Ł" + ], + [ + "É", + "¥" + ], + [ + "Õ", + "»" + ], + [ + "à¡", + "Ķ" + ], + [ + "à¤", + "ĸ" + ], + [ + "á´", + "¸" + ], + [ + "âİ", + "Ļ" + ], + [ + "âİ", + "¥" + ], + [ + "âı", + "³" + ], + [ + "ëģ", + "ķ" + ], + [ + "ëĬ", + "ī" + ], + [ + "ì¡", + "į" + ], + [ + "ì¹", + "¡" + ], + [ + "ï¦", + "¶" + ], + [ + "ï¬", + "Ł" + ], + [ + "ï®", + "«" + ], + [ + "ï®", + "¯" + ], + [ + "ï±", + "ĥ" + ], + [ + "ï", + "·»" + ], + [ + "ïº", + "µ" + ], + [ + "ðĿĹ", + "Ķ" + ], + [ + "ðĿĹ", + "¡" + ], + [ + "ðŁİ", + "¨" + ], + [ + "ðŁĶ", + "Ĵ" + ], + [ + "Ú", + "Ľ" + ], + [ + "à¤", + "§" + ], + [ + "âŀ", + "¹" + ], + [ + "áĢ", + "Ģ" + ], + [ + "ðŁį", + "ħ" + ], + [ + "âĹ", + "¤" + ], + [ + "à¤", + "ł" + ], + [ + "ðŁIJ", + "¥" + ], + [ + "áĥ", + "Ĵ" + ], + [ + "ðŁı", + "Ŀ" + ], + [ + "ðŁį", + "¼" + ], + [ + "ãĮ", + "§" + ], + [ + "âĿ", + "Ľ" + ], + [ + "ðŁIJ", + "Ī" + ], + [ + "à¦", + "¯" + ], + [ + "áĢ", + "ŀ" + ], + [ + "ãĢ", + "ĸ" + ], + [ + "áŀ", + "Ļ" + ], + [ + "à¦", + "ª" + ], + [ + "Õ", + "Ĩ" + ], + [ + "âĬ", + "Ĩ" + ], + [ + "âľ", + "¾" + ], + [ + "ðŁIJ", + "Ĺ" + ], + [ + "ï¹", + "¿" + ], + [ + "Ä", + "¦" + ], + [ + "Ü", + "Ł" + ], + [ + "à²", + "ł" + ], + [ + "à²", + "¥" + ], + [ + "áŀ", + "ī" + ], + [ + "á´", + "¥" + ], + [ + "á´", + "©" + ], + [ + "á½", + "Ģ" + ], + [ + "á½", + "¡" + ], + [ + "âĨ", + "ķ" + ], + [ + "âŀ", + "¯" + ], + [ + "ê¡", + "ij" + ], + [ + "ëij", + "£" + ], + [ + "ë±", + "Į" + ], + [ + "ìĪ", + "ij" + ], + [ + "ìľ", + "Ķ" + ], + [ + "ìŀ", + "½" + ], + [ + "ì¨", + "į" + ], + [ + "ðĿij", + "Ģ" + ], + [ + "ðŁĮ", + "Į" + ], + [ + "ðŁį", + "¦" + ], + [ + "ðŁį", + "©" + ], + [ + "ðŁIJ", + "ļ" + ], + [ + "ðŁĵ", + "Ĵ" + ], + [ + "ðŁĵ", + "¹" + ], + [ + "ðŁ¥", + "ij" + ], + [ + "Ä", + "ĭ" + ], + [ + "Ë", + "Ĺ" + ], + [ + "Ñ", + "«" + ], + [ + "Õ", + "¢" + ], + [ + "Ú", + "°" + ], + [ + "â", + "ĮĢ" + ], + [ + "âĹ", + "Ĥ" + ], + [ + "âĹ", + "£" + ], + [ + "âľ", + "Ľ" + ], + [ + "âĿ", + "Ĵ" + ], + [ + "âĿ", + "ĺ" + ], + [ + "âŀ", + "Ļ" + ], + [ + "âŀ", + "²" + ], + [ + "ãİ", + "į" + ], + [ + "ê¡", + "IJ" + ], + [ + "ëŀ", + "ĸ" + ], + [ + "ìĬ", + "Ŀ" + ], + [ + "ìĽ", + "¤" + ], + [ + "ì¡", + "ĭ" + ], + [ + "ì¨", + "°" + ], + [ + "íĹ", + "Ļ" + ], + [ + "ï¥", + "¸" + ], + [ + "ï³", + "į" + ], + [ + "ï»", + "İ" + ], + [ + "ðĿij", + "ĵ" + ], + [ + "ðŁĵ", + "Ĭ" + ], + [ + "ðŁļ", + "¼" + ], + [ + "ï¦", + "ģ" + ], + [ + "ðĿķ", + "Ĵ" + ], + [ + "ðŁ", + "ijľ" + ], + [ + "ðŁij", + "¿" + ], + [ + "ðŁĩ", + "½" + ], + [ + "à·", + "Ħ" + ], + [ + "âĸ", + "´" + ], + [ + "ãį", + "ī" + ], + [ + "âĬ", + "ĩ" + ], + [ + "ð٧", + "¸" + ], + [ + "Ú", + "¡" + ], + [ + "â¾", + "ĥ" + ], + [ + "ðŁĹ", + "»" + ], + [ + "âĵ", + "ij" + ], + [ + "ð٤", + "¸" + ], + [ + "ð٤", + "¯" + ], + [ + "êĴ", + "°" + ], + [ + "ðĿIJ", + "ĵ" + ], + [ + "âĶ", + "´" + ], + [ + "êĴ", + "±" + ], + [ + "áĢ", + "ĺ" + ], + [ + "â", + "ĽĦ" + ], + [ + "ï¹", + "¹" + ], + [ + "Ó", + "Ķ" + ], + [ + "áĥ", + "±" + ], + [ + "Ü", + "¡" + ], + [ + "ß", + "ŀ" + ], + [ + "âĻ", + "ı" + ], + [ + "âľ", + "¸" + ], + [ + "ìij", + "¨" + ], + [ + "ðĿIJ", + "Ŀ" + ], + [ + "ðĿIJ", + "¥" + ], + [ + "ðŁį", + "ī" + ], + [ + "ðŁij", + "¼" + ], + [ + "ðŁ¥", + "Ŀ" + ], + [ + "Æ", + "Ķ" + ], + [ + "Ý", + "¬" + ], + [ + "à¤", + "«" + ], + [ + "àº", + "ļ" + ], + [ + "á´", + "´" + ], + [ + "á½", + "ĸ" + ], + [ + "âĤ", + "¶" + ], + [ + "âİ", + "¢" + ], + [ + "âĿ", + "ħ" + ], + [ + "âŁ", + "«" + ], + [ + "ãİ", + "Ľ" + ], + [ + "ë®", + "¨" + ], + [ + "ëº", + "Į" + ], + [ + "ë¼", + "ĺ" + ], + [ + "ìĨ", + "Ŀ" + ], + [ + "ìľ", + "³" + ], + [ + "ìŀ", + "Į" + ], + [ + "ì£", + "Ĺ" + ], + [ + "ìª", + "ĺ" + ], + [ + "ì»", + "¹" + ], + [ + "ï·", + "¼" + ], + [ + "ïº", + "Ĥ" + ], + [ + "ðĿIJ", + "´" + ], + [ + "ðĿIJ", + "¼" + ], + [ + "ðŁĮ", + "ļ" + ], + [ + "ðŁı", + "«" + ], + [ + "ðŁĴ", + "¤" + ], + [ + "ðŁĴ", + "¶" + ], + [ + "ðŁĴ", + "¼" + ], + [ + "Ê", + "ķ" + ], + [ + "Ê", + "½" + ], + [ + "â²", + "Ł" + ], + [ + "ãī", + "ł" + ], + [ + "ê¡", + "Ĵ" + ], + [ + "ëľ", + "Ģ" + ], + [ + "ìĥ", + "¾" + ], + [ + "ì¸", + "¤" + ], + [ + "ï¥", + "ģ" + ], + [ + "ðĿļ", + "Ĭ" + ], + [ + "ðŁļ", + "ĥ" + ], + [ + "âŀ", + "Ľ" + ], + [ + "ìħ", + "´" + ], + [ + "áĦ", + "ĭ" + ], + [ + "âĩ", + "Ĺ" + ], + [ + "ï§", + "·" + ], + [ + "âĺ", + "ĸ" + ], + [ + "ðŁIJ", + "¦" + ], + [ + "â¸", + "ľ" + ], + [ + "ðŁĴ", + "´" + ], + [ + "ð٤", + "ļ" + ], + [ + "ãĬ", + "Ĺ" + ], + [ + "âĮ", + "Ľ" + ], + [ + "áĪ", + "Ľ" + ], + [ + "à¼", + "º" + ], + [ + "â½", + "ī" + ], + [ + "ðŁı", + "¢" + ], + [ + "âĵ", + "ŀ" + ], + [ + "âĺ", + "½" + ], + [ + "ãĢ", + "Ļ" + ], + [ + "ð٤", + "®" + ], + [ + "Å", + "IJ" + ], + [ + "áĥ", + "¬" + ], + [ + "ðĿĹ", + "»" + ], + [ + "ðŁį", + "ĸ" + ], + [ + "Æ", + "Ĭ" + ], + [ + "Ê", + "Ł" + ], + [ + "ß", + "ĭ" + ], + [ + "à¤", + "ĭ" + ], + [ + "áµ", + "Ķ" + ], + [ + "á¿", + "ĥ" + ], + [ + "âĦ", + "ī" + ], + [ + "âĮ", + "ĭ" + ], + [ + "âı", + "²" + ], + [ + "âĵ", + "Ī" + ], + [ + "âĵ", + "¢" + ], + [ + "âķ", + "Ķ" + ], + [ + "âļ", + "ij" + ], + [ + "âĿ", + "ĭ" + ], + [ + "âĿ", + "İ" + ], + [ + "â", + "µľ" + ], + [ + "âµ", + "£" + ], + [ + "ëĴ", + "Ī" + ], + [ + "ëľ", + "ģ" + ], + [ + "ë¶", + "ĩ" + ], + [ + "ìį", + "»" + ], + [ + "ìĺ", + "Ń" + ], + [ + "ì§", + "¢" + ], + [ + "íĹ", + "Ģ" + ], + [ + "ï§", + "Ĭ" + ], + [ + "ï", + "¬¸" + ], + [ + "ï±", + "¡" + ], + [ + "ðĿIJ", + "º" + ], + [ + "ðĿij", + "§" + ], + [ + "ðĿĺ", + "¦" + ], + [ + "ðŁĵ", + "¥" + ], + [ + "ðŁĺ", + "Ł" + ], + [ + "ðŁ¥", + "IJ" + ], + [ + "Ä", + "ĸ" + ], + [ + "É", + "¨" + ], + [ + "áĢ", + "IJ" + ], + [ + "áĥ", + "ĵ" + ], + [ + "áº", + "ĵ" + ], + [ + "á¼", + "¶" + ], + [ + "á½", + "Ħ" + ], + [ + "âĤ", + "¤" + ], + [ + "âĮ", + "ľ" + ], + [ + "âĮ", + "Ł" + ], + [ + "âİ", + "ł" + ], + [ + "âĽ", + "¸" + ], + [ + "âµ", + "į" + ], + [ + "âµ", + "ı" + ], + [ + "âµ", + "ĵ" + ], + [ + "ãĢ", + "ĺ" + ], + [ + "ë", + "·¸" + ], + [ + "íħ", + "¼" + ], + [ + "ï¦", + "Į" + ], + [ + "ïŃ", + "Ħ" + ], + [ + "ïŃ", + "İ" + ], + [ + "ðĿĻ", + "ļ" + ], + [ + "ðĿļ", + "ĺ" + ], + [ + "à¼", + "ĵ" + ], + [ + "ëŃ", + "ħ" + ], + [ + "áIJ", + "Ľ" + ], + [ + "ãİ", + "¾" + ], + [ + "ï¨", + "Ģ" + ], + [ + "ðŁĹ", + "½" + ], + [ + "âĻ", + "ŀ" + ], + [ + "Ë", + "ĸ" + ], + [ + "âĹ", + "ŀ" + ], + [ + "ð٤", + "«" + ], + [ + "ðŁĺ", + "Ĺ" + ], + [ + "ï½", + "¦" + ], + [ + "ð٤", + "¢" + ], + [ + "âģ", + "ĩ" + ], + [ + "ãĢ", + "µ" + ], + [ + "ðŁį", + "Ķ" + ], + [ + "áĬ", + "ł" + ], + [ + "ðŁĺ", + "¼" + ], + [ + "ðĿĹ", + "®" + ], + [ + "ðŁIJ", + "³" + ], + [ + "ðĿIJ", + "ĭ" + ], + [ + "ðŁĨ", + "ļ" + ], + [ + "ðŁĶ", + "Ľ" + ], + [ + "Ñ", + "»" + ], + [ + "Ü", + "¨" + ], + [ + "à®", + "²" + ], + [ + "âľ", + "ŀ" + ], + [ + "âµ", + "Ļ" + ], + [ + "êµ", + "£" + ], + [ + "ì¸", + "¨" + ], + [ + "ðĿ", + "IJľ" + ], + [ + "ðĿĺ", + "°" + ], + [ + "ðŁĶ", + "½" + ], + [ + "Ç", + "»" + ], + [ + "Ç", + "¿" + ], + [ + "Ê", + "ĩ" + ], + [ + "Î", + "IJ" + ], + [ + "Ð", + "Ģ" + ], + [ + "Ñ", + "¡" + ], + [ + "Ñ", + "²" + ], + [ + "Ò", + "Ĵ" + ], + [ + "Ù", + "¶" + ], + [ + "ß", + "ķ" + ], + [ + "à¶", + "±" + ], + [ + "áIJ", + "ģ" + ], + [ + "âģ", + "ŀ" + ], + [ + "âĸ", + "§" + ], + [ + "âĽ", + "Ī" + ], + [ + "âľ", + "ľ" + ], + [ + "âľ", + "¹" + ], + [ + "âŁ", + "¹" + ], + [ + "â¤", + "ĩ" + ], + [ + "ê²", + "Ĭ" + ], + [ + "ê¾", + "ľ" + ], + [ + "ë¯", + "IJ" + ], + [ + "ë³", + "IJ" + ], + [ + "ìħ", + "©" + ], + [ + "ìIJ", + "¬" + ], + [ + "ìij", + "¹" + ], + [ + "ï¤", + "Ķ" + ], + [ + "ï¦", + "ļ" + ], + [ + "ï¬", + "ł" + ], + [ + "ïŃ", + "Ķ" + ], + [ + "ïº", + "¶" + ], + [ + "ðĿĴ", + "ı" + ], + [ + "ðĿĸ", + "Ĩ" + ], + [ + "ðĿĹ", + "¶" + ], + [ + "ðŁı", + "Ĥ" + ], + [ + "ðŁIJ", + "½" + ], + [ + "ðŁĴ", + "©" + ], + [ + "ðŁĵ", + "½" + ], + [ + "ðŁĹ", + "¨" + ], + [ + "ðŁĹ", + "º" + ], + [ + "ðŁĺ", + "¸" + ], + [ + "ðŁ¥", + "§" + ], + [ + "Å", + "Ĺ" + ], + [ + "Ê", + "İ" + ], + [ + "Ò", + "Ļ" + ], + [ + "×", + "²" + ], + [ + "à¤", + "Ī" + ], + [ + "á¼", + "´" + ], + [ + "á¿", + "ij" + ], + [ + "âµ", + "ī" + ], + [ + "ãħ", + "ĵ" + ], + [ + "ì½", + "´" + ], + [ + "ðĿĸ", + "ĵ" + ], + [ + "ðŁĵ", + "Ĺ" + ], + [ + "ðŁĶ", + "ª" + ], + [ + "ðŁĸ", + "į" + ], + [ + "Ï", + "Ĵ" + ], + [ + "ðŁij", + "¬" + ], + [ + "áĥ", + "Ļ" + ], + [ + "âĨ", + "¬" + ], + [ + "âĶ", + "¤" + ], + [ + "âĽ", + "¹" + ], + [ + "âĻ", + "Ł" + ], + [ + "ðŁļ", + "¶" + ], + [ + "ðŁij", + "¾" + ], + [ + "âĪ", + "ĭ" + ], + [ + "ðŁIJ", + "¯" + ], + [ + "à¼", + "İ" + ], + [ + "âľ", + "·" + ], + [ + "ï¨", + "Ļ" + ], + [ + "âĶ", + "»" + ], + [ + "ðŁij", + "¹" + ], + [ + "áĦ", + "ī" + ], + [ + "àº", + "ª" + ], + [ + "â¾", + "ı" + ], + [ + "â½", + "ħ" + ], + [ + "ãİ", + "ĸ" + ], + [ + "Ñ", + "´" + ], + [ + "Õ", + "®" + ], + [ + "Ú", + "¼" + ], + [ + "áĢ", + "ķ" + ], + [ + "áĨ", + "¼" + ], + [ + "ëŃ", + "ı" + ], + [ + "ðŁIJ", + "¸" + ], + [ + "ðŁļ", + "£" + ], + [ + "Æ", + "Ŀ" + ], + [ + "Ô", + "»" + ], + [ + "áĥ", + "¢" + ], + [ + "ðŁį", + "¯" + ], + [ + "É", + "¦" + ], + [ + "Õ", + "¦" + ], + [ + "âĻ", + "ĭ" + ], + [ + "ï¬", + "«" + ], + [ + "ðĿĹ", + "¦" + ], + [ + "Ç", + "ļ" + ], + [ + "É", + "±" + ], + [ + "à¤", + "ī" + ], + [ + "á´", + "Ħ" + ], + [ + "âĻ", + "ĵ" + ], + [ + "âĽ", + "°" + ], + [ + "âŁ", + "ª" + ], + [ + "ëĥ", + "ĺ" + ], + [ + "ë¢", + "¸" + ], + [ + "ìĤ", + "ij" + ], + [ + "ï®", + "Ķ" + ], + [ + "ðĿķ", + "ĸ" + ], + [ + "ðĿĹ", + "§" + ], + [ + "ðŁĩ", + "¼" + ], + [ + "ðŁĵ", + "ĭ" + ], + [ + "ðŁļ", + "ľ" + ], + [ + "ðŁ¥", + "¤" + ], + [ + "Ä", + "®" + ], + [ + "Å", + "·" + ], + [ + "ß", + "Ĭ" + ], + [ + "à¥", + "¥" + ], + [ + "à®", + "ª" + ], + [ + "áŀ", + "Ħ" + ], + [ + "áµ", + "Ģ" + ], + [ + "á¸", + "ħ" + ], + [ + "á¼", + "¢" + ], + [ + "âĪ", + "Ŀ" + ], + [ + "âĬ", + "¹" + ], + [ + "âĴ", + "¶" + ], + [ + "âķ", + "´" + ], + [ + "âĽ", + "±" + ], + [ + "âĽ", + "³" + ], + [ + "âĽ", + "º" + ], + [ + "âŀ", + "Ł" + ], + [ + "ãı", + "Ħ" + ], + [ + "ê¸", + "Ķ" + ], + [ + "ê¹", + "Ł" + ], + [ + "ëĩ", + "°" + ], + [ + "ë¹", + "»" + ], + [ + "ìĤ", + "¥" + ], + [ + "ìĽ", + "»" + ], + [ + "ì°", + "Ł" + ], + [ + "íĥ", + "°" + ], + [ + "íĨ", + "º" + ], + [ + "íļ", + "½" + ], + [ + "ï¤", + "´" + ], + [ + "ï¥", + "¾" + ], + [ + "ï³", + "Ŀ" + ], + [ + "ðĿIJ", + "¦" + ], + [ + "ðĿĴ", + "ľ" + ], + [ + "ðĿĴ", + "Ł" + ], + [ + "ðĿļ", + "Ĺ" + ], + [ + "ðŁİ", + "Ń" + ], + [ + "ðŁı", + "ĵ" + ], + [ + "ðŁı", + "³" + ], + [ + "ðŁı", + "º" + ], + [ + "ðŁIJ", + "į" + ], + [ + "ðŁij", + "ĥ" + ], + [ + "ðŁĴ", + "ı" + ], + [ + "ð٤", + "ĸ" + ], + [ + "ð٤", + "µ" + ], + [ + "Õ", + "²" + ], + [ + "âµ", + "Ķ" + ], + [ + "ëĺ", + "¬" + ], + [ + "ï¦", + "£" + ], + [ + "Ê", + "Ĥ" + ], + [ + "áĨ", + "«" + ], + [ + "áŀ", + "ij" + ], + [ + "ðĿĸ", + "İ" + ], + [ + "ðĿĹ", + "ĸ" + ], + [ + "áĦ", + "ĥ" + ], + [ + "âĩ", + "ł" + ], + [ + "áĢ", + "¡" + ], + [ + "à½", + "Ħ" + ], + [ + "âŀ", + "¸" + ], + [ + "ï¦", + "Ļ" + ], + [ + "âĩ", + "ļ" + ], + [ + "ðŁIJ", + "¬" + ], + [ + "ðŁIJ", + "¢" + ], + [ + "â¾", + "Ĵ" + ], + [ + "ðŁIJ", + "¤" + ], + [ + "ðŁĶ", + "«" + ], + [ + "ãĢ", + "ŀ" + ], + [ + "ï¸", + "º" + ], + [ + "ðŁĺ", + "º" + ], + [ + "â½", + "´" + ], + [ + "ðŁĨ", + "ķ" + ], + [ + "âģ", + "¿" + ], + [ + "ðŁį", + "¨" + ], + [ + "à²", + "ķ" + ], + [ + "ðŁļ", + "ĺ" + ], + [ + "áŀ", + "ħ" + ], + [ + "à¦", + "ħ" + ], + [ + "áŀ", + "¢" + ], + [ + "à¨", + "ľ" + ], + [ + "â", + "ļĮ" + ], + [ + "ãĢ", + "½" + ], + [ + "à·", + "´" + ], + [ + "âĵ", + "Ľ" + ], + [ + "áĢ", + "ľ" + ], + [ + "ìĨ", + "¨" + ], + [ + "Ë", + "©" + ], + [ + "Ü", + "Ĺ" + ], + [ + "âĭ", + "¼" + ], + [ + "ðŁĻ", + "ī" + ], + [ + "Å", + "Ĭ" + ], + [ + "É", + "ĵ" + ], + [ + "Ê", + "²" + ], + [ + "Î", + "°" + ], + [ + "Ñ", + "¼" + ], + [ + "Ô", + "¿" + ], + [ + "à¡", + "IJ" + ], + [ + "à¼", + "ľ" + ], + [ + "à½", + "¦" + ], + [ + "á¶", + "ľ" + ], + [ + "âĤ", + "²" + ], + [ + "âĨ", + "¨" + ], + [ + "âĬ", + "¥" + ], + [ + "âķ", + "§" + ], + [ + "âĻ", + "ľ" + ], + [ + "ãĭ", + "¡" + ], + [ + "ë´", + "¬" + ], + [ + "ë¶", + "ij" + ], + [ + "ìī", + "¿" + ], + [ + "ìİ", + "ħ" + ], + [ + "ìł", + "±" + ], + [ + "ì°", + "§" + ], + [ + "ï²", + "¡" + ], + [ + "ðĿĴ", + "Ľ" + ], + [ + "ðĿķ", + "£" + ], + [ + "ðĿĹ", + "ľ" + ], + [ + "ðŁį", + "²" + ], + [ + "ðŁİ", + "©" + ], + [ + "ðŁIJ", + "IJ" + ], + [ + "ðŁIJ", + "ł" + ], + [ + "ðŁij", + "½" + ], + [ + "ðŁĴ", + "ij" + ], + [ + "ðŁĵ", + "ľ" + ], + [ + "ðŁķ", + "µ" + ], + [ + "ðŁ", + "ļĮ" + ], + [ + "ðŁĽ", + "£" + ], + [ + "Ê", + "ĭ" + ], + [ + "Ó", + "¯" + ], + [ + "Ù", + "¸" + ], + [ + "ß", + "Ķ" + ], + [ + "ß", + "Ļ" + ], + [ + "à¡", + "ĵ" + ], + [ + "á´", + "į" + ], + [ + "á¸", + "¿" + ], + [ + "âı", + "º" + ], + [ + "âĸ", + "¥" + ], + [ + "ë¤", + "½" + ], + [ + "íľ", + "ij" + ], + [ + "ðĿIJ", + "¹" + ], + [ + "ðĿĸ", + "Ķ" + ], + [ + "ðĿļ", + "İ" + ], + [ + "ðŁĵ", + "Ħ" + ], + [ + "ð٦", + "·" + ], + [ + "Æ", + "ĥ" + ], + [ + "à¦", + "Ł" + ], + [ + "âĮ", + "Ĥ" + ], + [ + "âĺ", + "Ń" + ], + [ + "â²", + "ļ" + ], + [ + "ëĿ", + "ķ" + ], + [ + "ðŁİ", + "£" + ], + [ + "à®", + "ĩ" + ], + [ + "à½", + "Ĩ" + ], + [ + "áħ", + "µ" + ], + [ + "áĹ", + "ľ" + ], + [ + "âĢ", + "½" + ], + [ + "âĮ", + "£" + ], + [ + "âģ", + "½" + ], + [ + "ðŁĵ", + "¬" + ], + [ + "ð٤", + "§" + ], + [ + "âĩ", + "ª" + ], + [ + "â½", + "£" + ], + [ + "âĹ", + "Ł" + ], + [ + "ï¨", + "Ĺ" + ], + [ + "êĴ", + "ª" + ], + [ + "ðŁĽ", + "Ģ" + ], + [ + "Ç", + "Ĥ" + ], + [ + "ðŁ¥", + "¶" + ], + [ + "ðŁİ", + "į" + ], + [ + "ï¿", + "©" + ], + [ + "ðŁij", + "Ĵ" + ], + [ + "áµ", + "Ī" + ], + [ + "ï¸", + "¿" + ], + [ + "áħ", + "©" + ], + [ + "â¾", + "¦" + ], + [ + "à°", + "¤" + ], + [ + "á´", + "ĸ" + ], + [ + "à¨", + "¬" + ], + [ + "àº", + "Ĺ" + ], + [ + "à¼", + "»" + ], + [ + "Ñ", + "º" + ], + [ + "à¨", + "ª" + ], + [ + "á´", + "³" + ], + [ + "ðĿIJ", + "Ī" + ], + [ + "à»", + "Ģ" + ], + [ + "á´", + "¿" + ], + [ + "âĤ", + "į" + ], + [ + "âĩ", + "¡" + ], + [ + "âĽ", + "ª" + ], + [ + "ðĿIJ", + "Ĥ" + ], + [ + "ðĿĴ", + "ķ" + ], + [ + "ðŁ", + "IJľ" + ], + [ + "Ê", + "į" + ], + [ + "Ñ", + "±" + ], + [ + "à½", + "ĥ" + ], + [ + "ë®", + "IJ" + ], + [ + "ìĽ", + "¡" + ], + [ + "ìľ", + "ģ" + ], + [ + "ðĿIJ", + "¿" + ], + [ + "ðĿķ", + "ł" + ], + [ + "ðŁij", + "Ľ" + ], + [ + "Æ", + "ª" + ], + [ + "Ï", + "º" + ], + [ + "Ó", + "¬" + ], + [ + "Ù", + "¿" + ], + [ + "Ý", + "£" + ], + [ + "àª", + "ī" + ], + [ + "à®", + "¹" + ], + [ + "à½", + "ij" + ], + [ + "áĨ", + "¯" + ], + [ + "áµ", + "ĩ" + ], + [ + "âĩ", + "¥" + ], + [ + "âı", + "ª" + ], + [ + "âĻ", + "°" + ], + [ + "âļ", + "Ń" + ], + [ + "âļ", + "¾" + ], + [ + "ãħ", + "Ħ" + ], + [ + "êĢ", + "°" + ], + [ + "ê°", + "Ĺ" + ], + [ + "ê²", + "ĭ" + ], + [ + "ê²", + "»" + ], + [ + "ê¶", + "ľ" + ], + [ + "ê¼", + "ĩ" + ], + [ + "ê½", + "¹" + ], + [ + "ëĤ", + "Ł" + ], + [ + "ëħ", + "Ī" + ], + [ + "ëĭ", + "¢" + ], + [ + "ë§", + "Ł" + ], + [ + "ëª", + "Ĩ" + ], + [ + "ëµ", + "Ģ" + ], + [ + "ì½", + "±" + ], + [ + "íĩ", + "ĺ" + ], + [ + "íľ", + "ľ" + ], + [ + "ï§", + "¾" + ], + [ + "ï±", + "µ" + ], + [ + "ï²", + "¢" + ], + [ + "ï²", + "¤" + ], + [ + "ðĿĴ", + "Ĭ" + ], + [ + "ðĿĺ", + "¯" + ], + [ + "ðŁį", + "Ĺ" + ], + [ + "ðŁı", + "į" + ], + [ + "ðŁIJ", + "ĺ" + ], + [ + "ðŁĵ", + "¡" + ], + [ + "ðŁĶ", + "ŀ" + ], + [ + "ð٤", + "³" + ], + [ + "ðŁ¥", + "ģ" + ], + [ + "ðŁ¥", + "Ĺ" + ], + [ + "ð٦", + "Ĭ" + ], + [ + "Ä", + "µ" + ], + [ + "Æ", + "¦" + ], + [ + "Ç", + "µ" + ], + [ + "É", + "¯" + ], + [ + "Î", + "ı" + ], + [ + "Õ", + "Ħ" + ], + [ + "Ü", + "¥" + ], + [ + "à½", + "ģ" + ], + [ + "á¨", + "ł" + ], + [ + "âķ", + "«" + ], + [ + "ãİ", + "ī" + ], + [ + "ë·", + "´" + ], + [ + "ìĨ", + "İ" + ], + [ + "ìİ", + "Į" + ], + [ + "ì£", + "µ" + ], + [ + "íĽ", + "ł" + ], + [ + "ï§", + "ª" + ], + [ + "ï³", + "ı" + ], + [ + "ï»", + "º" + ], + [ + "ðĿij", + "ģ" + ], + [ + "ðĿij", + "ĩ" + ], + [ + "ðĿĴ", + "Ĩ" + ], + [ + "ðŁİ", + "ł" + ], + [ + "ðŁIJ", + "Ķ" + ], + [ + "ðŁij", + "Ł" + ], + [ + "Å", + "ĸ" + ], + [ + "à¤", + "Į" + ], + [ + "á¾", + "½" + ], + [ + "ê¦", + "Ĵ" + ], + [ + "à®", + "Ł" + ], + [ + "á´", + "±" + ], + [ + "ðŁı", + "°" + ], + [ + "ðŁIJ", + "ŀ" + ], + [ + "à½", + "Ģ" + ], + [ + "áĢ", + "ħ" + ], + [ + "âĬ", + "¿" + ], + [ + "ðŁIJ", + "§" + ], + [ + "áĽ", + "ģ" + ], + [ + "â¼", + "Ī" + ], + [ + "âĶ", + "¿" + ], + [ + "ðŁ¥", + "´" + ], + [ + "â¼", + "¿" + ], + [ + "ð٧", + "ľ" + ], + [ + "ãħ", + "¿" + ], + [ + "âĦ", + "«" + ], + [ + "ãĢ", + "³" + ], + [ + "ãĬ", + "Ļ" + ], + [ + "â¼", + "Ģ" + ], + [ + "ï", + "¦¬" + ], + [ + "ðŁı", + "¬" + ], + [ + "ðŁĵ", + "»" + ], + [ + "áĬ", + "Ľ" + ], + [ + "áĦ", + "ħ" + ], + [ + "àº", + "Ĭ" + ], + [ + "àº", + "Ľ" + ], + [ + "áħ", + "³" + ], + [ + "ðŁij", + "®" + ], + [ + "à®", + "±" + ], + [ + "âĺ", + "ĩ" + ], + [ + "ðĿIJ", + "ı" + ], + [ + "à´", + "µ" + ], + [ + "à»", + "ģ" + ], + [ + "à½", + "ı" + ], + [ + "à½", + "¢" + ], + [ + "á¥", + "±" + ], + [ + "âĤ", + "£" + ], + [ + "ï¥", + "¦" + ], + [ + "ïŃ", + "Ļ" + ], + [ + "ï´", + "©" + ], + [ + "ï¹", + "Ĥ" + ], + [ + "ðŁį", + "£" + ], + [ + "ðŁķ", + "¹" + ], + [ + "Ï", + "ĸ" + ], + [ + "à¶", + "¸" + ], + [ + "àº", + "¢" + ], + [ + "áĭ", + "Ń" + ], + [ + "âİ", + "Ŀ" + ], + [ + "âĹ", + "Ŀ" + ], + [ + "âĻ", + "Ī" + ], + [ + "âĻ", + "İ" + ], + [ + "ê½", + "¥" + ], + [ + "ì³", + "Ķ" + ], + [ + "ì¼", + "ij" + ], + [ + "ï±", + "°" + ], + [ + "ðĿij", + "ĥ" + ], + [ + "ðŁĮ", + "ª" + ], + [ + "ðŁį", + "¡" + ], + [ + "Å", + "İ" + ], + [ + "Ê", + "¦" + ], + [ + "Ñ", + "§" + ], + [ + "Ó", + "İ" + ], + [ + "Ô", + "´" + ], + [ + "Ú", + "Ī" + ], + [ + "ß", + "ĵ" + ], + [ + "ß", + "§" + ], + [ + "à¤", + "Ķ" + ], + [ + "áĪ", + "«" + ], + [ + "áĪ", + "µ" + ], + [ + "áĹ", + "©" + ], + [ + "á´", + "ł" + ], + [ + "á¼", + "ł" + ], + [ + "âĢ", + "Ĺ" + ], + [ + "âģ", + "ij" + ], + [ + "âĦ", + "ı" + ], + [ + "âĸ", + "ĩ" + ], + [ + "â²", + "£" + ], + [ + "ãĦ", + "³" + ], + [ + "ãī", + "®" + ], + [ + "ê³", + "Ĺ" + ], + [ + "ëĦ", + "Ĵ" + ], + [ + "ëĸ", + "«" + ], + [ + "ë¡", + "Ħ" + ], + [ + "ë¹", + "°" + ], + [ + "ë½", + "ģ" + ], + [ + "ìĦ", + "ģ" + ], + [ + "ìĮ", + "ĺ" + ], + [ + "ìŁ", + "Į" + ], + [ + "ì³", + "ī" + ], + [ + "ì¼", + "ķ" + ], + [ + "ï¬", + "»" + ], + [ + "ï³", + "İ" + ], + [ + "ï¹", + "¸" + ], + [ + "ï¹", + "¾" + ], + [ + "ðĿIJ", + "Ĩ" + ], + [ + "ðĿij", + "·" + ], + [ + "ðĿĽ", + "¼" + ], + [ + "ðŁİ", + "ı" + ], + [ + "ðŁİ", + "ŀ" + ], + [ + "ðŁIJ", + "Ļ" + ], + [ + "ðŁij", + "Ĥ" + ], + [ + "ðŁĵ", + "ģ" + ], + [ + "ðŁĸ", + "±" + ], + [ + "ðŁļ", + "į" + ], + [ + "ðŁļ", + "§" + ], + [ + "ðŁĽ", + "¡" + ], + [ + "ð٤", + "Ĵ" + ], + [ + "ðŁ¥", + "ŀ" + ], + [ + "ðŁ¥", + "©" + ], + [ + "ð٦", + "Ģ" + ], + [ + "ð٦", + "ĸ" + ], + [ + "Ë", + "¢" + ], + [ + "Ü", + "ļ" + ], + [ + "à®", + "µ" + ], + [ + "áĢ", + "ģ" + ], + [ + "áī", + "°" + ], + [ + "âı", + "Ń" + ], + [ + "âĻ", + "¿" + ], + [ + "ê³", + "ĺ" + ], + [ + "ëı", + "Ŀ" + ], + [ + "ëķ", + "ĥ" + ], + [ + "ìħ", + "Į" + ], + [ + "ìĴ", + "¸" + ], + [ + "ìĽ", + "Ł" + ], + [ + "íħ", + "Ħ" + ], + [ + "íľ", + "«" + ], + [ + "ï§", + "ĺ" + ], + [ + "ï¿", + "¬" + ], + [ + "ðŁı", + "·" + ], + [ + "ðŁĶ", + "§" + ], + [ + "ðŁ¥", + "Ī" + ], + [ + "Æ", + "ĸ" + ], + [ + "áŀ", + "ĩ" + ], + [ + "áŀ", + "ĸ" + ], + [ + "âģ", + "º" + ], + [ + "âĹ", + "ľ" + ], + [ + "âŀ", + "©" + ], + [ + "ê¦", + "Ń" + ], + [ + "ëĻ", + "¤" + ], + [ + "ïŃ", + "¼" + ], + [ + "ðĿĻ", + "ĸ" + ], + [ + "ðĿĻ", + "£" + ], + [ + "ðĿĻ", + "¤" + ], + [ + "ðŁĮ", + "Ŀ" + ], + [ + "ðŁĶ", + "ij" + ], + [ + "ðŁĽ", + "ł" + ], + [ + "àº", + "ĩ" + ], + [ + "âĺ", + "£" + ], + [ + "ãĦ", + "¨" + ], + [ + "ðĿĸ", + "Ĺ" + ], + [ + "Ó", + "ĵ" + ], + [ + "âĨ", + "£" + ], + [ + "ðŁ¥", + "ī" + ], + [ + "ðŁĮ", + "ł" + ], + [ + "ðŁĺ", + "½" + ], + [ + "ãİ", + "ł" + ], + [ + "Å", + "§" + ], + [ + "ðŁIJ", + "Ĵ" + ], + [ + "ï§", + "IJ" + ], + [ + "ðŁĺ", + "¿" + ], + [ + "âĪ", + "¬" + ], + [ + "ðŁIJ", + "®" + ], + [ + "âŁ", + "±" + ], + [ + "à²", + "¡" + ], + [ + "â¾", + "¼" + ], + [ + "à°", + "²" + ], + [ + "Ë", + "¶" + ], + [ + "âĸ", + "¿" + ], + [ + "Õ", + "Ī" + ], + [ + "áŀ", + "İ" + ], + [ + "áħ", + "¥" + ], + [ + "áŀ", + "Ĺ" + ], + [ + "Õ", + "§" + ], + [ + "ð٤", + "IJ" + ], + [ + "ðŁį", + "ł" + ], + [ + "à¦", + "¤" + ], + [ + "à¶", + "º" + ], + [ + "âĻ", + "į" + ], + [ + "ìĺ", + "Ļ" + ], + [ + "íĺ", + "ĵ" + ], + [ + "ï¹", + "º" + ], + [ + "ðŁĽ", + "³" + ], + [ + "Å", + "ī" + ], + [ + "á´", + "İ" + ], + [ + "âı", + "ľ" + ], + [ + "âĶ", + "³" + ], + [ + "ê¸", + "·" + ], + [ + "ì¡", + "Ķ" + ], + [ + "ðĿĴ", + "Ī" + ], + [ + "ðĿĴ", + "į" + ], + [ + "ðĿĴ", + "¹" + ], + [ + "ðĿĵ", + "ĩ" + ], + [ + "ðĿķ", + "Ł" + ], + [ + "ðĿĹ", + "¹" + ], + [ + "ðŁĮ", + "ħ" + ], + [ + "ðŁı", + "´" + ], + [ + "Ä", + "Ķ" + ], + [ + "Ä", + "¤" + ], + [ + "Å", + "µ" + ], + [ + "Ç", + "¾" + ], + [ + "Ï", + "ŀ" + ], + [ + "Ï", + "¶" + ], + [ + "Ô", + "³" + ], + [ + "Ü", + "Ĩ" + ], + [ + "ß", + "©" + ], + [ + "à¡", + "Ĵ" + ], + [ + "à¤", + "ĺ" + ], + [ + "à¶", + "ļ" + ], + [ + "à½", + "ĸ" + ], + [ + "áģ", + "Ĭ" + ], + [ + "áĥ", + "ŀ" + ], + [ + "áĦ", + "Ĥ" + ], + [ + "áĭ", + "«" + ], + [ + "á´", + "º" + ], + [ + "á¸", + "£" + ], + [ + "á¸", + "ª" + ], + [ + "á¹", + "Ĥ" + ], + [ + "á¼", + "·" + ], + [ + "á¿", + "ĩ" + ], + [ + "âĩ", + "Į" + ], + [ + "âı", + "¬" + ], + [ + "âĻ", + "Į" + ], + [ + "â®", + "Ł" + ], + [ + "â´", + "»" + ], + [ + "âµ", + "Ł" + ], + [ + "ê¦", + "ķ" + ], + [ + "ê¦", + "ª" + ], + [ + "ê¦", + "®" + ], + [ + "ê²", + "Ħ" + ], + [ + "ê¾", + "IJ" + ], + [ + "ëĥ", + "ij" + ], + [ + "ëķ", + "ĭ" + ], + [ + "ë¡", + "¸" + ], + [ + "ë¬", + "Ģ" + ], + [ + "ìĩ", + "¤" + ], + [ + "ìĪ", + "©" + ], + [ + "ìľ", + "ķ" + ], + [ + "ìŃ", + "ĺ" + ], + [ + "ì·", + "°" + ], + [ + "ì", + "·¸" + ], + [ + "íľ", + "Ģ" + ], + [ + "ï¤", + "£" + ], + [ + "ï§", + "į" + ], + [ + "ï±", + "Ħ" + ], + [ + "ï³", + "ij" + ], + [ + "ðĿIJ", + "¤" + ], + [ + "ðĿĴ", + "ĵ" + ], + [ + "ðĿĴ", + "¶" + ], + [ + "ðĿĹ", + "¼" + ], + [ + "ðĿĻ", + "Ĭ" + ], + [ + "ðŁĩ", + "¾" + ], + [ + "ðŁĮ", + "Ľ" + ], + [ + "ðŁĮ", + "®" + ], + [ + "ðŁİ", + "ĩ" + ], + [ + "ðŁİ", + "²" + ], + [ + "ðŁı", + "Ľ" + ], + [ + "ðŁij", + "¥" + ], + [ + "ðŁij", + "´" + ], + [ + "ðŁĴ", + "Ĩ" + ], + [ + "ðŁĵ", + "Ĥ" + ], + [ + "ðŁĵ", + "§" + ], + [ + "ðŁķ", + "IJ" + ], + [ + "ðŁĸ", + "ķ" + ], + [ + "ðŁĺ", + "§" + ], + [ + "ðŁĻ", + "Ģ" + ], + [ + "ðŁļ", + "Ĵ" + ], + [ + "ðŁĽ", + "«" + ], + [ + "ð٤", + "ł" + ], + [ + "ðŁ¥", + "ļ" + ], + [ + "ðŁ¥", + "Ľ" + ], + [ + "ðŁ¥", + "£" + ], + [ + "Ç", + "¯" + ], + [ + "È", + "§" + ], + [ + "Î", + "Ĭ" + ], + [ + "Ò", + "²" + ], + [ + "×", + "°" + ], + [ + "Û", + "ij" + ], + [ + "áĥ", + "©" + ], + [ + "áĦ", + "Į" + ], + [ + "áĪ", + "į" + ], + [ + "áī", + "¥" + ], + [ + "áı", + "Ĥ" + ], + [ + "âģ", + "±" + ], + [ + "âĬ", + "¢" + ], + [ + "âĹ", + "ĵ" + ], + [ + "âĿ", + "°" + ], + [ + "ë¿", + "¡" + ], + [ + "ìĽ", + "©" + ], + [ + "íģ", + "Ń" + ], + [ + "íĨ", + "³" + ], + [ + "íĬ", + "Ħ" + ], + [ + "íĵ", + "¸" + ], + [ + "ï¥", + "£" + ], + [ + "ï¥", + "´" + ], + [ + "ï±", + "IJ" + ], + [ + "ï±", + "¯" + ], + [ + "ï³", + "ļ" + ], + [ + "ðĿĸ", + "ĺ" + ], + [ + "ðĿĺ", + "Ģ" + ], + [ + "ðŁIJ", + "Ĭ" + ], + [ + "ðŁIJ", + "Į" + ], + [ + "ðŁij", + "ļ" + ], + [ + "ðŁĵ", + "ĥ" + ], + [ + "ðŁļ", + "Ľ" + ], + [ + "ðŁļ", + "ª" + ], + [ + "ð٤", + "°" + ], + [ + "Ä", + "´" + ], + [ + "áĥ", + "®" + ], + [ + "áĹ", + "¨" + ], + [ + "âĻ", + "®" + ], + [ + "â²", + "ŀ" + ], + [ + "ãĪ", + "Ķ" + ], + [ + "ì", + "ħį" + ], + [ + "ãħ", + "ĥ" + ], + [ + "ï¥", + "¡" + ], + [ + "àº", + "¡" + ], + [ + "Õ", + "İ" + ], + [ + "Õ", + "º" + ], + [ + "â¬", + "Ľ" + ], + [ + "â½", + "¤" + ], + [ + "ðĿIJ", + "²" + ], + [ + "âŀ", + "µ" + ], + [ + "áĢ", + "Ľ" + ], + [ + "âĶ", + "ħ" + ], + [ + "âĨ", + "Ł" + ], + [ + "â¼", + "Ĭ" + ], + [ + "ðŁĮ", + "½" + ], + [ + "ðŁļ", + "¿" + ], + [ + "ï¦", + "Ĭ" + ], + [ + "ãĦ", + "£" + ], + [ + "âĽ", + "©" + ], + [ + "ï©", + "Ľ" + ], + [ + "ðŁį", + "±" + ], + [ + "â¾", + "¨" + ], + [ + "à´", + "¤" + ], + [ + "áŀ", + "ģ" + ], + [ + "àº", + "ŀ" + ], + [ + "Ê", + "ļ" + ], + [ + "ðĿIJ", + "Ĵ" + ], + [ + "à´", + "±" + ], + [ + "áŀ", + "ľ" + ], + [ + "à®", + "©" + ], + [ + "à°", + "Ĺ" + ], + [ + "à´", + "ļ" + ], + [ + "âĩ", + "£" + ], + [ + "ï¦", + "ķ" + ], + [ + "Õ", + "ħ" + ], + [ + "Æ", + "ĺ" + ], + [ + "âĤ", + "¦" + ], + [ + "âĶ", + "Ħ" + ], + [ + "ï¦", + "Ł" + ], + [ + "ï¦", + "«" + ], + [ + "ðĿIJ", + "ģ" + ], + [ + "ðĿIJ", + "ĥ" + ], + [ + "ðŁį", + "¸" + ], + [ + "ðŁIJ", + "²" + ], + [ + "Å", + "¶" + ], + [ + "É", + "ĸ" + ], + [ + "ß", + "ĺ" + ], + [ + "à¸", + "¦" + ], + [ + "à½", + "Ķ" + ], + [ + "áĨ", + "·" + ], + [ + "âģ", + "ķ" + ], + [ + "âĵ", + "Ĥ" + ], + [ + "âĿ", + "ľ" + ], + [ + "ï¥", + "¥" + ], + [ + "ï¬", + "®" + ], + [ + "ðĿĹ", + "Ŀ" + ], + [ + "ðĿĹ", + "¿" + ], + [ + "ðŁİ", + "¾" + ], + [ + "ðŁĹ", + "Ŀ" + ], + [ + "ð٦", + "Į" + ], + [ + "Æ", + "ħ" + ], + [ + "Ç", + "ª" + ], + [ + "Ò", + "Ĺ" + ], + [ + "Ü", + "Ľ" + ], + [ + "ß", + "ł" + ], + [ + "à¡", + "ij" + ], + [ + "áī", + "£" + ], + [ + "áĬ", + "Ń" + ], + [ + "á¹", + "¡" + ], + [ + "âŀ", + "¼" + ], + [ + "âŀ", + "¾" + ], + [ + "â´", + "±" + ], + [ + "ãī", + "¡" + ], + [ + "ê³", + "¯" + ], + [ + "ë½", + "Ī" + ], + [ + "ìĤ", + "ĺ" + ], + [ + "ìī", + "ij" + ], + [ + "ì", + "«ĺ" + ], + [ + "íĮ", + "ĥ" + ], + [ + "íĻ", + "°" + ], + [ + "ï¤", + "Ĺ" + ], + [ + "ðŁĮ", + "¬" + ], + [ + "ðŁĮ", + "°" + ], + [ + "ðŁį", + "¤" + ], + [ + "Ä", + "»" + ], + [ + "Å", + "ĩ" + ], + [ + "Æ", + "¨" + ], + [ + "É", + "ķ" + ], + [ + "Ò", + "¢" + ], + [ + "Ò", + "º" + ], + [ + "Ö", + "į" + ], + [ + "×", + "±" + ], + [ + "Ú", + "±" + ], + [ + "Ú", + "½" + ], + [ + "Û", + "IJ" + ], + [ + "à¤", + "Ľ" + ], + [ + "à·", + "Ģ" + ], + [ + "à¹", + "ļ" + ], + [ + "àº", + "«" + ], + [ + "á´", + "¹" + ], + [ + "á", + "½Ķ" + ], + [ + "á¾", + "³" + ], + [ + "âĤ", + "Ĵ" + ], + [ + "âĨ", + "´" + ], + [ + "âĩ", + "Ŀ" + ], + [ + "âī", + "ħ" + ], + [ + "â", + "Į¨" + ], + [ + "âĵ", + "ĵ" + ], + [ + "âĸ", + "¢" + ], + [ + "âļ", + "¬" + ], + [ + "âŀ", + "Ń" + ], + [ + "â²", + "Ĵ" + ], + [ + "ãİ", + "¿" + ], + [ + "ê¿", + "´" + ], + [ + "ëĪ", + "±" + ], + [ + "ëį", + "¬" + ], + [ + "ëİ", + "IJ" + ], + [ + "ëIJ", + "«" + ], + [ + "ëĶ", + "«" + ], + [ + "ë±", + "ģ" + ], + [ + "ìĥ", + "¥" + ], + [ + "íĮ", + "¼" + ], + [ + "ïŃ", + "ĵ" + ], + [ + "ï®", + "¥" + ], + [ + "ï²", + "°" + ], + [ + "ðĿIJ", + "ĩ" + ], + [ + "ðĿIJ", + "ij" + ], + [ + "ðĿij", + "Į" + ], + [ + "ðĿĵ", + "ª" + ], + [ + "ðĿķ", + "ļ" + ], + [ + "ðĿĺ", + "ª" + ], + [ + "ðĿĺ", + "¼" + ], + [ + "ðĿļ", + "Ľ" + ], + [ + "ðŁĩ", + "¶" + ], + [ + "ðŁĮ", + "Ħ" + ], + [ + "ðŁĮ", + "ķ" + ], + [ + "ðŁĮ", + "¤" + ], + [ + "ðŁĮ", + "§" + ], + [ + "ðŁį", + "¬" + ], + [ + "ðŁİ", + "ĭ" + ], + [ + "ðŁİ", + "»" + ], + [ + "ðŁı", + "¨" + ], + [ + "ðŁIJ", + "ĩ" + ], + [ + "ðŁij", + "ĵ" + ], + [ + "ðŁĵ", + "IJ" + ], + [ + "ðŁĵ", + "Ļ" + ], + [ + "ðŁĶ", + "¼" + ], + [ + "ðŁķ", + "Ĵ" + ], + [ + "ðŁĸ", + "ı" + ], + [ + "ðŁĸ", + "¥" + ], + [ + "ð٤", + "¬" + ], + [ + "ðŁ¥", + "Ĭ" + ], + [ + "ðŁ¥", + "Ĵ" + ], + [ + "ß", + "Į" + ], + [ + "àº", + "Ħ" + ], + [ + "á¼", + "µ" + ], + [ + "âķ", + "¡" + ], + [ + "â²", + "¤" + ], + [ + "â´", + "¼" + ], + [ + "âµ", + "¢" + ], + [ + "ãĪ", + "¯" + ], + [ + "ëĵ", + "¸" + ], + [ + "ëŁ", + "ĩ" + ], + [ + "ëº", + "į" + ], + [ + "ðĿĻ", + "§" + ], + [ + "ðŁį", + "Ī" + ], + [ + "ðŁĶ", + "¬" + ], + [ + "ðŁĸ", + "Ĭ" + ], + [ + "ð٤", + "¾" + ], + [ + "Ë", + "¡" + ], + [ + "Ü", + "©" + ], + [ + "âĮ", + "¡" + ], + [ + "âŃ", + "ij" + ], + [ + "â²", + "¦" + ], + [ + "ë©", + "ī" + ], + [ + "ì¼", + "Ń" + ], + [ + "ï¿", + "¤" + ], + [ + "ðĿĴ", + "İ" + ], + [ + "ðĿĹ", + "¥" + ], + [ + "ðŁIJ", + "µ" + ], + [ + "ðŁķ", + "¶" + ], + [ + "ðŁķ", + "¸" + ], + [ + "ð٤", + "ľ" + ], + [ + "Õ", + "ª" + ], + [ + "áĪ", + "ĭ" + ], + [ + "ðŁ¥", + "µ" + ], + [ + "ï°", + "ģ" + ], + [ + "áµ", + "IJ" + ], + [ + "âķ", + "ĵ" + ], + [ + "áĢ", + "ĸ" + ], + [ + "âĭ", + "Ī" + ], + [ + "É", + "ŀ" + ], + [ + "âŀ", + "®" + ], + [ + "à¥", + "°" + ], + [ + "ãĨ", + "ģ" + ], + [ + "ðŁĴ", + "±" + ], + [ + "ðŁı", + "Ń" + ], + [ + "áĨ", + "¨" + ], + [ + "ðŁį", + "ļ" + ], + [ + "ð٦", + "IJ" + ], + [ + "á´", + "»" + ], + [ + "âĺ", + "Į" + ], + [ + "à´", + "ķ" + ], + [ + "Õ", + "±" + ], + [ + "áħ", + "®" + ], + [ + "ðĿIJ", + "Į" + ], + [ + "Å", + "¦" + ], + [ + "àº", + "ķ" + ], + [ + "âľ", + "Ļ" + ], + [ + "Ë", + "³" + ], + [ + "Ô", + "µ" + ], + [ + "âķ", + "Ĵ" + ], + [ + "ðĿĹ", + "Ĺ" + ], + [ + "ðĿĹ", + "ł" + ], + [ + "Ú", + "ļ" + ], + [ + "à¦", + "§" + ], + [ + "âĨ", + "Ŀ" + ], + [ + "âĻ", + "ī" + ], + [ + "ãĮ", + "»" + ], + [ + "ì¹", + "Ĭ" + ], + [ + "ðĿĹ", + "º" + ], + [ + "ð٧", + "ĺ" + ], + [ + "ì³", + "£" + ], + [ + "ï¬", + "Ŀ" + ], + [ + "ðŁij", + "º" + ], + [ + "Ç", + "Ł" + ], + [ + "Î", + "Ī" + ], + [ + "Î", + "«" + ], + [ + "Ñ", + "¥" + ], + [ + "Ô", + "²" + ], + [ + "Õ", + "¨" + ], + [ + "Ü", + "¦" + ], + [ + "à¦", + "Ĩ" + ], + [ + "à¦", + "¥" + ], + [ + "áIJ", + "¢" + ], + [ + "á¼", + "ģ" + ], + [ + "á¼", + "ĺ" + ], + [ + "á¼", + "¦" + ], + [ + "âĵ", + "Ŀ" + ], + [ + "ãĪ", + "°" + ], + [ + "ãİ", + "Ĺ" + ], + [ + "ê²", + "¡" + ], + [ + "ë¨", + "Ģ" + ], + [ + "ì£", + "Ķ" + ], + [ + "ì´", + "¤" + ], + [ + "ìµ", + "Ŀ" + ], + [ + "ï§", + "´" + ], + [ + "ïŃ", + "Ĭ" + ], + [ + "ï²", + "Ł" + ], + [ + "ðĿIJ", + "·" + ], + [ + "ðĿij", + "ĭ" + ], + [ + "ðĿĵ", + "ī" + ], + [ + "ðĿĺ", + "µ" + ], + [ + "ðŁĴ", + "·" + ], + [ + "ðŁĽ", + "©" + ], + [ + "ð٧", + "¹" + ], + [ + "Å", + "Ķ" + ], + [ + "Ê", + "ŀ" + ], + [ + "Ë", + "¥" + ], + [ + "Î", + "Į" + ], + [ + "Ñ", + "©" + ], + [ + "Ó", + "IJ" + ], + [ + "Ó", + "ł" + ], + [ + "Ú", + "ij" + ], + [ + "Ú", + "Ĵ" + ], + [ + "ß", + "¨" + ], + [ + "àª", + "Ī" + ], + [ + "áIJ", + "ĥ" + ], + [ + "á¹", + "¯" + ], + [ + "âĤ", + "ĭ" + ], + [ + "âĤ", + "µ" + ], + [ + "âĦ", + "ħ" + ], + [ + "âĦ", + "ł" + ], + [ + "âĪ", + "£" + ], + [ + "âī", + "º" + ], + [ + "âī", + "»" + ], + [ + "âĬ", + "Ľ" + ], + [ + "âĮ", + "IJ" + ], + [ + "âİ", + "ĵ" + ], + [ + "âĺ", + "¸" + ], + [ + "âĻ", + "Ĵ" + ], + [ + "âļ", + "Ĵ" + ], + [ + "âľ", + "ĩ" + ], + [ + "âľ", + "ł" + ], + [ + "â´", + "·" + ], + [ + "âµ", + "ĸ" + ], + [ + "ãĦ", + "¸" + ], + [ + "ãī", + "¢" + ], + [ + "ãī", + "°" + ], + [ + "êĩ", + "´" + ], + [ + "ê´", + "¸" + ], + [ + "êº", + "ł" + ], + [ + "ëĤ", + "ı" + ], + [ + "ëĤ", + "¢" + ], + [ + "ëIJ", + "Ģ" + ], + [ + "ëº", + "´" + ], + [ + "ìĥ", + "ľ" + ], + [ + "ìį", + "ħ" + ], + [ + "ì¤", + "«" + ], + [ + "ì±", + "¦" + ], + [ + "ìº", + "ij" + ], + [ + "ì¼", + "ģ" + ], + [ + "ì¿", + "³" + ], + [ + "íĤ", + "ģ" + ], + [ + "íħ", + "¡" + ], + [ + "íĴ", + "Ĥ" + ], + [ + "íĴ", + "ī" + ], + [ + "íľ", + "Ħ" + ], + [ + "ïŃ", + "ª" + ], + [ + "ï®", + "¬" + ], + [ + "ï¯", + "¦" + ], + [ + "ï±", + "ª" + ], + [ + "ï²", + "ı" + ], + [ + "ï", + "´Ģ" + ], + [ + "ï»", + "Ĩ" + ], + [ + "ï¿", + "¦" + ], + [ + "ðĿij", + "Ĺ" + ], + [ + "ðĿĸ", + "Ļ" + ], + [ + "ðŁĮ", + "¡" + ], + [ + "ðŁį", + "Ŀ" + ], + [ + "ðŁį", + "§" + ], + [ + "ðŁİ", + "«" + ], + [ + "ðŁı", + "ĺ" + ], + [ + "ðŁı", + "ª" + ], + [ + "ðŁIJ", + "ĭ" + ], + [ + "ðŁIJ", + "Ľ" + ], + [ + "ðŁIJ", + "º" + ], + [ + "ðŁij", + "ĸ" + ], + [ + "ðŁij", + "ŀ" + ], + [ + "ðŁij", + "·" + ], + [ + "ðŁĵ", + "Ģ" + ], + [ + "ðŁ", + "ĶĦ" + ], + [ + "ðŁĶ", + "Į" + ], + [ + "ðŁķ", + "Ļ" + ], + [ + "ðŁĻ", + "į" + ], + [ + "ðŁĻ", + "İ" + ], + [ + "ð٦", + "į" + ], + [ + "Ç", + "°" + ], + [ + "É", + "Ł" + ], + [ + "Ê", + "Ĩ" + ], + [ + "Ô", + "¼" + ], + [ + "Ú", + "ľ" + ], + [ + "à¦", + "¡" + ], + [ + "à¦", + "¶" + ], + [ + "áĴ", + "ĥ" + ], + [ + "á¼", + "©" + ], + [ + "âĵ", + "ķ" + ], + [ + "â²", + "Ī" + ], + [ + "ê°", + "°" + ], + [ + "ê¹", + "ł" + ], + [ + "êº", + "ħ" + ], + [ + "ëĦ", + "¹" + ], + [ + "ë¯", + "ĵ" + ], + [ + "íIJ", + "Ī" + ], + [ + "ï§", + "¶" + ], + [ + "ï®", + "ij" + ], + [ + "ï²", + "¨" + ], + [ + "ðĿĴ", + "ī" + ], + [ + "ðĿĴ", + "Ķ" + ], + [ + "ðĿĹ", + "¨" + ], + [ + "ðĿĻ", + "ŀ" + ], + [ + "ðĿļ", + "Ĵ" + ], + [ + "ðĿļ", + "ķ" + ], + [ + "ðŁIJ", + "İ" + ], + [ + "ð٤", + "ķ" + ], + [ + "ð٧", + "Ķ" + ], + [ + "Ï", + "°" + ], + [ + "Ô", + "Ŀ" + ], + [ + "âĮ", + "Ĭ" + ], + [ + "âĴ", + "¾" + ], + [ + "ãī", + "£" + ], + [ + "ïŃ", + "©" + ], + [ + "ðĿļ", + "ŀ" + ], + [ + "Ê", + "ij" + ], + [ + "à¦", + "¦" + ], + [ + "áĦ", + "ĩ" + ], + [ + "âī", + "ĥ" + ], + [ + "â²", + "Ģ" + ], + [ + "ìŁ", + "İ" + ], + [ + "ðĿij", + "¶" + ], + [ + "ðĿĵ", + "²" + ], + [ + "ðŁ", + "İ·" + ], + [ + "ðŁļ", + "¹" + ], + [ + "àº", + "ģ" + ], + [ + "áł", + "ł" + ], + [ + "ãĦ", + "ļ" + ], + [ + "ðŁIJ", + "¿" + ], + [ + "áĽ", + "ļ" + ], + [ + "âķ", + "³" + ], + [ + "ðŁIJ", + "Ń" + ], + [ + "âĴ", + "¹" + ], + [ + "ðĿĸ", + "ļ" + ], + [ + "âĻ", + "ĸ" + ], + [ + "ãĪ", + "²" + ], + [ + "âĨ", + "¾" + ], + [ + "áĦ", + "Ĩ" + ], + [ + "âķ", + "Ľ" + ], + [ + "ð٤", + "į" + ], + [ + "â½", + "¥" + ], + [ + "ðŁ", + "Į¨" + ], + [ + "âĪ", + "®" + ], + [ + "ãĮ", + "ĺ" + ], + [ + "ãį", + "ij" + ], + [ + "ï¹", + "Ģ" + ], + [ + "âĵ", + "Ĺ" + ], + [ + "âĬ", + "Ħ" + ], + [ + "ðŁı", + "¹" + ], + [ + "Ë", + "Ĵ" + ], + [ + "ð٤", + "±" + ], + [ + "ãı", + "ľ" + ], + [ + "ðŁİ", + "Į" + ], + [ + "ï¥", + "Ń" + ], + [ + "à¦", + "£" + ], + [ + "ðŁİ", + "¹" + ], + [ + "ãĬ", + "Ł" + ], + [ + "à´", + "°" + ], + [ + "ðĿIJ", + "Ķ" + ], + [ + "à´", + "¨" + ], + [ + "à½", + "ļ" + ], + [ + "âľ", + "º" + ], + [ + "Õ", + "·" + ], + [ + "ðŁij", + "³" + ], + [ + "à¦", + "ľ" + ], + [ + "âĺ", + "ĭ" + ], + [ + "âĻ", + "Ĭ" + ], + [ + "ãĢ", + "Ľ" + ], + [ + "È", + "ĭ" + ], + [ + "à®", + "°" + ], + [ + "áĥ", + "¨" + ], + [ + "âĦ", + "ķ" + ], + [ + "íij", + "Ģ" + ], + [ + "ðĿĵ", + "ĥ" + ], + [ + "ð٦", + "Ķ" + ], + [ + "Ä", + "¿" + ], + [ + "Å", + "Ģ" + ], + [ + "Æ", + "³" + ], + [ + "É", + "ļ" + ], + [ + "Ö", + "ĥ" + ], + [ + "Ü", + "£" + ], + [ + "ß", + "Ł" + ], + [ + "à¦", + "Ń" + ], + [ + "à§", + "¡" + ], + [ + "à¶", + "»" + ], + [ + "àº", + "£" + ], + [ + "à½", + "ĩ" + ], + [ + "á¸", + "¨" + ], + [ + "á½", + "Ī" + ], + [ + "â½", + "¬" + ], + [ + "ê¡", + "Ķ" + ], + [ + "ì³", + "Ħ" + ], + [ + "ï¨", + "ī" + ], + [ + "ðĿIJ", + "¡" + ], + [ + "ðĿĺ", + "¢" + ], + [ + "ðŁį", + "¿" + ], + [ + "ðŁİ", + "Ł" + ], + [ + "ðŁı", + "ī" + ], + [ + "ðŁĶ", + "IJ" + ], + [ + "ðŁļ", + "ħ" + ], + [ + "ð٤", + "½" + ], + [ + "Æ", + "į" + ], + [ + "Ç", + "«" + ], + [ + "Ç", + "½" + ], + [ + "È", + "ļ" + ], + [ + "Î", + "ī" + ], + [ + "Ó", + "¤" + ], + [ + "Ó", + "ª" + ], + [ + "Õ", + "Ĭ" + ], + [ + "Ù", + "¼" + ], + [ + "Ú", + "´" + ], + [ + "ß", + "Ŀ" + ], + [ + "à¶", + "ľ" + ], + [ + "á¼", + "ķ" + ], + [ + "á¿", + "¥" + ], + [ + "âİ", + "ŀ" + ], + [ + "ãĢ", + "ļ" + ], + [ + "ãī", + "¤" + ], + [ + "ê³", + "¸" + ], + [ + "ê·", + "ģ" + ], + [ + "ëĵ", + "Ħ" + ], + [ + "ëĵ", + "ķ" + ], + [ + "ì¨", + "Ķ" + ], + [ + "ì±", + "¨" + ], + [ + "ðĿIJ", + "¾" + ], + [ + "ðĿij", + "»" + ], + [ + "ðĿĶ", + "¼" + ], + [ + "ðĿķ", + "Ŀ" + ], + [ + "ðĿĺ", + "Ń" + ], + [ + "ðŁĨ", + "Ļ" + ], + [ + "ðŁĵ", + "¤" + ], + [ + "ðŁĶ", + "Ł" + ], + [ + "ðŁĹ", + "¼" + ], + [ + "Ä", + "ľ" + ], + [ + "Æ", + "ģ" + ], + [ + "Æ", + "¿" + ], + [ + "Ç", + "³" + ], + [ + "Ç", + "·" + ], + [ + "É", + "ĥ" + ], + [ + "É", + "ł" + ], + [ + "Ê", + "ī" + ], + [ + "Ê", + "§" + ], + [ + "Ë", + "²" + ], + [ + "Ï", + "´" + ], + [ + "Õ", + "ģ" + ], + [ + "Õ", + "ŀ" + ], + [ + "Ö", + "ĩ" + ], + [ + "Û", + "Ĥ" + ], + [ + "Û", + "ĵ" + ], + [ + "ß", + "Ĺ" + ], + [ + "ß", + "¦" + ], + [ + "à¦", + "¹" + ], + [ + "à®", + "³" + ], + [ + "à´", + "¸" + ], + [ + "à»", + "Ĥ" + ], + [ + "áĪ", + "Ŀ" + ], + [ + "áĪ", + "ª" + ], + [ + "áĭ", + "µ" + ], + [ + "áIJ", + "Ĭ" + ], + [ + "áĴ", + "ª" + ], + [ + "áļ", + "ĸ" + ], + [ + "áŀ", + "Ľ" + ], + [ + "á´", + "¢" + ], + [ + "áµ", + "ı" + ], + [ + "áµ", + "Ń" + ], + [ + "á¶", + "«" + ], + [ + "á¸", + "ı" + ], + [ + "áº", + "Ĵ" + ], + [ + "á¼", + "¥" + ], + [ + "á½", + "ķ" + ], + [ + "á½", + "¼" + ], + [ + "âĤ", + "Ĭ" + ], + [ + "âĦ", + "Ĥ" + ], + [ + "âĦ", + "©" + ], + [ + "âĩ", + "ī" + ], + [ + "âī", + "£" + ], + [ + "âĮ", + "ł" + ], + [ + "âİ", + "Ł" + ], + [ + "âı", + "®" + ], + [ + "âķ", + "ĺ" + ], + [ + "âĹ", + "ĸ" + ], + [ + "âĺ", + "©" + ], + [ + "âĻ", + "ij" + ], + [ + "âĻ", + "²" + ], + [ + "âļ", + "Ľ" + ], + [ + "ãĦ", + "Ł" + ], + [ + "ãī", + "±" + ], + [ + "ãİ", + "ļ" + ], + [ + "ê¡", + "ķ" + ], + [ + "êª", + "ĸ" + ], + [ + "ê°", + "¹" + ], + [ + "ê²", + "Ĩ" + ], + [ + "êµ", + "Ħ" + ], + [ + "ëĩ", + "¬" + ], + [ + "ëĭ", + "¯" + ], + [ + "ëı", + "ł" + ], + [ + "ëĴ", + "¬" + ], + [ + "ëĸ", + "Ī" + ], + [ + "ëĸ", + "½" + ], + [ + "ëĺ", + "Ķ" + ], + [ + "ëŀ", + "¸" + ], + [ + "ë¸", + "ħ" + ], + [ + "ë»", + "ł" + ], + [ + "ë¿", + "Ł" + ], + [ + "ìĤ", + "µ" + ], + [ + "ìĬ", + "ī" + ], + [ + "ìľ", + "°" + ], + [ + "ìł", + "ĭ" + ], + [ + "ìł", + "Ķ" + ], + [ + "ì¥", + "¡" + ], + [ + "ìŃ", + "Ŀ" + ], + [ + "ì¼", + "¬" + ], + [ + "íĪ", + "ĩ" + ], + [ + "íī", + "ľ" + ], + [ + "íį", + "Ħ" + ], + [ + "íĽ", + "¾" + ], + [ + "íĿ", + "£" + ], + [ + "ï¤", + "©" + ], + [ + "ï¤", + "¯" + ], + [ + "ï¦", + "ľ" + ], + [ + "ï¦", + "§" + ], + [ + "ï§", + "ľ" + ], + [ + "ï¨", + "Ī" + ], + [ + "ï¬", + "ª" + ], + [ + "ï", + "¬´" + ], + [ + "ïŃ", + "½" + ], + [ + "ï®", + "ī" + ], + [ + "ï¯", + "ŀ" + ], + [ + "ï°", + "Ĵ" + ], + [ + "ï±", + "ĩ" + ], + [ + "ï¿", + "Ħ" + ], + [ + "ðĿIJ", + "ħ" + ], + [ + "ðĿij", + "Ħ" + ], + [ + "ðĿij", + "º" + ], + [ + "ðĿĴ", + "Ĺ" + ], + [ + "ðĿĵ", + "®" + ], + [ + "ðĿķ", + "Ľ" + ], + [ + "ðĿķ", + "ŀ" + ], + [ + "ðĿĸ", + "ij" + ], + [ + "ðĿĺ", + "ģ" + ], + [ + "ðĿĺ", + "Ĩ" + ], + [ + "ðĿĺ", + "¶" + ], + [ + "ðĿĻ", + "¢" + ], + [ + "ðĿļ", + "ľ" + ], + [ + "ðŁĮ", + "ĥ" + ], + [ + "ðŁĮ", + "¦" + ], + [ + "ðŁį", + "Ł" + ], + [ + "ðŁİ", + "İ" + ], + [ + "ðŁı", + "Ļ" + ], + [ + "ðŁIJ", + "©" + ], + [ + "ðŁIJ", + "«" + ], + [ + "ðŁIJ", + "´" + ], + [ + "ðŁij", + "Ķ" + ], + [ + "ðŁĵ", + "ī" + ], + [ + "ðŁĵ", + "Ľ" + ], + [ + "ðŁĶ", + "ī" + ], + [ + "ðŁĸ", + "¼" + ], + [ + "ðŁĹ", + "ĥ" + ], + [ + "ðŁĹ", + "¯" + ], + [ + "ðŁļ", + "ĩ" + ], + [ + "ðŁļ", + "IJ" + ], + [ + "ðŁļ", + "µ" + ], + [ + "ð٤", + "¶" + ], + [ + "ðŁ¥", + "ĭ" + ], + [ + "ðŁ¥", + "ĵ" + ], + [ + "ðŁ¥", + "®" + ], + [ + "ð٦", + "İ" + ], + [ + "ð٦", + "ł" + ], + [ + "ð٧", + "Ĵ" + ], + [ + "ð٧", + "¨" + ], + [ + "Æ", + "IJ" + ], + [ + "Ç", + "į" + ], + [ + "Ó", + "Ģ" + ], + [ + "Ô", + "Ľ" + ], + [ + "à²", + "°" + ], + [ + "à´", + "Ļ" + ], + [ + "áĢ", + "Ĵ" + ], + [ + "ê²", + "Ŀ" + ], + [ + "ê¹", + "¹" + ], + [ + "ë©", + "¥" + ], + [ + "ìĸ", + "Ķ" + ], + [ + "ï¤", + "ģ" + ], + [ + "ï¤", + "ı" + ], + [ + "ï¦", + "ī" + ], + [ + "ï¦", + "ĵ" + ], + [ + "ï§", + "ī" + ], + [ + "ï²", + "Ŀ" + ], + [ + "ðĿĹ", + "ŀ" + ], + [ + "ðĿĹ", + "±" + ], + [ + "ðŁĮ", + "ĭ" + ], + [ + "ðŁį", + "¶" + ], + [ + "à¦", + "ļ" + ], + [ + "ìķ", + "ľ" + ], + [ + "ðĿIJ", + "¯" + ], + [ + "ðĿļ", + "Ŀ" + ], + [ + "à°", + "¨" + ], + [ + "à½", + "ĺ" + ], + [ + "à½", + "ł" + ], + [ + "á¡", + "¥" + ], + [ + "á¾", + "°" + ], + [ + "âģ", + "į" + ], + [ + "âĶ", + "°" + ], + [ + "â¬", + "ľ" + ], + [ + "ðĿIJ", + "ł" + ], + [ + "ðĿij", + "¯" + ], + [ + "ðĿĹ", + "Ľ" + ], + [ + "ðĿĵ", + "»" + ], + [ + "ðĿĸ", + "Ī" + ], + [ + "âŀ", + "»" + ], + [ + "áŀ", + "ł" + ], + [ + "â¡", + "±" + ], + [ + "â»", + "ij" + ], + [ + "ð٧", + "µ" + ], + [ + "ï¦", + "¢" + ], + [ + "ðŁij", + "ĺ" + ], + [ + "ãĤ", + "Ķ" + ], + [ + "â¼", + "Ł" + ], + [ + "ãĬ", + "¤" + ], + [ + "ï¦", + "Ŀ" + ], + [ + "ãĮ", + "¦" + ], + [ + "âĢ", + "¸" + ], + [ + "ðŁĶ", + "Ļ" + ], + [ + "ã", + "¹" + ], + [ + "ã¹", + "¦" + ], + [ + "ï¹", + "ħ" + ], + [ + "ï©", + "Į" + ], + [ + "ãī", + "¨" + ], + [ + "ï¸", + "½" + ], + [ + "âį", + "¥" + ], + [ + "ðŁļ", + "ī" + ], + [ + "ðŁ¥", + "ľ" + ], + [ + "âĵ", + "ľ" + ], + [ + "â»", + "Ŀ" + ], + [ + "ï¨", + "ľ" + ], + [ + "ðŁĴ", + "Ĵ" + ], + [ + "áĦ", + "ij" + ], + [ + "â¾", + "ŀ" + ], + [ + "ï¨", + "ģ" + ], + [ + "à´", + "ª" + ], + [ + "áĦ", + "İ" + ], + [ + "âŀ", + "´" + ], + [ + "à¦", + "·" + ], + [ + "áħ", + "¬" + ], + [ + "áŀ", + "§" + ], + [ + "âĨ", + "¢" + ], + [ + "âķ", + "¦" + ], + [ + "âľ", + "ij" + ], + [ + "Ë", + "¬" + ], + [ + "Õ", + "IJ" + ], + [ + "à¼", + "Ķ" + ], + [ + "Ê", + "¤" + ], + [ + "Ë", + "¨" + ], + [ + "à¤", + "ŀ" + ], + [ + "à»", + "ĥ" + ], + [ + "à¼", + "ļ" + ], + [ + "âĵ", + "¥" + ], + [ + "âķ", + "ľ" + ], + [ + "ðŁIJ", + "ĸ" + ], + [ + "á¼", + "Ļ" + ], + [ + "á¼", + "¤" + ], + [ + "ìĨ", + "°" + ], + [ + "È", + "Ĥ" + ], + [ + "Ê", + "±" + ], + [ + "à®", + "ļ" + ], + [ + "áĥ", + "§" + ], + [ + "á´", + "ĭ" + ], + [ + "á´", + "®" + ], + [ + "âĿ", + "¡" + ], + [ + "âŀ", + "·" + ], + [ + "ëĿ", + "¡" + ], + [ + "ï§", + "¢" + ], + [ + "ï¯", + "¡" + ], + [ + "ðĿķ", + "ķ" + ], + [ + "ðŁħ", + "°" + ], + [ + "ð٦", + "¸" + ], + [ + "Ç", + "¸" + ], + [ + "Ó", + "ŀ" + ], + [ + "Ô", + "¶" + ], + [ + "Ö", + "Ĩ" + ], + [ + "Ú", + "ģ" + ], + [ + "Û", + "ĭ" + ], + [ + "áİ", + "¥" + ], + [ + "á¾", + "¿" + ], + [ + "âĶ", + "Ń" + ], + [ + "âĶ", + "®" + ], + [ + "êĢ", + "Ģ" + ], + [ + "ê±", + "ĺ" + ], + [ + "ëIJ", + "Ń" + ], + [ + "ë½", + "Ħ" + ], + [ + "ìĶ", + "IJ" + ], + [ + "ì¸", + "Į" + ], + [ + "íģ", + "ł" + ], + [ + "íĻ", + "±" + ], + [ + "ï¥", + "ī" + ], + [ + "ï¨", + "ĸ" + ], + [ + "ðĿij", + "´" + ], + [ + "ðĿĸ", + "Ĵ" + ], + [ + "ðĿĺ", + "¨" + ], + [ + "ðĿ", + "ļĮ" + ], + [ + "ðŁIJ", + "¡" + ], + [ + "ðŁij", + "¢" + ], + [ + "ðŁĵ", + "Ķ" + ], + [ + "Å", + "ħ" + ], + [ + "Æ", + "İ" + ], + [ + "È", + "©" + ], + [ + "Ò", + "ª" + ], + [ + "Ô", + "ĥ" + ], + [ + "áĥ", + "«" + ], + [ + "á¸", + "ĩ" + ], + [ + "âĽ", + "Ł" + ], + [ + "ê»", + "Ń" + ], + [ + "ë¨", + "Ħ" + ], + [ + "ìŁ", + "Ģ" + ], + [ + "ì¤", + "´" + ], + [ + "íļ", + "IJ" + ], + [ + "ï¤", + "³" + ], + [ + "ðŁŁ", + "¢" + ], + [ + "Æ", + "§" + ], + [ + "È", + "¼" + ], + [ + "Ê", + "Ŀ" + ], + [ + "Ë", + "Ħ" + ], + [ + "Ë", + "ħ" + ], + [ + "Ë", + "į" + ], + [ + "Ë", + "§" + ], + [ + "Ò", + "¥" + ], + [ + "Õ", + "Ķ" + ], + [ + "Ø", + "ı" + ], + [ + "Ø", + "¼" + ], + [ + "ß", + "IJ" + ], + [ + "ß", + "ľ" + ], + [ + "à¤", + "ĵ" + ], + [ + "à¦", + "Ļ" + ], + [ + "à®", + "ĵ" + ], + [ + "à¶", + "´" + ], + [ + "à¼", + "į" + ], + [ + "à¼", + "Ĵ" + ], + [ + "à½", + "£" + ], + [ + "áĢ", + "Ĥ" + ], + [ + "áĢ", + "Ĭ" + ], + [ + "áĦ", + "Ħ" + ], + [ + "á", + "Īĺ" + ], + [ + "áĭ", + "Ĭ" + ], + [ + "áĮ", + "į" + ], + [ + "áij", + "ĭ" + ], + [ + "áŀ", + "Ĥ" + ], + [ + "áł", + "¢" + ], + [ + "á¡", + "Ŀ" + ], + [ + "á´", + "¦" + ], + [ + "áµ", + "į" + ], + [ + "áµ", + "¨" + ], + [ + "á¸", + "¡" + ], + [ + "á¸", + "¯" + ], + [ + "á¼", + "£" + ], + [ + "âģ", + "Ĥ" + ], + [ + "âĦ", + "ĺ" + ], + [ + "âĦ", + "ľ" + ], + [ + "âĦ", + "³" + ], + [ + "âĦ", + "µ" + ], + [ + "âĨ", + "¦" + ], + [ + "âĩ", + "Ĩ" + ], + [ + "âĪ", + "·" + ], + [ + "âĬ", + "ļ" + ], + [ + "âĮ", + "«" + ], + [ + "âĮ", + "¯" + ], + [ + "âİ", + "Ľ" + ], + [ + "âİ", + "ľ" + ], + [ + "âİ", + "¤" + ], + [ + "âİ", + "¦" + ], + [ + "âİ", + "®" + ], + [ + "âij", + "ī" + ], + [ + "âĶ", + "ī" + ], + [ + "âķ", + "Ļ" + ], + [ + "âĸ", + "Ĥ" + ], + [ + "âĹ", + "Ń" + ], + [ + "âĺ", + "Ĭ" + ], + [ + "âĺ", + "į" + ], + [ + "âĺ", + "Ĵ" + ], + [ + "âļ", + "Ĩ" + ], + [ + "âĽ", + "§" + ], + [ + "âĽ", + "²" + ], + [ + "âŀ", + "ĺ" + ], + [ + "â¥", + "Ħ" + ], + [ + "â´", + "³" + ], + [ + "â´", + "½" + ], + [ + "âµ", + "Ī" + ], + [ + "ãī", + "¯" + ], + [ + "ãİ", + "ij" + ], + [ + "ã§", + "¬" + ], + [ + "êĻ", + "¬" + ], + [ + "ê§", + "ģ" + ], + [ + "ê³", + "¬" + ], + [ + "ê´", + "ŀ" + ], + [ + "ê»", + "ľ" + ], + [ + "ëħ", + "ĵ" + ], + [ + "ëĭ", + "¼" + ], + [ + "ëį", + "ĸ" + ], + [ + "ëĸ", + "±" + ], + [ + "ëĿ", + "°" + ], + [ + "ë¡", + "¹" + ], + [ + "ë¢", + "´" + ], + [ + "ë£", + "Ģ" + ], + [ + "ë¤", + "ł" + ], + [ + "ë¨", + "ķ" + ], + [ + "ëŃ", + "¥" + ], + [ + "ìĦ", + "¶" + ], + [ + "ìħ", + "¤" + ], + [ + "ìĮ", + "ķ" + ], + [ + "ìį", + "ª" + ], + [ + "ìı", + "©" + ], + [ + "ìĴ", + "Ģ" + ], + [ + "ìĶ", + "¯" + ], + [ + "ìĿ", + "Ķ" + ], + [ + "ìĿ", + "ľ" + ], + [ + "ìł", + "Ń" + ], + [ + "ì§", + "¦" + ], + [ + "ì¨", + "©" + ], + [ + "ì²", + "¬" + ], + [ + "ì³", + "¥" + ], + [ + "ì¼", + "¯" + ], + [ + "íĢ", + "«" + ], + [ + "íĢ", + "Ń" + ], + [ + "íĥ", + "¸" + ], + [ + "íĵ", + "ģ" + ], + [ + "íķ", + "¬" + ], + [ + "íĹ", + "¸" + ], + [ + "íĽ", + "ķ" + ], + [ + "íľ", + "Ń" + ], + [ + "íĿ", + "Ĺ" + ], + [ + "ï¤", + "Į" + ], + [ + "ï¤", + "ª" + ], + [ + "ï§", + "¿" + ], + [ + "ï¬", + "Ħ" + ], + [ + "ï¬", + "ħ" + ], + [ + "ïŃ", + "ij" + ], + [ + "ïŃ", + "«" + ], + [ + "ïŃ", + "º" + ], + [ + "ï®", + "Ĥ" + ], + [ + "ï®", + "¢" + ], + [ + "ï®", + "¨" + ], + [ + "ï°", + "İ" + ], + [ + "ï°", + "ł" + ], + [ + "ï²", + "£" + ], + [ + "ï³", + "IJ" + ], + [ + "ï³", + "Ĵ" + ], + [ + "ï³", + "ĺ" + ], + [ + "ï³", + "ľ" + ], + [ + "ï¹", + "¼" + ], + [ + "ï¿", + "¨" + ], + [ + "ðĿIJ", + "©" + ], + [ + "ðĿĴ", + "ļ" + ], + [ + "ðĿķ", + "Ķ" + ], + [ + "ðĿķ", + "¤" + ], + [ + "ðĿĸ", + "Į" + ], + [ + "ðĿĹ", + "£" + ], + [ + "ðĿĹ", + "°" + ], + [ + "ðĿĹ", + "´" + ], + [ + "ðĿĺ", + "Ĥ" + ], + [ + "ðĿĺ", + "¥" + ], + [ + "ðĿĺ", + "®" + ], + [ + "ðĿĺ", + "¸" + ], + [ + "ðĿĻ", + "Ģ" + ], + [ + "ðĿĽ", + "¾" + ], + [ + "ðĿľ", + "ı" + ], + [ + "ðŁĮ", + "ģ" + ], + [ + "ðŁĮ", + "ľ" + ], + [ + "ðŁĮ", + "¥" + ], + [ + "ðŁĮ", + "¯" + ], + [ + "ðŁį", + "IJ" + ], + [ + "ðŁİ", + "Ĵ" + ], + [ + "ðŁı", + "Ķ" + ], + [ + "ðŁı", + "ķ" + ], + [ + "ðŁı", + "®" + ], + [ + "ðŁIJ", + "Ĥ" + ], + [ + "ðŁIJ", + "ī" + ], + [ + "ðŁIJ", + "¹" + ], + [ + "ðŁĶ", + "ķ" + ], + [ + "ðŁĶ", + "ļ" + ], + [ + "ðŁķ", + "ij" + ], + [ + "ðŁķ", + "£" + ], + [ + "ðŁĹ", + "ŀ" + ], + [ + "ðŁĹ", + "¡" + ], + [ + "ðŁĹ", + "¿" + ], + [ + "ðŁļ", + "Ĩ" + ], + [ + "ðŁļ", + "Ĭ" + ], + [ + "ðŁļ", + "ĵ" + ], + [ + "ðŁļ", + "ķ" + ], + [ + "ðŁļ", + "¾" + ], + [ + "ðŁĽ", + "ģ" + ], + [ + "ðŁĽ", + "İ" + ], + [ + "ðŁĽ", + "ı" + ], + [ + "ð٤", + "´" + ], + [ + "ðŁ¥", + "ķ" + ], + [ + "ðŁ¥", + "ĸ" + ], + [ + "ðŁ¥", + "ł" + ], + [ + "ðŁ¥", + "¥" + ], + [ + "ð٦", + "Ĩ" + ], + [ + "ð٦", + "ī" + ], + [ + "ð٦", + "ļ" + ], + [ + "ð٧", + "ij" + ], + [ + "ð٧", + "¥" + ], + [ + "ð٧", + "¿" + ], + [ + "Å", + "°" + ], + [ + "Æ", + "º" + ], + [ + "É", + "§" + ], + [ + "àª", + "ĩ" + ], + [ + "à®", + "£" + ], + [ + "áĪ", + "Ī" + ], + [ + "áĬ", + "¤" + ], + [ + "áĭ", + "®" + ], + [ + "áĮ", + "Ī" + ], + [ + "áĮ", + "µ" + ], + [ + "á¥", + "²" + ], + [ + "âĵ", + "Ł" + ], + [ + "êĻ", + "³" + ], + [ + "ê°", + "Ĭ" + ], + [ + "ëķ", + "ģ" + ], + [ + "ëķ", + "¨" + ], + [ + "ìĬ", + "ģ" + ], + [ + "ï¦", + "µ" + ], + [ + "ï¬", + "²" + ], + [ + "ðĿĸ", + "į" + ], + [ + "ðĿĺ", + "Į" + ], + [ + "ðĿĺ", + "³" + ], + [ + "ðĿĻ", + "©" + ], + [ + "ðŁį", + "Ļ" + ], + [ + "ðŁĸ", + "ĸ" + ], + [ + "áī", + "³" + ], + [ + "áĭ", + "¨" + ], + [ + "áĸ", + "ĩ" + ], + [ + "áŀ", + "Į" + ], + [ + "á¹", + "§" + ], + [ + "âķ", + "ª" + ], + [ + "âŀ", + "ļ" + ], + [ + "â²", + "ĺ" + ], + [ + "ê", + "ķ" + ], + [ + "êķ", + "¥" + ], + [ + "ï¤", + "·" + ], + [ + "ï®", + "£" + ], + [ + "ï¯", + "ł" + ], + [ + "ðĿĴ", + "ĸ" + ], + [ + "ðĿķ", + "ĺ" + ], + [ + "ðĿĸ", + "ĩ" + ], + [ + "ðĿĹ", + "Ł" + ], + [ + "ðĿĹ", + "ª" + ], + [ + "ðĿĹ", + "¯" + ], + [ + "ðĿĻ", + "ł" + ], + [ + "ðŁĵ", + "ı" + ], + [ + "à¦", + "Ĺ" + ], + [ + "âĴ", + "»" + ], + [ + "â²", + "ł" + ], + [ + "ðĿĵ", + "µ" + ], + [ + "Ê", + "£" + ], + [ + "à°", + "ľ" + ], + [ + "áĬ", + "¢" + ], + [ + "áŀ", + "IJ" + ], + [ + "á¸", + "·" + ], + [ + "âĦ", + "Ľ" + ], + [ + "âĩ", + "Ģ" + ], + [ + "âĩ", + "Ĭ" + ], + [ + "êĴ", + "¦" + ], + [ + "ê¦", + "ł" + ], + [ + "ï®", + "¤" + ], + [ + "ðŁį", + "Ľ" + ], + [ + "ð٤", + "Ľ" + ], + [ + "á¨", + "¾" + ], + [ + "âŀ", + "º" + ], + [ + "áķ", + "¯" + ], + [ + "áĽ", + "ı" + ], + [ + "âĩ", + "Ĥ" + ], + [ + "âĶ", + "¹" + ], + [ + "âĻ", + "Ĺ" + ], + [ + "ðŁĸ", + "¨" + ], + [ + "ê¦", + "ı" + ], + [ + "àª", + "°" + ], + [ + "áļ", + "¨" + ], + [ + "ð٤", + "¥" + ], + [ + "ð٧", + "¢" + ], + [ + "ãIJ", + "Ĥ" + ], + [ + "ãĦ", + "¥" + ], + [ + "ðŁĸ", + "Į" + ], + [ + "â¼", + "Ĵ" + ], + [ + "ãĬ", + "§" + ], + [ + "âį", + "©" + ], + [ + "ð٦", + "ij" + ], + [ + "âĶ", + "·" + ], + [ + "ï©", + "IJ" + ], + [ + "ï©", + "¡" + ], + [ + "ðĵ", + "Ī" + ], + [ + "ðĵĪ", + "Ĵ" + ], + [ + "â»", + "Ħ" + ], + [ + "ï¨", + "Ĵ" + ], + [ + "âĦ", + "ª" + ], + [ + "Ò", + "§" + ], + [ + "Ú", + "Į" + ], + [ + "âĢ", + "¶" + ], + [ + "âº", + "ł" + ], + [ + "â»", + "ģ" + ], + [ + "âĨ", + "¸" + ], + [ + "áĦ", + "IJ" + ], + [ + "ãħ", + "IJ" + ], + [ + "à»", + "Ħ" + ], + [ + "áĹ", + "ª" + ], + [ + "âĨ", + "¼" + ], + [ + "âĩ", + "ĭ" + ], + [ + "âĩ", + "ĺ" + ], + [ + "âĮ", + "ij" + ], + [ + "âĸ", + "©" + ], + [ + "ðĿIJ", + "Ĺ" + ], + [ + "Ä", + "Ĭ" + ], + [ + "à¦", + "ī" + ], + [ + "ìī", + "ł" + ], + [ + "É", + "¤" + ], + [ + "ß", + "į" + ], + [ + "ß", + "ı" + ], + [ + "áµ", + "Ĺ" + ], + [ + "âĤ", + "¥" + ], + [ + "âĵ", + "ī" + ], + [ + "âĶ", + "ł" + ], + [ + "âĶ", + "¨" + ], + [ + "âķ", + "Ħ" + ], + [ + "ä", + "¤" + ], + [ + "ä¤", + "Ģ" + ], + [ + "ê»", + "¸" + ], + [ + "ï®", + "ģ" + ], + [ + "ðĵ", + "Ĥ" + ], + [ + "ðĵĤ", + "ĥ" + ], + [ + "ð٦", + "ķ" + ], + [ + "Æ", + "Ľ" + ], + [ + "à¦", + "ĩ" + ], + [ + "ãı", + "ĺ" + ], + [ + "ï®", + "¼" + ], + [ + "Ú", + "ĵ" + ], + [ + "Ú", + "Ŀ" + ], + [ + "à¦", + "ĵ" + ], + [ + "à¶", + "¯" + ], + [ + "á´", + "ħ" + ], + [ + "á½", + "Ļ" + ], + [ + "âģ", + "¼" + ], + [ + "âĸ", + "İ" + ], + [ + "â¼", + "©" + ], + [ + "ä", + "Ķ" + ], + [ + "äĶ", + "Ģ" + ], + [ + "ë»", + "¡" + ], + [ + "ìĽ", + "½" + ], + [ + "íģ", + "Ħ" + ], + [ + "ï¥", + "¼" + ], + [ + "ï±", + "ī" + ], + [ + "ï¹", + "»" + ], + [ + "ðĿĸ", + "ĭ" + ], + [ + "ðĿĻ", + "Ī" + ], + [ + "ðĿĻ", + "ª" + ], + [ + "ðĿ", + "϶" + ], + [ + "ðŁIJ", + "Ħ" + ], + [ + "ðŁIJ", + "Ĩ" + ], + [ + "áİ", + "¢" + ], + [ + "á¸", + "Į" + ], + [ + "âĿ", + "´" + ], + [ + "ðŁı", + "¸" + ], + [ + "È", + "Ŀ" + ], + [ + "É", + "¸" + ], + [ + "Î", + "ħ" + ], + [ + "Ï", + "ľ" + ], + [ + "Ó", + "¢" + ], + [ + "Õ", + "¹" + ], + [ + "à´", + "ħ" + ], + [ + "àº", + "Ī" + ], + [ + "áĭ", + "°" + ], + [ + "áij", + "İ" + ], + [ + "áł", + "µ" + ], + [ + "á¡", + "ł" + ], + [ + "á´", + "ī" + ], + [ + "á¸", + "µ" + ], + [ + "á¿", + "´" + ], + [ + "âĵ", + "£" + ], + [ + "âĶ", + "¶" + ], + [ + "â½", + "¯" + ], + [ + "ê²", + "¥" + ], + [ + "ê¿", + "ĺ" + ], + [ + "ëģ", + "İ" + ], + [ + "ëİ", + "Ī" + ], + [ + "ëĶ", + "¯" + ], + [ + "ë²", + "°" + ], + [ + "ìĺ", + "¯" + ], + [ + "ìĽ", + "¸" + ], + [ + "ìŀ", + "Ĺ" + ], + [ + "ì§", + "ĺ" + ], + [ + "ì¬", + "¬" + ], + [ + "ì·", + "¬" + ], + [ + "íģ", + "ħ" + ], + [ + "íĵ", + "Ķ" + ], + [ + "íĽ", + "Ŀ" + ], + [ + "ï¤", + "®" + ], + [ + "ï¤", + "¹" + ], + [ + "ï¥", + "²" + ], + [ + "ï¯", + "ĸ" + ], + [ + "ðĿĵ", + "ħ" + ], + [ + "ðĿĻ", + "Ħ" + ], + [ + "ðŁĵ", + "¶" + ], + [ + "ðŁĹ", + "Ĵ" + ], + [ + "ðŁ¥", + "Ķ" + ], + [ + "ðŁ¥", + "Ń" + ], + [ + "Å", + "®" + ], + [ + "Å", + "´" + ], + [ + "Æ", + "ī" + ], + [ + "Æ", + "«" + ], + [ + "Ç", + "ģ" + ], + [ + "Ç", + "£" + ], + [ + "Ç", + "º" + ], + [ + "Ç", + "¼" + ], + [ + "È", + "į" + ], + [ + "È", + "¯" + ], + [ + "É", + "ľ" + ], + [ + "Ê", + "¬" + ], + [ + "Ë", + "ģ" + ], + [ + "Ë", + "¤" + ], + [ + "Ë", + "µ" + ], + [ + "Ï", + "Ľ" + ], + [ + "Ò", + "¤" + ], + [ + "Ò", + "¬" + ], + [ + "Ó", + "ı" + ], + [ + "Ó", + "Ľ" + ], + [ + "Ó", + "¡" + ], + [ + "Ó", + "³" + ], + [ + "Ô", + "Į" + ], + [ + "Ô", + "¬" + ], + [ + "Õ", + "³" + ], + [ + "Ù", + "»" + ], + [ + "Ú", + "ī" + ], + [ + "Ú", + "§" + ], + [ + "Ü", + "ľ" + ], + [ + "ß", + "ª" + ], + [ + "à¤", + "Ŀ" + ], + [ + "à¦", + "Ľ" + ], + [ + "à¨", + "Ĩ" + ], + [ + "àª", + "ķ" + ], + [ + "àª", + "¡" + ], + [ + "à®", + "İ" + ], + [ + "à°", + "¬" + ], + [ + "àµ", + "»" + ], + [ + "àµ", + "¼" + ], + [ + "à¶", + "ł" + ], + [ + "à¶", + "Ń" + ], + [ + "à¶", + "¶" + ], + [ + "à·", + "Ĩ" + ], + [ + "à¼", + "½" + ], + [ + "áĢ", + "ļ" + ], + [ + "áħ", + "¢" + ], + [ + "áĨ", + "¸" + ], + [ + "áĪ", + "Ģ" + ], + [ + "áĪ", + "ķ" + ], + [ + "áĪ", + "°" + ], + [ + "áī", + "¡" + ], + [ + "áī", + "¤" + ], + [ + "áĬ", + "¦" + ], + [ + "áĬ", + "«" + ], + [ + "áĭ", + "ĭ" + ], + [ + "áĭ", + "į" + ], + [ + "áİ", + "¯" + ], + [ + "áij", + "Ń" + ], + [ + "áķ", + "Ĺ" + ], + [ + "áŁ", + "Ľ" + ], + [ + "á¥", + "Ĵ" + ], + [ + "á©", + "ī" + ], + [ + "áŃ", + "º" + ], + [ + "á´", + "¡" + ], + [ + "áµ", + "ĺ" + ], + [ + "áµ", + "Ľ" + ], + [ + "á¶", + "ł" + ], + [ + "á¸", + "ģ" + ], + [ + "á¸", + "ĭ" + ], + [ + "á¹", + "Ļ" + ], + [ + "á¹", + "Ŀ" + ], + [ + "á¹", + "¦" + ], + [ + "áº", + "ħ" + ], + [ + "á¼", + "Ĥ" + ], + [ + "á½", + "ĥ" + ], + [ + "á½", + "į" + ], + [ + "á½", + "§" + ], + [ + "á¾", + "·" + ], + [ + "âĢ", + "µ" + ], + [ + "âĤ", + "İ" + ], + [ + "âĦ", + "Ŀ" + ], + [ + "âħ", + "Ģ" + ], + [ + "âĨ", + "ŀ" + ], + [ + "âĨ", + "§" + ], + [ + "âĩ", + "ħ" + ], + [ + "âĪ", + "ĥ" + ], + [ + "âī", + "ı" + ], + [ + "âī", + "½" + ], + [ + "âĬ", + "ŀ" + ], + [ + "âĬ", + "¡" + ], + [ + "âĬ", + "§" + ], + [ + "â", + "Ĭ¶" + ], + [ + "âĭ", + "Ħ" + ], + [ + "âİ", + "Ĵ" + ], + [ + "âİ", + "¡" + ], + [ + "âİ", + "£" + ], + [ + "âİ", + "ª" + ], + [ + "âı", + "İ" + ], + [ + "âĵ", + "ĥ" + ], + [ + "âĵ", + "ĸ" + ], + [ + "âĵ", + "¨" + ], + [ + "âķ", + "ĭ" + ], + [ + "âķ", + "ĸ" + ], + [ + "âķ", + "¢" + ], + [ + "âķ", + "²" + ], + [ + "âĸ", + "Ĩ" + ], + [ + "âĸ", + "Ĭ" + ], + [ + "âĸ", + "į" + ], + [ + "âĸ", + "®" + ], + [ + "âĺ", + "¡" + ], + [ + "âĺ", + "¦" + ], + [ + "âĺ", + "±" + ], + [ + "âĺ", + "¿" + ], + [ + "âĻ", + "ĺ" + ], + [ + "âĻ", + "Ŀ" + ], + [ + "âļ", + "°" + ], + [ + "âĽ", + "ij" + ], + [ + "âŀ", + "ª" + ], + [ + "â¤", + "Ŀ" + ], + [ + "â¤", + "¢" + ], + [ + "â¤", + "·" + ], + [ + "â§", + "«" + ], + [ + "â¨", + "Ń" + ], + [ + "â¨", + "¯" + ], + [ + "â±", + "£" + ], + [ + "â²", + "İ" + ], + [ + "âµ", + "Ľ" + ], + [ + "ãħ", + "Ķ" + ], + [ + "ãĪ", + "ı" + ], + [ + "ãī", + "²" + ], + [ + "ãī", + "³" + ], + [ + "ãĬ", + "ij" + ], + [ + "ãĭ", + "Ľ" + ], + [ + "ãİ", + "IJ" + ], + [ + "ê²", + "¤" + ], + [ + "ê·", + "¿" + ], + [ + "ê¹", + "ŀ" + ], + [ + "ê»", + "¨" + ], + [ + "ê¼", + "į" + ], + [ + "ê¿", + "¸" + ], + [ + "ëĥ", + "¬" + ], + [ + "ëĩ", + "IJ" + ], + [ + "ëĭ", + "ł" + ], + [ + "ëį", + "¯" + ], + [ + "ëĹ", + "Į" + ], + [ + "ëĹ", + "ij" + ], + [ + "ë¥", + "Ģ" + ], + [ + "ëª", + "ĥ" + ], + [ + "ëª", + "¯" + ], + [ + "ë±", + "¡" + ], + [ + "ë³", + "ĵ" + ], + [ + "ë³", + "½" + ], + [ + "ë", + "µľ" + ], + [ + "ìĤ", + "³" + ], + [ + "ìħ", + "¥" + ], + [ + "ìĩ", + "½" + ], + [ + "ìı", + "¨" + ], + [ + "ìı", + "¸" + ], + [ + "ìķ", + "į" + ], + [ + "ìĸ", + "ĸ" + ], + [ + "ìŁ", + "¨" + ], + [ + "ì¢", + "ĥ" + ], + [ + "ì¢", + "į" + ], + [ + "ì¥", + "ij" + ], + [ + "ì§", + "¼" + ], + [ + "ì©", + "ĥ" + ], + [ + "ì®", + "ľ" + ], + [ + "ì®", + "¸" + ], + [ + "ì³", + "ij" + ], + [ + "ì´", + "¥" + ], + [ + "ì¾", + "ĥ" + ], + [ + "íħ", + "¦" + ], + [ + "íĪ", + "¿" + ], + [ + "íĵ", + "½" + ], + [ + "íķ", + "³" + ], + [ + "íĸ", + "ı" + ], + [ + "íĹ", + "ł" + ], + [ + "íĿ", + "«" + ], + [ + "ï¤", + "ĵ" + ], + [ + "ï¤", + "ĺ" + ], + [ + "ï¥", + "İ" + ], + [ + "ï¥", + "¶" + ], + [ + "ï¦", + "ħ" + ], + [ + "ï¦", + "½" + ], + [ + "ï§", + "ĩ" + ], + [ + "ï¬", + "Ĩ" + ], + [ + "ï¬", + "³" + ], + [ + "ï®", + "ĩ" + ], + [ + "ï®", + "Ī" + ], + [ + "ï®", + "Ŀ" + ], + [ + "ï®", + "©" + ], + [ + "ï®", + "±" + ], + [ + "ï¯", + "ĺ" + ], + [ + "ï¯", + "Ļ" + ], + [ + "ï¯", + "¢" + ], + [ + "ï¯", + "£" + ], + [ + "ï¯", + "¤" + ], + [ + "ï¯", + "¥" + ], + [ + "ï±", + "Ĥ" + ], + [ + "ï²", + "Ĩ" + ], + [ + "ï²", + "ª" + ], + [ + "ï´", + "¼" + ], + [ + "ïº", + "ī" + ], + [ + "ïº", + "Ĭ" + ], + [ + "ïº", + "¥" + ], + [ + "ðĿij", + "¨" + ], + [ + "ðĿij", + "©" + ], + [ + "ðĿij", + "²" + ], + [ + "ðĿ", + "ĴĮ" + ], + [ + "ðĿĴ", + "ª" + ], + [ + "ðĿĴ", + "®" + ], + [ + "ðĿĵ", + "Ĥ" + ], + [ + "ðĿĵ", + "Ī" + ], + [ + "ðĿĵ", + "¯" + ], + [ + "ðĿĶ", + "¨" + ], + [ + "ðĿķ", + "Ģ" + ], + [ + "ðĿķ", + "Ĩ" + ], + [ + "ðĿķ", + "¦" + ], + [ + "ðĿķ", + "§" + ], + [ + "ðĿķ", + "«" + ], + [ + "ðĿķ", + "·" + ], + [ + "ðĿĹ", + "µ" + ], + [ + "ðĿĹ", + "¸" + ], + [ + "ðĿĺ", + "Ħ" + ], + [ + "ðĿĺ", + "Ļ" + ], + [ + "ðĿĺ", + "ł" + ], + [ + "ðĿĺ", + "¬" + ], + [ + "ðĿĻ", + "į" + ], + [ + "ðĿĻ", + "ij" + ], + [ + "ðĿĻ", + "¡" + ], + [ + "ðĿ", + "ύ" + ], + [ + "ðĿĻ", + "·" + ], + [ + "ðĿļ", + "į" + ], + [ + "ðĿĽ", + "¿" + ], + [ + "ðŁ", + "ĥ" + ], + [ + "ðŁĥ", + "ı" + ], + [ + "ðŁħ", + "ĺ" + ], + [ + "ðŁ", + "ī" + ], + [ + "ðŁī", + "ij" + ], + [ + "ðŁİ", + "¡" + ], + [ + "ðŁİ", + "ª" + ], + [ + "ðŁİ", + "±" + ], + [ + "ðŁİ", + "³" + ], + [ + "ðŁİ", + "º" + ], + [ + "ðŁı", + "İ" + ], + [ + "ðŁı", + "Ĺ" + ], + [ + "ðŁı", + "ļ" + ], + [ + "ðŁı", + "ŀ" + ], + [ + "ðŁı", + "¦" + ], + [ + "ðŁı", + "§" + ], + [ + "ðŁIJ", + "ģ" + ], + [ + "ðŁIJ", + "ħ" + ], + [ + "ðŁIJ", + "ĵ" + ], + [ + "ðŁĴ", + "Ĥ" + ], + [ + "ðŁĵ", + "ij" + ], + [ + "ðŁĵ", + "ĵ" + ], + [ + "ðŁĵ", + "¨" + ], + [ + "ðŁĵ", + "«" + ], + [ + "ðŁĶ", + "ĭ" + ], + [ + "ðŁĶ", + "Ń" + ], + [ + "ðŁĶ", + "¯" + ], + [ + "ðŁķ", + "Ĺ" + ], + [ + "ðŁļ", + "Ĥ" + ], + [ + "ðŁļ", + "¢" + ], + [ + "ðŁļ", + "¦" + ], + [ + "ðŁļ", + "¬" + ], + [ + "ðŁĽ", + "ĭ" + ], + [ + "ðŁĽ", + "Į" + ], + [ + "ðŁĽ", + "¬" + ], + [ + "ðŁĽ", + "¶" + ], + [ + "ðŁŁ", + "¡" + ], + [ + "ðŁ¥", + "ĺ" + ], + [ + "ðŁ¥", + "Ł" + ], + [ + "ðŁ¥", + "¦" + ], + [ + "ð٦", + "ĩ" + ], + [ + "ð٦", + "Ī" + ], + [ + "ð٧", + "Ĭ" + ], + [ + "ð٧", + "Ĺ" + ], + [ + "ð٧", + "¤" + ], + [ + "Ê", + "·" + ], + [ + "Ë", + "¹" + ], + [ + "á¹", + "ļ" + ], + [ + "á½", + "¥" + ], + [ + "âĦ", + "Ł" + ], + [ + "ê²", + "¯" + ], + [ + "ê»", + "«" + ], + [ + "ë°", + "·" + ], + [ + "ìĥ", + "Ĩ" + ], + [ + "ìĽ", + "Ŀ" + ], + [ + "ì¨", + "ī" + ], + [ + "ì«", + "ı" + ], + [ + "ï¯", + "ķ" + ], + [ + "ðĿľ", + "ĭ" + ], + [ + "É", + "²" + ], + [ + "Ò", + "Ń" + ], + [ + "Ó", + "Ī" + ], + [ + "à½", + "Ľ" + ], + [ + "áĭ", + "ĵ" + ], + [ + "áĻ", + "Ń" + ], + [ + "áł", + "©" + ], + [ + "á¹", + "®" + ], + [ + "âĦ", + "Ĵ" + ], + [ + "âĨ", + "»" + ], + [ + "âµ", + "ĥ" + ], + [ + "ëĢ", + "¨" + ], + [ + "ëł", + "§" + ], + [ + "ìī", + "¥" + ], + [ + "ìĮ", + "ľ" + ], + [ + "ìĹ", + "¶" + ], + [ + "ì¨", + "Ī" + ], + [ + "ìª", + "¾" + ], + [ + "íı", + "½" + ], + [ + "íļ", + "Ķ" + ], + [ + "íĽ", + "µ" + ], + [ + "ï¤", + "¸" + ], + [ + "ï¦", + "IJ" + ], + [ + "ï§", + "Ĺ" + ], + [ + "ï§", + "ļ" + ], + [ + "ï¬", + "¯" + ], + [ + "ðĿIJ", + "Ĭ" + ], + [ + "ðĿķ", + "Ĺ" + ], + [ + "ðĿĹ", + "ļ" + ], + [ + "ðĿļ", + "ĸ" + ], + [ + "ðŁħ", + "´" + ], + [ + "È", + "ĥ" + ], + [ + "É", + "Ŀ" + ], + [ + "Ï", + "±" + ], + [ + "Ó", + "Ĺ" + ], + [ + "à¤", + "¢" + ], + [ + "áħ", + "ł" + ], + [ + "áī", + "¦" + ], + [ + "áij", + "Į" + ], + [ + "áĴ", + "¼" + ], + [ + "áŀ", + "¡" + ], + [ + "áł", + "¨" + ], + [ + "áł", + "Ń" + ], + [ + "á¨", + "ħ" + ], + [ + "á¨", + "Ķ" + ], + [ + "á´", + "ĺ" + ], + [ + "á¶", + "¦" + ], + [ + "á¸", + "İ" + ], + [ + "á¼", + "ħ" + ], + [ + "á¼", + "¹" + ], + [ + "âĨ", + "¯" + ], + [ + "âĵ", + "İ" + ], + [ + "ãı", + "Į" + ], + [ + "ê", + "ī" + ], + [ + "êī", + "Ĥ" + ], + [ + "ëĨ", + "§" + ], + [ + "ëĿ", + "±" + ], + [ + "ì¢", + "¡" + ], + [ + "íĪ", + "½" + ], + [ + "ï¤", + "ĩ" + ], + [ + "ï¤", + "Ľ" + ], + [ + "ðĿIJ", + "ķ" + ], + [ + "ðĿĵ", + "¸" + ], + [ + "ðĿĵ", + "¼" + ], + [ + "ðĿĹ", + "ķ" + ], + [ + "ðĿĺ", + "Ī" + ], + [ + "ðŁı", + "£" + ], + [ + "ðŁı", + "¤" + ], + [ + "ðŁĹ", + "Ħ" + ], + [ + "Ñ", + "·" + ], + [ + "Ò", + "ł" + ], + [ + "áµ", + "ĸ" + ], + [ + "á¼", + "¨" + ], + [ + "ë¬", + "Ħ" + ], + [ + "ï°", + "´" + ], + [ + "âĪ", + "½" + ], + [ + "Õ", + "Ń" + ], + [ + "Ú", + "¹" + ], + [ + "à¥", + "Ł" + ], + [ + "áĢ", + "Ĩ" + ], + [ + "áŀ", + "Ĵ" + ], + [ + "ãĢ", + "¶" + ], + [ + "ê¦", + "«" + ], + [ + "ï¸", + "ĵ" + ], + [ + "ðĿIJ", + "Ľ" + ], + [ + "ðĿĺ", + "Ĺ" + ], + [ + "ðŁı", + "ľ" + ], + [ + "ì«", + "Ń" + ], + [ + "ð٧", + "ŀ" + ], + [ + "à½", + "Ĥ" + ], + [ + "âĨ", + "¿" + ], + [ + "âĩ", + "ı" + ], + [ + "âĵ", + "ģ" + ], + [ + "âĶ", + "§" + ], + [ + "âķ", + "ģ" + ], + [ + "âķ", + "¤" + ], + [ + "ê¦", + "Ĺ" + ], + [ + "ê¦", + "¤" + ], + [ + "ðŁı", + "Ī" + ], + [ + "áŀ", + "ķ" + ], + [ + "Ô", + "½" + ], + [ + "àª", + "Ĺ" + ], + [ + "à¬", + "Ĩ" + ], + [ + "âķ", + "ķ" + ], + [ + "ï½", + "ł" + ], + [ + "â¼", + "¦" + ], + [ + "â¼", + "¯" + ], + [ + "â¾", + "·" + ], + [ + "âĶ", + "ĸ" + ], + [ + "à¬", + "ĵ" + ], + [ + "âĺ", + "Ĺ" + ], + [ + "âį", + "ĭ" + ], + [ + "ï¨", + "Ŀ" + ], + [ + "â¼", + "¥" + ], + [ + "ï¦", + "ª" + ], + [ + "âĦ", + "Ĭ" + ], + [ + "ãĢ", + "´" + ], + [ + "âį", + "¢" + ], + [ + "ð¡", + "Ī" + ], + [ + "ð¡Ī", + "½" + ], + [ + "ï©", + "¨" + ], + [ + "ãĢ", + "»" + ], + [ + "ãı", + "ĥ" + ], + [ + "ï¦", + "¡" + ], + [ + "ï¨", + "ĺ" + ], + [ + "ðŁIJ", + "ĥ" + ], + [ + "ðŁĨ", + "ĸ" + ], + [ + "ðŁĹ", + "¾" + ], + [ + "ãĦ", + "ĩ" + ], + [ + "Þ", + "ĭ" + ], + [ + "â¼", + "¼" + ], + [ + "ï¨", + "Ń" + ], + [ + "Þ", + "Ģ" + ], + [ + "Þ", + "Ħ" + ], + [ + "Þ", + "Ī" + ], + [ + "Þ", + "IJ" + ], + [ + "âĮ", + "Ħ" + ], + [ + "â»", + "ĺ" + ], + [ + "ãŁ", + "¢" + ], + [ + "á", + "ħ§" + ], + [ + "ðIJĮ", + "¿" + ], + [ + "Ë", + "»" + ], + [ + "à²", + "Ĺ" + ], + [ + "áĢ", + "ĩ" + ], + [ + "áŀ", + "Ĭ" + ], + [ + "âķ", + "ĩ" + ], + [ + "ãĩ", + "¼" + ], + [ + "ãİ", + "°" + ], + [ + "Õ", + "Ĵ" + ], + [ + "Ü", + "Ī" + ], + [ + "ß", + "¥" + ], + [ + "à¿", + "IJ" + ], + [ + "áĢ", + "Ł" + ], + [ + "âĨ", + "¥" + ], + [ + "âķ", + "Į" + ], + [ + "â½", + "Ģ" + ], + [ + "â½", + "°" + ], + [ + "â¾", + "Ĭ" + ], + [ + "ä", + "Ħ" + ], + [ + "äĦ", + "Ģ" + ], + [ + "ðĵ", + "IJ" + ], + [ + "ðĵIJ", + "į" + ], + [ + "ðŁİ", + "¦" + ], + [ + "âĤ", + "¯" + ], + [ + "âĬ", + "ĺ" + ], + [ + "âĦ", + "į" + ], + [ + "Ê", + "µ" + ], + [ + "Ñ", + "¶" + ], + [ + "Ú", + "ĥ" + ], + [ + "à¦", + "Ķ" + ], + [ + "à´", + "¦" + ], + [ + "áİ", + "¶" + ], + [ + "áĵ", + "ķ" + ], + [ + "á¹", + "¨" + ], + [ + "âĤ", + "ł" + ], + [ + "âĩ", + "°" + ], + [ + "âĹ", + "Ĵ" + ], + [ + "â¿", + "Ĭ" + ], + [ + "ê·", + "±" + ], + [ + "ì¹", + "ķ" + ], + [ + "íĪ", + "©" + ], + [ + "ïŃ", + "Ģ" + ], + [ + "ðĿĴ", + "¸" + ], + [ + "ðĿĵ", + "Ĭ" + ], + [ + "ðĿĺ", + "©" + ], + [ + "Ç", + "¦" + ], + [ + "É", + "«" + ], + [ + "áĬ", + "¨" + ], + [ + "È", + "¹" + ], + [ + "Ê", + "¯" + ], + [ + "Î", + "ª" + ], + [ + "Ú", + "Ģ" + ], + [ + "áĮ", + "¸" + ], + [ + "áİ", + "»" + ], + [ + "áı", + "ķ" + ], + [ + "áı", + "´" + ], + [ + "á²", + "Ĥ" + ], + [ + "á½", + "¨" + ], + [ + "âı", + "Ŀ" + ], + [ + "âĺ", + "Ļ" + ], + [ + "ëĥ", + "¨" + ], + [ + "ëĦ", + "¼" + ], + [ + "ëĪ", + "Ļ" + ], + [ + "ë£", + "ħ" + ], + [ + "ìĶ", + "¼" + ], + [ + "ìķ", + "Ŀ" + ], + [ + "ìļ", + "¬" + ], + [ + "ìľ", + "±" + ], + [ + "ï¥", + "Ĥ" + ], + [ + "ï¦", + "¹" + ], + [ + "ï¬", + "¹" + ], + [ + "ïŃ", + "ģ" + ], + [ + "ï³", + "Ī" + ], + [ + "ðĿĶ", + "ħ" + ], + [ + "ðĿĺ", + "¤" + ], + [ + "ðĿĻ", + "ı" + ], + [ + "ðĿĻ", + "Ļ" + ], + [ + "ðŁķ", + "ī" + ], + [ + "ð٧", + "Ļ" + ], + [ + "á¸", + "ij" + ], + [ + "ê´", + "¼" + ], + [ + "ëģ", + "į" + ], + [ + "ëĹ", + "´" + ], + [ + "ëĿ", + "³" + ], + [ + "ë°", + "ŀ" + ], + [ + "ë°", + "¢" + ], + [ + "ëµ", + "ĺ" + ], + [ + "ìĤ", + "Ķ" + ], + [ + "ìĦ", + "Ħ" + ], + [ + "ì¼", + "ļ" + ], + [ + "íĢ", + "ł" + ], + [ + "íĬ", + "±" + ], + [ + "íĮ", + "ĸ" + ], + [ + "ï¤", + "ij" + ], + [ + "ï¦", + "´" + ], + [ + "ï¦", + "¸" + ], + [ + "ï´", + "į" + ], + [ + "ðĿĺ", + "·" + ], + [ + "Ä", + "¬" + ], + [ + "Å", + "¬" + ], + [ + "Æ", + "Ģ" + ], + [ + "Æ", + "ĭ" + ], + [ + "Æ", + "ľ" + ], + [ + "Ç", + "ij" + ], + [ + "Ç", + "ĺ" + ], + [ + "Ç", + "ŀ" + ], + [ + "Ç", + "¥" + ], + [ + "Ç", + "®" + ], + [ + "É", + "°" + ], + [ + "É", + "¶" + ], + [ + "É", + "·" + ], + [ + "É", + "½" + ], + [ + "Ê", + "Ī" + ], + [ + "Ê", + "IJ" + ], + [ + "Ë", + "İ" + ], + [ + "Ë", + "Ł" + ], + [ + "Ë", + "¦" + ], + [ + "Ë", + "¯" + ], + [ + "Ï", + "IJ" + ], + [ + "Ï", + "ĵ" + ], + [ + "Ï", + "¢" + ], + [ + "Ï", + "¤" + ], + [ + "Ï", + "ª" + ], + [ + "Ï", + "Ń" + ], + [ + "Ï", + "®" + ], + [ + "Ï", + "»" + ], + [ + "Ñ", + "ł" + ], + [ + "Ñ", + "Ń" + ], + [ + "Ò", + "¨" + ], + [ + "Ó", + "Ŀ" + ], + [ + "Ô", + "¡" + ], + [ + "Ô", + "·" + ], + [ + "Õ", + "ī" + ], + [ + "Õ", + "ĵ" + ], + [ + "Õ", + "ĸ" + ], + [ + "Õ", + "ļ" + ], + [ + "Õ", + "Ŀ" + ], + [ + "Ö", + "İ" + ], + [ + "Ø", + "¿" + ], + [ + "Ú", + "ħ" + ], + [ + "Ú", + "į" + ], + [ + "Ú", + "Ķ" + ], + [ + "Û", + "Ĭ" + ], + [ + "Û", + "¾" + ], + [ + "Ü", + "Ļ" + ], + [ + "Ý", + "Ĵ" + ], + [ + "Ý", + "ĺ" + ], + [ + "ß", + "Ĵ" + ], + [ + "ß", + "ĸ" + ], + [ + "à¤", + "Ĭ" + ], + [ + "à¤", + "IJ" + ], + [ + "à¦", + "ı" + ], + [ + "à¦", + "ĸ" + ], + [ + "à§", + "Ł" + ], + [ + "àª", + "®" + ], + [ + "àª", + "¹" + ], + [ + "à®", + "ħ" + ], + [ + "à®", + "Ĩ" + ], + [ + "à°", + "¡" + ], + [ + "à°", + "°" + ], + [ + "à²", + "ļ" + ], + [ + "à²", + "®" + ], + [ + "à²", + "¯" + ], + [ + "à´", + "Ł" + ], + [ + "à´", + "·" + ], + [ + "àµ", + "¾" + ], + [ + "à¶", + "ij" + ], + [ + "à¶", + "ŀ" + ], + [ + "à¼", + "¼" + ], + [ + "à½", + "ĵ" + ], + [ + "áĢ", + "ĵ" + ], + [ + "áĤ", + "¦" + ], + [ + "áĥ", + "ĸ" + ], + [ + "áĥ", + "Ń" + ], + [ + "áĥ", + "¯" + ], + [ + "áħ", + "¨" + ], + [ + "áħ", + "ª" + ], + [ + "áĨ", + "°" + ], + [ + "áĪ", + "ģ" + ], + [ + "áĪ", + "İ" + ], + [ + "áĪ", + "ĵ" + ], + [ + "áĪ", + "¥" + ], + [ + "áĪ", + "²" + ], + [ + "áĪ", + "´" + ], + [ + "áĪ", + "»" + ], + [ + "áī", + "ł" + ], + [ + "áī", + "²" + ], + [ + "áī", + "¶" + ], + [ + "áĬ", + "£" + ], + [ + "áĬ", + "¥" + ], + [ + "áĬ", + "ª" + ], + [ + "áĭ", + "ĺ" + ], + [ + "áĭ", + "²" + ], + [ + "áĭ", + "¶" + ], + [ + "áĮ", + "£" + ], + [ + "áį", + "¡" + ], + [ + "áį", + "£" + ], + [ + "áİ", + "¬" + ], + [ + "áİ", + "¾" + ], + [ + "áIJ", + "¡" + ], + [ + "áķ", + "ķ" + ], + [ + "áĸ", + "±" + ], + [ + "áĹ", + "IJ" + ], + [ + "áĹ", + "Ń" + ], + [ + "áĺ", + "ī" + ], + [ + "áļ", + "±" + ], + [ + "áĽ", + "Ł" + ], + [ + "áŀ", + "¥" + ], + [ + "áŁ", + "Ķ" + ], + [ + "áł", + "£" + ], + [ + "áł", + "ª" + ], + [ + "áł", + "°" + ], + [ + "áł", + "´" + ], + [ + "á¤", + "ĸ" + ], + [ + "á¥", + "£" + ], + [ + "á", + "®" + ], + [ + "á®", + "ł" + ], + [ + "á", + "¯" + ], + [ + "á¯", + "Ļ" + ], + [ + "á", + "°" + ], + [ + "á°", + "į" + ], + [ + "á´", + "Ĭ" + ], + [ + "á´", + "¾" + ], + [ + "áµ", + "ģ" + ], + [ + "áµ", + "İ" + ], + [ + "áµ", + "ŀ" + ], + [ + "áµ", + "¤" + ], + [ + "á¶", + "ħ" + ], + [ + "á¶", + "ĺ" + ], + [ + "á¶", + "Ł" + ], + [ + "á¶", + "¢" + ], + [ + "á¶", + "¤" + ], + [ + "á¶", + "±" + ], + [ + "á¶", + "»" + ], + [ + "á¸", + "ī" + ], + [ + "á¸", + "ŀ" + ], + [ + "á¸", + "º" + ], + [ + "á¹", + "ĵ" + ], + [ + "á¹", + "Ĺ" + ], + [ + "á¹", + "ª" + ], + [ + "áº", + "Ĭ" + ], + [ + "áº", + "ı" + ], + [ + "áº", + "Ľ" + ], + [ + "á¼", + "ĥ" + ], + [ + "á¼", + "Į" + ], + [ + "á¼", + "¿" + ], + [ + "á½", + "Ĥ" + ], + [ + "á½", + "ĵ" + ], + [ + "á½", + "Ĺ" + ], + [ + "á½", + "¦" + ], + [ + "á¾", + "±" + ], + [ + "á¾", + "´" + ], + [ + "á¿", + "ĺ" + ], + [ + "á¿", + "Ł" + ], + [ + "á¿", + "¸" + ], + [ + "âģ", + "ĺ" + ], + [ + "âĤ", + "ij" + ], + [ + "âĤ", + "Ľ" + ], + [ + "âĤ", + "¿" + ], + [ + "âĦ", + "ĩ" + ], + [ + "âĦ", + "ŀ" + ], + [ + "âĦ", + "±" + ], + [ + "âĩ", + "Ł" + ], + [ + "âĩ", + "²" + ], + [ + "âĪ", + "¤" + ], + [ + "âĪ", + "¶" + ], + [ + "âī", + "Ĥ" + ], + [ + "âī", + "¾" + ], + [ + "âĬ", + "¨" + ], + [ + "âĬ", + "³" + ], + [ + "âĬ", + "·" + ], + [ + "âĭ", + "Į" + ], + [ + "âĭ", + "ĺ" + ], + [ + "âĮ", + "ķ" + ], + [ + "âĮ", + "¥" + ], + [ + "âĮ", + "µ" + ], + [ + "âĮ", + "º" + ], + [ + "âį", + "£" + ], + [ + "âį", + "²" + ], + [ + "âį", + "µ" + ], + [ + "âİ", + "ĩ" + ], + [ + "âı", + "ĥ" + ], + [ + "âı", + "IJ" + ], + [ + "âı", + "ł" + ], + [ + "âı", + "¤" + ], + [ + "âı", + "¶" + ], + [ + "âı", + "¸" + ], + [ + "âı", + "¹" + ], + [ + "âij", + "Ĥ" + ], + [ + "âĴ", + "·" + ], + [ + "âĴ", + "º" + ], + [ + "âĵ", + "¡" + ], + [ + "âĵ", + "¤" + ], + [ + "âĶ", + "¾" + ], + [ + "âĸ", + "ĺ" + ], + [ + "âĸ", + "µ" + ], + [ + "âĹ", + "ª" + ], + [ + "âĹ", + "·" + ], + [ + "âĺ", + "¨" + ], + [ + "âĺ", + "«" + ], + [ + "âĺ", + "²" + ], + [ + "âĺ", + "³" + ], + [ + "âĻ", + "Ĩ" + ], + [ + "âļ", + "¤" + ], + [ + "âļ", + "¥" + ], + [ + "âĽ", + "ĵ" + ], + [ + "âĽ", + "´" + ], + [ + "âĽ", + "¾" + ], + [ + "âŀ", + "«" + ], + [ + "âŀ", + "¿" + ], + [ + "âŁ", + "·" + ], + [ + "â¤", + "ij" + ], + [ + "â¤", + "«" + ], + [ + "â¤", + "¶" + ], + [ + "â¤", + "½" + ], + [ + "â§", + "ª" + ], + [ + "â¨", + "Ģ" + ], + [ + "â", + "©½" + ], + [ + "â¬", + "¡" + ], + [ + "â¬", + "¢" + ], + [ + "â¬", + "¤" + ], + [ + "â²", + "ĸ" + ], + [ + "â²", + "ª" + ], + [ + "âµ", + "Ģ" + ], + [ + "â¸", + "®" + ], + [ + "â¸", + "½" + ], + [ + "ãĢ", + "ł" + ], + [ + "ãĢ", + "·" + ], + [ + "ãĦ", + "Į" + ], + [ + "ãĦ", + "ĺ" + ], + [ + "ãħ", + "ij" + ], + [ + "ãĪ", + "İ" + ], + [ + "ãĪ", + "IJ" + ], + [ + "ãĬ", + "ľ" + ], + [ + "ãĮ", + "ĵ" + ], + [ + "ãĮ", + "ł" + ], + [ + "ãİ", + "Ł" + ], + [ + "ãİ", + "¤" + ], + [ + "ãİ", + "§" + ], + [ + "ã¬", + "®" + ], + [ + "ä", + "Ī" + ], + [ + "äĪ", + "Ģ" + ], + [ + "ä", + "°" + ], + [ + "ä°", + "Ģ" + ], + [ + "ê", + "ħ" + ], + [ + "êħ", + "ī" + ], + [ + "êĩ", + "Ĺ" + ], + [ + "ê", + "Ī" + ], + [ + "êĪ", + "į" + ], + [ + "ê§", + "Ĥ" + ], + [ + "ê§", + "Ĭ" + ], + [ + "êª", + "Ģ" + ], + [ + "ê²", + "Ī" + ], + [ + "ê²", + "į" + ], + [ + "ê³", + "Ģ" + ], + [ + "êµ", + "ł" + ], + [ + "ê½", + "IJ" + ], + [ + "ê¾", + "Ī" + ], + [ + "ê¿", + "±" + ], + [ + "ëĥ", + "ı" + ], + [ + "ëĦ", + "ij" + ], + [ + "ëħ", + "¤" + ], + [ + "ëĩ", + "¸" + ], + [ + "ëĪ", + "¼" + ], + [ + "ëī", + "ħ" + ], + [ + "ëĬ", + "£" + ], + [ + "ëĭ", + "º" + ], + [ + "ëį", + "ŀ" + ], + [ + "ëIJ", + "Į" + ], + [ + "ëķ", + "¸" + ], + [ + "ëĺ", + "ł" + ], + [ + "ëĻ", + "ĩ" + ], + [ + "ëĻ", + "Ī" + ], + [ + "ëľ", + "½" + ], + [ + "ëŀ", + "Ķ" + ], + [ + "ëł", + "ľ" + ], + [ + "ë£", + "IJ" + ], + [ + "ë§", + "Ģ" + ], + [ + "ë§", + "Ĭ" + ], + [ + "ëª", + "Ģ" + ], + [ + "ë¬", + "Ń" + ], + [ + "ë¯", + "¾" + ], + [ + "ë³", + "ľ" + ], + [ + "ë´", + "Ĭ" + ], + [ + "ëµ", + "ī" + ], + [ + "ë·", + "ľ" + ], + [ + "ë¸", + "Ģ" + ], + [ + "ë¹", + "ĭ" + ], + [ + "ìģ", + "Ħ" + ], + [ + "ìĤ", + "£" + ], + [ + "ìĤ", + "»" + ], + [ + "ìĦ", + "µ" + ], + [ + "ìħ", + "Ĵ" + ], + [ + "ìī", + "Ī" + ], + [ + "ìī", + "Ķ" + ], + [ + "ìĬ", + "Į" + ], + [ + "ìĬ", + "Ļ" + ], + [ + "ìIJ", + "´" + ], + [ + "ìĵ", + "º" + ], + [ + "ìķ", + "ļ" + ], + [ + "ìķ", + "º" + ], + [ + "ìĸ", + "ľ" + ], + [ + "ìĹ", + "ª" + ], + [ + "ìĺ", + "ľ" + ], + [ + "ìĻ", + "¤" + ], + [ + "ìļ", + "Ľ" + ], + [ + "ìļ", + "º" + ], + [ + "ìĿ", + "ħ" + ], + [ + "ìĿ", + "ı" + ], + [ + "ìĿ", + "Ń" + ], + [ + "ìĿ", + "¶" + ], + [ + "ìł", + "Ľ" + ], + [ + "ì¡", + "Ī" + ], + [ + "ì¢", + "ī" + ], + [ + "ì¢", + "Ķ" + ], + [ + "ì©", + "ł" + ], + [ + "ìŃ", + "Į" + ], + [ + "ì¯", + "©" + ], + [ + "ì´", + "£" + ], + [ + "ì¸", + "ķ" + ], + [ + "ì¹", + "Ł" + ], + [ + "ì¾", + "¡" + ], + [ + "ì¿", + "Ļ" + ], + [ + "íģ", + "ĩ" + ], + [ + "íģ", + "ī" + ], + [ + "íĩ", + "Ģ" + ], + [ + "íĪ", + "¶" + ], + [ + "íĸ", + "ij" + ], + [ + "íĸ", + "¤" + ], + [ + "íĹ", + "ħ" + ], + [ + "íľ", + "ı" + ], + [ + "íĿ", + "Ŀ" + ], + [ + "ï¤", + "Ĵ" + ], + [ + "ï¤", + "ķ" + ], + [ + "ï¤", + "¬" + ], + [ + "ï¥", + "ħ" + ], + [ + "ï¥", + "ĩ" + ], + [ + "ï¥", + "ı" + ], + [ + "ï¥", + "ļ" + ], + [ + "ï¥", + "Ł" + ], + [ + "ï¦", + "Ħ" + ], + [ + "ï¦", + "Ī" + ], + [ + "ï¦", + "¨" + ], + [ + "ï¦", + "©" + ], + [ + "ï¦", + "²" + ], + [ + "ï§", + "ģ" + ], + [ + "ï§", + "ĥ" + ], + [ + "ï§", + "Ķ" + ], + [ + "ï§", + "ł" + ], + [ + "ï§", + "£" + ], + [ + "ï§", + "®" + ], + [ + "ï", + "ŃIJ" + ], + [ + "ïŃ", + "ĸ" + ], + [ + "ïŃ", + "¦" + ], + [ + "ïŃ", + "´" + ], + [ + "ïŃ", + "µ" + ], + [ + "ïŃ", + "¶" + ], + [ + "ïŃ", + "¸" + ], + [ + "ï®", + "Į" + ], + [ + "ï®", + "İ" + ], + [ + "ï®", + "ŀ" + ], + [ + "ï®", + "Ł" + ], + [ + "ï®", + "¡" + ], + [ + "ï®", + "ª" + ], + [ + "ï¯", + "Ķ" + ], + [ + "ï¯", + "Ĺ" + ], + [ + "ï¯", + "ļ" + ], + [ + "ï¯", + "Ľ" + ], + [ + "ï¯", + "Ŀ" + ], + [ + "ï¯", + "Ł" + ], + [ + "ï¯", + "§" + ], + [ + "ï¯", + "¨" + ], + [ + "ï¯", + "«" + ], + [ + "ï¯", + "¯" + ], + [ + "ï¯", + "°" + ], + [ + "ï¯", + "±" + ], + [ + "ï¯", + "²" + ], + [ + "ï¯", + "³" + ], + [ + "ï¯", + "´" + ], + [ + "ï¯", + "µ" + ], + [ + "ï¯", + "¶" + ], + [ + "ï°", + "Ģ" + ], + [ + "ï±", + "ħ" + ], + [ + "ï±", + "Ķ" + ], + [ + "ï±", + "´" + ], + [ + "ï²", + "ģ" + ], + [ + "ï³", + "ķ" + ], + [ + "ï·", + "½" + ], + [ + "ï¸", + "ķ" + ], + [ + "ï¸", + "±" + ], + [ + "ï¹", + "£" + ], + [ + "ï¹", + "½" + ], + [ + "ï»", + "į" + ], + [ + "ï¾", + "±" + ], + [ + "ðĿIJ", + "Ļ" + ], + [ + "ðĿIJ", + "½" + ], + [ + "ðĿij", + "¤" + ], + [ + "ðĿij", + "®" + ], + [ + "ðĿij", + "µ" + ], + [ + "ðĿĴ", + "ĥ" + ], + [ + "ðĿĴ", + "Ħ" + ], + [ + "ðĿĵ", + "Ń" + ], + [ + "ðĿĵ", + "·" + ], + [ + "ðĿĶ", + "ĸ" + ], + [ + "ðĿĶ", + "ŀ" + ], + [ + "ðĿĶ", + "¢" + ], + [ + "ðĿĶ", + "¦" + ], + [ + "ðĿĶ", + "¬" + ], + [ + "ðĿķ", + "Ħ" + ], + [ + "ðĿķ", + "Ĭ" + ], + [ + "ðĿķ", + "İ" + ], + [ + "ðĿķ", + "Ļ" + ], + [ + "ðĿķ", + "ľ" + ], + [ + "ðĿķ", + "Ń" + ], + [ + "ðĿķ", + "³" + ], + [ + "ðĿķ", + "¸" + ], + [ + "ðĿķ", + "¾" + ], + [ + "ðĿ", + "ĸī" + ], + [ + "ðĿĸ", + "ı" + ], + [ + "ðĿĺ", + "ĩ" + ], + [ + "ðĿĺ", + "ī" + ], + [ + "ðĿĺ", + "ĸ" + ], + [ + "ðĿĺ", + "Ľ" + ], + [ + "ðĿĺ", + "ŀ" + ], + [ + "ðĿĺ", + "«" + ], + [ + "ðĿĺ", + "¾" + ], + [ + "ðĿĻ", + "ĩ" + ], + [ + "ðĿĻ", + "ī" + ], + [ + "ðĿĻ", + "ĭ" + ], + [ + "ðĿĻ", + "İ" + ], + [ + "ðĿĻ", + "ĺ" + ], + [ + "ðĿĻ", + "¥" + ], + [ + "ðĿļ", + "ĥ" + ], + [ + "ðĿļ", + "IJ" + ], + [ + "ðĿļ", + "Ķ" + ], + [ + "ðĿľ", + "ĥ" + ], + [ + "ðŁĦ", + "·" + ], + [ + "ðŁħ", + "Ŀ" + ], + [ + "ðŁħ", + "¾" + ], + [ + "ðŁĨ", + "Ĥ" + ], + [ + "ðŁĨ", + "ĵ" + ], + [ + "ðŁĮ", + "Ĥ" + ], + [ + "ðŁĮ", + "Ĩ" + ], + [ + "ðŁĮ", + "ī" + ], + [ + "ðŁĮ", + "ij" + ], + [ + "ðŁĮ", + "ĺ" + ], + [ + "ðŁĮ", + "©" + ], + [ + "ðŁĮ", + "«" + ], + [ + "ðŁį", + "¢" + ], + [ + "ðŁį", + "¥" + ], + [ + "ðŁİ", + "Ľ" + ], + [ + "ðŁİ", + "¢" + ], + [ + "ðŁİ", + "´" + ], + [ + "ðŁij", + "¡" + ], + [ + "ðŁĴ", + "¾" + ], + [ + "ðŁĵ", + "Ń" + ], + [ + "ðŁĶ", + "Ī" + ], + [ + "ðŁĶ", + "¦" + ], + [ + "ðŁĶ", + "²" + ], + [ + "ðŁĶ", + "³" + ], + [ + "ðŁķ", + "ĵ" + ], + [ + "ðŁķ", + "ķ" + ], + [ + "ðŁķ", + "ĺ" + ], + [ + "ðŁķ", + "Ł" + ], + [ + "ðŁķ", + "·" + ], + [ + "ðŁĹ", + "³" + ], + [ + "ðŁļ", + "Ħ" + ], + [ + "ðŁļ", + "Ķ" + ], + [ + "ðŁļ", + "ĸ" + ], + [ + "ðŁĽ", + "IJ" + ], + [ + "ðŁĽ", + "¤" + ], + [ + "ðŁĽ", + "¸" + ], + [ + "ðŁ", + "ł" + ], + [ + "ðŁł", + "³" + ], + [ + "ð٤", + "¹" + ], + [ + "ðŁ¥", + "ĥ" + ], + [ + "ðŁ¥", + "¨" + ], + [ + "ðŁ¥", + "ª" + ], + [ + "ðŁ¥", + "¾" + ], + [ + "ð٦", + "ĥ" + ], + [ + "ð٦", + "Ĵ" + ], + [ + "ð٦", + "Ļ" + ], + [ + "ð٦", + "¶" + ], + [ + "ð٧", + "ł" + ], + [ + "ð٧", + "ª" + ], + [ + "ð٧", + "Ń" + ], + [ + "ð٧", + "²" + ], + [ + "ð£", + "·" + ], + [ + "ð£·", + "Ń" + ], + [ + "ð¦", + "ĺ" + ], + [ + "ð¦ĺ", + "Ĵ" + ], + [ + "Æ", + "ij" + ], + [ + "Ç", + "Ļ" + ], + [ + "È", + "®" + ], + [ + "Ø", + "ł" + ], + [ + "Ú", + "Ħ" + ], + [ + "Ü", + "Ģ" + ], + [ + "ß", + "¢" + ], + [ + "áī", + "Ģ" + ], + [ + "áĬ", + "IJ" + ], + [ + "áİ", + "ł" + ], + [ + "áº", + "ŀ" + ], + [ + "ëĪ", + "ŀ" + ], + [ + "ëķ", + "Ł" + ], + [ + "ë£", + "ģ" + ], + [ + "ë¤", + "Ĺ" + ], + [ + "ìĦ", + "¥" + ], + [ + "ìħ", + "ij" + ], + [ + "ìĸ", + "IJ" + ], + [ + "ìĽ", + "Ľ" + ], + [ + "ì£", + "ķ" + ], + [ + "íİ", + "ı" + ], + [ + "íĽ", + "ĵ" + ], + [ + "ï¥", + "º" + ], + [ + "ï³", + "Ľ" + ], + [ + "ï´", + "«" + ], + [ + "ðĸ", + "§" + ], + [ + "ðĸ§", + "·" + ], + [ + "ðĿķ", + "ģ" + ], + [ + "ðŁIJ", + "ª" + ], + [ + "ðŁĴ", + "Ī" + ], + [ + "ðŁĵ", + "ł" + ], + [ + "ðŁķ", + "Ľ" + ], + [ + "ðŁķ", + "´" + ], + [ + "Ñ", + "Ŀ" + ], + [ + "Ó", + "Ĭ" + ], + [ + "à¥", + "²" + ], + [ + "àª", + "ª" + ], + [ + "áĥ", + "¤" + ], + [ + "áį", + "IJ" + ], + [ + "á¶", + "°" + ], + [ + "á¼", + "Ŀ" + ], + [ + "á½", + "©" + ], + [ + "âĭ", + "ĭ" + ], + [ + "âĴ", + "½" + ], + [ + "âĻ", + "¾" + ], + [ + "â", + "½Ķ" + ], + [ + "â¾", + "¯" + ], + [ + "ãĦ", + "Ĵ" + ], + [ + "ãħ", + "ļ" + ], + [ + "ëIJ", + "į" + ], + [ + "ë·", + "ģ" + ], + [ + "ìĭ", + "Ģ" + ], + [ + "ìļ", + "Ŀ" + ], + [ + "ì¥", + "°" + ], + [ + "ìº", + "´" + ], + [ + "íĭ", + "ī" + ], + [ + "íĿ", + "½" + ], + [ + "ï¦", + "Ģ" + ], + [ + "ï¦", + "¿" + ], + [ + "ï§", + "ħ" + ], + [ + "ï§", + "ĵ" + ], + [ + "ïŃ", + "¯" + ], + [ + "ï®", + "Ĩ" + ], + [ + "ðIJ¤", + "ķ" + ], + [ + "ðĿIJ", + "Ł" + ], + [ + "ðĿĴ", + "ħ" + ], + [ + "ðĿĵ", + "ľ" + ], + [ + "ðĿĶ", + "°" + ], + [ + "ðĿĶ", + "»" + ], + [ + "ðĿĺ", + "į" + ], + [ + "ðĿĻ", + "¯" + ], + [ + "ðŁĦ", + "½" + ], + [ + "ðŁħ", + "Ĥ" + ], + [ + "ðŁħ", + "Ķ" + ], + [ + "ðŁħ", + "½" + ], + [ + "ðŁĵ", + "´" + ], + [ + "ð٧", + "ĸ" + ], + [ + "Ó", + "Ĵ" + ], + [ + "á¸", + "²" + ], + [ + "ëī", + "¼" + ], + [ + "Ç", + "ı" + ], + [ + "È", + "ĵ" + ], + [ + "Ê", + "¸" + ], + [ + "Õ", + "Ĥ" + ], + [ + "Û", + "ħ" + ], + [ + "ß", + "¡" + ], + [ + "ß", + "£" + ], + [ + "à®", + "¯" + ], + [ + "à°", + "Ī" + ], + [ + "à²", + "¸" + ], + [ + "àº", + "®" + ], + [ + "à¼", + "ķ" + ], + [ + "áĢ", + "İ" + ], + [ + "áĨ", + "¡" + ], + [ + "áIJ", + "ĭ" + ], + [ + "áIJ", + "ķ" + ], + [ + "áij", + "¯" + ], + [ + "áŀ", + "Ĩ" + ], + [ + "á¨", + "ķ" + ], + [ + "á©", + "Ī" + ], + [ + "âģ", + "ħ" + ], + [ + "âĨ", + "ļ" + ], + [ + "âĶ", + "İ" + ], + [ + "âł", + "©" + ], + [ + "â²", + "Ĥ" + ], + [ + "â²", + "Ķ" + ], + [ + "â²", + "¨" + ], + [ + "ãĬ", + "ļ" + ], + [ + "íĵ", + "²" + ], + [ + "ðĿij", + "Ī" + ], + [ + "ðĿij", + "¬" + ], + [ + "ðĿij", + "¹" + ], + [ + "ðĿĴ", + "¾" + ], + [ + "ðĿĵ", + "±" + ], + [ + "ðĿĵ", + "½" + ], + [ + "ðĿķ", + "¯" + ], + [ + "ðĿķ", + "»" + ], + [ + "ðĿĺ", + "½" + ], + [ + "ðĿļ", + "Ĩ" + ], + [ + "ðŁĦ", + "°" + ], + [ + "ðŁIJ", + "¨" + ], + [ + "Ò", + "ķ" + ], + [ + "à²", + "ħ" + ], + [ + "ï¨", + "Ĩ" + ], + [ + "ðĿij", + "°" + ], + [ + "ðŁĦ", + "¸" + ], + [ + "Ô", + "İ" + ], + [ + "Ø", + "į" + ], + [ + "Ù", + "µ" + ], + [ + "à²", + "¶" + ], + [ + "áĢ", + "Ī" + ], + [ + "áĺ", + "Ĺ" + ], + [ + "áł", + "¸" + ], + [ + "á¡", + "¡" + ], + [ + "á¨", + "²" + ], + [ + "á©", + "ģ" + ], + [ + "á´", + "·" + ], + [ + "áµ", + "§" + ], + [ + "âķ", + "¨" + ], + [ + "âļ", + "ģ" + ], + [ + "â¾", + "Ŀ" + ], + [ + "ãĢ", + "¼" + ], + [ + "ãĦ", + "ı" + ], + [ + "êĴ", + "«" + ], + [ + "ê¦", + "¥" + ], + [ + "ê¦", + "©" + ], + [ + "ê¦", + "²" + ], + [ + "ìĺ", + "¼" + ], + [ + "íĵ", + "IJ" + ], + [ + "ðĵ", + "ĩ" + ], + [ + "ðĵĩ", + "¼" + ], + [ + "ðĿķ", + "¿" + ], + [ + "ðŁĽ", + "´" + ], + [ + "ë¨", + "ľ" + ], + [ + "à²", + "µ" + ], + [ + "à´", + "İ" + ], + [ + "à¼", + "Ģ" + ], + [ + "âĩ", + "ĸ" + ], + [ + "ãĪ", + "«" + ], + [ + "âĵ", + "Ģ" + ], + [ + "áħ", + "´" + ], + [ + "áļ", + "¾" + ], + [ + "áĽ", + "ŀ" + ], + [ + "áĽ", + "«" + ], + [ + "á¥", + "´" + ], + [ + "âĨ", + "Ľ" + ], + [ + "âĨ", + "¶" + ], + [ + "âĩ", + "¤" + ], + [ + "âķ", + "Ł" + ], + [ + "âĺ", + "·" + ], + [ + "âļ", + "IJ" + ], + [ + "ð٧", + "´" + ], + [ + "á¹", + "³" + ], + [ + "âĶ", + "į" + ], + [ + "âĶ", + "Ĵ" + ], + [ + "âĶ", + "©" + ], + [ + "âĶ", + "¦" + ], + [ + "â¾", + "µ" + ], + [ + "àª", + "ľ" + ], + [ + "àª", + "¤" + ], + [ + "âĩ", + "Ļ" + ], + [ + "âĶ", + "±" + ], + [ + "âķ", + "Ģ" + ], + [ + "â½", + "Ĭ" + ], + [ + "ï½", + "Ł" + ], + [ + "à¬", + "¡" + ], + [ + "ðł", + "®" + ], + [ + "ðł®", + "·" + ], + [ + "âķ", + "ĥ" + ], + [ + "â°", + "Ķ" + ], + [ + "ãĬ", + "¦" + ], + [ + "ðŁİ", + "IJ" + ], + [ + "ãĩ", + "°" + ], + [ + "â¼", + "Ŀ" + ], + [ + "â¾", + "Ķ" + ], + [ + "â½", + "Ĵ" + ], + [ + "âł", + "Ĵ" + ], + [ + "ï¨", + "¦" + ], + [ + "ï©", + "Ĵ" + ], + [ + "ï¨", + "²" + ], + [ + "ï©", + "ĸ" + ], + [ + "ðĵı", + "¸" + ], + [ + "ãĮ", + "ĥ" + ], + [ + "ðĸ", + "¤" + ], + [ + "ðĸ¤", + "IJ" + ], + [ + "ï¦", + "Ń" + ], + [ + "âĬ", + "ħ" + ], + [ + "â¾", + "³" + ], + [ + "ä´", + "¥" + ], + [ + "ï©", + "ķ" + ], + [ + "ðŁĮ", + "Ķ" + ], + [ + "áŀ", + "ĭ" + ], + [ + "âļ", + "į" + ], + [ + "â¼", + "ĭ" + ], + [ + "ãİ", + "ĺ" + ], + [ + "ðIJĮ", + "²" + ], + [ + "É", + "©" + ], + [ + "áİ", + "ij" + ], + [ + "âĨ", + "®" + ], + [ + "âĩ", + "ĥ" + ], + [ + "âļ", + "İ" + ], + [ + "ãĩ", + "±" + ], + [ + "ãĭ", + "©" + ], + [ + "ãĮ", + "¶" + ], + [ + "êĻ", + "ª" + ], + [ + "ëİ", + "¬" + ], + [ + "ï¨", + "IJ" + ], + [ + "ï¨", + "Ľ" + ], + [ + "ï©", + "Ĭ" + ], + [ + "ï©", + "į" + ], + [ + "ðĵ", + "ħ" + ], + [ + "ðĵħ", + "º" + ], + [ + "Ï", + "¡" + ], + [ + "È", + "ij" + ], + [ + "É", + "Ĥ" + ], + [ + "Ô", + "ĵ" + ], + [ + "ß", + "İ" + ], + [ + "à´", + "§" + ], + [ + "áĢ", + "ī" + ], + [ + "áĢ", + "ĭ" + ], + [ + "áĢ", + "ij" + ], + [ + "áĢ", + "ł" + ], + [ + "áļ", + "Ļ" + ], + [ + "á¨", + "Ħ" + ], + [ + "á¨", + "©" + ], + [ + "á¨", + "¹" + ], + [ + "á©", + "ĵ" + ], + [ + "á¬", + "ľ" + ], + [ + "á´", + "Ļ" + ], + [ + "áµ", + "ij" + ], + [ + "âĤ", + "Ń" + ], + [ + "âĨ", + "°" + ], + [ + "âľ", + "ģ" + ], + [ + "â½", + "IJ" + ], + [ + "ãĭ", + "¯" + ], + [ + "ãĮ", + "½" + ], + [ + "íĨ", + "¢" + ], + [ + "ï¤", + "¿" + ], + [ + "ðŁ", + "Ĥ" + ], + [ + "ðŁĤ", + "»" + ], + [ + "È", + "Ĵ" + ], + [ + "Í", + "º" + ], + [ + "Ô", + "¥" + ], + [ + "Õ", + "ij" + ], + [ + "Ú", + "¶" + ], + [ + "à§", + "İ" + ], + [ + "à¶", + "®" + ], + [ + "àº", + "ĸ" + ], + [ + "àº", + "ľ" + ], + [ + "àº", + "½" + ], + [ + "áĥ", + "»" + ], + [ + "áħ", + "¯" + ], + [ + "áĭ", + "ŀ" + ], + [ + "áĸ", + "ķ" + ], + [ + "á", + "´Ī" + ], + [ + "á¶", + "Ĩ" + ], + [ + "á¸", + "ľ" + ], + [ + "á¹", + "¼" + ], + [ + "á¿", + "¨" + ], + [ + "âĦ", + "ĭ" + ], + [ + "âĦ", + "Ń" + ], + [ + "âĪ", + "±" + ], + [ + "âĮ", + "ĵ" + ], + [ + "âĶ", + "ĩ" + ], + [ + "âĶ", + "¢" + ], + [ + "â±", + "®" + ], + [ + "â²", + "Ħ" + ], + [ + "ãĩ", + "¾" + ], + [ + "ãĪ", + "¬" + ], + [ + "ë¸", + "¡" + ], + [ + "ìIJ", + "ī" + ], + [ + "íĻ", + "Ľ" + ], + [ + "ðĿķ", + "ª" + ], + [ + "Æ", + "¹" + ], + [ + "Í", + "²" + ], + [ + "Ó", + "ģ" + ], + [ + "Û", + "¼" + ], + [ + "à¦", + "«" + ], + [ + "áħ", + "Ł" + ], + [ + "áī", + "Ĩ" + ], + [ + "áį", + "Ī" + ], + [ + "áº", + "ĸ" + ], + [ + "á½", + "ī" + ], + [ + "âĶ", + "¸" + ], + [ + "â½", + "©" + ], + [ + "ê", + "ľ" + ], + [ + "êľ", + "¥" + ], + [ + "êµ", + "ħ" + ], + [ + "ëĤ", + "Ķ" + ], + [ + "ëĦ", + "ł" + ], + [ + "ëĩ", + "Ĺ" + ], + [ + "ëĻ", + "Ŀ" + ], + [ + "ìļ", + "¯" + ], + [ + "ìļ", + "·" + ], + [ + "ìŁ", + "Ľ" + ], + [ + "ì·", + "IJ" + ], + [ + "íŁ", + "¬" + ], + [ + "íŁ", + "®" + ], + [ + "íŁ", + "°" + ], + [ + "ï¦", + "Ĩ" + ], + [ + "ï¦", + "±" + ], + [ + "ï²", + "ŀ" + ], + [ + "ï³", + "¤" + ], + [ + "ï³", + "¥" + ], + [ + "ðIJĮ", + "¸" + ], + [ + "ðĿĶ", + "ı" + ], + [ + "ðĿķ", + "®" + ], + [ + "ðĿĺ", + "£" + ], + [ + "à¦", + "Ī" + ], + [ + "âı", + "ı" + ], + [ + "ãĦ", + "ĸ" + ], + [ + "ê²", + "ĩ" + ], + [ + "ëĸ", + "ĺ" + ], + [ + "ëľ", + "·" + ], + [ + "ëŀ", + "Ĵ" + ], + [ + "ë¡", + "ĵ" + ], + [ + "ë¢", + "ī" + ], + [ + "ë£", + "ĥ" + ], + [ + "ë§", + "ĭ" + ], + [ + "ë²", + "ĭ" + ], + [ + "ìĤ", + "·" + ], + [ + "ìĪ", + "ķ" + ], + [ + "ì", + "Į¨" + ], + [ + "ìĵ", + "»" + ], + [ + "ìĸ", + "Ĭ" + ], + [ + "ìĻ", + "¬" + ], + [ + "ìĿ", + "»" + ], + [ + "ì¦", + "ģ" + ], + [ + "ìµ", + "¤" + ], + [ + "ì·", + "ĥ" + ], + [ + "íĢ", + "ľ" + ], + [ + "íħ", + "ī" + ], + [ + "íį", + "ł" + ], + [ + "íı", + "ħ" + ], + [ + "íij", + "±" + ], + [ + "íķ", + "ķ" + ], + [ + "íĸ", + "ł" + ], + [ + "íĿ", + "ķ" + ], + [ + "Æ", + "Ļ" + ], + [ + "Æ", + "ļ" + ], + [ + "Æ", + "ŀ" + ], + [ + "Ç", + "ĥ" + ], + [ + "Ç", + "Ĭ" + ], + [ + "Ç", + "ľ" + ], + [ + "Ç", + "¤" + ], + [ + "Ç", + "Ń" + ], + [ + "Ç", + "¹" + ], + [ + "È", + "Ģ" + ], + [ + "È", + "ģ" + ], + [ + "È", + "ħ" + ], + [ + "È", + "ī" + ], + [ + "È", + "Ĺ" + ], + [ + "È", + "Ł" + ], + [ + "È", + "¤" + ], + [ + "È", + "¥" + ], + [ + "È", + "¨" + ], + [ + "È", + "µ" + ], + [ + "È", + "º" + ], + [ + "È", + "»" + ], + [ + "É", + "Į" + ], + [ + "É", + "®" + ], + [ + "Ê", + "ħ" + ], + [ + "Ê", + "¥" + ], + [ + "Ê", + "¨" + ], + [ + "Ë", + "ĵ" + ], + [ + "Ë", + "Ķ" + ], + [ + "Ë", + "ł" + ], + [ + "Ë", + "£" + ], + [ + "Ë", + "¸" + ], + [ + "Í", + "´" + ], + [ + "Ï", + "Ĺ" + ], + [ + "Ï", + "ĺ" + ], + [ + "Ï", + "Ļ" + ], + [ + "Ï", + "ļ" + ], + [ + "Ï", + "Ŀ" + ], + [ + "Ï", + "¨" + ], + [ + "Ï", + "¬" + ], + [ + "Ï", + "¾" + ], + [ + "Ï", + "¿" + ], + [ + "Ñ", + "ª" + ], + [ + "Ò", + "Ģ" + ], + [ + "Ò", + "ľ" + ], + [ + "Ò", + "¼" + ], + [ + "Ò", + "½" + ], + [ + "Ó", + "Ĥ" + ], + [ + "Ó", + "ħ" + ], + [ + "Ó", + "ĩ" + ], + [ + "Ó", + "į" + ], + [ + "Ó", + "ĸ" + ], + [ + "Ó", + "Ł" + ], + [ + "Ó", + "«" + ], + [ + "Ó", + "±" + ], + [ + "Ô", + "Ĩ" + ], + [ + "Ô", + "ĩ" + ], + [ + "Ô", + "º" + ], + [ + "Õ", + "ĭ" + ], + [ + "Ö", + "ī" + ], + [ + "Ø", + "Ī" + ], + [ + "Ø", + "Ĭ" + ], + [ + "Ø", + "½" + ], + [ + "Ø", + "¾" + ], + [ + "Ù", + "·" + ], + [ + "Ú", + "Ĥ" + ], + [ + "Ú", + "Ĭ" + ], + [ + "Ú", + "ĸ" + ], + [ + "Ú", + "Ĺ" + ], + [ + "Ú", + "£" + ], + [ + "Ú", + "«" + ], + [ + "Ú", + "¸" + ], + [ + "Û", + "Ģ" + ], + [ + "Û", + "į" + ], + [ + "Û", + "½" + ], + [ + "Ü", + "ī" + ], + [ + "Ü", + "¤" + ], + [ + "Ý", + "§" + ], + [ + "Ý", + "´" + ], + [ + "Þ", + "ĥ" + ], + [ + "Þ", + "¤" + ], + [ + "Þ", + "¥" + ], + [ + "ß", + "ļ" + ], + [ + "ß", + "Ľ" + ], + [ + "ß", + "¤" + ], + [ + "àł", + "į" + ], + [ + "àł", + "ĵ" + ], + [ + "àł", + "³" + ], + [ + "à¡", + "¢" + ], + [ + "à¥", + "ł" + ], + [ + "à§", + "ł" + ], + [ + "à§", + "º" + ], + [ + "à¨", + "Ĭ" + ], + [ + "à¨", + "IJ" + ], + [ + "à¨", + "®" + ], + [ + "à¨", + "¯" + ], + [ + "à¨", + "°" + ], + [ + "à¨", + "¸" + ], + [ + "àª", + "Ĩ" + ], + [ + "àª", + "³" + ], + [ + "àª", + "µ" + ], + [ + "àª", + "½" + ], + [ + "à¬", + "Į" + ], + [ + "à¬", + "ĺ" + ], + [ + "à¬", + "½" + ], + [ + "à®", + "ĥ" + ], + [ + "à®", + "¸" + ], + [ + "à°", + "Ĩ" + ], + [ + "à°", + "ķ" + ], + [ + "à°", + "¦" + ], + [ + "à²", + "Ĩ" + ], + [ + "à²", + "Ĭ" + ], + [ + "à²", + "Į" + ], + [ + "à²", + "IJ" + ], + [ + "à²", + "Ľ" + ], + [ + "à²", + "¤" + ], + [ + "à²", + "¦" + ], + [ + "à²", + "ª" + ], + [ + "à²", + "²" + ], + [ + "à²", + "¹" + ], + [ + "à´", + "Ĩ" + ], + [ + "à´", + "ı" + ], + [ + "à´", + "Ĺ" + ], + [ + "à´", + "«" + ], + [ + "à´", + "¹" + ], + [ + "àµ", + "º" + ], + [ + "àµ", + "½" + ], + [ + "à¶", + "ħ" + ], + [ + "à¶", + "Ĭ" + ], + [ + "à¶", + "Ķ" + ], + [ + "à¶", + "§" + ], + [ + "à¶", + "«" + ], + [ + "à¶", + "°" + ], + [ + "à¼", + "Ħ" + ], + [ + "à¼", + "ħ" + ], + [ + "à¼", + "Ĭ" + ], + [ + "à½", + "Ļ" + ], + [ + "à½", + "¡" + ], + [ + "à½", + "§" + ], + [ + "à¿", + "Ģ" + ], + [ + "à¿", + "Ļ" + ], + [ + "áĢ", + "Ŀ" + ], + [ + "áĢ", + "§" + ], + [ + "áĢ", + "©" + ], + [ + "áĢ", + "¿" + ], + [ + "áģ", + "µ" + ], + [ + "áĤ", + "ģ" + ], + [ + "áĤ", + "½" + ], + [ + "áĥ", + "Ĥ" + ], + [ + "áĥ", + "ª" + ], + [ + "áĦ", + "Ĭ" + ], + [ + "áĦ", + "¢" + ], + [ + "áħ", + "¦" + ], + [ + "áħ", + "Ń" + ], + [ + "áĨ", + "®" + ], + [ + "áĨ", + "±" + ], + [ + "áĨ", + "»" + ], + [ + "á", + "ĩ" + ], + [ + "áĩ", + "Ĥ" + ], + [ + "áĪ", + "ħ" + ], + [ + "áĪ", + "ī" + ], + [ + "áĪ", + "Į" + ], + [ + "áĪ", + "IJ" + ], + [ + "áĪ", + "Ĵ" + ], + [ + "áĪ", + "Ļ" + ], + [ + "áĪ", + "ļ" + ], + [ + "áĪ", + "ľ" + ], + [ + "áĪ", + "ŀ" + ], + [ + "áĪ", + "©" + ], + [ + "áĪ", + "³" + ], + [ + "áĪ", + "º" + ], + [ + "áĪ", + "½" + ], + [ + "áī", + "ħ" + ], + [ + "áī", + "¢" + ], + [ + "áī", + "±" + ], + [ + "áī", + "´" + ], + [ + "áĬ", + "ĥ" + ], + [ + "áĬ", + "į" + ], + [ + "áĬ", + "ĸ" + ], + [ + "áĬ", + "®" + ], + [ + "áĬ", + "¸" + ], + [ + "áĭ", + "Ľ" + ], + [ + "áĭ", + "Ŀ" + ], + [ + "áĭ", + "³" + ], + [ + "áĮ", + "ģ" + ], + [ + "áĮ", + "ħ" + ], + [ + "áĮ", + "¥" + ], + [ + "áĮ", + "¦" + ], + [ + "á", + "Į¨" + ], + [ + "áį", + "Ĭ" + ], + [ + "áį", + "į" + ], + [ + "áį", + "ķ" + ], + [ + "áį", + "ĸ" + ], + [ + "áį", + "¢" + ], + [ + "áį", + "¤" + ], + [ + "áİ", + "Ĵ" + ], + [ + "áİ", + "ª" + ], + [ + "áı", + "ģ" + ], + [ + "áı", + "IJ" + ], + [ + "áı", + "Ł" + ], + [ + "áIJ", + "Ĥ" + ], + [ + "áIJ", + "ĸ" + ], + [ + "áIJ", + "Ŀ" + ], + [ + "áIJ", + "ŀ" + ], + [ + "áIJ", + "Ł" + ], + [ + "áIJ", + "ł" + ], + [ + "áij", + "ĸ" + ], + [ + "áĴ", + "ĭ" + ], + [ + "áĴ", + "į" + ], + [ + "áĴ", + "¡" + ], + [ + "áĵ", + "«" + ], + [ + "áĶ", + "ķ" + ], + [ + "áķ", + "ĭ" + ], + [ + "áķ", + "ij" + ], + [ + "áķ", + "Ļ" + ], + [ + "áķ", + "ļ" + ], + [ + "áķ", + "Ľ" + ], + [ + "áķ", + "¤" + ], + [ + "áķ", + "¦" + ], + [ + "áķ", + "®" + ], + [ + "áķ", + "¼" + ], + [ + "áĸ", + "ĵ" + ], + [ + "áĹ", + "Ĺ" + ], + [ + "áĹ", + "¢" + ], + [ + "áĹ", + "¯" + ], + [ + "áĹ", + "·" + ], + [ + "áĺ", + "Ħ" + ], + [ + "áĺ", + "ij" + ], + [ + "áĽ", + "Ĥ" + ], + [ + "áĽ", + "Ļ" + ], + [ + "áŀ", + "į" + ], + [ + "áł", + "Ĩ" + ], + [ + "áł", + "¡" + ], + [ + "áł", + "¦" + ], + [ + "áł", + "®" + ], + [ + "áł", + "¯" + ], + [ + "áł", + "²" + ], + [ + "áł", + "·" + ], + [ + "á¡", + "į" + ], + [ + "á¡", + "ŀ" + ], + [ + "á¡", + "¤" + ], + [ + "á", + "¡´" + ], + [ + "á¡", + "µ" + ], + [ + "á¤", + "ĵ" + ], + [ + "á¥", + "ĸ" + ], + [ + "á¥", + "°" + ], + [ + "á¨", + "¦" + ], + [ + "á¨", + "§" + ], + [ + "á¨", + "¨" + ], + [ + "á¨", + "ª" + ], + [ + "á¨", + "¬" + ], + [ + "á¨", + "¯" + ], + [ + "á¨", + "³" + ], + [ + "á¨", + "µ" + ], + [ + "á©", + "ĥ" + ], + [ + "á¬", + "ķ" + ], + [ + "áŃ", + "£" + ], + [ + "á", + "±" + ], + [ + "á±", + "ļ" + ], + [ + "á²", + "ł" + ], + [ + "á´", + "ĵ" + ], + [ + "á´", + "¶" + ], + [ + "áµ", + "Ĥ" + ], + [ + "áµ", + "Į" + ], + [ + "áµ", + "¥" + ], + [ + "áµ", + "´" + ], + [ + "á¶", + "ĩ" + ], + [ + "á¸", + "Ī" + ], + [ + "á¸", + "ł" + ], + [ + "á¸", + "§" + ], + [ + "á¸", + "´" + ], + [ + "á¸", + "¾" + ], + [ + "á¹", + "Ģ" + ], + [ + "á¹", + "ĸ" + ], + [ + "á¹", + "Ł" + ], + [ + "á¹", + "ł" + ], + [ + "á¹", + "«" + ], + [ + "á¹", + "±" + ], + [ + "á¹", + "·" + ], + [ + "á¹", + "¿" + ], + [ + "áº", + "Ħ" + ], + [ + "áº", + "į" + ], + [ + "áº", + "ij" + ], + [ + "áº", + "Ĺ" + ], + [ + "á¼", + "ī" + ], + [ + "á¼", + "ĵ" + ], + [ + "á¼", + "Ń" + ], + [ + "á½", + "ĭ" + ], + [ + "á½", + "Ĵ" + ], + [ + "á½", + "ł" + ], + [ + "á½", + "£" + ], + [ + "á¾", + "Ħ" + ], + [ + "á¾", + "ı" + ], + [ + "á¾", + "ij" + ], + [ + "á¾", + "Ĺ" + ], + [ + "á¾", + "¦" + ], + [ + "á¾", + "§" + ], + [ + "á¾", + "¾" + ], + [ + "á¿", + "Ħ" + ], + [ + "á¿", + "ĵ" + ], + [ + "á¿", + "¡" + ], + [ + "á¿", + "¬" + ], + [ + "âģ", + "ļ" + ], + [ + "âĤ", + "Į" + ], + [ + "âĦ", + "ģ" + ], + [ + "âĦ", + "Ķ" + ], + [ + "âĦ", + "£" + ], + [ + "âĦ", + "§" + ], + [ + "âĦ", + "¯" + ], + [ + "âĦ", + "°" + ], + [ + "âĦ", + "´" + ], + [ + "âħ", + "ħ" + ], + [ + "âĨ", + "ľ" + ], + [ + "âĨ", + "«" + ], + [ + "âĨ", + "Ń" + ], + [ + "âĨ", + "±" + ], + [ + "âĨ", + "¹" + ], + [ + "âĨ", + "½" + ], + [ + "âĩ", + "ĩ" + ], + [ + "âĩ", + "ľ" + ], + [ + "âĩ", + "µ" + ], + [ + "âĪ", + "ī" + ], + [ + "âĪ", + "Ĭ" + ], + [ + "âĪ", + "ĸ" + ], + [ + "âĪ", + "ľ" + ], + [ + "âĪ", + "¾" + ], + [ + "âī", + "Ģ" + ], + [ + "âī", + "ĭ" + ], + [ + "âī", + "Į" + ], + [ + "âī", + "ĵ" + ], + [ + "âī", + "ľ" + ], + [ + "âī", + "´" + ], + [ + "âī", + "¿" + ], + [ + "âĬ", + "Ĭ" + ], + [ + "âĬ", + "ĭ" + ], + [ + "âĬ", + "Ķ" + ], + [ + "âĬ", + "ĸ" + ], + [ + "âĬ", + "£" + ], + [ + "âĬ", + "¦" + ], + [ + "âĭ", + "İ" + ], + [ + "âĭ", + "ª" + ], + [ + "âĭ", + "²" + ], + [ + "âĮ", + "¦" + ], + [ + "âĮ", + "§" + ], + [ + "âį", + "º" + ], + [ + "âİ", + "Ī" + ], + [ + "âİ", + "¨" + ], + [ + "âİ", + "¬" + ], + [ + "âİ", + "³" + ], + [ + "âİ", + "¼" + ], + [ + "âİ", + "¾" + ], + [ + "âı", + "Į" + ], + [ + "âı", + "ļ" + ], + [ + "âı", + "«" + ], + [ + "âı", + "¯" + ], + [ + "âı", + "µ" + ], + [ + "âĴ", + "ľ" + ], + [ + "âĴ", + "Ŀ" + ], + [ + "âĴ", + "«" + ], + [ + "âĵ", + "Ħ" + ], + [ + "âĵ", + "Ĭ" + ], + [ + "âĵ", + "Ļ" + ], + [ + "âĵ", + "©" + ], + [ + "âĶ", + "ij" + ], + [ + "âĶ", + "Ļ" + ], + [ + "âĶ", + "ļ" + ], + [ + "âĶ", + "¥" + ], + [ + "âķ", + "ħ" + ], + [ + "âķ", + "ī" + ], + [ + "âķ", + "į" + ], + [ + "âķ", + "ı" + ], + [ + "âķ", + "ŀ" + ], + [ + "âĸ", + "ļ" + ], + [ + "âĸ", + "¯" + ], + [ + "âĹ", + "ĥ" + ], + [ + "âĹ", + "ļ" + ], + [ + "âĹ", + "¬" + ], + [ + "âĹ", + "´" + ], + [ + "âĺ", + "Ī" + ], + [ + "âĺ", + "¤" + ], + [ + "âĺ", + "¥" + ], + [ + "âĺ", + "§" + ], + [ + "âĺ", + "¬" + ], + [ + "âĻ", + "ģ" + ], + [ + "âĻ", + "±" + ], + [ + "âļ", + "ĥ" + ], + [ + "âļ", + "Ħ" + ], + [ + "âļ", + "ħ" + ], + [ + "âļ", + "ı" + ], + [ + "âļ", + "ļ" + ], + [ + "âļ", + "ŀ" + ], + [ + "âļ", + "Ł" + ], + [ + "âļ", + "±" + ], + [ + "âļ", + "²" + ], + [ + "âľ", + "Ģ" + ], + [ + "âľ", + "Ł" + ], + [ + "âľ", + "¢" + ], + [ + "âĿ", + "µ" + ], + [ + "âŁ", + "¡" + ], + [ + "âŁ", + "¦" + ], + [ + "âŁ", + "§" + ], + [ + "âŁ", + "³" + ], + [ + "âŁ", + "¾" + ], + [ + "âŁ", + "¿" + ], + [ + "âł", + "ĩ" + ], + [ + "â¤", + "Ħ" + ], + [ + "â¤", + "º" + ], + [ + "â¥", + "Ĥ" + ], + [ + "â¥", + "¹" + ], + [ + "â§", + "ī" + ], + [ + "â§", + "¼" + ], + [ + "â§", + "½" + ], + [ + "â¨", + "į" + ], + [ + "â¬", + "Ĭ" + ], + [ + "â¬", + "Ł" + ], + [ + "âŃ", + "ŀ" + ], + [ + "â®", + "ŀ" + ], + [ + "â®", + "³" + ], + [ + "â¯", + "Ī" + ], + [ + "â¯", + "ij" + ], + [ + "â±", + "ł" + ], + [ + "â±", + "±" + ], + [ + "â²", + "Ń" + ], + [ + "â´", + "¹" + ], + [ + "âµ", + "ķ" + ], + [ + "â¸", + "¾" + ], + [ + "â", + "º«" + ], + [ + "â¼", + "Ĩ" + ], + [ + "â¼", + "ł" + ], + [ + "â½", + "Ł" + ], + [ + "â½", + "¼" + ], + [ + "â¾", + "Ľ" + ], + [ + "â¾", + "§" + ], + [ + "â¿", + "ĥ" + ], + [ + "â¿", + "»" + ], + [ + "ãĤ", + "ķ" + ], + [ + "ãĤ", + "Ł" + ], + [ + "ãĦ", + "Ľ" + ], + [ + "ãĦ", + "¡" + ], + [ + "ãĦ", + "¶" + ], + [ + "ãĦ", + "º" + ], + [ + "ãħ", + "Ĵ" + ], + [ + "ãħ", + "Ł" + ], + [ + "ãĨ", + "Ģ" + ], + [ + "ãĩ", + "»" + ], + [ + "ãĪ", + "ij" + ], + [ + "ãĪ", + "Ń" + ], + [ + "ãĪ", + "®" + ], + [ + "ãĪ", + "³" + ], + [ + "ãĪ", + "¹" + ], + [ + "ãī", + "¥" + ], + [ + "ãī", + "¦" + ], + [ + "ãī", + "¹" + ], + [ + "ãī", + "¿" + ], + [ + "ãĬ", + "ŀ" + ], + [ + "ãĬ", + "¨" + ], + [ + "ãĭ", + "ij" + ], + [ + "ãĭ", + "¥" + ], + [ + "ãĭ", + "´" + ], + [ + "ãĭ", + "º" + ], + [ + "ãİ", + "Ħ" + ], + [ + "ãİ", + "ķ" + ], + [ + "ãİ", + "¯" + ], + [ + "ãı", + "Ĥ" + ], + [ + "ãı", + "Ī" + ], + [ + "ãı", + "ĵ" + ], + [ + "ãı", + "ĸ" + ], + [ + "ãı", + "±" + ], + [ + "ãIJ", + "±" + ], + [ + "ãŁ", + "ģ" + ], + [ + "ã", + "¢" + ], + [ + "ã¢", + "¨" + ], + [ + "ã", + "¨" + ], + [ + "ã¨", + "³" + ], + [ + "ã«", + "ª" + ], + [ + "ã«", + "´" + ], + [ + "ã¶", + "³" + ], + [ + "ãº", + "¾" + ], + [ + "ä", + "Ģ" + ], + [ + "äĢ", + "Ģ" + ], + [ + "ä", + "ĭ" + ], + [ + "äĭ", + "Į" + ], + [ + "ä", + "ĮĢ" + ], + [ + "äIJ", + "Ģ" + ], + [ + "ä", + "łĢ" + ], + [ + "ä", + "ł" + ], + [ + "äł", + "¼" + ], + [ + "ä", + "§" + ], + [ + "ä§", + "ŀ" + ], + [ + "ä¨", + "°" + ], + [ + "ä¨", + "º" + ], + [ + "ä", + "´Ģ" + ], + [ + "ä", + "·" + ], + [ + "ä·", + "ħ" + ], + [ + "ä", + "·¸" + ], + [ + "ê", + "Ĥ" + ], + [ + "êĤ", + "«" + ], + [ + "ê", + "Į" + ], + [ + "êĮ", + "¼" + ], + [ + "ê", + "į" + ], + [ + "êį", + "²" + ], + [ + "êĴ", + "µ" + ], + [ + "ê", + "ĵ" + ], + [ + "êĵ", + "½" + ], + [ + "êĻ", + "Ń" + ], + [ + "êĿ", + "Ľ" + ], + [ + "êĿ", + "¥" + ], + [ + "ê", + "ŀ" + ], + [ + "êŀ", + "Ĭ" + ], + [ + "ê¦", + "Ĩ" + ], + [ + "ê¦", + "ĩ" + ], + [ + "ê¦", + "Ł" + ], + [ + "ê¦", + "¨" + ], + [ + "ê§", + "Ī" + ], + [ + "ê", + "©" + ], + [ + "ê©", + "Ł" + ], + [ + "êª", + "ĭ" + ], + [ + "êª", + "ij" + ], + [ + "êª", + "ķ" + ], + [ + "êª", + "Ĺ" + ], + [ + "êª", + "ľ" + ], + [ + "êª", + "®" + ], + [ + "êª", + "±" + ], + [ + "êª", + "»" + ], + [ + "êª", + "¼" + ], + [ + "ê«", + "Ģ" + ], + [ + "ê«", + "Ŀ" + ], + [ + "ê°", + "ĥ" + ], + [ + "ê°", + "ĺ" + ], + [ + "ê±", + "ľ" + ], + [ + "ê²", + "ĵ" + ], + [ + "ê²", + "ļ" + ], + [ + "ê³", + "Ļ" + ], + [ + "ê³", + "¾" + ], + [ + "ê´", + "Ĺ" + ], + [ + "ê´", + "Ļ" + ], + [ + "êµ", + "Ľ" + ], + [ + "ê¶", + "ĥ" + ], + [ + "ê¶", + "ķ" + ], + [ + "ê¶", + "¨" + ], + [ + "ê¸", + "©" + ], + [ + "ê¸", + "¿" + ], + [ + "ê", + "¹Ħ" + ], + [ + "ê¹", + "Ĩ" + ], + [ + "ê¹", + "ī" + ], + [ + "ê¹", + "ĵ" + ], + [ + "ê¹", + "¢" + ], + [ + "ê¹", + "£" + ], + [ + "ê¹", + "¸" + ], + [ + "êº", + "³" + ], + [ + "ê¿", + "ı" + ], + [ + "ê¿", + "ķ" + ], + [ + "ê¿", + "§" + ], + [ + "ëĢ", + "©" + ], + [ + "ëģ", + "ħ" + ], + [ + "ëĥ", + "µ" + ], + [ + "ëĦ", + "ĸ" + ], + [ + "ëĦ", + "Ĺ" + ], + [ + "ëĦ", + "¢" + ], + [ + "ëħ", + "Ĥ" + ], + [ + "ëĨ", + "IJ" + ], + [ + "ëĩ", + "ľ" + ], + [ + "ëĪ", + "ĭ" + ], + [ + "ëĪ", + "ļ" + ], + [ + "ëī", + "į" + ], + [ + "ëī", + "¨" + ], + [ + "ëĬ", + "ļ" + ], + [ + "ëĬ", + "¡" + ], + [ + "ëĭ", + "ľ" + ], + [ + "ëĭ", + "ª" + ], + [ + "ëĮ", + "ĺ" + ], + [ + "ëĮ", + "¤" + ], + [ + "ëĮ", + "¸" + ], + [ + "ëİ", + "Ł" + ], + [ + "ëı", + "¨" + ], + [ + "ëIJ", + "Ħ" + ], + [ + "ëIJ", + "ı" + ], + [ + "ëIJ", + "´" + ], + [ + "ëIJ", + "¸" + ], + [ + "ëij", + "ģ" + ], + [ + "ëij", + "¿" + ], + [ + "ëĴ", + "¨" + ], + [ + "ëĵ", + "·" + ], + [ + "ëĶ", + "®" + ], + [ + "ëĶ", + "²" + ], + [ + "ëķ", + "§" + ], + [ + "ëĸ", + "Ķ" + ], + [ + "ëĸ", + "ª" + ], + [ + "ëĺ", + "Ń" + ], + [ + "ëļ", + "Ģ" + ], + [ + "ëļ", + "ł" + ], + [ + "ëĽ", + "Ķ" + ], + [ + "ëĽ", + "©" + ], + [ + "ëľ", + "ħ" + ], + [ + "ëŀ", + "ķ" + ], + [ + "ëŀ", + "°" + ], + [ + "ëŁ", + "IJ" + ], + [ + "ëł", + "¡" + ], + [ + "ë¡", + "ŀ" + ], + [ + "ë¡", + "£" + ], + [ + "ë¡", + "µ" + ], + [ + "ë£", + "Ħ" + ], + [ + "ë£", + "į" + ], + [ + "ë¤", + "³" + ], + [ + "ë¦", + "į" + ], + [ + "ë¦", + "ı" + ], + [ + "ë¦", + "³" + ], + [ + "ë§", + "Ħ" + ], + [ + "ë§", + "Ĩ" + ], + [ + "ë§", + "į" + ], + [ + "ë§", + "ľ" + ], + [ + "ë§", + "«" + ], + [ + "ë§", + "»" + ], + [ + "ë¨", + "®" + ], + [ + "ë©", + "Ĥ" + ], + [ + "ë©", + "Ń" + ], + [ + "ëª", + "´" + ], + [ + "ë¬", + "ľ" + ], + [ + "ë¬", + "ł" + ], + [ + "ë¬", + "«" + ], + [ + "ë¬", + "¾" + ], + [ + "ëŃ", + "¬" + ], + [ + "ë®", + "ĺ" + ], + [ + "ë®", + "¹" + ], + [ + "ë¯", + "ķ" + ], + [ + "ë¯", + "ľ" + ], + [ + "ë°", + "¨" + ], + [ + "ë°", + "ª" + ], + [ + "ë±", + "Ķ" + ], + [ + "ë²", + "ĺ" + ], + [ + "ë²", + "Ľ" + ], + [ + "ë²", + "±" + ], + [ + "ë²", + "´" + ], + [ + "ë´", + "½" + ], + [ + "ëµ", + "¤" + ], + [ + "ëµ", + "¨" + ], + [ + "ë·", + "Ĺ" + ], + [ + "ë·", + "ĺ" + ], + [ + "ë¸", + "ĵ" + ], + [ + "ë¸", + "ľ" + ], + [ + "ë¹", + "ª" + ], + [ + "ëº", + "ĥ" + ], + [ + "ëº", + "ĺ" + ], + [ + "ëº", + "µ" + ], + [ + "ë»", + "´" + ], + [ + "ë¼", + "IJ" + ], + [ + "ë¾", + "Ķ" + ], + [ + "ìģ", + "Ń" + ], + [ + "ìĤ", + "ł" + ], + [ + "ìĤ", + "®" + ], + [ + "ìĥ", + "ı" + ], + [ + "ìĥ", + "Ļ" + ], + [ + "ìĦ", + "º" + ], + [ + "ìħ", + "¢" + ], + [ + "ìĨ", + "Ģ" + ], + [ + "ìĨ", + "ħ" + ], + [ + "ìĨ", + "¤" + ], + [ + "ìĨ", + "¦" + ], + [ + "ìĨ", + "¬" + ], + [ + "ìĩ", + "±" + ], + [ + "ìĪ", + "µ" + ], + [ + "ìĭ", + "¨" + ], + [ + "ìĭ", + "´" + ], + [ + "ìĮ", + "°" + ], + [ + "ìį", + "ľ" + ], + [ + "ìİ", + "Ĺ" + ], + [ + "ìİ", + "ĺ" + ], + [ + "ìİ", + "¼" + ], + [ + "ìij", + "ī" + ], + [ + "ìij", + "Ŀ" + ], + [ + "ìij", + "»" + ], + [ + "ìĴ", + "Ķ" + ], + [ + "ìĴ", + "¯" + ], + [ + "ìĵ", + "©" + ], + [ + "ìķ", + "IJ" + ], + [ + "ìķ", + "ĸ" + ], + [ + "ìĸ", + "ł" + ], + [ + "ìĸ", + "¾" + ], + [ + "ìĹ", + "ĥ" + ], + [ + "ìĹ", + "Ĺ" + ], + [ + "ìĹ", + "ľ" + ], + [ + "ìĹ", + "¨" + ], + [ + "ìĺ", + "Ĥ" + ], + [ + "ìĺ", + "Ħ" + ], + [ + "ìĺ", + "ı" + ], + [ + "ìĺ", + "¾" + ], + [ + "ìĺ", + "¿" + ], + [ + "ìľ", + "§" + ], + [ + "ìĿ", + "IJ" + ], + [ + "ìĿ", + "ĸ" + ], + [ + "ìĿ", + "·" + ], + [ + "ìŀ", + "į" + ], + [ + "ìŀ", + "ı" + ], + [ + "ìŀ", + "¨" + ], + [ + "ìŀ", + "ª" + ], + [ + "ìŀ", + "³" + ], + [ + "ìł", + "¡" + ], + [ + "ìł", + "´" + ], + [ + "ìł", + "¹" + ], + [ + "ì¡", + "Ģ" + ], + [ + "ì¡", + "ª" + ], + [ + "ì¡", + "µ" + ], + [ + "ì¢", + "IJ" + ], + [ + "ì¢", + "¨" + ], + [ + "ì£", + "Į" + ], + [ + "ì£", + "Ļ" + ], + [ + "ì£", + "³" + ], + [ + "ì¦", + "ij" + ], + [ + "ì§", + "¥" + ], + [ + "ì§", + "´" + ], + [ + "ì§", + "¾" + ], + [ + "ì¨", + "ĵ" + ], + [ + "ì¨", + "ķ" + ], + [ + "ì©", + "°" + ], + [ + "ì©", + "»" + ], + [ + "ì©", + "¼" + ], + [ + "ìª", + "Ĺ" + ], + [ + "ì¬", + "Ķ" + ], + [ + "ì¬", + "ĺ" + ], + [ + "ì®", + "®" + ], + [ + "ì¯", + "ķ" + ], + [ + "ì¯", + "ĺ" + ], + [ + "ì°", + "İ" + ], + [ + "ì°", + "¯" + ], + [ + "ì±", + "ĥ" + ], + [ + "ì±", + "µ" + ], + [ + "ì²", + "§" + ], + [ + "ì²", + "®" + ], + [ + "ì²", + "¯" + ], + [ + "ì³", + "¬" + ], + [ + "ì´", + "ĭ" + ], + [ + "ì´", + "¢" + ], + [ + "ìµ", + "¥" + ], + [ + "ì¶", + "£" + ], + [ + "ì¸", + "Ī" + ], + [ + "ì¸", + "Ļ" + ], + [ + "ìº", + "¤" + ], + [ + "ìº", + "Ń" + ], + [ + "ì»", + "½" + ], + [ + "ì¼", + "Ļ" + ], + [ + "ì½", + "¬" + ], + [ + "ì¾", + "Ģ" + ], + [ + "ì¿", + "ħ" + ], + [ + "ì¿", + "½" + ], + [ + "íĢ", + "ħ" + ], + [ + "íģ", + "¦" + ], + [ + "íĤ", + "ħ" + ], + [ + "íĥ", + "¶" + ], + [ + "íĥ", + "¹" + ], + [ + "íĦ", + "Ķ" + ], + [ + "íħ", + "£" + ], + [ + "íĨ", + "Ħ" + ], + [ + "íĨ", + "§" + ], + [ + "íĨ", + "¹" + ], + [ + "íĩ", + "¼" + ], + [ + "íī", + "¤" + ], + [ + "íĬ", + "½" + ], + [ + "íĭ", + "Ĥ" + ], + [ + "íĭ", + "ij" + ], + [ + "íį", + "Ī" + ], + [ + "íį", + "Ļ" + ], + [ + "íį", + "¿" + ], + [ + "íİ", + "¶" + ], + [ + "íIJ", + "Ŀ" + ], + [ + "íĴ", + "ľ" + ], + [ + "íĵ", + "Ŀ" + ], + [ + "íĵ", + "ª" + ], + [ + "íĵ", + "±" + ], + [ + "íĵ", + "·" + ], + [ + "íĵ", + "¼" + ], + [ + "íĶ", + "Ļ" + ], + [ + "íĶ", + "ł" + ], + [ + "íķ", + "ļ" + ], + [ + "íķ", + "Ľ" + ], + [ + "íķ", + "ŀ" + ], + [ + "íķ", + "Ł" + ], + [ + "íķ", + "§" + ], + [ + "íķ", + "¶" + ], + [ + "íĸ", + "Ĭ" + ], + [ + "íĸ", + "ĭ" + ], + [ + "íĸ", + "į" + ], + [ + "íĸ", + "Ķ" + ], + [ + "íĸ", + "ĺ" + ], + [ + "íĸ", + "¡" + ], + [ + "íĸ", + "¬" + ], + [ + "íĹ", + "£" + ], + [ + "íĹ", + "¿" + ], + [ + "íĺ", + "ĸ" + ], + [ + "íĺ", + "Ń" + ], + [ + "íļ", + "°" + ], + [ + "íĽ", + "į" + ], + [ + "íĽ", + "½" + ], + [ + "íĿ", + "Ł" + ], + [ + "íĿ", + "Ń" + ], + [ + "íĿ", + "´" + ], + [ + "íŀ", + "ľ" + ], + [ + "ï¤", + "ī" + ], + [ + "ï¤", + "Ń" + ], + [ + "ï¤", + "²" + ], + [ + "ï¤", + "µ" + ], + [ + "ï¤", + "¼" + ], + [ + "ï¥", + "Ģ" + ], + [ + "ï¥", + "ij" + ], + [ + "ï¥", + "Ĵ" + ], + [ + "ï¥", + "ķ" + ], + [ + "ï¥", + "ĺ" + ], + [ + "ï¥", + "Ļ" + ], + [ + "ï¥", + "«" + ], + [ + "ï¥", + "¬" + ], + [ + "ï¥", + "°" + ], + [ + "ï", + "¥¿" + ], + [ + "ï¦", + "ĭ" + ], + [ + "ï¦", + "ı" + ], + [ + "ï¦", + "Ķ" + ], + [ + "ï¦", + "ĸ" + ], + [ + "ï¦", + "ĺ" + ], + [ + "ï¦", + "Ľ" + ], + [ + "ï¦", + "ł" + ], + [ + "ï¦", + "®" + ], + [ + "ï¦", + "¯" + ], + [ + "ï¦", + "º" + ], + [ + "ï¦", + "»" + ], + [ + "ï¦", + "¾" + ], + [ + "ï§", + "Ĩ" + ], + [ + "ï§", + "ĸ" + ], + [ + "ï§", + "Ľ" + ], + [ + "ï§", + "ŀ" + ], + [ + "ï§", + "Ł" + ], + [ + "ï§", + "§" + ], + [ + "ï§", + "³" + ], + [ + "ï§", + "º" + ], + [ + "ï§", + "½" + ], + [ + "ï¨", + "ĥ" + ], + [ + "ï¨", + "ļ" + ], + [ + "ï¨", + "¢" + ], + [ + "ï©", + "Ł" + ], + [ + "ï¬", + "¤" + ], + [ + "ï¬", + "¬" + ], + [ + "ï¬", + "¼" + ], + [ + "ïŃ", + "Ĵ" + ], + [ + "ïŃ", + "ķ" + ], + [ + "ïŃ", + "Ľ" + ], + [ + "ïŃ", + "Ŀ" + ], + [ + "ïŃ", + "ŀ" + ], + [ + "ïŃ", + "Ł" + ], + [ + "ïŃ", + "¤" + ], + [ + "ïŃ", + "§" + ], + [ + "ïŃ", + "¨" + ], + [ + "ïŃ", + "®" + ], + [ + "ïŃ", + "°" + ], + [ + "ïŃ", + "±" + ], + [ + "ïŃ", + "·" + ], + [ + "ïŃ", + "¹" + ], + [ + "ïŃ", + "»" + ], + [ + "ï®", + "Ģ" + ], + [ + "ï®", + "ĥ" + ], + [ + "ï®", + "Ħ" + ], + [ + "ï®", + "ħ" + ], + [ + "ï®", + "į" + ], + [ + "ï®", + "Ĵ" + ], + [ + "ï®", + "ĵ" + ], + [ + "ï®", + "ķ" + ], + [ + "ï®", + "¦" + ], + [ + "ï®", + "®" + ], + [ + "ï®", + "°" + ], + [ + "ï¯", + "ĵ" + ], + [ + "ï¯", + "ľ" + ], + [ + "ï¯", + "©" + ], + [ + "ï¯", + "ª" + ], + [ + "ï¯", + "¬" + ], + [ + "ï¯", + "Ń" + ], + [ + "ï¯", + "®" + ], + [ + "ï¯", + "·" + ], + [ + "ï¯", + "¹" + ], + [ + "ï¯", + "»" + ], + [ + "ï¯", + "¼" + ], + [ + "ï°", + "ĥ" + ], + [ + "ï°", + "Į" + ], + [ + "ï°", + "IJ" + ], + [ + "ï°", + "ĺ" + ], + [ + "ï°", + "Ļ" + ], + [ + "ï°", + "ľ" + ], + [ + "ï°", + "ŀ" + ], + [ + "ï°", + "¢" + ], + [ + "ï°", + "®" + ], + [ + "ï°", + "°" + ], + [ + "ï°", + "¼" + ], + [ + "ï°", + "¿" + ], + [ + "ï±", + "Ģ" + ], + [ + "ï±", + "ģ" + ], + [ + "ï±", + "Ī" + ], + [ + "ï±", + "ĭ" + ], + [ + "ï±", + "ı" + ], + [ + "ï±", + "Ń" + ], + [ + "ï²", + "Ģ" + ], + [ + "ï²", + "ĩ" + ], + [ + "ï²", + "Ī" + ], + [ + "ï²", + "ĭ" + ], + [ + "ï²", + "İ" + ], + [ + "ï²", + "Ĵ" + ], + [ + "ï²", + "ľ" + ], + [ + "ï²", + "ł" + ], + [ + "ï²", + "¬" + ], + [ + "ï²", + "»" + ], + [ + "ï³", + "ĩ" + ], + [ + "ï³", + "Ķ" + ], + [ + "ï³", + "£" + ], + [ + "ï³", + "«" + ], + [ + "ï´", + "ĺ" + ], + [ + "ï´", + "°" + ], + [ + "ï´", + "½" + ], + [ + "ï", + "¶" + ], + [ + "ï¶", + "°" + ], + [ + "ï¸", + "ĸ" + ], + [ + "ï¸", + "´" + ], + [ + "ï¸", + "¹" + ], + [ + "ï¹", + "į" + ], + [ + "ï¹", + "Ĺ" + ], + [ + "ï¹", + "¢" + ], + [ + "ï¹", + "¤" + ], + [ + "ï¹", + "©" + ], + [ + "ï¹", + "±" + ], + [ + "ï¾", + "°" + ], + [ + "ï¿", + "Ĥ" + ], + [ + "ï¿", + "®" + ], + [ + "ðIJĮ", + "°" + ], + [ + "ðIJĮ", + "¹" + ], + [ + "ðIJĮ", + "º" + ], + [ + "ðIJĮ", + "½" + ], + [ + "ðIJį", + "Ĥ" + ], + [ + "ðIJį", + "ĥ" + ], + [ + "ðIJį", + "Ħ" + ], + [ + "ðIJ", + "İ" + ], + [ + "ðIJİ", + "¹" + ], + [ + "ðIJ¤", + "Ĥ" + ], + [ + "ðIJ¤", + "į" + ], + [ + "ðIJ¤", + "ı" + ], + [ + "ðIJ¤", + "ĵ" + ], + [ + "ðIJŃ", + "ī" + ], + [ + "ðIJŃ", + "į" + ], + [ + "ðIJ°", + "ĩ" + ], + [ + "ðIJ°", + "°" + ], + [ + "ðij", + "Ĥ" + ], + [ + "ðijĤ", + "Ħ" + ], + [ + "ðij", + "ĺ" + ], + [ + "ðijĺ", + "ģ" + ], + [ + "ðĴ", + "Ģ" + ], + [ + "ðĴĢ", + "¸" + ], + [ + "ðĴ", + "ģ" + ], + [ + "ðĴģ", + "º" + ], + [ + "ðĴ", + "Ħ" + ], + [ + "ðĴĦ", + "·" + ], + [ + "ðĴ", + "Ĭ" + ], + [ + "ðĴĬ", + "ij" + ], + [ + "ðĴ", + "ĭ" + ], + [ + "ðĴĭ", + "Ĺ" + ], + [ + "ð", + "ĴĮ" + ], + [ + "ðĴĮ", + "¨" + ], + [ + "ðĵĥ", + "¢" + ], + [ + "ðĵĥ", + "°" + ], + [ + "ðĸ", + "ł" + ], + [ + "ðĸł", + "ļ" + ], + [ + "ðĿĦ", + "ĥ" + ], + [ + "ðĿĦ", + "ħ" + ], + [ + "ðĿĦ", + "ķ" + ], + [ + "ðĿĦ", + "Ļ" + ], + [ + "ðĿĦ", + "±" + ], + [ + "ðĿĦ", + "´" + ], + [ + "ðĿĦ", + "¹" + ], + [ + "ðĿħ", + "İ" + ], + [ + "ðĿħ", + "ª" + ], + [ + "ðĿĨ", + "£" + ], + [ + "ðĿĨ", + "³" + ], + [ + "ðĿĨ", + "¹" + ], + [ + "ðĿĩ", + "Ĭ" + ], + [ + "ðĿĩ", + "Ĺ" + ], + [ + "ðĿĩ", + "ļ" + ], + [ + "ðĿĩ", + "ľ" + ], + [ + "ðĿĩ", + "ł" + ], + [ + "ðĿIJ", + "ī" + ], + [ + "ðĿIJ", + "ĸ" + ], + [ + "ðĿIJ", + "ĺ" + ], + [ + "ðĿIJ", + "£" + ], + [ + "ðĿIJ", + "±" + ], + [ + "ðĿij", + "Ĭ" + ], + [ + "ðĿij", + "Ń" + ], + [ + "ðĿij", + "¼" + ], + [ + "ðĿij", + "½" + ], + [ + "ðĿĴ", + "°" + ], + [ + "ðĿĴ", + "·" + ], + [ + "ðĿĴ", + "¿" + ], + [ + "ðĿĵ", + "ģ" + ], + [ + "ðĿĵ", + "ĭ" + ], + [ + "ðĿĵ", + "İ" + ], + [ + "ðĿĵ", + "Ĵ" + ], + [ + "ðĿ", + "ĵĺ" + ], + [ + "ðĿĵ", + "¢" + ], + [ + "ðĿĵ", + "¦" + ], + [ + "ðĿĵ", + "«" + ], + [ + "ðĿĵ", + "¿" + ], + [ + "ðĿĶ", + "İ" + ], + [ + "ðĿĶ", + "±" + ], + [ + "ðĿĶ", + "´" + ], + [ + "ðĿĶ", + "·" + ], + [ + "ðĿĶ", + "¸" + ], + [ + "ðĿĶ", + "½" + ], + [ + "ðĿķ", + "Ĥ" + ], + [ + "ðĿķ", + "ĥ" + ], + [ + "ðĿķ", + "ĭ" + ], + [ + "ðĿķ", + "ı" + ], + [ + "ðĿķ", + "IJ" + ], + [ + "ðĿķ", + "¥" + ], + [ + "ðĿķ", + "´" + ], + [ + "ðĿķ", + "º" + ], + [ + "ðĿĸ", + "IJ" + ], + [ + "ðĿĸ", + "Ľ" + ], + [ + "ðĿĸ", + "Ŀ" + ], + [ + "ðĿĸ", + "ŀ" + ], + [ + "ðĿĹ", + "©" + ], + [ + "ðĿĹ", + "³" + ], + [ + "ðĿĹ", + "½" + ], + [ + "ðĿĺ", + "Ĭ" + ], + [ + "ðĿĺ", + "ĭ" + ], + [ + "ðĿĺ", + "Ķ" + ], + [ + "ðĿĺ", + "±" + ], + [ + "ðĿĺ", + "´" + ], + [ + "ðĿĺ", + "¿" + ], + [ + "ðĿĻ", + "Ĵ" + ], + [ + "ðĿĻ", + "Ŀ" + ], + [ + "ðĿĻ", + "Ł" + ], + [ + "ðĿĻ", + "¬" + ], + [ + "ðĿĻ", + "Ń" + ], + [ + "ðĿĻ", + "»" + ], + [ + "ðĿĻ", + "¾" + ], + [ + "ðĿļ", + "Ī" + ], + [ + "ðĿļ", + "ĭ" + ], + [ + "ðĿļ", + "ij" + ], + [ + "ðĿļ", + "Ł" + ], + [ + "ðĿļ", + "ł" + ], + [ + "ðĿļ", + "£" + ], + [ + "ðĿĽ", + "½" + ], + [ + "ðĿľ", + "Ĥ" + ], + [ + "ðĿľ", + "Ķ" + ], + [ + "ðĿľ", + "Ļ" + ], + [ + "ðŁ", + "Ģ" + ], + [ + "ðŁĢ", + "Ħ" + ], + [ + "ðŁĦ", + "²" + ], + [ + "ðŁĦ", + "¶" + ], + [ + "ðŁħ", + "IJ" + ], + [ + "ðŁħ", + "ĸ" + ], + [ + "ðŁħ", + "ļ" + ], + [ + "ðŁħ", + "Ľ" + ], + [ + "ðŁħ", + "¦" + ], + [ + "ðŁħ", + "¶" + ], + [ + "ðŁħ", + "»" + ], + [ + "ðŁħ", + "¼" + ], + [ + "ðŁĨ", + "ĥ" + ], + [ + "ðŁĨ", + "Ĩ" + ], + [ + "ðŁĨ", + "İ" + ], + [ + "ðŁĪ", + "¯" + ], + [ + "ðŁĪ", + "²" + ], + [ + "ðŁĪ", + "¹" + ], + [ + "ðŁĮ", + "ĩ" + ], + [ + "ðŁĮ", + "ĵ" + ], + [ + "ðŁį", + "ĺ" + ], + [ + "ðŁİ", + "ij" + ], + [ + "ðŁİ", + "¿" + ], + [ + "ðŁı", + "ı" + ], + [ + "ðŁı", + "Ĵ" + ], + [ + "ðŁı", + "©" + ], + [ + "ðŁı", + "¯" + ], + [ + "ðŁIJ", + "Ģ" + ], + [ + "ðŁij", + "Ŀ" + ], + [ + "ðŁĴ", + "¹" + ], + [ + "ðŁĴ", + "º" + ], + [ + "ðŁĵ", + "Ł" + ], + [ + "ðŁĵ", + "ª" + ], + [ + "ðŁĵ", + "¼" + ], + [ + "ðŁĶ", + "Ģ" + ], + [ + "ðŁĶ", + "Ĥ" + ], + [ + "ðŁĶ", + "ĥ" + ], + [ + "ðŁĶ", + "ĩ" + ], + [ + "ðŁĶ", + "ĵ" + ], + [ + "ðŁĶ", + "¢" + ], + [ + "ðŁĶ", + "¤" + ], + [ + "ðŁĶ", + "©" + ], + [ + "ðŁķ", + "ĸ" + ], + [ + "ðŁķ", + "ļ" + ], + [ + "ðŁķ", + "ľ" + ], + [ + "ðŁķ", + "Ŀ" + ], + [ + "ðŁķ", + "ŀ" + ], + [ + "ðŁķ", + "ł" + ], + [ + "ðŁķ", + "¢" + ], + [ + "ðŁķ", + "³" + ], + [ + "ðŁĸ", + "ĩ" + ], + [ + "ðŁĸ", + "ij" + ], + [ + "ðŁĸ", + "¶" + ], + [ + "ðŁĹ", + "ģ" + ], + [ + "Ñ", + "¨" + ], + [ + "Ú", + "İ" + ], + [ + "á¡", + "Į" + ], + [ + "á¸", + "°" + ], + [ + "áº", + "Ģ" + ], + [ + "á¼", + "®" + ], + [ + "á½", + "Ŀ" + ], + [ + "âĦ", + "¬" + ], + [ + "âļ", + "§" + ], + [ + "âĽ", + "¤" + ], + [ + "ã³", + "¬" + ], + [ + "êĻ", + "ĭ" + ], + [ + "ê¸", + "ij" + ], + [ + "ëĶ", + "ī" + ], + [ + "ëĹ", + "į" + ], + [ + "ë¡", + "ij" + ], + [ + "ë¯", + "ij" + ], + [ + "ë»", + "ħ" + ], + [ + "ë¼", + "Ŀ" + ], + [ + "ìĦ", + "IJ" + ], + [ + "ìī", + "¡" + ], + [ + "ìĭ", + "²" + ], + [ + "ìı", + "±" + ], + [ + "ìĹ", + "¤" + ], + [ + "ìĿ", + "©" + ], + [ + "ìĿ", + "¿" + ], + [ + "ìŁ", + "Ļ" + ], + [ + "ìł", + "°" + ], + [ + "ì¥", + "ī" + ], + [ + "íĬ", + "Ń" + ], + [ + "íķ", + "®" + ], + [ + "ï®", + "ı" + ], + [ + "ðŁħ", + "±" + ], + [ + "ðŁĨ", + "Ĵ" + ], + [ + "ðŁķ", + "ĭ" + ], + [ + "É", + "ĺ" + ], + [ + "Ê", + "ĵ" + ], + [ + "Õ", + "ĥ" + ], + [ + "à´", + "´" + ], + [ + "à½", + "ħ" + ], + [ + "áĨ", + "º" + ], + [ + "áĪ", + "Ĭ" + ], + [ + "áĪ", + "¨" + ], + [ + "áĪ", + "¾" + ], + [ + "áī", + "IJ" + ], + [ + "áĮ", + "ĥ" + ], + [ + "áĮ", + "½" + ], + [ + "áĶ", + "Ń" + ], + [ + "áł", + "Ĥ" + ], + [ + "áł", + "¬" + ], + [ + "á¨", + "¸" + ], + [ + "á©", + "ĭ" + ], + [ + "á¶", + "ı" + ], + [ + "á¾", + "Ķ" + ], + [ + "á¿", + "IJ" + ], + [ + "á¿", + "ļ" + ], + [ + "âĻ", + "Ļ" + ], + [ + "âļ", + "Ĥ" + ], + [ + "âļ", + "Ĺ" + ], + [ + "â¡", + "¢" + ], + [ + "â¤", + "¦" + ], + [ + "ëĸ", + "°" + ], + [ + "ë¤", + "Ĥ" + ], + [ + "ë§", + "ł" + ], + [ + "ë±", + "ĭ" + ], + [ + "ë±", + "IJ" + ], + [ + "ìĽ", + "¢" + ], + [ + "ìľ", + "¾" + ], + [ + "ì³", + "ħ" + ], + [ + "ì»", + "ģ" + ], + [ + "íģ", + "»" + ], + [ + "íĥ", + "Ļ" + ], + [ + "íĵ", + "ĸ" + ], + [ + "íĵ", + "Ń" + ], + [ + "íķ", + "±" + ], + [ + "íĽ", + "ľ" + ], + [ + "ï¤", + "ħ" + ], + [ + "ï¤", + "Ĩ" + ], + [ + "ï¦", + "ĥ" + ], + [ + "ï§", + "©" + ], + [ + "ï¨", + "Ĥ" + ], + [ + "ðIJ¤", + "Ķ" + ], + [ + "ðIJŃ", + "ĵ" + ], + [ + "ðIJ°", + "¼" + ], + [ + "ðĿĵ", + "ŀ" + ], + [ + "ðĿĵ", + "°" + ], + [ + "ðĿĻ", + "ľ" + ], + [ + "ðĿļ", + "ģ" + ], + [ + "ðŁħ", + "¢" + ], + [ + "ðŁı", + "ĩ" + ], + [ + "È", + "²" + ], + [ + "Ê", + "¶" + ], + [ + "Ô", + "Ī" + ], + [ + "Ô", + "ij" + ], + [ + "Ý", + "ĵ" + ], + [ + "Ý", + "¥" + ], + [ + "à¤", + "ij" + ], + [ + "à¥", + "±" + ], + [ + "à¬", + "ī" + ], + [ + "à°", + "³" + ], + [ + "à°", + "µ" + ], + [ + "à²", + "Ł" + ], + [ + "áĢ", + "ı" + ], + [ + "áģ", + "¼" + ], + [ + "áī", + "¨" + ], + [ + "áĬ", + "Ĵ" + ], + [ + "áĭ", + "©" + ], + [ + "áĮ", + "Ħ" + ], + [ + "áĮ", + "Ķ" + ], + [ + "áIJ", + "§" + ], + [ + "á", + "ĴĮ" + ], + [ + "áĶ", + "ħ" + ], + [ + "áĶ", + "Ĭ" + ], + [ + "áł", + "Ħ" + ], + [ + "á¨", + "ģ" + ], + [ + "á¸", + "ĥ" + ], + [ + "á¸", + "»" + ], + [ + "âĶ", + "ŀ" + ], + [ + "âĺ", + "µ" + ], + [ + "âļ", + "£" + ], + [ + "â²", + "¢" + ], + [ + "ãĪ", + "ª" + ], + [ + "ä¶", + "µ" + ], + [ + "ê²", + "Ļ" + ], + [ + "ê²", + "´" + ], + [ + "ê³", + "Ĥ" + ], + [ + "ë¡", + "¼" + ], + [ + "ìĨ", + "Ĭ" + ], + [ + "ì¼", + "ĩ" + ], + [ + "íĭ", + "į" + ], + [ + "íĵ", + "¬" + ], + [ + "íĵ", + "®" + ], + [ + "íĵ", + "¶" + ], + [ + "íĵ", + "»" + ], + [ + "ï¤", + "¦" + ], + [ + "ï¥", + "ł" + ], + [ + "ï¥", + "±" + ], + [ + "ïŃ", + "²" + ], + [ + "ðIJŃ", + "Ĭ" + ], + [ + "ðIJ", + "±ħ" + ], + [ + "ðĸ", + "¥" + ], + [ + "ðĸ¥", + "¨" + ], + [ + "ðĿij", + "³" + ], + [ + "ðĿĵ", + "ķ" + ], + [ + "ðĿĵ", + "¬" + ], + [ + "ðĿĵ", + "¹" + ], + [ + "ðĿĵ", + "¾" + ], + [ + "ðĿĶ", + "ĵ" + ], + [ + "ðĿķ", + "į" + ], + [ + "ðĿķ", + "¡" + ], + [ + "ðĿķ", + "±" + ], + [ + "ðĿĸ", + "ĸ" + ], + [ + "ðĿĺ", + "ı" + ], + [ + "ðĿĺ", + "IJ" + ], + [ + "ðĿĺ", + "ļ" + ], + [ + "ðĿĻ", + "®" + ], + [ + "ðĿĻ", + "°" + ], + [ + "ðĿĻ", + "¸" + ], + [ + "ðĿĻ", + "º" + ], + [ + "ðĿĻ", + "¼" + ], + [ + "ðĿĻ", + "½" + ], + [ + "ðĿĻ", + "¿" + ], + [ + "ðĿļ", + "Ħ" + ], + [ + "ðĿļ", + "ı" + ], + [ + "ðŁħ", + "ħ" + ], + [ + "ðŁħ", + "ĵ" + ], + [ + "Æ", + "Ī" + ], + [ + "àł", + "Į" + ], + [ + "áĻ", + "³" + ], + [ + "á", + "ļĮ" + ], + [ + "áĽ", + "ħ" + ], + [ + "áĽ", + "IJ" + ], + [ + "á¤", + "Ĭ" + ], + [ + "á¸", + "Ĭ" + ], + [ + "âĶ", + "½" + ], + [ + "âķ", + "Ĭ" + ], + [ + "âĽ", + "ĩ" + ], + [ + "âĽ", + "ı" + ], + [ + "âĿ", + "ª" + ], + [ + "âĿ", + "«" + ], + [ + "âŁ", + "°" + ], + [ + "ãĦ", + "į" + ], + [ + "ãĦ", + "ĵ" + ], + [ + "ãĦ", + "§" + ], + [ + "ãħ", + "ĸ" + ], + [ + "ãī", + "«" + ], + [ + "ê¦", + "Ķ" + ], + [ + "ï±", + "Ĭ" + ], + [ + "àº", + "Ĥ" + ], + [ + "áħ", + "£" + ], + [ + "á¥", + "Ķ" + ], + [ + "á¥", + "¤" + ], + [ + "âĨ", + "¤" + ], + [ + "âĨ", + "·" + ], + [ + "âĩ", + "ŀ" + ], + [ + "âĸ", + "¤" + ], + [ + "âŀ", + "¶" + ], + [ + "ãĪ", + "¼" + ], + [ + "ï¨", + "·" + ], + [ + "ðĵı", + "§" + ], + [ + "âĶ", + "²" + ], + [ + "âĢ", + "´" + ], + [ + "âĴ", + "Ł" + ], + [ + "âĴ", + "¡" + ], + [ + "â°", + "Ĥ" + ], + [ + "â°", + "į" + ], + [ + "â°", + "İ" + ], + [ + "â°", + "IJ" + ], + [ + "â°", + "ij" + ], + [ + "â°", + "Ł" + ], + [ + "â°", + "ł" + ], + [ + "â°", + "¡" + ], + [ + "â¼", + "Ń" + ], + [ + "ãĬ", + "¥" + ], + [ + "âĴ", + "ł" + ], + [ + "â½", + "º" + ], + [ + "ãĩ", + "º" + ], + [ + "ãĩ", + "½" + ], + [ + "ï¨", + "Ĭ" + ], + [ + "áķ", + "·" + ], + [ + "âį", + "¨" + ], + [ + "âº", + "Ł" + ], + [ + "â½", + "Ĺ" + ] + ] + } +} \ No newline at end of file diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/tokenizer_config.json" "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/tokenizer_config.json" new file mode 100644 index 0000000..417d038 --- /dev/null +++ "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/tokenizer_config.json" @@ -0,0 +1,239 @@ +{ + "add_bos_token": false, + "add_prefix_space": false, + "added_tokens_decoder": { + "151643": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151644": { + "content": "<|im_start|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151645": { + "content": "<|im_end|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151646": { + "content": "<|object_ref_start|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151647": { + "content": "<|object_ref_end|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151648": { + "content": "<|box_start|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151649": { + "content": "<|box_end|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151650": { + "content": "<|quad_start|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151651": { + "content": "<|quad_end|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151652": { + "content": "<|vision_start|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151653": { + "content": "<|vision_end|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151654": { + "content": "<|vision_pad|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151655": { + "content": "<|image_pad|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151656": { + "content": "<|video_pad|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "151657": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "151658": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "151659": { + "content": "<|fim_prefix|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "151660": { + "content": "<|fim_middle|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "151661": { + "content": "<|fim_suffix|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "151662": { + "content": "<|fim_pad|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "151663": { + "content": "<|repo_name|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "151664": { + "content": "<|file_sep|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "151665": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "151666": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "151667": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + }, + "151668": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": false + } + }, + "additional_special_tokens": [ + "<|im_start|>", + "<|im_end|>", + "<|object_ref_start|>", + "<|object_ref_end|>", + "<|box_start|>", + "<|box_end|>", + "<|quad_start|>", + "<|quad_end|>", + "<|vision_start|>", + "<|vision_end|>", + "<|vision_pad|>", + "<|image_pad|>", + "<|video_pad|>" + ], + "bos_token": null, + "chat_template": "{%- if tools %}\n {{- '<|im_start|>system\\n' }}\n {%- if messages[0].role == 'system' %}\n {{- messages[0].content + '\\n\\n' }}\n {%- endif %}\n {{- \"# Tools\\n\\nYou may call one or more functions to assist with the user query.\\n\\nYou are provided with function signatures within XML tags:\\n\" }}\n {%- for tool in tools %}\n {{- \"\\n\" }}\n {{- tool | tojson }}\n {%- endfor %}\n {{- \"\\n\\n\\nFor each function call, return a json object with function name and arguments within XML tags:\\n\\n{\\\"name\\\": , \\\"arguments\\\": }\\n<|im_end|>\\n\" }}\n{%- else %}\n {%- if messages[0].role == 'system' %}\n {{- '<|im_start|>system\\n' + messages[0].content + '<|im_end|>\\n' }}\n {%- endif %}\n{%- endif %}\n{%- set ns = namespace(multi_step_tool=true, last_query_index=messages|length - 1) %}\n{%- for message in messages[::-1] %}\n {%- set index = (messages|length - 1) - loop.index0 %}\n {%- if ns.multi_step_tool and message.role == \"user\" and message.content is string and not(message.content.startswith('') and message.content.endswith('')) %}\n {%- set ns.multi_step_tool = false %}\n {%- set ns.last_query_index = index %}\n {%- endif %}\n{%- endfor %}\n{%- for message in messages %}\n {%- if message.content is string %}\n {%- set content = message.content %}\n {%- else %}\n {%- set content = '' %}\n {%- endif %}\n {%- if (message.role == \"user\") or (message.role == \"system\" and not loop.first) %}\n {{- '<|im_start|>' + message.role + '\\n' + content + '<|im_end|>' + '\\n' }}\n {%- elif message.role == \"assistant\" %}\n {%- set reasoning_content = '' %}\n {%- if message.reasoning_content is string %}\n {%- set reasoning_content = message.reasoning_content %}\n {%- else %}\n {%- if '' in content %}\n {%- set reasoning_content = content.split('')[0].rstrip('\\n').split('')[-1].lstrip('\\n') %}\n {%- set content = content.split('')[-1].lstrip('\\n') %}\n {%- endif %}\n {%- endif %}\n {%- if loop.index0 > ns.last_query_index %}\n {%- if loop.last or (not loop.last and reasoning_content) %}\n {{- '<|im_start|>' + message.role + '\\n\\n' + reasoning_content.strip('\\n') + '\\n\\n\\n' + content.lstrip('\\n') }}\n {%- else %}\n {{- '<|im_start|>' + message.role + '\\n' + content }}\n {%- endif %}\n {%- else %}\n {{- '<|im_start|>' + message.role + '\\n' + content }}\n {%- endif %}\n {%- if message.tool_calls %}\n {%- for tool_call in message.tool_calls %}\n {%- if (loop.first and content) or (not loop.first) %}\n {{- '\\n' }}\n {%- endif %}\n {%- if tool_call.function %}\n {%- set tool_call = tool_call.function %}\n {%- endif %}\n {{- '\\n{\"name\": \"' }}\n {{- tool_call.name }}\n {{- '\", \"arguments\": ' }}\n {%- if tool_call.arguments is string %}\n {{- tool_call.arguments }}\n {%- else %}\n {{- tool_call.arguments | tojson }}\n {%- endif %}\n {{- '}\\n' }}\n {%- endfor %}\n {%- endif %}\n {{- '<|im_end|>\\n' }}\n {%- elif message.role == \"tool\" %}\n {%- if loop.first or (messages[loop.index0 - 1].role != \"tool\") %}\n {{- '<|im_start|>user' }}\n {%- endif %}\n {{- '\\n\\n' }}\n {{- content }}\n {{- '\\n' }}\n {%- if loop.last or (messages[loop.index0 + 1].role != \"tool\") %}\n {{- '<|im_end|>\\n' }}\n {%- endif %}\n {%- endif %}\n{%- endfor %}\n{%- if add_generation_prompt %}\n {{- '<|im_start|>assistant\\n' }}\n {%- if enable_thinking is defined and enable_thinking is false %}\n {{- '\\n\\n\\n\\n' }}\n {%- endif %}\n{%- endif %}", + "clean_up_tokenization_spaces": false, + "eos_token": "<|im_end|>", + "errors": "replace", + "model_max_length": 131072, + "pad_token": "<|endoftext|>", + "split_special_tokens": false, + "tokenizer_class": "Qwen2Tokenizer", + "unk_token": null +} diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/vocab.json" "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/vocab.json" new file mode 100644 index 0000000..4783fe1 --- /dev/null +++ "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/Qwen3-32B/vocab.json" @@ -0,0 +1 @@ +{"!":0,"\"":1,"#":2,"$":3,"%":4,"&":5,"'":6,"(":7,")":8,"*":9,"+":10,",":11,"-":12,".":13,"/":14,"0":15,"1":16,"2":17,"3":18,"4":19,"5":20,"6":21,"7":22,"8":23,"9":24,":":25,";":26,"<":27,"=":28,">":29,"?":30,"@":31,"A":32,"B":33,"C":34,"D":35,"E":36,"F":37,"G":38,"H":39,"I":40,"J":41,"K":42,"L":43,"M":44,"N":45,"O":46,"P":47,"Q":48,"R":49,"S":50,"T":51,"U":52,"V":53,"W":54,"X":55,"Y":56,"Z":57,"[":58,"\\":59,"]":60,"^":61,"_":62,"`":63,"a":64,"b":65,"c":66,"d":67,"e":68,"f":69,"g":70,"h":71,"i":72,"j":73,"k":74,"l":75,"m":76,"n":77,"o":78,"p":79,"q":80,"r":81,"s":82,"t":83,"u":84,"v":85,"w":86,"x":87,"y":88,"z":89,"{":90,"|":91,"}":92,"~":93,"¡":94,"¢":95,"£":96,"¤":97,"¥":98,"¦":99,"§":100,"¨":101,"©":102,"ª":103,"«":104,"¬":105,"®":106,"¯":107,"°":108,"±":109,"²":110,"³":111,"´":112,"µ":113,"¶":114,"·":115,"¸":116,"¹":117,"º":118,"»":119,"¼":120,"½":121,"¾":122,"¿":123,"À":124,"Á":125,"Â":126,"Ã":127,"Ä":128,"Å":129,"Æ":130,"Ç":131,"È":132,"É":133,"Ê":134,"Ë":135,"Ì":136,"Í":137,"Î":138,"Ï":139,"Ð":140,"Ñ":141,"Ò":142,"Ó":143,"Ô":144,"Õ":145,"Ö":146,"×":147,"Ø":148,"Ù":149,"Ú":150,"Û":151,"Ü":152,"Ý":153,"Þ":154,"ß":155,"à":156,"á":157,"â":158,"ã":159,"ä":160,"å":161,"æ":162,"ç":163,"è":164,"é":165,"ê":166,"ë":167,"ì":168,"í":169,"î":170,"ï":171,"ð":172,"ñ":173,"ò":174,"ó":175,"ô":176,"õ":177,"ö":178,"÷":179,"ø":180,"ù":181,"ú":182,"û":183,"ü":184,"ý":185,"þ":186,"ÿ":187,"Ā":188,"ā":189,"Ă":190,"ă":191,"Ą":192,"ą":193,"Ć":194,"ć":195,"Ĉ":196,"ĉ":197,"Ċ":198,"ċ":199,"Č":200,"č":201,"Ď":202,"ď":203,"Đ":204,"đ":205,"Ē":206,"ē":207,"Ĕ":208,"ĕ":209,"Ė":210,"ė":211,"Ę":212,"ę":213,"Ě":214,"ě":215,"Ĝ":216,"ĝ":217,"Ğ":218,"ğ":219,"Ġ":220,"ġ":221,"Ģ":222,"ģ":223,"Ĥ":224,"ĥ":225,"Ħ":226,"ħ":227,"Ĩ":228,"ĩ":229,"Ī":230,"ī":231,"Ĭ":232,"ĭ":233,"Į":234,"į":235,"İ":236,"ı":237,"IJ":238,"ij":239,"Ĵ":240,"ĵ":241,"Ķ":242,"ķ":243,"ĸ":244,"Ĺ":245,"ĺ":246,"Ļ":247,"ļ":248,"Ľ":249,"ľ":250,"Ŀ":251,"ŀ":252,"Ł":253,"ł":254,"Ń":255,"ĠĠ":256,"ĠĠĠĠ":257,"in":258,"Ġt":259,"ĠĠĠĠĠĠĠĠ":260,"er":261,"ĠĠĠ":262,"on":263,"Ġa":264,"re":265,"at":266,"st":267,"en":268,"or":269,"Ġth":270,"ĊĊ":271,"Ġc":272,"le":273,"Ġs":274,"it":275,"an":276,"ar":277,"al":278,"Ġthe":279,";Ċ":280,"Ġp":281,"Ġf":282,"ou":283,"Ġ=":284,"is":285,"ĠĠĠĠĠĠĠ":286,"ing":287,"es":288,"Ġw":289,"ion":290,"ed":291,"ic":292,"Ġb":293,"Ġd":294,"et":295,"Ġm":296,"Ġo":297,"ĉĉ":298,"ro":299,"as":300,"el":301,"ct":302,"nd":303,"Ġin":304,"Ġh":305,"ent":306,"id":307,"Ġn":308,"am":309,"ĠĠĠĠĠĠĠĠĠĠĠ":310,"Ġto":311,"Ġre":312,"--":313,"Ġ{":314,"Ġof":315,"om":316,");Ċ":317,"im":318,"čĊ":319,"Ġ(":320,"il":321,"//":322,"Ġand":323,"ur":324,"se":325,"Ġl":326,"ex":327,"ĠS":328,"ad":329,"Ġ\"":330,"ch":331,"ut":332,"if":333,"**":334,"Ġ}":335,"em":336,"ol":337,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":338,"th":339,")Ċ":340,"Ġ{Ċ":341,"Ġg":342,"ig":343,"iv":344,",Ċ":345,"ce":346,"od":347,"Ġv":348,"ate":349,"ĠT":350,"ag":351,"ay":352,"Ġ*":353,"ot":354,"us":355,"ĠC":356,"Ġst":357,"ĠI":358,"un":359,"ul":360,"ue":361,"ĠA":362,"ow":363,"Ġ'":364,"ew":365,"Ġ<":366,"ation":367,"()":368,"Ġfor":369,"ab":370,"ort":371,"um":372,"ame":373,"Ġis":374,"pe":375,"tr":376,"ck":377,"âĢ":378,"Ġy":379,"ist":380,"----":381,".ĊĊ":382,"he":383,"Ġe":384,"lo":385,"ĠM":386,"Ġbe":387,"ers":388,"Ġon":389,"Ġcon":390,"ap":391,"ub":392,"ĠP":393,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":394,"ass":395,"int":396,">Ċ":397,"ly":398,"urn":399,"Ġ$":400,";ĊĊ":401,"av":402,"port":403,"ir":404,"->":405,"nt":406,"ction":407,"end":408,"Ġde":409,"ith":410,"out":411,"turn":412,"our":413,"ĠĠĠĠĠ":414,"lic":415,"res":416,"pt":417,"==":418,"Ġthis":419,"Ġwh":420,"Ġif":421,"ĠD":422,"ver":423,"age":424,"ĠB":425,"ht":426,"ext":427,"=\"":428,"Ġthat":429,"****":430,"ĠR":431,"Ġit":432,"ess":433,"ĠF":434,"Ġr":435,"os":436,"and":437,"Ġas":438,"ect":439,"ke":440,"rom":441,"Ġ//":442,"con":443,"ĠL":444,"(\"":445,"qu":446,"lass":447,"Ġwith":448,"iz":449,"de":450,"ĠN":451,"Ġal":452,"op":453,"up":454,"get":455,"Ġ}Ċ":456,"ile":457,"Ġan":458,"ata":459,"ore":460,"ri":461,"Ġpro":462,";čĊ":463,"ĉĉĉĉ":464,"ter":465,"ain":466,"ĠW":467,"ĠE":468,"Ġcom":469,"Ġreturn":470,"art":471,"ĠH":472,"ack":473,"import":474,"ublic":475,"Ġor":476,"est":477,"ment":478,"ĠG":479,"able":480,"Ġ-":481,"ine":482,"ill":483,"ind":484,"ere":485,"::":486,"ity":487,"Ġ+":488,"Ġtr":489,"elf":490,"ight":491,"('":492,"orm":493,"ult":494,"str":495,"..":496,"\",":497,"Ġyou":498,"ype":499,"pl":500,"Ġnew":501,"Ġj":502,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":503,"Ġfrom":504,"Ġex":505,"ĠO":506,"ld":507,"Ġ[":508,"oc":509,":Ċ":510,"Ġse":511,"Ġle":512,"--------":513,".s":514,"{Ċ":515,"',":516,"ant":517,"Ġat":518,"ase":519,".c":520,"Ġch":521,"":589,"ust":590,"que":591,"Ġres":592,"))":593,"'s":594,"Ġk":595,"ans":596,"yst":597,"unction":598,"********":599,"Ġi":600,"Ġus":601,"pp":602,"one":603,"ail":604,"====":605,"name":606,"Ġstr":607,"Ġ/":608,"Ġ&":609,"ach":610,"div":611,"ystem":612,"ell":613,"Ġhave":614,"err":615,"ould":616,"ull":617,"pon":618,"ĠJ":619,"_p":620,"Ġ==":621,"ign":622,"St":623,".Ċ":624,"Ġpl":625,");ĊĊ":626,"form":627,"put":628,"ount":629,"}ĊĊ":630,"dd":631,"ite":632,"Ġget":633,"rr":634,"ome":635,"ĠâĢ":636,"aram":637,"cc":638,"Ġ*/":639,"ER":640,"In":641,"les":642,"_s":643,"ong":644,"ie":645,"Ġcan":646,"ĠV":647,"erv":648,"pr":649,"Ġun":650,"row":651,"ber":652,"Ġdo":653,"ll":654,"Ġel":655,"Ġself":656,"ated":657,"ary":658,"Ġ.":659,"']":660,"ud":661,"Ġen":662,"ĠTh":663,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":664,"te":665,"_c":666,"uct":667,"Ġab":668,"ork":669,".get":670,"Ġ#":671,"aw":672,"ress":673,"ob":674,"Name":675,"app":676,"['":677,"Ġall":678,"ory":679,"ition":680,"ance":681,"ear":682,"Ġcont":683,"vent":684,"ia":685,"Ġwill":686,"IN":687,"ĠĠĠĠĠĠĠĠĠ":688,"return":689,"Ġ":755,"\",Ċ":756,"ec":757,"ĠIn":758,"ph":759,"Ġ|":760,"_f":761,"Ġvar":762,"ence":763,"Id":764,"ree":765,"ink":766,"lect":767,"ug":768,"eth":769,"Ġelse":770,"----------------":771,"cont":772,"Ġso":773,"atic":774,"Ġlo":775,"pro":776,"ton":777,"ss":778,"own":779,"abel":780,"oint":781,"ous":782,"eld":783,"ST":784,"The":785,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":786,"RE":787,"\":":788,"olor":789,"tp":790,"eg":791,"key":792,"ude":793,"ĠSt":794,"ound":795,"Ġar":796,"\");Ċ":797,"ener":798,"ser":799,"bject":800,"essage":801,"fer":802,"Ġmore":803,"ations":804,"ents":805,"Ġhis":806,"Ġthey":807,".S":808,"ĠY":809,"use":810,"ne":811,"ish":812,"old":813,"_d":814,"io":815,"ield":816,"Ġper":817,"Cont":818,"ings":819,"####":820,"Ġdata":821,"Ġsa":822,"ef":823,"fo":824,"Ġone":825,"eng":826,"Ġdis":827,"AT":828,"Ġname":829,"Ġtrue":830,"val":831,"led":832,".f":833,"Ġne":834,"Ġend":835,".T":836,"cre":837,"ark":838,"log":839,"Ex":840,"error":841,"_id":842,"urre":843,"ange":844,"Ġnull":845,"rray":846,"Ġmy":847,"pan":848,"ict":849,"ator":850,"View":851,"List":852,"ĉreturn":853,"âĢĿ":854,"Ġpre":855,"Ġx":856,"clude":857,"arg":858,"ov":859,".h":860,"Ġ>":861,"Ġtheir":862,"')":863,"irst":864,"ick":865,"gh":866,"LE":867,"OR":868,"Ġprivate":869,"tem":870,"čĊčĊ":871,"user":872,"Ġ)":873,"com":874,".A":875,"\";Ċ":876,"Ġid":877,"read":878,"Ġwho":879,"_b":880,"\">Ċ":881,"Ġtime":882,"Ġman":883,"ry":884,"========":885,"roup":886,"rop":887,"public":888,"vel":889,"umber":890,"ble":891,"Ġwhich":892,"****************":893,"Ġany":894,"Ġfalse":895,"we":896,"Ġvalue":897,"Ġli":898,"\")":899,"nder":900,"gr":901,"Ġno":902,"param":903,"fig":904,".com":905,"Ġapp":906,"_l":907,"ions":908,".D":909,"ĠCh":910,"Ġabout":911,"Ġadd":912,"Ġsu":913,"Ġstring":914,"ID":915,"Ġover":916,"string":917,".l":918,"ource":919,"_C":920,"]Ċ":921,"Ġqu":922,"ĠString":923,"ca":924,"SE":925,"Ġro":926,"sh":927,"ual":928,"Type":929,"son":930,"new":931,"ern":932,"Ġag":933,"AR":934,"];Ċ":935,"].":936,"Ġ?":937,"ical":938,"Ġdes":939,"uth":940,"ix":941,"ays":942,"Ġtype":943,"'t":944,"ault":945,"Ġinter":946,"var":947,".b":948,"Ġpart":949,".d":950,"urrent":951,"IT":952,"EN":953,"enc":954,"(f":955,"ra":956,"value":957,"cho":958,"utton":959,"ose":960,"Ġ!=":961,"ater":962,"é":963,"reate":964,"oll":965,"pos":966,"yle":967,"ng":968,"AL":969,"using":970,"ames":971,"Ġ{čĊ":972,"ates":973,"ely":974,"Ġwork":975,"Ġem":976,"inal":977,"Ġsp":978,"Ġwhen":979,".set":980,"ĠĠĠĠĠĠ":981,"):Ċ":982,"to":983,"quire":984,"indow":985,"lement":986,"pect":987,"ash":988,"[i":989,"Ġuse":990,".F":991,"pec":992,"Ġad":993,"ove":994,"ception":995,"ength":996,"include":997,"ader":998,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":999,"atus":1000,"Th":1001,"itle":1002,"rit":1003,"void":1004,"().":1005,"(Ċ":1006,"Ġoff":1007,"Ġother":1008,"Ġ&&":1009,"';Ċ":1010,"ms":1011,"Ġbeen":1012,"Ġte":1013,"ml":1014,"co":1015,"nc":1016,"ervice":1017,"Ġ%":1018,"**Ċ":1019,"ann":1020,"ade":1021,"ĊĊĊĊ":1022,"lock":1023,"const":1024,"ponse":1025,"Ġsup":1026,"++":1027,"date":1028,"Ġacc":1029,"Ġhad":1030,"Ġbu":1031,"ĠRe":1032,"Ġwere":1033,"Ġfile":1034,"Ġwould":1035,"ĠâĢľ":1036,"ven":1037,"iss":1038,"Ġour":1039,"class":1040,"raw":1041,"Ġyear":1042,"Data":1043,"Ġval":1044,"Ġsome":1045,"fter":1046,"ys":1047,"Ġ///":1048,"round":1049,"view":1050,"Ġpe":1051,"Ġthere":1052,"Ġsaid":1053,"du":1054,"of":1055,"line":1056,"/*":1057,"duct":1058,"Ġher":1059,"ĠĠĠĠĠĠĠĠĠĠĠĠĠ":1060,"Res":1061,"Ġco":1062,"Ġcomm":1063,"ise":1064,"min":1065,"ĠĠĠĠĊ":1066,"#include":1067,"ethod":1068,".P":1069,"ute":1070,"Ġass":1071,"Int":1072,"ask":1073,"loc":1074,"Ġlike":1075,"ody":1076,"Ġlet":1077,"load":1078,"Ġam":1079,"rol":1080,"Ġgr":1081,"yp":1082,"Ġalso":1083,"ĠIt":1084,"url":1085,"ific":1086,"ors":1087,"_P":1088,"_n":1089,"igh":1090,"Ġthan":1091,"Com":1092,"AN":1093,"UL":1094,"ating":1095,"ĠThis":1096,"ref":1097,"_S":1098,"Ġstatic":1099,"roll":1100,"Ġjust":1101,"Ġresult":1102,"ian":1103,"idth":1104,"Ġthem":1105,"));Ċ":1106,"der":1107,"reak":1108,"Con":1109,"://":1110,"ule":1111,"...":1112,"arch":1113,"ement":1114,"Ġ<<":1115,"ush":1116,"ense":1117,"arr":1118,"Ġinto":1119,"cess":1120,"amp":1121,"ied":1122,"ument":1123,"Ġ\\":1124,"],":1125,"wo":1126,"als":1127,"Ġwhat":1128,"anc":1129,"Value":1130,"='":1131,"olum":1132,"Ġpos":1133,"ages":1134,"ayer":1135,"Ġsc":1136,"ues":1137,"\")Ċ":1138,"_T":1139,"Ġlist":1140,"(s":1141,"Ġcase":1142,"Ch":1143,"ĉĉĉĉĉ":1144,"////////":1145,"ponent":1146,"Ġz":1147,"Ġkn":1148,"let":1149,"DE":1150,"red":1151,"Ġfe":1152,"Ġ},Ċ":1153,"Ġ,":1154,"(t":1155,"Ġfirst":1156,"');Ċ":1157,"word":1158,"Ġimport":1159,"Ġact":1160,"Ġchar":1161,"CT":1162,"ĠTr":1163,"ople":1164,"={":1165,"ĉf":1166,"ient":1167,"cent":1168,".j":1169,"lection":1170,"))Ċ":1171,"Ġonly":1172,"Ġprint":1173,"mer":1174,".W":1175,"ock":1176,"Ġ--":1177,"Text":1178,"Ġop":1179,"ank":1180,"Ġits":1181,"Ġback":1182,"[\"":1183,"Ġneed":1184,"Ġcl":1185,"Ġsub":1186,"Ġla":1187,"((":1188,".\"":1189,"Object":1190,"Ġstart":1191,"file":1192,"(self":1193,"ner":1194,"ey":1195,"Ġuser":1196,"Ġent":1197,"ĠCom":1198,"its":1199,"ĠCon":1200,"ouble":1201,"ower":1202,"item":1203,"very":1204,"ĠWe":1205,"lick":1206,"ĠQ":1207,"php":1208,"ttp":1209,"':":1210,"ics":1211,"Ġunder":1212,"Ġ*Ċ":1213,".L":1214,");":1215,"ices":1216,"Ġreg":1217,")čĊ":1218,"ĉpublic":1219,"SS":1220,"Ġthen":1221,"reat":1222,"ious":1223,".G":1224,"ek":1225,"irect":1226,"heck":1227,"cript":1228,"ning":1229,"ĠUn":1230,"Ġmay":1231,"ĠWh":1232,"Bo":1233,"Item":1234,"struct":1235,".st":1236,"ream":1237,"ible":1238,"loat":1239,"Ġorg":1240,"und":1241,"sum":1242,"_in":1243,"../":1244,"_M":1245,"Ġhow":1246,"rite":1247,"'Ċ":1248,"To":1249,"ww":1250,"Ġpeople":1251,"index":1252,".n":1253,"http":1254,"(m":1255,"ector":1256,"Ġind":1257,"Ġjav":1258,"],Ċ":1259,"ĠHe":1260,"_st":1261,"ful":1262,"ole":1263,"){Ċ":1264,"Ġshould":1265,"opy":1266,"elp":1267,"ier":1268,"_name":1269,"erson":1270,"ION":1271,"ote":1272,"Ġtest":1273,"Ġbet":1274,"rror":1275,"ular":1276,"ãĢ":1277,"ĠÐ":1278,"bs":1279,"ting":1280,"Ġmake":1281,"Tr":1282,"Ġafter":1283,"arget":1284,"RO":1285,"olumn":1286,"rc":1287,"_re":1288,"define":1289,"Ġright":1290,"right":1291,"day":1292,"Ġlong":1293,"[]":1294,"(p":1295,"td":1296,"cond":1297,"ĠPro":1298,"Ġrem":1299,"ptions":1300,"vid":1301,".g":1302,"Ġext":1303,"Ġ__":1304,"')Ċ":1305,"pace":1306,"mp":1307,"Ġmin":1308,"stance":1309,"air":1310,"action":1311,"wh":1312,"type":1313,"util":1314,"ait":1315,"ĊĊ":1339,"Ġshe":1340,"\"]":1341,"aph":1342,"Ġexp":1343,"erty":1344,"ĠSe":1345,"Ġpar":1346,"unc":1347,"ET":1348,"Ġread":1349,"print":1350,"Ġrel":1351,"Ġform":1352,"Ġdr":1353,"Exception":1354,"input":1355,"Ġtrans":1356,"########":1357,"order":1358,"By":1359,"Ġaw":1360,"ities":1361,"uff":1362,"play":1363,".add":1364,"ĠâĢĵ":1365,"Ġwant":1366,"Ġcomp":1367,"ments":1368,"Ġ||":1369,"az":1370,"be":1371,"Ġnumber":1372,"Ġrequire":1373,"ĠEx":1374,"Ġcol":1375,"Ġkey":1376,"ember":1377,"Ġtwo":1378,"Ġsize":1379,"Ġwhere":1380,"UT":1381,"result":1382,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":1383,"ough":1384,"orld":1385,"ood":1386,"uch":1387,"ative":1388,"ger":1389,"arent":1390,"Ġ/*":1391,"Ġarg":1392,"Ġwhile":1393,"(this":1394,"Ġrec":1395,"Ġdif":1396,"State":1397,"Ġspec":1398,"ride":1399,"_F":1400,"Ġlook":1401,"AM":1402,"ility":1403,"eter":1404,"âĢĻt":1405,"ĊĊĊ":1406,"ayout":1407,"--------------------------------":1408,"ager":1409,"Ġcould":1410,"Ġbr":1411,"ends":1412,"ures":1413,"Ġknow":1414,"ets":1415,"ĠIf":1416,"ĠSh":1417,".w":1418,"back":1419,"Ġser":1420,"Ġ+=":1421,"Ġfr":1422,"());Ċ":1423,"Ġhand":1424,"Ind":1425,"ULL":1426,"Im":1427,"();ĊĊ":1428,"Ġmost":1429,"Ġtry":1430,"Ġnow":1431,"rough":1432,">čĊ":1433,"ackage":1434,"Ġhim":1435,"._":1436,"ify":1437,"Ġbreak":1438,"Ġ);Ċ":1439,"ren":1440,"#define":1441,"itt":1442,"Ġap":1443,"ĉc":1444,"(n":1445,"ĠYou":1446,":ĊĊ":1447,"-m":1448,"Ġevery":1449,"ustom":1450,"lient":1451,"ocument":1452,"cription":1453,"Error":1454,"-b":1455,"о":1456,"][":1457,"trans":1458,"Ġpoint":1459,"Ġstd":1460,"Ġfil":1461,"Time":1462,"Ġmod":1463,"Ġ->":1464,"Ġerror":1465,"ah":1466,"Ġtext":1467,"roller":1468,"lose":1469,"ql":1470,"Ġpol":1471,"><":1784,".B":1785,"-c":1786,"Ġopen":1787,"Ġest":1788,"ĠĠĠĠĠĠĠĠĊ":1789,"Ġnext":1790,"IM":1791,"ÑĤ":1792,"OT":1793,"ó":1794,"Ġfollow":1795,"content":1796,"ĠĠĠĠĠĠĠĠĠĠĠĠ":1797,"Ġinclud":1798,"HE":1799,"ĠRes":1800,"Ġhref":1801,"и":1802,"Ġcar":1803,"ypes":1804,"image":1805,"Un":1806,"Ġbool":1807,"AD":1808,"Ġgame":1809,".Form":1810,"rows":1811,"*/":1812,"velop":1813,".Drawing":1814,"Ġpath":1815,"ision":1816,"Ġeach":1817,"ĠPl":1818,"_type":1819,"Path":1820,"nection":1821,"Ġav":1822,"').":1823,"Ġsupport":1824,"ENT":1825,"rem":1826,"\").":1827,"Ġown":1828,"Ġcor":1829,"count":1830,"miss":1831,"ually":1832,"Ġmem":1833,"std":1834,"ience":1835,"search":1836,"\"ĊĊ":1837,"Form":1838,"Ġsex":1839,"ename":1840,"Ġsign":1841,"Ġet":1842,"ĠĠĠĠĠĠĠĠĠĠ":1843,"','":1844,"ĠApp":1845,"Ġthose":1846,"off":1847,"Ġerr":1848,"Ġsystem":1849,"Ġbest":1850,"code":1851,"Ġsame":1852,"Ġdi":1853,"uss":1854,"Ġcreate":1855,"ather":1856,"Array":1857,".in":1858,"fe":1859,"Service":1860,"UN":1861,"ats":1862,"ĠZ":1863,"alth":1864,"Ġmade":1865,"true":1866,"AB":1867,"Ġmark":1868,"rid":1869,"ified":1870,",čĊ":1871,"yn":1872,"press":1873,"Ġgroup":1874,"Ġfin":1875,"ĠLicense":1876,"Field":1877,"eger":1878,"Ġworld":1879,"iness":1880,"ty":1881,"Ġprocess":1882,"(b":1883,"Ġcre":1884,"arn":1885,"ives":1886,"Ġmain":1887,"ideo":1888,"_g":1889,"AG":1890,"valid":1891,"img":1892,"PI":1893,"Ġcolor":1894,"Ġreport":1895,"Ġtake":1896,"rib":1897,"OM":1898,"Ġday":1899,"Request":1900,"Ġsk":1901,"bers":1902,"ĉs":1903,".Add":1904,"oot":1905,"Image":1906,"Ġcomple":1907,"ollection":1908,"Ġtop":1909,"Ġfree":1910,"AS":1911,"De":1912,"ĠOn":1913,"IG":1914,"eta":1915,"Date":1916,"Ġaction":1917,"Over":1918,"itor":1919,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":1920,"not":1921,"Ġindex":1922,"her":1923,"icon":1924,"On":1925,";čĊčĊ":1926,"ivity":1927,"mand":1928,".Windows":1929,"OL":1930,"Ġreal":1931,"Ġmax":1932,"land":1933,"....":1934,"raph":1935,"Ġbuild":1936,"leg":1937,"assword":1938,"?ĊĊ":1939,"â̦":1940,"ook":1941,"uck":1942,"Ġmessage":1943,"test":1944,"ivers":1945,"Ġinput":1946,"Ġart":1947,"Ġbetween":1948,"Get":1949,"enter":1950,"ground":1951,"ene":1952,"á":1953,".length":1954,"Node":1955,"(i":1956,"Class":1957,"for":1958,"ĠâĢĶ":1959,"ten":1960,"oin":1961,"Ġke":1962,"ui":1963,"ĠIN":1964,"Ġtable":1965,"sub":1966,"ĠLe":1967,"Ġhead":1968,"Ġmust":1969,"////////////////":1970,".util":1971,"Context":1972,"Ġorder":1973,"Ġmov":1974,"over":1975,"Ġcontin":1976,"Ġsay":1977,"static":1978,".Text":1979,"ĠclassName":1980,"pany":1981,"Ġter":1982,"head":1983,"rg":1984,"Ġproduct":1985,"This":1986,".âĢĿ":1987,"ĠBut":1988,"loy":1989,"Ġdouble":1990,"sg":1991,"Ġplace":1992,".x":1993,"message":1994,"Ġinformation":1995,"private":1996,"Ġoper":1997,"ced":1998,"db":1999,"\">":2179,"aterial":2180,"iled":2181,"Ġput":2182,"Qu":2183,"ÑĢ":2184,"ung":2185,"map":2186,"ĉĉĉĉĉĉĉĉ":2187,"Ġlevel":2188,"Component":2189,"book":2190,"creen":2191,"_RE":2192,"Ġconfig":2193,"ãģ":2194,"Or":2195,".data":2196,"Ġdocument":2197,"\",\"":2198,"tribute":2199,"ux":2200,"Log":2201,"ference":2202,"post":2203,"_e":2204,"Ġlocal":2205,"andom":2206,"assert":2207,"Val":2208,"lected":2209,"ina":2210,"atabase":2211,"Add":2212,"Ġcontent":2213,".print":2214,"signed":2215,"ric":2216,".\"ĊĊ":2217,"Ġfa":2218,"!ĊĊ":2219,"-f":2220,"ived":2221,"Ġquest":2222,".ex":2223,"Ġfloat":2224,"Ġdevelop":2225,"оÐ":2226,"Map":2227,"ading":2228,"Ġposs":2229,"UE":2230,"namespace":2231,"_O":2232,"ĉb":2233,".Get":2234,">(":2235,"json":2236,"etails":2237,"Ġtoo":2238,"Ġextends":2239,"ĠNone":2240,"Ġfore":2241,"(String":2242,"format":2243,"Ġgreat":2244,"inter":2245,"cale":2246,"Ñģ":2247,"ron":2248,"iving":2249,"Ent":2250,"ency":2251,"xt":2252,"oy":2253,"Ġmonth":2254,"Ġhapp":2255,"Ġsuper":2256,"bar":2257,"default":2258,"_de":2259,"ords":2260,"ln":2261,"({Ċ":2262,"ĠInd":2263,"ases":2264,"Ġtitle":2265,"Ġcontext":2266,"oh":2267,"-p":2268,"Em":2269,"Ġmet":2270,"Test":2271,"Ġlife":2272,"_v":2273,"ĠUS":2274,"UI":2275,"ocation":2276,"md":2277,"Ġ[Ċ":2278,"Ġ]":2279,"sw":2280,"Ġincre":2281,"script":2282,"ential":2283,"ways":2284,".de":2285,"Ġsrc":2286,"Ġcatch":2287,"ĠAmeric":2288,"//Ċ":2289,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":2290,"Ġpay":2291,"plit":2292,"âĢĶ":2293,"Ġcoun":2294,"obj":2295,".php":2296,"Ġchange":2297,"ething":2298,"'re":2299,"aster":2300,"los":2301,"lation":2302,"ĠĠĊ":2303,"Le":2304,"ä":2305,"({":2306,"ready":2307,"ĠNo":2308,"Ġposition":2309,"Ġold":2310,"Ġbook":2311,"abled":2312,"bug":2313,"Hand":2314,"};ĊĊ":2315,"isplay":2316,"aving":2317,"Ġgover":2318,"Ġversion":2319,"System":2320,"nect":2321,"response":2322,"Style":2323,"Up":2324,"angu":2325,"Ġthree":2326,"init":2327,"ero":2328,"Ġlaw":2329,"endif":2330,"Ġbase":2331,"email":2332,"(l":2333,"_V":2334,"Ġconf":2335,"ATE":2336,"Ġduring":2337,"tes":2338,"Ġconsole":2339,"ĠPr":2340,"Ġspe":2341,"ves":2342,"path":2343,"ialog":2344,"dition":2345,"_to":2346,"ards":2347,"Ġagainst":2348,"etwork":2349,"ĠPh":2350,"_L":2351,"cur":2352,"imit":2353,"With":2354,"Ġpower":2355,"ium":2356,"';ĊĊ":2357,"Ġwom":2358,"left":2359,"ources":2360,"atri":2361,"ĠIm":2362,"ĠMan":2363,"orth":2364,"${":2365,"quals":2366,"ese":2367,"_size":2368,"Ġiss":2369,"otal":2370,"-g":2371,"ique":2372,"rame":2373,"Ġwidth":2374,"erg":2375,")(":2376,"ittle":2377,"TR":2378,"ĠThey":2379,"ences":2380,"rl":2381,"ons":2382,"Ġlabel":2383,".y":2384,"-t":2385,"update":2386,"anel":2387,"sc":2388,".to":2389,"Ġproject":2390,"ü":2391,"Ġelement":2392,"Ġsuccess":2393,"ĉĉĊ":2394,".sh":2395,"ram":2396,"ched":2397,"())Ċ":2398,"Ġ(Ċ":2399,"Ġdate":2400,"Ġtot":2401,"_ST":2402,"All":2403,"ification":2404,"ĉvar":2405,"Ġtri":2406,"chem":2407,"my":2408,"Ġbig":2409,"ĠAd":2410,"ĠAt":2411,"ots":2412,"num":2413,"Act":2414,"Ġmap":2415,"era":2416,"cope":2417,".$":2418,",âĢĿ":2419,"Ġpop":2420,"Ġfew":2421,"Ġlen":2422,"uid":2423,"eters":2424,"ules":2425,"ÃŃ":2426,"source":2427,"https":2428,"Ġdem":2429,"Ġear":2430,"################":2431,"Ġmatch":2432,"ories":2433,"aces":2434,"ĠCl":2435,"Ġnode":2436,"irc":2437,"local":2438,"unity":2439,"};Ċ":2440,"Ġanother":2441,"<<":2442,"ogle":2443,"Ġsit":2444,"ework":2445,"TE":2446,".I":2447,"NS":2448,"ology":2449,"ought":2450,".Cont":2451,">>":2452,"Ġcare":2453,"state":2454,"ĉprivate":2455,"Ġeffect":2456,"++)":2457,"_file":2458,"ending":2459,"Line":2460,"For":2461,"ior":2462,"ĠSc":2463,"Ġfun":2464,".Size":2465,"ĉelse":2466,"])":2467,"start":2468,"vious":2469,"Ġ},":2470,"ours":2471,"Ġleg":2472,"Ġservice":2473,"Ġsince":2474,"iron":2475,"Label":2476,"Ġnon":2477,"Ġlos":2478,"iction":2479,"Ġfull":2480,"acter":2481,"board":2482,"gress":2483,"Ġturn":2484,"ither":2485,".size":2486,"Ġbody":2487,"resh":2488,"eturn":2489,"(_":2490,"yles":2491,"ormal":2492,"pi":2493,"Ġsomething":2494,"!--":2495,"uint":2496,"Ġprodu":2497,"Ġstand":2498,"Ġproble":2499,"Ġavailable":2500,"mt":2501,"ĠBl":2502,"Ġ...":2503,"Ġblock":2504,"Input":2505,"Ġkeep":2506,"Count":2507,"open":2508,"Ġ['":2509,"Ġthrow":2510,"uilder":2511,"Action":2512,"Ġthings":2513,"True":2514,"Ġurl":2515,"ĠBo":2516,"printf":2517,"Ġred":2518,"js":2519,".create":2520,"ĠOr":2521,"Status":2522,"Instance":2523,"Ġcontrol":2524,"Ġcome":2525,"Ġcustom":2526,"location":2527,"model":2528,"ĠčĊ":2529,"Ġsource":2530,"Ġeas":2531,".out":2532,"]ĊĊ":2533,"oney":2534,"Ġawait":2535,"Ġpartic":2536,"AP":2537,"ublish":2538,"odes":2539,"_pro":2540,"ply":2541,"riter":2542,"Ġprov":2543,"Ġmill":2544,"HT":2545,"])Ċ":2546,"Ġchang":2547,"Ġask":2548,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":2549,"Ġoutput":2550,"Ġemail":2551,".push":2552,"Ġ}čĊčĊ":2553,"ination":2554,"atrix":2555,"Table":2556,"uccess":2557,"]);Ċ":2558,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":2559,"Ġdisc":2560,"([":2561,"Ġbusiness":2562,"height":2563,".html":2564,"ta":2565,"field":2566,"Ġrequired":2567,"_R":2568,"Ġgovern":2569,"}čĊčĊ":2570,"lex":2571,".,":2572,"ĠSet":2573,"urch":2574,"///":2575,"ts":2576,"af":2577,"Ġmight":2578,"istory":2579,"Str":2580,"Ġnever":2581,"Response":2582,"arse":2583,"ada":2584,"ĠHow":2585,"Ġ*)":2586,"Ġ;":2587,"Ġhard":2588,"Ad":2589,"Ġintern":2590,"used":2591,"(data":2592,"mod":2593,"annel":2594,"Ġnp":2595,"ugg":2596,"Ġ/>Ċ":2597,"Ġcalled":2598,"body":2599,"Ġcho":2600,"(r":2601,"_set":2602,"ird":2603,"Ġ>=":2604,"Ġ};Ċ":2605,"Ġoptions":2606,"ĠGener":2607,"Ġheight":2608,"Point":2609,"You":2610,"ety":2611,"Click":2612,"Ġsmall":2613,"Ġide":2614,"Ġaccess":2615,"anguage":2616,"Ġprotected":2617,"Ġjob":2618,"ĠThere":2619,"Def":2620,"Ġaddress":2621,"Ġuint":2622,"Not":2623,"oo":2624,"aps":2625,"":2759,"ĉĠĠĠ":2760,"\"))":2761,"Content":2762,"_W":2763,"plement":2764,"Ġwon":2765,"Ġvideo":2766,"adi":2767,"point":2768,"%%":2769,"Ġgl":2770,"erved":2771,"viron":2772,"IF":2773,"uted":2774,"ãĥ":2775,"'m":2776,"Ġcert":2777,"Ġprof":2778,"Ġcell":2779,"ari":2780,"Ġplayer":2781,"ais":2782,"Ġcost":2783,"Ġhum":2784,"(R":2785,"Ġoffic":2786,"ks":2787,".text":2788,"atures":2789,"Ġtotal":2790,"Ġ*/ĊĊ":2791,"ope":2792,"Ġstat":2793,"UM":2794,"Ġload":2795,"ights":2796,"Ġclear":2797,"uro":2798,"Ġtechn":2799,"upport":2800,"IR":2801,"Ġrow":2802,"Ġseem":2803,"Ġq":2804,"Ġshort":2805,"ĠNot":2806,"ipp":2807,"Group":2808,"section":2809,"max":2810,"irl":2811,"Ġoverride":2812,"Ġcompany":2813,"Ġdone":2814,"\");čĊ":2815,"Ġgre":2816,".Re":2817,"Ġbelie":2818,"rist":2819,"Ġhealth":2820,"ANT":2821,"()ĊĊ":2822,"ĠBe":2823,".value":2824,"ĠGr":2825,"ottom":2826,"Ġargs":2827,"PT":2828,"status":2829,"func":2830,"uments":2831,"-h":2832,"Number":2833,":čĊ":2834,"ĠLog":2835,"erver":2836,"Ġ),Ċ":2837,"ament":2838,"Ġobj":2839,"inc":2840,"Ġchildren":2841,"icy":2842,"IZ":2843,"ands":2844,"ably":2845,"Ġdistrib":2846,"Ġcur":2847,"erial":2848,"Ġdays":2849,"reated":2850,"rect":2851,"-l":2852,"irm":2853,"idden":2854,"omb":2855,"Ġinitial":2856,".js":2857,"Ġâ":2858,"Query":2859,"Ġonline":2860,"imal":2861,".con":2862,"au":2863,"Url":2864,"control":2865,"irection":2866,"Ġinstance":2867,"ORT":2868,"ĠFr":2869,"where":2870,"Ġjavax":2871,"Ġorgan":2872,"apter":2873,"Ġreason":2874,"options":2875,"ĠMar":2876,"(a":2877,"Ġwithin":2878,".âĢĿĊĊ":2879,"ODE":2880,"_DE":2881,"admin":2882,"ended":2883,"Ġdesign":2884,"ĠData":2885,"une":2886,"ĠFile":2887,"root":2888,"Ġcent":2889,"Ġarr":2890,"_add":2891,"len":2892,"page":2893,",'":2894,"_str":2895,"Ġbro":2896,"ability":2897,"outh":2898,"/c":2899,"pose":2900,"irtual":2901,"earch":2902,"_url":2903,"argin":2904,"Http":2905,"Ġschool":2906,"ava":2907,"Ġconsider":2908,".label":2909,"ĠArray":2910,"web":2911,"opt":2912,".println":2913,"ulation":2914,"Ġfunc":2915,"PL":2916,"Ġ\"\\":2917,"ĠText":2918,"actory":2919,"(function":2920,"null":2921,"Ġeng":2922,"down":2923,"Ġinclude":2924,"ĠEn":2925,"ĠDr":2926,"Ġdb":2927,"!!":2928,"side":2929,"Ġinit":2930,"quired":2931,"ĠShe":2932,"Column":2933,"react":2934,"Ġann":2935,"Ġstop":2936,"Ġlater":2937,"ĠThat":2938,"ention":2939,"df":2940,"UG":2941,"ILE":2942,"Ġclient":2943,"raft":2944,"ffer":2945,"POST":2946,"elper":2947,"Ġlove":2948,"quote":2949,"oud":2950,"Ġjson":2951,"Ġable":2952,"Ġmen":2953,"AX":2954,"ĠCopyright":2955,"ö":2956,"avig":2957,"req":2958,"Client":2959,"});Ċ":2960,".Com":2961,"erc":2962,"ilt":2963,"pecial":2964,"_com":2965,"room":2966,".Name":2967,"Ġgive":2968,"amb":2969,"ike":2970,"Ġcondition":2971,"client":2972,"ators":2973,":\"":2974,"Ġcopy":2975,"uture":2976,"iversity":2977,"ernal":2978,"{{":2979,"ĠCan":2980,"ounc":2981,"do":2982,"Ġocc":2983,"Ġappro":2984,"thers":2985,"ze":2986,"Ġeither":2987,"ĠFl":2988,"Ġimportant":2989,"Ġlead":2990,"attr":2991,"ART":2992,"Equal":2993,"Ġda":2994,"etch":2995,"entity":2996,"Ġfamily":2997,"adding":2998,"Ġoption":2999,"Ġexist":3000,"ica":3001,"ĠObject":3002,"'ve":3003,"vers":3004,"itional":3005,"output":3006,"ĠTrue":3007,"ĠOF":3008,"_time":3009,"Ġoffer":3010,"Ġ});ĊĊ":3011,"HER":3012,"egin":3013,"\"\"":3014,"Ġwater":3015,"Ġche":3016,"ĠMy":3017,"ored":3018,"Ġstep":3019,"ances":3020,"CK":3021,"AY":3022,"à¸":3023,"struction":3024,"(C":3025,"ouch":3026,"Stream":3027,"active":3028,"ama":3029,"Entity":3030,"product":3031,"(){Ċ":3032,"Ġgovernment":3033,"ĠID":3034,"ajor":3035,"And":3036,"Ġdisplay":3037,"л":3038,"Ġtimes":3039,"Ġfour":3040,"Ġfar":3041,"Ġpresent":3042,"ĠNS":3043,"Ġ\\Ċ":3044,"uest":3045,"Ġbas":3046,"echo":3047,"child":3048,"ifier":3049,"Handler":3050,"Ġlib":3051,"Property":3052,"translation":3053,"Ġroom":3054,"Ġonce":3055,"Ġ[]":3056,"center":3057,"================================":3058,"Ġresults":3059,"Ġcontinue":3060,"Ġtalk":3061,"_get":3062,"Ġgrow":3063,".sw":3064,"eb":3065,"ĠPublic":3066,"OP":3067,"ecute":3068,"ols":3069,"Ġ**":3070,"\");ĊĊ":3071,"Ġmass":3072,"ured":3073,".class":3074,"omic":3075,"Ġmean":3076,"ips":3077,"Ġaut":3078,");čĊčĊ":3079,"Ġuntil":3080,"Ġmarket":3081,"Ġarea":3082,"uit":3083,"Ġlength":3084,"ĠWith":3085,"structor":3086,"event":3087,"\"><":3088,"ĠSp":3089,"IV":3090,"Ġmus":3091,"iff":3092,"Ġkind":3093,"author":3094,"ounds":3095,"mb":3096,"_key":3097,"width":3098,"pository":3099,"Ġlight":3100,"uk":3101,"Row":3102,"ohn":3103,"alf":3104,"vironment":3105,"apper":3106,"ollections":3107,"Ġside":3108,"_info":3109,"Ġexample":3110,"imary":3111,"Ġwr":3112,"Ġcamp":3113,"cribe":3114,"\"/":3115,"Ġmiss":3116,"way":3117,"Ġbased":3118,"Ġplan":3119,"Vis":3120,"omain":3121,"unk":3122,"Ġaway":3123,"UP":3124,"":3370,"Ġden":3371,"obile":3372,"change":3373,"ĠĠĠĠĠĠĠĠĠĠĠĠĊ":3374,"ici":3375,"na":3376,"ĠForm":3377,"Ġsort":3378,"Select":3379,"pare":3380,"Ġthought":3381,"_con":3382,"Ġtask":3383,"ocus":3384,"ĠDE":3385,"ĠMin":3386,"Ġopt":3387,"ĉbreak":3388,"umer":3389,"KE":3390,"then":3391,"Ġdet":3392,"ĠTest":3393,"ports":3394,"Ġreview":3395,"('/":3396,"move":3397,"Ġswitch":3398,"ERT":3399,"patch":3400,"annot":3401,"ãĤ":3402,"Ġabove":3403,"itive":3404,"Ġquestion":3405,"ĠQu":3406,"ãĢĤĊĊ":3407,"gle":3408,"Ġword":3409,"Ġprovide":3410,"ĠReturn":3411,"Ġresearch":3412,"ão":3413,"ustr":3414,"Ġpublish":3415,"chema":3416,"}}":3417,"ĠCON":3418,"-in":3419,"allback":3420,"Ġcover":3421,"\\\\":3422,"color":3423,"ĠIS":3424,"Ġwhether":3425,"imate":3426,"isc":3427,"Bar":3428,"Ġdiv":3429,"Be":3430,"ourn":3431,"Ġhaving":3432,"lem":3433,"player":3434,"abs":3435,"amera":3436,"ney":3437,"Ġexc":3438,"gether":3439,"plied":3440,"ao":3441,"[$":3442,"Ġ++":3443,"ipe":3444,"show":3445,"/d":3446,"[:":3447,"agement":3448,"lev":3449,"_ID":3450,"rary":3451,"ades":3452,"_se":3453,"ause":3454,"Ġemploy":3455,"Ġ*/čĊ":3456,"Ġfre":3457,"Ġ'@":3458,"Ġcomplet":3459,"Ġlarge":3460,"ral":3461,"\\x":3462,"Ġfac":3463,">":3578,"Ġface":3579,"CTION":3580,"Ġsave":3581,"Ġtyp":3582,"dev":3583,"(\"#":3584,"AGE":3585,"container":3586,"edit":3587,"QL":3588,"Ġitems":3589,"Ġsocial":3590,"ien":3591,"ĠReact":3592,").ĊĊ":3593,"Ġmar":3594,"Ġredu":3595,"ĠRE":3596,".put":3597,"Ġmajor":3598,"Cell":3599,"next":3600,"Ġexpected":3601,"Ġyet":3602,"Ġindiv":3603,"tributes":3604,"atis":3605,"amed":3606,"Ġfood":3607,"Source":3608,"(string":3609,"Ġ+Ċ":3610,"ites":3611,"dr":3612,"Ġmembers":3613,"Ġcomb":3614,"items":3615,"ĠPer":3616,"TH":3617,"=True":3618,"Ġbar":3619,"_SE":3620,"comm":3621,"(w":3622,")ĊĊĊ":3623,"Ġsend":3624,"Ġinc":3625,"unsigned":3626,"FA":3627,"Ġparams":3628,"apping":3629,"ros":3630,"ugin":3631,"fa":3632,"Ġconnection":3633,"Ġ};ĊĊ":3634,"Ġbecome":3635,"Mode":3636,"Ġev":3637,"Ġdiff":3638,"ĠUnited":3639,"Height":3640,"fully":3641,"images":3642,"Ġmakes":3643,"Ġglobal":3644,"Ġcontact":3645,"':Ċ":3646,"Ġabs":3647,"аÐ":3648,"float":3649,"Ġexcept":3650,"ĠPol":3651,"Child":3652,"typ":3653,"Ġcertain":3654,"ión":3655,"OUT":3656,"Ġimpro":3657,"iles":3658,"Ġ-->Ċ":3659,"ĠPart":3660,"values":3661,"oss":3662,"/**":3663,"ilit":3664,"ĠEvent":3665,"curity":3666,"ster":3667,"Ġcharacter":3668,"Ġnews":3669,"Ġ\",":3670,"Ġdevice":3671,"cel":3672,"login":3673,"heet":3674,"Default":3675,"@\"":3676,"ĉĠ":3677,"click":3678,"(value":3679,"ĠAb":3680,"Ġprevious":3681,"ERROR":3682,"ocal":3683,"Ġmaterial":3684,"Ġbelow":3685,"ĠChrist":3686,"Ġmedia":3687,"cover":3688,"ĠUI":3689,"Ġfail":3690,"Ġblack":3691,"Ġcomponent":3692,"ĠAmerican":3693,"Ġadded":3694,"Ġbuy":3695,"stit":3696,"Ġcame":3697,"Ġdelete":3698,"property":3699,"oding":3700,"Ġcard":3701,"rops":3702,"Ġhttps":3703,"Ġroot":3704,"Ġhandle":3705,"CC":3706,"Back":3707,"emplate":3708,"Ġgetting":3709,"_by":3710,"mail":3711,"_sh":3712,".assert":3713,"ĠDec":3714,"(true":3715,"Ġcomput":3716,"Ġclaim":3717,"'=>":3718,"ĠSub":3719,"Ġair":3720,"ops":3721,"nav":3722,"ements":3723,"(id":3724,"Ġenter":3725,"anged":3726,"End":3727,"Ġlocation":3728,"Ġnight":3729,"Ġdoing":3730,"ĠRed":3731,"lin":3732,"}ĊĊĊ":3733,"vider":3734,"Ġpick":3735,"Ġwatch":3736,"essages":3737,"Ġhuman":3738,"Ġdam":3739,"pend":3740,"dir":3741,"Ġtax":3742,"Ġgirl":3743,"reet":3744,"Ġbox":3745,"Ġstrong":3746,"(v":3747,"rel":3748,"Ġinterface":3749,"Ġmsg":3750,"fect":3751,"_at":3752,"Ġhouse":3753,"Ġtrack":3754,"');ĊĊ":3755,"je":3756,"ĠJohn":3757,"istr":3758,"(S":3759,"ube":3760,"Ġce":3761,"itted":3762,"VER":3763,"*)":3764,"parent":3765,"Ġapplication":3766,"any":3767,".swing":3768,"Ġpack":3769,"\\u":3770,"Ġpract":3771,"Ġsection":3772,"ctx":3773,"Ġunsigned":3774,".Point":3775,"ĠOne":3776,"ı":3777,"iple":3778,"aid":3779,"Ñĥ":3780,"Vector":3781,"byte":3782,"Ġwait":3783,"ĠÃł":3784,"Ã¥":3785,"Ġtogether":3786,"Ġthrows":3787,"FO":3788,"'))":3789,"host":3790,"ising":3791,".view":3792,"Ġterms":3793,"framework":3794,"-r":3795,"Ġapply":3796,"Ġsession":3797,"Options":3798,"uggest":3799,"Ġothers":3800,"witter":3801,"Ġfund":3802,"Init":3803,"__(":3804,"ensor":3805,"GET":3806,"Ġseveral":3807,"ii":3808,"[j":3809,"IO":3810,"Ġtemplate":3811,"Position":3812,"Ġecon":3813,"achine":3814,"Ġil":3815,".spring":3816,"main":3817,"elt":3818,"iment":3819,"Rec":3820,"mm":3821,"ĠUniversity":3822,"ursor":3823,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":3824,"GL":3825,"icture":3826,"ithub":3827,"cer":3828,"cast":3829,"From":3830,"ales":3831,"Ġsubject":3832,"password":3833,"ny":3834,"Ġesc":3835,".write":3836,"ï¼Į":3837,"What":3838,".H":3839,"Ġhistory":3840,"ĠFe":3841,"Ġindividual":3842,"unit":3843,"Ġ-->":3844,"Ġdu":3845,"IST":3846,"Ġusers":3847,"fs":3848,"false":3849,"unt":3850,"Title":3851,"Ġmot":3852,"Ġfuture":3853,"ached":3854,"Ġstarted":3855,"Ġmode":3856,"Ġ'<":3857,"_array":3858,"Ġax":3859,"'];Ċ":3860,"ires":3861,"There":3862,"ught":3863,"tml":3864,"posed":3865,"icult":3866,"Ġtook":3867,"Ġgames":3868,"Ġ}}":3869,"Ġ?>Ċ":3870,"Ġproducts":3871,"Is":3872,"Ġbad":3873,"ĠDes":3874,".path":3875,"'ĊĊ":3876,"ĠPost":3877,"avel":3878,"(:":3879,"Ġneeds":3880,"Ġknown":3881,"Fl":3882,"Ġexec":3883,"Ġseen":3884,"ume":3885,"Ġborder":3886,"Ġlive":3887,"temp":3888,"Per":3889,"Ġvariable":3890,"iet":3891,"ĠDef":3892,"Ġge":3893,"eme":3894,"_back":3895,"first":3896,"Ġprovided":3897,"////////////////////////////////":3898,"Ġfilename":3899,"Ġhope":3900,"uly":3901,"auto":3902,"find":3903,"_string":3904,"btn":3905,"itude":3906,"Attribute":3907,"Ġyoung":3908,".txt":3909,"Ġwebsite":3910,"ĠProp":3911,"Ġey":3912,">();Ċ":3913,"ional":3914,"ARR":3915,"ictionary":3916,"urther":3917,".":3997,"tx":3998,"Ġpur":3999,"uel":4000,"ymbol":4001,"uation":4002,"anger":4003,"Ġbackground":4004,"ecess":4005,"efined":4006,"........":4007,"Ġdescription":4008,"Ġrepresent":4009,"\"));Ċ":4010,"pression":4011,"rowser":4012,"Ġseries":4013,"wards":4014,"($_":4015,"aise":4016,"Ġhot":4017,"acity":4018,"ries":4019,"actions":4020,"Create":4021,"adio":4022,"amples":4023,"Ġoriginal":4024,"ensive":4025,"font":4026,"stream":4027,"using":4028,".springframework":4029,"server":4030,"Ġbill":4031,"ACK":4032,"ilename":4033,"Ġframe":4034,"Ġ=Ċ":4035,"Edit":4036,"adius":4037,"Ġdraw":4038,"anks":4039,"Ġdeter":4040,"Ġcomes":4041,"_int":4042,"Ġforeach":4043,"angle":4044,"Ġelect":4045,"pected":4046,"Header":4047,"istration":4048,"False":4049,"ĠGame":4050,"Ġfilter":4051,"Activity":4052,"Ġlarg":4053,"inition":4054,"Ġ\"<":4055,"ised":4056,"Ġremove":4057,"ĠTrans":4058,"met":4059,"see":4060,"Format":4061,"Command":4062,"ĠEX":4063,"None":4064,"Ġfront":4065,"ASE":4066,"ĠRec":4067,"oundation":4068,"Ġvo":4069,"=\\\"":4070,"(*":4071,"Change":4072,".Write":4073,"group":4074,"ients":4075,"uy":4076,"****************************************************************":4077,"Ġdig":4078,"hr":4079,"(-":4080,"Ġgen":4081,"number":4082,"vec":4083,"urope":4084,"entry":4085,"LL":4086,"Ġste":4087,"Valid":4088,"'],":4089,"_param":4090,"Ġselected":4091,"Ġaccording":4092,"ĠDis":4093,"Ġutil":4094,"Buffer":4095,"_error":4096,"Ġassoci":4097,"_SIZE":4098,"Ġwor":4099,"Ġprintf":4100,"rag":4101,"Âł":4102,"DD":4103,"ĠVal":4104,"Ġactiv":4105,"Eng":4106,"etime":4107,"Ġvirtual":4108,"aign":4109,"aur":4110,"ĠPres":4111,"ĠException":4112,"Ġanything":4113,"ĠOff":4114,"Ġhours":4115,"Ġwar":4116,"Args":4117,"aging":4118,"Ġmodels":4119,"ĠTime":4120,"Ob":4121,"ams":4122,"joy":4123,"Ġearly":4124,".read":4125,"Ġcenter":4126,"ĠInitial":4127,"Ġlanguage":4128,"length":4129,"xy":4130,"Ġsn":4131,"Ġinf":4132,"Post":4133,"Ġago":4134,"Ġeasy":4135,"_code":4136,"ĠANY":4137,"_ch":4138,"Ġdownload":4139,"(T":4140,"aved":4141,"âĢĵ":4142,"Ġstudents":4143,"Ġfig":4144,"light":4145,"xx":4146,"Ġbuffer":4147,"ĠDep":4148,"ĠMath":4149,"ITH":4150,"Ġvari":4151,"Ġdue":4152,"Factory":4153,"Ġpor":4154,"Ġep":4155,"otype":4156,"Ġcannot":4157,"Ġwhite":4158,"čĊ":4424,".annot":4425,"Ġcollection":4426,"'.":4427,"Ġsimilar":4428,"Ġtaken":4429,"(\"%":4430,"Order":4431,"']Ċ":4432,"-md":4433,"ĠTH":4434,"aced":4435,"Ġisn":4436,"/j":4437,"Ġson":4438,"graph":4439,"ĠInteger":4440,"Ġnecess":4441,"reen":4442,"Ġum":4443,"Ġ\\<":4444,"Ġmoment":4445,"Ġbring":4446,"Ġindic":4447,"ysis":4448,"Level":4449,"verse":4450,"urrenc":4451,"_test":4452,"Ġentire":4453,"Down":4454,"Ġ}ĊĊĊ":4455,"(result":4456,"ĠRead":4457,"è":4458,"Mod":4459,"Ġtrying":4460,"\"),Ċ":4461,"Ġmember":4462,"ĠCor":4463,"ODO":4464,"-control":4465,"untime":4466,"ĠSim":4467,"Dialog":4468,"plot":4469,"_on":4470,"Ġphys":4471,"}/":4472,"Ġnamespace":4473,"ĉčĊ":4474,"acc":4475,"Player":4476,"ARE":4477,"Ġfoot":4478,"Ġboard":4479,"part":4480,"Ġsus":4481,"wise":4482,"ĠMc":4483,"Ġpush":4484,"ATA":4485,"Ġplease":4486,"ried":4487,"weet":4488,"bit":4489,"ided":4490,"VE":4491,"ĠSw":4492,"UB":4493,"Ġtypes":4494,"edia":4495,"Ġclos":4496,"acebook":4497,"When":4498,"Ġedit":4499,"igger":4500,"Ġenerg":4501,"Container":4502,"Ġphot":4503,"ĠCount":4504,"ĠEurope":4505,".Is":4506,"ĠRuss":4507,"peed":4508,"ĠStr":4509,"Ġpy":4510,"Ġcult":4511,"Ġdefined":4512,"ccount":4513,"Ġobt":4514,".Location":4515,"Ġthread":4516,"ille":4517,"Ġinstead":4518,"strong":4519,"ĠSec":4520,"URE":4521,"Ġidea":4522,".se":4523,"emy":4524,"selected":4525,"Connection":4526,"acing":4527,"thread":4528,".next":4529,"Ġcoll":4530,"Ġfilm":4531,"istic":4532,"Ġcompet":4533,"Ġconn":4534,"though":4535,"Ġcompan":4536,"ocket":4537,"Ġteach":4538,"=(":4539,"Ġphone":4540,"Ġactive":4541,"delete":4542,"tries":4543,"Ġmo":4544,"Ġdeath":4545,"});ĊĊ":4546,"ocol":4547,"Widget":4548,"Ġarticle":4549,"rodu":4550,"andid":4551,"Ñĭ":4552,"ĠCr":4553,"ka":4554,"():":4555,"lood":4556,"ĉĉĉĊ":4557,"Ġalmost":4558,"Ġsell":4559,"ervlet":4560,"rip":4561,"Unit":4562,"Ġapplic":4563,"Ġconnect":4564,"Ġfeature":4565,"Ġvia":4566,"'),":4567,"Ġlim":4568,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":4569,"ĠGu":4570,"Engine":4571,"Ġens":4572,"Ġenvironment":4573,"block":4574,"HERE":4575,"NULL":4576,"gy":4577,"tag":4578,")).":4579,"exp":4580,"Ġcompl":4581,"Ġinstall":4582,"Ġcomplete":4583,"queue":4584,"atural":4585,"Ġgeneral":4586,"thon":4587,"Ġasked":4588,"ores":4589,"(res":4590,"Ġreserved":4591,"SP":4592,"Ġâ̦":4593,"ÅĤ":4594,"Ġsignific":4595,"Off":4596,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":4597,"ĠAg":4598,"ĠJust":4599,"ĠError":4600,"Ġinfl":4601,"adata":4602,"Ġicon":4603,"asks":4604,"''":4605,"_LO":4606,"?.":4607,"account":4608,"Ġ(*":4609,"')ĊĊ":4610,"rap":4611,"_var":4612,"ĠFOR":4613,"Ġparty":4614,"ĠYour":4615,"cat":4616,"stry":4617,".new":4618,"boot":4619,"ĠNov":4620,"Ġvector":4621,"Ġnormal":4622,"Ġfurther":4623,"Repository":4624,"Ġdatabase":4625,"attle":4626,"Ġmusic":4627,"Ġspeed":4628,"Ġdoc":4629,"process":4630,"IGHT":4631,".parse":4632,"Ġtaking":4633,"Ġviol":4634,"ceed":4635,"ĠAfter":4636,"Ġforward":4637,"Ġcrit":4638,"\"/>Ċ":4639,"rot":4640,"Ġfailed":4641,"efore":4642,"Ġconcern":4643,"oe":4644,"ba":4645,"Ġsender":4646,"Ġterm":4647,"has":4648,"=\"#":4649,"Ġpotential":4650,"Num":4651,"Ġpublished":4652,".close":4653,"ĠImage":4654,"straint":4655,"UD":4656,"ĠOb":4657,"Ġprobably":4658,"lim":4659,"\":Ċ":4660,"olume":4661,"Ġconsum":4662,"ague":4663,"ensions":4664,"Ġinvestig":4665,"-year":4666,"');":4667,"-sm":4668,"Ġenjoy":4669,"orig":4670,"ering":4671,"cp":4672,"leased":4673,"plements":4674,"Ġreturns":4675,"pat":4676,"BO":4677,"ĠHouse":4678,".Label":4679,"Ġweight":4680,"ighb":4681,"Ġconditions":4682,"Ġexception":4683,"description":4684,"Ġtrad":4685,"-to":4686,"Ġ{}":4687,"Ġmodule":4688,"END":4689,".ap":4690,".props":4691,"Ġconstructor":4692,"aves":4693,"Ġfavor":4694,"ĠNow":4695,";i":4696,"ĠMain":4697,"_k":4698,"eries":4699,"âĢĻll":4700,"transform":4701,"imestamp":4702,"Pre":4703,"Ġmer":4704,".res":4705,"stant":4706,"Location":4707,"_NAME":4708,"Ġloss":4709,"ĠĊĊ":4710,"net":4711,"Ġengine":4712,"Block":4713,"Ġissues":4714,"Ġparse":4715,"ĠBar":4716,"Ġstay":4717,"ĠJSON":4718,"Ġdom":4719,"airs":4720,"wner":4721,"Ġlower":4722,"\",čĊ":4723,"ĠDem":4724,"ufact":4725,"Ġps":4726,"Ġperfect":4727,"RL":4728,"Ġeduc":4729,"ls":4730,"emory":4731,"ARRANT":4732,"uge":4733,"Ġexact":4734,".key":4735,"alled":4736,"ech":4737,"ief":4738,"\\/":4739,"oke":4740,"Ġformer":4741,"alloc":4742,"Ġsix":4743,"ida":4744,"Ġmargin":4745,"Ġheart":4746,"ald":4747,"pack":4748,".getElementById":4749,"ĠWARRANT":4750,"Ġrather":4751,"Ġbuilding":4752,"erman":4753,"lice":4754,"Ġquestions":4755,"izes":4756,"lege":4757,"irectory":4758,"Ġje":4759,"Ġcas":4760,"props":4761,"utf":4762,"Ġsecurity":4763,"Ġhowever":4764,"weight":4765,"Ġinside":4766,"Ġpresident":4767,"Char":4768,"ĠWITH":4769,".map":4770,"Ġgraph":4771,"Ġtag":4772,"_status":4773,"Ġattempt":4774,"opp":4775,"uses":4776,"ĉconst":4777,"Ġround":4778,",$":4779,"Ġfriends":4780,"Email":4781,"?>":4782,"Resource":4783,"KEY":4784,"osp":4785,".query":4786,"ĠNorth":4787,"ables":4788,"istrib":4789,"_class":4790,"ello":4791,"That":4792,"к":4793,"pecially":4794,"ĠPresident":4795,"Ġcampaign":4796,"Ġalt":4797,"area":4798,"Ġchall":4799,"Ġopport":4800,".Con":4801,"Ġenergy":4802,"like":4803,".string":4804,"ington":4805,")*":4806,"yy":4807,"Ġprofession":4808,"irth":4809,"Ġseg":4810,"æľ":4811,"Ġhor":4812,"iers":4813,"can":4814,"Ġbehind":4815,"Product":4816,"fg":4817,"ĠSk":4818,".jpg":4819,"?:":4820,"];ĊĊ":4821,"Ġcallback":4822,"ĠHttp":4823,"ÑĮ":4824,"long":4825,"MS":4826,"ATH":4827,"Ġraise":4828,"Ġwanted":4829,"rown":4830,"utor":4831,"lt":4832,"]=":4833,"eline":4834,"MA":4835,"Ġsepar":4836,"cs":4837,"semb":4838,"Dis":4839,"bserv":4840,"ĠWill":4841,"Ġpolicy":4842,"Ġthird":4843,"phone":4844,"Ġbed":4845,"/g":4846,".__":4847,"ĠInc":4848,"izing":4849,".remove":4850,"instance":4851,".type":4852,"Ġserv":4853,"Each":4854,"Ġhar":4855,"ĠMessage":4856,"(key":4857,"SELECT":4858,"Pos":4859,"));čĊ":4860,"Ġrecomm":4861,"Ġtraining":4862,"ĠEnt":4863,"ĠChar":4864,"icht":4865,"(file":4866,"Ġprior":4867,"Game":4868,"Ġexit":4869,"Params":4870,".core":4871,"PC":4872,"nes":4873,"anced":4874,"(request":4875,"Password":4876,"}>Ċ":4877,"Ġmag":4878,"Ġrelease":4879,"Ġshall":4880,"udent":4881,"ĠSouth":4882,"ando":4883,":'":4884,".TabIndex":4885,"sk":4886,"anner":4887,"isset":4888,"Ġoutside":4889,"ledge":4890,"Ġå":4891,"ĠRob":4892,"Ġimm":4893,"!Ċ":4894,"ĠWeb":4895,"Des":4896,"BC":4897,"ancial":4898,"Route":4899,"Dec":4900,"ferences":4901,"Ġpurch":4902,"ĠModel":4903,"ctor":4904,"gn":4905,"_start":4906,"_un":4907,".*":4908,"ises":4909,"Ġground":4910,"Ġunique":4911,"Ġbeaut":4912,"{\"":4913,"Ġpour":4914,"ĠOct":4915,"Ġtree":4916,"sets":4917,"_res":4918,"')->":4919,"_reg":4920,"(\"\\":4921,"Ġbyte":4922,"Bl":4923,"Ġdating":4924,"Ġmatter":4925,"ĠRem":4926,"Ġ'../":4927,"ĠAug":4928,"ĠLa":4929,"Ġ$(":4930,"ournal":4931,"iam":4932,"Ġshows":4933,"write":4934,"Ġball":4935,"Ġsimply":4936,"Ġfast":4937,"Ġmemory":4938,"ASS":4939,"ĠOf":4940,"oved":4941,"ante":4942,"aul":4943,"istry":4944,")));Ċ":4945,"Ġfit":4946,"_":5129,"\")ĊĊ":5130,"ox":5131,"application":5132,"Ġ]Ċ":5133,"ĊĊĊĊĊĊ":5134,"Ġsoon":5135,"ctions":5136,"inger":5137,"Ġjoin":5138,"ĠPe":5139,"Ġë":5140,"Ġlas":5141,".E":5142,"css":5143,"/or":5144,"ĠStart":5145,"ĠTO":5146,"Ġsubs":5147,"conn":5148,"components":5149,"DEBUG":5150,"quare":5151,"Function":5152,"endar":5153,".index":5154,"Ġfill":5155,"ÄĻ":5156,"Ġchoose":5157,"how":5158,"ĠAmerica":5159,"assets":5160,"------------":5161,"ĠValue":5162,"Ġoffice":5163,"Ġveh":5164,"Ġtransform":5165,"ĠArt":5166,"Ġinde":5167,"Ġfn":5168,"Ġimplements":5169,"ango":5170,"plete":5171,"+\"":5172,"tmp":5173,"amily":5174,"Ġhash":5175,"missions":5176,"EST":5177,"gt":5178,"Provider":5179,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":5180,"Ġflag":5181,"Ġparticip":5182,"den":5183,"ĠReturns":5184,"Ġnote":5185,"ür":5186,"pm":5187,"ideos":5188,"Ġspecified":5189,"ĠEN":5190,"ester":5191,"olid":5192,"Ġupon":5193,"(std":5194,"ĉv":5195,"Ġ'\\":5196,"uz":5197,"Ġvert":5198,"Ġvict":5199,"ĉself":5200,"Ġ\"$":5201,".k":5202,"Ġgroups":5203,"github":5204,"lang":5205,"Ġmut":5206,"TO":5207,"Ġve":5208,"ĠPlease":5209,";ĊĊĊ":5210,"access":5211,"Ġ{\"":5212,"rea":5213,"Ġrisk":5214,"icker":5215,"oggle":5216,"ĉwhile":5217,"ANG":5218,".send":5219,"Ġwoman":5220,"Ġgets":5221,"Ġign":5222,"ĠId":5223,"_log":5224,"ONE":5225,"Ġevid":5226,"ĠHar":5227,"_sub":5228,"Ġendl":5229,"Ġincluded":5230,"());ĊĊ":5231,"ĠAp":5232,"igr":5233,"Ġsem":5234,"ĠBlack":5235,"doc":5236,"_table":5237,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":5238,"-up":5239,"Ġcause":5240,"Ġ..":5241,"Ġvan":5242,"_dict":5243,"Ġfocus":5244,"IND":5245,"CESS":5246,".Log":5247,"Ġmultiple":5248,"ido":5249,"Ġregard":5250,"-M":5251,"andler":5252,"ourse":5253,"Ġdeg":5254,".U":5255,"Ġaddition":5256,"Ġvarious":5257,"Ġreceive":5258,"ен":5259,"ĠHT":5260,"Obj":5261,"DF":5262,"Ġincrease":5263,"ĠOpen":5264,"];":5265,"Ġcommit":5266,"?Ċ":5267,"ategories":5268,"atory":5269,"ship":5270,"ĠMich":5271,"Ġhtml":5272,"romise":5273,"Ġleave":5274,"Ġstrateg":5275,"aven":5276,"ĠConsole":5277,"known":5278,"-n":5279,"_LE":5280,".component":5281,"Ġbre":5282,"Session":5283,"iance":5284,"Ġalign":5285,"typedef":5286,"_result":5287,"ĠWHERE":5288,".split":5289,"Ġreading":5290,"FAULT":5291,"Ġclo":5292,"Ġnotice":5293,"_pr":5294,"arter":5295,"Ġlock":5296,"Ġstandard":5297,"etic":5298,"ellow":5299,"Ġpadding":5300,"ĠHis":5301,"Ġstates":5302,"_cast":5303,"(P":5304,"aa":5305,"Ġinternal":5306,"ean":5307,"ĠPRO":5308,"ĠKey":5309,"Ġespecially":5310,"ming":5311,"Ġcross":5312,"Ġnational":5313,"_object":5314,"filter":5315,"Ġscript":5316,".update":5317,"_i":5318,"ĠAssert":5319,"/core":5320,"%%%%":5321,"Ġproblems":5322,"istor":5323,"Ġ.=":5324,"Ġarch":5325,"Ġwritten":5326,"Ġmilit":5327,"MENT":5328,".ch":5329,"cape":5330,"ĠMus":5331,"_config":5332,"ĠAPI":5333,"foot":5334,"Ġimages":5335,"endl":5336,".In":5337,"First":5338,"Ġplatform":5339,".prot":5340,"Option":5341,"ste":5342,"ĠTODO":5343,"Ġforce":5344,".cont":5345,"ĉecho":5346,"ĠDav":5347,"Ptr":5348,"(B":5349,"RT":5350,"ĠBase":5351,"]['":5352,"Ġannounc":5353,"console":5354,"ĠPy":5355,"ds":5356,".as":5357,"Ġprevent":5358,"apan":5359,"Ġ{'":5360,"}'":5592,"Ġdead":5593,"VAL":5594,"QUE":5595,"************************************************************************":5596,"Ġcharg":5597,"Return":5598,"Ġful":5599,"dom":5600,"Ġrules":5601,"Ġmodify":5602,"Ġeval":5603,"ham":5604,"atement":5605,"\\<":5606,"ula":5607,"=False":5608,"RA":5609,"Ġcontains":5610,"Ġstack":5611,"mar":5612,"Ġ{}Ċ":5613,"Ġundefined":5614,"Ass":5615,"ĠChina":5616,"vey":5617,"*Ċ":5618,"Ġplaying":5619,")/":5620,"actor":5621,"Ġbottom":5622,"lier":5623,"ĠNumber":5624,"Ġcouple":5625,"DC":5626,"ĠSO":5627,"gor":5628,".setText":5629,"success":5630,"command":5631,"Filter":5632,"ĠOur":5633,"_item":5634,"Ġctx":5635,"Ġroad":5636,"Version":5637,"case":5638,"urt":5639,"avior":5640,"ych":5641,"sembly":5642,"ĠProduct":5643,"Ġheld":5644,"afe":5645,"Ġincludes":5646,"&":5789,"CON":5790,"Ġrepl":5791,"Ġregular":5792,"Storage":5793,"ramework":5794,"Ġgoal":5795,"Ġtouch":5796,".widget":5797,"Ġbuilt":5798,"des":5799,"Part":5800,"(re":5801,"Ġworth":5802,"hib":5803,"game":5804,"Ġв":5805,"acion":5806,"ĠWhite":5807,"(type":5808,"(`":5809,"Ġnatural":5810,"Ġinj":5811,"Ġcalcul":5812,"ĠApril":5813,".List":5814,"Ġassociated":5815,"ĉSystem":5816,"~~":5817,"=[":5818,"Ġstorage":5819,"Ġbytes":5820,"Ġtravel":5821,"Ġsou":5822,"Ġpassed":5823,"!=":5824,"ascript":5825,".open":5826,"Ġgrid":5827,"Ġbus":5828,"Ġrecogn":5829,"Ab":5830,"Ġhon":5831,"ĠCenter":5832,"Ġprec":5833,"build":5834,"HTML":5835,"ĠSan":5836,"Ġcountries":5837,"aled":5838,"token":5839,"kt":5840,"Ġqual":5841,"Last":5842,"adow":5843,"Ġmanufact":5844,"idad":5845,"jango":5846,"Next":5847,"xf":5848,".a":5849,"Ġporno":5850,"ĠPM":5851,"erve":5852,"iting":5853,"_th":5854,"ci":5855,"=None":5856,"gs":5857,"Ġlogin":5858,"atives":5859,"']);Ċ":5860,"Äħ":5861,"Ġill":5862,"IA":5863,"children":5864,"DO":5865,"Ġlevels":5866,"Ġ{{":5867,"Ġlooks":5868,"Ġ\"#":5869,"ToString":5870,"Ġnecessary":5871,"ĠĠĠĊ":5872,"cell":5873,"Entry":5874,"Ġ'#":5875,"Ġextrem":5876,"Selector":5877,"Ġplaceholder":5878,"Load":5879,"Ġreleased":5880,"ORE":5881,"Enumer":5882,"ĠTV":5883,"SET":5884,"inq":5885,"Press":5886,"ĠDepartment":5887,"Ġproperties":5888,"Ġrespond":5889,"Search":5890,"ael":5891,"Ġrequ":5892,"ĠBook":5893,"/Ċ":5894,"(st":5895,"Ġfinancial":5896,"icket":5897,"_input":5898,"Ġthreat":5899,"(in":5900,"Strip":5901,"ìĿ":5902,"ção":5903,"Ġevidence":5904,"));":5905,"ĠBro":5906,"Ġ[];Ċ":5907,"Ġou":5908,"buf":5909,"Script":5910,"dat":5911,"Ġrule":5912,"#import":5913,"=\"/":5914,"Serial":5915,"Ġstarting":5916,"[index":5917,"ae":5918,"Ġcontrib":5919,"session":5920,"_new":5921,"utable":5922,"ober":5923,"Ġ\"./":5924,"Ġlogger":5925,"Ġrecently":5926,"Ġreturned":5927,"ččĊ":5928,")))Ċ":5929,"itions":5930,"Ġseek":5931,"Ġcommunic":5932,"Ġ\".":5933,"Ġusername":5934,"ECT":5935,"DS":5936,"Ġotherwise":5937,"ĠGerman":5938,".aw":5939,"Adapter":5940,"ixel":5941,"Ġsystems":5942,"Ġdrop":5943,"Ġstructure":5944,"Ġ$(\"#":5945,"encies":5946,"anning":5947,"ĠLink":5948,"ĠResponse":5949,"Ġstri":5950,"ż":5951,"ĠDB":5952,"æĹ":5953,"android":5954,"submit":5955,"otion":5956,"(@":5957,".test":5958,"ĊĊĊĊĊĊĊĊ":5959,"];čĊ":5960,"Ġdirectly":5961,"Ġ\"%":5962,"ris":5963,"elta":5964,"AIL":5965,"){čĊ":5966,"mine":5967,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":5968,"(k":5969,"bon":5970,"asic":5971,"pite":5972,"___":5973,"Max":5974,"Ġerrors":5975,"ĠWhile":5976,"Ġarguments":5977,"Ġensure":5978,"Right":5979,"-based":5980,"Web":5981,"Ġ-=":5982,"Ġintrodu":5983,"ĠInst":5984,"ĠWash":5985,"ordin":5986,"join":5987,"Database":5988,"Ġgrad":5989,"Ġusually":5990,"ITE":5991,"Props":5992,"?>Ċ":5993,"ĠGo":5994,"@Override":5995,"REF":5996,"Ġip":5997,"ĠAustral":5998,"Ġist":5999,"ViewById":6000,"Ġserious":6001,"Ġcustomer":6002,".prototype":6003,"odo":6004,"cor":6005,"Ġdoor":6006,"ĠWITHOUT":6007,"Ġplant":6008,"Ġbegan":6009,"Ġdistance":6010,"()).":6011,"Ġchance":6012,"Ġord":6013,"came":6014,"pragma":6015,"Ġprotect":6016,"ragment":6017,"ĠNode":6018,"ening":6019,"Ñĩ":6020,"Ġroute":6021,"ĠSchool":6022,"hi":6023,"Ġneighb":6024,"After":6025,"licit":6026,"Ġcontr":6027,"Ġprimary":6028,"AA":6029,".WriteLine":6030,"utils":6031,"Ġbi":6032,"Red":6033,".Linq":6034,".object":6035,"Ġleaders":6036,"unities":6037,"Ġgun":6038,"onth":6039,"ĠDev":6040,"FILE":6041,"Ġcomments":6042,"_len":6043,"arrow":6044,"amount":6045,"Range":6046,"sert":6047,"GridView":6048,"Ġupdated":6049,"ĠMo":6050,"Ġinform":6051,"ociety":6052,"ala":6053,"Access":6054,"Ġhab":6055,"Ġcreat":6056,"_arg":6057,"ĠJanuary":6058,"ĠDay":6059,"\")čĊ":6060,"uple":6061,"document":6062,"gorith":6063,"menu":6064,"ĠOver":6065,"bb":6066,".title":6067,"_out":6068,"Ġled":6069,"uri":6070,"Ġ?>Ċ":6107,"run":6108,"Ġscene":6109,"(array":6110,"device":6111,"_title":6112,"agon":6113,"]čĊ":6114,"aby":6115,"Ġbecame":6116,"boolean":6117,"Ġpark":6118,"ĠCode":6119,"upload":6120,"riday":6121,"ĠSeptember":6122,"Fe":6123,"Ġsen":6124,"cing":6125,"FL":6126,"Col":6127,"uts":6128,"_page":6129,"inn":6130,"Ġimplied":6131,"aling":6132,"Ġyourself":6133,".Count":6134,"conf":6135,"Ġaud":6136,"_init":6137,".)":6138,"Ġwrote":6139,"NG":6140,".Error":6141,"ä»":6142,".for":6143,"Ġequal":6144,"ĠRequest":6145,"Ġserial":6146,"Ġallows":6147,"XX":6148,"Ġmiddle":6149,"chor":6150,"ø":6151,"erval":6152,".Column":6153,"reading":6154,"Ġescort":6155,"ĠAugust":6156,"Ġquickly":6157,"Ġweap":6158,"ĠCG":6159,"ropri":6160,"ho":6161,"Ġcop":6162,"(struct":6163,"ĠBig":6164,"Ġvs":6165,"Ġfrequ":6166,".Value":6167,"Ġactions":6168,"Ġproper":6169,"Ġinn":6170,"Ġobjects":6171,"Ġmatrix":6172,"avascript":6173,"Ġones":6174,".group":6175,"Ġgreen":6176,"Ġpaint":6177,"ools":6178,"ycl":6179,"encode":6180,"olt":6181,"comment":6182,".api":6183,"Dir":6184,"Ġune":6185,"izont":6186,".position":6187,"Ġdesigned":6188,"_val":6189,"avi":6190,"iring":6191,"tab":6192,"Ġlayer":6193,"Ġviews":6194,"Ġreve":6195,"rael":6196,"ĠON":6197,"rics":6198,"np":6199,"Ġcore":6200,"());čĊ":6201,"Main":6202,"Ġexpert":6203,"ĉĉčĊ":6204,"_en":6205,"Ġ/>":6206,"utter":6207,"IAL":6208,"ails":6209,"ĠKing":6210,"*/ĊĊ":6211,"ĠMet":6212,"_end":6213,"addr":6214,"ora":6215,"Ġir":6216,"Min":6217,"Ġsurpr":6218,"Ġrepe":6219,"Ġdirectory":6220,"PUT":6221,"-S":6222,"Ġelection":6223,"haps":6224,".pre":6225,"cm":6226,"Values":6227,"Ġ\"Ċ":6228,"column":6229,"ivil":6230,"Login":6231,"inue":6232,"Ġbeautiful":6233,"Ġsecret":6234,"(event":6235,"Ġchat":6236,"ums":6237,"Ġorigin":6238,"Ġeffects":6239,"Ġmanagement":6240,"illa":6241,"tk":6242,"Ġsetting":6243,"ĠCour":6244,"Ġmassage":6245,"ĉend":6246,"Ġhappy":6247,"Ġfinish":6248,"Ġcamera":6249,"ĠVer":6250,"ĠDemocr":6251,"ĠHer":6252,"(Q":6253,"cons":6254,"ita":6255,"Ġ'.":6256,"{}":6257,"ĉC":6258,"Ġstuff":6259,"Ġ:Ċ":6260,"ĠAR":6261,"Task":6262,"hidden":6263,"eros":6264,"IGN":6265,"atio":6266,"ĠHealth":6267,"olute":6268,"Enter":6269,"'>":6270,"ĠTwitter":6271,"ĠCounty":6272,"scribe":6273,"Ġ=>Ċ":6274,"Ġhy":6275,"fit":6276,"Ġmilitary":6277,"Ġsale":6278,"required":6279,"non":6280,"bootstrap":6281,"hold":6282,"rim":6283,"-old":6284,"ĠDown":6285,"Ġmention":6286,"contact":6287,"_group":6288,"oday":6289,"Ġtown":6290,"Ġsolution":6291,"uate":6292,"elling":6293,"]->":6294,"otes":6295,"ental":6296,"omen":6297,"ospital":6298,"ĠSup":6299,"_EN":6300,"Ġslow":6301,"SESSION":6302,"Ġblue":6303,"ago":6304,"Ġlives":6305,"Ġ^":6306,".un":6307,"inst":6308,"enge":6309,"Ġcustomers":6310,"Ġcast":6311,"udget":6312,"ï¼ģ":6313,"icens":6314,"Ġdetermin":6315,"Selected":6316,"_pl":6317,"ueue":6318,"Ġdark":6319,"//ĊĊ":6320,"si":6321,"thern":6322,"ĠJapan":6323,"/w":6324,"PU":6325,"ĠEast":6326,"ovie":6327,"Ġpackage":6328,"Ġnor":6329,"Ġapi":6330,"bot":6331,"\"];Ċ":6332,"_post":6333,"ulate":6334,"Ġclub":6335,"'));Ċ":6336,"Ġloop":6337,"PIO":6338,"ione":6339,"shot":6340,"Initial":6341,"Ġplayed":6342,"register":6343,"rought":6344,"_max":6345,"acement":6346,"match":6347,"raphics":6348,"AST":6349,"Ġexisting":6350,"Ġcomplex":6351,"DA":6352,".Ch":6353,".common":6354,"mo":6355,"Ġ'../../":6356,"ito":6357,"Ġanalysis":6358,"Ġdeliver":6359,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ":6360,"idx":6361,"Ãł":6362,"ongo":6363,"ĠEnglish":6364,"Ċ":9992,"_default":9993,"ĠDatabase":9994,"rep":9995,"ESS":9996,"nergy":9997,".Find":9998,"_mask":9999,"Ġrise":10000,"Ġkernel":10001,"::$":10002,".Q":10003,"Ġoffering":10004,"decl":10005,"ĠCS":10006,"Ġlisted":10007,"Ġmostly":10008,"enger":10009,"Ġblocks":10010,"olo":10011,"Ġgoverning":10012,"\\F":10013,"Ġconcent":10014,".getText":10015,"Ġmb":10016,"Ġoccurred":10017,"Ġchanging":10018,"Scene":10019,"_CODE":10020,"Beh":10021,"\"The":10022,"Ġtile":10023,"ĠAssociation":10024,"ĉP":10025,"alty":10026,"_ad":10027,"odies":10028,"iated":10029,"Ġprepared":10030,"possible":10031,"Ġmort":10032,"TEST":10033,"Ġignore":10034,"Ġcalc":10035,"Ġrs":10036,"ĠassertEquals":10037,"Ġsz":10038,"ĠTHIS":10039,".\"Ċ":10040,"Ġcanvas":10041,"java":10042,"Ġdut":10043,"VALID":10044,".sql":10045,".input":10046,"Ġaux":10047,"Sup":10048,"Ġartist":10049,"Vec":10050,"_TIME":10051,".stringify":10052,"etween":10053,"ĠCategory":10054,"Ġ[-":10055,"ĠDevExpress":10056,"ĠJul":10057,"Ġring":10058,".ed":10059,"YY":10060,"Let":10061,"TextField":10062,"Ġflat":10063,"_print":10064,"ĠOTHER":10065,"adian":10066,"Ġchecked":10067,"ele":10068,"Align":10069,"standing":10070,"Ġ[],":10071,"Ġlab":10072,"ucky":10073,"ĠChristmas":10074,"(image":10075,".module":10076,"Ġlots":10077,"Ġslightly":10078,"(final":10079,"erge":10080,"è¿":10081,"ĠPolice":10082,"ĠRight":10083,"Ġaward":10084,"ĠOS":10085,"Ġ{}ĊĊ":10086,"Ġptr":10087,"oves":10088,"icated":10089,"ем":10090,"Ġmanage":10091,"oliday":10092,"Amount":10093,"oolStrip":10094,"tbody":10095,"Nav":10096,"wrap":10097,"BB":10098,"Ġwatching":10099,"arios":10100,"Ġoptional":10101,"_K":10102,"ĠLicensed":10103,".Map":10104,"Timer":10105,"ĠAP":10106,"ĠRev":10107,"(o":10108,",c":10109,"umin":10110,"etailed":10111,"ĠHy":10112,"Ġblank":10113,"agger":10114,"ĠSelf":10115,"()[":10116,".make":10117,"earn":10118,"channel":10119,";Ċ":10133,"World":10134,"Ġpython":10135,"Ġlif":10136,"Ġtrav":10137,"Ġconven":10138,"company":10139,"ĠClub":10140,"Ver":10141,"Btn":10142,"Ġzone":10143,"products":10144,"ĠEduc":10145,"Ġverify":10146,"ĠMil":10147,"ono":10148,"]);ĊĊ":10149,"ENCE":10150,"Ġpacket":10151,"Ġcer":10152,"Ġenumer":10153,"Ġpars":10154,"formed":10155,"Ġoccup":10156,"tre":10157,"Ġexercise":10158,"Day":10159,"_sum":10160,"Ġasking":10161,"aption":10162,"Ġorders":10163,"Ġspending":10164,"ĠERR":10165,".Dis":10166,"ĠUtil":10167,"âĢľI":10168,"\\'":10169,"?)":10170,"/>Ċ":10171,"Ġemot":10172,"Ġinfluence":10173,"ĠAfrica":10174,"atters":10175,"Ùħ":10176,".session":10177,"Ġchief":10178,"ĉĉĉĉĉĉĉĉĉĉĉ":10179,"Ġtom":10180,"cluded":10181,"serial":10182,"_handler":10183,".Type":10184,"aped":10185,"Ġpolicies":10186,"-ex":10187,"-tr":10188,"blank":10189,"merce":10190,"Ġcoverage":10191,"Ġrc":10192,"_matrix":10193,"_box":10194,"Ġcharges":10195,"ĠBoston":10196,"Pe":10197,"Ġcircum":10198,"Ġfilled":10199,"Ġnorth":10200,"ictureBox":10201,"ĉres":10202,"è®":10203,"Ġtermin":10204,"Ġ[â̦":10205,"IRECT":10206,"Ġber":10207,"Ġ\"../../":10208,"retch":10209,".code":10210,"_col":10211,"ĠGovernment":10212,"Ġargv":10213,"ĠLord":10214,"asi":10215,"Exec":10216,"ĉlet":10217,"vertis":10218,"Ġdiscussion":10219,"enance":10220,"outube":10221,"typeof":10222,"Ġserved":10223,"ĠPut":10224,"ĉx":10225,"Ġsweet":10226,"Before":10227,"ategy":10228,".of":10229,"ĠMaterial":10230,"Sort":10231,"ONT":10232,"igital":10233,"Why":10234,"Ġsust":10235,"Ġç":10236,"abet":10237,"Ġsegment":10238,"Ġ[],Ċ":10239,"ĠMuslim":10240,"ĠfindViewById":10241,"cut":10242,"_TEXT":10243,"ĠMary":10244,"Ġloved":10245,"Ġlie":10246,"ĠJO":10247,"Ġisset":10248,"month":10249,"Ġprime":10250,"ti":10251,"ĠCarol":10252,"Use":10253,"ĠPop":10254,"ĠSave":10255,"Interval":10256,"execute":10257,"dy":10258,"ĠIran":10259,"_cont":10260,"ĉT":10261,"Ġphase":10262,"checkbox":10263,"week":10264,"Ġhide":10265,"Ġtil":10266,"Ġju":10267,"Custom":10268,"burg":10269,"/M":10270,"TON":10271,"Ġquant":10272,"Ġrub":10273,"ixels":10274,"Ġinstalled":10275,"Ġdump":10276,"Ġproperly":10277,"(List":10278,"Ġdecide":10279,"apply":10280,"Has":10281,"Ġkeeping":10282,"Ġcitizens":10283,"Ġjoint":10284,"pool":10285,"Socket":10286,"_op":10287,"Ġweapon":10288,"gnore":10289,"ĠExec":10290,"otten":10291,"ĠMS":10292,"Ġ(-":10293,"ĠReview":10294,"Ġexamples":10295,"Ġtight":10296,"!(":10297,"DP":10298,"ĠMessageBox":10299,"Ġphotograph":10300,"URI":10301,"ét":10302,"low":10303,"ĠGrand":10304,".persistence":10305,"Ġmaintain":10306,"Ġnums":10307,"Ġzip":10308,"ials":10309,"ĠGets":10310,"peg":10311,"ĠBuffer":10312,"~~~~":10313,"rastructure":10314,"ĠPL":10315,"uen":10316,"obby":10317,"sizeof":10318,"Ġpic":10319,"Ġseed":10320,"Ġexperienced":10321,"Ġodd":10322,"Ġkick":10323,"Ġprocedure":10324,"avigator":10325,"-on":10326,",j":10327,"ĠAlthough":10328,"ĠuserId":10329,"accept":10330,"Blue":10331,"IColor":10332,"layer":10333,"available":10334,"Ġends":10335,".table":10336,"Ġdataset":10337,"bus":10338,"Ġexplain":10339,"(pro":10340,"ĠCommittee":10341,"Ġnoted":10342,"]:Ċ":10343,"Dim":10344,"stdio":10345,".\",Ċ":10346,"_source":10347,"ĠWeek":10348,"ĠEdge":10349,"Ġoperating":10350,"Ġeste":10351,"ipl":10352,"agination":10353,"Ġproceed":10354,"Ġanimation":10355,".Models":10356,"ĠWatch":10357,"iat":10358,"Ġoppon":10359,"/A":10360,"Report":10361,"Ġsounds":10362,"_buf":10363,"IELD":10364,"Ġbund":10365,"ĉget":10366,".pr":10367,"(tmp":10368,"Ġkid":10369,">ĊĊĊ":10370,"Ġyang":10371,"NotFound":10372,"ÑĨ":10373,"math":10374,"@gmail":10375,"ĠLIMIT":10376,"redients":10377,"Ġvent":10378,"avigate":10379,"Look":10380,"Ġreligious":10381,"Ġrand":10382,"rio":10383,"(GL":10384,"_ip":10385,"uan":10386,"iciency":10387,"ĠChange":10388,">čĊčĊ":10389,"ĠEntity":10390,"Ġrencontre":10391,"ĠRet":10392,"plan":10393,"én":10394,"BOOL":10395,"uries":10396,"train":10397,"Definition":10398,"============":10399,"zz":10400,"Animation":10401,"ĠOK":10402,"_menu":10403,".bl":10404,"_score":10405,"Ġacad":10406,"(System":10407,"Ġrefresh":10408,"'=>$":10409,".Graphics":10410,"amento":10411,"pid":10412,"tc":10413,"Ġtips":10414,"Ġhomes":10415,"Ġfuel":10416,"âĸ":10417,"_helper":10418,"ĠĠčĊ":10419,"ĠRoom":10420,".Close":10421,"_attr":10422,"ĠMount":10423,"ĠEv":10424,"arser":10425,"_top":10426,"eah":10427,"ĠDelete":10428,"ãĢį":10429,"uke":10430,"Ġusage":10431,"aria":10432,"_dev":10433,"Ġtexture":10434,"Ġconversation":10435,"eper":10436,"Bean":10437,"done":10438,"nonatomic":10439,"ĠSecond":10440,"Ġshooting":10441,"_pre":10442,"Components":10443,"Ġ]ĊĊ":10444,"__,":10445,"stitution":10446,".Char":10447,">();ĊĊ":10448,"Ġpresented":10449,"Ġwa":10450,"oker":10451,"-ĊĊ":10452,"iner":10453,"Ġbecoming":10454,"Ġincident":10455,"Att":10456,"Ġrevealed":10457,"forc":10458,"Ġboot":10459,".page":10460,"Enumerator":10461,"_->":10462,"Photo":10463,"Ġspring":10464,".\",":10465,"ĠDictionary":10466,"BJECT":10467,"Ġlocations":10468,"Ġsamples":10469,"InputStream":10470,"ĠBrown":10471,"Ġstats":10472,"quality":10473,"Ñħ":10474,"-dis":10475,"Ġhelping":10476,"Ġped":10477,"(se":10478,"ĠWho":10479,"alian":10480,"internal":10481,"Ġft":10482,">().":10483,"->{":10484,"Ġmine":10485,"Ġsector":10486,"Ġgro":10487,"Ġopportunities":10488,"Ġü":10489,"Ġmp":10490,"Ġalleged":10491,"Ġdoubt":10492,"Mouse":10493,"About":10494,"_part":10495,"Ġchair":10496,"Ġstopped":10497,"loop":10498,"entities":10499,"Ġapps":10500,"ansion":10501,"Ġmental":10502,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":10503,"FR":10504,"Ġdefend":10505,"care":10506,"Ġideal":10507,"/api":10508,"urface":10509,"Ġele":10510,"ulator":10511,"ĠRights":10512,"anguages":10513,"Ġfunds":10514,"Ġadapt":10515,"Attributes":10516,"Ġdeploy":10517,"opts":10518,"Ġvalidation":10519,"Ġconcerns":10520,"uce":10521,".num":10522,"ulture":10523,"ila":10524,"Ġcup":10525,"Ġpure":10526,".Fore":10527,"ĠHashMap":10528,".valueOf":10529,"asm":10530,"MO":10531,"Ġcs":10532,"Ġstores":10533,"Ġ************************************************************************":10534,"Ġcommunication":10535,"mem":10536,".EventHandler":10537,".Status":10538,"_right":10539,".setOn":10540,"Sheet":10541,"Ġidentify":10542,"enerated":10543,"ordered":10544,"Ġ\"[":10545,"Ġswe":10546,"Condition":10547,"ĠAccording":10548,"Ġprepare":10549,"Ġrob":10550,"Pool":10551,"Ġsport":10552,"rv":10553,"ĠRouter":10554,"Ġalternative":10555,"([]":10556,"ĠChicago":10557,"ipher":10558,"ische":10559,"ĠDirector":10560,"kl":10561,"ĠWil":10562,"keys":10563,"Ġmysql":10564,"Ġwelcome":10565,"king":10566,"ĠManager":10567,"Ġcaught":10568,")}Ċ":10569,"Score":10570,"_PR":10571,"Ġsurvey":10572,"hab":10573,"Headers":10574,"ADER":10575,"Ġdecor":10576,"Ġturns":10577,"Ġradius":10578,"errupt":10579,"Cor":10580,"Ġmel":10581,"Ġintr":10582,"(q":10583,"ĠAC":10584,"amos":10585,"MAX":10586,"ĠGrid":10587,"ĠJesus":10588,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":10589,".DE":10590,"Ġts":10591,"Ġlinked":10592,"free":10593,"ĠQt":10594,"Ġ/**čĊ":10595,"Ġfaster":10596,"ctr":10597,"_J":10598,"DT":10599,".Check":10600,"Ġcombination":10601,"Ġintended":10602,"-the":10603,"-type":10604,"ectors":10605,"ami":10606,"uting":10607,"Ġuma":10608,"XML":10609,"UCT":10610,"Ap":10611,"ĠRandom":10612,"Ġran":10613,".sort":10614,"Ġsorted":10615,".Un":10616,"_PER":10617,"itory":10618,"Ġpriority":10619,"ĠGal":10620,"ĠOld":10621,"hot":10622,"ĠDisplay":10623,"(sub":10624,"_TH":10625,"_Y":10626,"ĠCare":10627,"loading":10628,"Kind":10629,"_handle":10630,",,":10631,"rase":10632,"_replace":10633,".addEventListener":10634,"ĠRT":10635,"Ġentered":10636,"gers":10637,"Ġich":10638,"(start":10639,"/app":10640,"Ġbrother":10641,"Memory":10642,"Outlet":10643,"Ġutf":10644,"prec":10645,"Ġnavigation":10646,"ORK":10647,"Ġdst":10648,"Detail":10649,"Ġaudience":10650,"Ġdur":10651,"Ġcluster":10652,"unched":10653,"Ġ],":10654,"Ġcomfortable":10655,".values":10656,"ĠTotal":10657,"Ġsnap":10658,"Ġstandards":10659,"Ġperformed":10660,"hand":10661,"(\"@":10662,"åŃ":10663,"Ġphil":10664,"ibr":10665,"trim":10666,"Ġforget":10667,"Ġdoctor":10668,".TextBox":10669,"icons":10670,",s":10671,"ĠOp":10672,"Sm":10673,"Stop":10674,"ĉList":10675,"ĉu":10676,"Comment":10677,"_VERSION":10678,".Xtra":10679,"Person":10680,"rb":10681,"LOB":10682,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ":10683,"ĠCentral":10684,"ICK":10685,"raq":10686,"Ġputting":10687,"Ġmd":10688,"ĠLove":10689,"Program":10690,"Border":10691,"oor":10692,"Ġallowing":10693,"after":10694,"Ġentries":10695,"ĠMaybe":10696,"]).":10697,"ĠShort":10698,")\\":10699,".now":10700,"friend":10701,"Ġprefer":10702,"ĠGPIO":10703,"osis":10704,"ĠGameObject":10705,"Ġskip":10706,"Ġcompetition":10707,"_match":10708,"lications":10709,"_CONT":10710,".groupBox":10711,"Ġals":10712,"\"We":10713,"_eq":10714,"lan":10715,"_search":10716,"ĠMusic":10717,"asis":10718,"Ġbind":10719,"ĠIsland":10720,"rum":10721,"(E":10722,"Ġseat":10723,"Video":10724,"Ġack":10725,"reek":10726,"={()":10727,"Ġrating":10728,"Ġrestaurant":10729,"DEX":10730,"(buf":10731,"pping":10732,"uality":10733,"Ġleague":10734,"Ġfocused":10735,"apon":10736,"$data":10737,"CLUD":10738,"CLUDING":10739,"Ġabsolute":10740,"(query":10741,"Ġtells":10742,"Ang":10743,"Ġcommunities":10744,"Ġhonest":10745,"oking":10746,"Ġapart":10747,"arity":10748,"/$":10749,"_module":10750,"ĠEnc":10751,".an":10752,".Config":10753,"Cre":10754,"Ġshock":10755,"ĠArab":10756,"IENT":10757,"/re":10758,"Ġretrie":10759,"ycler":10760,"isa":10761,"ĠOrgan":10762,".graph":10763,"Ġí":10764,"ĠBAS":10765,"Enum":10766,"Ġpossibly":10767,"ÑĢаÐ":10768,"ĠJapanese":10769,"Ġcraft":10770,"ĠPlace":10771,"Ġtalent":10772,"Ġfunding":10773,"Ġconfirmed":10774,"Ġcycle":10775,"/x":10776,"GE":10777,"Ġhearing":10778,"Ġplants":10779,"Ġmouth":10780,"pages":10781,"oria":10782,"ĠRemove":10783,"_total":10784,"Ġod":10785,"ollapse":10786,"door":10787,"Ġbought":10788,"Ġaddr":10789,"ARCH":10790,"_dim":10791,"dden":10792,"Ġdecades":10793,"REQUEST":10794,"Ġversions":10795,"fire":10796,"Ġmoves":10797,"fb":10798,"Ġcoffee":10799,".connect":10800,"ĠRow":10801,"Ġschema":10802,"Scope":10803,"-Type":10804,"Ġfighting":10805,"Ġretail":10806,"Ġmodified":10807,"TF":10808,"Files":10809,"nie":10810,"_command":10811,"stone":10812,"ĠÑĤ":10813,"_thread":10814,"Ġbond":10815,"ĠDevelopment":10816,"Ġpt":10817,"FORM":10818,"plet":10819,"Ġidentified":10820,"cpp":10821,"Ġcoding":10822,"oked":10823,"ĠMaster":10824,"IDTH":10825,"Ġresidents":10826,"redit":10827,"ĠPhoto":10828,"=-":10829,"unte":10830,"ateur":10831,"_STATE":10832,"ĠSing":10833,"Ġsheet":10834,".val":10835,"orse":10836,"Ġhers":10837,"Ġdetermined":10838,"Common":10839,"Ġwed":10840,"_queue":10841,"PH":10842,"ĠAtl":10843,"cred":10844,"/LICENSE":10845,"Ġmes":10846,"Ġadvanced":10847,".java":10848,".Sh":10849,"Go":10850,"kill":10851,"fp":10852,"_settings":10853,"Ġpal":10854,"Ġtruck":10855,"Ġcombined":10856,"Ġ\"${":10857,"ĠCorpor":10858,"Ġjoined":10859,"ĠJose":10860,"ĠCup":10861,"uns":10862,"estival":10863,"levision":10864,"Ġbroken":10865,"Ġmarriage":10866,"ĠWestern":10867,"Ġrepresents":10868,"ĠTitle":10869,"Ġss":10870,".Ass":10871,"ongoose":10872,"iento":10873,"<>();Ċ":10874,"Ġabsolutely":10875,"Ġsmooth":10876,"TERN":10877,"ĠUnless":10878,"Word":10879,"Ġmerge":10880,"igan":10881,"ĠVol":10882,"Ġnn":10883,".getId":10884,"Ġз":10885,"Ġsexy":10886,"Ġseeking":10887,"Single":10888,".this":10889,"Ġkom":10890,"bound":10891,";\"":10892,"ĠfontSize":10893,"_df":10894,"Ġinjury":10895,"(H":10896,"Ġissued":10897,"_END":10898,":self":10899,"Ġpatch":10900,"Ġleaves":10901,"Ġadopt":10902,"FileName":10903,"ãĢIJ":10904,"Ġexecutive":10905,"ĠByte":10906,"]))Ċ":10907,"Ġnu":10908,"outing":10909,"cluding":10910,"-R":10911,".options":10912,"Ġsubstant":10913,"avax":10914,"ĠBUT":10915,"Ġtechnical":10916,"Ġtwice":10917,"Ġmás":10918,"Ġunivers":10919,"yr":10920,"Ġdrag":10921,"ĠDC":10922,"Ġsed":10923,"Ġbot":10924,"ĠPal":10925,"ĠHall":10926,"forcement":10927,"Ġauch":10928,".mod":10929,"notation":10930,"_files":10931,".line":10932,"_flag":10933,"[name":10934,"Ġresolution":10935,"Ġbott":10936,"(\"[":10937,"ende":10938,"(arr":10939,"Free":10940,"(@\"":10941,"ĠDistrict":10942,"PEC":10943,":-":10944,"Picker":10945,"ĠJo":10946,"ĠĠĠĠĠĊ":10947,"ĠRiver":10948,"_rows":10949,"Ġhelpful":10950,"Ġmassive":10951,"---Ċ":10952,"Ġmeasures":10953,"ĠRuntime":10954,"Ġworry":10955,"ĠSpec":10956,"ĉD":10957,"ãĢij":10958,"Ġ){Ċ":10959,"Ġworse":10960,"(filename":10961,"Ġlay":10962,"Ġmagic":10963,"ĠTheir":10964,"oul":10965,"stroy":10966,"ĠWhere":10967,"Ġsudden":10968,"Ġdefe":10969,"Ġbinding":10970,"Ġflight":10971,"ĠOnInit":10972,"ĠWomen":10973,"ĠPolicy":10974,"Ġdrugs":10975,"ishing":10976,"('../":10977,"ĠMel":10978,"peat":10979,"tor":10980,"Ġproposed":10981,"Ġstated":10982,"_RES":10983,"Ġeast":10984,"ĠCONDITION":10985,"_desc":10986,"Ġwinning":10987,"folio":10988,"Mapper":10989,"ĠPan":10990,"ĠAnge":10991,".servlet":10992,"Ġcopies":10993,"LM":10994,"Ġvm":10995,"åį":10996,"Ġdictionary":10997,"Seg":10998,"elines":10999,"ĠSend":11000,"Ġiron":11001,"ĠFort":11002,".domain":11003,"Ġdebate":11004,"NotNull":11005,"eq":11006,"acher":11007,"lf":11008,"ĉfmt":11009,"Ġlawy":11010,"ÄŁ":11011,"ĠMen":11012,"Ġtrim":11013,"(NULL":11014,"Ġ!!":11015,"Ġpad":11016,"Ġfollows":11017,"\"][\"":11018,"requ":11019,"ĠEp":11020,".github":11021,"(img":11022,"eto":11023,"('\\":11024,"Services":11025,"umbnail":11026,"_main":11027,"pleted":11028,"fortunately":11029,"Ġwindows":11030,"Ġplane":11031,"ĠConnection":11032,".local":11033,"uard":11034,"}\\":11035,"==\"":11036,"andon":11037,"ĠRoy":11038,"west":11039,"iginal":11040,"emies":11041,"itz":11042,"'):Ċ":11043,"ĠPeter":11044,"Ġtough":11045,"Ġreduced":11046,"Ġcalculate":11047,"Ġrapid":11048,"customer":11049,"Ġefficient":11050,"Ġmedium":11051,"Ġfell":11052,".ref":11053,"ĠCas":11054,"Ġfeedback":11055,"Speed":11056,"(output":11057,"aje":11058,"Ġcategories":11059,"Ġfee":11060,"};":11061,"Ġdeleted":11062,"reh":11063,"Ġproof":11064,"Desc":11065,"Build":11066,"Ġsides":11067,".ArrayList":11068,"-%":11069,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":11070,"ر":11071,".match":11072,"ли":11073,"Ġfeels":11074,"Ġachieve":11075,"Ġclim":11076,"_ON":11077,"ĠCD":11078,"Ġteacher":11079,"_current":11080,"bn":11081,"_PL":11082,"isting":11083,"Enable":11084,"GEN":11085,"Ġtv":11086,"Ġsock":11087,"Ġplays":11088,"Ġdiscount":11089,"ĠKE":11090,"ĠDebug":11091,"Fore":11092,"ĠIraq":11093,"Ġappearance":11094,"Mon":11095,"Ġstyled":11096,"ĠHuman":11097,"iot":11098,"ĠHistory":11099,"Ġsac":11100,"ĠCollection":11101,"Ġrecommended":11102,".Selected":11103,"Ġorganizations":11104,"Ġdiscovered":11105,"cohol":11106,"adas":11107,"ĠThomas":11108,"May":11109,"Ġconserv":11110,"Ġdomin":11111,"ĠFollow":11112,"ĠSection":11113,"ĠThanks":11114,"Username":11115,"Ġrecipe":11116,"Ġwonderful":11117,".sleep":11118,"_if":11119,"ĉĊĉĊ":11120,"orno":11121,"Ġru":11122,"_target":11123,".\"\"":11124,"à¦":11125,"EventArgs":11126,"Ġinputs":11127,"Ġfif":11128,"Ġvision":11129,"cy":11130,"ĠSeries":11131,")(((":11132,"Ġtrading":11133,"Ġmarker":11134,"Begin":11135,"Ġtypically":11136,"Ġcauses":11137,"dropdown":11138,"_DEBUG":11139,"Ġdetect":11140,"country":11141,"!\");Ċ":11142,"ĉR":11143,"appy":11144,"Ġcref":11145,"('<":11146,"\"=>":11147,"ĠLE":11148,"reader":11149,"Ġadministr":11150,"õ":11151,"ucket":11152,"Ġfashion":11153,".char":11154,"izar":11155,"Ġdisable":11156,"Ġsuc":11157,"ĠLive":11158,"issue":11159,"Ġmetadata":11160,"flags":11161,"ĠðŁ":11162,"Ġcommitted":11163,"Ġva":11164,"Ġrough":11165,"Ġ'''Ċ":11166,"Ġhighlight":11167,"_vars":11168,"VO":11169,"Ġencoding":11170,"-Z":11171,"_sign":11172,"$(\"#":11173,"Ġrain":11174,"reatest":11175,"ĠEND":11176,"Selection":11177,"Ġcandidates":11178,"Ġsav":11179,".Empty":11180,"Ġdecisions":11181,"Ġcollabor":11182,"ridge":11183,"feed":11184,"ression":11185,"Ġpersons":11186,"VM":11187,"ega":11188,"_BIT":11189,"According":11190,"acked":11191,"Ġdollars":11192,"_loss":11193,"ĠCost":11194,"}\"Ċ":11195,"Notification":11196,"Ġprostit":11197,"Ġauthority":11198,".rec":11199,"Ġspokes":11200,"ĠToday":11201,"istant":11202,"ĠHead":11203,"âĢĿ.":11204,"ertainment":11205,"cean":11206,"culate":11207,"Ġven":11208,"However":11209,"_arr":11210,"Ġtokens":11211,"Graph":11212,"ĠJud":11213,"ĠVirgin":11214,"ĠSerial":11215,"unning":11216,"Mutable":11217,"agers":11218,".csv":11219,"Ġdeveloping":11220,"Ġinstructions":11221,"Ġpromise":11222,"Ġrequested":11223,"_encode":11224,"/\"":11225,"ĠIcon":11226,"uilt":11227,"-day":11228,"Ġintelligence":11229,".IS":11230,"ĠObservable":11231,"ĠHard":11232,"Bool":11233,"idential":11234,".Anchor":11235,"Ġselling":11236,"CI":11237,"AGES":11238,"tle":11239,"bur":11240,"UFFER":11241,"RY":11242,"Ġbigger":11243,"Ġrat":11244,"Ġfamous":11245,"Ġtypename":11246,"Ġexplained":11247,"}}Ċ":11248,"Ġnuclear":11249,"-N":11250,"Ġcrisis":11251,"ĠEnter":11252,"Ġanswers":11253,"/${":11254,"/pl":11255,"Ġsequ":11256,"_next":11257,"mask":11258,"Ġstanding":11259,"Ġplenty":11260,"ĠCross":11261,"ĉret":11262,"dro":11263,"ĠCast":11264,"=true":11265,"ĠChris":11266,"icio":11267,"ĠMike":11268,"Decimal":11269,"addComponent":11270,"Len":11271,"Ġcock":11272,"Ġ#{":11273,"URN":11274,"":11403,"Ġ*=":11404,"ĠPS":11405,"Ġdangerous":11406,"[p":11407,"OME":11408,"Other":11409,"ĠStringBuilder":11410,"Points":11411,"heading":11412,"Ġcurrency":11413,"Ġpercentage":11414,"_API":11415,"Ġclassic":11416,"thead":11417,"ĠMO":11418,"FE":11419,"Idx":11420,"await":11421,"Ġè":11422,"Ġaccident":11423,"Ġvariant":11424,"Ġmyst":11425,"ĠLand":11426,"ĠBre":11427,"Ġharm":11428,"ĠAcc":11429,"Ġcharged":11430,"iones":11431,"Visibility":11432,"arry":11433,"ĠLanguage":11434,"Ġwalking":11435,"\".ĊĊ":11436,"ifer":11437,"Ġleadership":11438,".From":11439,"ynam":11440,"Ġtimestamp":11441,"ipt":11442,"ĠHas":11443,"REFER":11444,"ĠIts":11445,"Ġlistener":11446,"UTE":11447,"_description":11448,"Ġexperiences":11449,"Ġcreates":11450,"RS":11451,"cart":11452,"black":11453,"Ġchoices":11454,"war":11455,"Ġ'''":11456,"Ġordered":11457,"Ġevening":11458,"Ġpil":11459,"Ġtun":11460,"ĠBad":11461,"(app":11462,"random":11463,"Ġexplicit":11464,"Ġarrived":11465,"Ġfly":11466,"Ġeconom":11467,"-mail":11468,"Ġlists":11469,"Ġarchitect":11470,"ĠPay":11471,"Ġds":11472,"ĠSol":11473,"Ġvehicles":11474,"Hz":11475,"-com":11476,"Ġking":11477,"_equal":11478,"ĠHelp":11479,"Ġabuse":11480,"--;Ċ":11481,"Ġextr":11482,"Ġchemical":11483,"ä¿":11484,"Ġorient":11485,"Ġbreath":11486,"ĠSpace":11487,"(element":11488,"wait":11489,"DED":11490,"igma":11491,"Ġentr":11492,"Ġsob":11493,"-name":11494,"Ġaffected":11495,"ika":11496,"Ġcoal":11497,"_work":11498,"Ġhundreds":11499,"Ġpolitics":11500,"subject":11501,"Ġconsumer":11502,"ANGE":11503,"Ġrepeated":11504,"Send":11505,"Ġ#[":11506,"Ġprotocol":11507,"Ġleads":11508,"useum":11509,"Every":11510,"Import":11511,"(count":11512,"Ġchallenges":11513,"Ġnovel":11514,"Ġdepart":11515,"bits":11516,".Current":11517,"Ġ`${":11518,"oting":11519,"(\\":11520,"Ġcreative":11521,"Ġbuff":11522,"Ġintroduced":11523,"usic":11524,"modules":11525,"Are":11526,"-doc":11527,"language":11528,"_cache":11529,"Ġtod":11530,"?>{{":11764,"ĠResource":11765,"ĠStandard":11766,"ĠPrem":11767,"updated":11768,"ivalent":11769,"Ġassets":11770,"_temp":11771,"Ġinterests":11772,"Ġhardware":11773,"ĠRom":11774,"ĠShare":11775,"Ġ''Ċ":11776,"Ġ*,":11777,"ĠTake":11778,"ĠImages":11779,"_CHECK":11780,"(typeof":11781,"ĠJun":11782,"\\<^":11783,"Ġliqu":11784,"Ġworst":11785,"ymbols":11786,"ĉĉĉĠĠĠ":11787,"Ġdrivers":11788,"ĠDocument":11789,"eno":11790,"ĠTechnology":11791,"Ġapproved":11792,"umps":11793,"Ġsnow":11794,"formance":11795,"_ASSERT":11796,"uits":11797,"ÙĨ":11798,"Ġdifferences":11799,".Visible":11800,"ĉĉĉčĊ":11801,"ĠPs":11802,"_fetch":11803,"Ġtodo":11804,".',Ċ":11805,"Ġsel":11806,"urers":11807,"invalid":11808,"Ġtweet":11809,"VEL":11810,"Ġresearchers":11811,"Ġsprintf":11812,"ĠRO":11813,"Ġpel":11814,".Trans":11815,"Ġillegal":11816,"dialog":11817,"smarty":11818,"lg":11819,"_MIN":11820,"Ġhero":11821,"final":11822,"Ġpp":11823,".Le":11824,"Ġci":11825,"ĉRT":11826,"Ġsuggested":11827,"pdf":11828,"aching":11829,"ĠRo":11830,"ĠProperties":11831,"ĠSi":11832,"Ġbuying":11833,"Ġmu":11834,"Ġlands":11835,"ifiers":11836,"ĠFILE":11837,"ROUP":11838,"Ġholder":11839,"ĠSon":11840,"Ġsympt":11841,".route":11842,")?":11843,"Ġargc":11844,"Ġfort":11845,"Ġcasino":11846,"_category":11847,"Ġforum":11848,"prefix":11849,"apture":11850,"Tube":11851,"ems":11852,"imize":11853,"Ġnue":11854,"aus":11855,"course":11856,"ATOR":11857,"()),":11858,"Advertis":11859,"INGS":11860,"Ġacknow":11861,"ĠKorea":11862,"pling":11863,"Ġworker":11864,"PLIED":11865,"hal":11866,"ĠRichard":11867,"Elements":11868,"ĉĉĉĠ":11869,"star":11870,"Ġrelationships":11871,"Ġcheap":11872,"ACH":11873,"ĠXML":11874,",&":11875,"ĠLouis":11876,"Ġride":11877,"_FAIL":11878,"Ġchunk":11879,"[s":11880,"_OUT":11881,"Ġchosen":11882,"_[":11883,"/(":11884,"ĠJeff":11885,"_sl":11886,"priv":11887,"ĠCanadian":11888,"Ġunable":11889,"_FLAG":11890,"Ġnos":11891,"high":11892,"Ġlift":11893,"fun":11894,"(){":11895,"elly":11896,"yclerView":11897,"_as":11898,"_LIST":11899,"Ġradi":11900,".getValue":11901,"ĠAngeles":11902,"ĠSpan":11903,"_instance":11904,"itors":11905,"Ġmigration":11906,"AK":11907,"Oh":11908,"®":11909,".selected":11910,"ĠGT":11911,"Ġadvance":11912,"ĠStyle":11913,".DataGridView":11914,"ection":11915,"Ñİ":11916,"pio":11917,"rog":11918,"Ġshopping":11919,"ĠRect":11920,"Illuminate":11921,"OU":11922,"ĉarray":11923,"Ġsubstantial":11924,"Ġpregn":11925,"Ġpromote":11926,"IEW":11927,".Layout":11928,"Ġsigns":11929,"/.":11930,"Ġletters":11931,"Board":11932,"ctrl":11933,"\"\\":11934,"ĠJones":11935,"Ġvertex":11936,"Ġja":11937,"Ġaffili":11938,"Ġwealth":11939,"ĉdefault":11940,"Ġsignificantly":11941,"Ġec":11942,"Ġxs":11943,"actual":11944,".per":11945,"_step":11946,"anvas":11947,"mac":11948,"Ġtransl":11949,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":11950,"Iterator":11951,"Ġoch":11952,"agnostic":11953,"ĠDuring":11954,"ĠDEFAULT":11955,"Ġtill":11956,"Ġsignature":11957,"Ġbird":11958,"ĠOl":11959,"ĠIr":11960,"HS":11961,"avatar":11962,"ESSAGE":11963,"Ġelev":11964,"Ġmt":11965,"ĠNav":11966,"Ġrelax":11967,"Ġplate":11968,"ITEM":11969,"(date":11970,".not":11971,"Ġgrade":11972,"Ġ}),Ċ":11973,"?\"ĊĊ":11974,"iences":11975,"High":11976,"ĠDIS":11977,"disabled":11978,"QUI":11979,"Ġnoise":11980,"aux":11981,"ĠUP":11982,"osa":11983,"Ġvoc":11984,"Ġ))":11985,"ocom":11986,"_OFF":11987,"ĠDb":11988,"Lock":11989,".eclipse":11990,",d":11991,"ĠDraw":11992,"Ġ\"(":11993,"Ġvisited":11994,"ĠâĪ":11995,"Ġsucceed":11996,"Ġimpossible":11997,"aire":11998,"ĠTurn":11999,"Ġdish":12000,"FG":12001,"Ġsensor":12002,"ANN":12003,"aba":12004,"Ġsurg":12005,"]);čĊ":12006,"Ġfp":12007,"_an":12008,"-J":12009,"-G":12010,"ĠJob":12011,"Convert":12012,"ĠKEY":12013,"Ġauthors":12014,"_server":12015,"\\r":12016,"Ġ-*-":12017,"flex":12018,"Ġsoc":12019,"Ret":12020,"Ġsalt":12021,"Ġâ̦ĊĊ":12022,"ĠClear":12023,"(page":12024,"-danger":12025,"Ġrooms":12026,"conv":12027,"#{":12028,".op":12029,"ĠArea":12030,"_SC":12031,"hen":12032,"Ġbegins":12033,"-y":12034,"Ġexcited":12035,"Ġignored":12036,"Ġbonus":12037,"student":12038,"ĠMember":12039,"Ġrelatively":12040,"ĠLow":12041,"ĠProdu":12042,"ateway":12043,"posure":12044,"Ġthick":12045,"aniel":12046,"(view":12047,"ĠCrush":12048,"Extension":12049,"Il":12050,"eed":12051,"LOC":12052,".im":12053,".Items":12054,"Ġconflict":12055,".prevent":12056,"ĠonCreate":12057,"uv":12058,"iser":12059,"Ġwave":12060,"Mar":12061,"ĠCommunity":12062,"iche":12063,"ĠNothing":12064,"[m":12065,"ĠLee":12066,"riends":12067,"ère":12068,"!!!":12069,"anz":12070,".result":12071,"ĠSK":12072,"_PARAM":12073,"Ġdemocr":12074,"BackColor":12075,".exists":12076,"\"It":12077,"(options":12078,"razy":12079,"aser":12080,"\\Database":12081,"alendar":12082,"_ass":12083,";}Ċ":12084,"vertex":12085,"inecraft":12086,"Warning":12087,"argo":12088,"Ġactor":12089,"ĠInstead":12090,"ĠUsing":12091,"Self":12092,"@interface":12093,"Ġspeaking":12094,"ĠParis":12095,"ĠLICENSE":12096,".node":12097,"ĠFood":12098,"EIF":12099,"ĠBi":12100,".Start":12101,"ĠIB":12102,"Ġuniversity":12103,"ĠHeader":12104,".product":12105,"Copy":12106,"etc":12107,"rical":12108,"Ġ>>>":12109,"books":12110,"Ġalgorithm":12111,"Ġ'__":12112,"(javax":12113,"Ġnumerous":12114,"Share":12115,"Have":12116,"Ġrecru":12117,"Ġprove":12118,".substring":12119,"health":12120,"ел":12121,"Ġdecimal":12122,"Ġcommission":12123,"scription":12124,"xC":12125,"Ġsummary":12126,"atted":12127,"Ġcloser":12128,"finished":12129,"()){Ċ":12130,"ĠWood":12131,"_fields":12132,"ku":12133,"_items":12134,"Flag":12135,"Ġconfidence":12136,"ĠFederal":12137,"dux":12138,"Ġcompat":12139,"Ġvertical":12140,"й":12141,"ès":12142,";\">Ċ":12143,"_manager":12144,"()))Ċ":12145,"IDE":12146,":\",":12147,"__Ċ":12148,"ĠWay":12149,"ÑĪ":12150,"Temp":12151,"ĠSTR":12152,"ritten":12153,"Sync":12154,"ĠAV":12155,"ĠCEO":12156,"ĠGuid":12157,"Ġenvironmental":12158,"Ġcorresponding":12159,"ĉconsole":12160,"Ġjustice":12161,"ĠJS":12162,"Ġlived":12163,"gar":12164,"ĠGraph":12165,"ĠStat":12166,"ĠiPhone":12167,".al":12168,"ĠHD":12169,"Ġoccur":12170,"Ġthreshold":12171,"Ġonclick":12172,"REG":12173,".GraphicsUnit":12174,"Meta":12175,"ž":12176,"Ġcum":12177,".gnu":12178,"ë":12179,"Ġobtained":12180,"Ġcomplaint":12181,"Ġeating":12182,"Ġtar":12183,"_task":12184,"Ġopts":12185,"(to":12186,"Pass":12187,"Ġplastic":12188,"tility":12189,"ĠWin":12190,".preventDefault":12191,"pile":12192,"ĠGar":12193,"Ġquantity":12194,"_last":12195,"Ġgreatest":12196,"Dao":12197,"_DIS":12198,"ĠUsed":12199,"ĠHP":12200,"riting":12201,"SION":12202,"blue":12203,"domain":12204,"Ġscores":12205,"Normal":12206,"_admin":12207,"ĠASSERT":12208,"Then":12209,"***":12210,"dist":12211,"lon":12212,"Ġhate":12213,"shal":12214,"ImageView":12215,"database":12216,"Ġpand":12217,"Ġlogic":12218,"=false":12219,"bg":12220,"ĠConfiguration":12221,"Ġnur":12222,"OG":12223,"Ġmarried":12224,":+":12225,"Ġdropped":12226,"Ġregistration":12227,"ом":12228,"ultiple":12229,"izers":12230,"shape":12231,".copy":12232,"Ġwearing":12233,"ĠCath":12234,"Ġdedicated":12235,"Ġ...Ċ":12236,"Ġadvoc":12237,"ĠFamily":12238,"Ġstatements":12239,"ematic":12240,"ampionship":12241,"Ġmotiv":12242,"ĠHave":12243,"Ġblow":12244,"Job":12245,"cert":12246,"_vector":12247,"install":12248,"ĠCOPY":12249,"embed":12250,"DIR":12251,"ĠSpring":12252,"Ġexhib":12253,"cdn":12254,"ĠComment":12255,"ĠOptional":12256,".player":12257,"ĠDark":12258,"(pos":12259,"ĠShould":12260,"Ġcentre":12261,"ĠGuard":12262,"ów":12263,"Ġtrouble":12264,"ENER":12265,"(unsigned":12266,"_service":12267,"Ġns":12268,"uling":12269,"ĠMexico":12270,"ĠNY":12271,"mysql":12272,"Ġlic":12273,"åľ":12274,"Mr":12275,"-fl":12276,"ĠCustomer":12277,"idi":12278,"Ġ?>ĊĊ":12279,"rible":12280,"ĠпÑĢ":12281,"Ġsizes":12282,"_STRING":12283,"validation":12284,"ĠJon":12285,"(Http":12286,"addClass":12287,"Nodes":12288,"Ġfragment":12289,"Ġspoke":12290,"Ġwaste":12291,"Join":12292,"Ġillustr":12293,"eli":12294,"cient":12295,"Ġaid":12296,"Ġprosec":12297,"'){Ċ":12298,"Ġpassing":12299,"Ġfaces":12300,"Shape":12301,"_Z":12302,"iti":12303,"Ġalle":12304,"Ġrobot":12305,"ĠĠĠĠĠĠĠĊ":12306,"ĠSpe":12307,"Ġreceiving":12308,"ĠDetails":12309,"Ġ\")":12310,"mg":12311,"_REF":12312,"Ġcomparison":12313,"*,":12314,"ĠFound":12315,"_session":12316,"(U":12317,"/F":12318,"Ġxxx":12319,"Network":12320,"ders":12321,"Ġcapture":12322,"Ġcorre":12323,"ĠLtd":12324,"ĠAdv":12325,"[@":12326,"Ġclip":12327,"Mill":12328,"ĠProfile":12329,"Ġendif":12330,"Ġoblig":12331,"describe":12332,".element":12333,"riterion":12334,"LD":12335,"ered":12336,"Ġfavour":12337,"score":12338,"ĠFilter":12339,"attributes":12340,"Ġchecks":12341,"Inflater":12342,"ĠPlus":12343,"Ġscientific":12344,"Ġprivacy":12345,"Head":12346,"Ġfeat":12347,"Ġdegrees":12348,"ĠPale":12349,";\">":12350,"Ġfilms":12351,"ĠAudio":12352,"ĠTag":12353,"ĠEnergy":12354,"itar":12355,"parator":12356,"Ġfellow":12357,"Ġevt":12358,"ĠTri":12359,"ĠDAM":12360,"cloud":12361,"ĠPassword":12362,"ĠDemocrats":12363,"ĠAcad":12364,"$lang":12365,"Ġreb":12366,"())ĊĊ":12367,"нÑĭ":12368,"ĠBur":12369,"readcr":12370,"Ġhex":12371,"Console":12372,"ctl":12373,"ousel":12374,"ĠWilliam":12375,"Ġaz":12376,"_PORT":12377,"Ġpractices":12378,"Ġanywhere":12379,"ĠPosition":12380,"Ġ->Ċ":12381,"iams":12382,".username":12383,"placeholder":12384,"Ġoder":12385,"ĠSecretary":12386,"ĠiT":12387,"mond":12388,"events":12389,"?âĢĿ":12390,".Sub":12391,"Ġattached":12392,"Ġnão":12393,"Ġestate":12394,".action":12395,"Ġfigures":12396,"Ġ});čĊ":12397,"Ġsubscri":12398,".tag":12399,"nam":12400,".plot":12401,"noon":12402,"liament":12403,"Character":12404,".tab":12405,"Ġwinter":12406,"ĠVariable":12407,"Ġtrees":12408,"Ġproud":12409,"(V":12410,"_load":12411,"Ġhier":12412,"ĠEcon":12413,"Ġfd":12414,"Ġvictims":12415,"Rest":12416,"iana":12417,"Ġfake":12418,".Println":12419,"Ġstrlen":12420,"Ġsad":12421,"Ġble":12422,"Prot":12423,"Ġbuttons":12424,"Ġtelevision":12425,"Ġlogo":12426,"extension":12427,"ĉj":12428,"stein":12429,"aciones":12430,"Ġ\"\"\"ĊĊ":12431,"Ġsimp":12432,"Ġrecorded":12433,"Ġbrings":12434,"Ġprincipal":12435,"Ġfees":12436,"(source":12437,"kdir":12438,"Ġutils":12439,"Ġcorrectly":12440,"fil":12441,"Ġwel":12442,"Pair":12443,"-button":12444,"scale":12445,"verify":12446,"[c":12447,"Ġ---":12448,"Ġescape":12449,"ikes":12450,"LowerCase":12451,"ician":12452,"Ġchapter":12453,"ĠTYPE":12454,"Ġshadow":12455,"Ġawesome":12456,"WE":12457,"elif":12458,"Ġlambda":12459,"Ġdistinct":12460,"Ġbare":12461,"-off":12462,"Ġcolour":12463,".appendChild":12464,"olec":12465,"aga":12466,".fill":12467,"ĉsuper":12468,"Ġadj":12469,"(position":12470,".getItem":12471,"Short":12472,"Ġtotally":12473,"VD":12474,"ĠTre":12475,"_ep":12476,"vements":12477,"ĠSolution":12478,"Ġfundament":12479,"Follow":12480,"Ġfacility":12481,"Ġhappening":12482,"OF":12483,".textBox":12484,"Span":12485,"Ġ«":12486,"iden":12487,"Ġexceed":12488,"(parent":12489,"Ġcp":12490,"ç»":12491,"Ġhasn":12492,"Ġpri":12493,"Ġconsequ":12494,"nen":12495,"ĠINTO":12496,"Ignore":12497,"ĠFuture":12498,"Ġcarbon":12499,"ĠSteel":12500,"fmt":12501,"okie":12502,"Ġspl":12503,"(title":12504,"-info":12505,"Ġdeals":12506,"Ġfixture":12507,"ea":12508,"Div":12509,"Ġtested":12510,"_return":12511,")ĊĊĊĊ":12512,"upported":12513,"ĠCook":12514,"Ġpaying":12515,"ĠIll":12516,"Ġarrested":12517,"ĠPrime":12518,"_callback":12519,">,Ċ":12520,"driver":12521,"Once":12522,"abb":12523,"_bytes":12524,"ĠSets":12525,"(Object":12526,"Ġcc":12527,"Ġshell":12528,"alo":12529,");//":12530,"(log":12531,"ctors":12532,")":13004,"Ġ$(\".":13005,".pos":13006,"Ġboys":13007,"Ġwedding":13008,"Ġagents":13009,"=\"_":13010,"ĠArmy":13011,"Ġhint":13012,"vision":13013,"Ġtech":13014,"ĠConnect":13015,"Ġlegend":13016,"ĠBet":13017,".Base":13018,"Subject":13019,"Ġlit":13020,"Remove":13021,"Ġ\":":13022,"ĠFinal":13023,"pearance":13024,"ĠiTunes":13025,"Ġparticipants":13026,"ĠPython":13027,"Ġbusy":13028,"iel":13029,"vertices":13030,"ĠtemplateUrl":13031,"ĠClose":13032,"Img":13033,"ĠCorporation":13034,"timestamp":13035,"Ġextend":13036,"Ġwebsites":13037,"Ġpossibility":13038,"оÑĤ":13039,"Ġkö":13040,"Ġmeat":13041,"Ġrepresentation":13042,"Ġĉĉ":13043,"_START":13044,".apply":13045,"ĠValley":13046,"ĠSuccess":13047,"Hi":13048,"Ġnob":13049,"ĠIEnumerable":13050,"_select":13051,"geo":13052,".\")Ċ":13053,"Ġturning":13054,"Ġfabric":13055,"(\"\");Ċ":13056,"Ġperspective":13057,"éĹ":13058,"ĠSn":13059,"Thank":13060,";j":13061,".Parameters":13062,"ĉĠĠĠĠĠĠĠĠĠĠĠ":13063,"Ġfacts":13064,"Ġunt":13065,".instance":13066,"################################################################":13067,"-end":13068,"ĠJOIN":13069,"ĠHen":13070,"Ġuri":13071,"åIJį":13072,"Ġна":13073,"ĠInfo":13074,"Ġconducted":13075,"ĠÃ¥":13076,"OURCE":13077,"Ġwine":13078,"John":13079,".Errorf":13080,"ĠAge":13081,"ounded":13082,"Ġrealize":13083,"Ġ];":13084,"Ġsubsequ":13085,",m":13086,"(User":13087,"iano":13088,"Ġaccompl":13089,"isp":13090,".std":13091,"éĩ":13092,"ĠBed":13093,".setAttribute":13094,"BR":13095,"keep":13096,"ĠALL":13097,"Ġisol":13098,"amma":13099,"Package":13100,"Ġoccasion":13101,"-success":13102,"ед":13103,"ĠLIMITED":13104,"strip":13105,"()ĊĊĊ":13106,"istribution":13107,"Colors":13108,"Ġ+:+":13109,"DidLoad":13110,"aler":13111,"Ġtid":13112,"ĠLED":13113,"ĠLinked":13114,"ĠCart":13115,"())čĊ":13116,"_READ":13117,"Ġkilling":13118,"ĠPHP":13119,"fection":13120,"Ġinstances":13121,"cv":13122,"\"/>":13123,"Ġsf":13124,"Ġtaxes":13125,"_location":13126,"ĠBitcoin":13127,"uable":13128,"rank":13129,"ignore":13130,"track":13131,"ка":13132,"Ġshouldn":13133,"ĠOP":13134,"=>{Ċ":13135,"Ġkm":13136,"Ġhelper":13137,"_head":13138,"ĠWhether":13139,"oco":13140,"_bl":13141,"Ġstatistics":13142,"Ġbeauty":13143,"Ġtog":13144,"tip":13145,"ëĭ¤":13146,"Ġcsv":13147,"(sql":13148,"stdlib":13149,"weak":13150,"Ġlikes":13151,"Äį":13152,"Ġrepeat":13153,"Ġapartment":13154,"Ġemph":13155,"_edit":13156,"Ġvit":13157,"ĉtype":13158,"Even":13159,"uten":13160,"Ġcircumstances":13161,"bian":13162,"Ġsugar":13163,"Windows":13164,"ìŀ":13165,"Ġobserved":13166,"/data":13167,"Ġcalendar":13168,"Ġstrike":13169,"ĠRES":13170,"_sc":13171,"fony":13172,"orem":13173,"(z":13174,"power":13175,"etect":13176,"ĠSat":13177,".description":13178,"Ġgang":13179,"ĠSports":13180,"ongs":13181,"ĠBundle":13182,".sum":13183,"once":13184,"Ġaccused":13185,"Ġexplore":13186,"Ġapproximately":13187,"Ġlosing":13188,"thesis":13189,"ĠFund":13190,"Ġdiagn":13191,"Autowired":13192,"properties":13193,"Ġ_.":13194,"Ġcnt":13195,"cedure":13196,"Ġyy":13197,"Ġgrant":13198,"sock":13199,".innerHTML":13200,"Ġ]);Ċ":13201,"ĠCONFIG":13202,"='$":13203,"]];Ċ":13204,"UND":13205,"Ġglob":13206,"Ġdire":13207,"uffle":13208,"_MEM":13209,"Ġauthentic":13210,">(\"":13211,"Ġdecade":13212,"ĠImport":13213,"Ġoriginally":13214,"ĠjQuery":13215,"Ġindicate":13216,"Ġourselves":13217,"Sw":13218,".lbl":13219,"enerate":13220,"Ġbasically":13221,"ĠHom":13222,"Ġ+#+":13223,"ĠBritain":13224,"ĠKar":13225,"toEqual":13226,".stop":13227,"Ġmodal":13228,"isi":13229,"Ġsuggests":13230,"Ġdtype":13231,"Ġtur":13232,"bf":13233,"Ġconnections":13234,"ĠBefore":13235,"isted":13236,"mouse":13237,"Ġpulled":13238,".build":13239,"Ġlegislation":13240,"Ġforth":13241,"pad":13242,"ego":13243,".Now":13244,"Ġexciting":13245,"}ĊĊĊĊ":13246,"Ġcompr":13247,"Ġshares":13248,"Ġrig":13249,"green":13250,"_vec":13251,"Ġenumerate":13252,"Auto":13253,"icator":13254,"ĠRay":13255,"asse":13256,"Ġholiday":13257,"Ġnullable":13258,"gun":13259,"_details":13260,"Ġwrapper":13261,"seq":13262,"ĠYoung":13263,"juana":13264,"Ġ\"__":13265,"license":13266,"serve":13267,"^(":13268,"iders":13269,".Remove":13270,"ropdown":13271,"'S":13272,"pin":13273,"(token":13274,".Default":13275,"Ġreasonable":13276,"ampion":13277,"ĠSociety":13278,"Ġbei":13279,"erves":13280,"rad":13281,"ĠFox":13282,"_images":13283,"Ġwheel":13284,"')[":13285,"Ġcfg":13286,"(By":13287,"Constructor":13288,"Ġvary":13289,".swift":13290,"Ġproxy":13291,"ĉH":13292,"ĠAnother":13293,"ĠPen":13294,"Ġchecking":13295,"Ġjest":13296,"manager":13297,"Origin":13298,"ugs":13299,"oir":13300,">čĊ":15956,"Ġrelief":15957,"lap":15958,"quer":15959,"_parent":15960,"heap":15961,"LOSE":15962,"Ġcombine":15963,"ĠRose":15964,"owers":15965,"Ġprocedures":15966,"ĠSort":15967,"anim":15968,"variant":15969,"ehicle":15970,"Ġsigning":15971,"Primary":15972,"currency":15973,"Ġsexe":15974,"oen":15975,"theta":15976,"eman":15977,"Ġimpressive":15978,"('_":15979,"ĉU":15980,"ĠTextStyle":15981,"_cnt":15982,"Ġslice":15983,"(':":15984,"Ġunderstood":15985,"His":15986,"Ġinformed":15987,"Ġnick":15988,"(TAG":15989,"hd":15990,"Ġelections":15991,"esture":15992,"ĠSanta":15993,"ĠCoast":15994,".pdf":15995,"inciple":15996,".clone":15997,"born":15998,"uta":15999,"Ġlicensed":16000,"Cr":16001,"Ġbread":16002,"ĠHouston":16003,"Ġnod":16004,"Ġhopes":16005,"ĠCGRect":16006,"Ġguilty":16007,".gif":16008,"Ġrose":16009,".Common":16010,"Tip":16011,"ANK":16012,"ĠFC":16013,"During":16014,"ĠSymfony":16015,"Ġdefensive":16016,"km":16017,")>":16018,"archive":16019,"ĠURI":16020,"ycling":16021,"-o":16022,"ĠWebsite":16023,"AMP":16024,"ishment":16025,"Ġdoctors":16026,"Direct":16027,"ARI":16028,"ĠRedirect":16029,"ieren":16030,"_dist":16031,"yo":16032,"ĠProgress":16033,"Ġzum":16034,"Ġmemor":16035,"ĠED":16036,"Ġjur":16037,"æį®":16038,"_TABLE":16039,"Ġuuid":16040,"Expr":16041,".head":16042,"('%":16043,"pointer":16044,"Ġestimate":16045,"ĠGreg":16046,"Ġloader":16047,"ĠiOS":16048,"Ġmens":16049,"[y":16050,"Ġrefused":16051,"Ġprecision":16052,"isch":16053,"ĠACTION":16054,"Cloud":16055,"sWith":16056,"(ret":16057,"_ADDR":16058,"_conf":16059,"(df":16060,"Ġlocked":16061,"Ġrising":16062,"ãĥ»ãĥ»":16063,"ĠMs":16064,"Ġscenes":16065,"_EXT":16066,"_raw":16067,"_the":16068,"people":16069,"Ġrecon":16070,"ĠFun":16071,"Ġbless":16072,"ĠUpdated":16073,"ün":16074,"ĠĠĠĠĠĠĠĠĠĠĠĠčĊ":16075,"pection":16076,"Release":16077,".logger":16078,"ĠSY":16079,"Ġcounsel":16080,"urd":16081,"_true":16082,"Ġeverybody":16083,"ivot":16084,"Ġhence":16085,"ĠNAS":16086,"Ġopposed":16087,"unknown":16088,"ĠDESC":16089,"ĠChair":16090,"failed":16091,"ĠINCLUDING":16092,"Ġwriters":16093,"{}Ċ":16094,"ÃŃt":16095,"_copy":16096,"}:":16097,"ĠBat":16098,"Ġconverted":16099,"eding":16100,"placement":16101,"ĠHost":16102,"Sound":16103,"им":16104,"Ġsought":16105,"mid":16106,"Ġsalary":16107,"ogg":16108,"âĦ¢":16109,"bul":16110,"Ġwir":16111,"validator":16112,"_STAT":16113,".store":16114,"ĠBattle":16115,"ın":16116,"Ġ-->ĊĊ":16117,"Trump":16118,"dot":16119,"ĠCONT":16120,".fetch":16121,"Ġcontinu":16122,"was":16123,"Ġfraud":16124,"_tmp":16125,"mitter":16126,".pictureBox":16127,"GA":16128,"Ġtournament":16129,".Input":16130,"[r":16131,"exion":16132,"centage":16133,"ĠKorean":16134,"undef":16135,"ĠAvailable":16136,"reshape":16137,"Ġkit":16138,"ĠStruct":16139,"ĠSUB":16140,"Answer":16141,"_lib":16142,".twitter":16143,"Ġore":16144,"ĠDragon":16145,".Ext":16146,",k":16147,"Ġexplanation":16148,"refs":16149,"ĠDrive":16150,"ĠTraining":16151,".Has":16152,"intage":16153,"big":16154,"ologist":16155,"ennis":16156,"Ùĩ":16157,"Ġchicken":16158,"ĠĠĠĠĠĠĠĠĠĠĊ":16159,"çĽ":16160,"ãģ§":16161,"Ġpeak":16162,"Ġdrinking":16163,"Ġencode":16164,"ĠNEW":16165,"malloc":16166,"ĉfprintf":16167,"Ġ=================================================================":16168,"including":16169,"Ġprinciples":16170,"ĠMah":16171,"storage":16172,"-key":16173,"Ġkeyword":16174,"%;":16175,"Ġtrained":16176,".contrib":16177,"Ġkv":16178,"__':Ċ":16179,"ĠBoy":16180,"parameter":16181,"Ġsuite":16182,"Ġthousand":16183,"Ġcoordinate":16184,"-generated":16185,"íķĺ":16186,"generated":16187,"Ġadmitted":16188,"Ġpussy":16189,"#w":16190,"Ġswim":16191,"union":16192,"Na":16193,"ĠRoyal":16194,".channel":16195,"Updated":16196,"_ROOT":16197,"Ġvital":16198,"raction":16199,"ĠCrusher":16200,"Ġpreced":16201,"Ġhorizontal":16202,"Blueprint":16203,"Ġattrs":16204,"Ġsmoke":16205,"ÐĴ":16206,".Equals":16207,"FB":16208,"ĠResources":16209,"rolling":16210,"Ġpasses":16211,"ĠNum":16212,"rotate":16213,"etype":16214,"\\\",":16215,"Ġsensitive":16216,"Ġtall":16217,"?âĢĿĊĊ":16218,"Proxy":16219,"iy":16220,"_section":16221,"âĢĶâĢĶâĢĶâĢĶ":16222,"brid":16223,"Ġcircuit":16224,"atan":16225,"ENC":16226,"Ġdriven":16227,"Ġvoted":16228,"Ġeducational":16229,"Ġinteraction":16230,"abetes":16231,"Ġtone":16232,"ĠInitializeComponent":16233,"Ġmerely":16234,"Ġìŀ":16235,"cookie":16236,"_div":16237,"ĠUILabel":16238,"vely":16239,"});čĊ":16240,"_ENT":16241,"#+#+":16242,"articles":16243,"ĠSouthern":16244,"Ġstronger":16245,"ĠGiven":16246,"ĠEric":16247,"ĠIR":16248,"abstract":16249,"Under":16250,"nable":16251,"Ġincrement":16252,"oven":16253,"Ġcoin":16254,"_timer":16255,"Ġsuffered":16256,"ĠFREE":16257,"'].\"":16258,"ĠQueen":16259,"stats":16260,"Ġmeetings":16261,"Ġentering":16262,"Ġalongside":16263,"(session":16264,"itals":16265,"Ġfoundation":16266,"ĠCredit":16267,".div":16268,"_ALL":16269,"pcion":16270,"_stat":16271,"icking":16272,"Defaults":16273,"_src":16274,"Ġoutputs":16275,"/B":16276,"Ġenthus":16277,"-bl":16278,".ForeColor":16279,"ĉtemp":16280,"Face":16281,"Ġinteract":16282,"Ġweird":16283,"Mount":16284,"rell":16285,"udents":16286,"Ġrequirement":16287,"ĠSus":16288,"IER":16289,"Ġelected":16290,"reference":16291,"ĠME":16292,"Ġservers":16293,".wait":16294,"Ġsnapshot":16295,"ilton":16296,"Ġtries":16297,"Ġtipo":16298,".Time":16299,">w":16300,"Ġmountain":16301,"Ġpounds":16302,"Ġ[...":16303,"exists":16304,"ĠngOn":16305,"_MAP":16306,"Ġflying":16307,"xiety":16308,"ĉvalue":16309,"_DB":16310,"uno":16311,"Ġseats":16312,"TURN":16313,".author":16314,"!)":16315,"orce":16316,"Ġindicated":16317,".sin":16318,"Ġassignment":16319,"imiento":16320,"ĠFrame":16321,"_gen":16322,"inery":16323,"_)":16324,"messages":16325,".settings":16326,"ĠMean":16327,"ĠMuseum":16328,"irq":16329,"attach":16330,"ĠPalestin":16331,"_QU":16332,"_tags":16333,"Ġcasual":16334,"emen":16335,"ASSWORD":16336,"$s":16337,"ĠCirc":16338,"ой":16339,"etric":16340,"/P":16341,"Ġepoch":16342,"The":16357,"ĠAk":16358,"Ġgrass":16359,"/*čĊ":16360,"(dis":16361,"Ġguns":16362,"Ġtb":16363,"ĠKevin":16364,".args":16365,"ĠAh":16366,"oped":16367,"(J":16368,"columns":16369,"arguments":16370,"ĠWithEvents":16371,"_full":16372,"ĠDefense":16373,"Simple":16374,"Ġdeaths":16375,"Ġextensive":16376,"ĠStill":16377,"ĠExpression":16378,"ĠAgency":16379,"Ġperforming":16380,"FX":16381,"Ġusuario":16382,"UAL":16383,"Side":16384,"odos":16385,"aptop":16386,"Ġcredentials":16387,"_cap":16388,"atient":16389,"ĠDisney":16390,"Ġai":16391,"Ġchip":16392,"Ġvolt":16393,".makeText":16394,"%%%%%%%%%%%%%%%%":16395,"Ġbelief":16396,"_LOC":16397,"ĠCivil":16398,"Navigation":16399,"Ġreveal":16400,"Ġviolent":16401,"ĠFil":16402,"Ġcatalog":16403,"emed":16404,"scan":16405,".control":16406,"Ġconstitution":16407,"Country":16408,"Separator":16409,"_APP":16410,"topic":16411,"uetooth":16412,"MIN":16413,"Ġdescriptor":16414,"yt":16415,"ETHER":16416,"Ġdistribute":16417,"'}Ċ":16418,".trim":16419,".Line":16420,"Ġlbl":16421,"assertEquals":16422,"ĠDet":16423,"ombok":16424,"(width":16425,"Ġtort":16426,"ĠEXPRESS":16427,"aco":16428,"Using":16429,"ĠBrand":16430,"wall":16431,"EMENT":16432,"ĠCommunic":16433,"(Ċ":17055,"?>\"":17056,"Ġ///Ċ":17057,"Ġeiner":17058,"Ġweekly":17059,"ĉlogger":17060,"_pop":17061,"_man":17062,"Ġmigrations":17063,"Ġasks":17064,"Ġbs":17065,"Ġfalls":17066,".Where":17067,"-height":17068,"_feature":17069,".Min":17070,"Ġhyper":17071,"Ġvolatile":17072,"Ġtwenty":17073,"Typography":17074,"Unable":17075,"Det":17076,",f":17077,"-mod":17078,"Ġsettlement":17079,"Ġcontracts":17080,"nome":17081,"Bad":17082,"ĠBrian":17083,"(username":17084,"!!!!":17085,"Ġhack":17086,".Field":17087,"HR":17088,"ĠJordan":17089,"iza":17090,"ĠÂł":17091,"ĠSher":17092,".header":17093,"(other":17094,"ĠDub":17095,"(op":17096,"ĠRound":17097,"Ġvie":17098,"Ġappl":17099,"ĉJ":17100,"ĠInsert":17101,"ĠLP":17102,"regon":17103,"ĠMPI":17104,"Ġanchor":17105,"aca":17106,"ør":17107,"Ġade":17108,"anchor":17109,"quee":17110,"ĠTreeNode":17111,"Ġtargeted":17112,"Ġlaid":17113,"ABEL":17114,"vet":17115,"ĠOrigin":17116,"Ant":17117,".');Ċ":17118,"expect":17119,"edReader":17120,"ĠMajor":17121,"Ġinch":17122,"Compar":17123,"Ġpreview":17124,"Ġillness":17125,"ĠCONTRACT":17126,"ĠIndepend":17127,"uuid":17128,"Ġnome":17129,"Ġtc":17130,"ĠAvenue":17131,"isan":17132,"Ġphrase":17133,"_move":17134,"\")[":17135,"Ġprovision":17136,"Ġconcentr":17137,"_IR":17138,"ĠUt":17139,"()+":17140,"Ġnas":17141,"!,":17142,"ĠRobin":17143,"iations":17144,"atitude":17145,"Ġpx":17146,"ĠWithout":17147,"/bash":17148,"ekt":17149,"reement":17150,"Observer":17151,"ĠRegion":17152,"UBLIC":17153,"Ġ{//":17154,"KN":17155,"å·":17156,"GameObject":17157,"å¾":17158,"encoding":17159,"Ġ***":17160,"projects":17161,"Ġtk":17162,"Ġcheese":17163,"EMPL":17164,"aro":17165,"ĠاÙĦ":17166,"Ġconsists":17167,"refresh":17168,"ureau":17169,"ĠScanner":17170,"Ġsoil":17171,"Ġflavor":17172,"DataSource":17173,"Execute":17174,"ение":17175,"Ġshit":17176,"åĪĨ":17177,"Ċ":17419,"Ġsubsequent":17420,"posable":17421,"-fluid":17422,"Ġthorough":17423,"Ġpublicly":17424,"apters":17425,"ĠWilson":17426,"_PRE":17427,"yard":17428,"ä¼":17429,"ĉin":17430,"Ġrevers":17431,"Ġbullet":17432,"cribed":17433,"nesota":17434,"Ġ($_":17435,"annon":17436,"cursor":17437,"Ġclothing":17438,"ĠMulti":17439,":',":17440,"Ġvess":17441,"ordinator":17442,"Ġeinem":17443,"Cannot":17444,"Ġarmed":17445,"ĉV":17446,"ä¸Ĭ":17447,".Flat":17448,"ĠSep":17449,"ĠSubject":17450,"_font":17451,"Ġcharacteristics":17452,"Done":17453,"eln":17454,"############":17455,"POS":17456,"Ġdensity":17457,"ĠPlatform":17458,"-items":17459,"Ġovers":17460,"Ġpushing":17461,"ç¤":17462,".Connection":17463,"_term":17464,"Ġinitialization":17465,"________________________________":17466,"ç¬":17467,".document":17468,"lesh":17469,"ĉdocument":17470,"ĠPin":17471,"ça":17472,"Ġdefinitions":17473,".Path":17474,"_WRITE":17475,"ĠĉĊ":17476,"?>ĊĊ":17477,"Ġterrible":17478,"bean":17479,"ickets":17480,"ĠSV":17481,"Buy":17482,"(task":17483,"Ġregime":17484,"google":17485,"Ġcrack":17486,".visit":17487,"NUM":17488,"energy":17489,"Ġstruck":17490,"_sample":17491,".payload":17492,"Ġrevis":17493,"ĠScene":17494,"Ġpg":17495,"Ġbreakfast":17496,"URRENT":17497,".charAt":17498,"_exception":17499,"ĠAnton":17500,"Ġguidelines":17501,"Ġexhaust":17502,"ĠFinancial":17503,"Ġindent":17504,"Ġdesktop":17505,"Hidden":17506,"Failure":17507,"Ġprinciple":17508,"Ġiv":17509,"Ġseks":17510,"network":17511,"ĠnumberOf":17512,"ĠAlbert":17513,"ĉlong":17514,",.":17515,"Ġzeros":17516,"fade":17517,"ĠTyp":17518,"ĠTerm":17519,"ĠArts":17520,".Application":17521,"Ġbehalf":17522,"æĪ·":17523,"Ġmere":17524,"(`${":17525,"Ġawareness":17526,"elpers":17527,"flix":17528,"Ġweigh":17529,"Ġestimates":17530,".child":17531,"/O":17532,"ĠBitmap":17533,".bottom":17534,"Ġ**************************************************************************":17535,"Expect":17536,"ento":17537,"ĠForum":17538,"veral":17539,"Ġjail":17540,"Ġabilities":17541,"ĠHOLD":17542,"ĠCit":17543,"Ġdynam":17544,"Ġgray":17545,"ĉĉĉĉĉĉĉĉĉĉĉĉĉ":17546,".nextInt":17547,"antly":17548,"ĠARISING":17549,"(private":17550,"Ġrejected":17551,"ĠNic":17552,"Ġleather":17553,"={Ċ":17554,"alytics":17555,"thetic":17556,".Top":17557,".Page":17558,"={`":17559,"Ġ;čĊ":17560,"depth":17561,"mann":17562,"WD":17563,"ĠSom":17564,".Right":17565,"Ġ)}Ċ":17566,"Ġtrait":17567,"ÃĹ":17568,"iac":17569,"Ġrv":17570,"Sample":17571,".Xml":17572,"opped":17573,"ĠÑĦ":17574,"lists":17575,"Ġtear":17576,"iversary":17577,".collection":17578,"ĠConstitution":17579,"ĠHttpResponse":17580,"Ġbrill":17581,"ĠProm":17582,"hover":17583,"ĠMiami":17584,"Ġargue":17585,"_float":17586,"ĠãĤ":17587,"Ġnat":17588,"ĠTal":17589,"Ġintegration":17590,"(cur":17591,"Ġremoving":17592,"Ġcoeff":17593,"ĠThough":17594,"Ġforecast":17595,"ĠVegas":17596,"Site":17597,"Ġtrab":17598,"ĠHenry":17599,"-i":17600,"Ġinvolves":17601,"BT":17602,"Ġslo":17603,"Invoke":17604,"Ġlucky":17605,"rat":17606,"Ġ?Ċ":17607,"Ġhandled":17608,"(fd":17609,"contents":17610,"ĠOFF":17611,"RF":17612,"Ġsty":17613,"ĠMotor":17614,"tery":17615,"tax":17616,"MAP":17617,"ĠMrs":17618,"Ġphones":17619,"ĠUIView":17620,"\")));Ċ":17621,"(dev":17622,"ĠIrish":17623,"Ġws":17624,"DI":17625,"_OFFSET":17626,"ĠEvents":17627,"Ġstages":17628,"Ġ}//":17629,"Ġhaben":17630,"STANCE":17631,"ĠSin":17632,"ĠMoney":17633,"(top":17634,"Ġappointment":17635,"VERSION":17636,"metadata":17637,"_comment":17638,"Ġcolleagues":17639,"maps":17640,"âĺ":17641,"ĊĉĊ":17642,"(al":17643,"_req":17644,"Ġfut":17645,"Ġarchitecture":17646,"ĠWHETHER":17647,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":17648,"_screen":17649,"ĠstyleUrls":17650,"Ġmonster":17651,".up":17652,"phia":17653,"Ġprocessor":17654,"ĠTerr":17655,"=',":17656,"ĠManufact":17657,"ĠNT":17658,"kel":17659,"ibern":17660,"ĉfile":17661,"Ali":17662,"rientation":17663,"Ġ//!":17664,"apore":17665,"aneous":17666,"ĠCreat":17667,"folder":17668,"Ġhay":17669,"Suppress":17670,"(left":17671,"Ġeuro":17672,"Ġdisclaimer":17673,"ustry":17674,"ships":17675,"_fd":17676,"ĠFa":17677,"_insert":17678,"Ġrol":17679,"ifting":17680,"ĠComments":17681,"_br":17682,"Ġlosses":17683,"ĠAdded":17684,"charg":17685,"Ġпо":17686,"_system":17687,"ĠSometimes":17688,"ĠSpain":17689,"(group":17690,"ialis":17691,"Ġdollar":17692,"ĠArgs":17693,"quires":17694,"ĠTen":17695,".scss":17696,"Ġsurvive":17697,"usage":17698,"Ġjun":17699,"imiter":17700,"ï¼ģĊĊ":17701,"Ġfifth":17702,"toggle":17703,"Ġdecline":17704,"($\"":17705,"(Long":17706,"inge":17707,"Ġpilot":17708,"-light":17709,"-radius":17710,"Ġpodcast":17711,"Ġnaturally":17712,"Pages":17713,"为":17714,"ĠDespite":17715,"Ġlighting":17716,"Ġcrate":17717,"ĠBinary":17718,"Ġreducing":17719,"Ġeleg":17720,"ĠMouse":17721,"ĠTestBed":17722,"ĠbeforeEach":17723,"_ARRAY":17724,"Redirect":17725,"Ġflood":17726,"Ġships":17727,"Ġelectricity":17728,")*(":17729,"ê¸":17730,"ĠViet":17731,"hero":17732,"Ġdia":17733,"ĠKent":17734,"heart":17735,"Ġthreats":17736,"_acc":17737,"Ġsymbols":17738,"ischen":17739,"_inst":17740,"Criterion":17741,"ĠTIM":17742,".Height":17743,"ĠâĢĻ":17744,"();ĊĊĊ":17745,"Products":17746,"_SP":17747,"ĠCy":17748,"Ġdependent":17749,"este":17750,"Ġdatos":17751,"dit":17752,"ав":17753,"IGNAL":17754,"Ġlesson":17755,"\">'":17756,"ĠCover":17757,"ĠHope":17758,"ĠTimer":17759,"Ġdad":17760,"viders":17761,"ĠPhot":17762,"/?":17763,"ropy":17764,"oming":17765,"asion":17766,"Ġ\\(":17767,"ĠET":17768,"ĠReading":17769,"Ġepisodes":17770,"lm":17771,"echa":17772,"Ġneuro":17773,"Ġharmon":17774,"Ġliberal":17775,"-ind":17776,"DATA":17777,"Ġeveryday":17778,"Ġdivided":17779,"ĠActiveRecord":17780,"figure":17781,"UA":17782,"ä¹":17783,"riendly":17784,"tech":17785,".gameObject":17786,"иÑĤÑĮ":17787,"Ġmoon":17788,"ftime":17789,"Ġnoch":17790,"ĠTORT":17791,"ĠVM":17792,".initial":17793,"(child":17794,"Ġmusical":17795,"Ġoc":17796,"bas":17797,"ĠHay":17798,"_long":17799,"Ġmemset":17800,"iley":17801,"adelphia":17802,"SV":17803,"roat":17804,"_tx":17805,"Ġlon":17806,"ĠngOnInit":17807,"bp":17808,"ĠGolden":17809,"ACHE":17810,"Ġworried":17811,"azi":17812,"Ear":17813,"Take":17814,"(fp":17815,"burgh":17816,"_Data":17817,"gres":17818,"ĠOnt":17819,"pus":17820,"Ġtransparent":17821,"Ġpocket":17822,"Ġram":17823,"igrations":17824,".čĊčĊ":17825,"Ġ[(":17826,"Ġadopted":17827,"Ġreportedly":17828,"ĠDream":17829,"Ġ}));Ċ":17830,"losing":17831,"Ġteeth":17832,"ĠBooks":17833,"\",&":17834,"enny":17835,"LEMENT":17836,"Ġgel":17837,"ĠPlant":17838,"!âĢĿ":17839,".host":17840,"ĠReply":17841,"rength":17842,"Ġrecognition":17843,"Ġ}}>Ċ":17844,"LA":17845,"Ġmirror":17846,"Ġassistant":17847,"(device":17848,"Ġspiritual":17849,"builder":17850,"§":17851,"Ġoutr":17852,"Ġtt":17853,"ĠPER":17854,"Ġradical":17855,"Methods":17856,"Ġpace":17857,"udy":17858,"Ġgut":17859,"ĠGreek":17860,"Ġnonatomic":17861,"ĠPaper":17862,"_GPIO":17863,"Ġobst":17864,".Ad":17865,"vironments":17866,"ĠSov":17867,"(con":17868,"ĠTransaction":17869,".assign":17870,"ĉcatch":17871,"elter":17872,"Ġbitcoin":17873,"_GR":17874,"ĠčĊ":17989,"metic":17990,"Ġtransformation":17991,"åı·":17992,"Ġrgb":17993,"istributions":17994,"Ġimplicit":17995,"/in":17996,"destination":17997,"аÑĤÑĮ":17998,"Zero":17999,"Ġunset":18000,".where":18001,".go":18002,"Ġformation":18003,"Ġdeclaration":18004,"()čĊčĊ":18005,"ĠExpl":18006,"ĉĉĉĠĠ":18007,"/pro":18008,".JSON":18009,"Ġdesk":18010,".substr":18011,"//----------------------------------------------------------------------------":18012,"lyn":18013,"pson":18014,"disable":18015,"ĠFunc":18016,"ĉAssert":18017,"ĠMARK":18018,"Ġdefeat":18019,"Ġblind":18020,"Ġconstants":18021,".headers":18022,"UILD":18023,"Ġexpenses":18024,"Pixel":18025,"Ġhr":18026,"Ġfel":18027,"ĠEastern":18028,"_del":18029,"ĠCub":18030,"Ġsq":18031,"ĉcount":18032,"ĠDirectory":18033,"Ġexclus":18034,"Ġhistoric":18035,"Ġ------------------------------------------------":18036,"Ġcomposition":18037,"ĠdataGridView":18038,"ĠBurn":18039,"ĠBC":18040,"Master":18041,"Ġspawn":18042,"Ġbearing":18043,".SetActive":18044,"ilo":18045,"Ġgallery":18046,"Ġfounded":18047,"Ġavailability":18048,".sqrt":18049,"Ġpes":18050,"ĠDOM":18051,"mate":18052,"Oct":18053,"Ġmatched":18054,"itivity":18055,"Ġanxiety":18056,".price":18057,"ĠInstant":18058,"ìĬ":18059,"Ġtut":18060,"ICollection":18061,".shared":18062,"_sql":18063,"tbl":18064,"library":18065,"_destroy":18066,"ermal":18067,"ĠNotes":18068,"ĠEin":18069,"Ġsouthern":18070,"ĠOTHERWISE":18071,"Ġmacro":18072,".lower":18073,"cls":18074,"ContentView":18075,".link":18076,"constant":18077,"ĠBes":18078,"Ġsomebody":18079,"nb":18080,"\">{":18081,"(local":18082,".....":18083,"ĠNull":18084,"mx":18085,"Ġç":18086,"Ġpause":18087,"-----------":18088,"_MO":18089,"ĠCM":18090,"ĠforKey":18091,"ĠDVD":18092,"Ġclosest":18093,"_DEVICE":18094,"ĠStephen":18095,"ĠBBC":18096,"ĠTravel":18097,"Paint":18098,"ĠResults":18099,"ĠRule":18100,"Ġtp":18101,"Ġratings":18102,"cin":18103,"csv":18104,">/":18105,"ĠGOP":18106,"lad":18107,"ĠÑĢ":18108,"ĠindexPath":18109,"matrix":18110,"=f":18111,"arsed":18112,"Ġ});":18113,"ĠCos":18114,"ĠScore":18115,"Ġtak":18116,"ĠESP":18117,"ĠINC":18118,"_NULL":18119,"-flex":18120,"\"][":18121,"into":18122,"eland":18123,"Authorization":18124,"_FALSE":18125,"Ġgate":18126,"Ġvid":18127,"istent":18128,"TIME":18129,"Ġrewrite":18130,"Ġtie":18131,"Ġarchive":18132,".events":18133,".getParameter":18134,"ĠPermission":18135,"Ġprogramme":18136,"Ġé":18137,"jud":18138,"Ġcameras":18139,"(sys":18140,"ĠSyrian":18141,"Ġimprovements":18142,"Ġhip":18143,"Ġsuicide":18144,"Ġscholar":18145,"Ġcompatible":18146,"remote":18147,".down":18148,"FUNCTION":18149,"Ġmanaging":18150,"ĠUIKit":18151,".raw":18152,">>>>":18153,"Ġdemands":18154,"ellite":18155,"Ġdent":18156,"ĠMicro":18157,"åıĸ":18158,"'][$":18159,"ĠIE":18160,"imension":18161,"Ġtrem":18162,"Ġgained":18163,".with":18164,".ok":18165,"hou":18166,"Ġbom":18167,"ampaign":18168,"Ġjoining":18169,"fish":18170,"ĠaddSubview":18171,"Ġnorthern":18172,".cor":18173,"oret":18174,"Die":18175,"inish":18176,"_comp":18177,"Ġattended":18178,"Ġcollapse":18179,"ĠSS":18180,"acent":18181,"_EQUAL":18182,"ĠDeep":18183,"RGB":18184,"ĉtest":18185,"olves":18186,"uset":18187,"UnityEngine":18188,"writer":18189,"Resolver":18190,",%":18191,"ifference":18192,"_remove":18193,"onda":18194,"Ġfemme":18195,"decode":18196,"Branch":18197,"Ġflush":18198,"Ġinnovative":18199,"Tests":18200,"Ġ['./":18201,"Ġcovering":18202,".admin":18203,"ultipart":18204,"(lambda":18205,"namespace":18206,"ĠSport":18207,"Ġ!(":18208,"acles":18209,"Ġdepression":18210,"ĠKong":18211,"Ġpert":18212,"ĠConn":18213,"ĠOtherwise":18214,"/home":18215,"supported":18216,"Ġpink":18217,"Ġinvited":18218,"ños":18219,"_enabled":18220,"Ġ-Ċ":18221,"FW":18222,"eners":18223,"ĠMY":18224,"Ġsuggestions":18225,"Canvas":18226,"Ġfer":18227,"ĠMarketing":18228,"@Test":18229,"untu":18230,"ĠVen":18231,"ĠCou":18232,"ivals":18233,"Donald":18234,"limited":18235,"ĉĉĉĉĉĉĊ":18236,"Ġanalyst":18237,"(entry":18238,"Ġrepresentative":18239,"_attributes":18240,"Ġfur":18241,".hide":18242,"resp":18243,"adores":18244,"rides":18245,"ĠJosh":18246,"robot":18247,"ĠNAT":18248,"Ġsesso":18249,"Ġintegrated":18250,":true":18251,"parts":18252,"Ġstupid":18253,":event":18254,"@endsection":18255,"Ġpu":18256,".Table":18257,"ĠYii":18258,"`;ĊĊ":18259,"Ġclang":18260,"=\"\">":18261,"engan":18262,"_parameters":18263,".internal":18264,"ĠModern":18265,"Ġmetric":18266,"Ġsemi":18267,"={{Ċ":18268,".amazon":18269,"ĠBB":18270,"ainty":18271,"viewport":18272,"ĠstartActivity":18273,"dispatch":18274,"*****":18275,"Ġflav":18276,"ifferent":18277,"[this":18278,"Ġstake":18279,"Ġargued":18280,"viously":18281,".work":18282,"ĠOak":18283,"Old":18284,"(async":18285,"notes":18286,"Ġflip":18287,"Ġdisag":18288,"ĠTE":18289,"ĉerror":18290,"<'":18291,"Ġ»ĊĊ":18292,"Ġfiltered":18293,"ĠMach":18294,"Ġhung":18295,"_dump":18296,"_samples":18297,"-dismiss":18298,"Ġray":18299,"Implemented":18300,"DK":18301,"Ġjed":18302,"Ġbreaks":18303,"Ġfits":18304,".gr":18305,"ĠZero":18306,"oro":18307,"Ġequally":18308,"Ġ'[":18309,"Ġconcerning":18310,"<":18407,"Ġpromot":18408,"Ġincl":18409,"_only":18410,"를":18411,"ĠAttorney":18412,"-date":18413,"Ġlandscape":18414,"Ġfu":18415,"SY":18416,".prop":18417,"ĠArr":18418,"pag":18419,"ParallelGroup":18420,"':čĊ":18421,"Ġlogs":18422,"aunch":18423,"unci":18424,"nama":18425,"TableCell":18426,"issues":18427,".{":18428,"ecurity":18429,"_exec":18430,"olds":18431,"Ġhosts":18432,"Ġproto":18433,"_import":18434,"_sort":18435,"ĠBow":18436,"ĠNormal":18437,"ĠFarm":18438,".createParallelGroup":18439,"Rotation":18440,".err":18441,"Ġpleased":18442,"itage":18443,".Wh":18444,"ĉĉĠĠĠĠ":18445,"MR":18446,"ĠMORE":18447,"ĠNatural":18448,"_transform":18449,"BASE":18450,"eneral":18451,"utdown":18452,".commons":18453,"WT":18454,"Ġaan":18455,".Result":18456,"dog":18457,"Ġclicking":18458,"),ĊĊ":18459,"#line":18460,"Operator":18461,"Ġciv":18462,"Ġmerg":18463,"obuf":18464,"ngthen":18465,"Ġ[{":18466,"Ġcancell":18467,"trigger":18468,".:":18469,"WORK":18470,"declare":18471,"Ġdecrease":18472,"ÅĽci":18473,"loom":18474,".None":18475,"ĠMI":18476,"ĠJason":18477,"Ġhealthcare":18478,"iamond":18479,"sylvania":18480,"*x":18481,"ĠRa":18482,"[b":18483,"Ġprinting":18484,"phabet":18485,"ĠLabour":18486,"opper":18487,"Ġzijn":18488,"-target":18489,"_FUNCTION":18490,"Ġoct":18491,"ениÑı":18492,"åľ¨":18493,"Ġwestern":18494,"Ġcomputers":18495,"ĠRET":18496,"HashMap":18497,"[String":18498,"getValue":18499,"_DATE":18500,".Next":18501,"ĠFif":18502,"él":18503,"icked":18504,"æİ":18505,"-MM":18506,"Ġ{ĊĊĊ":18507,"Ġcontacts":18508,"Ġdigits":18509,"Produ":18510,"Ġunusual":18511,"Ġrapidly":18512,"tures":18513,"Ġangry":18514,"cancel":18515,"xxxx":18516,"_parser":18517,"idity":18518,"_PREFIX":18519,"Ġmehr":18520,"Ġrarely":18521,"ethe":18522,"opes":18523,"Ġ%.":18524,"works":18525,"Ġtheta":18526,"Ġcontribution":18527,"ĠTony":18528,"Ġsquad":18529,"ай":18530,"Ġîn":18531,"there":18532,"outed":18533,"ĉq":18534,"ĻĤ":18535,"good":18536,"LI":18537,"页":18538,"ĠLiving":18539,"izabeth":18540,"Ġkt":18541,"ĠDallas":18542,"]],Ċ":18543,"Ġ/>ĊĊ":18544,"Ġraising":18545,"/router":18546,"_game":18547,"ĠCUR":18548,"zens":18549,".es":18550,"ĠfontWeight":18551,"(func":18552,"notification":18553,"Ġ'../../../":18554,"Ġblame":18555,"ãĢĤĊĊĊĊ":18556,"anco":18557,"Identity":18558,"follow":18559,"Ġarts":18560,"xs":18561,"Ġofficially":18562,"ĠStudio":18563,"Ġrecommendations":18564,"Ġlocale":18565,"Ġamateur":18566,"ĠEnable":18567,"Ġcaps":18568,".End":18569,"-add":18570,"_gshared":18571,"ĠCT":18572,"Force":18573,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĊ":18574,"Ġorange":18575,"Ġlp":18576,"Ġanswered":18577,".Grid":18578,"Ġdual":18579,"Ġstrategic":18580,"Ġnobody":18581,"Ġfatal":18582,"_est":18583,"(el":18584,"Ġìł":18585,"ĠBudd":18586,"AIT":18587,"_factor":18588,"-one":18589,"ĠHAVE":18590,"\"čĊčĊ":18591,"Prof":18592,"Ġär":18593,"strings":18594,"Ġdirty":18595,"ĠFace":18596,"ĠBegin":18597,"ĠBus":18598,"Ġwis":18599,"åŃĹ":18600,"Ġspeaker":18601,"Ġcarrier":18602,"ĠOm":18603,"Ġhadn":18604,"Allow":18605,"::__":18606,"Ġverb":18607,"ĠComplete":18608,"ĠEasy":18609,"Ġbills":18610,"ĠĠĊĊ":18611,"Vertical":18612,"Ġpron":18613,"ĠDefine":18614,"Ġlookup":18615,"variables":18616,"Ġpandas":18617,"umes":18618,"Ġinnoc":18619,"ĠsetUp":18620,"ĠChampionship":18621,"artist":18622,"ĠCType":18623,"Foundation":18624,"à¹Ī":18625,"ĠSetup":18626,"Ġrecipes":18627,"ĠUIColor":18628,"ĠFight":18629,"Ġauthorized":18630,"_click":18631,"_success":18632,"angan":18633,"ĠMountain":18634,"ĠDoctor":18635,"Ġegg":18636,"ĠMedicine":18637,"cles":18638,"`.Ċ":18639,"[int":18640,"dashboard":18641,"ĠAppro":18642,"-dr":18643,"Ġproduces":18644,"Ġrental":18645,"Ġreload":18646,"Ġarrival":18647,"spot":18648,"Ġundert":18649,"Ġequipped":18650,"Ġproved":18651,"Ġcenters":18652,"Ġdefines":18653,"also":18654,"Ġopacity":18655,"ĠUnfortunately":18656,"ĠIllinois":18657,"Ġне":18658,"ĠTemple":18659,"ĠTrail":18660,"ĠKelly":18661,"Ġmeasurement":18662,"Ġseparated":18663,"-circle":18664,"Hey":18665,"ĠREAD":18666,"igits":18667,"Ġib":18668,"ĠMOD":18669,"attery":18670,"аз":18671,"Ġvend":18672,"енÑĤ":18673,"ĠHttpClient":18674,"safe":18675,"_ASS":18676,"icit":18677,"ĠConstruct":18678,"ĠClo":18679,"ĠSix":18680,"_TOKEN":18681,"(block":18682,"Ġwarned":18683,"/*!":18684,"!Ċ":18769,"Ġinnovation":18770,"_\"":18771,"Ġ);čĊčĊ":18772,"Ġspots":18773,"Ġchoosing":18774,".cs":18775,"Ġflexible":18776,"UInt":18777,"Ġscratch":18778,"-al":18779,"Ġfestival":18780,"Ġoutstanding":18781,"================================================":18782,"Mean":18783,"ĠOregon":18784,"symbol":18785,".account":18786,"dney":18787,"'''":18788,"!\",":18789,"Ġparticle":18790,"Ãĥ":18791,"[MAX":18792,"IVER":18793,"ERENCE":18794,"NSMutable":18795,"ĠColumbia":18796,"_ĊĊ":18797,".fr":18798,"Ġcogn":18799,"VR":18800,"ĠMethods":18801,"ĠMade":18802,"ĠBR":18803,"ĠElse":18804,"Ġeggs":18805,"Ġswing":18806,"ĠInv":18807,"Ġdiseases":18808,"Ġfirms":18809,"Ġlemma":18810,"}`);Ċ":18811,"lings":18812,"Ġgym":18813,"uminum":18814,".Trim":18815,"Mem":18816,"Ġcriticism":18817,"ibernate":18818,"_TX":18819,"ioni":18820,"Ġguidance":18821,"Ġrepeatedly":18822,"Ġsupplier":18823,"Ġpainting":18824,".Fragment":18825,"edException":18826,"Ġwiring":18827,"Ġcourts":18828,"WEB":18829,"æľī":18830,"\\.":18831,"illance":18832,"Ġbrows":18833,"ĠPattern":18834,"PLICATION":18835,"ĠSummer":18836,"Chain":18837,"Ġcute":18838,"mercial":18839,"Ġdil":18840,"ĠFranklin":18841,"ĉglobal":18842,"INCLUDING":18843,"history":18844,"Ġlst":18845,"Qt":18846,"SDL":18847,"alia":18848,"iere":18849,"(...":18850,"ĉcin":18851,"iffs":18852,"velope":18853,"ĠRoot":18854,"cluster":18855,"UserName":18856,"igne":18857,"()Ċ":18949,"Ġapplying":18950,"Ġpromised":18951,"Ġox":18952,"ncia":18953,"ĠValidation":18954,"orts":18955,"_cur":18956,"elect":18957,"eye":18958,"(Data":18959,"Ġreporter":18960,"ĠBuff":18961,"Ġsr":18962,"Ġ\";":18963,"icky":18964,"Ġtempor":18965,"SN":18966,"Ġresident":18967,"pires":18968,"ysical":18969,"Ġendorse":18970,"ĠSong":18971,"isEmpty":18972,"leet":18973,"_util":18974,"Ġdistingu":18975,"ĠTalk":18976,"ĠMot":18977,"(default":18978,".Arg":18979,"gorithms":18980,"_words":18981,"immer":18982,"_reset":18983,"family":18984,"WW":18985,"Ġsavings":18986,"ĠâĢĿ":18987,"_enable":18988,"sidebar":18989,"Running":18990,"Ġali":18991,"Ġtestim":18992,"Ġwarnings":18993,"ĠChem":18994,"ĠExit":18995,"Ġfounder":18996,"pector":18997,"Ġrm":18998,"_dataset":18999,"ĠDas":19000,"Ġhan":19001,"Getty":19002,"ál":19003,"Ġny":19004,"Ġpoverty":19005,"Ġresulted":19006,".by":19007,"ĠVisit":19008,"Ġobtaining":19009,"/'.$":19010,"ĠĠĠĠĠĠĠĠĠĠĠĊ":19011,"shall":19012,"_LEFT":19013,"UIImage":19014,"_Name":19015,"have":19016,"ĠNob":19017,"lr":19018,"-footer":19019,"Ġnaked":19020,"ĠGarden":19021,"\\Facades":19022,"Ġgraduate":19023,"Ġfranchise":19024,"plane":19025,"Ġcontributions":19026,"ĠstringWith":19027,"Ġcrypto":19028,"Ġmovements":19029,"athers":19030,"Ġlifetime":19031,"Ġcommunicate":19032,"jar":19033,"ĠFragment":19034,"_IF":19035,"ĠNavy":19036,"ĠFigure":19037,"Ġsimulation":19038,"_stop":19039,"Ġreporters":19040,"Ġversus":19041,"aja":19042,"Ġα":19043,"Ġgovernor":19044,"ListItem":19045,"Ġsealed":19046,".Background":19047,"edi":19048,"ashing":19049,"Ġlip":19050,"ĠIh":19051,"merge":19052,"Ġnec":19053,"elocity":19054,"ATEG":19055,"Ġseeds":19056,"Ġfloating":19057,"_FA":19058,"walk":19059,"ĉuser":19060,"_depth":19061,"Ġwage":19062,"@app":19063,"Nil":19064,"([\"":19065,"(vector":19066,"Ġsecretary":19067,"ĠjPanel":19068,"vez":19069,"³³³³":19070,"direction":19071,"ĠEP":19072,"Ġhunt":19073,"JsonProperty":19074,"ĠPORT":19075,"]\",":19076,"ап":19077,"ĠForeign":19078,"panic":19079,"Ġtrials":19080,"ĠAle":19081,"Ġrural":19082,"-value":19083,"authorized":19084,"ĠScotland":19085,".drop":19086,"ĠMT":19087,"ç±":19088,"rowth":19089,"FilePath":19090,"Ġrecall":19091,"ifle":19092,"Ġcel":19093,"ĠSELECT":19094,"kn":19095,"_case":19096,"Ġcrop":19097,"sure":19098,"pot":19099,"ICS":19100,"Ġstem":19101,"Ġindustries":19102,"Put":19103,"Ġaber":19104,"roadcast":19105,"Icons":19106,")\")Ċ":19107,"æĪIJåĬŁ":19108,"gui":19109,"Ġassumed":19110,"Ġrx":19111,"EA":19112,"è§":19113,"ELL":19114,"Ġdose":19115,"Ġine":19116,"Ġdeeper":19117,"lider":19118,"Ġordinary":19119,"Ġgolf":19120,"_IMAGE":19121,"ĠNAME":19122,"(module":19123,"Ġatom":19124,"Ġbelt":19125,"Ġoffices":19126,"beta":19127,"Ġphilosophy":19128,"(JSON":19129,"-field":19130,"Ġintroduce":19131,"Ġconvenience":19132,"optim":19133,">\"Ċ":19134,"athy":19135,"Ġemployer":19136,"quate":19137,"Ġedited":19138,"Arguments":19139,"ĠNations":19140,"__)":19141,"Ġnose":19142,"ĠSample":19143,"')ĊĊĊ":19144,"Ġcake":19145,".getAttribute":19146,"HD":19147,"Modified":19148,"Ġpredicted":19149,"ÅĦ":19150,"anie":19151,"Sorry":19152,"(doc":19153,"wind":19154,"ieve":19155,"Ġprovisions":19156,"ATER":19157,"OTE":19158,"MY":19159,".Autowired":19160,"ĠBath":19161,".Boolean":19162,"Ġbackend":19163,".Mouse":19164,"ateral":19165,"paper":19166,"Const":19167,"ĠVR":19168,"_entity":19169,"_CTRL":19170,"ĠProtection":19171,"ĠGM":19172,"ĠStudy":19173,"Ġsoup":19174,"otime":19175,"'use":19176,"]\"":19177,"/users":19178,"aug":19179,"ĠHong":19180,"_norm":19181,"ãģ¨":19182,"Ġsecre":19183,"(Build":19184,"ĠContract":19185,"olas":19186,"Ġsauce":19187,"Ġaggressive":19188,"Ġracial":19189,"character":19190,"@@":19191,"Ġcompile":19192,"ĠVoid":19193,"_rem":19194,"_memory":19195,"kk":19196,"Ġmic":19197,"Same":19198,"Utility":19199,"ĠHtml":19200,"ĠXml":19201,"Ready":19202,"Ġgall":19203,"Ġallegedly":19204,"ĉĉĉĉĠĠĠ":19205,"ĠMetal":19206,"ĠPersonal":19207,"ĠborderRadius":19208,"rxjs":19209,"objects":19210,"Ġwanting":19211,"Ġbowl":19212,"vendor":19213,"offsetof":19214,"ĠRs":19215,"ĠRating":19216,"Ġrally":19217,"_NODE":19218,"ĠMix":19219,"Ġadvertis":19220,"Ġnarrative":19221,"sal":19222,"Ġmc":19223,"SError":19224,"Ġfingers":19225,"Ġaccompany":19226,"Ġtired":19227,"Ġstride":19228,"Ġgui":19229,"elist":19230,"Locale":19231,"Ġreleases":19232,"iking":19233,"Ġanger":19234,")))ĊĊ":19235,"allest":19236,"Summary":19237,"(O":19238,"(for":19239,"Ġbasketball":19240,"Ġroads":19241,"ĠInstall":19242,"ĠFab":19243,"itmap":19244,"Ġ))Ċ":19245,"Ġintersection":19246,"ighbor":19247,"ĠBry":19248,"ĠHERE":19249,"Software":19250,"elfare":19251,"acs":19252,"Ġtrailer":19253,".getClass":19254,"chars":19255,"Ġregulation":19256,"Ġrefers":19257,"Ġdestruction":19258,"Ġcontinuous":19259,"ĠAustin":19260,"é¢":19261,"akan":19262,".window":19263,"ĠTemplates":19264,"Ġabsence":19265,":n":19266,"Ġdisorder":19267,"flash":19268,"Ġdelet":19269,"boards":19270,"ĠĠĉ":19271,"ROP":19272,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":19273,"Ġacqu":19274,"Ġlawsuit":19275,"ĠReviews":19276,"Ġgarage":19277,"timer":19278,"Ġej":19279,"ĠRectangle":19280,"Ġflowers":19281,"ilst":19282,"ĠInstance":19283,"Super":19284,"det":19285,"disposing":19286,"ĠES":19287,"ĠIC":19288,"vere":19289,"Sk":19290,"_channels":19291,"puted":19292,"/null":19293,"nnen":19294,"ĠGallery":19295,"_global":19296,"Authentication":19297,"ĠRank":19298,"Ġblocked":19299,"Ġcalm":19300,"market":19301,"ĉval":19302,"Ġaug":19303,"period":19304,"ĠConstant":19305,"Ġ?>\">Ċ":19306,"Ġlobby":19307,"pal":19308,"Ġsink":19309,"iah":19310,"С":19311,"urname":19312,"Ġconver":19313,"Ġinvestigate":19314,"Christ":19315,"Hub":19316,"ĠIND":19317,"ĠPed":19318,"uras":19319,"ĉurl":19320,"ĠTro":19321,"Ġpreferences":19322,"Ġguaranteed":19323,"`ĊĊ":19324,"Ġportions":19325,"Ġevalu":19326,"'>;ĊĊ":19421,".AutoScaleMode":19422,"Ġcats":19423,"Ġregistry":19424,"ulus":19425,"FI":19426,"payload":19427,"-search":19428,"Ġstaying":19429,"acious":19430,"Decoration":19431,"Review":19432,"Inf":19433,"Keep":19434,"itis":19435,",String":19436,"Coord":19437,"Ġpero":19438,"Sex":19439,"ĠAtlanta":19440,"uesta":19441,"Argb":19442,">*":19443,"}_":19444,"Footer":19445,"Ġemployed":19446,"_bound":19447,"vide":19448,".func":19449,"$scope":19450,"Ġspo":19451,"ĠAnal":19452,"ounced":19453,"around":19454,"Ġrestriction":19455,"Ġshops":19456,"åĢ":19457,"ĠLatin":19458,"-col":19459,"Ġbarely":19460,"ĠEuro":19461,"Er":19462,"Ġfaire":19463,"_distance":19464,"_unlock":19465,"Quote":19466,"IVATE":19467,"ĠåĪ":19468,"Ġaimed":19469,"ĠRetrie":19470,".iter":19471,"Ġwrapped":19472,"Ġagreements":19473,"strument":19474,"(product":19475,"Ġstudied":19476,".setValue":19477,"Ġye":19478,"ĠCache":19479,"MBOL":19480,"Ġquarterback":19481,"Ġsyntax":19482,".getElementsBy":19483,".version":19484,"website":19485,"Runner":19486,"_single":19487,"ativ":19488,"ĠAltern":19489,"ĠBeautiful":19490,"rightarrow":19491,"Ġdiversity":19492,"plash":19493,"(co":19494,".Fill":19495,"Ġtyping":19496,"Ġclar":19497,"Hit":19498,"OO":19499,"acco":19500,"worth":19501,"Ġscripts":19502,"ĠMuslims":19503,"ĠLL":19504,"erving":19505,"(boolean":19506,"Ġbaseball":19507,"ĠCAN":19508,"MAIL":19509,"depend":19510,"Ġrespective":19511,"Ġconstexpr":19512,".*;ĊĊ":19513,"']))Ċ":19514,"Ġyard":19515,"Ġidentical":19516,"ifecycle":19517,"USH":19518,"upiter":19519,".validate":19520,"cli":19521,"ISTER":19522,"Indicator":19523,"Fail":19524,"Ġdemocracy":19525,".var":19526,"Ġsatisfied":19527,"-------------":19528,"encer":19529,"hor":19530,"Ġrounds":19531,"DAO":19532,"oa":19533,"Ġflask":19534,"=c":19535,"[]Ċ":19536,"/dist":19537,"Ġparte":19538,"Ġconfirmation":19539,"eron":19540,"aware":19541,"":19542,"Ġdependencies":19543,"ĠVideos":19544,"-row":19545,"Ġ**/Ċ":19546,"Ġnou":19547,"Ġhover":19548,"æŀ":19549,"Ġnin":19550,"ĠUSD":19551,"Mac":19552,"_Load":19553,"Ġoutcomes":19554,"_socket":19555,"Ġqueries":19556,"wm":19557,"Ġhitting":19558,"inux":19559,"Mich":19560,"udge":19561,"ATAB":19562,"Ġvulnerable":19563,"ä¾":19564,"Ġportfolio":19565,":YES":19566,"ĉmap":19567,"Bound":19568,"Ġiteration":19569,"incess":19570,"Ġactors":19571,"ĠQual":19572,"_clean":19573,"ãĢijãĢIJ":19574,"MSG":19575,"Green":19576,"ĠOfficer":19577,"Ġsmoking":19578,">',":19579,"ĠFlo":19580,"++;":19581,"olygon":19582,"Ġbulk":19583,"Ġdrama":19584,"Ġexceptions":19585,"osed":19586,"Ġ+čĊ":19587,"Ġlegacy":19588,"CV":19589,"Ġcontributed":19590,"ĠTerms":19591,"Ġbt":19592,"Ġuntuk":19593,"Ġalien":19594,"===Ċ":19595,"ĉVector":19596,"Ġls":19597,"Online":19598,".facebook":19599,"numeric":19600,"ockets":19601,"Aut":19602,"bury":19603,"-redux":19604,"ĠRedistributions":19605,"GLOBALS":19606,"urrencies":19607,"Ġtons":19608,"âĢĻ,":19609,"Ġê":19610,"(col":19611,"ĠSymbol":19612,"Ġstayed":19613,"ĠML":19614,"Ġmunicip":19615,"Ġsexo":19616,"Sen":19617,"nr":19618,"Ġgains":19619,"Ġshortly":19620,".Menu":19621,"ý":19622,"KNOWN":19623,"Ġoperators":19624,"-V":19625,"ĠPatrick":19626,"/add":19627,"_CO":19628,"iration":19629,"(post":19630,"Posts":19631,"/_":19632,"Ġplug":19633,"Ġintellectual":19634,"Ġmetab":19635,"Ġpregnancy":19636,"ĠPremier":19637,"nm":19638,"Ġprediction":19639,"ĠMinistry":19640,"Three":19641,"valuate":19642,"ĠMini":19643,"bu":19644,"оз":19645,"\";čĊ":20078,"ĠSav":20079,".Bold":20080,"Ġenables":20081,"ĉtmp":20082,"Ġmanually":20083,"ĠSqu":20084,"userid":20085,".function":20086,".cache":20087,"LOPT":20088,".Services":20089,"ddit":20090,"tim":20091,">>":20154,"station":20155,"lore":20156,"atype":20157,"ishop":20158,"/****************************************************************":20159,"ComboBox":20160,"Ġvacation":20161,"Ġinitiative":20162,"ĠdefaultValue":20163,"concat":20164,"ĠKh":20165,"ĠWelcome":20166,"izedName":20167,"Migration":20168,"Ġgradient":20169,"Hot":20170,"Ġhardly":20171,"elo":20172,"ĠStudents":20173,"Ġloose":20174,"atz":20175,".Send":20176,"'/":20177,"Ġuniversal":20178,"Ġenterprise":20179,"Ġregex":20180,"Ġvisitor":20181,"ĠFly":20182,"Seq":20183,"à¸Ļ":20184,"ĠVisual":20185,"Ġlibraries":20186,"atoes":20187,"Payment":20188,"Ġpent":20189,"Ġgathered":20190,"VRTX":20191,"ĠDM":20192,"Split":20193,"Ġletting":20194,"ÐĿ":20195,"_errors":20196,"epoch":20197,"PARAM":20198,"cu":20199,"ÑģÑĤв":20200,"olutions":20201,"Editing":20202,"fonts":20203,"Ġallocated":20204,"ĠBased":20205,"(Y":20206,"ĠJudge":20207,"Ġbrothers":20208,"FILES":20209,"ço":20210,"wb":20211,"_PI":20212,"'^":20213,"Ġsword":20214,".services":20215,"Ġnl":20216,"Tim":20217,"igg":20218,"ĠMoore":20219,"Ġcryptoc":20220,"åĩº":20221,"_posts":20222,"otate":20223,"?'":20224,"....ĊĊ":20225,"Ġkl":20226,"=\"$":20227,"Ġdecoration":20228,"ạ":20229,"ĠDIRECT":20230,"GUI":20231,")=>{Ċ":20232,"Ġnewsletter":20233,"Ġprecis":20234,"(point":20235,"ĠEquipment":20236,"uty":20237,"ĠDave":20238,"Ġparticipation":20239,"uarios":20240,"xit":20241,".As":20242,"ETER":20243,"orous":20244,"Ġshield":20245,"[]>":20246,"ilitary":20247,".origin":20248,"Ġpromotion":20249,"Unt":20250,"Ġct":20251,"TRA":20252,"ViewHolder":20253,"Ġsigma":20254,"delta":20255,"arehouse":20256,"contract":20257,"(Vector":20258,"Ġcompete":20259,"/form":20260,"/components":20261,"Ġnr":20262,"ĠIndones":20263,"ĠоÑĤ":20264,"ĠVolume":20265,".files":20266,"(resp":20267,"/models":20268,"Ġsurf":20269,"standard":20270,"/o":20271,"ĠXCTAssert":20272,"VICES":20273,".Code":20274,"SED":20275,"Ġactivate":20276,"Delta":20277,"Ġlimitation":20278,"rij":20279,"Ġpregnant":20280,":^(":20281,"Ġsour":20282,"pie":20283,"Ġexpense":20284,"ication":20285,"ĠLarge":20286,"Ġ±":20287,"ĠBowl":20288,"(models":20289,"/N":20290,"Pa":20291,".reload":20292,"Ġwondering":20293,"Execution":20294,"ĉĠĠĠĠĠĠ":20295,"ĠGraphics":20296,"ĠContin":20297,"_job":20298,"ĠgetName":20299,"ĠMagn":20300,"ĠDWORD":20301,"mad":20302,"Ġnh":20303,"features":20304,"}\");Ċ":20305,"heets":20306,"(train":20307,"zn":20308,"Ġrecruit":20309,".connection":20310,"Ġbarrel":20311,"Ġsteam":20312,"_setting":20313,"Ġangular":20314,"aneously":20315,"Ġbil":20316,"ĠNorm":20317,"(!$":20318,"ibt":20319,"%(":20320,"Ġposit":20321,"ĠFather":20322,"intendo":20323,"Live":20324,"Ġports":20325,"Ġmej":20326,"Ġlanding":20327,"ponder":20328,"Ġcod":20329,"_HEADER":20330,".Margin":20331,"Ġballs":20332,"Ġdiscussions":20333,"Ġblend":20334,"Hex":20335,"Ġfarmers":20336,"Ġmaintaining":20337,"ĠĠĠčĊ":20338,"syn":20339,"[T":20340,"rus":20341,"uffers":20342,"Ġcontributors":20343,"_sys":20344,".Debug":20345,"Ġconstructed":20346,"omes":20347,"?id":20348,"slider":20349,"Ġsuppliers":20350,"scriber":20351,"pes":20352,"Ðŀ":20353,"\":čĊ":20354,"\\Controller":20355,"))ĊĊĊ":20356,"Ġlua":20357,"Multi":20358,"ENS":20359,"Src":20360,"Ġpetition":20361,"Ġslave":20362,"looking":20363,"VERT":20364,"ĉvector":20365,"Special":20366,"hh":20367,"anne":20368,"ĠNiger":20369,"/views":20370,"zing":20371,"endant":20372,"(":20591,".Product":20592,"Forms":20593,"NEW":20594,"Pay":20595,"ĉboolean":20596,"_contact":20597,"ĠElectric":20598,"skip":20599,"Ġwur":20600,"Ġchronic":20601,"_driver":20602,"ĠSab":20603,"ĠUlt":20604,"ĠRad":20605,"STATUS":20606,"ĠLewis":20607,"OB":20608,"Ġgifts":20609,".Rec":20610,"TRUE":20611,"Ġintensity":20612,"Marker":20613,".compare":20614,"ffic":20615,"Cookie":20616,"ĠBaby":20617,"ĠBigDecimal":20618,"ilet":20619,"ĠHOLDERS":20620,"ĠLady":20621,"Ġlung":20622,"ĠAlabama":20623,"Ġdess":20624,"`);Ċ":20625,"ĠBuilder":20626,"_region":20627,"Ġneutral":20628,"Both":20629,"Ġhp":20630,"Ġhorn":20631,"Ġsegments":20632,"ĠEC":20633,"\"=>\"":20634,"(rec":20635,"ĠPi":20636,"GM":20637,"Ġlaptop":20638,"Scalar":20639,"isd":20640,"-dialog":20641,"ĠAnderson":20642,"Ġmistakes":20643,"ĠHan":20644,"jes":20645,"estination":20646,"Ġpromises":20647,"bid":20648,"ĠScient":20649,"GIN":20650,"ĠPerformance":20651,"bage":20652,".users":20653,"leading":20654,"Ġoral":20655,"Graphics":20656,"_PTR":20657,"hang":20658,"Ġinev":20659,"processing":20660,"Factor":20661,"ĠNA":20662,"$string":20663,"Ġgrounds":20664,".SaveChanges":20665,"clock":20666,"cripcion":20667,"ĠNewton":20668,"gc":20669,".includes":20670,"Ġblast":20671,"Ġ'-'":20672,"Ġpuede":20673,".Session":20674,"Ġgrep":20675,"_final":20676,"ĠGay":20677,"ĠGive":20678,"iri":20679,"-star":20680,"ĠUIImage":20681,"_epoch":20682,"ubb":20683,"enth":20684,"Ġelite":20685,"Ġcampaigns":20686,"ĠPorno":20687,"_assign":20688,"Protocol":20689,"ĠBeing":20690,"ĠAirport":20691,"Ġconventional":20692,"ĠWat":20693,"ĠCI":20694,"ETA":20695,"ĠAnthony":20696,"Ġtablet":20697,"(format":20698,"Ġconsistently":20699,"ĠIowa":20700,"Ġavatar":20701,".cursor":20702,"![":20703,"Ġhanging":20704,"Her":20705,"Such":20706,"';ĊĊĊ":20707,"orgeous":20708,"()==":20709,"ĠviewModel":20710,"Ġãĥ":20711,"Ġels":20712,"ĠAgent":20713,"Fetch":20714,"apor":20715,"Ġcx":20716,"pread":20717,"ĠPier":20718,"oeff":20719,"Sn":20720,"ĠVirtual":20721,"Apr":20722,".White":20723,"_MOD":20724,"ĠPoints":20725,"失":20726,"Ġgenes":20727,"Ġvendor":20728,"Ġmainstream":20729,"Ċ":20758,"Filename":20759,"Ġsne":20760,"ĠFootball":20761,"Ġrival":20762,"Ġdisaster":20763,"ionic":20764,"ĠDamage":20765,".Resource":20766,"-en":20767,"ĠTypes":20768,"getString":20769,"(board":20770,"Ġbol":20771,"plain":20772,"zym":20773,"า":20774,"Ġscanner":20775,"ilder":20776,"_msgs":20777,"æı":20778,"(intent":20779,"Ġdestruct":20780,"Ġbust":20781,"ĠEmploy":20782,"oni":20783,"ĠUIViewController":20784,"Ġodds":20785,"earer":20786,"Geometry":20787,"Ġyii":20788,"_EXPORT":20789,"ĠAttack":20790,"Ġniet":20791,"Ġimpression":20792,"ĠGil":20793,"_prob":20794,"ĠCF":20795,"ĠExperience":20796,"/plugins":20797,".Method":20798,"Ġbeliefs":20799,"Native":20800,"_build":20801,"Ġvig":20802,"Ġranks":20803,"covered":20804,"such":20805,"Guard":20806,".pack":20807,"adder":20808,"ivia":20809,"lng":20810,"ĠвÑĭ":20811,"Timestamp":20812,"_now":20813,"Ġpoker":20814,"Ġunc":20815,"Ġshapes":20816,"-types":20817,"_period":20818,"pk":20819,"Ġveteran":20820,"Ġsono":20821,"Ġappointed":20822,"overflow":20823,".driver":20824,"_cat":20825,"utt":20826,"plant":20827,"imb":20828,"ĠAccept":20829,"Ġconcert":20830,"ĉnode":20831,"ĉz":20832,"?>čĊ":20833,"Ġbanned":20834,"ĉĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":20835,"Ġtoxic":20836,"Ġdisappe":20837,"ÈĽ":20838,"Ġgrace":20839,"ateful":20840,"Reply":20841,"ĠCruz":20842,"Ġscrap":20843,"Ġkeywords":20844,"simp":20845,"Ġmortgage":20846,"Ġcyber":20847,"ĠExecute":20848,"Ġlatitude":20849,"ifu":20850,".COM":20851,"dbo":20852,"Ġsorts":20853,"ĠGas":20854,"omial":20855,".Local":20856,"Cells":20857,".Replace":20858,"Strings":20859,".fit":20860,"ĠThird":20861,"%\",Ċ":20862,"Ġ{}\".":20863,"ĠSony":20864,"Ġ[:":20865,"Ġfallen":20866,".')Ċ":20867,"inh":20868,"ĠMC":20869,"Ġredis":20870,"Codes":20871,"Ġprofiles":20872,"hook":20873,"Reducer":20874,"_FUNC":20875,"Ġnavigate":20876,"strlen":20877,"Ġhorm":20878,"áŀ":20879,"ĠSR":20880,".boot":20881,"Ġdigest":20882,"ĉheader":20883,".findOne":20884,"æģ":20885,"DbType":20886,"nia":20887,"_merge":20888,"Ġdonne":20889,"/Getty":20890,"_CHAR":20891,"Ġbands":20892,".URL":20893,"artial":20894,"Ġfreq":20895,"Ġsist":20896,"Ng":20897,"Ġrendering":20898,"\\Core":20899,"Widgets":20900,"ĠVA":20901,"Ġactivists":20902,"Ste":20903,"=_":20904,"alla":20905,"Stamp":20906,"Ġloads":20907,"Ġxx":20908,"ĠLearning":20909,".Mvc":20910,"uir":20911,"(\"$":20912,"Ġconnecting":20913,"ReadOnly":20914,"uru":20915,"ĠEag":20916,"BIT":20917,"_DEL":20918,"å§":20919,"arrass":20920,"external":20921,"ĠYOUR":20922,"ĠBrew":20923,"ĠFive":20924,"Ġresize":20925,"igid":20926,"eration":20927,"ĠÑį":20928,"åĬł":20929,"ĠCatch":20930,"Ùģ":20931,"ĠLeon":20932,"amil":20933,".Body":20934,"Clip":20935,"/list":20936,".br":20937,"EditText":20938,"ĉdb":20939,".Game":20940,"(BuildContext":20941,"backend":20942,".Red":20943,"facebook":20944,".urls":20945,"mr":20946,"rolled":20947,"-------":20948,"Ġintervention":20949,"Ġretirement":20950,"ĠKit":20951,"ĠPRE":20952,"UpperCase":20953,"ĠSocket":20954,"Ġ:-":20955,"Ġstudying":20956,"ĠMetro":20957,"arded":20958,"Ġconversations":20959,"Called":20960,"Ġexamine":20961,"ertificate":20962,".gz":20963,"-responsive":20964,"Ġrefund":20965,"_network":20966,"allowed":20967,"empt":20968,"Ġmeals":20969,"Categories":20970,"Ġtraveling":20971,"Ġkg":20972,"Ġshame":20973,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":20974,"Ġexplicitly":20975,"Ġmathematic":20976,"ĠSuite":20977,"ĠRGB":20978,"******/":20979,"Ġmixture":20980,"learning":20981,".template":20982,"atts":20983,"wx":20984,"ĉctx":20985,".properties":20986,"Ġdrinks":20987,"ĠEither":20988,"setText":20989,".getData":20990,".zip":20991,"Ġreveals":20992,".Ċ":21005,"Ġranked":21006,"_impl":21007,"ĠHandles":21008,"Ġhosted":21009,"Ġupdating":21010,"album":21011,"éĿ":21012,"Ġshader":21013,"Editors":21014,"-round":21015,"[]{":21016,"Ġsep":21017,"ĠHi":21018,"TEM":21019,"lookup":21020,".man":21021,"_INPUT":21022,"Ġthreatened":21023,"_IMPORT":21024,"Ġdrops":21025,"ruit":21026,"sid":21027,"both":21028,"ĠExcel":21029,"Ġjer":21030,"ordinary":21031,"ей":21032,"VIEW":21033,"reply":21034,"Ġ):Ċ":21035,"colors":21036,"verified":21037,"_Tr":21038,"_parse":21039,"Ġcongress":21040,"Promise":21041,"ints":21042,"ĠMother":21043,".Api":21044,"ĠDuration":21045,"ĠfirstName":21046,"inheritdoc":21047,"ĠMars":21048,"Ġapr":21049,"ODY":21050,"Ġvisits":21051,"Ġhealing":21052,"letters":21053,")));čĊ":21054,"future":21055,".Framework":21056,"Ġkiss":21057,"Ġinvolve":21058,"Ġsilent":21059,"adows":21060,"Ġanybody":21061,"sch":21062,"Ġsolely":21063,"-img":21064,"Ġpropri":21065,"Ġinstruct":21066,"Ġlicenses":21067,"Ġmeth":21068,"Ġcondem":21069,"ĠDomain":21070,"ĠHarris":21071,"ĠsÃ¥":21072,"CEPT":21073,"Batch":21074,"@extends":21075,"ĠCONTRIBUT":21076,".DataFrame":21077,"_packet":21078,"recision":21079,"Ġfocusing":21080,".ht":21081,"__\":Ċ":21082,":Get":21083,"ĠKC":21084,"Ġpassage":21085,"Segment":21086,"_center":21087,"-zA":21088,"_BL":21089,"Ġconvin":21090,"Ġclassified":21091,"ĠNSMutable":21092,"_ap":21093,"tile":21094,"Rectangle":21095,"(nums":21096,"vens":21097,"ĠUIButton":21098,"ĠFeder":21099,"amo":21100,"Ġoutline":21101,"ĠParser":21102,"Ġâī":21103,"ĠWorks":21104,".Schema":21105,"Ġengines":21106,"_common":21107,"_old":21108,"ĠsetContentView":21109,"Ġ///<":21110,"ĠBT":21111,"fm":21112,"Ġdivers":21113,"_weights":21114,"emark":21115,"ĠACT":21116,"Ġproportion":21117,"overlay":21118,".dirname":21119,"ĠGit":21120,"_REFERENCE":21121,"<>":21122,"lb":21123,"_rule":21124,"è´¥":21125,"ĠPutin":21126,"Ġsleeping":21127,"():čĊ":21128,"Ġpreserve":21129,"Ġparliament":21130,"ĠLooking":21131,"Ġpicking":21132,"ĠDispatch":21133,"Ġslip":21134,"ëĵ":21135,"ĠLyn":21136,"_signal":21137,"configuration":21138,"ĠPitt":21139,"aden":21140,"procedure":21141,"Ġenthusi":21142,"fight":21143,"ĠConsider":21144,"Ġtorn":21145,"Connected":21146,".cos":21147,"_groups":21148,"ĠThink":21149,"Ġdeliber":21150,"Ġresid":21151,"working":21152,".columns":21153,"ĠCalled":21154,"Ġeslint":21155,">\",":21156,"_DOWN":21157,"hist":21158,"ĠAdvanced":21159,"Ġrewards":21160,"actors":21161,"Ġsilence":21162,"Ġmyth":21163,"Ġneur":21164,"Ġauction":21165,".GetString":21166,"eks":21167,"(project":21168,"ĉmsg":21169,"ĉoutput":21170,"Ġcomplaints":21171,",S":21172,"Ġtbl":21173,"Ġ,ĊĊ":21174,"riors":21175,"ahren":21176,"Ġlawyers":21177,"redux":21178,"_symbol":21179,"offee":21180,"_RESULT":21181,"(Name":21182,"UTC":21183,".currentTime":21184,"Ġorganis":21185,".arg":21186,"Ġminim":21187,"wick":21188,"Ġreceives":21189,"Balance":21190,"Ġspeaks":21191,"ĠDays":21192,"ĠBelow":21193,"tipo":21194,"Present":21195,"Ġreserv":21196,"hp":21197,"Ġrit":21198,"_RIGHT":21199,"--)":21200,"Ġchairman":21201,"DIS":21202,"ĠBOOST":21203,"Ġexperiments":21204,"__);Ċ":21205,"Ġstamp":21206,"Ġfert":21207,"Ġfond":21208,"Ter":21209,"elve":21210,"uren":21211,"+i":21212,"endency":21213,"Ġvirtually":21214,"...\"":21215,"ï½ŀ":21216,"-cent":21217,"_unique":21218,"Ġpricing":21219,"mic":21220,"RESH":21221,"Ġ:::":21222,"Ġannotation":21223,"ĠCircle":21224,"ongodb":21225,"itas":21226,"Ġ%(":21227,"(component":21228,"Ġоб":21229,"(port":21230,"-hour":21231,".obj":21232,"LBL":21233,"Ġjury":21234,"GBT":21235,"Ġspy":21236,"ĠProfessional":21237,"Ġ\"\";ĊĊ":21238,"Ġstriking":21239,"Ġdiscrimination":21240,"Ġpays":21241,"lict":21242,"entes":21243,"Ġthrowing":21244,"ĠPlugin":21245,"(def":21246,"ĠRuntimeException":21247,"ĠMigration":21248,"Ġdic":21249,"bag":21250,"onia":21251,"Ġcorruption":21252,"(Map":21253,"Ġprz":21254,".dto":21255,"Ġacquire":21256,"StateToProps":21257,"Ġloving":21258,"ож":21259,"_pattern":21260,"Ġemotions":21261,"Ġpublisher":21262,"_be":21263,"Ġcouples":21264,"oj":21265,"ĠChart":21266,"Ġtrop":21267,".tool":21268,"Ġestablishment":21269,"Ġdol":21270,"Ġtower":21271,"Ġlane":21272,"ĠSydney":21273,"Ġfilling":21274,"claimed":21275,"Ġdialogue":21276,"Ġconvention":21277,"booking":21278,"parency":21279,"æ±":21280,"ĠGeneric":21281,"\\Schema":21282,"Ġranges":21283,"/ch":21284,"Ġpanels":21285,"Ġruled":21286,"çĶŁ":21287,".ts":21288,"_sets":21289,"Ġcleanup":21290,"Previous":21291,"ĠAnimal":21292,"($(":21293,"ĠAve":21294,"ollar":21295,"_eval":21296,"ĉName":21297,"(tree":21298,"Ġ\"]":21299,"Ġduties":21300,"='/":21301,"Clicked":21302,"Ġdifferently":21303,"ĠClark":21304,"Ġdit":21305,"ologists":21306,"Ġsynd":21307,"Ġsends":21308,"-known":21309,"kb":21310,"ĠModal":21311,"itative":21312,"Ġracing":21313,"Ġhighlights":21314,"ĠSimon":21315,"ĠCaptain":21316,"ä¿¡":21317,"ĠCB":21318,"contin":21319,"aran":21320,"Ġphysics":21321,"retty":21322,"etal":21323,".md":21324,"axios":21325,"Ġspeakers":21326,"Ġprep":21327,"Ġawarded":21328,"ì§Ģ":21329,"ĠCorn":21330,"ĠNature":21331,"UDIO":21332,"Ġproj":21333,"-pre":21334,"[u":21335,"Features":21336,"ĠisEqual":21337,"Binary":21338,"sig":21339,"Ġconfusion":21340,"ĠHat":21341,"Ġktó":21342,".configure":21343,"MON":21344,"/edit":21345,"_Add":21346,",true":21347,"Ġcli":21348,"ErrorMessage":21349,"-loader":21350,"Dimensions":21351,"ultiply":21352,"Ġ{!!":21353,"ĠSqlCommand":21354,"Ġspoken":21355,"Ġpics":21356,"Ġtoy":21357,"(Key":21358,"ĠLoop":21359,"ب":21360,"EATURE":21361,"inction":21362,"_setup":21363,"wrapper":21364,"Ġtong":21365,"cular":21366,"Opt":21367,".Pl":21368,"=\",":21369,"(length":21370,"umn":21371,"Ġchrom":21372,"Ġsevent":21373,"ĠIllegalArgumentException":21374,"ĉstart":21375,"Ġbegun":21376,"CEPTION":21377,"dataset":21378,"ĠFailed":21379,"cols":21380,"Ġknee":21381,"imore":21382,".splice":21383,"shell":21384,"iggers":21385,"Ġthemes":21386,"ĠDJ":21387,"ĠAssistant":21388,"-$":21389,"Maybe":21390,"Ġordering":21391,"ĠIntelligence":21392,"ĠMassachusetts":21393,"Ġfailing":21394,"elson":21395,"Great":21396,"=i":21397,".rest":21398,"Ġinvite":21399,"-disable":21400,".GroupBox":21401,"âĢĻest":21402,"Ġtackle":21403,"gv":21404,"etter":21405,"Ġ),čĊ":21406,"_rules":21407,".warn":21408,"functions":21409,"ĠChristians":21410,"Ġbacked":21411,"Ġslider":21412,"Ġenjoying":21413,"nest":21414,"Ġhij":21415,"_ms":21416,"//*":21417,"Annotations":21418,"ĠVariables":21419,"":21620,"cycle":21621,"ĠBull":21622,"paths":21623,"Ġunp":21624,"ĠviewDidLoad":21625,"_Model":21626,"ĠassertTrue":21627,"Ġrated":21628,"Decl":21629,"verted":21630,"ĠDat":21631,"brew":21632,"Ġpointing":21633,"Ms":21634,"ĠPointer":21635,")'":21636,"_non":21637,"ĠSEC":21638,"Ġyeah":21639,"gency":21640,"initialize":21641,"fly":21642,"[pos":21643,",g":21644,"Tele":21645,"Ġjoke":21646,"Ġclause":21647,".findById":21648,"enes":21649,"(instance":21650,"£":21651,"Ġslic":21652,"_home":21653,"Ġ*/}Ċ":21654,"_pages":21655,"(service":21656,"RP":21657,"ĠAmong":21658,".getCurrent":21659,"ãĤ¹":21660,"Ġslee":21661,"=[Ċ":22071,"oler":22072,"Ġlibert":22073,"Ġ`Ċ":22074,"Ġwenn":22075,"lated":22076,"Ġimmune":22077,"(Node":22078,"ĠProblem":22079,"ĠAbs":22080,"logs":22081,"Ġ../":22082,"ĠADC":22083,"Ġ}}\">Ċ":22084,">');Ċ":22085,"=b":22086,"ĠWind":22087,"lahoma":22088,"Ġallocate":22089,"orian":22090,"Ġprescription":22091,"-quality":22092,"ĠMayor":22093,"inely":22094,"endforeach":22095,"ĠComplex":22096,"kom":22097,"TY":22098,"]].":22099,".Style":22100,"_many":22101,"','$":22102,"Ġbarrier":22103,"ĠFetch":22104,"ĠMarvel":22105,"Ġresist":22106,"ого":22107,"bidden":22108,"ĠRunnable":22109,":false":22110,"Ġbuilds":22111,"ĠStage":22112,"Ġdub":22113,"empo":22114,".site":22115,";ĊĊĊĊ":22116,"ĠDenver":22117,"Ġrevel":22118,"Ġtriggered":22119,"Ġdice":22120,"_fail":22121,"Ġgc":22122,"ĉX":22123,"ĠThrowable":22124,".router":22125,"ĠRevolution":22126,"ÑĢа":22127,"_NON":22128,"Ł¥":22129,"Ġelder":22130,"Ġabroad":22131,"Ġе":22132,"ĠAdult":22133,"blr":22134,"glyphicon":22135,"Ġpromoting":22136,"Ġiz":22137,"ĠSolid":22138,"_loader":22139,"early":22140,".enabled":22141,"-edit":22142,"ĠUL":22143,"_play":22144,"ĠInterrupt":22145,"Ġadvantages":22146,"ucle":22147,"Ġmechanical":22148,".tableLayoutPanel":22149,"ĠWorking":22150,"Ġanonymous":22151,"Rating":22152,"igious":22153,"_phone":22154,".addActionListener":22155,"Ġfran":22156,"unden":22157,"Ġ*)&":22158,"_bool":22159,"ulative":22160,"Ġcone":22161,"ĠMult":22162,"Ġmö":22163,"ĠForward":22164,"]):Ċ":22165,"Ġconvinced":22166,"acted":22167,"ãģĵ":22168,"ĠConfigure":22169,"Ġceiling":22170,"Der":22171,"Ġpassengers":22172,"Groups":22173,"Ġsoccer":22174,"/W":22175,"aviors":22176,"swith":22177,"ĠZone":22178,".Options":22179,"ĠMom":22180,"ieder":22181,"Arrays":22182,"Ġtreatments":22183,"Ġprotecting":22184,"fac":22185,"Ġpickle":22186,"ButtonItem":22187,"Ġblocking":22188,"strar":22189,"ò":22190,"ĠExport":22191,"Ġthrew":22192,"otta":22193,"ĠBASE":22194,".ws":22195,".LEADING":22196,"orderBy":22197,"_delay":22198,"ĠPu":22199,".dll":22200,"ĠChoose":22201,"Police":22202,"ĠBEGIN":22203,"boxes":22204,"Ġdiamond":22205,",l":22206,"Ġĉĉĉ":22207,"Ġcurious":22208,"tv":22209,"Ġerotische":22210,"ackages":22211,"ĉSet":22212,"Tick":22213,".border":22214,"staticmethod":22215,"Ġcher":22216,"invoice":22217,"Ġcru":22218,"Ġdefect":22219,"_metadata":22220,"relation":22221,"ikan":22222,"[N":22223,"(Qt":22224,"(Base":22225,"æģ¯":22226,"beat":22227,"ĠEmpty":22228,"ĉo":22229,"_shift":22230,"Ġregret":22231,"Those":22232,"Cent":22233,"ĠPortug":22234,"ĠIslands":22235,"ĠTIME":22236,"Management":22237,"-sp":22238,"ême":22239,"Ġnotion":22240,"unifu":22241,"PK":22242,"è¡Į":22243,"ĠCURLOPT":22244,"\\\"\\":22245,"UV":22246,"çº":22247,"dra":22248,"cou":22249,"=`":22250,"ĠDestroy":22251,"rp":22252,".cancel":22253,"GG":22254,"runtime":22255,"ĠVue":22256,"Ġprogressive":22257,"/services":22258,"Ġrunner":22259,"_FRAME":22260,".ToolStripMenuItem":22261,"Ġ','":22262,"delay":22263,"=utf":22264,"Ġscreening":22265,"Ġpulling":22266,"omas":22267,"Ġanth":22268,"-new":22269,"/local":22270,"ĠiPad":22271,"Ġtwitter":22272,"Ġdying":22273,"Ġheaven":22274,"ĠUInt":22275,"ĠSenator":22276,"Ġpresum":22277,"ĠWalker":22278,"Ġovercome":22279,"etection":22280,"Ġembarrass":22281,"China":22282,"Include":22283,"ROLL":22284,"ĠdataType":22285,"David":22286,"ร":22287,"lop":22288,"-month":22289,"Ġscar":22290,"ĠSafe":22291,"Ġ****************************************************************":22292,"Ġaccessories":22293,"Ġramp":22294,"_USE":22295,"Ġcontrad":22296,"))]Ċ":22297,"Ġprest":22298,"ĠHR":22299,"ĠRap":22300,"Ġusize":22301,"Ġcapability":22302,"Ġcort":22303,"-next":22304,"Ġburden":22305,"_reader":22306,"Ġ@@":22307,"regular":22308,"ĠKa":22309,"MAN":22310,"Ġastr":22311,"Ġ'')Ċ":22312,"Ġfed":22313,"Ġparsing":22314,"ĠYears":22315,"Ġbroker":22316,"\":{\"":22317,"Ġakt":22318,"Inventory":22319,"abeled":22320,"Ġargparse":22321,"*******Ċ":22322,"versation":22323,"Ġcord":22324,"ĠTi":22325,"Ġhopefully":22326,"Ġah":22327,"verb":22328,"Ġstolen":22329,".Entry":22330,"Ġexpecting":22331,"Orientation":22332,"Ġpowered":22333,"Ġpersist":22334,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":22335,"']);":22336,"')),Ċ":22337,"ĠCash":22338,"ĉitem":22339,"grades":22340,"ropol":22341,"basic":22342,"Ġ\");čĊ":22343,"Ġawards":22344,"(range":22345,"-all":22346,"ĠIBOutlet":22347,"ĠIndeed":22348,"----------------------------------------------------------------------------":22349,"Ġstomach":22350,"Ġflower":22351,"Ġsew":22352,"_times":22353,"avis":22354,"QString":22355,"ĠRoutes":22356,"_prot":22357,"Ġcomedy":22358,"Ġlogout":22359,"Ġwooden":22360,"Ġposter":22361,"piece":22362,".Join":22363,"ĠPok":22364,"celona":22365,"mutex":22366,";čĊčĊčĊ":22367,"Ġstrikes":22368,"Loaded":22369,")arg":22370,"esa":22371,"United":22372,"Ep":22373,"PELL":22374,"ĠAtlantic":22375,"ullet":22376,"apple":22377,"Ġsettled":22378,"acon":22379,"Ġprinter":22380,"ĠGC":22381,"å®ļ":22382,"Ġrendered":22383,",âĢĻ":22384,"heit":22385,"social":22386,".ge":22387,"ĠRick":22388,"ĠUtah":22389,"got":22390,"onical":22391,"ĠScroll":22392,"ĠSciences":22393,"Ġjug":22394,"Ġampl":22395,"enti":22396,"LEFT":22397,"Ġtabs":22398,"Ġenormous":22399,".getKey":22400,"locate":22401,".EX":22402,".storage":22403,".We":22404,"Ġtoast":22405,"ĠAdditionally":22406,"ĠNOW":22407,"_UPDATE":22408,"Ġtransferred":22409,"tha":22410,".Display":22411,"_ui":22412,"IDEO":22413,"Ġmeaningful":22414,"ĠMoscow":22415,",this":22416,"ĠVictoria":22417,"æĶ¹":22418,"ĠÐŁ":22419,".stack":22420,"ĠBarn":22421,"paredStatement":22422,":string":22423,"Ġbij":22424,"ĠSTATE":22425,"Ġemployers":22426,"ĉinput":22427,"(|":22428,"Ġlex":22429,"invoke":22430,"ĉnum":22431,"++,":22432,"atial":22433,"orses":22434,"Ġfork":22435,"_txt":22436,"ĠAntonio":22437,"Ġ(<":22438,"averse":22439,"Ġdevast":22440,"ãĢĢ":22441,".Dec":22442,"ĠGard":22443,"/ui":22444,".%":22445,"tri":22446,"Ġrolled":22447,"ValuePair":22448,"itten":22449,"ĠTher":22450,"Ġvrou":22451,"ĠFlow":22452,"ĠFinance":22453,"ĠComb":22454,"HC":22455,".setVisible":22456,"isl":22457,"Ġpk":22458,"Ġupset":22459,"(raw":22460,"ĠVice":22461,"eatures":22462,"ĠLang":22463,"Looking":22464,"ĠAST":22465,"Ġtrips":22466,"ĠJustin":22467,"browser":22468,"=\"'.$":22469,".vertices":22470,"-co":22471,"}/{":22472,"Ġ?,":22473,"ĠDomin":22474,"ĠBelg":22475,"\"<":22476,"Ġsuppose":22477,"addy":22478,"Ġwalks":22479,"ERRU":22480,"_filters":22481,"Preferred":22482,"scene":22483,"еÑģ":22484,"ĠAffairs":22485,"Ġ\"#{":22486,"ĠonSubmit":22487,"Ġstocks":22488,"/view":22489,"gree":22490,"-get":22491,"hit":22492,"Jo":22493,".getC":22494,"Initialized":22495,"ÑĤи":22496,"cuts":22497,"(Type":22498,"ĠAgreement":22499,"ĠVietnam":22500,"Ġ/*!":22501,"Ġpizza":22502,"-view":22503,"_em":22504,"Ġlhs":22505,"Ġmuy":22506,"ĠIdent":22507,"ĠFriends":22508,"Ġabund":22509,"_AD":22510,".timestamp":22511,"-'":22512,"Ġduplicate":22513,"Ġhunting":22514,"Ġregulatory":22515,"iao":22516,"amous":22517,"ĠEntertainment":22518,"[A":22519,"iatric":22520,"_CLIENT":22521,"ĠKids":22522,"/pkg":22523,"Break":22524,")));ĊĊ":22525,"ĠShape":22526,"Ġrelating":22527,"Interrupt":22528,"ableOpacity":22529,"embre":22530,"Ġmystery":22531,"Ġjournalists":22532,"ritable":22533,".Link":22534,"Ġstopping":22535,"CRET":22536,".DB":22537,"Ġpopularity":22538,"Ġgew":22539,"Ġimpr":22540,"setValue":22541,"FLAG":22542,"ĉmax":22543,"Ġbake":22544,"wy":22545,"ĠEconomic":22546,"Ġencontr":22547,"Ġfname":22548,"/de":22549,"Rank":22550,"Ġbugs":22551,".sm":22552,"Ġmedian":22553,"DOWN":22554,"ĠSure":22555,"AtIndex":22556,"ĠDick":22557,"Ġ(__":22558,".delta":22559,"Fr":22560,"Ġsuggesting":22561,"ĠRecyclerView":22562,",e":22563,"START":22564,"/****************************************************************************":22565,"xford":22566,"Ġreceipt":22567,"CLAIM":22568,"readonly":22569,"Ġengaging":22570,"Ca":22571,"asma":22572,"Ġensuring":22573,"English":22574,"ĠVancouver":22575,"hyth":22576,"Ġpurchasing":22577,"ĠPI":22578,".word":22579,"(sp":22580,".home":22581,":def":22582,"Ġgig":22583,"ĠVe":22584,"forum":22585,"ĠMitch":22586,"Bay":22587,"_FL":22588,"Ġsoll":22589,"_columns":22590,"Ġminority":22591,"bird":22592,"Ġhanded":22593,"SSL":22594,"STAT":22595,"Ġnervous":22596,"ĥ½":22597,"ĠfilePath":22598,"CREATE":22599,"Aw":22600,"Ġpens":22601,"seed":22602,"ĠCompute":22603,"olk":22604,"ĠAsset":22605,"reach":22606,"'),čĊ":22607,"navigation":22608,"LF":22609,"/util":22610,"ĠPub":22611,"ĠâĶ":22612,"cion":22613,"##Ċ":22614,"III":22615,"TagName":22616,"Ġamid":22617,"permission":22618,"ifiable":22619,"xFFFFFFFF":22620,"ни":22621,".Buffer":22622,"_irq":22623,"dark":22624,"Ġretval":22625,".fire":22626,"production":22627,".listen":22628,"ĠWeather":22629,"Ġbuyers":22630,".ne":22631,"erp":22632,"ĠPent":22633,"Ġwelfare":22634,"ĠpageSize":22635,"ĠStadium":22636,"erta":22637,"Ġlev":22638,"ampa":22639,"Pager":22640,"Ġcharging":22641,"ĠNetflix":22642,"|null":22643,"_random":22644,".xpath":22645,"Ġstere":22646,"ĠISIS":22647,"ponses":22648,"(loc":22649,"eyond":22650,"ĠOfficial":22651,"ĠMaryland":22652,"DataType":22653,"_par":22654,"{},":22655,"ĠEnjoy":22656,"_SHIFT":22657,"ĠAwards":22658,"_ENTRY":22659,"Ġseemingly":22660,"enticate":22661,"Ġhearts":22662,"_;ĊĊ":22663,"ĠHIV":22664,"Ġindivid":22665,"ĠFlag":22666,"_ctrl":22667,"ĠCallback":22668,",z":22669,"ĠGPU":22670,"ĉobj":22671,"ĠPhoenix":22672,"ĠBUS":22673,"Ġrubber":22674,"_AUTH":22675,"ĠSolutions":22676,"(location":22677,"Variables":22678,".setEnabled":22679,"_high":22680,"WO":22681,"Gesture":22682,"Ġretry":22683,"ĠobjectForKey":22684,"alloween":22685,"Ġmos":22686,"ĠCele":22687,"Ġikke":22688,"(cell":22689,"ĠMODE":22690,"rena":22691,"Ġdescribing":22692,"Ġphi":22693,"Ġrd":22694,"Ġdeserve":22695,"Ġwheels":22696,"å¸Ĥ":22697,"Ġcritics":22698,"Namespace":22699,"ĠFra":22700,"ĠĊĊĊĊ":22701,"Ġalla":22702,"Ġrequiring":22703,"æľŁ":22704,"utation":22705,"Ġdelayed":22706,"Ġadministrative":22707,"Ġbay":22708,".hidden":22709,"Tex":22710,"Ġboundaries":22711,"Ġ]);ĊĊ":22712,"ĠFollowing":22713,"~/":22714,"Fi":22715,"_conv":22716,"_TITLE":22717,"Ġdesde":22718,"ICollectionView":22719,"Alias":22720,"Ġbite":22721,"patient":22722,"_COMMAND":22723,"Completed":22724,"ĉelif":22725,"(<":22726,"Business":22727,"ĠPool":22728,"Ġpursue":22729,"ĠBan":22730,"_steps":22731,"_DECL":22732,"umble":22733,"Ġcombo":22734,"ĠLayer":22735,".xr":22736,"Ġdup":22737,"---------":22738,"Ġmodifier":22739,"rob":22740,"rez":22741,"Ġathletes":22742,"Used":22743,"wear":22744,"Ġlegitimate":22745,"Ġ\"ĊĊ":22746,"Ġhv":22747,"Std":22748,"ĠHold":22749,"Ġsurviv":22750,"ĠAlliance":22751,"ĠEarly":22752,"Behavior":22753,"(font":22754,"/libs":22755,"Ġrectangle":22756,"Ġsinger":22757,"Ġamp":22758,"EqualTo":22759,"Ġ\".\"":22760,"Ġgirlfriend":22761,"å±":22762,"linear":22763,"observ":22764,"Ġpiù":22765,"Ġcomplement":22766,"WithValue":22767,"(password":22768,"take":22769,"Blank":22770,"ĠCompar":22771,"'\",":22772,"_policy":22773,"mongoose":22774,"_FAILED":22775,".report":22776,"Ratio":22777,".PerformLayout":22778,"usable":22779,"mers":22780,"_render":22781,"PEED":22782,"Ġlesb":22783,"ĉE":22784,"_tool":22785,"Ġladies":22786,"оÑģ":22787,"))))Ċ":22788,";;;;":22789,".dot":22790,"Ġnest":22791,"peak":22792,"ukkit":22793,"eca":22794,"_SW":22795,"Ġ&(":22796,"ĠOklahoma":22797,"Ġbanking":22798,"ĠNintendo":22799,"Ġreproduce":22800,"_elements":22801,"_mac":22802,"proxy":22803,"Ġremarkable":22804,"}/${":22805,"Ġouts":22806,".hasNext":22807,"MODE":22808,"Ġanime":22809,".conn":22810,"Unique":22811,"Dom":22812,"Ġimportantly":22813,"itty":22814,"Ġjuice":22815,"Tw":22816,"ĠPartners":22817,"Ġattacking":22818,"Ġportable":22819,"amiento":22820,".PictureBox":22821,".gen":22822,"Ġoptimal":22823,"Ġrecre":22824,"Ġjournalist":22825,"ĠExtract":22826,"ĠMoreover":22827,"ĠmarginTop":22828,".Ap":22829,"Ġfiring":22830,"NaN":22831,"ĉtemplate":22832,"ад":22833,".En":22834,"Ġdefence":22835,"ĠTel":22836,"ilen":22837,"jan":22838,"=data":22839,"ĠUrl":22840,"ĠReuters":22841,"(total":22842,"ĠFifth":22843,"Ġessays":22844,"Ġinterpretation":22845,"Ġcharity":22846,"ĠRules":22847,"Ġsubsection":22848,"styled":22849,"azer":22850,"lags":22851,"LIST":22852,"Ġuploaded":22853,"Ġtrash":22854,"Ġregistr":22855,"Ġseller":22856,">';čĊ":22857,"ĠstartTime":22858,"çĻ":22859,"sy":22860,"(HttpServletRequest":22861,"Ġtrap":22862,"GC":22863,"Ġembedded":22864,"Ġsurrounded":22865,"imits":22866,"TX":22867,"ylinder":22868,"ĠFal":22869,"Ġsentences":22870,"ĠJa":22871,"IFICATION":22872,"weapon":22873,"ovation":22874,"Ġcoat":22875,"Ġinterpol":22876,"Ġlips":22877,"ĠKy":22878,"Ġvectors":22879,"_am":22880,"Ġintake":22881,".world":22882,"Ġinbox":22883,"ĠMAC":22884,"_ab":22885,"(nameof":22886,"Ġentert":22887,"Ġgathering":22888,"ĠSIM":22889,"++.":22890,"nya":22891,"'}}":22892,"ĠUPDATE":22893,"Ġpac":22894,"(html":22895,"ĠSant":22896,"iating":22897,"ĠIdeas":22898,"Ġspray":22899,"ĠHart":22900,"Ġverification":22901,"adesh":22902,"/modules":22903,"ĠMind":22904,"ĠSizedBox":22905,"Ġshelter":22906,"Ġheroes":22907,"atty":22908,"Ġcertified":22909,"sj":22910,"Ġêtre":22911,"ÅĤo":22912,"Ġpublishing":22913,"ĠMalays":22914,".getUser":22915,"ĠProvider":22916,"ĠLinkedList":22917,"ĠBor":22918,"ROUND":22919,"did":22920,"tain":22921,"pire":22922,"ĠJenn":22923,"tel":22924,"ande":22925,"_front":22926,"ĠMcG":22927,"TestMethod":22928,"à¸Ń":22929,"Ġoccasionally":22930,"ĠWales":22931,"Ġexercises":22932,"ĠÐĴ":22933,"-plus":22934,"Ġvalidator":22935,"Ġprayer":22936,"LATED":22937,"_author":22938,"Ġlabour":22939,"++Ċ":22940,"-equiv":22941,"ĠGPL":22942,"Ġfacebook":22943,"simple":22944,"gly":22945,"Processor":22946,"ipy":22947,"Ġ*>":22948,"Ġcleared":22949,"ĠPush":22950,"Ġpenis":22951,"Structure":22952,"lij":22953,"ĠMorgan":22954,"Ġhandful":22955,"\".Ċ":22956,"|\\":22957,"Ġ********************************":22958,"ĠAqu":22959,"_IC":22960,".loads":22961,"Ġmeter":22962,"ĠMarine":22963,"::{":22964,"ĠTS":22965,"ĠArrays":22966,".Title":22967,"GRAM":22968,"termin":22969,"Ġcoinc":22970,"Else":22971,"_states":22972,"-run":22973,"members":22974,"astro":22975,"ĠonPress":22976,"Ġbeings":22977,"Ġabandoned":22978,"Ġtaxp":22979,"owners":22980,".mode":22981,"Ġdiagnosis":22982,"Ġ_Ċ":22983,"ĠKnight":22984,"ĉA":22985,"Ġobserve":22986,"),'":22987,"!\")Ċ":22988,"ĠPara":22989,"Ġvariation":22990,"(False":22991,"ĠAnti":22992,"Ġgri":22993,"Ġhomeless":22994,"?v":22995,"Ġbez":22996,".Server":22997,"release":22998,"ĠPatri":22999,"Ġchars":23000,"Ġranking":23001,"activation":23002,"Ġwides":23003,"qr":23004,".Sql":23005,"acular":23006,"ĠBot":23007,"_sync":23008,"Ġhappiness":23009,"Ġvolunteers":23010,"Ġsits":23011,"/<":23012,"[e":23013,"(fileName":23014,"Ġcapac":23015,"ĠMaria":23016,"father":23017,"Ġgram":23018,"*i":23019,"Ġcaso":23020,"_draw":23021,"ĠRaw":23022,"ĠIterator":23023,"ĠPadding":23024,"PD":23025,"BOX":23026,"ĠSPECIAL":23027,"Ġfecha":23028,"Ġvide":23029,"ĠLeader":23030,"以":23031,"$(\".":23032,"Ġdiameter":23033,"Ġmild":23034,"Ġrocks":23035,"appings":23036,"directory":23037,".flush":23038,"ĠJess":23039,"UNIT":23040,"ĠPear":23041,"Ġmandatory":23042,"Sur":23043,"qt":23044,"Ġstreams":23045,"Ġcooperation":23046,"ĠSac":23047,"Ġcheaper":23048,"ĉch":23049,"animation":23050,"fare":23051,"(height":23052,"(True":23053,"NY":23054,"Ġwrest":23055,"Ġpolls":23056,"Ġencountered":23057,"ĠMarketable":23058,"_PASSWORD":23059,"_SELECT":23060,"ĠArabia":23061,"_clock":23062,"Ġvoy":23063,"Ġиз":23064,"Ġstir":23065,"isible":23066,"-effect":23067,".created":23068,"Ġtoys":23069,"ĠTradable":23070,"Ġrust":23071,"Ġstrcpy":23072,"_timestamp":23073,"Ġtalented":23074,",null":23075,"ĠJobs":23076,"ĠPortland":23077,"Ġweakness":23078,"Throw":23079,"ĠAngel":23080,"ä¿®":23081,"Ġuncert":23082,"ï¼īĊ":23083,"ĠìĿ´":23084,"Which":23085,"Ġ[-]:":23086,"Something":23087,"Ġconvicted":23088,"kle":23089,"edium":23090,"Ġbranches":23091,"Ġbases":23092,"ç®":23093,"Ġcomplexity":23094,"ĠFig":23095,".reshape":23096,"$db":23097,"_CONST":23098,"ĠTes":23099,".runtime":23100,"Ġdeny":23101,"ĠBSD":23102,"Ġkr":23103,"hatt":23104,"ĠStatic":23105,"Ġuniversities":23106,"Replace":23107,"Ġdrove":23108,"Ġadoles":23109,"_plugin":23110,"ĠLGBT":23111,"Ġtex":23112,"duction":23113,"EDI":23114,"ĠTed":23115,"_URI":23116,"Ġreception":23117,"arten":23118,".Single":23119,"rice":23120,"scious":23121,"_bg":23122,"Ġwages":23123,"ĠServlet":23124,"UILayout":23125,"Ġformatted":23126,".Mod":23127,"',Ċ":23174,"Ġexpanding":23175,"ĠHamilton":23176,"ĠContrib":23177,".Tables":23178,"Activ":23179,"HH":23180,"ocommerce":23181,"_;":23182,"Ġamongst":23183,"owing":23184,"ĠCold":23185,"APH":23186,"Ġpsychological":23187,"_tensor":23188,"Ġpackaging":23189,"ĠSweden":23190,"Ġpare":23191,"Ġaggregate":23192,"Ġmoderate":23193,"_hand":23194,"Ġdesignated":23195,"Ġdrum":23196,"ĠgetUser":23197,"ĠCreek":23198,"_scope":23199,"ĠTransfer":23200,"ĠMarg":23201,"Ġfighters":23202,"Wnd":23203,"ĠSel":23204,"ĠLaunch":23205,"Ġemerging":23206,"iframe":23207,"ĠAdditional":23208,"Ġfears":23209,"Ġsatellite":23210,"_:":23211,"Ġdisposing":23212,"GetValue":23213,"HttpPost":23214,"ATIVE":23215,"ulary":23216,"Views":23217,"Ġattending":23218,"ĠTennessee":23219,"ĠMission":23220,"Ġmedication":23221,"ĠWy":23222,"ĠAnna":23223,"ع":23224,"ĠVertex":23225,".types":23226,"Organ":23227,".DataGridViewTextBoxColumn":23228,"ĠRS":23229,"Ġtempo":23230,"(App":23231,"VersionUID":23232,".point":23233,"ĠDutch":23234,"Hours":23235,"LU":23236,"Ġquoted":23237,".builder":23238,"ĠPerfect":23239,"ĠAlways":23240,"_two":23241,"Ġexclusively":23242,"ĠCra":23243,"ificar":23244,"ĠAWS":23245,"ingham":23246,"complex":23247,"kernel":23248,"Ġgravity":23249,"Ġwi":23250,"Ġoverview":23251,"ĠWant":23252,"ĠWP":23253,"(sh":23254,".rotation":23255,"States":23256,"ĠTeen":23257,"_components":23258,"ìĪĺ":23259,"Received":23260,"Ġlyrics":23261,"rites":23262,"ĉĉĉĉĉĠ":23263,"-American":23264,"[num":23265,"/python":23266,"ĠUART":23267,"Ġapple":23268,"ĠJonathan":23269,"Ġmomentum":23270,"ั":23271,"Ĥ¹":23272,"Ġmich":23273,"andra":23274,"Ġbiological":23275,"ĠMens":23276,"Ġ%%":23277,"elsea":23278,"ĠMexican":23279,".randint":23280,"Ġtale":23281,"ĠValidate":23282,"Ġdefeated":23283,".htm":23284,"Ġcopper":23285,"=/":23286,"cosystem":23287,"Ġrip":23288,"decimal":23289,".VISIBLE":23290,"ĠTa":23291,"ĉĉĉĉĉĉĉĉĉĉĉĉĉĉ":23292,"Ġdownloaded":23293,"environment":23294,"Ġnomine":23295,"building":23296,"ĠSpot":23297,"ipheral":23298,"Ġalto":23299,"quet":23300,"ĠFT":23301,"/get":23302,"/master":23303,"WIN":23304,"åħĥ":23305,"West":23306,"argc":23307,"Ġproducers":23308,"ĠMuch":23309,"_storage":23310,"credit":23311,"CONT":23312,"Ġvet":23313,"Ġvoices":23314,"('',":23315,"Ġinstruments":23316,"ĠMSG":23317,"esse":23318,"repository":23319,"omics":23320,"Ġdealer":23321,"Still":23322,"Ġbanner":23323,"ascii":23324,"Ġremarks":23325,"[js":23326,"Ġshorter":23327,"gulp":23328,"Ġmyster":23329,"Ġkun":23330,"ĠBird":23331,"Ġtiene":23332,"nut":23333,"ĠUm":23334,"Ġwise":23335,"Yeah":23336,"INESS":23337,"_begin":23338,"-heading":23339,"Course":23340,"ĠčĊčĊ":23341,"ombie":23342,"graded":23343,"ĠGPS":23344,"Ġże":23345,"Fit":23346,"caption":23347,"ön":23348,"/image":23349,"lia":23350,"(mod":23351,"Ġleak":23352,"enza":23353,"/H":23354,"ĠHappy":23355,"Dist":23356,"nx":23357,"ĠGovernor":23358,"(last":23359,"teacher":23360,"ĠSent":23361,"support":23362,"jectory":23363,"ĠÙħ":23364,"Registration":23365,"ĠGray":23366,",false":23367,"Ġadjusted":23368,"(settings":23369,"'Ċ":23431,"-fold":23432,"æĬ":23433,"ĠBetter":23434,"Ġ\"\\<":23435,"spacing":23436,"Ġfurnished":23437,"oser":23438,"]}Ċ":23439,"Ġ$\"":23440,"pull":23441,".Post":23442,"(ip":23443,"Ĺı":23444,".front":23445,"nte":23446,"ĠFM":23447,"guid":23448,"Ġnegotiations":23449,"agonal":23450,"Ġtremend":23451,"ungeon":23452,"Adv":23453,"carousel":23454,"ÃŁe":23455,"_DESC":23456,"Ġhammer":23457,"áºŃ":23458,"ĠĠĠĠĠĠĠĠĊĊ":23459,"-core":23460,"-service":23461,"Ġcorners":23462,"ĠSF":23463,"pred":23464,">A":23465,"ĠJLabel":23466,"Ġromantic":23467,"Ġtestimony":23468,"osc":23469,"ĠGeneration":23470,"asures":23471,"_internal":23472,"Ġprints":23473,"Ġ])Ċ":23474,"ĠCleveland":23475,"repo":23476,"Disc":23477,"Ġ\">Ċ":23478,"����":23479,"Ġnearest":23480,"_tb":23481,"(require":23482,"EOF":23483,"-child":23484,"Ġbudd":23485,".XtraEditors":23486,"alties":23487,"\\\":\\\"":23488,"Words":23489,"Ġlocally":23490,"Ġpurchases":23491,"Drawer":23492,"extract":23493,"Ġexecut":23494,"}'.":23495,"userdata":23496,"Ġfocuses":23497,"-minute":23498,"ĠPublish":23499,"ogo":23500,"Ġmountains":23501,"Bot":23502,"}>{":23503,"Ġtension":23504,"rod":23505,"mesh":23506,"Ġtransformed":23507,",R":23508,"()}Ċ":23509,".long":23510,"Ġgorgeous":23511,"ĠSchedule":23512,"Ġoldest":23513,"Ġsubprocess":23514,"(IN":23515,"yect":23516,"ĠCooper":23517,"arness":23518,"ĠMonitor":23519,".part":23520,"ĠNBC":23521,"Ġcotton":23522,"Ġhol":23523,"Ġrgba":23524,"ĠBio":23525,"Continue":23526,"Pod":23527,"Ġparticipating":23528,"clusions":23529,"(ByVal":23530,"ì":23531,"ĠHOW":23532,"_setopt":23533,"Ġaccompanying":23534,"aton":23535,"Ġ/\\":23536,"ĠAuthentication":23537,"ién":23538,"ĠBarack":23539,"/*.":23540,"Ġeager":23541,"ĠCancel":23542,"$":23586,"OLEAN":23587,"OKIE":23588,"IBILITY":23589,"UAGE":23590,"ĠSurvey":23591,"Ġresign":23592,"wing":23593,"Ġsecrets":23594,"Ġchips":23595,"JSONObject":23596,"Desktop":23597,"_SYMBOL":23598,"(resource":23599,"ĠĊ":23600,"Ġnewest":23601,"uli":23602,"Ġdesert":23603,"Ġdip":23604,"ĠPow":23605,"Ġequation":23606,"Ġpossibilities":23607,"ĠFed":23608,"osph":23609,"Ġ[%":23610,"Ġbubble":23611,"etherlands":23612,"Ġcement":23613,".auto":23614,"_AN":23615,"âĢĻ.":23616,"selection":23617,"ĠBond":23618,"Den":23619,"-O":23620,".getType":23621,".Window":23622,"pres":23623,"Ġswinger":23624,"\"})Ċ":23625,"Ġpip":23626,"Ġmice":23627,"Ġcompound":23628,"-plugin":23629,"iko":23630,"Ġcenturies":23631,"icular":23632,"-inline":23633,"ĉkey":23634,">\\<":23635,"ENSION":23636,"Ġ[čĊ":23637,"Ġprecisely":23638,"Ġété":23639,"ĠPast":23640,"ĠCambridge":23641,"-full":23642,"Ġanalyze":23643,"ĠSteven":23644,"Ġnem":23645,"due":23646,"oren":23647,"Ġmuscles":23648,"ijing":23649,"/-":23650,"ĠKennedy":23651,"RM":23652,"ossible":23653,"Ġactress":23654,"Ġdolor":23655,"å½ķ":23656,"Need":23657,".toggle":23658,"ĠRace":23659,"wers":23660,".material":23661,"ĠDue":23662,"ĠPel":23663,"#print":23664,"Ġindependence":23665,"exus":23666,"Shadow":23667,"Ġencoder":23668,"(level":23669,"ĠSwift":23670,".doc":23671,"_selection":23672,"ĠserialVersionUID":23673,"Labels":23674,"Ġperformances":23675,".Tag":23676,"ĠNHL":23677,"izen":23678,"/UIKit":23679,"_CONTROL":23680,"Ġearnings":23681,"ĠAlt":23682,"_HANDLE":23683,"Ctx":23684,"Ġpersu":23685,"Ġtran":23686,"ç¨":23687,"_CHANNEL":23688,"Ġsatisfaction":23689,"ĠGP":23690,"iox":23691,"mitt":23692,"lando":23693,"Ġpig":23694,"inals":23695,"ência":23696,"Surface":23697,"ĠUUID":23698,"Ġbeneficial":23699,"Ġsequences":23700,"ĉmemset":23701,"Ġmagical":23702,"«":23703,"Ġworn":23704,"ASC":23705,"popup":23706,"COMP":23707,"_before":23708,"eness":23709,"Ui":23710,"Les":23711,".require":23712,".Serializable":23713,"addGap":23714,"Ġauthorization":23715,".pyplot":23716,"urray":23717,"latitude":23718,"frames":23719,"ajs":23720,"Ġcompass":23721,"Ġobservations":23722,"_sup":23723,".environ":23724,"Ġtriple":23725,"ĠRuby":23726,"Ġdrain":23727,"_FILTER":23728,"San":23729,"UMP":23730,"NullException":23731,"ĠGab":23732,"owe":23733,"ĠTurkish":23734,"_sequence":23735,"ĠGrant":23736,"uela":23737,"Ġwo":23738,"Ġcube":23739,"iq":23740,"Ġdisorders":23741,"Ġextraordinary":23742,"Ġctrl":23743,"ĠSeq":23744,"entr":23745,"Ġsanctions":23746,"utsch":23747,"Reports":23748,"Ġinherit":23749,"Period":23750,"Ġphotography":23751,"ĠFramework":23752,"Ġspecialist":23753,"Ġ?ĊĊ":23754,"_selected":23755,".Player":23756,"Ġallocation":23757,"(account":23758,"Ġstructural":23759,"vable":23760,"-offset":23761,".AppCompatActivity":23762,"ам":23763,".AddWithValue":23764,"Ġicons":23765,"Ġshutdown":23766,"_low":23767,"ĠCompare":23768,"ĠCe":23769,"=head":23770,"lam":23771,".predict":23772,"_DEC":23773,"ĠSleep":23774,"ĠGratis":23775,"Ġsuggestion":23776,"ĠDEL":23777,"caff":23778,"avirus":23779,"Nothing":23780,"ŀĭ":23781,"Ġwidespread":23782,"Ġmechanisms":23783,"ĠtextAlign":23784,"occup":23785,"ĠRail":23786,":NS":23787,"Ġfiber":23788,"Ġmk":23789,"Ġvintage":23790,"-long":23791,".reduce":23792,".Entities":23793,"(record":23794,"Ġpleasant":23795,"FRING":23796,".Cells":23797,"OTT":23798,"ĉelseif":23799,"_confirm":23800,"ĠViewGroup":23801,"sym":23802,"Ġpray":23803,"Ġsuspected":23804,"Contains":23805,"Ġborders":23806,"ĠcomponentDid":23807,"ASSERT":23808,"Ġinfinite":23809,"-order":23810,"Ġhello":23811,"ĠGrade":23812,".currentTimeMillis":23813,"apolis":23814,"zh":23815,"ĉObject":23816,":\\\\":23817,"HO":23818,"valuation":23819,"Ġvocab":23820,"Ġcoupon":23821,"atabases":23822,".GetType":23823,"Learn":23824,"]=\"":23825,"ĠGary":23826,"otive":23827,"Ġash":23828,"Ġbib":23829,"XXXX":23830,"Ġbalanced":23831,"VALUE":23832,"ĠNat":23833,"_Ad":23834,"<":23976,"Ġfool":23977,"Ġesk":23978,".Null":23979,"ĠDies":23980,"_OUTPUT":23981,"_TYPED":23982,"Ġpainted":23983,"Ġsophistic":23984,"ĠBear":23985,"*n":23986,"_PACK":23987,"Ġdelivering":23988,"ĠCOUNT":23989,"åįķ":23990,"Ġjeg":23991,"-car":23992,"fname":23993,"Ġranging":23994,"ĠNeg":23995,"/******/":23996,"ĠCHAR":23997,"Ġultra":23998,"Grad":23999,"=t":24000,"Ġjudges":24001,"ĠDise":24002,"anners":24003,"Ġscal":24004,"_cal":24005,"ĠCONNECTION":24006,"_embed":24007,"(fn":24008,"ĠCraft":24009,"ĠPas":24010,"\")->":24011,".convert":24012,".resource":24013,"ĠSTATUS":24014,"ông":24015,"ĠTit":24016,"Ġclassroom":24017,"ĠArchitect":24018,"ĠKings":24019,"Ġsteady":24020,"/*!Ċ":24021,"ĠGene":24022,")\";Ċ":24023,"icia":24024,"stan":24025,"ĠConstruction":24026,"umper":24027,"wc":24028,"ĠCBS":24029,"inging":24030,"-party":24031,"(driver":24032,"MARK":24033,"Ġnested":24034,"eward":24035,"Ġdependency":24036,"Ġmales":24037,"ĠONE":24038,"ĠProduction":24039,"][$":24040,"ãĥ¼ãĥ":24041,"_LOAD":24042,"ĠBol":24043,"elry":24044,"łéϤ":24045,"ĠRequire":24046,"Ġplacing":24047,"xxx":24048,"CALE":24049,"Ġthumb":24050,"Choose":24051,"Ġprototype":24052,"VOID":24053,"Ġlesbian":24054,"Ġtraits":24055,"Sharp":24056,"Ġconsume":24057,"Truth":24058,"ĠactionPerformed":24059,"ĠEnvironmental":24060,"ĠDean":24061,"Ġestado":24062,"same":24063,"Ġnumeric":24064,"Ġtransit":24065,".Email":24066,"-side":24067,"_RUN":24068,"ĠVillage":24069,"_OPEN":24070,"è¦":24071,".rem":24072,"-warning":24073,"anya":24074,"PropertyChanged":24075,"Ġ(!_":24076,"(check":24077,"ilia":24078,"ĠSoft":24079,"steps":24080,"ĠMadrid":24081,"MemoryWarning":24082,"Ġhandlers":24083,"Ġexperiencing":24084,"Ġinspect":24085,"buttons":24086,"ReceiveMemoryWarning":24087,"chemy":24088,"Links":24089,"Ġurllib":24090,".SystemColors":24091,"ĠEigen":24092,"Ġpunishment":24093,":UIControl":24094,"bara":24095,"-set":24096,"Ġ}čĊčĊčĊ":24097,"Ġtolerance":24098,"Ġinterfaces":24099,".redirect":24100,"ighbors":24101,"csrf":24102,"_background":24103,".Utils":24104,"_HT":24105,"ĠInterest":24106,"imos":24107,"Ġgrants":24108,"Ġexamined":24109,"ÐĶ":24110,"Ġcf":24111,"forge":24112,"backs":24113,"ĠObjects":24114,"_sent":24115,".entry":24116,"ĠTHEN":24117,"ellido":24118,"cia":24119,",res":24120,"/stdc":24121,".nd":24122,"(Int":24123,"ĠAuthors":24124,"ĠAppCompatActivity":24125,"'{":24126,"Ġmedi":24127,"Music":24128,"igm":24129,"ceipt":24130,"Ġauss":24131,"Ġtargeting":24132,"ĠKeys":24133,"hn":24134,":]Ċ":24135,"Ġmineral":24136,"î":24137,".ca":24138,"omed":24139,"Ġsheets":24140,"Ġcamb":24141,"Ġdeadly":24142,".inject":24143,"(unit":24144,"ĠSelection":24145,".gms":24146,"(connection":24147,"Ġ$(\"":24148,"émon":24149,"ĠCurrently":24150,"pte":24151,"_paths":24152,"leaf":24153,"Ġimplications":24154,"posal":24155,"ä½į":24156,"[/":24157,"ancia":24158,"éĽ":24159,"mul":24160,"cie":24161,"Ġgeile":24162,"imals":24163,"UIView":24164,"Ġsurre":24165,"serialize":24166,"ISO":24167,"Ġarbitrary":24168,"Ġsockaddr":24169,".fn":24170,"ĠMerc":24171,"Ġcasting":24172,"KeyDown":24173,"ĠnewValue":24174,"opens":24175,"Todo":24176,"Ġflexibility":24177,"ĉĉĉĉĠĠ":24178,"Velocity":24179,"ún":24180,"rowing":24181,"Ġcomputed":24182,"`)Ċ":24183,"statement":24184,"Ġri":24185,"_cart":24186,"Low":24187,"transfer":24188,".nav":24189,"Ġgrave":24190,"ĠDoor":24191,"ĉalert":24192,".subscribe":24193,"-profile":24194,"ĉbase":24195,"ĠâĪĴ":24196,"__ĊĊ":24197,"Ġengineers":24198,"Ġexplosion":24199,"Ġdari":24200,"ĉLog":24201,"onal":24202,"Ġisolated":24203,"{i":24204,"ĠMsg":24205,"Future":24206,"Ġracist":24207,"-wrap":24208,"ĠVers":24209,"borg":24210,"ISION":24211,"ĠÑĢаÐ":24212,"ĠYan":24213,"initWith":24214,"Ġnomin":24215,"(empty":24216,"ÃŃn":24217,"ãĤ¤":24218,"ĉwidth":24219,"Ġchamber":24220,"/ajax":24221,"EMP":24222,"Ġneces":24223,"ivos":24224,"logic":24225,"*)&":24226,"cripts":24227,"RowAt":24228,"iblings":24229,"Ġears":24230,"Ġcomputing":24231,"Ġmaker":24232,"ĠNeither":24233,"breadcrumb":24234,"Ġserialize":24235,"ĠWithin":24236,"Ġdell":24237,"_TRACE":24238,"=a":24239,"Ġwishes":24240,"-inch":24241,"ĠDor":24242,"Ġinnocent":24243,"ĠDol":24244,"Ġintens":24245,"forced":24246,"ĠBIT":24247,"Ġphotographs":24248,"Ġcasa":24249,"ĠLen":24250,"\\Framework":24251,".Simple":24252,"Ġdear":24253,")/(":24254,"ippi":24255,"Ġowns":24256,"Players":24257,"Ġproposals":24258,".pi":24259,"usalem":24260,"Damage":24261,"Ġcalories":24262,"ĠCreative":24263,"Ġ[$":24264,"Ġ//čĊ":24265,"AndView":24266,"ème":24267,".custom":24268,"_factory":24269,"commands":24270,"_look":24271,"Ġstrcmp":24272,"YN":24273,"aired":24274,"Ġaudit":24275,"оÑģÑĤ":24276,"ĠReverse":24277,"ropriate":24278,"etics":24279,"';Ċ":24352,"Ġpepper":24353,"Ġshed":24354,"ĠMedium":24355,"ĠCookie":24356,"Ġoverseas":24357,"edor":24358,"asurement":24359,"åŃĺ":24360,"Ġ'.'":24361,"Ġphp":24362,"ĠPROC":24363,"Ġexceptional":24364,"(th":24365,"ĠJet":24366,"Ġoccupied":24367,".setImage":24368,"ĠRelated":24369,"ucker":24370,"Members":24371,"PRINT":24372,"ĠGlo":24373,"_VIEW":24374,"}\",Ċ":24375,"Ġadoption":24376,"[])Ċ":24377,"ĠMissouri":24378,"ĠLincoln":24379,"erald":24380,"Popup":24381,"Ġfate":24382,"-bootstrap":24383,"fections":24384,"ĠPoll":24385,"_ARGS":24386,"inance":24387,"-home":24388,".),":24389,"_done":24390,":ĊĊĊ":24391,"Ġdiscussing":24392,"ĠSQLException":24393,"Ġelectro":24394,"ĉreq":24395,"Ġzw":24396,"Ġlui":24397,"Ġovernight":24398,"$user":24399,"ĠWAY":24400,"Ġallerg":24401,"Ġdisappointed":24402,"Ġradiation":24403,"Ġimpressed":24404,"ificates":24405,"Ġtob":24406,"CLASS":24407,"Ġcuda":24408,"_det":24409,"-post":24410,"ulu":24411,"Translation":24412,"-hand":24413,".year":24414,"ĠMongo":24415,"Ġunclear":24416,".engine":24417,"WEBPACK":24418,"rices":24419,"_ACCESS":24420,"Ġholidays":24421,"percent":24422,".Identity":24423,"ĠGov":24424,"Ġpassionate":24425,"!!.":24426,"ĠGreece":24427,"plusplus":24428,"'));":24429,"GP":24430,"Ġexcit":24431,".tabPage":24432,"_cond":24433,"Ġsponsor":24434,"MODULE":24435,"_proc":24436,"Ġ$Ċ":24437,"Ġrational":24438,".Tool":24439,"Ġihr":24440,"cca":24441,"åĵģ":24442,"ĠEstate":24443,"IBUTE":24444,"ActionPerformed":24445,"ĠSolar":24446,"¦Ĥ":24447,"Ġequity":24448,"tid":24449,"Ġrecip":24450,".simple":24451,"mk":24452,"ĠLuke":24453,"ĠGuardian":24454,"Ġencrypted":24455,"Ġdominant":24456,".place":24457,"ĠNV":24458,"Ġtongue":24459,"(Get":24460,"Ġstainless":24461,".Play":24462,"Ġeb":24463,"aci":24464,".buffer":24465,"readcrumbs":24466,"Ġvaccine":24467,"prom":24468,"ĠuserInfo":24469,"Ġslug":24470,"SerializedName":24471,"-wide":24472,"Ġreactions":24473,"ĠYang":24474,"ĠAdds":24475,"(userId":24476,"Ġplates":24477,"ĠMEM":24478,"Ġbail":24479,"Inside":24480,"eted":24481,"Ġelsif":24482,"Ġsake":24483,"Ġcycles":24484,"ĠìĹ":24485,"ĉI":24486,"-collapse":24487,"ĠGMT":24488,"Declaration":24489,"Ġgros":24490,"Ġreaches":24491,"Ġcustody":24492,"Until":24493,"tu":24494,"ĠChen":24495,"Ġnx":24496,"(addr":24497,"ĠOffer":24498,"Ġcolleg":24499,"assador":24500,"Ġmapper":24501,"ĠSIGNAL":24502,"ĠBloom":24503,"ĠHoll":24504,"ĠImper":24505,"-des":24506,"_site":24507,"Proc":24508,"Equ":24509,"Ġatomic":24510,"ĠWoman":24511,"sent":24512,"scar":24513,"Ġintelligent":24514,"ĠGetting":24515,"ĠRegistration":24516,"ĠPhill":24517,"Ġkiller":24518,"unicode":24519,"ĊĉĉĊ":24520,"ĠJacob":24521,"ĠConst":24522,"Ġlocate":24523,"Ġcaus":24524,"ĠScholar":24525,"Ġconstitutional":24526,"Ġinflation":24527,"ĠGot":24528,"=array":24529,"endum":24530,"Ġtranslated":24531,"Ġdivorce":24532,"Entries":24533,"Ġsor":24534,"ĠQuote":24535,"irlines":24536,"UK":24537,"Ġexcel":24538,"(opt":24539,"ĠADV":24540,",:,":24541,"Ġcontacted":24542,"ĠDA":24543,"Ġrings":24544,"ĠIndustrial":24545,".getContext":24546,"Ġforgotten":24547,"ĠTan":24548,"Ġpants":24549,"Ġov":24550,"Ġdecoder":24551,"ĠPartial":24552,"Ġvc":24553,"Ġbattles":24554,"Arial":24555,"FRINGEMENT":24556,"irates":24557,",w":24558,"aintenance":24559,"ĠOd":24560,"ĠTechnologies":24561,"åīį":24562,"ĠCarter":24563,".findAll":24564,"Nome":24565,"Ben":24566,"ĠUsage":24567,"ĠPicture":24568,"Ġbadly":24569,"_panel":24570,"Ġpatent":24571,"ĠProtocol":24572,"lotte":24573,"ĉplayer":24574,"jections":24575,"Ġdou":24576,"_release":24577,"urniture":24578,"_tax":24579,"ĠFields":24580,".dataset":24581,"_master":24582,"CLUDE":24583,"ĠPharm":24584,"bst":24585,"Ġoperational":24586,".cell":24587,"Ġidentifying":24588,"Ġjwt":24589,"tuple":24590,"ĠTC":24591,"ĠCro":24592,"ixmap":24593,"-components":24594,"general":24595,"Ġoz":24596,"_De":24597,"_double":24598,"ĠToo":24599,".ViewGroup":24600,"gate":24601,"dings":24602,"photos":24603,"Ġgrande":24604,"ollect":24605,"_lin":24606,"Ġawful":24607,"filters":24608,"Ġalternate":24609,"esp":24610,"Ġcompress":24611,"eo":24612,"ĠScale":24613,"Ġindirect":24614,"Ġinvoice":24615,"ĊĊĊĊĊĊĊĊĊĊĊĊĊĊĊĊ":24616,"Starting":24617,"ĠPlayers":24618,"iele":24619,".then":24620,"Ord":24621,"ĠTuple":24622,"Ġbout":24623,"ĠStatistics":24624,"Preview":24625,"Ġpuzzle":24626,"ĠWidth":24627,"STATE":24628,"Ġoverlay":24629,"ĉon":24630,"Ġinfr":24631,"Ġsmallest":24632,"locked":24633,"ÑĤо":24634,"ssl":24635,"Ġdeemed":24636,"Ġsco":24637,"reck":24638,"ĠjButton":24639,"Ġmissions":24640,"ç§°":24641,".SelectedIndex":24642,"TABLE":24643,"Sept":24644,"Ġacknowledge":24645,"Ġstrtotime":24646,"ĠTell":24647,"ĠDak":24648,"Ġaluminum":24649,"Ġfence":24650,"ĠStars":24651,"CONFIG":24652,"Ġretrofit":24653,"Ġemphasis":24654,"/header":24655,"ĠSomething":24656,"inished":24657,"='\".$":24658,"ĠValidators":24659,"Ġpolar":24660,"sections":24661,".aspx":24662,"Ġaspir":24663,".Mock":24664,"CodeGen":24665,"Ġpeut":24666,"Ġaccepting":24667,"Ġbacking":24668,"Picture":24669,"/ap":24670,"ег":24671,"_SEC":24672,"-use":24673,"annotation":24674,"Ġcognitive":24675,"Ġgrip":24676,"hour":24677,"ĠLegal":24678,"Ġepic":24679,".toolStrip":24680,".notify":24681,".Last":24682,"ORIZ":24683,"Middleware":24684,"criptions":24685,"lash":24686,"_FOUND":24687,"ĠLiverpool":24688,"Ġ{}\",":24689,"Install":24690,"Ġnit":24691,"Ġfigured":24692,"[len":24693,".Win":24694,".platform":24695,"Ġgambling":24696,"(dt":24697,"avery":24698,"ĉinclude":24699,"Whether":24700,"Routing":24701,"Ġtherap":24702,"Remote":24703,"ĠLoss":24704,"yll":24705,"Ġapproached":24706,"ĠVehicle":24707,"ĠAlpha":24708,"Ġvocê":24709,"answers":24710,"NSDictionary":24711,"consider":24712,"unused":24713,"ĠFan":24714,"orable":24715,"fre":24716,"ĠDISCLAIM":24717,"ĠActor":24718,".]":24719,"toHave":24720,".userId":24721,"Ġspeeds":24722,"eway":24723,"Ġrecurs":24724,"Ġг":24725,"_priv":24726,"!âĢĿĊĊ":24727,"Choice":24728,"Ġsettle":24729,"Ġplanes":24730,"'},":24731,"Tom":24732,"ITER":24733,"!\"Ċ":24734,"å»":24735,"achelor":24736,"Ġseparation":24737,"Ġdal":24738,"adj":24739,"Ġregisters":24740,"riz":24741,"ĠNotice":24742,"Ġlu":24743,"Ġcourage":24744,"Ġaxes":24745,"cellent":24746,".async":24747,"Ġcompatibility":24748,"ç«":24749,"Ġ!ĊĊ":24750,"ĉtitle":24751,"YLE":24752,"ĉmessage":24753,"UUID":24754,"OLDER":24755,"ĠHH":24756,"ĠStyleSheet":24757,"Ġaccessed":24758,".validation":24759,"tasks":24760,"Ġpollution":24761,".canvas":24762,"Ġingredient":24763,"ĠCabin":24764,"Ah":24765,"oldown":24766,"ĠNOI":24767,"ĠÃĹ":24768,"[f":24769,"educ":24770,"yalty":24771,"(not":24772,"_State":24773,"amen":24774,"Ġdao":24775,"udad":24776,"ellers":24777,"}&":24778,"licity":24779,"_WINDOW":24780,"Ġtatto":24781,"valor":24782,".Range":24783,"Ġreferenced":24784,"ĠReserve":24785,"Money":24786,"SCRIPT":24787,"/product":24788,"choices":24789,"Ġtin":24790,"ãĤĵ":24791,"Ġseparator":24792,"Ġpkg":24793,"ammed":24794,"ĠMAT":24795,"!!ĊĊ":24796,"Ġraid":24797,"Ġmotivation":24798,"ĠXP":24799,"ĠBackground":24800,"ĠQuaternion":24801,".defineProperty":24802,"iker":24803,"ĉparent":24804,"ĠOriginally":24805,"antage":24806,"ĠHans":24807,"Ġtimeline":24808,".cur":24809,"opic":24810,"ĠSequ":24811,"must":24812,"ĠCoal":24813,"Ġformatter":24814,"_RGB":24815,"Ġ_(\"":24816,"'}),Ċ":24817,"Ġ=================":24818,"ĠFUNCTION":24819,"Ġlng":24820,"icates":24821,"live":24822,"_engine":24823,"Ġtowns":24824,"'))ĊĊ":24825,"ĠPK":24826,"(api":24827,"ĉscanf":24828,"packet":24829,".phone":24830,"áĢ":24831,"ĠAndy":24832,"_NAMES":24833,"PLY":24834,"Ġmins":24835,"imi":24836,"Ġbrick":24837,"Ġblade":24838,".stdout":24839,"}`;Ċ":24840,"Shift":24841,"ĉsb":24842,"ĠChecks":24843,"Ġphenomenon":24844,"Avatar":24845,"Ġministry":24846,"rose":24847,"ĉFile":24848,"Ġtitled":24849,"(LOG":24850,"Ġgan":24851,"design":24852,"(),čĊ":24853,"Ġbones":24854,"stm":24855,"ÅĽÄĩ":24856,"ĠInputStream":24857,"Ġvolunt":24858,"ĠSerializable":24859,"Ġfighter":24860,"ĠDrag":24861,"Twitter":24862,"Ġsubsid":24863,"ç¼":24864,"Ġforums":24865,".loading":24866,"logged":24867,"_this":24868,"Ġterrain":24869,"Ġirre":24870,"ĠIng":24871,"ĠCN":24872,"_objects":24873,".uid":24874,"Ġconsciousness":24875,"TINGS":24876,"ĠGall":24877,"Ġportray":24878,"ĠDeveloper":24879,"Ġparticipant":24880,"Ġ\";čĊ":24881,"/model":24882,"ĠOperations":24883,"^\\":24884,"ĠLater":24885,"Ġraises":24886,"-none":24887,".meta":24888,"='.$":24889,"Finished":24890,"Ġreplacing":24891,"Ġsampling":24892,"ĠJen":24893,"\"There":24894,"REAL":24895,"ALE":24896,"ìĬ¤":24897,"Orders":24898,"_parameter":24899,"ĠOlympic":24900,"Ġtrès":24901,"Ġarena":24902,"iol":24903,";?>":24904,"Ġimpacts":24905,"ĠWS":24906,":get":24907,"Ġflights":24908,"ĠRussell":24909,"camera":24910,"Fn":24911,"sigma":24912,"Ġforcing":24913,"Ġlocals":24914,"Ġdeparture":24915,"Ġcelebration":24916,"ĠSay":24917,"ï¼Ĵ":24918,"ĠHills":24919,".hasOwnProperty":24920,"Ġtypings":24921,".API":24922,"Ġdonation":24923,"OperationException":24924,".Activity":24925,"cplusplus":24926,"ĠCharlie":24927,"Ġimported":24928,"Ġdann":24929,"Ġoccasions":24930,"Ġimplementing":24931,"Ġpurple":24932,".dialog":24933,"SQLException":24934,"erno":24935,"Ġwars":24936,"Ġpaste":24937,"Ġdecreased":24938,"Ġharsh":24939,"Ġelabor":24940,"inputs":24941,"ĠViews":24942,"ĠerrorMessage":24943,"_mul":24944,"ĉwrite":24945,"ĠCop":24946,"ĠAnnual":24947,"(button":24948,"Ġvida":24949,"bars":24950,"ĠHarvard":24951,"ĉexpect":24952,"Ġindexes":24953,"Ġdocumentary":24954,"Ġflesh":24955,"ORLD":24956,"ĠDelta":24957,"MAND":24958,"Brush":24959,"-column":24960,"Ġdevelopments":24961,"methodVisitor":24962,"slice":24963,"ĠPDO":24964,"Ġinvesting":24965,"irable":24966,"Ġxmlns":24967,"ï¼Ľ":24968,"arta":24969,"Ġtheories":24970,"_city":24971,"Ġ$__":24972,"Creating":24973,"(pr":24974,"Dropdown":24975,"ismatch":24976,"ĠNET":24977,"'])){Ċ":24978,"ĠValues":24979,"ĠSEO":24980,"ĠSTAT":24981,"Ġecosystem":24982,"Ġtempt":24983,"Ġ\\\\":24984,"Ġ//{Ċ":24985,"ĠChristopher":24986,"ĠKentucky":24987,"ĠHttpServletResponse":24988,"Ġhybrid":24989,"yon":24990,"Ġfeeding":24991,"ĠExtra":24992,"Norm":24993,"ITCH":24994,"ĠSean":24995,"ĠUpload":24996,"mun":24997,"pur":24998,"Ġpersistent":24999,"ĠIDC":25000,"ĠPerform":25001,".merge":25002,"_room":25003,"Meanwhile":25004,"!='":25005,"ĠWel":25006,"ArgsConstructor":25007,".Database":25008,"Ġcounting":25009,"()*":25010,"ĶåĽŀ":25011,"ĠTOP":25012,"mill":25013,"ĠDT":25014,"IGNED":25015,"ĠKB":25016,"Ġcomply":25017,"South":25018,"_collection":25019,"Chapter":25020,"Ġexplaining":25021,"_AM":25022,"_ts":25023,"cards":25024,"Ġquel":25025,"Ġpole":25026,"Ġtouchdown":25027,"ĠOthers":25028,"Ġpeers":25029,"ĠTypeError":25030,"Ġsixth":25031,"Ġcheer":25032,"Ġdispute":25033,"usc":25034,")],":25035,"thumb":25036,"Ġhiding":25037,"ĠSIG":25038,"likes":25039,"ĠPAGE":25040,".Reflection":25041,"Ġheadquarters":25042,"TING":25043,"ĠGhost":25044,"MLE":25045,"$Ċ":25046,"Ġcontrary":25047,"extend":25048,"']).":25049,"FFECT":25050,"ĠPinterest":25051,"úmero":25052,"ricane":25053,"ĉsession":25054,"Ġcrystal":25055,"-Control":25056,"overnment":25057,"ograf":25058,"-action":25059,"volume":25060,"ften":25061,"Ġuncon":25062,"Ġanimate":25063,"Ġlease":25064,"scr":25065,"Ġrefuse":25066,"ãĢĭ":25067,"ftp":25068,"information":25069,"Ġevaluated":25070,"Ġinjection":25071,"Ġjack":25072,"Ġworkshop":25073,"注":25074,"PTH":25075,"ĠTs":25076,"offer":25077,"ĉos":25078,"Ġkingdom":25079,"Missing":25080,"Ġlawmakers":25081,"extField":25082,"Ġsinging":25083,"abi":25084,"/client":25085,".media":25086,"ATEGORY":25087,"Signature":25088,"%',Ċ":25089,"ĠFuck":25090,"][:":25091,"Ġsensors":25092,"/com":25093,"ĠPrimary":25094,".SQL":25095,"_program":25096,"Ġpills":25097,"Ġintegral":25098,"Ġfleet":25099,"Ġdropping":25100,".sl":25101,"Been":25102,"Ġpets":25103,"Ġadvised":25104,"Ġdragon":25105,"_EDIT":25106,"(im":25107,"FER":25108,"ĠDrug":25109,"(random":25110,"Ġcompression":25111,"oust":25112,"[%":25113,"Ġbuyer":25114,"hop":25115,"Roles":25116,"manage":25117,"Ġpainful":25118,"ĠBranch":25119,"-modal":25120,"enant":25121,"ĠMesh":25122,"/font":25123,"ĠGraham":25124,"Ġâĺ":25125,"Ġnc":25126,"ĠFrancis":25127,"Ġspecification":25128,"Ġdamages":25129,"-config":25130,"Ġtheoret":25131,"secure":25132,"_multi":25133,"aceutical":25134,"Ġdemanding":25135,"enne":25136,"ISTS":25137,"()));ĊĊ":25138,"Reason":25139,"Recent":25140,"phase":25141,"Ġpsy":25142,"_MAN":25143,"Ġvolunteer":25144,"å¿":25145,"istributed":25146,"lio":25147,"Ġproductivity":25148,"_comm":25149,"Spring":25150,"nis":25151,".weight":25152,"ĠCancer":25153,"Alloc":25154,"ĠTweet":25155,"Ġseparately":25156,"ĉcheck":25157,"_properties":25158,".Unit":25159,"_CLK":25160,"Ġgt":25161,"Ġ();ĊĊ":25162,"Ġhandy":25163,"ĠThompson":25164,"Ġunnecessary":25165,"ĠReader":25166,"GN":25167,"=request":25168,"ĠUtility":25169,".Repository":25170,"ĠAx":25171,"hydr":25172,"ieu":25173,"Ġthy":25174,"Ġlt":25175,"_mail":25176,"ä¿®æĶ¹":25177,"ailand":25178,"ĠPhilip":25179,"Ġbitter":25180,"Ġbetting":25181,"Ġtimed":25182,"ocks":25183,"'a":25184,"Ġalgorithms":25185,"Ġreinterpret":25186,"Ġtoss":25187,"rogen":25188,"Ġhoped":25189,"(selected":25190,"Ġventure":25191,"TEX":25192,"ĠLeave":25193,".Substring":25194,"Ġgrateful":25195,"uka":25196,"ĠConsumer":25197,"Ġaggreg":25198,"Circle":25199,"à¸ģ":25200,"_blocks":25201,"Ġlegally":25202,"Ġ\"|":25203,"ãĥĥ":25204,".board":25205,".Ab":25206,"Functions":25207,"recipe":25208,"èĩ":25209,"ĠOxford":25210,"Ġwholes":25211,".Build":25212,"_changed":25213,"hai":25214,"Ġdepartments":25215,"Imp":25216,"Ġcoalition":25217,"INFRINGEMENT":25218,"Ġempower":25219,"itches":25220,"North":25221,"Ġinflamm":25222,"ONSE":25223,"Ġmissile":25224,"ĠRaj":25225,"ĠIssue":25226,"Ġatoi":25227,"caled":25228,".Controllers":25229,"ĠWolf":25230,"Ġcrushers":25231,"á»ĩ":25232,".Auth":25233,".addAttribute":25234,"his":25235,"Ġboots":25236,".clean":25237,"camp":25238,"Ġtenant":25239,"Ġtune":25240,"Ġ{}'.":25241,"Ġworkout":25242,"Repo":25243,"Ġpartially":25244,"MISSION":25245,"jamin":25246,"ĠSB":25247,"Ġdetermination":25248,"Ġ'');Ċ":25249,"ĠBeng":25250,"Ġvos":25251,"Ġinhab":25252,"/lang":25253,"sburgh":25254,"Executor":25255,"hone":25256,"ĠChallenge":25257,"_links":25258,".Level":25259,"Ġunderground":25260,"-code":25261,"Ġoptimization":25262,"logging":25263,"_dest":25264,"Ġsnake":25265,"Ġchemicals":25266,"_IMPORTED":25267,"adoop":25268,"ĠTHAT":25269,"managed":25270,"Ġreduces":25271,"ĠREAL":25272,"ĠGuy":25273,"_GENERIC":25274,"/********************************":25275,".amount":25276,"Ġdere":25277,"getTime":25278,"Ġpant":25279,"anonymous":25280,"Ġharmony":25281,"ĠAlan":25282,"Ġscenarios":25283,"Ġdirt":25284,"htags":25285,"Mc":25286,"Shell":25287,"rin":25288,"{čĊčĊ":25289,".pow":25290,"ĉclient":25291,"Ġconspiracy":25292,"Ġadmission":25293,"ĠRegional":25294,"ĠViewController":25295,"ĠPhilippines":25296,"Ġdepos":25297,"Ġpap":25298,"ĠPad":25299,"Paul":25300,".ComboBox":25301,"Ġtutor":25302,"ĠRecipe":25303,"writing":25304,"Ġcontributor":25305,"OTH":25306,"Small":25307,"VI":25308,"Ġhacer":25309,"equ":25310,"ĠExamples":25311,"human":25312,".messages":25313,"ĉtyp":25314,"Ġ(čĊ":25315,"ĠSSL":25316,"LEN":25317,"ĠRomney":25318,"(grid":25319,"ĉmin":25320,"Ġ>ĊĊ":25321,"Ġfruits":25322,"Ġvoter":25323,"Inline":25324,"pane":25325,"ĠCollections":25326,"charset":25327,"Ġspam":25328,"zb":25329,"itemap":25330,"Ġsucceeded":25331,"_COL":25332,"Ġelapsed":25333,"imeter":25334,"Ġrecovered":25335,"Tensor":25336,"hattan":25337,".setup":25338,"isto":25339,"(head":25340,"ĠSIZE":25341,"Ġtactics":25342,"Ġdistur":25343,"Ġpreval":25344,"icios":25345,"(Value":25346,"_cols":25347,"ĠFat":25348,"Ġseal":25349,"Ġsons":25350,"Ġensures":25351,"Ġpressing":25352,"=&":25353,"igenous":25354,"Ġharassment":25355,"_JSON":25356,"Ġignor":25357,"ynomial":25358,"omer":25359,"_static":25360,"Ġsignificance":25361,"Ġcircles":25362,"_System":25363,"Ġdiscipline":25364,"Ġdressed":25365,"Ġsphere":25366,"Ġclimb":25367,"_actions":25368,"ĠBab":25369,"Ġ'=',":25370,"_schema":25371,"\"use":25372,"Ġunders":25373,"Ġcups":25374,".screen":25375,"/new":25376,"Ġappearing":25377,"TOP":25378,"vised":25379,"clang":25380,"Ġinvestigators":25381,"Ġmysterious":25382,"Ġpromising":25383,"Ġqualify":25384,"Ġcave":25385,"Ġequip":25386,"=x":25387,"GT":25388,"(link":25389,".velocity":25390,".erase":25391,"oter":25392,"++++++++":25393,"profit":25394,"Ġzones":25395,"_uid":25396,"-ser":25397,"Ġobjectives":25398,"Ġmilf":25399,"webkit":25400,"(match":25401,"neh":25402,"ĠAssociated":25403,"ĠTodo":25404,"=d":25405,"Cam":25406,"Ġvocal":25407,"Ġsudo":25408,"(EX":25409,"Ġtrou":25410,"ABC":25411,".bean":25412,"ĠGround":25413,"ĠREST":25414,"weets":25415,"Ing":25416,"imon":25417,"_bus":25418,"ĠCOLOR":25419,"unto":25420,"Ġfoss":25421,"ĠLinks":25422,"äng":25423,"/forms":25424,"prises":25425,"Ġachievement":25426,"CALL":25427,"елÑĮ":25428,"ĠVerify":25429,"_SOURCE":25430,"aptcha":25431,"IDD":25432,"_reference":25433,"Gold":25434,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ":25435,"Receiver":25436,"Ġaj":25437,"_direction":25438,"}]":25439,"ĠCompet":25440,"Ġbang":25441,"ĠCass":25442,"-url":25443,"techn":25444,"ĠJerusalem":25445,"longitude":25446,"');čĊčĊ":25447,"Ġwinners":25448,"Tasks":25449,"ĠDMA":25450,"Ġtooltip":25451,"İ·":25452,"ĠBra":25453,"_duration":25454,"cury":25455,"parents":25456,"---->(":25526,"ĠKir":25527,"Ġintros":25528,"Ġsketch":25529,"Ġskilled":25530,"Ġimmer":25531,"Ġadequate":25532,"_rep":25533,"(header":25534,"_like":25535,"Ġperceived":25536,"ssh":25537,"Ġassuming":25538,"Ġff":25539,"_uuid":25540,"ulas":25541,"Ġdemocratic":25542,".entities":25543,"Series":25544,"aphore":25545,"Ġnewer":25546,"}(":25547,"SEC":25548,"airo":25549,"Ġcommod":25550,"Ġprivilege":25551,"Ġdeux":25552,"ĠHop":25553,".'/":25554,"ctic":25555,".';Ċ":25556,"C":25630,"ĠWarren":25631,"Ġoptimizer":25632,"ĠSERVICES":25633,"_oper":25634,"getAttribute":25635,"ĠMcK":25636,"_self":25637,".rs":25638,"\")ĊĊĊ":25639,"GetComponent":25640,"erce":25641,"Ġtous":25642,"units":25643,"']);čĊ":25644,"Zoom":25645,"/E":25646,"Ġobsc":25647,"Ġfastest":25648,"online":25649,"Ġpeaceful":25650,"ffen":25651,"Ġcargo":25652,"ĉpr":25653,"Ġseeks":25654,"zu":25655,"Trim":25656,"Ġward":25657,"Ġverd":25658,"Ġblogs":25659,".exceptions":25660,"ĠPremium":25661,"ĠNetherlands":25662,"Safe":25663,"Finish":25664,"ĠAlbum":25665,"_ACC":25666,"=this":25667,"virtual":25668,"]>":25669,"_LABEL":25670,"ĠNich":25671,"_win":25672,"ĠAaron":25673,"WP":25674,";$":25675,"aims":25676,"ĠImageView":25677,"Ġendless":25678,"ERA":25679,"_DISABLE":25680,"Ġcancelled":25681,"-us":25682,"Ġinspection":25683,"emin":25684,"ĠGrey":25685,"-open":25686,"Ġiterations":25687,".owner":25688,"Ġkeras":25689,".Password":25690,"ĠRy":25691,"ĠINS":25692,"Air":25693,"ĠSeveral":25694,".TabStop":25695,"INGLE":25696,"ĠHair":25697,"ĠCanvas":25698,"AAAA":25699,"Ġflaw":25700,"cedes":25701,".Report":25702,"íĬ":25703,"ĠTips":25704,"criptors":25705,".transaction":25706,".Spring":25707,"Ġviewer":25708,"Ġinsights":25709,"è¾ĵ":25710,"ordion":25711,"UINT":25712,"seek":25713,"ĠAuf":25714,"ìŀIJ":25715,"Ġstrain":25716,"Tooltip":25717,"Ġdz":25718,"ignal":25719,"adt":25720,"Ġuc":25721,"finite":25722,"Ġnm":25723,".cmd":25724,"ĠMySql":25725,"[data":25726,".jackson":25727,".tree":25728,"RequestParam":25729,"_agent":25730,"\")]čĊ":25731,"Ġassass":25732,"(Constants":25733,":ss":25734,"ĠMAN":25735,"+-+-":25736,"ĠBottom":25737,"prints":25738,"ĠSame":25739,"@Autowired":25740,"swap":25741,"ición":25742,"Ġprotesters":25743,"Ġhoney":25744,"ĠVeter":25745,"(Calendar":25746,"-ad":25747,"ĠBrooklyn":25748,"Life":25749,"_VAR":25750,"zech":25751,"ĠCALL":25752,"_CAST":25753,"ĠElection":25754,"Ġthickness":25755,"Very":25756,"_INTEGER":25757,"-dev":25758,"))))":25759,"apat":25760,"oooo":25761,"demo":25762,"ĠparseFloat":25763,"ĠRather":25764,"STIT":25765,"maker":25766,"[current":25767,"chrono":25768,"Ġchrist":25769,"ãģª":25770,"ĠDetail":25771,"ưá»":25772,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":25773,"Ġsul":25774,"idency":25775,"Que":25776,"Ġelegant":25777,"apons":25778,"Ġdishes":25779,"Ġintegers":25780,"(read":25781,"findViewById":25782,"ĠAmount":25783,"ĠSkip":25784,"Ġhabits":25785,"*)(":25786,"Ġmonsters":25787,"MAC":25788,":end":25789,"Ġfrank":25790,"Assembly":25791,"Ġdfs":25792,"Ġneut":25793,"_TYPES":25794,"equal":25795,"loyd":25796,"(uri":25797,"Ġchi":25798,"Ġdefendant":25799,"Ġconflicts":25800,"Ġvil":25801,"-js":25802,"ĠPeace":25803,"Ġmutable":25804,")sender":25805,"ĠFocus":25806,"建":25807,"Ġappreciated":25808,"sleep":25809,"ĠRED":25810,"Culture":25811,"Ġdesigners":25812,"_generator":25813,"codes":25814,"/ex":25815,".GetValue":25816,"umbled":25817,".scalajs":25818,"peror":25819,"Ġveterans":25820,"Ġ})čĊ":25821,"Ġunfortunately":25822,"_CREATE":25823,"Mass":25824,"ĠCLAIM":25825,"ĠMeet":25826,"_support":25827,"Bank":25828,"().Ċ":25829,"Dark":25830,"_LOW":25831,"ĠMining":25832,"ĠOwner":25833,"iera":25834,"Cliente":25835,"Ġencouraging":25836,">S":25837,"Ġboyfriend":25838,"ĠHalf":25839,"ĠACC":25840,"Aff":25841,"_ar":25842,"-life":25843,"cx":25844,".JButton":25845,"izado":25846,".zero":25847,".openqa":25848,"oton":25849,".textContent":25850,"Ġtoll":25851,"atie":25852,"Ġballot":25853,"-number":25854,".Exception":25855,"ĉparams":25856,"circle":25857,"-map":25858,"Ġnap":25859,"ĠRobot":25860,"ĠIch":25861,"registration":25862,"Amazon":25863,"rollment":25864,"(exp":25865,"Ġtanks":25866,"ĠGordon":25867,"Ġmachinery":25868,"Ġbaseline":25869,"æĭ":25870,"Ø©":25871,"ĠConvention":25872,"ĉconfig":25873,"ookies":25874,"mult":25875,"Records":25876,"ĠEST":25877,"Ġgarbage":25878,"Ġconform":25879,"idal":25880,"Ġbarg":25881,"Ġsurvived":25882,"Ġinvestigations":25883,".containsKey":25884,"--------------------------------------------------------------------------Ċ":25885,"ortion":25886,"Ġhorr":25887,"_http":25888,"Ġmant":25889,"];čĊčĊ":25890,"binary":25891,"empl":25892,"Ġinquiry":25893,"ĠMeanwhile":25894,"Ġcollecting":25895,".EntityFramework":25896,"\",ĊĊ":25897,"ĠPic":25898,"@Inject":25899,"ickness":25900,"ĠBinding":25901,"Ġcontrolling":25902,"reverse":25903,"Ġchairs":25904,"sembled":25905,"(add":25906,"Disabled":25907,"anas":25908,".translate":25909,"-----------Ċ":25910,"Ġreflected":25911,"\"]ĊĊ":25912,"External":25913,"Arrow":25914,"Singleton":25915,"%x":25916,"ĠÅ":25917,"Ġancest":25918,"ĠOrleans":25919,"ĉcmd":25920,"Ġprohibited":25921,"ithmetic":25922,"(channel":25923,"_css":25924,"Forward":25925,".socket":25926,"Ġluc":25927,"âĨ":25928,"ĠFirefox":25929,"ĠMovies":25930,")_":25931,".ends":25932,"(shape":25933,"Ġdealt":25934,"Ġsaves":25935,"Ġglory":25936,"Ġmejor":25937,"Ġbreathing":25938,"Ġeller":25939,"getData":25940,"Ġangles":25941,"Ġtoolbar":25942,"Ġspacing":25943,"IPS":25944,"Ġfloors":25945,"_ACTIVE":25946,"Ġshuffle":25947,"/shared":25948,"ĠEle":25949,"edish":25950,"Ġwebcam":25951,".expect":25952,"iloc":25953,"ĠIncludes":25954,"Ġtweeted":25955,"Ġ:)":25956,"ĠEssay":25957,"Fix":25958,"-between":25959,"_web":25960,".conv":25961,"Ġracism":25962,"Ġreflects":25963,"umm":25964,"иÑĤе":25965,"_footer":25966,"/docs":25967,"ĠPour":25968,"NgModule":25969,".initialize":25970,"patterns":25971,"_In":25972,"ĠAbb":25973,"*čĊ":25974,"Ġsentiment":25975,"buff":25976,"_counts":25977,"Ġreuse":25978,"chunk":25979,"Ġimposed":25980,"PrimaryKey":25981,"Foreground":25982,"Ġconsumed":25983,"?!":25984,"Ġdick":25985,"Ġchron":25986,"ĠFern":25987,"Ġresponsive":25988,"Ġinsect":25989,"iculty":25990,"Ġrw":25991,"Ġalike":25992,"Ġsubset":25993,"ĠCookies":25994,"ĠPair":25995,"Ġtier":25996,"IFO":25997,"avour":25998,"ĠQU":25999,",sizeof":26000,"Ġmerged":26001,"mv":26002,"itol":26003,"ylon":26004,"Ġjumped":26005,".role":26006,"ensaje":26007,"Rules":26008,"Ġbrowse":26009,"Animator":26010,"Ġyoga":26011,"Ġvariants":26012,"Ġcourtesy":26013,"uran":26014,"pbs":26015,"elseif":26016,"Alt":26017,"ĠLane":26018,"CLK":26019,"IMARY":26020,"_PROPERTY":26021,"ï¼IJ":26022,"Ġchan":26023,"Ġgradually":26024,"Ġshake":26025,"Ġblonde":26026,"...\");Ċ":26027,"-sex":26028,"Ġgameplay":26029,"acies":26030,".refresh":26031,"USB":26032,"ĠPlot":26033,"Was":26034,"issippi":26035,"ĠTensor":26036,"Ġcryptocurrency":26037,"Ġdifficulties":26038,"Deleted":26039,"Without":26040,"_append":26041,"_ver":26042,"\"))čĊ":26043,"Ġhonestly":26044,"Ġpivot":26045,"Ġtemps":26046,"_ps":26047,"ĠUnlike":26048,"[:-":26049,"VS":26050,"_inf":26051,"Ġjunior":26052,"Ġanimations":26053,"Ġfilepath":26054,"?{{$":26076,"Ġunicode":26077,"places":26078,"ĠCoffee":26079,".SE":26080,"ĠPAR":26081,"(txt":26082,"gebra":26083,"Ġfires":26084,"MainWindow":26085,"medium":26086,"Ġ(âĢľ":26087,"Ġlg":26088,"Ġcmp":26089,"/base":26090,"_layers":26091,"_entries":26092,"Ġadminister":26093,"ĠSUCH":26094,"BP":26095,"ĠScottish":26096,"ĉčĊĉčĊ":26097,"guard":26098,"ĠStrong":26099,"Insn":26100,"ĠCAP":26101,"asury":26102,"ĠSEE":26103,"Clock":26104,"erie":26105,"\\models":26106,"Ġ$$":26107,"ĠCab":26108,"Ġwurde":26109,"Ġsoldier":26110,"Ġclips":26111,"Ġarrangement":26112,"ĠWonder":26113,"ĠHorn":26114,"Ġscared":26115,"Ġcure":26116,"mkdir":26117,"Ġaligned":26118,"ĠPink":26119,"Ġlanded":26120,"Dimension":26121,"ScrollPane":26122,".chat":26123,".With":26124,"ĠTrain":26125,"].Ċ":26126,"Ġthirty":26127,"Ġdurable":26128,"Ġld":26129,"Ġlateinit":26130,"Ġcharts":26131,"Ġinsult":26132,".Fatal":26133,"_ct":26134,"Ġmasks":26135,"CLUDED":26136,"President":26137,"Ġcolours":26138,"gments":26139,".attributes":26140,"ĠFlex":26141,"ĠClock":26142,"ÃŃcul":26143,"imen":26144,"JO":26145,"ĠRegex":26146,"_LINK":26147,"Ġcouch":26148,"ĠINPUT":26149,"Ġbeating":26150,"business":26151,"preced":26152,".unit":26153,"ĠFel":26154,"Never":26155,"ospel":26156,".startswith":26157,"ĠEPA":26158,".only":26159,"Ġpreventing":26160,"yer":26161,"ColumnName":26162,"Ġelevation":26163,"flu":26164,"icycle":26165,"Ġoffline":26166,"Toolbar":26167,"Ġcompeting":26168,")].":26169,"Ġmog":26170,"ĠisValid":26171,"Ask":26172,"_av":26173,"_lat":26174,"ANC":26175,"ĠJoh":26176,"kers":26177,"Ġguards":26178,"Ġchains":26179,"ĠSimpleDateFormat":26180,".static":26181,"Ġvessel":26182,"Ġmud":26183,"Ġstabil":26184,"Ġstret":26185,"gm":26186,"amation":26187,"çľ":26188,"-with":26189,"Ġros":26190,"_PA":26191,"Ġresultado":26192,"Ġconfidential":26193,"ĠTokyo":26194,"ĉusing":26195,"ĠMathf":26196,"ombine":26197,"ĠESPN":26198,"Ġdealers":26199,"Ġdismissed":26200,"TRY":26201,"Ġteens":26202,"records":26203,"Ġwings":26204,"gallery":26205,"accounts":26206,"_LIB":26207,"Ġjacket":26208,"ĠNSObject":26209,"Ġstones":26210,"ĠDelivery":26211,"ĠDiet":26212,"/watch":26213,"Ġtoilet":26214,"ĠGuest":26215,".day":26216,"Ġintval":26217,"Visit":26218,"Ġinvestigated":26219,"Ġpentru":26220,"ĠTheatre":26221,"andidates":26222,"Lang":26223,"ĠServ":26224,"Ġcontrollers":26225,"ĠsetTitle":26226,"NP":26227,"amy":26228,"flat":26229,"(ui":26230,"_document":26231,"èĥ½":26232,"ĠCoin":26233,"ĠAdams":26234,"ptic":26235,"Ġproductive":26236,"Ġaccomplished":26237,"čĊčĊčĊčĊ":26238,"Ġdeferred":26239,"ientes":26240,"Ġsinc":26241,"olars":26242,"Rightarrow":26243,"Ġvariations":26244,"(offset":26245,".LayoutInflater":26246,"Ġsuspend":26247,"Ġprevention":26248,"_private":26249,"_js":26250,"âĺħ":26251,"Ġwieder":26252,"atum":26253,"ĴĮ":26254,"Ġappearances":26255,".Document":26256,"Ġvalidates":26257,"calendar":26258,"}\";Ċ":26259,".demo":26260,"conut":26261,"Ġcorrection":26262,"ĠDeal":26263,"Ġbatteries":26264,".duration":26265,",\\":26266,"_marker":26267,"multi":26268,"Ġhalt":26269,"Ġcms":26270,"Ġshaped":26271,"Bro":26272,"reduce":26273,"Ġ####":26274,"CTOR":26275,"ĠBenef":26276,"Ġiconic":26277,"Ġpiano":26278,"Ġeffectiveness":26279,"|.Ċ":26280,"Ġajax":26281,"Ġvolumes":26282,"ม":26283,"Ġcljs":26284,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ":26285,"aths":26286,"raits":26287,"大":26288,"Ñĸ":26289,"_mult":26290,"Ġfascinating":26291,"Average":26292,"Ġpré":26293,"ĠChairman":26294,".findElement":26295,"_pin":26296,"Ġcomparing":26297,"Ġdarkness":26298,"-Fi":26299,"-server":26300,"Ġselecting":26301,"sterdam":26302,"ĠParts":26303,"FORMATION":26304,"Ġnoting":26305,"Ġpile":26306,"ogs":26307,"Ġpalette":26308,"_do":26309,"itize":26310,"()(":26311,"Ġdefining":26312,"Ġremainder":26313,"Units":26314,"_TASK":26315,"HttpClient":26316,"Social":26317,"Ġfundra":26318,"NR":26319,"chest":26320,"Currency":26321,".adapter":26322,"Ġdop":26323,"unting":26324,"ANGUAGE":26325,"\"He":26326,"ĉindex":26327,"_package":26328,".Icon":26329,"Ġrepet":26330,"mass":26331,"=\".$":26332,"ĠSud":26333,"Ġlid":26334,"province":26335,"ìľ":26336,"GPIO":26337,"Ðļ":26338,"ĠMySQL":26339,"Ġdocs":26340,"ĠGA":26341,"Ġipsum":26342,"Kernel":26343,"Ġaccepts":26344,"Ġfitting":26345,"Ġcuando":26346,"Ġduplic":26347,"ĠBrother":26348,"ĠKle":26349,"nums":26350,"Ġmorph":26351,"Ġ########":26352,"ĠCGPoint":26353,"manual":26667,"ĠTechnical":26668,"Ġcorporation":26669,"ĠHW":26670,"anka":26671,"TAIL":26672,"istas":26673,"Ġperforms":26674,"ĠBehavior":26675,".For":26676,"_ORDER":26677,"ĠKick":26678,"Ġcallbacks":26679,"_dr":26680,"uego":26681,"hub":26682,"ufficient":26683,"sky":26684,"Ġbp":26685,"htable":26686,"ĠONLY":26687,"ĠAUTHORS":26688,".Argument":26689,"\"};Ċ":26690,"ĠThunder":26691,"ĠKom":26692,".Should":26693,"AUTH":26694,"ahu":26695,"_payment":26696,"Ġstarter":26697,"ìĦľ":26698,"ìļ©":26699,"Blog":26700,".patch":26701,"Ġgoverned":26702,"assy":26703,"-found":26704,"Ġtheater":26705,"ĠFontWeight":26706,"ĠBatman":26707,"\"If":26708,".Random":26709,"_delta":26710,"ĠCE":26711,"Authenticated":26712,"Ġdrone":26713,"Ġcous":26714,"radius":26715,"Mer":26716,"(None":26717,"ĠNJ":26718,"_headers":26719,"Ġamer":26720,"pytest":26721,"ĠActions":26722,"ĉĉĉĠĠĠĠ":26723,"Ġett":26724,"Ġholy":26725,"Ġuncomfort":26726,"ĠNin":26727,"ĠDecimal":26728,"ĠMessages":26729,".sender":26730,"]])Ċ":26731,"Ġembrace":26732,"Though":26733,"/sp":26734,"Ġcultures":26735,"Ġhighway":26736,"tar":26737,".fail":26738,"_hidden":26739,"ĠcomponentDidMount":26740,"ĠWright":26741,"Ġjag":26742,"_il":26743,"../../../":26744,"igu":26745,"Food":26746,"Ġace":26747,"Ġaños":26748,"USD":26749,"Ġmutual":26750,"Logic":26751,"Ġtemple":26752,"Ġbriefly":26753,"ĠTrip":26754,"classmethod":26755,"defaults":26756,"Ġchunks":26757,",,,,":26758,"ĠReason":26759,"$id":26760,"-ups":26761,"Ġdamn":26762,"Ġtrucks":26763,"Ġunlimited":26764,"Ġsculpt":26765,"ĠCards":26766,"Ġautor":26767,"ĠTesting":26768,"Ġdiese":26769,"shops":26770,"ç´":26771,"(payload":26772,"ĠPATH":26773,"ĠMemorial":26774,"Ġridiculous":26775,"egree":26776,"-winning":26777,"Ġrehab":26778,"Ġsophisticated":26779,"wpdb":26780,"ĉpath":26781,"!\";Ċ":26782,"_SYS":26783,".speed":26784,"Ġsoap":26785,"suffix":26786,"Wrap":26787,"Ġenhancement":26788,"Ãī":26789,"úb":26790,"Ġplaylist":26791,"Ġmixing":26792,"antidad":26793,"=\"\";Ċ":26794,"ĠRevision":26795,"ĠBeat":26796,".inc":26797,"-way":26798,"encias":26799,"ulers":26800,"Cat":26801,"idel":26802,"ĠShip":26803,".setColor":26804,"Ġthreatening":26805,".modules":26806,"Ġafterwards":26807,"ĠDashboard":26808,"ĊĠĊ":26809,"Signal":26810,"Ġprimer":26811,"orneys":26812,"iciary":26813,"Ġligne":26814,"_predict":26815,"Ġaest":26816,"_https":26817,">:":26818,"ĠLex":26819,"Ġrencontres":26820,"egral":26821,"scala":26822,"_family":26823,"ÃŁen":26824,"_sym":26825,"Ġuncertainty":26826,"ĠVALUE":26827,"Ġ};čĊčĊ":26828,"Ġbroader":26829,"Ġhorses":26830,"ãģĿ":26831,"ĠKal":26832,"oba":26833,"_INET":26834,"ĠKill":26835,"jquery":26836,"amination":26837,"[@\"":26838,"Ġmuj":26839,"###Ċ":26840,"FirstOrDefault":26841,"thenReturn":26842,"Che":26843,"/footer":26844,"Ġparks":26845,"asje":26846,"ĠGulf":26847,"Ġmodest":26848,".Init":26849,"ï¼ŁĊĊ":26850,"Ġprospects":26851,"Ġsvg":26852,"Ġåı":26853,".Dialog":26854,"_NET":26855,"Ġ(($":26856,"Ġek":26857,"ĠWarning":26858,"ĠMK":26859,"":27166,"ĠRepair":27167,"_BE":27168,"Brand":27169,"uart":27170,"preview":27171,"Ġinitiatives":27172,"running":27173,"bang":27174,"ĉupdate":27175,"ĠCoach":27176,"Rich":27177,"Ġyoutube":27178,"Ġritual":27179,"appa":27180,"ĠRobinson":27181,"precision":27182,"////////////////////////////////////////////////////////////////////////////":27183,"=[]Ċ":27184,"Ġcelebrated":27185,"OTO":27186,"Ġinclusion":27187,"JP":27188,"';čĊčĊ":27189,"Ġnotable":27190,"(_.":27191,"Managed":27192,"Ġguides":27193," ":27194,"atedRoute":27195,"ĠAdjust":27196,"Ġcolored":27197,"_scores":27198,"ĠTesla":27199,"_progress":27200,".inst":27201,"['_":27202,".flags":27203,"Ġfclose":27204,"_OPER":27205,"ży":27206,"_note":27207,"Ġtransgender":27208,"åķ":27209,"RIPT":27210,"Ġabsent":27211,"Ġamet":27212,"Ġoperand":27213,"ë©":27214,"Ġhood":27215,"toLowerCase":27216,"avo":27217,"ĠCircuit":27218,"ĠLind":27219,"--}}Ċ":27220,"=m":27221,"Ġsuppress":27222,"ĠMAP":27223,"iang":27224,"-admin":27225,"Ġsidebar":27226,"ĠBu":27227,"ĠHex":27228,",F":27229,"ĠSignal":27230,"Ġtransparency":27231,"ĠFederation":27232,"/V":27233,"Req":27234,"Ġpulse":27235,"Ġtends":27236,"Numbers":27237,"%'":27238,"Ġdeport":27239,"datas":27240,"_UINT":27241,"_tra":27242,"oko":27243,"Ġ\"?":27244,"compet":27245,"solete":27246,"undry":27247,"Ġoverlap":27248,"}`,Ċ":27249,".ly":27250,"_summary":27251,"ĠLost":27252,".Center":27253,"Ġdisability":27254,".Serialization":27255,"Ġgeom":27256,"Ġ?:":27257,"ĠWo":27258,"Ġshipped":27259,"Ĥæķ°":27260,"Ġugly":27261,"Ġexcitement":27262,"Ġexterior":27263,"Ġcheckout":27264,"Ġkur":27265,",D":27266,"ĠAlaska":27267,"Ġsynthetic":27268,"ĠBudget":27269,"ĠSubscribe":27270,"Ġ&Ċ":27271,"ÈĻi":27272,"ĠYu":27273,"ĉquery":27274,"}.Ċ":27275,"Ġtraged":27276,"assen":27277,"Ġaccommodation":27278,"Ġphysician":27279,"Ġrenamed":27280,"Ġtidak":27281,"zÄħ":27282,"Ġminus":27283,"nych":27284,"_EXCEPTION":27285,"threads":27286,"Ġtire":27287,"_created":27288,"ensure":27289,"Ġworthy":27290,"Ġexcuse":27291,"Ġcloth":27292,".parentNode":27293,"/platform":27294,"ĠUFC":27295,"ĠGtk":27296,"unny":27297,"Ġgibt":27298,"keley":27299,"hum":27300,"(tx":27301,"ĉdev":27302,"Ġoutfit":27303,"doors":27304,"Ġfon":27305,"icut":27306,"volatile":27307,"Ġhomosex":27308,"Maximum":27309,"Ġexpend":27310,"Ġ});ĊĊĊ":27311,"Eq":27312,"onders":27313,"department":27314,"ĠPhysics":27315,"\"});Ċ":27316,"Ġparad":27317,".Str":27318,"Ġsele":27319,"IFIED":27320,"Ġdelivers":27321,"ivan":27322,"Ġresponsibilities":27323,"Ġadvocates":27324,"èµ":27325,"ĠRID":27326,".parameters":27327,"Metrics":27328,"ronics":27329,"ĠUITableViewCell":27330,"Absolute":27331,"ipse":27332,"ylum":27333,"MLElement":27334,"_VALID":27335,"\\<^":27530,"Ġios":27531,"sound":27532,"\"];":27533,"Ġfreed":27534,"rottle":27535,"ĠLower":27536,"[count":27537,"åĿ":27538,"Ġpale":27539,"ĠWayne":27540,"earth":27541,"_categories":27542,"UCK":27543,".metadata":27544,"Ġsummon":27545,"HOME":27546,"олÑĮз":27547,"Ġmanufactured":27548,"Ġdock":27549,"Ġcompetitors":27550,"_MODEL":27551,"okia":27552,"ĠHey":27553,"ο":27554,"Ġbackward":27555,"ĠPOSS":27556,"ropa":27557,"Ġcri":27558,"_OBJ":27559,"Transport":27560,"-high":27561,"Ġerotik":27562,"_slot":27563,"Ġartic":27564,"_framework":27565,"-serif":27566,"ĠSqlDbType":27567,"')(":27568,"+\"/":27569,"Ġwore":27570,"Sil":27571,"Ġstoring":27572,"ĠPhase":27573,"uant":27574,"Ġbump":27575,"inho":27576,"Ġdign":27577,"Ġbacks":27578,"qq":27579,"(hash":27580,"Ġgeo":27581,"Ġtender":27582,"Logo":27583,"!)Ċ":27584,"ĠMX":27585,"ĠArthur":27586,"essoa":27587,"_Ch":27588,"Ġbedrooms":27589,"=\"#\"><":27590,"Ġthroat":27591,"insic":27592,".integer":27593,"Ġprimitive":27594,"Truthy":27595,"Ġfacilitate":27596,"Ġcreativity":27597,"ĠDNS":27598,"Ġgra":27599,"uez":27600,"Ġcountless":27601,"ĠPoland":27602,"'M":27603,"ĠDist":27604,"Ġvest":27605,"Ġcertification":27606,"á»ij":27607,"held":27608,"extensions":27609,"(static":27610,"Ġgrades":27611,"ĠUber":27612,"ãģŁ":27613,"Ġ[])Ċ":27614,"datos":27615,"ĠgetData":27616,"ĠCharg":27617,"ĠBS":27618,".microsoft":27619,".video":27620,".direction":27621,"->{'":27622,"lua":27623,"apest":27624,"Ġboiler":27625,"erek":27626,"Ġdecides":27627,".jar":27628,"ISC":27629,"ĠWords":27630,"(CON":27631,"EMPLATE":27632,"reeze":27633,"shots":27634,"apps":27635,"unted":27636,".setName":27637,"::<":27638,"-bold":27639,"ê²":27640,"å¯Ĩ":27641,"Longrightarrow":27642,"Ġunfair":27643,"Ġearning":27644,"Ġshelf":27645,"UREMENT":27646,"Ġidle":27647,"_MENU":27648,".Custom":27649,"AGER":27650,"-\"":27651,"_switch":27652,"because":27653,")view":27654,"mare":27655,"_condition":27656,"ĠStarting":27657,"Mvc":27658,"(pre":27659,"dump":27660,"_LOCK":27661,"atetime":27662,".callback":27663,"ĠCer":27664,"opol":27665,"ibrary":27666,"Ġreservation":27667,"ĉĉĉĉĉĉĉĊ":27668,"lector":27669,"graduate":27670,"Ġgenerous":27671,"Ġion":27672,"ricao":27673,"mq":27674,"_complete":27675,"(cursor":27676,"ĠFormControl":27677,":center":27678,"Ġsubstitute":27679,"ĠPlanning":27680,"Ġpension":27681,"Ġrecommendation":27682,"ĠTags":27683,"Ġgef":27684,"Ġalbums":27685,"Ġwashing":27686,"roc":27687,"Ġtrains":27688,"atings":27689,"Ġexponent":27690,"ackbar":27691,"-ln":27692,"ág":27693,".DataAnnotations":27694,"ĠEIF":27695,"ĠMalaysia":27696,"ĉPORT":27697,"onus":27698,"Ġclever":27699,"Ġpeu":27700,">ĊĊĊĊ":27701,"ĠArguments":27702,"Ġdebugging":27703,"(right":27704,"'D":27705,"compute":27706,"Ġfinest":27707,"ORAGE":27708,"Ġspectacular":27709,"phrase":27710,"Ġindia":27711,"Ġlegendary":27712,"birth":27713,"Ġcomposite":27714,"Ġgrows":27715,"ĠTD":27716,"Ġepid":27717,"Ġlaunching":27718,"]][":27719,"Minutes":27720,"ĠCha":27721,"Ġcleaned":27722,"Ġwitnesses":27723,"ukan":27724,"ĉType":27725,"Ġhabe":27726,"paragraph":27727,"ĠJPanel":27728,"ĠHann":27729,"Ġvaried":27730,"ĠPokemon":27731,"ĠMUST":27732,"åĬ¨":27733,".visibility":27734,"opup":27735,"^[":27736,".expand":27737,"Ġ\"',":27738,".fasterxml":27739,"_auto":27740,"ĠSheet":27741,"marker":27742,"Parcel":27743,"ews":27744,"ĠStrategy":27745,"-making":27746,"Ġunve":27747,"Ġtrailing":27748,"Ġclicks":27749,"ĠGetComponent":27750,"ĉcontent":27751,"IGENCE":27752,"ERNEL":27753,"NSMutableArray":27754,"Ġbreat":27755,"Ġharmful":27756,"¶Ī":27757,"Ġbesides":27758,"Ġboring":27759,"Ġbrutal":27760,"vang":27761,"(parse":27762,"quick":27763,"Ġpytest":27764,"Ġswitching":27765,"()]Ċ":27766,"ĠìĦ":27767,"LER":27768,"ĉfont":27769,"Ġnett":27770,")]ĊĊ":27771,"(/\\":27772,"æŀľ":27773,"toArray":27774,"Ġbreed":27775,"ĠCAR":27776,"ĠWeapon":27777,"Abs":27778,"tot":27779,"ĠsetName":27780,"aptive":27781,"Ġ:,":27782,"Ġescaped":27783,"orden":27784,"ĠPri":27785,"thumbnail":27786,"Ġdescriptions":27787,"/styles":27788,"ĠPCI":27789,"Ġalphabet":27790,"asticsearch":27791,"NOTE":27792,"Ġcialis":27793,"ĠGriff":27794,"Ġporque":27795,"Ġproteins":27796,"plays":27797,"Ġstating":27798,"Ġimagination":27799,"Ġfacial":27800,"ĠMechan":27801,"Ġarranged":27802,"_used":27803,"Ġarrangements":27804,"ĠPipe":27805,"hostname":27806,"Ġprovinc":27807,"Tit":27808,".FlatStyle":27809,"ĠSplit":27810,"ĠLoader":27811,".cc":27812,"Ġclinic":27813,"----------------------------":27814,"Ġbaking":27815,"ĠENT":27816,"neath":27817,"ãĢģĊĊ":27818,"ANE":27819,".EntityFrameworkCore":27820,"appers":27821,".ic":27822,"ĠNgModule":27823,"ĠFORM":27824,"Ġ';":27825,"-profit":27826,"hw":27827,"enemy":27828,"ĠEye":27829,"Ġcaution":27830,"town":27831,"Ġurged":27832,"ĠJimmy":27833,"ynchronous":27834,"-sized":27835,"making":27836,",{":27837,"]',":27838,"_Object":27839,"ahoma":27840,"Ġactivist":27841,"INVAL":27842,"ĠCommercial":27843,"ĠOrlando":27844,"(tab":27845,"Ġب":27846,"Algorithm":27847,"Ġheritage":27848,"GetMapping":27849,"Ġfailures":27850,"rios":27851,"ativa":27852,"Ġtet":27853,"Ġcarpet":27854,"(Z":27855,"three":27856,"Ġdisclosure":27857,".ERROR":27858,"_called":27859,"Ġdial":27860,"Ġoccasional":27861,".Err":27862,"Ġfuncion":27863,"caffold":27864,"Ġreleasing":27865,"ï¼īĊĊ":27866,"_Value":27867,"ĠVari":27868,"yellow":27869,"Ġstruggles":27870,".cal":27871,"ĠDakota":27872,"ĉclose":27873,"Ġsandwich":27874,"Ġanalytics":27875,"Ġ**)":27876,"&#":27877,"ĠJos":27878,"Ġpassive":27879,"ATTR":27880,"Throwable":27881,"ĠMun":27882,"ĠUint":27883,"(disposing":27884,"arak":27885,"ĠLeaders":27886,"Ġaffecting":27887,"ĠitemView":27888,"Ġeconomics":27889,"fv":27890,"à¹Ģ":27891,".rb":27892,"ĠOverall":27893,"Ġwealthy":27894,"Ġevolved":27895,"nda":27896,"ĠHus":27897,"restrict":27898,"umen":27899,"ĠAgricult":27900,"!ĊĊĊ":27901,"Ġexpires":27902,"Ġspokesperson":27903,"interval":27904,"Ġâ":27905,"Ġqueen":27906,"(nil":27907,"ingo":27908,"Heap":27909,"Ùİ":27910,"Ġcomplain":27911,"Sym":27912,"ĠClone":27913,"ĠRu":27914,"ĠWILL":27915,"ĠCrystal":27916,"/content":27917,"ingen":27918,"ointment":27919,"LastName":27920,"avicon":27921,"ĠIBM":27922,"ĠDimension":27923,"anh":27924,"icipants":27925,"ĠAnne":27926,".progress":27927,"Ġalgo":27928,"obil":27929,"ĠVoice":27930,"ĠFE":27931,"Ġgli":27932,"Ġved":27933,"Ġprevents":27934,"\\Column":27935,"Ġfolk":27936,"etti":27937,"Ġmn":27938,"ĠCLASS":27939,"Ġdisplaying":27940,"ĠKl":27941,"ĠFerr":27942,"duto":27943,".ib":27944,"Ġdados":27945,"'name":27946,"-space":27947,"Ġitalian":27948,"Ġinverse":27949,"Ġdense":27950,"uter":27951,"ĠIEnumerator":27952,"-sign":27953,"Ġnationwide":27954,"Ġpersona":27955,"Ġsolved":27956,"Ġdramatically":27957,"Logout":27958,"Ġgrav":27959,"Ġanalyses":27960,"ollo":27961,"Ġlamp":27962,".team":27963,"ĠErot":27964,"=[\"":27965,"Ġdancing":27966,"Ġ?>/":27967,"Ġcater":27968,"ffe":27969,"ĠSha":27970,"ĠBos":27971,"ĠREQUIRE":27972,"ĠMonster":27973,"ĠRB":27974,"ĠIDE":27975,"Ġsuits":27976,"ĠformData":27977,"(theta":27978,"Ġspatial":27979,"=NULL":27980,"ĠSqlConnection":27981,"Ġà":27982,"ĠVenez":27983,"ĠMorning":27984,"Ġpublications":27985,"ĠNONINFRINGEMENT":27986,"firstName":27987,"uds":27988,"Would":27989,"_HEAD":27990,"Ġinvested":27991,"stable":27992,"fred":27993,"Ġcommander":27994,"SES":27995,"âĢĶa":27996,"anche":27997,"ĠMovement":27998,"ë³":27999,"Suite":28000,"Ġjurisdiction":28001,"리":28002,"ĠBeth":28003,"jQuery":28004,"ĠIsa":28005,"Ġdental":28006,",*":28007,"ĠLimit":28008,"iliation":28009,"=\"{":28010,"bast":28011,"Ġturb":28012,"isy":28013,"OOK":28014,"Ġadvocate":28015,"imag":28016,"LECTION":28017,"лÑĮ":28018,"(category":28019,".dec":28020,"Ġuniqu":28021,"_sn":28022,"Ġattracted":28023,"ĠÃī":28024,"ĠRunning":28025,"_edges":28026,"ĠDisable":28027,"_AS":28028,"åĽ¾":28029,"Ġnetworking":28030,"_branch":28031,"Having":28032,"toBeTruthy":28033,"GI":28034,"Ġcamps":28035,"sep":28036,"-part":28037,"Ġ)ĊĊĊĊĊĊĊĊ":28038,"ustralia":28039,"ĠReports":28040,"rito":28041,"Ġwaist":28042,"_plus":28043,"ĠWW":28044,"-person":28045,"April":28046,"Ġsar":28047,".tar":28048,"Ġagricultural":28049,"tic":28050,"Ġtcp":28051,"ĠsetValue":28052,"agento":28053,"ĠAppe":28054,"piler":28055,"CADE":28056,"Ġanche":28057,"atcher":28058,"Ġcomics":28059,"Ġlbs":28060,"_segment":28061,"']=$":28062,"itters":28063,"icher":28064,"GINE":28065,"Ġutilize":28066,"ĠCursor":28067,"_expression":28068,"Ġdag":28069,"x":28257,".Task":28258,"money":28259,"ibaba":28260,"'});Ċ":28261,"ĠSpecific":28262,"ĠLinear":28263,"_OPT":28264,"HashCode":28265,"(Player":28266,".ContainsKey":28267,"Ġcollapsed":28268,"transparent":28269,"_RANGE":28270,"Viewer":28271,"(cfg":28272,"Ġsorting":28273,"Ġinfected":28274,"ĠNach":28275,"Ġaccommodate":28276,".elements":28277,"_PART":28278,"ĠSexy":28279,"=get":28280,"(year":28281,"Ġxhr":28282,":]":28283,"owski":28284,"Ġsummar":28285,"Ġ¿":28286,"Ġinte":28287,"Ġworkflow":28288,"ĠTaiwan":28289,"versions":28290,"åıij":28291,"Ġsurprisingly":28292,"Ġoptical":28293,"Ġproces":28294,"Ġdisagree":28295,"Ġnuevo":28296,"ĠCAM":28297,"sorted":28298,"leases":28299,"istle":28300,"Ident":28301,"ĉevent":28302,"jected":28303,"Chunk":28304,"Vars":28305,".provider":28306,"Ġproceedings":28307,"Ġinclusive":28308,"Ġartwork":28309,"endants":28310,"ï¼ļĊ":28311,"seen":28312,"Ġlig":28313,"Ġmakers":28314,"_fun":28315,"Ġlengths":28316,"PathVariable":28317,"[item":28318,"ี":28319,"Dead":28320,"FFFFFF":28321,"ĠUrban":28322,"uples":28323,"ichen":28324,"(nullptr":28325,".spec":28326,",System":28327,"URATION":28328,"(job":28329,"å¼ı":28330,"Ġtracker":28331,"ÅĻ":28332,"ĠMR":28333,"ĠSQLite":28334,"Ġdto":28335,"Ġ;;Ċ":28336,"Ġmint":28337,"ĠIntroduction":28338,"cao":28339,"Ġquestioned":28340,"Ġfitted":28341,"revision":28342,"sq":28343,"Ġmig":28344,"_units":28345,"_async":28346,"Ġflick":28347,"});ĊĊĊ":28348,"Ġnotre":28349,"}`,":28350,"Filters":28351,"Ġmundo":28352,"_days":28353,"Ġfrm":28354,"utc":28355,"Ġvals":28356,"ewidth":28357,"ĠGenerator":28358,"ĠArtist":28359,"ĠIDs":28360,"ĠArticles":28361,"reater":28362,"ĠComponentFixture":28363,".=":28364,"Ġrou":28365,"-no":28366,".bukkit":28367,"egg":28368,"ĠDiff":28369,"atics":28370,"ÑĥÑĩ":28371,"âĢĶĊĊ":28372,"ĠCharlotte":28373,"bye":28374,"Ġ});čĊčĊ":28375,"ĠVik":28376,"ĠBrow":28377,"Ġlv":28378,"ĠGib":28379,"-wing":28380,"GLIGENCE":28381,"(Il":28382,"ĠEngineer":28383,".Wait":28384,"ĠPictures":28385,"Ġrhet":28386,"Ġthermal":28387,"Ġpraise":28388,"<>();ĊĊ":28389,"ĠSpider":28390,"Pause":28391,"ĠBaker":28392,"Ġslower":28393,"Ġ}]Ċ":28394,"_enqueue":28395,"Ġdisappeared":28396,"ĠTicket":28397,"INUX":28398,"_LOCAL":28399,"аÑģÑģ":28400,"@Injectable":28401,"community":28402,"GestureRecognizer":28403,"åĽ½":28404,"Ġscales":28405,"Ġ-(":28406,"/'+":28407,"ĠSit":28408,"Ġexecutives":28409,"arding":28410,"Ġadvers":28411,"Ġbackwards":28412,"ĉcontext":28413,"ĠHamp":28414,"ĠPF":28415,"ĠDeck":28416,"ĠCraig":28417,"American":28418,"Ġbell":28419,"Ġprol":28420,"ufen":28421,"Ġrng":28422,"arshal":28423,"ĠSimply":28424,"firstname":28425,"shore":28426,"July":28427,"Ġmortality":28428,"ĠâĨĴĊĊ":28429,"Helpers":28430,"Ġbenchmark":28431,"emade":28432,"Ġorganisations":28433,".gson":28434,"ĠTextField":28435,"Ġcivilians":28436,".Arrays":28437,"ĠMississippi":28438,"Ġintermediate":28439,"getUser":28440,"_cluster":28441,"Relative":28442,"foreign":28443,".querySelectorAll":28444,"ForeignKey":28445,"Ġreasonably":28446,"---------Ċ":28447,"Cards":28448,"ĠKam":28449,"ĠThor":28450,"Ġroller":28451,"-element":28452,"ĠCurrency":28453,"ddie":28454,"ALLY":28455,"ĠRA":28456,"Ġpermet":28457,"aaaa":28458,"Ġhomework":28459,"ĠVit":28460,"Ġmold":28461,"ĠFer":28462,"[start":28463,"Ġstatistical":28464,"Ġscary":28465,"_HOME":28466,".Begin":28467,"Construct":28468,"ogenic":28469,"ĠDEALINGS":28470,"Ġtambién":28471,"ixon":28472,".ind":28473,"acre":28474,"Ġtransforms":28475,"ĠNap":28476,".Block":28477,"ussia":28478,"piration":28479,"ulent":28480,"Ġceil":28481,"Clause":28482,"naire":28483,"TES":28484,"Ġneat":28485,"STD":28486,"ĠRegExp":28487,"perform":28488,":)":28489,"Ġunions":28490,"Ġsublic":28491,"Ġwinds":28492,"loating":28493,"glich":28494,"Ġpagination":28495,"Skill":28496,"Apply":28497,"ĠOperator":28498,"istogram":28499,"Ġqualities":28500,"Cross":28501,"Ġdecom":28502,"],\"":28503,"ĠJuan":28504,".modal":28505,".Child":28506,"ĠRoger":28507,"STITUTE":28508,":CGRectMake":28509,"alette":28510,"Ġsta":28511,"aside":28512,"Ġblur":28513,"ĠWa":28514,"ifetime":28515,"reed":28516,"controls":28517,"Ġbins":28518,"Ġпол":28519,"*/,Ċ":28520,"UIS":28521,"ĠRou":28522,"ĠDemo":28523,"-awesome":28524,"ĠChain":28525,"Ġhasta":28526,"ĠBart":28527,".KEY":28528,"Ġvendors":28529,"nofollow":28530,"ĠDest":28531,"_builder":28532,"Ġargues":28533,"_answer":28534,"goto":28535,"ĠRESULT":28536,"ĠMON":28537,"Ġpoder":28538,"oons":28539,"_CASE":28540,"Ġreplic":28541,"Ġfinancing":28542,"ĠDATE":28543,"cern":28544,"_track":28545,"ties":28546,"/logo":28547,"ĠNEGLIGENCE":28548,"getType":28549,">T":28550,"bet":28551,"girl":28552,"ĠINCIDENTAL":28553,"-site":28554,".trigger":28555,"ĠLisa":28556,"_inputs":28557,"Ġrelatives":28558,"LoggedIn":28559,"Configure":28560,"IK":28561,".accept":28562,"Resume":28563,"ĠDraft":28564,"Ġ*>(":28565,"ĠWA":28566,"edian":28567,"erness":28568,"ĠLayoutInflater":28569,"*/čĊčĊ":28570,"othy":28571,"Ġobligation":28572,"Subscribe":28573,"Ġthumbnail":28574,"exist":28575,"Ġinsisted":28576,"ĠUICollectionView":28577,"ĠAngular":28578,"Ġtablets":28579,"ĠImpact":28580,"ãĢįĊĊ":28581,"aho":28582,"Ġcharacteristic":28583,"gd":28584,"Ġ=================================================":28585,"ourt":28586,"`.":28587,"Appro":28588,"Coordinate":28589,"Remember":28590,"Ġmarine":28591,"]=='":28592,"ĠAdministrator":28593,".getDefault":28594,"Ġforgot":28595,"ĠStructure":28596,"Vue":28597,"arsing":28598,"moment":28599,"kw":28600,"_cursor":28601,"Attack":28602,"Ġathletic":28603,"Ġdiagnosed":28604,"Ġende":28605,"åĪłéϤ":28606,"House":28607,"ĠPARAM":28608,"Ġwiki":28609,"ĠOpp":28610,"Ġconservation":28611,"Ġsnd":28612,"_tem":28613,"substr":28614,"ĠCape":28615,".sim":28616,"UTION":28617,"anan":28618,"âĢĻun":28619,"Ġgy":28620,"-work":28621,"Ġcompelling":28622,"='#":28623,"ĉsub":28624,"Ġdirectories":28625,"íĬ¸":28626,"Ġtouches":28627,"outines":28628,".Collection":28629,"schedule":28630,".lat":28631,"ĠDoctrine":28632,"CAA":28633,"ĠRefer":28634,"Ġshifts":28635,"Ġlikelihood":28636,"preter":28637,"ĠFemale":28638,"Ġintercept":28639,"Ġlou":28640,"çĻ»":28641,"Ġrug":28642,"ĠCrown":28643,"Ġ****************************************************************************":28644,"-product":28645,"Ġprompted":28646,"ungle":28647,"docker":28648,"ĠTu":28649,"ĠUnique":28650,"_Error":28651,"ulos":28652,"ĠâĦ":28653,"Ġ(`":28654,"Getting":28655,"_scal":28656,"ĠEnh":28657,"üt":28658,"Ġsustained":28659,"Ġpatches":28660,"Ġprosper":28661,"ĠGaza":28662,"_light":28663,"Ġincons":28664,"--------Ċ":28665,"ĉĉĠĠĠĠĠĠ":28666,"SF":28667,"CN":28668,":\";Ċ":28669,"ĠCollins":28670,"(*)":28671,"Ġcompilation":28672,"']čĊ":28673,"Ġconsequence":28674,",...":28675,"Ġdm":28676,"ĠBLOCK":28677,"Cluster":28678,"Ġski":28679,"(argc":28680,"Tuple":28681,"Ġjoins":28682,"ĠSheriff":28683,"War":28684,"indi":28685,"Ġcommented":28686,"HOST":28687,"Ġinvitation":28688,"apanese":28689,"Ġpermits":28690,"precedented":28691,"_zone":28692,"ĠAmy":28693,"_RD":28694,"Minimum":28695,"Ġinvocation":28696,".enable":28697,"ichten":28698,"-owned":28699,"\"id":28700,"_POINTER":28701,"Fac":28702,"Ġspecifications":28703,"Ġnomination":28704,"Ġgp":28705,"<(":28706,"Ġrobots":28707,"ĠJerry":28708,"Ġholders":28709,"Ġwand":28710,"cms":28711,"Ġ}))Ċ":28712,".Toast":28713,"ĠIList":28714,"Based":28715,"zoom":28716,"/style":28717,"ĠBeck":28718,"Men":28719,"Ġcontributing":28720,"Ġundo":28721,"ĠOH":28722,"ĠaddObject":28723,"Ġeigen":28724,"signup":28725,"éĶĻ":28726,"Ġdistant":28727,"PARATOR":28728,"ĠMari":28729,"Ġmá":28730,"Emp":28731,"ós":28732,"ĠìĪĺ":28733,"evt":28734,"+j":28735,"park":28736,"ĠStay":28737,"ĠDun":28738,"Ġsoy":28739,">%":28740,"azines":28741,"Ġtiempo":28742,"(me":28743,"present":28744,".This":28745,"Ġeditors":28746,"FIELD":28747,".Work":28748,"ĠUniverse":28749,"Ġdrunk":28750,".timer":28751,"Ġaltered":28752,"ĠNar":28753,"ëł¥":28754,".Active":28755,"idor":28756,"çŃ":28757,".deltaTime":28758,"Ġawkward":28759,""":28760,"ĠSafari":28761,"Ġtricks":28762,"MENTS":28763,"division":28764,"Ġvarying":28765,"ĠHighway":28766,"Ġphotographer":28767,"ĠStewart":28768,"Ġlasting":28769,".Pre":28770,".amazonaws":28771,"ĠLuck":28772,".Description":28773,"ĠNaz":28774,"neg":28775,"Ġcó":28776,"<<\"\\":28777,"ĠSurv":28778,"ĠUnc":28779,"Recipe":28780,".BorderStyle":28781,"Ġmodifications":28782,"-at":28783,"ATFORM":28784,"hdr":28785,"ako":28786,"Ġsublicense":28787,"ĠJump":28788,"Ġbeim":28789,"ĠManhattan":28790,".bool":28791,"_hw":28792,"ÑĤÑĮ":28793,"Bin":28794,"Ġgateway":28795,"\"\":":28796,"ĠUIS":28797,":\"+":28798,"-def":28799,"ĠRegular":28800,"/testing":28801,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":28802,"stringstream":28803,"Ġdispar":28804,"Ġmobil":28805,"-read":28806,"ĠAdapter":28807,"ĠChampions":28808,"Ġscheduler":28809,"Ġkills":28810,"ĠMultiple":28811,"irror":28812,"Ġgods":28813,"ADO":28814,"akte":28815,"ĠUsuario":28816,".circular":28817,"Ġrecept":28818,"ĠExpr":28819,"Ġelderly":28820,"Ġnicely":28821,"Ġbeste":28822,"Want":28823,"Ġclassical":28824,".sprite":28825,"objc":28826,"ĠMason":28827,"Ġsistema":28828,".Black":28829,"eso":28830,"ĠZeit":28831,"Ġdivid":28832,"Ġenters":28833,"_subject":28834,"ĠPlanet":28835,".warning":28836,"ĠGram":28837,"_tokens":28838,"Ġhouseholds":28839,"_customer":28840,"userName":28841,"cross":28842,"Ġpione":28843,"Ġassists":28844,"_SM":28845,"ibo":28846,"Ġloyal":28847,"Ġuseless":28848,"#elif":28849,"ĠUltimate":28850,"Come":28851,"gel":28852,"Ġdich":28853,"xyz":28854,"ikel":28855,"obra":28856,"_scan":28857,"ĠInterior":28858,"ĠNice":28859,"Ġplac":28860,"ĉtarget":28861,"Ġviral":28862,"asso":28863,"()/":28864,"unde":28865,"ĠAdobe":28866,"Os":28867,"visited":28868,"ĠOW":28869,"ĠFeed":28870,"ĠSequence":28871,"Ġmanages":28872,"inson":28873,"ĠLouisiana":28874,"{})":28875,"ĠHab":28876,"ĠLD":28877,"Ġbip":28878,"prites":28879,"(elem":28880,".hibernate":28881,"élé":28882,"Ġohne":28883,"_transaction":28884,"Ġannunci":28885,"Published":28886,"ĠHonda":28887,"ĠTam":28888,"ĠPacket":28889,"_selector":28890,"Ġchallenged":28891,"Processing":28892,"-hover":28893,"Ġtrainer":28894,"_cancel":28895,"ĠNSDictionary":28896,"abric":28897,"ĠMLS":28898,"_sensor":28899,"Ġshrink":28900,"ĠFX":28901,"threshold":28902,"ĉHX":28903,"-mark":28904,"`.`":28905,"Scheme":28906,"(full":28907,"_writer":28908,"ĠSys":28909,"Ġfled":28910,"ĠCin":28911,"-widget":28912,"ĠPrevious":28913,"Gender":28914,"_question":28915,"Feed":28916,"Ġscrut":28917,"(prefix":28918,"ãĢĤãĢĤ":28919,"Ġinfections":28920,"Parts":28921,"Ġhierarchy":28922,"_DELETE":28923,"ĠPatient":28924,"_pay":28925,"Ġpromoted":28926,"Ġìĭ":28927,"Ġcivilian":28928,"Ġagriculture":28929,"ĠPiece":28930,"Ġstance":28931,"utsche":28932,"Assign":28933,".ACTION":28934,"Fig":28935,"_radius":28936,"ĠSync":28937,"ducer":28938,"failure":28939,"ensed":28940,"ptime":28941,"BM":28942,"_datetime":28943,"quivo":28944,"QUEUE":28945,"èĢħ":28946,"Appear":28947,"Ġsummit":28948,":void":28949,"Ġvine":28950,"认":28951,"onne":28952,"_TRANS":28953,".green":28954,"_cc":28955,"Ġhungry":28956,"Ġ\">":28957,"());čĊčĊ":28958,"Extract":28959,"izens":28960,"Ġsolver":28961,"Notify":28962,"Ġenglish":28963,"ĠShopping":28964,"interfaces":28965,"REQ":28966,"Ġilleg":28967,"ĠUIImageView":28968,"Ġdisconnect":28969,"ĠUntil":28970,"ĠConservative":28971,"@Column":28972,"Ġshifted":28973,"Ġ:čĊ":28974,"Ġfich":28975,"Ġdla":28976,"Ġshoe":28977,"\"),čĊ":28978,"ularity":28979,"_RESP":28980,"Weather":28981,"UIApplication":28982,".iterator":28983,"Ġaging":28984,".Parent":28985,"owie":28986,"(equal":28987,"ĠConv":28988,"/default":28989,"Ġmeasuring":28990,".prev":28991,".IsValid":28992,".Fat":28993,"ĠsÄĥ":28994,"keywords":28995,"without":28996,"Ġsovere":28997,"Ġexchanges":28998,"Ġmelt":28999,"Ġislands":29000,"ĠIntegr":29001,"Ġjumping":29002,"Ġgle":29003,"Ġjournalism":29004,"Ġdated":29005,"Localized":29006,"ĠRefresh":29007,"Particle":29008,"Ġaa":29009,"ĠSTRICT":29010,"Ġbod":29011,".Process":29012,"_AUTO":29013,"ĠPublished":29014,"every":29015,"Ġtechnological":29016,"lsx":29017,"Ġirrit":29018,"Additional":29019,"Ġdelimiter":29020,"_language":29021,"-area":29022,"boys":29023,"ĠTube":29024,"Ġwat":29025,"Ġmechanics":29026,"_owner":29027,"Spell":29028,"ĠStories":29029,".AppendLine":29030,"TableView":29031,"hem":29032,"stick":29033,"ollower":29034,"IFF":29035,"ĠUV":29036,"ollision":29037,"SUB":29038,"Ġcomparable":29039,"Ġdonde":29040,"sales":29041,"llvm":29042,"Ġ}],Ċ":29043,"OTTOM":29044,"ĠPurpose":29045,"Lab":29046,"Ġinterviewed":29047,"ois":29048,"asil":29049,".setId":29050,"ĠInstruction":29051,"-->":29052,"ĠModified":29053,"ationally":29054,"ĠMeeting":29055,"误":29056,"#region":29057,"Ġrouting":29058,".focus":29059,"ĠYouth":29060,"<":29348,"Ġunto":29349,"ologically":29350,"ĠMul":29351,"VIDIA":29352,"Ġslim":29353,"ĠCommissioner":29354,"(on":29355,"Ġunderneath":29356,"/db":29357,"vote":29358,"(Message":29359,"ĠPope":29360,"Defined":29361,"Ġswift":29362,"urf":29363,"Ġadapted":29364,"SEL":29365,"Ġrevenues":29366,"Ġdivine":29367,"=y":29368,"Gradient":29369,"_act":29370,"Ġ/*!<":29371,"Ġpolygon":29372,"ĠFDA":29373,"ĠCarr":29374,"atables":29375,"(stdout":29376,"Ġrefriger":29377,"Ġcoordin":29378,"avorites":29379,"ÑĪи":29380,"Ġcompassion":29381,"ĠPOSSIBILITY":29382,"-secondary":29383,"uracy":29384,"Ġcompromise":29385,"_AV":29386,"_os":29387,"Ġbeside":29388,"ĥĿ":29389,"Ġln":29390,".plugins":29391,"Capacity":29392,"alah":29393,".bin":29394,"ĠCRC":29395,"_balance":29396,"ĠflexDirection":29397,"Ġambit":29398,"Ġnickname":29399,"ĠForces":29400,"CLE":29401,"ĠShell":29402,"Ġsail":29403,"ĠWriter":29404,"ĠAlice":29405,"dw":29406,"ĠIndians":29407,"ĠMarshall":29408,"_SRC":29409,"Ġnormalized":29410,"ĠJag":29411,"ãĤĴ":29412,"zeit":29413,"rpc":29414,"ÃŃc":29415,".inline":29416,"Ġtravers":29417,"_numeric":29418,"Ġutilities":29419,"Ġevac":29420,"INPUT":29421,"ĉregister":29422,"MX":29423,"ĠCampbell":29424,"Ġdatasets":29425,"Ġdemanded":29426,"ĠinitialState":29427,"gan":29428,"Ġei":29429,"Unexpected":29430,"-web":29431,"trait":29432,",Y":29433,"ĠTodd":29434,"Ġskeleton":29435,"Ġoptimize":29436,"第":29437,"ĠUpon":29438,"ĠStObject":29439,"Ġaplic":29440,".'P":29478,"vron":29479,".UN":29480,"Ġpainter":29481,"izarre":29482,"Ġlav":29483,"Ġpom":29484,"preg":29485,"=function":29486,"(serial":29487,"ifica":29488,"uming":29489,"åľ°":29490,"ãģĤ":29491,"-op":29492,"UCH":29493,"ĠHend":29494,".propTypes":29495,"Ġyo":29496,"Ġroutines":29497,"Ġcaring":29498,"Sem":29499,"Ġreserves":29500,"Ġpriorities":29501,"redits":29502,"ISTR":29503,"ContentType":29504,"ĠSchw":29505,"/media":29506,"Ġestr":29507,"Ġclimbing":29508,"-week":29509,"cherche":29510,"sensor":29511,"ToArray":29512,"ĠMontreal":29513,"Ġclouds":29514,"ĠInjectable":29515,"ĠRice":29516,"Ġpropaganda":29517,"_provider":29518,"Ġindoor":29519,"Ġinaug":29520,"Ġdiplom":29521,"Ġmessaging":29522,"_mut":29523,"å¦Ĥ":29524,"Ġkw":29525,"ONS":29526,"arians":29527,"RPC":29528,")]čĊ":29529,"-ray":29530,"ĠSor":29531,"mall":29532,"Ġmarketplace":29533,"Ġvtk":29534,"Ma":29535,"ogan":29536,"igi":29537,"Ġsponsored":29538,"ĠDani":29539,".SEVER":29540,">'.$":29541,"multipart":29542,"ĠWol":29543,"ĠtableName":29544,"ĠUsername":29545,"BackgroundColor":29546,"Ġfright":29547,"_EMAIL":29548,"September":29549,"_vals":29550,"opia":29551,"Ġspotted":29552,"-Ch":29553,"ĠdataSource":29554,"/\"Ċ":29555,"екÑĤ":29556,"ĠRequestMethod":29557,"ĠReplace":29558,"-do":29559,"ahn":29560,"ĠPhD":29561,"].ĊĊ":29562,"NON":29563,"gement":29564,"ĠThr":29565,"Ġquietly":29566,"Ġtorture":29567,"Ġteas":29568,"ĠCY":29569,"Ġatr":29570,"development":29571,"-detail":29572,"Ġlighter":29573,"Ġarguing":29574,"Ġdeserves":29575,"Ġcurriculum":29576,"_CONTEXT":29577,"ÅĤy":29578,"HITE":29579,"ĉID":29580,"/uploads":29581,"Ġtits":29582,"reo":29583,"_drop":29584,".UTF":29585,"Ġpickup":29586,"Ġgrocery":29587,"ĠPure":29588,"Ġeasiest":29589,"Phil":29590,".feature":29591,"(\"*":29592,"Ġinvestor":29593,"tok":29594,"Ġjar":29595,"Los":29596,"âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ":29597,".queue":29598,"-speed":29599,"Mal":29600,"umblr":29601,"ĠCONST":29602,"ĠHRESULT":29603,"ĠDance":29604,"(filePath":29605,"Ġattributed":29606,"à¥į":29607,"ĠBund":29608,"coins":29609,"Ġsão":29610,"Ġpir":29611,"personal":29612,"Ġprelim":29613,"Ġpropose":29614,"ĠTL":29615,"]])":29616,"ĠSubscription":29617,"ĠKre":29618,",len":29619,".FirstOrDefault":29620,")--":29621,"_products":29622,".GetBytes":29623,"Ship":29624,"Ġencrypt":29625,"ĠSG":29626,"ĠMyst":29627,"hir":29628,"Ġiterate":29629,"Ġintend":29630,".mockito":29631,"Ġchapters":29632,"(angle":29633,"ĠVlad":29634,"设":29635,"'.ĊĊ":29636,"ResponseBody":29637,"ĠAbd":29638,"deal":29639,"Ġbarriers":29640,"-outline":29641,"bill":29642,"ĠFalls":29643,"_second":29644,".include":29645,".ceil":29646,"Ġoccupation":29647,"phony":29648,".moveTo":29649,"ĠJennifer":29650,"ASTER":29651,";\"><":29652,"ĠEnabled":29653,"Ġterminate":29654,"ĠIo":29655,"lations":29656,"ĠTHEORY":29657,"Ġearliest":29658,"Ġrack":29659,"ĠScar":29660,"shake":29661,"chip":29662,"Ġuv":29663,"Ġalliance":29664,"пиÑģ":29665,"ĠGOODS":29666,"zione":29667,"ĠVI":29668,"Ġ{-":29669,"Ġfiltering":29670,"Ġmiscon":29671,".DockStyle":29672,"Ġbush":29673,"Ġjunk":29674,"æĮ":29675,"ĠQUE":29676,"Ġhooks":29677,"Ġfirmware":29678,"Ġmiddleware":29679,"dic":29680,"ĠOakland":29681,"Ġarrives":29682,"Payload":29683,"pixel":29684,"]|":29685,"ĠstartDate":29686,".PRO":29687,"_audio":29688,"Ġmidfield":29689,"igidbody":29690,"ĠSwiss":29691,"ĠClip":29692,"ĠDump":29693,"ĠTextBox":29694,"Ġgeh":29695,"yield":29696,"ods":29697,"Ġreferendum":29698,"Backend":29699,"ĠCream":29700,"Ġdominated":29701,"ĠArchive":29702,"Ġriders":29703,".prepareStatement":29704,"Ġquando":29705,"Ġchef":29706,"wiki":29707,"inel":29708,"ampling":29709,"(\"\\\\":29710,"Ġsag":29711,"_proxy":29712,"ãģķ":29713,"pdo":29714,".getElementsByTagName":29715,"Ġdemonstration":29716,"ĠNPC":29717,"Ġarchivo":29718,"endance":29719,"Ġefficiently":29720,"(actual":29721,".tableView":29722,"Ġmush":29723,"Ġbears":29724,"_threads":29725,"jas":29726,"ahun":29727,"Ġneural":29728,"Ġdesigning":29729,"ĠGDP":29730,"Ġlifted":29731,"缮":29732,"ĠJoint":29733,"ĠInclude":29734,"ĠGiants":29735,"Ġwithdrawal":29736,"ĠRent":29737,"native":29738,"ĠSeek":29739,"gression":29740,"_CPU":29741,"\\S":29742,"ĠShield":29743,"Ġsolic":29744,"Ġboom":29745,"yecto":29746,"Ġmanufacture":29747,"ĠâĢĭ":29748,"Ġbbox":29749,"Ġearthqu":29750,"ollectors":29751,":@\"%":29752,"Ġloops":29753,"Je":29754,"alking":29755,"ĠWhats":29756,"ĠBoys":29757,".book":29758,"ARGE":29759,"_pixel":29760,"Ġsuspects":29761,"ι":29762,"usp":29763,"ĠBMW":29764,"ieces":29765,"(person":29766,"å¼Ģ":29767,"é»":29768,"ĠPodcast":29769,"Ġbou":29770,"(Item":29771,"û":29772,"(Input":29773,"HttpGet":29774,"Ġburg":29775,")^":29776,"BOARD":29777,"*/,":29778,"Ġgulp":29779,"ĠBenn":29780,"Ġdecks":29781,".statusCode":29782,"Ġacute":29783,"Ġhug":29784,"ugu":29785,"Ġpled":29786,",\"%":29787,"hape":29788,"Ġзап":29789,"ĠMaine":29790,".real":29791,"Ġdalam":29792,"ĠMinor":29793,".Float":29794,"disp":29795,"Ġtl":29796,"Ġencount":29797,"=>$":29798,"Ġfg":29799,"tees":29800,"ĠRecomm":29801,"äl":29802,"Ġchemistry":29803,"Blocks":29804,"OID":29805,"Ġforex":29806,"ĠAppend":29807,"Ġ{*":29808,"ĠSupply":29809,"CGFloat":29810,"(bl":29811,"Ġate":29812,"adora":29813,"Ġgust":29814,"Associ":29815,">.Ċ":29816,"FETCH":29817,".serial":29818,"widgets":29819,"ardless":29820,"iefs":29821,"_FULL":29822,"ernetes":29823,"ĠPred":29824,"ØŃ":29825,"äºĭ":29826,"ubernetes":29827,"ĠLaura":29828,"Ġlabeled":29829,"Highlight":29830,"Ġannoying":29831,"/update":29832,"(description":29833,"Ġintimid":29834,"$c":29835,"\")))Ċ":29836,".AP":29837,"Ġ[]*":29838,"ĠEXIT":29839,".Host":29840,"ĠOPEN":29841,".sendMessage":29842,"_camera":29843,"_tile":29844,"Ġtherm":29845,"onomous":29846,"Ġdisadv":29847,"Ġnaar":29848,"indexOf":29849,"ĠPP":29850,".protocol":29851,"AFE":29852,"Ġtextures":29853,"################################################":29854,"umbai":29855,".stats":29856,"ĠGE":29857,"Ġie":29858,"ĠSTD":29859,"ĠMann":29860,".reflect":29861,"KB":29862,"Ġdive":29863,".wav":29864,"/*----------------------------------------------------------------":29865,"/settings":29866,".lifecycle":29867,"Ġdaughters":29868,"orus":29869,"uber":29870,"NING":29871,"stri":29872,"ĠTip":29873,"Ġzn":29874,"Ġswitched":29875,"inet":29876,"uffy":29877,"ĠTransportation":29878,"(conf":29879,"frica":29880,"ĠXL":29881,"ĠLead":29882,"_percent":29883,"__":29899,"permissions":29900,"ĠDetermine":29901,".Man":29902,"Ġadvances":29903,".InputStream":29904,"Ġstrongest":29905,"ĠeBay":29906,"Ġ#-":29907,"Ġdirname":29908,"ĠSMS":29909,"Ġmedications":29910,"Ġamended":29911,"Ġchurches":29912,"ĠImperial":29913,"$row":29914,"ĠMadison":29915,"ĠInsp":29916,"Ġaffair":29917,"Ġpsychology":29918,"vh":29919,"Ġseverity":29920,"âĢIJ":29921,"Ġstrips":29922,"AH":29923,"vertising":29924,"Ġconse":29925,"IMAGE":29926,"ĠStats":29927,"ĉsc":29928,".Cursor":29929,"Ġfreeze":29930,"sson":29931,"(xml":29932,"ĠSusan":29933,".tile":29934,"eded":29935,"ĠĠĠĠĉĉĉ":29936,"uelle":29937,"ĠMitchell":29938,"based":29939,"Operand":29940,"½æķ°":29941,"ĠFF":29942,"ĉstrcpy":29943,"ounces":29944,"ildo":29945,".executeQuery":29946,"Ġapproaching":29947,"ĠSeven":29948,"Ġnuts":29949,"Ġric":29950,"assignment":29951,"Ġcalculator":29952,"ĠMurphy":29953,"ĠBou":29954,"íĦ":29955,"Ġbutt":29956,"Ġticks":29957,"Projects":29958,"ilib":29959,".textColor":29960,"mov":29961,"_logo":29962,"(template":29963,"ĠINIT":29964,"ĠimageView":29965,"scriptions":29966,"ORITY":29967,"Consumer":29968,"Ġunprecedented":29969,"Ġtourist":29970,"Ġbron":29971,"Ġcontractor":29972,"Ġlicence":29973,"ĠNam":29974,"æ¯":29975,"(transform":29976,"_ATT":29977,"Pref":29978,"ĠGam":29979,"Ġvessels":29980,"Ġhav":29981,"Later":29982,".ToLower":29983,"Ġurls":29984,"Ġbreakdown":29985,"Ġpenalties":29986,"Ġfoster":29987,"ĠUE":29988,"Ġclue":29989,"comed":29990,"åIJįç§°":29991,"-main":29992,"Ġpts":29993,"Ġcounted":29994,"icts":29995,"/post":29996,"Ġgetattr":29997,"Ġping":29998,"ANCEL":29999,"Ġpec":30000,"Ñħод":30001,"antom":30002,"ĠBlueprint":30003,"ĠEventEmitter":30004,"Ġlä":30005,"æ²":30006,"Ġstraw":30007,"(comp":30008,"'une":30009,">N":30010,"-client":30011,"esModule":30012,"-base":30013,"Ġretreat":30014,"_simple":30015,"ĉĉĉĉĉĉĠ":30016,"fee":30017,"')čĊčĊ":30018,"ControlItem":30019,"Ġsubscribers":30020,"please":30021,"ĠEff":30022,"Ġpound":30023,"ĠBytes":30024,"ĠTea":30025,"_activity":30026,"Ġmaxim":30027,"Ġopcode":30028,"BSD":30029,".constant":30030,";}":30031,"ombres":30032,"Ġcareers":30033,").ĊĊĊĊ":30034,"Ġspreading":30035,"-expanded":30036,"ĠOrd":30037,"amarin":30038,"Ġmobility":30039,"Unfortunately":30040,"akk":30041,"NL":30042,"_redirect":30043,"ĠPG":30044,"ĠSensor":30045,"bol":30046,"tap":30047,"_MEMORY":30048,"ĠUIAlert":30049,"plitude":30050,"Website":30051,"ĠLogo":30052,"love":30053,"[ind":30054,"Ġaltogether":30055,"Ġwondered":30056,"Ġesper":30057,"ĠLiberal":30058,"Ġoss":30059,"Ġelit":30060,"Ġstiff":30061,"odox":30062,"_mentions":30063,"ĠDouglas":30064,"_pid":30065,"ĠCK":30066,"ĠinitWithFrame":30067,".blog":30068,"pkg":30069,"anghai":30070,"QUIRED":30071,"uu":30072,"Ġmkdir":30073,"ATAL":30074,"Ġunh":30075,"inces":30076,"sth":30077,"Ġhypothesis":30078,"Ġcata":30079,"ĠTB":30080,"ĠClar":30081,"Ġpredecess":30082,"Ġsituated":30083,"-world":30084,"))/":30085,"Ġheadlines":30086,".stat":30087,"Ġoutbreak":30088,"spath":30089,"_FLAGS":30090,"ĠServletException":30091,"Sun":30092,"FROM":30093,"ĠDir":30094,"ãĥ»ãĥ»ãĥ»":30095,"_coord":30096,"ĠOptim":30097,"Monitor":30098,".bit":30099,"XXX":30100,"Ġtodas":30101,"feld":30102,"ÑĢи":30103,"imir":30104,"Ġpolitically":30105,"Ġmolecular":30106,"Ġtraded":30107,"Ġ{{$":30108,"ĠSwedish":30109,"Ġ'@/":30110,"_REAL":30111,"Ġwarehouse":30112,"today":30113,",L":30114,"orp":30115,"false":30392,"Ġspa":30393,"ĠNear":30394,"ìķ":30395,"Ġintrig":30396,"_members":30397,"wave":30398,"Ġanalysts":30399,"_OS":30400,"edin":30401,"ĠFri":30402,"Ġretrieved":30403,"Regular":30404,"_obs":30405,"EXPORT":30406,"')}}\"":30407,"\"class":30408,"__((":30409,"bucket":30410,"Ġstro":30411,"ĠPatch":30412,"ystick":30413,"fulness":30414,"apos":30415,"Da":30416,"ĉĉĉĉĉĠĠĠ":30417,"Ġenrich":30418,"unordered":30419,"hole":30420,"Cong":30421,"';ĊĊ":30463,"STRUCT":30464,"QR":30465,"IDs":30466,"(arguments":30467,"_aux":30468,"(Event":30469,"_PRIVATE":30470,"ĠTrek":30471,"Ġdownloads":30472,"mutable":30473,"_STRUCT":30474,"(wx":30475,"Ġdomains":30476,"jspx":30477,"ĠViagra":30478,"Commands":30479,"Js":30480,".cfg":30481,"ContentPane":30482,"ĠEditText":30483,"à¥įà¤":30484,"Attach":30485,"ĠARM":30486,"positive":30487,"ĠGenerated":30488,"Ġseized":30489,"=:":30490,"Ġelectronics":30491,"ĠAppComponent":30492,"/',Ċ":30493,".equalsIgnoreCase":30494,"Doctrine":30495,"disk":30496,"ĠPolitical":30497,"CHO":30498,"":30584,"ĠBeauty":30585,"Ġ`<":30586,"Ġtouching":30587,"Ġ|--":30588,"ĉflag":30589,"normalize":30590,"Ġtrapped":30591,"Ġestablishing":30592,"/build":30593,"AJ":30594,"fy":30595,"-react":30596,"avn":30597,"RIPTION":30598,"Ġkut":30599,"ĠFashion":30600,"ĠInform":30601,"curities":30602,"{Ċ":30634,"Ġgarlic":30635,"Ġrepr":30636,"Ġreplies":30637,"(prop":30638,"Ġspirits":30639,"Ġinspire":30640,"Ġbasement":30641,".reject":30642,"Ġhints":30643,"Ġpolling":30644,"ĉĠĊ":30645,"_rating":30646,"Ġcath":30647,"avier":30648,"Ġcompressed":30649,"ĠVS":30650,"]'":30651,"Ġjudicial":30652,"ĠTrend":30653,"training":30654,"ESTAMP":30655,"ognition":30656,"Äģ":30657,"SENT":30658,"ventions":30659,"Ġconsultant":30660,"umph":30661,"ĠuserService":30662,",NULL":30663,"kh":30664,"Dear":30665,"_BAD":30666,"itations":30667,"Ġmetaph":30668,"'é":30669,"andise":30670,"-font":30671,".chart":30672,"Ġsg":30673,"_Controller":30674,".jpeg":30675,"ĠULONG":30676,"ĉgame":30677,"(ss":30678,"ĠMaj":30679,"ĉgo":30680,"ĠSad":30681,"ĠBerg":30682,"ĠMine":30683,"Pack":30684,"Ġresistant":30685,"ĠROM":30686,"Ġpeg":30687,"ĠStanford":30688,"ĠYahoo":30689,"Ġscaled":30690,"Ġlan":30691,"=[]":30692,"\"/>ččĊ":30736,"Ġsud":30737,"ĉbackground":30738,"Ġscholars":30739,"-muted":30740,"ará":30741,"Ġ=====":30742,"Ġ____":30743,"Creat":30744,"enever":30745,"/wp":30746,"ĠVPN":30747,"ErrorCode":30748,")],Ċ":30749,"(builder":30750,"ĠEnemy":30751,"Sensor":30752,"usa":30753,"Ġtriggers":30754,"Ġplayoffs":30755,"_REQ":30756,"Ġ(~":30757,"ĠBarry":30758,"Ġpermanently":30759,"ĠRUN":30760,"Ġbure":30761,".Fatalf":30762,"Ġchick":30763,"ĉpanic":30764,"psi":30765,"oka":30766,"éĢī":30767,">[":30768,"Ġunderstands":30769,"ĠJunior":30770,"ĠINFO":30771,"=mysqli":30772,"ustain":30773,"-source":30774,"serv":30775,"ĠCREATE":30776,".au":30777,"Ġsells":30778,"ĠĠĊĠĠĊ":30779,"Europe":30780,"zw":30781,"preh":30782,"ĠNSA":30783,"Ġxy":30784,"ิ":30785,"ĠBeyond":30786,"Instead":30787,"NonQuery":30788,"Ġarise":30789,"Ġavoided":30790,".emplace":30791,"_models":30792,"}),Ċ":30793,"Ġhid":30794,"Ġ&_":30795,".points":30796,".getWidth":30797,".Exec":30798,"Ġ////":30799,"ĠSessions":30800,"...\\":30801,"ĠColomb":30802,"Ġacceleration":30803,"restore":30804,"Ġile":30805,"obic":30806,"}Ċ":31296,"plaint":31297,"getText":31298,"Ġindividually":31299,"Ġcheckbox":31300,"UY":31301,"ĠLamb":31302,"Ġdysfunction":31303,"ĠLar":31304,"à°":31305,"ĠCreating":31306,"');ĊĊĊ":31307,"\"They":31308,"locations":31309,"_CORE":31310,"Interaction":31311,"umbnails":31312,"ĠPartner":31313,"brit":31314,"Ġlesser":31315,"ĠSlot":31316,"setAttribute":31317,"ĠWave":31318,".po":31319,"/store":31320,"Ġbrowsing":31321,"_pd":31322,"sume":31323,"sed":31324,"Curve":31325,"Ġplasma":31326,"Ġsuspicious":31327,"ìĿ¸":31328,"ĠBah":31329,"ĠExplicit":31330,"_CC":31331,".ClientSize":31332,"\\View":31333,"Ġsubstit":31334,"loon":31335,"ĠGAME":31336,"ĠBrid":31337,"Ľå»º":31338,"_User":31339,"Ġsquares":31340,"fone":31341,"Ġsacred":31342,"ughs":31343,"]interface":31344,"ĠThrow":31345,"ĠKirk":31346,"Ġempire":31347,"Ġassessed":31348,"Tax":31349,"ĠHeaven":31350,"-buffer":31351,"_STATIC":31352,"éné":31353,"-bordered":31354,"Ġpunct":31355,"(mode":31356,"Ġkeine":31357,"Sent":31358,"ĠCalcul":31359,"ĠEve":31360,"Ġstylish":31361,"Ġoils":31362,".TestCase":31363,"Ġtrademark":31364,"Ġliterary":31365,"Ġconcentrations":31366,"ĠRelations":31367,"(Class":31368,"Ġstdin":31369,"Ġvæ":31370,"backup":31371,".VERSION":31372,".AutoScaleDimensions":31373,"starter":31374,"Transactional":31375,"-panel":31376,"Studio":31377,"kc":31378,"ĠChamber":31379,"ĠSpiel":31380,"Ġrho":31381,"اÙĦ":31382,"!'":31383,".Attributes":31384,"Ġmurdered":31385,"apeutic":31386,"Ġintimate":31387,"ĠtextField":31388,"ĠBuffalo":31389,"dummy":31390,"\"%":31391,"ĠLiberty":31392,"obar":31393,"ĠTank":31394,"ĠPopular":31395,"ervisor":31396,"ĠIniti":31397,"ĠMall":31398,"ĠPrior":31399,"CAP":31400,"ĠClay":31401,"ĠCertificate":31402,".Lock":31403,"-strip":31404,"-driven":31405,"/all":31406,"ĠMessageBoxButtons":31407,"_SECRET":31408,"_pb":31409,"Ġrats":31410,"ाà¤":31411,"Ġnt":31412,".Router":31413,"_topic":31414,"Ġtennis":31415,"ĠPUBLIC":31416,"ĠActivatedRoute":31417,"Ġ',Ċ":31418,"Ġcostume":31419,"Ġjokes":31420,".Handle":31421,"ĉbyte":31422,"Ġflavors":31423,"(cc":31424,"Ġpersonas":31425,"ĉimage":31426,"ĠNazi":31427,"Ġgrammar":31428,"Ġúlt":31429,"Ġvalve":31430,"Ġvic":31431,"ĠRachel":31432,"_invalid":31433,"Prefs":31434,"stdint":31435,"(route":31436,"Ġhtmlspecialchars":31437,"Ġpeoples":31438,"pline":31439,"Ġnv":31440,"ĠQuant":31441,"oppers":31442,"ĠcurrentUser":31443,"ĠCatal":31444,"Ġreconc":31445,"Ġconjunction":31446,"lx":31447,"amburg":31448,"Ġinfluential":31449,"danger":31450,"inders":31451,"Ġ%@\",":31452,".configuration":31453,"osome":31454,".identity":31455,"Ġpicker":31456,"nost":31457,"ĠDIY":31458,"August":31459,"ablo":31460,"Leaf":31461,"ĠReco":31462,"cko":31463,"DOC":31464,"ĠHerm":31465,":any":31466,"ĠInterview":31467,"ĠTex":31468,"xfe":31469,"(work":31470,"Ġleap":31471,"Heading":31472,"Ġquarters":31473,"\\Bundle":31474,"reb":31475,"Perhaps":31476,"ĠGmbH":31477,"Birth":31478,"ĉsum":31479,"ĠWatson":31480,".nil":31481,"ç¡":31482,"{}ĊĊ":31483,"icaid":31484,"Getter":31485,"\"name":31486,"Ġ\"čĊ":31487,"_none":31488,"zm":31489,"acute":31490,"uesto":31491,"Ġsous":31492,"Ġrebuild":31493,"Ġnewspapers":31494,"ĠHaz":31495,"Ġkits":31496,"ifo":31497,"Blur":31498,"Ġsuited":31499,"-In":31500,"à¯":31501,"ĠKeith":31502,"ĠNorway":31503,"INIT":31504,"ireccion":31505,"ieties":31506,"_usage":31507,"ĠDoug":31508,"rise":31509,"Ġtrillion":31510,"imited":31511,"ĠREL":31512,"alic":31513,"Ġcriticized":31514,"theorem":31515,"Ġcease":31516,"Ġsidew":31517,"ĠTerry":31518,"Ġsubsidi":31519,"Ġfirmly":31520,"Ġaws":31521,"Ġhott":31522,"Ġdressing":31523,"badge":31524,"ĠApplications":31525,"è¿ĶåĽŀ":31526,"Ġlaughed":31527,"Ġhobby":31528,"Ġmusicians":31529,"Ġ*.":31530,".placeholder":31531,"Ġcounters":31532,"ĠCapitol":31533,"SDK":31534,"Ġhelmet":31535,"andbox":31536,"quit":31537,"Ġcriminals":31538,"Ġteenager":31539,"(update":31540,"Gl":31541,".selection":31542,"Ġdischarge":31543,"Ġpresenting":31544,"ufacturer":31545,"_UNKNOWN":31546,"Ġstressed":31547,"åύ":31548,"Proto":31549,"_correct":31550,"haus":31551,"Ġrenov":31552,"Ġfirearms":31553,"Ġtechnically":31554,"-browser":31555,"Ġcandy":31556,"Stroke":31557,"Ġexecutor":31558,"Ġoccurrence":31559,"ĠIPv":31560,"_INTERFACE":31561,"ĠRetrieve":31562,".bad":31563,"Exchange":31564,"Navbar":31565,"ĠKid":31566,"(getApplicationContext":31567,"_STOP":31568,"ĠBoss":31569,"Listeners":31570,"Ġshooter":31571,"ĠAlb":31572,"äch":31573,"Ġpix":31574,".keyCode":31575,"alone":31576,"Ġabsurd":31577,"ĠCum":31578,"ĠNewtonsoft":31579,"ikt":31580,"Ġlaughing":31581,"Ġcapitalism":31582,"reeNode":31583,"Tx":31584,"_QUERY":31585,".Sleep":31586,"(login":31587,"WebElement":31588,"Ġcelebrating":31589,"Ġdeprecated":31590,"Ġmaar":31591,"Ġartistic":31592,"_ASSOC":31593,"ĠBorderRadius":31594,"ĉwp":31595,"Ġsurvivors":31596,"Inner":31597,"-red":31598,"Ġprosecution":31599,"_pp":31600,"(\"$":31682,"Ġcomma":31683,"unchecked":31684,"graphics":31685,"rors":31686,"GROUND":31687,"(public":31688,"Ġcustomized":31689,"ĠArkansas":31690,"ĠRew":31691,"Ġexpiration":31692,"×ķ":31693,"ĠCul":31694,"Ġnons":31695,".Filter":31696,"Ġsenator":31697,"_definition":31698,"ashington":31699,"ymph":31700,"/J":31701,"Ġfuse":31702,"ramid":31703,"ĠSupplier":31704,"Ġautocomplete":31705,"Ġ}),":31706,".\"ĊĊĊ":31707,"_functions":31708,"ĉto":31709,".eval":31710,"ĠTObject":31711,"References":31712,"Ġheated":31713,"HAL":31714,"Ġ))}Ċ":31715,"}$":31716,"ĠBarr":31717,"_UNIT":31718,"+$":31719,"ĠgetValue":31720,"iped":31721,"chied":31722,"(vm":31723,"cue":31724,"_integer":31725,"_course":31726,"third":31727,"Ġrevised":31728,"**/Ċ":31729,"_DIRECT":31730,"OutOf":31731,"(\"(":31732,"ĠFeel":31733,"Ġreass":31734,"Ġsubtitle":31735,"peri":31736,"nf":31737,"Ġenjoys":31738,"Ġtreats":31739,")this":31740,"-tabs":31741,"ancers":31742,"Ġcontinent":31743,"Ġcardio":31744,"Ser":31745,".question":31746,"Ġphrases":31747,"Validators":31748,"Ġpopul":31749,"ĠlÃŃ":31750,"song":31751,"_INTERNAL":31752,"Ġadviser":31753,"Ġpuzz":31754,"Ġambitious":31755,"ĠTob":31756,"ĠDP":31757,"Ġpresidency":31758,"Ġsurrender":31759,"Ġwatches":31760,"_binary":31761,"ĠSoon":31762,"Ġcanada":31763,"(\"\")Ċ":31764,"]='":31765,"ĠBrandon":31766,"epsilon":31767,"rw":31768,".addChild":31769,".Copy":31770,"Principal":31771,"Photos":31772,"Ġmarginal":31773,"Ġbasics":31774,"eing":31775,"Must":31776,"_String":31777,"Ġole":31778,"Magento":31779,".customer":31780,"(prev":31781,"ล":31782,"Ġloyalty":31783,"Cog":31784,"Ġprotocols":31785,"ĠCompanies":31786,"Ġtheoretical":31787,"Ġaccessing":31788,"ĠZen":31789,".ones":31790,"attice":31791,"_world":31792,"zes":31793,"Ġtattoo":31794,"Ġmenos":31795,"Ġintersect":31796,"\"];ĊĊ":31797,"belie":31798,"Ġinactive":31799,".readline":31800,"-labelled":31801,".done":31802,"lickr":31803,"ĠWORK":31804,"Ġderivative":31805,"Ġdatabases":31806,"âĤĤ":31807,"Ġsx":31808,".isArray":31809,"Ġys":31810,"Ġpada":31811,"ĠBullet":31812,"(`/":31813,"isActive":31814,"ĠCGSize":31815,"(equalTo":31816,"ĠColumbus":31817,"Ġmarry":31818,"DEV":31819,"_limits":31820,"rones":31821,"IAS":31822,"Ġtau":31823,"mino":31824,"_Write":31825,"ĠWine":31826,"Ġ[['":31827,"ĠPull":31828,"riters":31829,"rients":31830,"Ġshifting":31831,"upp":31832,"_TIMER":31833,"ĠConditions":31834,"ấ":31835,"ĠOrders":31836,"ĠStrength":31837,"æīĢ":31838,"Ġvalidity":31839,"Ġfot":31840,"etur":31841,"Ġbolt":31842,"åĨħ":31843,"ĠAlong":31844,"oshi":31845,"Ġassumptions":31846,"Ġmagazines":31847,"_SPI":31848,"Ġpunt":31849,"_PRODUCT":31850,"Ġrelay":31851,"ĠJavascript":31852,".te":31853,"-es":31854,"Ġwidgets":31855,"(fs":31856,"\";":31923,"atching":31924,"ĠKnowledge":31925,"ĉThe":31926,";margin":31927,"lessness":31928,"opard":31929,"umatic":31930,"()));čĊ":31931,"Ġfals":31932,"(cache":31933,"TypeId":31934,"éĢļ":31935,"_choice":31936,"ĠGoth":31937,"ĠSites":31938,"MG":31939,"_border":31940,"Indices":31941,"Comparer":31942,"ĠRedistribution":31943,"Ġcloset":31944,"Ġversatile":31945,"Inputs":31946,"********************":31947,"Ġobesity":31948,"quiz":31949,"gra":31950,"(global":31951,"åĬ¡":31952,"Ġcollector":31953,"Ġkor":31954,"ovable":31955,"ADC":31956,"ĠEventHandler":31957,".nc":31958,"Ġplayback":31959,"ientos":31960,"_perm":31961,"_WARNING":31962,"ĠOlympics":31963,".norm":31964,"ĠBroadcast":31965,"_small":31966,"drive":31967,".iloc":31968,"Ġtyped":31969,"MEM":31970,"_cons":31971,"DMETHOD":31972,"Ġlun":31973,".distance":31974,"(par":31975,"poon":31976,"Ġbast":31977,"activities":31978,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":31979,":čĊčĊ":31980,"SER":31981,")&&":31982,"_lst":31983,"ĠPolish":31984,"Ġknocked":31985,"Ġfrustration":31986,"aukee":31987,"Ġphosph":31988,"iquid":31989,"_coeff":31990,"æŃ¤":31991,"Latest":31992,"ĠDust":31993,"Tipo":31994,"Ġmaintains":31995,"Ġmarsh":31996,"incinn":31997,"lbl":31998,"Care":31999,"Ġneighborhoods":32000,"_gpio":32001,"ĠArsenal":32002,"Dem":32003,"ĠWhe":32004,"_hook":32005,"Ġldc":32006,"ĠHarper":32007,"ĠBerkeley":32008,"Ġgraduated":32009,"Percent":32010,"Ġarriving":32011,"ĠAdventure":32012,"(scope":32013,"('*":32014,"quarter":32015,"ĠMarie":32016,"Speaking":32017,"_codegen":32018,"Ġimmun":32019,"caster":32020,"ãĤĮ":32021,"åķĨ":32022,"ĠDimensions":32023,".record":32024,"Ġtexto":32025,"ĠMichelle":32026,"Pending":32027,"(by":32028,"_PAR":32029,"ucht":32030,"bee":32031,".Thread":32032,"ampire":32033,"know":32034,"ĠClinical":32035,"ĠmarginBottom":32036,"Ġdistinguish":32037,".Full":32038,".undefined":32039,"ĠSequelize":32040,"############################################################################":32041,"Ġeducated":32042,"_OVER":32043,"åºı":32044,"ĠÂłĠÂł":32045,"_each":32046,"Ġurge":32047,"depart":32048,"Ġdonors":32049,"ĠAu":32050,"Ġbillions":32051,"Ġbelonging":32052,"_age":32053,"_Int":32054,"Ġsubstances":32055,"machine":32056,"!!!ĊĊ":32057,"Ġjsonify":32058,"ibbean":32059,"ĠCad":32060,"ĠendTime":32061,"Ġcycling":32062,"ĠUITextField":32063,"Ġleverage":32064,"Ġvanilla":32065,"eat":32066,"Launch":32067,"(pt":32068,"states":32069,"ĠControls":32070,"ĠRespons":32071,"ĠJake":32072,"Ġasleep":32073,"fortunate":32074,".nextLine":32075,"SizeMode":32076,"ìĿ¼":32077,"TestingModule":32078,"German":32079,"ĠInvestig":32080,".reverse":32081,"ĠBACK":32082,"(DateTime":32083,"Ġnonprofit":32084,"ĠExpect":32085,"Ġtanto":32086,"']),":32087,"ĉthe":32088,"Multiple":32089,"(getActivity":32090,"_WAIT":32091,"Ġjá":32092,"decor":32093,"levance":32094,"ĠGitHub":32095,"mination":32096,"_quantity":32097,".Scanner":32098,"ĠLion":32099,"éĶĻ误":32100,"Ġdre":32101,"Ġtantra":32102,"ĠcontentType":32103,"Ġfid":32104,"_alt":32105,"NSIndexPath":32106,"-pl":32107,"åĮĸ":32108,"Ġantibiot":32109,"tables":32110,"acial":32111,"ĠRegistry":32112,"Ġolive":32113,"igers":32114,"Ġsubscriber":32115,"_pres":32116,"ĠSyntax":32117,"Ġlovers":32118,".Byte":32119,"olders":32120,"_forward":32121,"always":32122,"Caption":32123,"Priv":32124,"ĠTampa":32125,"isateur":32126,"-labelledby":32127,"ĠToString":32128,"ĠìĤ¬":32129,"Ġinitiated":32130,"WF":32131,"Ġinstitutional":32132,"inject":32133,"ĠScr":32134,"Ġdoctrine":32135,"Ġspacious":32136,"isure":32137,"ĠAna":32138,"\"time":32139,"essaging":32140,"Ġcid":32141,"ĠNan":32142,"Ġincomplete":32143,"TAG":32144,"-build":32145,"December":32146,"Ġresidual":32147,"(PDO":32148,"ĠListen":32149,"Ġglyph":32150,"Ġgaps":32151,"nea":32152,".Rect":32153,"Ġsau":32154,"ĠPhotograph":32155,"Ġexecutable":32156,"ĠExpert":32157,"Coroutine":32158,"_sizes":32159,"ĠNL":32160,".isValid":32161,");}Ċ":32162,"-reg":32163,"Ġciting":32164,"cwd":32165,"ĠOttawa":32166,"ĠBatt":32167,"Ġrenewable":32168,"Ġpreliminary":32169,"Ġasylum":32170,"Ġwrist":32171,"Ġutiliz":32172,"Ġdetention":32173,"Fast":32174,"Ġange":32175,"incinnati":32176,"Ġsteering":32177,"ĠNaN":32178,"iosity":32179,"/page":32180,"Ġè¿":32181,"sterol":32182,"Ġdisg":32183,"(DB":32184,"ĠDESCRIPTION":32185,"Ġ_$":32186,"Ġobstacle":32187,"Ġbizarre":32188,"Ġextraction":32189,"_expected":32190,"Ġloses":32191,"ĠCelebr":32192,"ĠhtmlFor":32193,"Ġexploit":32194,"олÑĮзов":32195,"XYZ":32196,"Ġmagnet":32197,"amped":32198,"Ġatoms":32199,"Sources":32200,"pectives":32201,"Ñģли":32202,"Ġ=čĊ":32203,"Ġdare":32204,"ĠWalter":32205,"Ġbrightness":32206,"Ġannotations":32207,"ëı":32208,"iske":32209,"Schedule":32210,".images":32211,"rosso":32212,"Ġ\"..":32213,"gamma":32214,"Ġinstructor":32215,"Ġoverwrite":32216,"-am":32217,"Ġdevastating":32218,"ĠSaints":32219,"Ġhs":32220,"Ġbonuses":32221,"$output":32222,"ijd":32223,"(ActionEvent":32224,"monitor":32225,"Ġmattress":32226,"January":32227,".jp":32228,"Ġcaracter":32229,"Ġimpose":32230,"_rest":32231,"ĠSignature":32232,"Ġcoronavirus":32233,"ãģĬ":32234,"_compare":32235,"Measure":32236,"itated":32237,"elijk":32238,"igos":32239,"esar":32240,"Ġrushed":32241,"metry":32242,"_SEPARATOR":32243,"_WE":32244,"_ATTRIBUTE":32245,"Ġyaml":32246,"Ġspecs":32247,"ĠRah":32248,"pheric":32249,"ĠInvestment":32250,"äll":32251,"Ġappealing":32252,"Ġviewport":32253,"ç©":32254,"ĠmarginLeft":32255,"Ġsubtract":32256,"ĠEDIT":32257,"ĉArrayList":32258,"grading":32259,"ĠFailure":32260,"asper":32261,"EEK":32262,"(now":32263,")Ċ":32279,"Collision":32280,"ĠGreater":32281,"ĠRacing":32282,"alan":32283,"Ġmonetary":32284,",new":32285,"ĠSorry":32286,".Enable":32287,"ĠInstantiate":32288,"ollen":32289,"ë©´":32290,"ĠCalling":32291,"_hour":32292,"ADA":32293,"Ġshy":32294,")**":32295,"Ġ==>":32296,"Ġespecial":32297,"Ġinterpreted":32298,"!=\"":32299,"Ġpharmacy":32300,".single":32301,"ĠCialis":32302,"Ġparas":32303,".toUpperCase":32304,"ĠDemon":32305,"Prime":32306,"Ġrankings":32307,"Adding":32308,"_HASH":32309,"ĠExam":32310,"Ú©":32311,"ĠVictor":32312,"Okay":32313,"\"];čĊ":32314,"Ġfortune":32315,"ĠFETCH":32316,"expand":32317,".Interop":32318,"Ġbarn":32319,"æ¶Ī":32320,"uevo":32321,"Ġspeculation":32322,"âĶĢâĶĢâĶĢâĶĢ":32323,"ĠNu":32324,"ĠBlues":32325,"(fname":32326,"Ġinhabit":32327,"Ġ\\\"%":32328,"CES":32329,"ulario":32330,"_cr":32331,"Ġvalidated":32332,"Ġmidnight":32333,"anking":32334,"Ġincorporate":32335,"Ġpursuit":32336,"EXP":32337,"prime":32338,"Pid":32339,"-US":32340,"ĠNurs":32341,"ĠWheel":32342,"éĺ":32343,"Ġinp":32344,"Ġsupportive":32345,".member":32346,"ĠShot":32347,".CheckBox":32348,"Ġaffirm":32349,"Tor":32350,"FullYear":32351,"Ġconsiderably":32352,"credentials":32353,"_opts":32354,"Roll":32355,"(round":32356,"Ġcoment":32357,"_UART":32358,"Ġextending":32359,"RG":32360,"resultado":32361,"itu":32362,".getSession":32363,"Ġattraction":32364,"&D":32365,"$html":32366,"ĠJessica":32367,"ĠAssociate":32368,"añ":32369,"_ed":32370,"ĠLag":32371,"Ġorigins":32372,"())->":32373,"addEventListener":32374,"IALOG":32375,"åIJ¦":32376,".Compare":32377,"Album":32378,"ĠKu":32379,"\";ĊĊ":32423,"quisite":32424,"channels":32425,"/res":32426,"ĠAnalytics":32427,".appcompat":32428,"/to":32429,"ĠonError":32430,"(attr":32431,"IRM":32432,"Ġragaz":32433,"-as":32434,".Second":32435,"oriented":32436,"Ġdonn":32437,"Ġlightning":32438,"fid":32439,"ĠPle":32440,"ãģ¾ãģĻ":32441,"tro":32442,".True":32443,"Observable":32444,"×Ļ":32445,"umbing":32446,"Ġprospective":32447,"-filter":32448,"Ġpursuant":32449,"(points":32450,".Bind":32451,"Ġpalm":32452,"clearfix":32453,"ös":32454,"ĠGonz":32455,"Ġweaken":32456,"Drive":32457,"enido":32458,"lld":32459,"obox":32460,"anean":32461,"Got":32462,"ä¿Ŀ":32463,"Regex":32464,"æĥ":32465,"Ġsalad":32466,"assis":32467,"\"net":32468,"inheritDoc":32469,"ĠRV":32470,"quier":32471,"Ġclazz":32472,"Ä±ÅŁ":32473,"osterone":32474,"Ġairline":32475,".listdir":32476,"Ġdownloading":32477,"ĠPalm":32478,"waukee":32479,"<":32480,".BL":32481,"_INLINE":32482,"offs":32483,"<<(":32484,"_news":32485,"Ġchase":32486,"/><":32487,"Ġeuros":32488,"ĠEgyptian":32489,"ĠStainless":32490,"_BOOL":32491,"ĠGuild":32492,"ĠDynam":32493,"[indexPath":32494,"Ġï":32495,"Ġmemorable":32496,"ĠChampion":32497,"ResourceManager":32498,".Login":32499,"ĠFormer":32500,"yped":32501,"Ġlleg":32502,";\",":32503,"DWORD":32504,"Ġtaxi":32505,"Ġbombs":32506,"rah":32507,".tags":32508,"_tests":32509,"stones":32510,"âĢĿ)":32511,"[g":32512,"rtype":32513,"Ġvu":32514,"Ġhostile":32515,"Chars":32516,"ĠPatriots":32517,"/status":32518,"());Ċ":32872,"ajÄħ":32873,"_OCC":32874,"Ġplanets":32875,"æŁ¥":32876,"ĠDublin":32877,"Ġserie":32878,".printf":32879,"deep":32880,"`)":32881,"Ġ\\$":32882,"Ġμ":32883,"_VIDEO":32884,"endors":32885,"ĠCrypto":32886,"Far":32887,".Transparent":32888,".TR":32889,"iasm":32890,"_training":32891,"Ġteaches":32892,"ĠBelt":32893,"Ġlimiting":32894,"ĠKath":32895,"ĠIndexPath":32896,"Ġachievements":32897,"Ġserá":32898,"interopRequire":32899,"Ġdisse":32900,".If":32901,"arming":32902,"ulsion":32903,"Po":32904,"_DETAIL":32905,"Prototype":32906,"ĠCAL":32907,"Ġagrees":32908,".vo":32909,".ExecuteNonQuery":32910,"ĠTopic":32911,"Ġ'{}":32912,"Arm":32913,"Ġecc":32914,"Mag":32915,"Ġserialized":32916,"ĉconn":32917,"cached":32918,"=tf":32919,"ĠByteArray":32920,"protobuf":32921,"varchar":32922,"ĉASSERT":32923,"Ġliste":32924,"_trigger":32925,"·¸":32926,"Feel":32927,"Tahoma":32928,"ĠLik":32929,"Ġstructured":32930,"ergus":32931,".Initial":32932,"_ge":32933,"cljs":32934,".contact":32935,"Ġandere":32936,"$stmt":32937,"_CURRENT":32938,"ĠDiscover":32939,"$res":32940,"formatter":32941,"Ha":32942,"vangst":32943,"Ġemerge":32944,"ãĢĤâĢĿ":32945,"ĠCabinet":32946,"-square":32947,"éĥ¨":32948,"Ġrage":32949,"ĠAJ":32950,"ĠVT":32951,"shadow":32952,"ĠFaith":32953,"enames":32954,"pretty":32955,"hasil":32956,"party":32957,"Ġvarchar":32958,"Ġfotos":32959,"Ġalum":32960,"ĠBelgium":32961,".ylabel":32962,"Ġdej":32963,"_numbers":32964,"Ġhu":32965,".setAdapter":32966,"ĠUsually":32967,"(sample":32968,".Shared":32969,"Ġbooked":32970,"Ġ>>=":32971,"Ġminerals":32972,"\">":32991,"prog":32992,"boo":32993,"_md":32994,"_pack":32995,"(express":32996,"utz":32997,"\\Auth":32998,",id":32999,"ĠChile":33000,"actice":33001,"Ġrecruitment":33002,"Ġposes":33003,"Ġvulnerability":33004,"instanc":33005,"orum":33006,"dess":33007,"Ġxl":33008,"%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%":33009,"(fig":33010,"Ġdeleting":33011,".del":33012,")')Ċ":33013,"ĠWeekly":33014,"???":33015,"(strcmp":33016,"smith":33017,"Ġpursuing":33018,"-so":33019,"ĠApps":33020,"/'Ċ":33021,"Ġdecis":33022,"FORE":33023,"Everyone":33024,"Ġlanes":33025,"Virtual":33026,".attach":33027,"(Log":33028,"ĠMedicaid":33029,"(Path":33030,"ĠTurner":33031,"/application":33032,"Ġportrait":33033,"Ġoppose":33034,"checkout":33035,"Ġfinishes":33036,"_ME":33037,"Barrier":33038,"Song":33039,"VAR":33040,"Earlier":33041,"rella":33042,"Ġhast":33043,"azar":33044,"Ġpulls":33045,"ngx":33046,"Ġinspiring":33047,"ÑĥÑİ":33048,"-direction":33049,"Ġexplosive":33050,"ĠcreatedAt":33051,"sto":33052,"Ġwheat":33053,"ĠBuilt":33054,"'ai":33055,"Ġtracked":33056,"hammad":33057,"RowAtIndexPath":33058,"_heap":33059,"Due":33060,"Ġconnects":33061,".publish":33062,"emu":33063,"Ġbullets":33064,"BAR":33065,"olate":33066,"Ġinternally":33067,"Ġcatching":33068,"-password":33069,"ouched":33070,"æĢ§":33071,"eous":33072,"Ġxrange":33073,"Quality":33074,"vv":33075,"Manage":33076,"(($":33077,"acements":33078,"ĠBrothers":33079,"ĠHEAD":33080,"ĠUnsupported":33081,"san":33082,"esi":33083,"***Ċ":33084,"Ġadaptation":33085,"ĠWorker":33086,"']/":33087,".savefig":33088,"(trans":33089,"ج":33090,"nee":33091,"Correct":33092,"...\")Ċ":33093,"Ġsubmitting":33094,"-path":33095,"ĉlast":33096,"issan":33097,".xlabel":33098,"ĠSepar":33099,"/no":33100,"_best":33101,"ĠMills":33102,"_sock":33103,"(flag":33104,"Ġdestinations":33105,"emption":33106,"ĠFAIL":33107,"åĴĮ":33108,"Ġrp":33109,"fact":33110,"ĉlen":33111,"DAY":33112,"Ġseiz":33113,"_dst":33114,"lip":33115,".Linear":33116,"ĠBasket":33117,"$t":33118,"$i":33119,"-brand":33120,"ĠNeil":33121,"ĠEq":33122,"Ġthou":33123,"ogene":33124,"Ġscholarship":33125,"æĽ´":33126,"Ġswo":33127,"aginator":33128,"eni":33129,"(book":33130,"Ġblink":33131,"thus":33132,"ĠcancellationToken":33133,"ĠPalestinians":33134,"Ġprofitable":33135,"Ġbackpack":33136,"enson":33137,"true":33284,"ĠNYC":33285,"Ġbored":33286,"ĠDetect":33287,"Ġappar":33288,"Ġjeans":33289,"ĠTak":33290,"IOD":33291,"ĠHorse":33292,"(FILE":33293,"(?":33294,"rique":33295,"optimizer":33296,"nat":33297,"loys":33298,"ĉToken":33299,"oubted":33300,"uess":33301,"ocoa":33302,"DataMember":33303,"_POWER":33304,"classList":33305,"PushButton":33306,"ĠWiFi":33307,".Stream":33308,".guild":33309,"Ġnog":33310,"ĠPortugal":33311,"ĠUnter":33312,"Primitive":33313,"boss":33314,"ĠDeutsch":33315,"Ġerotic":33316,"Ġstrconv":33317,".TryParse":33318,"Ġgrams":33319,".Success":33320,"_pk":33321,"ĠHarvey":33322,"-minded":33323,".country":33324,"[]\"":33325,"Ġangel":33326,"Ġbeats":33327,"ĠVor":33328,"ilio":33329,".master":33330,"something":33331,"ĠPACK":33332,"(if":33333,"RequestBody":33334,"Ġantes":33335,"/widget":33336,"Ġmodo":33337,"ĠAW":33338,"finder":33339,"Ġoptimized":33340,"Ġmissiles":33341,"NB":33342,"ĉinternal":33343,"tex":33344,"ĠSri":33345,"Ġdamaging":33346,"ĠMais":33347,"-Allow":33348,"ĠZh":33349,"-alt":33350,"Ġ));ĊĊ":33351,"èī":33352,"Ġinfluences":33353,"Ġcatal":33354,"_REGISTER":33355,"ĠAPIs":33356,"-century":33357,"Ġbiology":33358,"ĠActual":33359,"Ġheels":33360,"TRACE":33361,"_DIG":33362,"Dataset":33363,"ĠMatter":33364,"Ġclassifier":33365,".wikipedia":33366,"ĠRogers":33367,"Ġdonated":33368,"rawler":33369,"enen":33370,"Ġcasinos":33371,"ortal":33372,"Ġprive":33373,"spe":33374,"ducers":33375,".ep":33376,"Ġgrasp":33377,"acji":33378,"Ġdairy":33379,"Ġbuses":33380,".comm":33381,".ins":33382,"ĠIRS":33383,"ĠBeer":33384,"adc":33385,"oard":33386,"_MET":33387,"Ġ'+'":33388,"rans":33389,"Ġkinda":33390,"ĠâĶĤ":33391,"ĠMaur":33392,"аг":33393,"Ġbandwidth":33394,"ibus":33395,"ĠDifferent":33396,"(mat":33397,"ĠResume":33398,"_UNS":33399,"establish":33400,"Ġfonction":33401,"Subscription":33402,"_company":33403,"Ġlightly":33404,".confirm":33405,".yaml":33406,"ĠBoost":33407,"Commerce":33408,"-template":33409,"_DELAY":33410,"ĠHI":33411,"Ġnavig":33412,"(Sender":33413,"ĠHS":33414,"_\"+":33415,"ĠREQUEST":33416,"Ġwifi":33417,"=\"\"Ċ":33418,"])->":33419,"Ġrope":33420,"Ġviolated":33421,"Ġglance":33422,"ĠKurd":33423,"Ġè®":33424,"deck":33425,"ĠISBN":33426,"Ġinfect":33427,"ĠFoo":33428,"Ġgetter":33429,"Ġtener":33430,"appe":33431,".hh":33432,"_hot":33433,"\".$":33643,"Ġrelies":33644,"(Console":33645,"International":33646,"->{$":33647,"Mid":33648,"Ġdissert":33649,"dds":33650,"Ġdeposits":33651,"ĉdriver":33652,"#ga":33653,"prising":33654,"println":33655,"Ġpresenter":33656,"Ġmines":33657,"CSS":33658,"ĠDual":33659,"(!(":33660,"Ġkam":33661,"ĠisLoading":33662,"ĠProtect":33663,".upper":33664,"arium":33665,"]:ĊĊĊ":33666,"Yii":33667,"-shirt":33668,"ĠIMAGE":33669,"_colors":33670,"Ġurgent":33671,".Container":33672,"!(Ċ":33673,"Saturday":33674,"Ġsocieties":33675,"ĠThan":33676,"ĠCod":33677,"=@":33678,"Ġattachments":33679,".mobile":33680,"Ġspite":33681,"Ġbounce":33682,"rawl":33683,"instancetype":33684,"ĠTruck":33685,"Ġmanipulation":33686,"(Config":33687,"-inst":33688,"Ġstor":33689,"itution":33690,"PreferredGap":33691,"ĠmainAxisAlignment":33692,"Ġlistened":33693,"'''ĊĊ":33694,"ottage":33695,"-project":33696,".APPLICATION":33697,"ĉroot":33698,"Ġwhit":33699,"Ġbilder":33700,"Ġker":33701,"Ġappliances":33702,"rowave":33703,"ìĿĢ":33704,"ematics":33705,"ĠOrg":33706,"oping":33707,"_SEARCH":33708,"Ġcham":33709,"addContainerGap":33710,"Ġ().":33711,"ĠArrow":33712,"Illegal":33713,"Currently":33714,"Ġusa":33715,"Ġpasswords":33716,"Ġrenown":33717,"avern":33718,"ĠEvil":33719,"Ġconcat":33720,"Ġduo":33721,"Ġvale":33722,"ĠBean":33723,"Ġindicators":33724,"cmath":33725,"ĠPump":33726,"November":33727,"ificant":33728,"_DOMAIN":33729,"regar":33730,"ĠPortal":33731,"\"$":33732,"Ġformerly":33733,"\"]:Ċ":33734,"ĠVisibility":33735,".getElementsByClassName":33736,"_RED":33737,"Ġchampions":33738,"à´":33739,"Valor":33740,"_es":33741,"*a":33742,"-repeat":33743,"Band":33744,".stage":33745,"Ġbureauc":33746,"Cnt":33747,"eten":33748,"-function":33749,"Ġmuito":33750,"PID":33751,"_editor":33752,"Ġcrashed":33753,"dead":33754,"kat":33755,"agh":33756,"ĠEXT":33757,"asser":33758,"-small":33759,"Ġrealiz":33760,"(Entity":33761,"ús":33762,"ĠActually":33763,"ĠElite":33764,"Ġhelm":33765,"(nonatomic":33766,"asher":33767,"Community":33768,"alleng":33769,"iry":33770,"ĠGrowth":33771,"Ġsue":33772,"Ġfrequencies":33773,"_descriptor":33774,".Attribute":33775,"Ġrecipients":33776,"_NS":33777,"/\"+":33778,"iban":33779,"Ġathlete":33780,"ĠIgn":33781,"_DMA":33782,"(ds":33783,"ĠRequirements":33784,"ADI":33785,"erez":33786,"\\Admin":33787,"braska":33788,"ĠRust":33789,"Relation":33790,"COD":33791,"ĠVERSION":33792,"emma":33793,")){":33794,".Duration":33795,"ĠCamb":33796,"-logo":33797,"Ġreadable":33798,"Ġcreators":33799,"()];Ċ":33800,"UpDown":33801,"-half":33802,".getMonth":33803,"(sf":33804,"Pic":33805,"Ġhunger":33806,".tx":33807,"Ġexceeded":33808,"_seed":33809,"(^":33810,"_sk":33811,".perform":33812,"Ġ>::":33813,"Ġmongo":33814,"=float":33815,"bindParam":33816,"Smart":33817,"ifa":33818,"Ġsecurities":33819,"Ġprejud":33820,"Ġ,\"":33821,"Ġcorps":33822,"Ġvra":33823,"amacare":33824,"iterr":33825,"(Media":33826,"uche":33827,"Ġcob":33828,"Ġliber":33829,".geometry":33830,"Locator":33831,"Ġsliding":33832,"Ġsurgical":33833,"_CUR":33834,"Ġconsect":33835,"[*":33836,"ĠResort":33837,"Stub":33838,"_DOUBLE":33839,"ĠSoph":33840,"Ġelectoral":33841,"_disable":33842,"ĠÑģо":33843,"ĠLightning":33844,"Ġmentions":33845,"ocy":33846,"Ġleaked":33847,"Ġrelaxing":33848,"Presenter":33849,"vsp":33850,"Ġguilt":33851,"=-=-":33852,".reply":33853,"ĠMirror":33854,"Camp":33855,"Ġ+#+#+#+":33856,"Ġ+#+#+#+#+#+":33857,".Author":33858,"Ġdirective":33859,"-hook":33860,"íĦ°":33861,"}ĊĊĊĊĊ":33862,"@pytest":33863,"_rand":33864,"mis":33865,"Ġcolorful":33866,"uje":33867,"lasses":33868,"ĠClasses":33869,".have":33870,"%),":33871,"é¢ĺ":33872,"Ġdisturbing":33873,"substring":33874,"ĠKoh":33875,"Invest":33876,"purchase":33877,"Ġrecycling":33878,"ĠART":33879,"ierarchy":33880,"Ġfps":33881,".checkBox":33882,"íķ´":33883,"_material":33884,"ducation":33885,"Ġfw":33886,"udit":33887,"Ġreviewing":33888,"ĠSid":33889,"Syntax":33890,"ĠWritten":33891,"argar":33892,"UME":33893,"/q":33894,"Classifier":33895,"Official":33896,"Ġjazz":33897,"Ġomega":33898,"Physics":33899,"Ġlugar":33900,"_accessor":33901,".commands":33902,"Ability":33903,"ĠBatch":33904,"RAM":33905,"Ġencounters":33906,".Qu":33907,"BYTE":33908,"ĠDistribution":33909,"Ġuso":33910,"ĠRecovery":33911,"approved":33912,"Ġdenial":33913,"/share":33914,"LinkedList":33915,")čĊčĊčĊ":33916,"uddy":33917,"Ġfines":33918,"Ġry":33919,"Unicode":33920,"ĉrender":33921,"Ġpremises":33922,"Ġpon":33923,"aliases":33924,"/Foundation":33925,"cuda":33926,"ĠCock":33927,",:)":33928,"(folder":33929,"Ġméd":33930,"drag":33931,"Ġtalents":33932,"ĠĠĠĊĊ":33933,"еÑģÑĤв":33934,"mob":33935,".yml":33936,"Ġaster":33937,"Ġdiscre":33938,"goal":33939,"ĠGTX":33940,"ĠSUCCESS":33941,"ĠLONG":33942,"(find":33943,"Ġsingular":33944,"_sz":33945,"ĠEthereum":33946,"..Ċ":33947,"Ġirres":33948,"')){Ċ":33949,"Ġministers":33950,"Steps":33951,"iversal":33952,"ĠNevertheless":33953,"-led":33954,"Ġ(%)":33955,"ç¡®":33956,"Ġtimezone":33957,"Ġstranger":33958,"(render":33959,"Ġshutil":33960,"Ġmph":33961,"Ġtrio":33962,"ppy":33963,"Ġpredomin":33964,"Ġendors":33965,"ĠRussians":33966,"ĉrow":33967,"Ġwizard":33968,".serialize":33969,"Ġcomplained":33970,"Ġsido":33971,"Ġdelighted":33972,"-me":33973,"ĠRav":33974,"Human":33975,"adays":33976,"recv":33977,"Working":33978,"Jump":33979,"ĠÃ¥r":33980,"ĠAutomatic":33981,"_Base":33982,"æł¼":33983,"aurants":33984,"¯":33985,"æ¸":33986,"(CType":33987,"IFI":33988,"(amount":33989,"Ġbelieving":33990,"=mysql":33991,"Ġfir":33992,"Ġrestoration":33993,"ereco":33994,"Т":33995,"_'+":33996,"Ġebook":33997,"Ġdebris":33998,"(inputs":33999,"AYOUT":34000,"Ġscreaming":34001,"avia":34002,"lander":34003,"Ġdistress":34004,"Ġassembled":34005,"ĠAvoid":34006,"(thread":34007,"ĠRPC":34008,"_EXIT":34009,"(queue":34010,"иÑģÑĤ":34011,"Dll":34012,"Ġskull":34013,"_pub":34014,"chez":34015,"minate":34016,"ensen":34017,"Ġinsane":34018,"bounds":34019,"ĠRosen":34020,"Ġconditioning":34021,"processed":34022,"videos":34023,"four":34024,".Conv":34025,"|;Ċ":34026,"Personal":34027,"cerpt":34028,":UIControlStateNormal":34029,"Ġdoses":34030,"ĠKarl":34031,"ĠFrequ":34032,".BASE":34033,"ĠVote":34034,"Ġconcurrent":34035,"ĠMessageBoxIcon":34036,"ĠÃĸ":34037,"ĠDubai":34038,"ĠRetail":34039,":number":34040,"ĠObserver":34041,"ĠBigInteger":34042,"_origin":34043,"_WORK":34044,"Frames":34045,"Ġnotably":34046,".âĢľ":34047,"Ġtropical":34048,"Ġniche":34049,"amina":34050,".sys":34051,"(tokens":34052,"modify":34053,"osit":34054,"strom":34055,"ĠComics":34056,"OPTION":34057,"Ticket":34058,"Ġfactories":34059,"Ġdisput":34060,"_File":34061,"ĠFinn":34062,"eee":34063,"ĠDiscord":34064,"_money":34065,".tpl":34066,"_safe":34067,"LB":34068,"Ġglut":34069,"JK":34070,".flow":34071,"-cont":34072,"gos":34073,"Ġhorizon":34074,"ĠRush":34075,"::*":34076,"Pipe":34077,"ulla":34078,"borough":34079,"heimer":34080,"(move":34081,"(Text":34082,"});čĊčĊ":34083,"welcome":34084,"ĠComponents":34085,"Ġgovernance":34086,"closed":34087,"ĉmargin":34088,"Ġlaundry":34089,"ĠTerminal":34090,"izards":34091,".âĢĶ":34092,".remote":34093,".radius":34094,"ĠQuebec":34095,"Ġdh":34096,"Tech":34097,"ĠMist":34098,"seller":34099,"_literal":34100,"Ġgenius":34101,"Ġbrains":34102,"gem":34103,"ĠMeasure":34104,"Ġcatast":34105,"rance":34106,".TextField":34107,"Ġconsuming":34108,"Ġ'\\''":34109,"oubtedly":34110,"ĠCertain":34111,"Ev":34112,"erti":34113,"being":34114,"Experience":34115,"Ġ//[":34116,"ĠArabic":34117,"ĠCrist":34118,"ĠAzure":34119,"Ġhora":34120,"ladesh":34121,"\\Blueprint":34122,"dar":34123,".rel":34124,"Ġsuprem":34125,"ĠReagan":34126,"ĠAttributes":34127,"-sidebar":34128,"ĠuseStyles":34129,"ĠAirlines":34130,"Ġhills":34131,"/xhtml":34132,"vinc":34133,"_mock":34134,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ":34135,"ĠPill":34136,".LayoutStyle":34137,"ĠCommander":34138,"]<":34139,"signature":34140,"Ġ{}čĊ":34141,"Ġhatred":34142,"Ġëĭ":34143,"olesterol":34144,"Ġ********":34145,"ancellor":34146,"crop":34147,"TIM":34148,"ĉĉĊĊ":34149,"ysqli":34150,"uitive":34151,"ĉunset":34152,"_sel":34153,"Ġmenus":34154,"tick":34155,"Ġconstitute":34156,"ĠElements":34157,"ĠRedis":34158,"aggio":34159,"_fp":34160,"_depend":34161,"emas":34162,"CAST":34163,"orange":34164,"jon":34165,"ĠEmily":34166,"Ġpotatoes":34167,"Ġreceptor":34168,"ĠElectronic":34169,"ĠLights":34170,"Ġcombining":34171,"ĠSomeone":34172,"Ġ########.":34173,"ĠTOD":34174,"/show":34175,"Xd":34176,".\"'":34177,"afx":34178,"Ġtragic":34179,"Styled":34180,"ĠMarco":34181,"Gallery":34182,"dale":34183,".âĢĿĊĊĊĊ":34184,"érie":34185,"/service":34186,"äºĨ":34187,"Ġambient":34188,"_SETTINGS":34189,".Adapter":34190,"lene":34191,"Ġtravels":34192,"Notice":34193,"Ġcleans":34194,"ĠFem":34195,"chair":34196,"Ñĥн":34197,"/my":34198,"_bad":34199,"ĠEconomics":34200,"ISA":34201,"_CNT":34202,"(Menu":34203,"äºİ":34204,"ĠRidge":34205,"Ġlengthy":34206,"Dot":34207,"Ġjumps":34208,"Ġhey":34209,"$pdf":34210,"Ġworm":34211,"Ġsut":34212,"Ġsher":34213,"iamo":34214,"ĠCalc":34215,"trieve":34216,"Ġcops":34217,"ĠChrom":34218,"Ġregulated":34219,"reatment":34220,"ĠHigher":34221,"oks":34222,"Ġdeze":34223,"LOCATION":34224,"ongsTo":34225,"Ġfinite":34226,"Ġvaries":34227,"Ġpositioned":34228,"'il":34229,"éĩij":34230,"Ġhike":34231,"(done":34232,"playlist":34233,"Ġada":34234,"Ġcoastal":34235,"ĠNancy":34236,".DateTimeField":34237,"CppCodeGen":34238,"ĠSimilarly":34239,"reur":34240,"ĠContr":34241,"ĠHidden":34242,"ĠBeta":34243,"atched":34244,"_install":34245,".Output":34246,"Lookup":34247,"ĠRichmond":34248,"quared":34249,"Ġmanga":34250,"-controls":34251,"ĠBernard":34252,"Large":34253,"Ġslices":34254,"Ġoffence":34255,"ĠMega":34256,"Ġestar":34257,"Ġjoints":34258,"Ġsumm":34259,"_platform":34260,"Buff":34261,".addSubview":34262,"Ġretained":34263,"Letter":34264,".dim":34265,"Ġessere":34266,"ĠScaffold":34267,"EXPECT":34268,"ĉRE":34269,".longitude":34270,"ünd":34271,"Ġstatue":34272,".addWidget":34273,"ĠCaribbean":34274,"addPreferredGap":34275,"ilde":34276,"UILabel":34277,"ĠOpport":34278,"Ġimperial":34279,"ursion":34280,"Ġmandate":34281,"Ġpromotional":34282,"Ġvk":34283,"iaÅĤ":34284,"Ġpyl":34285,"ĠCreation":34286,"озд":34287,"Ġsimpler":34288,".what":34289,"ĠRecent":34290,"Storm":34291,".quantity":34292,"ĠLov":34293,"\"-":34294,"ubbles":34295,"_notification":34296,"(world":34297,"urger":34298,"*(-":34299,":\"Ċ":34300,"hm":34301,"anship":34302,"ĠAlmost":34303,"Ġmotorcycle":34304,"_fee":34305,"Ġabsorb":34306,"ĠVincent":34307,"Ġsounded":34308,"ÃŃst":34309,"Ġpharmaceutical":34310,"htag":34311,"ĠKindle":34312,"italize":34313,"ĠEmperor":34314,"oustic":34315,"Ġspecialists":34316,"åħ¬":34317,"BorderStyle":34318,"/\\":34319,"RELATED":34320,"(',',":34321,"(expr":34322,"Ġht":34323,"åįĪ":34324,"_Create":34325,"Ġspecially":34326,"Ġ[];čĊ":34327,"Ġheel":34328,"Ġsept":34329,"_arch":34330,"(initial":34331,"%.ĊĊ":34332,"\\\",\\\"":34333,"Ġdiscusses":34334,"Ġupt":34335,"Ġ[&":34336,"Ġmanus":34337,".hand":34338,"ĠMAIN":34339,"ĠDenmark":34340,"Ġ],čĊ":34341,"Ġcryst":34342,"Ġnack":34343,"Coords":34344,"_inner":34345,"Ġmidst":34346,"Ġawake":34347,"ĠÐŀ":34348,"-break":34349,"ÃŃvel":34350,"_PASS":34351,"ĠParams":34352,"Ġdetr":34353,"Ġspider":34354,"ĠConcept":34355,"Ġprend":34356,"CHED":34357,".Exit":34358,"Ġpopulated":34359,"Ġvirtue":34360,"_SESSION":34361,"Ġnouvel":34362,"oauth":34363,"ĠданнÑĭ":34364,"rink":34365,".HeaderText":34366,"aturated":34367,"Ġerst":34368,"Ġåħ":34369,"à¥ĩ":34370,"_visible":34371,"eyer":34372,"Ġliable":34373,"Ġdebe":34374,"Ġbw":34375,"{-#":34376,"_WIN":34377,"dfs":34378,"Hover":34379,"ĠPUT":34380,"-angle":34381,"Ġnoble":34382,"Ġtraces":34383,"encv":34384,"ĠuserData":34385,"_ins":34386,"ĠSuz":34387,"Ġnewsletters":34388,"ĠModi":34389,"Ġentrepreneurs":34390,"Ġtribute":34391,"Ġrumors":34392,"Ġrr":34393,"ĠQuarter":34394,"ê³ł":34395,"Ġfeeds":34396,"óg":34397,"Ġenvelope":34398,"Ġlear":34399,"Ġkø":34400,"developer":34401,"Similar":34402,":\")Ċ":34403,"subscription":34404,"Modifier":34405,"italic":34406,"Ġnasty":34407,"Ġtermination":34408,"Ġcharming":34409,"ĠâŁ":34410,"tons":34411,".trace":34412,"hots":34413,"ĠUR":34414,"Mont":34415,"Ġjustified":34416,"ĠGang":34417,"inea":34418,"Ġbog":34419,"(ap":34420,"_$":34421,"Ġcontamin":34422,".Dot":34423,"ĉDebug":34424,"(exports":34425,"Ġpaired":34426,"ĠAssignment":34427,"Ġautomobile":34428,"ĵį":34429,"Ġphases":34430,"vw":34431,"@SuppressWarnings":34432,"=\\":34433,"rant":34434,"-ed":34435,"ĉawait":34436,"Ġcertificates":34437,"'>\"":34438,"Ġintact":34439,"CTRL":34440,"Mike":34441,"gregation":34442,"ATTERN":34443,"Ġrepublic":34444,"_upper":34445,"iliary":34446,"Ġcomputation":34447,"hire":34448,"ĠShin":34449,"_ANY":34450,"ĠManufacturer":34451,"ĠCarm":34452,"Ġbearings":34453,"_comb":34454,"cad":34455,"uristic":34456,"Ġwholesale":34457,"Ġdonor":34458,".interfaces":34459,"presso":34460,"ĠBrun":34461,"-close":34462,"prove":34463,"_SK":34464,"ĉframe":34465,"etros":34466,"ĠPain":34467,"_EXP":34468,"ĠLT":34469,"_fs":34470,".datas":34471,"ĉss":34472,"voir":34473,"ĠAxis":34474,"Major":34475,"=\"<":34476,"[h":34477,"Ġprofess":34478,"igrate":34479,"(score":34480,"Keyword":34481,"\"os":34482,"ĠĠĠĠĉĊ":34483,"analysis":34484,"Ġreplay":34485,".pass":34486,"\\d":34487,"tls":34488,"Ġsanct":34489,".light":34490,"_mobile":34491,"ÑģÑĤÑĮ":34492,"ĉtotal":34493,"uity":34494,"Ġpaused":34495,"NAS":34496,"Ġencore":34497,"loe":34498,"Ġ-*-ĊĊ":34499,".high":34500,"ampler":34501,"ĠSecure":34502,"Ġfragments":34503,"_vel":34504,"illary":34505,"ĠStein":34506,"ĠDawn":34507,"Ġmaximize":34508,"ย":34509,"Ġ/^":34510,"Ġcontinually":34511,"Ġshadows":34512,"ĉĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":34513,"ĠIActionResult":34514,"Ġinformación":34515,"CHECK":34516,".SelectedItem":34517,"bundle":34518,"olley":34519,"<":34681,"Ġtrajectory":34682,"_ring":34683,"Ġhydrogen":34684,"tron":34685,"Ġstatute":34686,"Ġconditional":34687,"Ġtray":34688,"-school":34689,"(widget":34690,"$config":34691,"Ġrequesting":34692,".uint":34693,"eton":34694,"brities":34695,"OfType":34696,"ADMIN":34697,"predict":34698,"Ġgegen":34699,"ĠHapp":34700,"OCUMENT":34701,"ĠApart":34702,"Ġ-----":34703,"roe":34704,"uide":34705,"justify":34706,"ĠSquad":34707,"Ġprofes":34708,".bot":34709,"_currency":34710,"innen":34711,"ĠMumbai":34712,"ĠNumbers":34713,"avanaugh":34714,"agnitude":34715,"âĢľThere":34716,"=http":34717,"çīĩ":34718,"Ġvb":34719,"+'{{$":34802,"Ġinode":34803,"sil":34804,"Ġhace":34805,"Ġseverely":34806,"ĠOverview":34807,"Ġspraw":34808,"Ġbeaches":34809,":left":34810,"·»":34811,"(${":34812,"ĠFIRST":34813,"ĠSpa":34814,"-ass":34815,"Ġbaise":34816,"ĠNODE":34817,"ĠPizza":34818,"Pet":34819,"(seq":34820,"\\\">Ċ":34821,"CppMethodPointer":34822,"Ġvp":34823,"Ġia":34824,"_seconds":34825,"emet":34826,"/blob":34827,"_THRESH":34828,"...čĊ":34829,"Dest":34830,"ĠNH":34831,".dataSource":34832,"ités":34833,"ĠJak":34834,"sell":34835,"Ġworkshops":34836,"\",Ċ":35452,"_Pin":35453,"uese":35454,"Ġoverrides":35455,"_ready":35456,"Advanced":35457,"Ġopi":35458,"-cart":35459,"(\"/\",":35460,"ĠDeb":35461,"CRY":35462,"ĠVertical":35463,"ĠOVER":35464,"ĠCorporate":35465,"Ġ\"\";":35466,"Ġstepping":35467,"ej":35468,"Ġaccusations":35469,"Ġoraz":35470,"_tail":35471,"Ġinduced":35472,"Ġelastic":35473,"Ġblown":35474,",//":35475,"Ġbackgrounds":35476,"âĢĻune":35477,"-sdk":35478,"ĠsetInterval":35479,"Ġincentives":35480,"Ġvegetable":35481,"_On":35482,"expanded":35483,"pix":35484,"_shader":35485,"ĠSPDX":35486,"@example":35487,"ĠWrapper":35488,".Zero":35489,"Positive":35490,"Ġspinner":35491,"Ġinvented":35492,"ĠGates":35493,"оÑĤоÑĢ":35494,"Ġcomparisons":35495,"è·":35496,".primary":35497,"dataProvider":35498,"additional":35499,"ĉoptions":35500,"snapshot":35501,".setHorizontal":35502,"Ġ\"{}":35503,"ĠFisher":35504,"halten":35505,"":35538,"ĠRegistered":35539,"INED":35540,"kal":35541,"parison":35542,"Ġobjeto":35543,"Vi":35544,"manda":35545,"Ġrenewed":35546,"ĠSof":35547,"essel":35548,".ndarray":35549,"Ġcrap":35550,"管":35551,".abspath":35552,"(up":35553,"Ġclearance":35554,"ĠTW":35555,"_COPY":35556,"ĠĠĠĠĠĠĠĠĠĠĠĠĉ":35557,"Ġforests":35558,"Ġarguably":35559,"ĠASS":35560,"hey":35561,"amel":35562,"_fore":35563,"ĠSoutheast":35564,"Ġabused":35565,"Ġpracticing":35566,"akedirs":35567,"主":35568,"_resources":35569,"Ġpond":35570,".Fixed":35571,"LastError":35572,"ĠPsychology":35573,"Ġ\"//":35574,"!:":35575,"Reusable":35576,"Ġmensaje":35577,"Ġrospy":35578,"Ġbour":35579,"Ġvarieties":35580,"Ġempath":35581,"(({":35582,"_org":35583,"ĠMes":35584,"ĠMagento":35585,"ISTORY":35586,"Unless":35587,"Ġhj":35588,"ĠDuty":35589,"Jun":35590,",size":35591,"Ġpaintings":35592,"Ġdispens":35593,"dart":35594,"Ġbehavioral":35595,"Ġrpc":35596,"calculate":35597,"fruit":35598,"_mm":35599,"ĉpthread":35600,"MaxLength":35601,"Ġcurrencies":35602,"_capacity":35603,"ĠOz":35604,"Ġfirearm":35605,"Ġcoefficient":35606,"Ġbankruptcy":35607,"wart":35608,"Ġfatigue":35609,"AVA":35610,"Ġespa":35611,"_pc":35612,"ĠQuotes":35613,"_LIGHT":35614,"ĠTickets":35615,"Ġrelates":35616,"Ġpublishers":35617,"Ġunlocked":35618,"Ġ//----------------------------------------------------------------":35619,"ĠInterruptedException":35620,"Ġoutlook":35621,"rn":35622,"Ġrebels":35623,"Written":35624,"Ġasian":35625,"otto":35626,"Ġĉĉĉĉ":35627,"_gpu":35628,"Txt":35629,".ImageView":35630,"Ġsuis":35631,"_tables":35632,".RecyclerView":35633,"Ġwhatsoever":35634,"èģ":35635,"]++;Ċ":35636,"assertTrue":35637,"_verify":35638,"ĠRivers":35639,"Ġ][":35640,"Jet":35641,"idian":35642,"Sibling":35643,"Ġgenres":35644,".Access":35645,"OPS":35646,"Ġtrivial":35647,"ส":35648,"alen":35649,"вед":35650,"ĠSword":35651,"Ġscrutiny":35652,"(cb":35653,"Ġcommerce":35654,"Ġguarantees":35655,"_adv":35656,"ĠLET":35657,"recio":35658,"Ġhilar":35659,"Ġbackyard":35660,"ãĢı":35661,"Ġillustrated":35662,"/vendor":35663,".Util":35664,"Ġwow":35665,"LOY":35666,"ĠMarshal":35667,"\">'.$":35668,"ĠBak":35669,"Ġmodifiers":35670,"dictionary":35671,"ĠStre":35672,"multiple":35673,"\")),":35674,"ĠCort":35675,"']\").":35676,"(admin":35677,"ĠCreator":35678,"Internet":35679,"(ms":35680,"logy":35681,"DECLARE":35682,"ĠMarcus":35683,"<<<<":35684,"ãģł":35685,"_my":35686,"(inst":35687,"Ġsciences":35688,"NDER":35689,".enter":35690,"Ġitu":35691,"Ġbehave":35692,"Pan":35693,"ombies":35694,"='<":35695,"'));čĊ":35696,"ĠMENU":35697,"ĠWorkers":35698,".NoError":35699,"Ġbindings":35700,"Ġdisabilities":35701,"{\\":35702,"ĠMunicip":35703,"Ġcores":35704,"urple":35705,"ĠNokia":35706,"usions":35707,"ĠFitness":35708,".handleChange":35709,"Ġjavascript":35710,"ìļĶ":35711,"(dec":35712,"Ġpacking":35713,"-depend":35714,"Ġtranscript":35715,"zeros":35716,"_alert":35717,"?\",Ċ":35718,"libs":35719,"±Ð¾ÑĤ":35720,"Ġ|ĊĊ":35721,"trained":35722,"ĠGent":35723,"ĠRab":35724,"xp":35725,"_configuration":35726,"天":35727,"_accept":35728,".recyclerview":35729,":url":35730,"ĠMuhammad":35731,"Ġprivileges":35732,"_bank":35733,"uku":35734,"wallet":35735,"ĠROOT":35736,"Ġencuent":35737,"?family":35738,"ĉposition":35739,"Ġcg":35740,"Ġprecip":35741,"methods":35742,"_fast":35743,"increment":35744,"ĠTiger":35745,"_OCCURRED":35746,"quip":35747,"ĠHAS":35748,"_dom":35749,"Ġwreck":35750,"bj":35751,"Ġdern":35752,"Ġorgans":35753,".entries":35754,"Ġ_('":35755,"ramento":35756,"ĠJamie":35757,"Ġpunk":35758,"IPP":35759,"Ġprograma":35760,"Ġattain":35761,"Ġproves":35762,"/sign":35763,"Ġanswering":35764,"Ġladder":35765,"****************************":35766,"ĠWalmart":35767,"ĠCONTENT":35768,"ductor":35769,"Ġverbal":35770,"ĠPID":35771,"crypto":35772,"_CALLBACK":35773,"Ġ=================================":35774,"Ġpotent":35775,"Ġshorts":35776,".Uri":35777,".uniform":35778,";border":35779,"ĠWer":35780,"Ġherein":35781,"lla":35782,"ĠIhr":35783,"Pixmap":35784,"literal":35785,"!)ĊĊ":35786,"generic":35787,"rust":35788,"_scripts":35789,"osto":35790,"itus":35791,"ĠCoalition":35792,"Ġremot":35793,"deploy":35794,"ĠEagle":35795,"ãĢģãĢĮ":35796,"Ġimportante":35797,"ĉobject":35798,"Ġseasonal":35799,"nej":35800,"aidu":35801,"BindView":35802,"ĠSierra":35803,"-bg":35804,"ĠmakeStyles":35805,"[offset":35806,"Games":35807,"Ġhormone":35808,"ARIO":35809,"heads":35810,"(select":35811,"ĠStarted":35812,"@param":35813,"_decl":35814,"_blog":35815,"Ġaño":35816,"\\Api":35817,"ĠMilwaukee":35818,"Provid":35819,"Animated":35820,"Ġcooler":35821,"ĠSeed":35822,".Edit":35823,"ÏĦ":35824,"ĠTaking":35825,"ĠborderColor":35826,"-founder":35827,".LoggerFactory":35828,"Ġ\"\"ĊĊ":35829,"ALT":35830,"ĠLate":35831,"EDIATE":35832,"Ġ);ĊĊĊ":35833,"afa":35834,"Ġcancellation":35835,"Atom":35836,"ĠBirmingham":35837,"empresa":35838,"HEMA":35839,"ascal":35840,"Ġupside":35841,".Version":35842,"ĠFolder":35843,"ĠEight":35844,"ĠVintage":35845,"ĠAppDelegate":35846,"ĠPrevention":35847,".separator":35848,"STM":35849,"(room":35850,"generator":35851,"Ġcattle":35852,"ĉZ":35853,"ĠParticle":35854,"'};Ċ":35855,"Ġneighbours":35856,"ĠStateless":35857,"Ġaltitude":35858,"Ġsaint":35859,"обав":35860,"Ġconvinc":35861,"ĠContents":35862,"Ġjeune":35863,"(ts":35864,"Serialization":35865,"(collection":35866,"ĠJazz":35867,"ĠDod":35868,"ĠRoch":35869,"acio":35870,"commended":35871,"DEFINE":35872,".onload":35873,"Ġspecialty":35874,"PLACE":35875,"_MOVE":35876,"Ġaccountable":35877,"Reuters":35878,"Ġficken":35879,"Ġdepr":35880,"Wow":35881,"Void":35882,".space":35883,"à¸Ĺ":35884,"Ġtq":35885,"ĠPets":35886,"<$":35887,"(Current":35888,"berries":35889,"planation":35890,"ĠlistOf":35891,"ĠThu":35892,"ĠPRINT":35893,"Ġmismo":35894,"Ġdoi":35895,"chk":35896,"ĠUnicode":35897,"(role":35898,"Ġvirgin":35899,"-->Ċ":36360,"Vol":36361,"ĠSSD":36362,"))),":36363,".Optional":36364,"Ġnurses":36365,"Ġorb":36366,"_pe":36367,");čĊčĊčĊ":36368,"placed":36369,"esser":36370,"Ġtherapeutic":36371,"Ġwhitespace":36372,"Ġaston":36373,"Successful":36374,"Ġpraised":36375,"ĠWes":36376,"Ġeighth":36377,"iral":36378,"Ġvrouw":36379,"Ġfaction":36380,"_bias":36381,"Ġwitch":36382,"Ġnpc":36383,"(sb":36384,"ĠRodrig":36385,"_big":36386,"Dependency":36387,"ĠAbraham":36388,"ardi":36389,"CAR":36390,"nos":36391,"Ġabundance":36392,"Ġnutrients":36393,"instein":36394,".Vert":36395,"ĠISS":36396,"D":36495,"Ġservlet":36496,"bastian":36497,"Ġ>&":36498,"SID":36499,"_clk":36500,"Ġdivisions":36501,"}',Ċ":36502,"Ġdildo":36503,"Ġparade":36504,"major":36505,"Ġaboard":36506,";++":36507,"Ġfusion":36508,"\"},{\"":36509,"ĠDialogResult":36510,"ĉarr":36511,"-em":36512,"_nr":36513,"(handler":36514,".NET":36515,".XtraReports":36516,"ĠShah":36517,"ĠBrief":36518,"-,":36519,"Ġprecio":36520,"ĉĉĉĠĠĠĠĠĠ":36521,"Ġtant":36522,"ĠGrande":36523,"/xml":36524,"_ICON":36525,"ĠRetro":36526,"unque":36527,"Ġnag":36528,"toFixed":36529,"XL":36530,"Ġdeclaring":36531,"ĠConcrete":36532,"ĠAmazing":36533,"ĉprintk":36534,"Ġdebates":36535,"DATED":36536,"Ġaesthetic":36537,"emetery":36538,"RoutingModule":36539,"ĠNashville":36540,"WAYS":36541,"Ġwolf":36542,"Ġobservers":36543,"OTA":36544,"anson":36545,"Ġea":36546,"Ġgreenhouse":36547,"ĵįä½ľ":36548,"Ġstair":36549,"Ġimmigrant":36550,"_apply":36551,"peare":36552,"ĠBloomberg":36553,"_PLAYER":36554,"Resp":36555,"æŃ£":36556,"Chooser":36557,"ĠICollection":36558,"Peter":36559,"Erro":36560,".detectChanges":36561,"Maps":36562,"Ġsqueeze":36563,"ĠHomes":36564,"wegian":36565,"Ġformatting":36566,"Ġnegotiate":36567,"uld":36568,"ĠNep":36569,"ĠQB":36570,"Ġeconomies":36571,"Ġ*/,":36572,"Ġredund":36573,"ĠAber":36574,".IsNullOrWhiteSpace":36575,"ycled":36576,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ":36577,"_Sh":36578,"Ġskept":36579,"Ġrecreated":36580,"ĠgetType":36581,"Ġmargins":36582,"Ġcolonial":36583,"charts":36584,"//@":36585,"Ġprocessors":36586,"说":36587,"batis":36588,"æĦı":36589,"atorio":36590,"mentioned":36591,"Patient":36592,"Ġprey":36593,"Checkbox":36594,"_xpath":36595,".skip":36596,"ĠMormon":36597,"ĠMemoryStream":36598,"CREMENT":36599,"Ġku":36600,"meld":36601,"\\Data":36602,"ĠKernel":36603,"iltr":36604,"éĢģ":36605,"(profile":36606,"Carbon":36607,"ROLE":36608,"(pl":36609,"]*(":36610,".memory":36611,"Ġmedal":36612,"Ġadvisor":36613,"ität":36614,"Ġhdr":36615,"ierung":36616,"ĠProvides":36617,"(alpha":36618,"Ġteenagers":36619,"-parser":36620,".LatLng":36621,"]()Ċ":36622,"Ġfelony":36623,"ĉĉĉĊĉĉĉĊ":36624,"BOOK":36625,"Ġslash":36626,"Ġclearfix":36627,"ĠProphet":36628,"容":36629,"rightness":36630,"-fi":36631,".kind":36632,"erton":36633,"Jim":36634,"Ġmanipulate":36635,"Ġworksheet":36636,"olin":36637,"stars":36638,"Ġartifact":36639,"_EMPTY":36640,"ĉmain":36641,"-------------';":36709,"Ġexpressing":36710,"ĠIQ":36711,"ĠFact":36712,"/*******************************************************************************Ċ":36713,"_mass":36714,")):":36715,"Ġcondom":36716,"ĠcreateState":36717,"ometown":36718,"Ġirr":36719,"Ġ>(":36720,">B":36721,"iteration":36722,"ãĥª":36723,"Ġshirts":36724,"ounty":36725,"->$":36726,"_SIGN":36727,"ĠDale":36728,"Ġjj":36729,"Easy":36730,"Fre":36731,"ĠNy":36732,"Ġchlor":36733,"matched":36734,"ĠGerm":36735,"-UA":36736,"ĠNathan":36737,"education":36738,"-yard":36739,"-che":36740,"houses":36741,"ritional":36742,"Ġproximity":36743,"Ġdiesem":36744,"áºŃp":36745,"Ġdrought":36746,".audio":36747,"ĠLeo":36748,"Ġfavorable":36749,"inch":36750,"ĠDaw":36751,"ribly":36752,"_student":36753,"idable":36754,"OVE":36755,"Ġlacks":36756,"ouncing":36757,".business":36758,"Ġreopen":36759,"maybe":36760,"_GLOBAL":36761,"Ġdresses":36762,"ĠEdwards":36763,"ensible":36764,"ĠHardware":36765,"ĠExcellent":36766,"ĠTimeUnit":36767,"CTIONS":36768,"Ġschedules":36769,"Ġsegue":36770,"Opens":36771,"ammen":36772,"-Identifier":36773,"Ġstaring":36774,"Ġhappily":36775,"ĠHob":36776,"'_":36777,"Ġ\");":36778,"amentos":36779,"etched":36780,"Ġ/>}Ċ":36781,".Users":36782,"Ġinterrupted":36783,"Contacts":36784,"Ġregistro":36785,"inburgh":36786,"CHA":36787,"_imp":36788,"phis":36789,"say":36790,"Ġretailer":36791,".NODE":36792,"/maps":36793,"_LAST":36794,"ĠCharge":36795,"_guard":36796,"Collider":36797,"ĠStatelessWidget":36798,"\":[\"":36799,"(\"../../":36800,"ioxide":36801,"ĠSund":36802,"Ġ'';":36803,"unset":36804,"addWidget":36805,"лÑİ":36806,"elles":36807,"alker":36808,"Arc":36809,"Ġdeduct":36810,"GUILayout":36811,"ĠVilla":36812,"Ġforbidden":36813,"_where":36814,"Ġ\\/":36815,"ĠTib":36816,"_AX":36817,"]čĊčĊ":36818,"ĠBir":36819,"Ġbend":36820,"ĠMAKE":36821,"ĠMET":36822,"Ġfutures":36823,"Ġweighted":36824,"\"\"\"čĊ":36825,"Ġauthorize":36826,"(program":36827,"},{\"":36828,"Ġcoefficients":36829,"ês":36830,"PerPage":36831,"ĠBathroom":36832,"ĠPublishing":36833,"GPL":36834,"Ġsubmissions":36835,"ĠNUMBER":36836,"jÄħ":36837,"Ġadditionally":36838,"empre":36839,"ĠShel":36840,"otyp":36841,"Solution":36842,"Ġthunder":36843,"_ec":36844,"ĠĊĠĠĠĠĊ":36845,"ĠFellow":36846,"Ġkay":36847,"ĠnewState":36848,"ONTAL":36849,"Implementation":36850,".Look":36851,"Ġents":36852,"Ġlors":36853,"ĠBIG":36854,"fab":36855,"Ġaveraged":36856,"ĠFeedback":36857,"ĠWells":36858,"Ġmartial":36859,"Ġindul":36860,"ĠCommunist":36861,"ĠForex":36862,"ĠAgriculture":36863,"\"[":36864,"Ġquar":36865,"ĠKont":36866,"ĉview":36867,".Bytes":36868,"desktop":36869,"ĠMakes":36870,"akespeare":36871,".Nullable":36872,"Ġspotlight":36873,"VB":36874,"owy":36875,"(torch":36876,"tridge":36877,"_bounds":36878,"Ġapologize":36879,".addItem":36880,"antd":36881,"*);Ċ":36882,",u":36883,"(gen":36884,"ç»ĵ":36885,"reator":36886,"ĠCord":36887,"oupper":36888,".metro":36889,"Ġew":36890,"ĠWORD":36891,".After":36892,"Ġdetained":36893,"ĠHammer":36894,"existing":36895,"Ġost":36896,"Ġmonument":36897,"-custom":36898,"UserID":36899,"ĠNom":36900,"Ġrejection":36901,"(dim":36902,"Ġsingleton":36903,"ĉdie":36904,"ariance":36905,"reports":36906,"]!=":36907,"elda":36908,"Ġprevalence":36909,"_regs":36910,".\".":36911,"Ġfeminist":36912,"Codec":36913,"Ġ**Ċ":36914,"(labels":36915,"_MARK":36916,"FAILED":36917,"Ġadministered":36918,"WN":36919,"ĠĠĠĠĠĠĠĠĉĉ":36920,"Ġnoun":36921,"wig":36922,"Ġgotta":36923,"Ġrif":36924,"-im":36925,"ĠPaulo":36926,"ĠCommandType":36927,"]))ĊĊ":36928,"-zero":36929,"Training":36930,"Ġlord":36931,"_art":36932,"reddit":36933,"Cert":36934,"Ġpeso":36935,"Rot":36936,"Ġendanger":36937,".dr":36938,"userInfo":36939,"unts":36940,"nv":36941,"ĠTrailer":36942,"-first":36943,"(make":36944,"Ġbenefici":36945,"-black":36946,"iÃŁ":36947,"Ġundoubtedly":36948,"Ġmex":36949,"ĠAncient":36950,"(as":36951,"Ġdescent":36952,"Pick":36953,"Ġreplica":36954,"$obj":36955,"ähr":36956,"Ġarrows":36957,"fty":36958,"ĠLibya":36959,"uga":36960,"charged":36961,"Tur":36962,"Ġhomic":36963,"issen":36964,"ĠFake":36965,"Ġbeers":36966,"Ġscattered":36967,"(Time":36968,"UTIL":36969,"Ġbureaucr":36970,"/plain":36971,"Ġsticking":36972,"FAIL":36973,"ĠCovid":36974,"Third":36975,"_present":36976,"ĠPierre":36977,"Ġëª":36978,"Ġ[...]ĊĊ":36979,"Prob":36980,"ĠTraffic":36981,"icao":36982,"doctor":36983,"Ġ),ĊĊ":36984,"Tabs":36985,"alu":36986,"ï¼ļâĢľ":36987,"Ġinherent":36988,"_No":36989,"ritis":36990,"ĠProof":36991,".basename":36992,"ä¼ļ":36993,"Ġchim":36994,"ĠProtected":36995,"crit":36996,"Ġprone":36997,"Ġкон":36998,"ĠHeroes":36999,"Ġanxious":37000,"Ġanos":37001,"Ġweekends":37002,"Ġsext":37003,"Ġreducer":37004,"=UTF":37005,"half":37006,"ĠSaw":37007,".mm":37008,"Ġnueva":37009,".currentTarget":37010,".lua":37011,"_EXTENSION":37012,"ĉreg":37013,"ĠCtrl":37014,"_align":37015,"acceptable":37016,"Ġrushing":37017,"frac":37018,"Ġboasts":37019,"Five":37020,"±":37021,"ĠTemperature":37022,">):":37023,"Ġcharter":37024,"REATED":37025,"Ġsubjected":37026,"Ġopc":37027,"healthy":37028,"使ç͍":37029,"ĠScientific":37030,"Ġfrau":37031,"riages":37032,"à¸Ķ":37033,".inventory":37034,"ationale":37035,"Mad":37036,"minutes":37037,">>();Ċ":37038,"ĠEnv":37039,"Ġrecordings":37040,"Ġsuspicion":37041,"sqlite":37042,"ĉread":37043,"ãģ¦":37044,"Ġworries":37045,".putString":37046,"ĠShanghai":37047,"(uid":37048,"rer":37049,"ĠvÃŃde":37050,"\"):":37051,"Ġmethodology":37052,"ĠкоÑĤоÑĢ":37053,"ccc":37054,"avad":37055,"Ġinduction":37056,"ĉThread":37057,",string":37058,"ại":37059,"nehmen":37060,"uition":37061,"Ġ*__":37062,".emf":37063,"Ġìľ":37064,"/themes":37065,"ĠNine":37066,".One":37067,"ĠEmbed":37068,"Ġfaz":37069,"uations":37070,"Ġprivately":37071,"Ġling":37072,"[F":37073,"ushi":37074,"Ġlaunches":37075,"(KEY":37076,"GMT":37077,"Ġaiming":37078,"patible":37079,"ĠBiden":37080,"iw":37081,"ĠDegree":37082,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":37083,"Ġ$('<":37084,"ários":37085,"toUpperCase":37086,"ìłľ":37087,"ĠEUR":37088,"Ġoversight":37089,"Ġtablesp":37090,"Updates":37091,".makedirs":37092,"Ġhumidity":37093,"/template":37094,"Always":37095,"(IS":37096,"_cert":37097,"Dig":37098,"Ġunderway":37099,"orton":37100,"ĠHurricane":37101,"Ġspends":37102,"ĠSegment":37103,"Ġflies":37104,"ĠToggle":37105,"ĠLynch":37106,"Ġsenses":37107,"ĠKos":37108,"setEnabled":37109,"istically":37110,"Ġtester":37111,"Ġadministrators":37112,"Ġtagged":37113,"Ðĵ":37114,"Ġshortcut":37115,"ĠResolution":37116,"Ġsupervision":37117,"ĠAshley":37118,"Tracking":37119,"ulatory":37120,"andel":37121,"isten":37122,"Ġunre":37123,"(diff":37124,"ANTS":37125,"Ġrider":37126,"ĠsÄħ":37127,".Series":37128,"_orders":37129,"ORIZONTAL":37130,"Ġretention":37131,"ãĢĤčĊčĊ":37235,"Ġdiagonal":37236,"ĠCancellationToken":37237,"_Internal":37238,"Ġruin":37239,".Qt":37240,"ocratic":37241,"Tel":37242,"ĠAnswers":37243,"matic":37244,"Ġxp":37245,"atem":37246,"_jobs":37247,"_any":37248,"Ġseniors":37249,"Ġlandmark":37250,"ĠQList":37251,"Ġmaneu":37252,"otify":37253,"/\";Ċ":37254,"/server":37255,"ĠPhilosoph":37256,"utenant":37257,"(io":37258,"hz":37259,"Ġauthenticated":37260,"dv":37261,"-Compatible":37262,"Originally":37263,",function":37264,"ãĢĤčĊ":37265,"ĠRepresentative":37266,"asily":37267,"ircuit":37268,".dt":37269,"(math":37270,".Marshal":37271,"[,":37272,"ĠCities":37273,"_turn":37274,"|)Ċ":37275,"Ġcantidad":37276,"alter":37277,"ĉui":37278,"ĠNebraska":37279,"Ġskirt":37280,".bg":37281,"SharedPreferences":37282,"(style":37283,"Ġgrief":37284,"gew":37285,"Ġsafeg":37286,"olang":37287,"_lists":37288,"ìĽ":37289,"Ġgranite":37290,"Ġhottest":37291,".jdbc":37292,".Customer":37293,"Ġâī¤":37294,"Ġwaar":37295,"_scene":37296,"+'/":37297,"ĠJTextField":37298,"Ġseating":37299,"Ġwears":37300,"Ġ`/":37301,"Cases":37302,"ĠYoutube":37303,"ım":37304,"Ġbalcon":37305,",G":37306,"MetaData":37307,"-price":37308,"SCR":37309,"Unity":37310,"Ġtrunk":37311,"={`${":37312,"Ġearthquake":37313,"Partial":37314,"Ġsubst":37315,"Ġelimin":37316,"=\"'.":37317,"//*[@":37318,"Ġsupervisor":37319,"vrolet":37320,"_article":37321,"Ġpane":37322,"bio":37323,"Ġmotors":37324,"NM":37325,"Frank":37326,"Ġonion":37327,"-word":37328,"ItemClickListener":37329,"Ġbrit":37330,"endencies":37331,"Computer":37332,"_running":37333,"(day":37334,"-he":37335,"(named":37336,"ĠSach":37337,"оÑĩ":37338,"campaign":37339,".Abstract":37340,"(wrapper":37341,".pay":37342,"Ġuw":37343,"Geo":37344,"rails":37345,"/select":37346,"ichte":37347,"sons":37348,"EVENT":37349,"Ġaliment":37350,"Providers":37351,"Await":37352,"_INTERVAL":37353,".off":37354,"Ġgluten":37355,"_cloud":37356,"Ġwen":37357,".extract":37358,"ĉbutton":37359,"/MM":37360,"Party":37361,"Ġdemographic":37362,"_errno":37363,"Ġhiking":37364,"('')Ċ":37365,"\",@\"":37366,"Ġwit":37367,"rá":37368,"ologie":37369,"ĠStyles":37370,"ĠBrowserModule":37371,".RequestMapping":37372,"icans":37373,"PAGE":37374,"creation":37375,"ĠFerguson":37376,"uded":37377,"numbers":37378,"ĠGTK":37379,"Ġpresentations":37380,"ĠBobby":37381,"_span":37382,"estyle":37383,"Ġillegally":37384,"abela":37385,"Ġbattlefield":37386,"capacity":37387,"terror":37388,"]\");Ċ":37389,"Ġwarrior":37390,"leader":37391,"ĠDBG":37392,"ĠRevenue":37393,"Ġvigil":37394,"Ġcounterparts":37395,"(Error":37396,"ACTER":37397,"Ġheeft":37398,"Ġselections":37399,"zeug":37400,"tom":37401,"-two":37402,".;Ċ":37403,"_statement":37404,"ĠAid":37405,"ĠVul":37406,"_rgb":37407,"Ġprizes":37408,"Ġeditable":37409,"ĉform":37410,"ını":37411,".decor":37412,"Demo":37413,"lices":37414,"Ġenctype":37415,"ratulations":37416,"ĠROS":37417,"_chars":37418,"ĠJahr":37419,"partial":37420,"ÑĥÑĤ":37421,"ĠReceive":37422,"ĠLands":37423,"APTER":37424,"Ġchopped":37425,"..\"":37426,"ĠAnaly":37427,"ĠUID":37428,"ĠRadeon":37429,"ĠBee":37430,"Ġunm":37431,">M":37432,".findall":37433,"Tokenizer":37434,"ĠWHAT":37435,"Ġsj":37436,"Drawing":37437,"Ess":37438,"OND":37439,"Ĭ¶":37440,"(packet":37441,"âĢĶbut":37442,"Invocation":37443,"ĠNuclear":37444,"?;Ċ":37445,"Ġgrandes":37446,"ĠCrypt":37447,"remark":37448,"Ġ'../../../../":37449,"Ġinability":37450,"magic":37451,"cats":37452,"Ġsimulate":37453,":${":37454,"inflate":37455,"Ġener":37456,":NO":37457,"iples":37458,"Ġmerit":37459,"ĠRated":37460,"Ġglue":37461,"/blog":37462,"Ġgren":37463,"Ġthrilled":37464,".CH":37465,"uncan":37466,"ĠPRIMARY":37467,"Ġpersec":37468,"Ġfeared":37469,".MIN":37470,"ĠTheater":37471,"éĴ":37472,"ategorie":37473,"段":37474,"Ġappetite":37475,"square":37476,"ĠAlexand":37477,".UserId":37478,"_gt":37479,"_enter":37480,"Ġgraduates":37481,"FragmentManager":37482,"Authorize":37483,"-NLS":37484,"(My":37485,"Ġtriumph":37486,"usting":37487,"_PARAMS":37488,"Characters":37489,"(:,:,":37490,"_BUILD":37491,"MHz":37492,"Ġwashed":37493,"Ġuncle":37494,"Steve":37495,"ardown":37496,"${":37680,"_confirmation":37681,"Ġtrophy":37682,"Works":37683,"ĠElectronics":37684,"ĠMediterranean":37685,"_metrics":37686,"Ġannouncing":37687,"ĠDAY":37688,"_proto":37689,"Ġpear":37690,"baseUrl":37691,"ĉĉĉĉĉĉĉĉĊ":37692,"Ġcoordination":37693,":N":37694,".animate":37695,"ĠCotton":37696,"_hit":37697,"âľ":37698,"Ġjetzt":37699,"ifter":37700,"(fields":37701,"ownload":37702,"ificacion":37703,".cuda":37704,"ĠLiu":37705,">equals":37706,"ĠAce":37707,"ÑĢам":37708,"ĠSuperman":37709,"ĠGarcia":37710,"Ġarrests":37711,"agar":37712,"Ġ{})":37713,"Ġmacros":37714,"roupe":37715,"être":37716,"Ġtwisted":37717,"struments":37718,"_(\"":37719,"_vertices":37720,"ĠTransition":37721,"ик":37722,"[max":37723,"mind":37724,"ĠaccessToken":37725,"Ġunle":37726,"mus":37727,"cop":37728,"ĠFactor":37729,"Ġconced":37730,"Ġretr":37731,".linalg":37732,"-slider":37733,"obl":37734,"_StaticFields":37735,"Ġzombie":37736,"selling":37737,"Ġchap":37738,"Ġshaking":37739,"ĠTranslate":37740,"ĠAmsterdam":37741,"ĠETH":37742,"_EXTERN":37743,"kd":37744,"_disc":37745,"Ġpreceding":37746,"Ġprix":37747,"ObjectName":37748,"_modified":37749,"ardware":37750,"Ġ?>\">":37751,"ĠDW":37752,"`${":37753,"Ġ?>\">ĊĊ":37859,"Ġspinning":37860,"_pending":37861,"Matchers":37862,".Keys":37863,"ĠPV":37864,"enus":37865,"antis":37866,"Ġdiscard":37867,"Ġhaul":37868,"Ġempir":37869,"Ġpathway":37870,"Ġoak":37871,"мен":37872,"-induced":37873,"Ġimpair":37874,"ĠCalgary":37875,".isHidden":37876,"dz":37877,"_include":37878,"Ġgm":37879,"Ġ'('":37880,"PY":37881,"uggestions":37882,"Ġcommodity":37883,"cro":37884,"/sub":37885,"ĠgetInstance":37886,"ĠLegacy":37887,"ĠKil":37888,"Bal":37889,"(short":37890,"Inform":37891,"+x":37892,"*r":37893,"ĠHopefully":37894,"orate":37895,"Ġmachen":37896,"Ġtreaty":37897,"ĠOri":37898,".public":37899,"-horizontal":37900,"Ġtactic":37901,"Ġbord":37902,"wares":37903,"Ġammo":37904,"ĠLists":37905,"Ġequations":37906,"/her":37907,"ĠNSW":37908,"Bounding":37909,"_Collections":37910,"Ġavail":37911,".DropDown":37912,"è°":37913,"Ġhh":37914,"ĠlÃł":37915,".pb":37916,"Ġmemorial":37917,"ĠATTR":37918,"Ġexhausted":37919,"Ġtsp":37920,"ĉredirect":37921,"Ġlikewise":37922,"STER":37923,"Ljava":37924,"Ġcondemned":37925,"ocaust":37926,"(strict":37927,"Ġexempt":37928,"Ġsms":37929,"Ġexagger":37930,"SYS":37931,"Ġlounge":37932,":^":37933,"Ġtodd":37934,"deb":37935,"atorial":37936,"ĠPorter":37937,"Ġtuition":37938,"Ġexempl":37939,"Ġparen":37940,".lineTo":37941,"Ġkidney":37942,"Ġça":37943,"Ġcui":37944,"ï¼Į请":37945,"XC":37946,"Ġmoż":37947,"Ġnominated":37948,"lung":37949,"ImGui":37950,"ĠBuzz":37951,"Ġstereo":37952,"portal":37953,"resas":37954,"Ġklass":37955,"Ġdrafted":37956,"Ġprojectile":37957,"/gpl":37958,"(parameters":37959,"*)Ċ":37960,"Ġassisted":37961,"ĠNSInteger":37962,"sitemap":37963,":nth":37964,".Views":37965,".ArgumentParser":37966,"Ġmeer":37967,"zier":37968,"ĠDig":37969,"Ċ":38036,"Ġplag":38037,"pine":38038,"Ġblanket":38039,"Ġ:-":38643,"Ġlcd":38644,"---------------":38645,"(\"\"":38646,"Ġtactical":38647,"ĠRonald":38648,"extr":38649,"ĠFest":38650,"Ġfuer":38651,"-navigation":38652,"Ġkb":38653,"ghost":38654,"ĠhandleChange":38655,"_cls":38656,"()!=":38657,"Comparator":38658,".vm":38659,"ĠCox":38660,"_review":38661,"/@":38662,"_cookie":38663,"Ġrecognised":38664,"ldap":38665,"Threads":38666,"ĠSexual":38667,"ĠBearing":38668,"(SQL":38669,"Ġxr":38670,"Ġthigh":38671,"URLConnection":38672,"ĠSUV":38673,"ĠmContext":38674,"Ġincidence":38675,"ĠEste":38676,".sup":38677,"_te":38678,"(EXIT":38679,"CMD":38680,"/\">":38681,"Almost":38682,"ĠUne":38683,"Ġanderen":38684,"ĠSingleton":38685,"Ġbore":38686,"Think":38687,"Ġnarc":38688,"]initWith":38689,"_shop":38690,"(strategy":38691,"!',":38692,"herits":38693,"ĠDesk":38694,"_machine":38695,".netty":38696,"ında":38697,"=<":38698,"ĠQR":38699,"ĠSidebar":38700,".splitContainer":38701,"ĠonSuccess":38702,"Ġmonkey":38703,"Enjoy":38704,"(nodes":38705,"pectrum":38706,"Ġ(*(":38707,"ĉUINT":38708,",height":38709,"ĠNetworks":38710,".tail":38711,".linspace":38712,"Ġ\"...":38713,"Listen":38714,"Æ¡":38715,".Channel":38716,"-defined":38717,"Repeat":38718,"adjust":38719,"ERM":38720,"_application":38721,".assertNotNull":38722,"-stream":38723,"Ġrabbit":38724,"Ġpositioning":38725,"Ġwoke":38726,"Ġfing":38727,"Ġmultiplayer":38728,"Ġregistering":38729,"until":38730,"Ã¥n":38731,"(::":38732,"ussions":38733,"Ġpotato":38734,"ĠEquals":38735,".Sup":38736,"/apache":38737,"Ġ(=":38738,".\")":38739,".ptr":38740,"ĠSpeech":38741,".clip":38742,"ĠGabriel":38743,"Ġmusician":38744,"/issues":38745,".shop":38746,"ĠHier":38747,"_RET":38748,"_bucket":38749,"ãĥ¡":38750,"avs":38751,"Ġroz":38752,"flower":38753,"WriteBarrier":38754,"ĠMilan":38755,"Ġlegislature":38756,"ĠDoll":38757,"Ġproving":38758,".concatenate":38759,"âķIJ":38760,"Ġgchar":38761,"cdnjs":38762,"bles":38763,"ĠListing":38764,"ло":38765,".xrLabel":38766,"ĠSak":38767,"justice":38768,"ĠValentine":38769,"unless":38770,"Ġpiger":38771,"(run":38772,"Ġtestified":38773,"ANA":38774,"ĠRemoves":38775,"))));Ċ":38776,"recated":38777,"ĠRuntimeMethod":38778,"Ġconqu":38779,"ãĤ¢":38780,"Ġtissues":38781,"ailer":38782,"été":38783,"-Star":38784,"Ġflames":38785,".setIcon":38786,"Ġsupern":38787,"Ġvagina":38788,"-variable":38789,"Ġwellness":38790,"CUR":38791,"Ġbelle":38792,".getRequest":38793,"Ġpoco":38794,"benh":38795,"agens":38796,"Ġspill":38797,"ĠJur":38798,"Ġdispatcher":38799,"ного":38800,"emonic":38801,"(dirname":38802,"ĠÐĶ":38803,"Ġpasse":38804,"Ġganz":38805,"ricing":38806,"EU":38807,"Ġmujeres":38808,"essen":38809,".attribute":38810,"jj":38811,"ĉĉĠĊ":38812,"[^":38813,"Ġstrtolower":38814,"lexer":38815,"ectar":38816,"hotel":38817,".square":38818,"Ġrall":38819,"Ġlowered":38820,"handled":38821,"Market":38822,"ĠUses":38823,"ivas":38824,".Business":38825,"ãģĹãģ¦":38826,"DIV":38827,"Ġwasted":38828,"Ġavoir":38829,"êm":38830,"_ACCOUNT":38831,".et":38832,"ĉSDL":38833,"kap":38834,"Ġfox":38835,"uppet":38836,"{},Ċ":38837,"\",'":38838,"Favorite":38839,"PEND":38840,"ĠAES":38841,"}),":38842,"Ġdeduction":38843,"ĠpolÃŃt":38844,"ĠcomponentWill":38845,"ĠTelerik":38846,"_SELF":38847,"Ġmuse":38848,"Craft":38849,"Ġdens":38850,"ि":38851,"(tp":38852,"Ġtasty":38853,"Ġbalances":38854,"Ġdedication":38855,"ĠWallace":38856,"Ġunlaw":38857,"\\\">\\":38858,"Ġmum":38859,"-update":38860,"emente":38861,"Ġsoda":38862,"Republic":38863,"asmine":38864,"éric":38865,"(Status":38866,"ĠJsonConvert":38867,"ĠDisk":38868,".Redirect":38869,"Ġfilming":38870,"/mol":38871,"Ro":38872,"Ġville":38873,"Ġtrabaj":38874,"Ġsynthesis":38875,"rega":38876,"Ġrl":38877,"Scheduler":38878,"ISHED":38879,"currentUser":38880,"(errors":38881,"'h":38882,"_bot":38883,"ximo":38884,"ĠUSART":38885,"_super":38886,"_DECREF":38887,"ной":38888,"_ROW":38889,"Ġpromotes":38890,"ĠTA":38891,"Ġhoras":38892,"ĠRepresents":38893,"Ġnameof":38894,"ĠExc":38895,"ĠGarage":38896,"Ġseine":38897,",#":38898,"Ġherb":38899,"/resources":38900,"Ġpleaded":38901,".radioButton":38902,"Ġæĺ":38903,"Ops":38904,"ĠNest":38905,"cstring":38906,"ĠDefence":38907,"Ġrefere":38908,"_leaf":38909,"Ġrevelation":38910,"ë§":38911,".executeUpdate":38912,"_WORLD":38913,"Ġexpans":38914,"(\"\\\"":38915,"jab":38916,"Ġdoubts":38917,"ĠGeometry":38918,"Ġintroduces":38919,"Ġsenators":38920,"Ġcanal":38921,".helper":38922,"ĠBiology":38923,"_SENS":38924,".previous":38925,"-touch":38926,"abit":38927,"Ġimpacted":38928,"Ġbrackets":38929,".direct":38930,"accum":38931,"Ġtestosterone":38932,"ĉaction":38933,"ĠChance":38934,"Ġpeaks":38935,"CppCodeGenWriteBarrier":38936,"Ġunbelie":38937,"_press":38938,".Rel":38939,"angled":38940,"/templates":38941,"-->čĊ":38942,"lime":38943,"Ġsufficiently":38944,"_nt":38945,"Expand":38946,".isfile":38947,"ĠisEmpty":38948,"Ġqt":38949,"Ġmulher":38950,"acob":38951,"George":38952,"常":38953,"Ġassim":38954,"aso":38955,"Ġcomprised":38956,"OV":38957,"(CONFIG":38958,"ĉwriter":38959,"Ġdesp":38960,"Ġtenure":38961,"(cr":38962,".pool":38963,"ĠBrend":38964,"Ġcensor":38965,"(timeout":38966,"Ġplea":38967,".Wrap":38968,"Ġtightly":38969,"ĠWere":38970,"ĠIgnore":38971,"abei":38972,"Ġbridges":38973,"Ġcondemn":38974,"Ġsimplicity":38975,"Ġroutinely":38976,"Ġblacks":38977,"jb":38978,"ĠPit":38979,"Utf":38980,"Ġ/Ċ":38981,"reload":38982,"ĠsetObject":38983,"/global":38984,"Ġfatty":38985,"Ġsocks":38986,"Couldn":38987,"Ġerotisk":38988,"æĿ¡":38989,"ĠPressure":38990,"ĠMaz":38991,"npos":38992,"tolower":38993,"ĠEQ":38994,"uteur":38995,"ĠMoment":38996,"Ġeta":38997,"{{--":38998,"Ġgraphs":38999,"ĠGuar":39000,"rine":39001,"(--":39002,"ĠHttpStatus":39003,"(student":39004,"*np":39005,"Ġrailway":39006,"Ġasynchronous":39007,"_vm":39008,"'],'":39009,",text":39010,"merchant":39011,"(Guid":39012,"ĠGra":39013,"ixer":39014,"fetchAll":39015,".addListener":39016,"flip":39017,"*$":39018,">(),":39019,"Ġsunlight":39020,"assigned":39021,"Ġabc":39022,"ĠCOLUMN":39023,"ĠðŁĻĤĊĊ":39024,")...":39025,"Ġensemble":39026,"Ġnewline":39027,"_SINGLE":39028,"iedad":39029,"Ġdarker":39030,"ormap":39031,"Ġlion":39032,"plits":39033,"Ġillustration":39034,"ĠIEEE":39035,"Ġvista":39036,"ousands":39037,"*******":39038,"ĠTommy":39039,"Ġhue":39040,"Sel":39041,"Ġaura":39042,"ĠTherapy":39043,"Ġanimator":39044,".constraints":39045,"Ġvague":39046,"(\"\")":39047,"Ġvillain":39048,"Ġblessing":39049,"ĠstringBuilder":39050,"ĠMisc":39051,"ĠDIR":39052,"fax":39053,"-node":39054,"ĠWalking":39055,"ĠAU":39056,"sess":39057,"Ġgrill":39058,"VERTISE":39059,"ĠFoods":39060,"Ġtournaments":39061,"Ãĵ":39062,"ĠMarsh":39063,"Ġwonders":39064,"Longitude":39065,".CommandText":39066,"=input":39067,"_encoder":39068,"pageSize":39069,"ĠgetState":39070,">>Ċ":39071,".grey":39072,"pod":39073,"Ġreadings":39074,"Ġreconsider":39075,"Startup":39076,"Ġexcer":39077,".balance":39078,"_cycle":39079,"_Time":39080,"LOCAL":39081,"ĠEFI":39082,"ĠReyn":39083,".setForeground":39084,"byn":39085,"Ġdisconnected":39086,"ACTIVE":39087,"Ġembedding":39088,"ickers":39089,"Ġsurroundings":39090,"*c":39091,"Ġgarant":39092,"Ġbf":39093,"Ġwipe":39094,"Ġä¸ĭ":39095,"_TRA":39096,"adox":39097,"çķ":39098,"Ġsucks":39099,"ĠSongs":39100,"ĠAssociates":39101,"ĠBald":39102,"ĠBrett":39103,"venile":39104,"Ġvt":39105,"Ġinade":39106,"Ġresigned":39107,"ĠGlenn":39108,".pattern":39109,".DataBind":39110,"Ñĥм":39111,"LayoutInflater":39112,"chet":39113,"ĠTestament":39114,".ms":39115,"Ġpav":39116,"ĠReactDOM":39117,"urdy":39118,"ADATA":39119,"Mu":39120,"/actions":39121,"ĠJs":39122,"_extract":39123,"ĠBring":39124,":id":39125,"strt":39126,"ivation":39127,"Ġoutright":39128,"azu":39129,"loyment":39130,"иÑı":39131,"aldo":39132,"ĠPublisher":39133,"Education":39134,"Palette":39135,"_drv":39136,"Ġ($(":39137,"ĠAnda":39138,"Ġremedy":39139,"Ġinconsistent":39140,"tection":39141,"Ġregulators":39142,"Ġshortest":39143,"(pair":39144,"ĠInstallation":39145,"Ġdefendants":39146,"Ġ();":39147,"-large":39148,"Mel":39149,"Ġthreaten":39150,"нÑı":39151,"Ġfetish":39152,"otine":39153,"_dic":39154,"Ġ<$":39155,"Ġstagger":39156,"spi":39157,"$response":39158,"Serv":39159,"-born":39160,"jos":39161,"ĉimg":39162,"ĉWHERE":39163,"_lt":39164,"å½ĵ":39165,".cost":39166,"ĠTue":39167,".labels":39168,"ĠLV":39169,"wcsstore":39170,"ĠJesse":39171,"ห":39172,"Trade":39173,"Ġpredecessor":39174,"ëĤ":39175,"finally":39176,"_general":39177,"oggler":39178,"_REGION":39179,"nement":39180,"Ġblogger":39181,"ĠHarbor":39182,"ĠDataset":39183,"[w":39184,"Ġattendees":39185,".ico":39186,"maximum":39187,".Unlock":39188,"_SYNC":39189,"ágina":39190,"Ġdowns":39191,"ĠWii":39192,"])/":39193,"Ġkicking":39194,"unication":39195,"ĠDAC":39196,"ĠIDS":39197,"ĠRental":39198,"ĠcurrentTime":39199,"Ġvaccines":39200,"ĠDevil":39201,"Ġnors":39202,"_mouse":39203,"urrection":39204,"(no":39205,"Ġ>čĊ":39206,"Ġaggression":39207,"Ġbreeding":39208,".symbol":39209,"iman":39210,"AbsolutePath":39211,"ĠWHO":39212,"_flush":39213,"-root":39214,"arna":39215,"&M":39216,"Ġfathers":39217,"ĠRocket":39218,"iveau":39219,"Ġwander":39220,"Ġcompos":39221,"ĠWarrior":39222,"ĠSeat":39223,"ĠClinic":39224,"_invoice":39225,"(dispatch":39226,"Producto":39227,"aturing":39228,"ossier":39229,"ĠMAY":39230,"Ġdagger":39231,"Ġsanitized":39232,"ĠRFC":39233,"Ġproph":39234,"Ġurine":39235,"Ġgrind":39236,"ĠExpanded":39237,"descripcion":39238,"-fw":39239,"ĠKerry":39240,"=name":39241,"Ġchk":39242,"Ġnationally":39243,"Ġthee":39244,"Inc":39245,"Ġ?>>":39246,".RadioButton":39247,".HttpServletResponse":39248,"/Y":39249,"ĉfield":39250,"Ġhomme":39251,"yper":39252,"Physical":39253,"=v":39254,"Ġdriv":39255,"ĠErrors":39256,"ĠcÄĥ":39257,"Death":39258,"ĠWINDOW":39259,"Ġpoet":39260,"ĠSharp":39261,"ĠImmutable":39262,"ĉcreate":39263,"Ġgeht":39264,"ĠReform":39265,"aiser":39266,"ĠInitialization":39267,"Ġimmunity":39268,".compose":39269,"Ġlatency":39270,"ĠLebanon":39271,"ĠParad":39272,"Ġfuels":39273,"ĠExhib":39274,"coh":39275,"%\">Ċ":39276,"ĠCLI":39277,")initWith":39278,"-Za":39279,"_CLEAR":39280,"regn":39281,"Ġfinances":39282,".standard":39283,"_CATEGORY":39284,".library":39285,"Ġtravelers":39286,"_wp":39287,"ĠEvaluation":39288,"starting":39289,"Ġ)),Ċ":39290,"episode":39291,"ĠVariant":39292,"Ġdaemon":39293,"ĠJulia":39294,"ĠNR":39295,"Ġdoubles":39296,"'":39526,"Ġqueryset":39527,";}čĊ":39528,"ĠPopulation":39529,"utedString":39530,"resident":39531,"_FONT":39532,"ĠRespond":39533,"Ġobscure":39534,"Ġobservable":39535,"ĠContributors":39536,"kon":39537,"ĠMusk":39538,"exao":39539,"ĠTub":39540,"BootApplication":39541,"SOR":39542,".Horizontal":39543,".findBy":39544,".power":39545,"Ġpositively":39546,"venience":39547,"ĠJong":39548,"Ġwhistle":39549,"ĠзнаÑĩ":39550,"Ġlending":39551,"Ġdestructive":39552,"ĠonDelete":39553,"authorization":39554,"();?>":39555,"_original":39556,"science":39557,"atra":39558,"?,?,":39559,"ĠAsc":39560,"Ġconvincing":39561,"$a":39562,"orgen":39563,"_Date":39564,"ĠProvide":39565,"Ġlonely":39566,")'Ċ":39567,"exchange":39568,";?>Ċ":39569,".fast":39570,"Samples":39571,"London":39572,"'])čĊ":39573,"ĠIonic":39574,"Ġpesso":39575,"ĠKnights":39576,"ĠRaf":39577,"_attrs":39578,"Ġrepeal":39579,">Main":39580,"ĠOrdered":39581,"_New":39582,"=\"\">\";Ċ":39663,"ĠSERVER":39664,"ĠHEADER":39665,"_velocity":39666,"ĠInvoke":39667,".timestamps":39668,"Ġsulf":39669,"IQUE":39670,"Ġinhabitants":39671,"phins":39672,"azzo":39673,"Ġmono":39674,"Legend":39675,"Ġnonce":39676,"IFE":39677,";\";Ċ":39678,"-create":39679,"\"\",Ċ":39680,"permit":39681,"ĠImmigration":39682,"Ġpathname":39683,"ffective":39684,"âĻĢâĻĢ":39685,"Ġexams":39686,"-event":39687,"ĠTill":39688,"[mid":39689,"FIX":39690,";color":39691,"(Order":39692,"_traits":39693,"ĠorderBy":39694,"Ġsunt":39695,"ĠNicholas":39696,"ز":39697,"Ġsunny":39698,"iners":39699,"Ġaccessibility":39700,"ĠHB":39701,".comp":39702,"ĉop":39703,"Ġminorities":39704,"etheus":39705,"Ġcollaborative":39706,"prit":39707,"HIR":39708,"Ġwraps":39709,"ĉdraw":39710,"god":39711,"ĠIX":39712,".apps":39713,"ĠNM":39714,"Ġirrelevant":39715,"ĠTigers":39716,"Ġdiag":39717,"GV":39718,"ĠAccessories":39719,"kont":39720,"Ġsimplify":39721,"ĠFavorite":39722,"_tools":39723,"([]);Ċ":39724,"Ġtowers":39725,"Bes":39726,"Ġhunter":39727,"Ġsalon":39728,"(buff":39729,"ĉdebug":39730,"Ġmalware":39731,"Moving":39732,"-options":39733,")+'":39734,"ĠLOVE":39735,"_SOCKET":39736,"_fin":39737,"ĠDelaware":39738,"Ġsheriff":39739,"-invalid":39740,"ĠFULL":39741,"Ġпод":39742,"elas":39743,"\"strings":39744,"ĠRepresentatives":39745,"surface":39746,"resolved":39747,"htdocs":39748,")):čĊ":39749,"Ġpressures":39750,"Ġnorms":39751,"Ġpla":39752,"Ġsurname":39753,"Ġpostal":39754,"ĠDepart":39755,"Ġslaughter":39756,"orida":39757,"Ġhebben":39758,"Ġdesar":39759,"compact":39760,"_LANG":39761,"åIJĪ":39762,"opoly":39763,"_rad":39764,"ĠSTDMETHOD":39765,"Lazy":39766,"ĠĠĠĉ":39767,"...,":39768,"(web":39769,"ĠPont":39770,"Ġetwas":39771,"Ġupward":39772,"_hat":39773,"Ġ],ĊĊ":39774,"ĠbaseUrl":39775,"Ġworrying":39776,"-addon":39777,"(getClass":39778,"SPI":39779,"Ġcapturing":39780,")},Ċ":39781,"Effects":39782,"Ġcompetent":39783,"Ġfoul":39784,"Ġsubscribing":39785,"ĠOBJECT":39786,"IXEL":39787,"bucks":39788,"(edge":39789,"(pass":39790,"ĠPeterson":39791,"Ġboobs":39792,"ĠDelay":39793,"_square":39794,"elim":39795,"oters":39796,"_PC":39797,"%E":39798,"onclick":39799,"ĠSVG":39800,"Ġtopped":39801,"Ġfist":39802,"smart":39803,"ĠRalph":39804,"(owner":39805,"jours":39806,"Ġbronze":39807,"ĠArgumentException":39808,"(original":39809,"_SCALE":39810,"_cp":39811,"Ġrecommends":39812,".setStyle":39813,"Sure":39814,"LAND":39815,"Ġrepeating":39816,"Matt":39817,".Visibility":39818,"Ġenterprises":39819,".Setup":39820,"(scene":39821,"ĠReactive":39822,"urge":39823,"bw":39824,".Put":39825,"persist":39826,".cookie":39827,"ĠAudi":39828,"`s":39829,"supplier":39830,"(Form":39831,"¡":39832,"_so":39833,"ĮĢ":39834,"ĠLegion":39835,"tte":39836,"Nd":39837,"Loss":39838,"(attrs":39839,".scatter":39840,"Ġgroom":39841,"Ġglimpse":39842,"Ġnails":39843,"Ġcumulative":39844,"Ġfazer":39845,"_services":39846,".Num":39847,"ibilit":39848,"_resolution":39849,"ĠTx":39850,"uminium":39851,"opa":39852,".schedule":39853,"smtp":39854,"à¸ķ":39855,"urry":39856,"ük":39857,"goog":39858,"_signature":39859,".into":39860,"ĠSteps":39861,"Ġhomeowners":39862,"ĠNSURL":39863,"ĠPAC":39864,"ĠĠĠĠĠĠĠĠĠĠĠĠĊĊ":39865,">')Ċ":39866,"enh":39867,"Ġincap":39868,"$MESS":39869,"Ġmoins":39870,"ĠFi":39871,"Ġoffseason":39872,"pressions":39873,">.Ċ":39945,"ĠGrass":39946,"ĠGoal":39947,"_pdf":39948,"Handlers":39949,"Ġstacks":39950,".getFullYear":39951,"=[];Ċ":39952,"车":39953,",V":39954,"(split":39955,"Ñĥнк":39956,"Ġbakeca":39957,"Ġ~/.":39958,"pez":39959,"tails":39960,"ĠGlen":39961,"ĠsetImage":39962,"ĠComic":39963,"BLOCK":39964,"ĉThis":39965,"oader":39966,"Ġcapitalist":39967,"_STEP":39968,"(Boolean":39969,"ĠCorrect":39970,"rina":39971,"Ġconcaten":39972,"å®ŀ":39973,"():ĊĊ":39974,"Ġunanim":39975,"lli":39976,"alars":39977,"-ne":39978,"Ġdivor":39979,"ĠKickstarter":39980,"]._":39981,"*'+":40622,"åĿĢ":40623,"acency":40624,"(URL":40625,"_half":40626,"=l":40627,"ĠlistView":40628,"(section":40629,".toArray":40630,"+/":40631,"ĠRodriguez":40632,"istream":40633,"Ġeligibility":40634,"::-":40635,".newInstance":40636,"PB":40637,"ĠAssets":40638,"ĠComposite":40639,"ĠLabs":40640,"ĠHamas":40641,"++);Ċ":40642,"Ġblk":40643,"ĠNeo":40644,"Luc":40645,"@login":40646,"Ġunaware":40647,".met":40648,"_RELEASE":40649,"(ST":40650,"AMIL":40651,"rike":40652,"Ġ(){Ċ":40653,"(sprintf":40654,"ĠAccounts":40655,"ĠVIEW":40656,"ĠAj":40657,"ãĤ°":40658,"Ġwhisk":40659,"Ġidi":40660,"Ġrode":40661,"Ġihn":40662,"ĠElementary":40663,"Qty":40664,"Ġintriguing":40665,"Ġå¤":40666,"Jobs":40667,"ĉoffset":40668,"ĠAhmed":40669,"ĠTaliban":40670,"Ġèİ·åıĸ":40671,"Ġinjected":40672,".Authentication":40673,"_linear":40674,".Decimal":40675,"Ġapples":40676,"Ġshareholders":40677,"Ġbaked":40678,".diff":40679,"ĠEddie":40680,"okers":40681,"Ġconfronted":40682,"voices":40683,"Ġtus":40684,"ĠSpin":40685,"NODE":40686,"_Un":40687,"CTX":40688,"/google":40689,"Temperature":40690,"Ġ'').":40691,"Ġmagnificent":40692,"ĠstartIndex":40693,"sembles":40694,"Anyone":40695,"zk":40696,"ehen":40697,"ĠDame":40698,".strict":40699,"Ġreplaces":40700,"Ġlineback":40701,"Ġpushes":40702,"Ġcheek":40703,"ĠShi":40704,"_BYTES":40705,"REA":40706,"ản":40707,"_CONNECTION":40708,"Gateway":40709,"ĠTravis":40710,"ĠAX":40711,"ĠBasically":40712,"ĠUpgrade":40713,"àª":40714,"themes":40715,"ermo":40716,"kor":40717,"Female":40718,"_attach":40719,"ĠìĤ¬ìļ©":40720,"Ġpoz":40721,"==============Ċ":40722,"(symbol":40723,"ĠSector":40724,"__)ĊĊ":40725,"_padding":40726,"ï¼ļ\"":40727,"Ġfabs":40728,"Ġranged":40729,"setName":40730,"Ġperror":40731,"âĹ":40732,"ĠFileReader":40733,"Ġfulfilled":40734,"_Current":40735,"Ġdominate":40736,"Ġsmugg":40737,"PostMapping":40738,"_force":40739,"Ġbloc":40740,"ĠGiant":40741,"(video":40742,"ĠCU":40743,"SystemService":40744,"Ġelf":40745,"Ġkontakt":40746,"ëª":40747,"kees":40748,"gtk":40749,"ĠparamInt":40750,"Ġmarkup":40751,"uales":40752,"Ġaccounted":40753,"Ġgangbang":40754,"RYPT":40755,"ĠWrong":40756,"Ġcredited":40757,"ĠMESSAGE":40758,"Ġflaws":40759,"Ġbbw":40760,"Ġmetabolic":40761,"ĠOEM":40762,"/event":40763,"(Collectors":40764,"monton":40765,"appear":40766,"Ġopted":40767,"Ġcheat":40768,"Ġdav":40769,"ĠProceed":40770,"Ġê¸":40771,"anked":40772,"из":40773,"ansk":40774,"ĠHang":40775,"ĠCler":40776,"Ġdisgu":40777,"Ġcmap":40778,".cljs":40779,"Ġaument":40780,"lez":40781,"ĠJoined":40782,"_received":40783,"Ġaerial":40784,"otel":40785,"Ġgreet":40786,"\"s":40787,"ĠGenesis":40788,"ĠCalif":40789,"panion":40790,"Ġtailored":40791,"mapping":40792,"andExpect":40793,".track":40794,"atomy":40795,"ĠOw":40796,"ullah":40797,".Yes":40798,"ĠSimpleName":40799,"dbh":40800,"'en":40801,"Ġnonsense":40802,"Ġphilosophical":40803,"(getContext":40804,"Ġisso":40805,"ĠACE":40806,"startDate":40807,"ĠbÄĻd":40808,"ĠAUTHOR":40809,"ĠGlobe":40810,"Ġinsects":40811,"_Al":40812,"ushing":40813,"è®°":40814,"/Home":40815,"ĠLocalDate":40816,"needed":40817,"hesive":40818,"Ġillusion":40819,"äºĮ":40820,"Ġtrat":40821,"xo":40822,"/detail":40823,"_MATCH":40824,"Ġbroadband":40825,"Ġwal":40826,"ĠIllegalStateException":40827,"IRECTION":40828,"Ġnortheast":40829,"esium":40830,"ĠCliente":40831,"ulance":40832,"nty":40833,"Ġtecn":40834,"Devices":40835,"Ġgrains":40836,"ĠOg":40837,"ĠSEL":40838,"udiant":40839,"Ġ++;Ċ":40840,"Ġexplanations":40841,"occo":40842,"Ġdiets":40843,"Ġcohort":40844,"(controller":40845,".Iterator":40846,"-rich":40847,"rocess":40848,"GD":40849,"Ġcarbohydr":40850,"Ġfried":40851,"ĠEmployment":40852,"ìŀ¥":40853,"ĠLeonard":40854,"_${":40855,"quares":40856,"Ġcompanions":40857,"Ġparis":40858,"Ġstimulation":40859,"ĠZoo":40860,"Ġrelevance":40861,"ĠColour":40862,"Ġspear":40863,"otional":40864,"ĠLite":40865,"ĠKosten":40866,"Ġó":40867,"_attachment":40868,"orphic":40869,"Ġdamit":40870,"Ġdlg":40871,"Ġthrive":40872,"CHANGE":40873,"ĠApparently":40874,"Ġatual":40875,"Ġrooted":40876,"(images":40877,"awi":40878,"ariat":40879,"Ġcherry":40880,"STATIC":40881,"mnt":40882,"ĠUserId":40883,"illet":40884,"ĠHispanic":40885,"Ġnak":40886,"Ġcentro":40887,"Ġdims":40888,"_initialize":40889,"ık":40890,"ĠCenters":40891,"REN":40892,"Ġevolutionary":40893,"ĠTopics":40894,"_damage":40895,"emer":40896,"Ġrund":40897,"Ġpunished":40898,"Ġcubic":40899,"fair":40900,"[];ĊĊ":40901,"Ġinstantiate":40902,"Ġoversee":40903,"-delete":40904,"unteer":40905,"startTime":40906,"ĠPipeline":40907,"_GAME":40908,"ĠCir":40909,"ĉNull":40910,".Formatting":40911,"ucumber":40912,"ĠRide":40913,"Ġzoo":40914,"Ġchecker":40915,"åIJĮ":40916,"=C":40917,"Ġgrit":40918,"\");//":40919,"_xy":40920,"ĠDeclaration":40921,"Ġcallable":40922,"Foo":40923,"ĠListItem":40924,"Ġinaccur":40925,"mlin":40926,"ĉData":40927,"Ġevolving":40928,"awan":40929,"Ġcafe":40930,"folk":40931,"_IDX":40932,"ĠAnything":40933,"ĠPalestine":40934,"ĠGridView":40935,"Ġcolony":40936,"ĠGermans":40937,"(+":40938,".pid":40939,".jsx":40940,"ĠSuperior":40941,"Christian":40942,"ĠLect":40943,"ĉGame":40944,"Ġinstrumental":40945,"Animations":40946,"дал":40947,"ĠMoses":40948,"ĉĉčĊĉĉčĊ":40949,"zs":40950,"kte":40951,"ä¸ļ":40952,"_DIST":40953,"bitmap":40954,"dB":40955,"Ġpersistence":40956,"ÑĢоÑģ":40957,"$l":40958,"Bron":40959,"Ġ{|":40960,"_chart":40961,"ĠConsum":40962,"Ġhemp":40963,"Ġ\"))Ċ":40964,"Ġattackers":40965,"Ġknowledgeable":40966,"Ġcet":40967,"Ġviruses":40968,"'I":40969,"Ġpitcher":40970,"Ġsweeping":40971,"=list":40972,"aptops":40973,".depth":40974,"Ġinstructed":40975,"ĠRus":40976,"benhavn":40977,"Ġин":40978,"Sports":40979,"Ġonset":40980,"æĿĥ":40981,".RED":40982,"_si":40983,"ĠPST":40984,".onChange":40985,">tag":40986,"ĠRoh":40987,"_character":40988,"ĠLaws":40989,"ĠBachelor":40990,"_swap":40991,".reactivex":40992,"Ġrewarding":40993,"Medium":40994,"-[":40995,"ĠRecently":40996,"Joint":40997,"partition":40998,"ĠMinutes":40999,"Ġindo":41000,"Ġabsorbed":41001,"ĠGN":41002,"_IND":41003,"Ġsaber":41004,"Spawn":41005,"outputs":41006,"ĠJeffrey":41007,"Ġmedieval":41008,"hed":41009,"Guide":41010,"Ġpsycho":41011,"Ġglam":41012,"Elim":41013,"ädchen":41014,"_plain":41015,"ĠSau":41016,"-four":41017,"Ġanalyzing":41018,"QUERY":41019,"Ġtomato":41020,"_buttons":41021,"VEN":41022,".setStatus":41023,".Url":41024,"+ĊĊ":41025,"Ġcomplaining":41026,"degree":41027,"confirmed":41028,"Ġsubt":41029,"parsed":41030,"Ġtorque":41031,"Ġtroubled":41032,"ĠTARGET":41033,"Ġtrademarks":41034,"ĠCoordinate":41035,"ĠViv":41036,"Ġ//}ĊĊ":41037,"Ġaprès":41038,".getPosition":41039,"(KeyCode":41040,"ĠSilva":41041,"Ġmeteor":41042,"Ġendorsement":41043,"Overview":41044,"ĠPoss":41045,".Inject":41046,"Ġevenly":41047,"Ġvisualization":41048,"Ġwchar":41049,"ĠHDMI":41050,"Ġfunct":41051,"ickname":41052,"','','":41053,"Ġforwards":41054,"ManagedObject":41055,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":41056,"ĉserver":41057,"ĠOutlook":41058,"ĠChronicle":41059,"Ġdubbed":41060,"Ġdok":41061,"ĠWear":41062,".AL":41063,"paren":41064,".Interface":41065,"Interfaces":41066,".cod":41067,"Ġdib":41068,".Globalization":41069,"ĠAcademic":41070,"Ġassms":41071,"Autom":41072,"Ġlw":41073,"ĠNW":41074,"Ġ&&čĊ":41075,"Ġproblema":41076,"ĠManufacturing":41077,"limits":41078,"-mobile":41079,"Ġfilme":41080,"/map":41081,"Ġdoit":41082,"ĠInk":41083,"Ġsued":41084,".arr":41085,"Ġundermin":41086,"ĠProc":41087,"crollView":41088,"__$":41089,"Ġsidewalk":41090,"(that":41091,"ื":41092,"[q":41093,"grammar":41094,"Ġtë":41095,"quito":41096,"Ġspiral":41097,"extended":41098,"Ġfocal":41099,"Ġdigging":41100,"pas":41101,"ĠTall":41102,".proxy":41103,"itures":41104,"TRACT":41105,"ĠRealm":41106,"Ġfeder":41107,"Ġoriented":41108,"ĠAlternative":41109,"Ġowe":41110,"Ġsourced":41111,"inker":41112,".det":41113,"Sep":41114,"ĠQui":41115,"ĠPalmer":41116,"(_,":41117,"samples":41118,"oyer":41119,"ullan":41120,"quez":41121,"Edges":41122,"Ġshout":41123,"ĠAchie":41124,"Ġhaar":41125,"_Construct":41126,"Ġpremature":41127,"Ġrevert":41128,"').Ċ":41129,"Ġschn":41130,"filtered":41131,"nullptr":41132,"Saved":41133,"itecture":41134,"CLA":41135,"Ġvl":41136,"stell":41137,"ĉMe":41138,"ĠLip":41139,"national":41140,"Ġwholly":41141,"Ġsprings":41142,".Timer":41143,"ĉsrc":41144,"elsen":41145,"åħ¶":41146,"Ġcommunicating":41147,"ĠQuiz":41148,"Ġteng":41149,"Ġgez":41150,"ĠOutside":41151,".Sign":41152,"(cs":41153,"Ġdisputes":41154,"ĠWeiss":41155,"annes":41156,">No":41157,"ĠBach":41158,".removeAll":41159,"refer":41160,"/dashboard":41161,"ĠAjax":41162,"IndexChanged":41163,"ĠWeak":41164,"'\"Ċ":41165,"Ġsights":41166,"accessToken":41167,"ĠJoi":41168,"(domain":41169,"ĉcv":41170,"Ġcontinuation":41171,"Ġplum":41172,"adir":41173,".setMessage":41174,"Ġï¼Į":41175,"Ġswallow":41176,"ĠLamp":41177,"Ġqw":41178,"Ġuu":41179,"Coin":41180,"ubic":41181,"ĠDeals":41182,"race":41183,"Ġdictator":41184,"Ġmeme":41185,"turned":41186,"ĠJulie":41187,".gridColumn":41188,"Ġpuppy":41189,"Ġpam":41190,"Ġ){čĊ":41191,"Ġinviting":41192,"Ġfrench":41193,"vim":41194,"Ġwrapping":41195,"Ġ#-}Ċ":41196,"([-":41197,"Early":41198,"Ġshiny":41199,".faces":41200,"Ġrebell":41201,"abcdef":41202,"ält":41203,"Ġestimation":41204,"phys":41205,"losures":41206,"_REL":41207,"Ġexclusion":41208,"ĠSkype":41209,"weise":41210,"-stop":41211,"nothing":41212,"ĠEgg":41213,"isors":41214,"Richard":41215,"Ġcounseling":41216,"Ġcommem":41217,"ĠQMessageBox":41218,"ĠSynd":41219,"ĠFrost":41220,"ĠCompetition":41221,"ĠAwake":41222,"Ġted":41223,"iciones":41224,"ĠDevComponents":41225,"VERTISEMENT":41226,"otti":41227,".runner":41228,"Ġuniquely":41229,".flag":41230,"ĉrs":41231,"_generic":41232,"Ġ```Ċ":41233,"ACHINE":41234,"Ġmein":41235,"(Application":41236,"(br":41237,"Ġratios":41238,":,":41239,"ĠXCTest":41240,"ustainable":41241,"-www":41242,"itles":41243,"_TEMP":41244,"Ġsyst":41245,"umericUpDown":41246,"ĉassertTrue":41247,"Ġwf":41248,".peek":41249,"ĠBulg":41250,"Ġterrifying":41251,".MODE":41252,"ĠGW":41253,"ár":41254,"Ġfic":41255,"Ġcommitments":41256,"-tech":41257,"ĠLiquid":41258,"opez":41259,"zheimer":41260,"aña":41261,"-media":41262,"(animated":41263,"_goal":41264,"Ġgum":41265,"ystone":41266,".SET":41267,"ĠWend":41268,"setCellValue":41269,"Ġmsgs":41270,"cash":41271,"ALLOC":41272,"/aws":41273,"Ġmicrowave":41274,".Pointer":41275,"ĉConsole":41276,"_sorted":41277,"ĠFilip":41278,"Prod":41279,"Ġ//!<":41280,"ingroup":41281,"Ġks":41282,"_TRI":41283,"Ġteaspoon":41284,"ĠATT":41285,"Ġrecovering":41286,"ĠGLOBAL":41287,".Par":41288,"Ġ/>;Ċ":41289,"Ġmarble":41290,"ulators":41291,"ĠCycle":41292,"Ġherbs":41293,"_metric":41294,")!":41295,"_CLOCK":41296,"_Button":41297,"Harry":41298,"è¿Ľ":41299,"Ġstrains":41300,"ĠAppBar":41301,"ĠChan":41302,"/video":41303,"Ġbam":41304,".Progress":41305,"$f":41306,"lemen":41307,"Ġirregular":41308,"ĠDuncan":41309,"ĠMint":41310,"-video":41311,"া":41312,"ówn":41313,"ĠEMPTY":41314,"Ġstacked":41315,"ĠHA":41316,"_cut":41317,"Ġwherein":41318,"ĠWays":41319,"(counter":41320,"è¯ķ":41321,"FormGroup":41322,"Ġblew":41323,"courses":41324,"Ġproductos":41325,"rys":41326,"ĠRestr":41327,"Ġstyling":41328,">s":41329,"Ġpiv":41330,"Ġitertools":41331,"getRepository":41332,"ĠIk":41333,"_devices":41334,"layui":41335,"Ġhalfway":41336,"Ġfranç":41337,"Ġtuning":41338,"OA":41339,"_Node":41340,"arde":41341,"Ġfierce":41342,"licted":41343,"#čĊ":41344,"Ġbreakthrough":41345,"ĠErik":41346,"Ġbride":41347,"Ġ.\"":41348,"culus":41349,"inside":41350,"ĠIndianapolis":41351,"ĠEE":41352,"Ġyog":41353,"urret":41354,".fs":41355,".grad":41356,"_cards":41357,"_accuracy":41358,"_epi":41359,"queda":41360,"/org":41361,"éªĮ":41362,"Ġcompte":41363,"))[":41364,"Outside":41365,"Greater":41366,"ĠRenderer":41367,".actor":41368,"Accounts":41369,"Idle":41370,"_hours":41371,"erner":41372,"Joined":41373,"Ġmenj":41374,"requires":41375,"ĠOPER":41376,".removeChild":41377,"ĉsp":41378,"Ġesse":41379,"rift":41380,"xFE":41381,"ĠShakespeare":41382,"____________":41383,"Ġbudgets":41384,"ModelState":41385,"fillable":41386,"-component":41387,"ocos":41388,"ĠBUTTON":41389,"/io":41390,",out":41391,"sms":41392,"Thomas":41393,"ĠArmed":41394,"resume":41395,"Ġrotating":41396,"ĠVault":41397,"Ġseus":41398,".(*":41399,"Ġamino":41400,"Ġ[]);ĊĊ":41401,"Ġprovoc":41402,"nox":41403,".GetEnumerator":41404,"=======Ċ":41405,"æĸĻ":41406,"_scroll":41407,"Ġfilmed":41408,"ĠSoci":41409,"gap":41410,"gro":41411,"Vote":41412,"\"But":41413,"_RC":41414,"Animal":41415,"ÂĢ":41416,"ibile":41417,"Ġawaken":41418,"orest":41419,"inja":41420,"ĠIvan":41421,"(Command":41422,"Ġ*****":41423,"η":41424,"Ġkvinder":41425,"/helpers":41426,"_cases":41427,"tg":41428,"ìĦ¸":41429,"Registered":41430,"ĉpass":41431,"_digits":41432,"Ġcontour":41433,"Ġinfants":41434,"Ġjustification":41435,"ĠFortunately":41436,"Contr":41437,"ĠonCreateView":41438,"_SAMPLE":41439,"ĠallowNull":41440,"Ġnud":41441,"Ġfetched":41442,"_equ":41443,"ĠUnable":41444,"=\\\"\"":41445,">{Ċ":41446,"Ġcommittees":41447,"istema":41448,"+\".":41449,"ÃŃan":41450,"mant":41451,"Ġsoutheast":41452,"ï¼ĮĊ":41453,"dialogs":41454,"PROJECT":41455,"charger":41456,"-port":41457,"(uuid":41458,".export":41459,"Six":41460,"ĠRP":41461,"Prem":41462,"Ġconscience":41463,"ĠmarginRight":41464,"_distribution":41465,"yaml":41466,"resizing":41467,"Dock":41468,"ĠLocations":41469,"GY":41470,"Seed":41471,"BUFFER":41472,"ossip":41473,"ullen":41474,"Things":41475,"-self":41476,".poll":41477,"PLAYER":41478,"Ġå®":41479,"GROUP":41480,"ĠAway":41481,"Ġgospel":41482,"xfd":41483,"Mary":41484,"ĠPortable":41485,"TURE":41486,"Ġutilis":41487,"Ġseit":41488,"Ġstrand":41489,"Ġtransc":41490,"Ġ(^":41491,"ĠAlfred":41492,".mem":41493,".circle":41494,"Ġ~/":41495,"forcing":41496,"Ġriot":41497,"prox":41498,"THON":41499,"ización":41500,"ĠNI":41501,"rost":41502,"Ġdispro":41503,"_instances":41504,"ï¼ĮâĢľ":41505,"ographer":41506,"endas":41507,"ĠIsaac":41508,"ĠPine":41509,"/dis":41510,"ĠcolorWith":41511,"iterate":41512,"_stride":41513,"Ġpunto":41514,".EventArgs":41515,"(center":41516,"Ġneighboring":41517,"ĠPrison":41518,"ĠMessenger":41519,"Ġepidemic":41520,"dao":41521,"_complex":41522,"Ġgravel":41523,"_DIP":41524,"ément":41525,"ĠAri":41526,"_bitmap":41527,".quit":41528,"(valid":41529,"Ġpend":41530,"Ġrespiratory":41531,"Ġrebound":41532,"DefaultValue":41533,"ãĥŃ":41534,"Ġcommits":41535,".tests":41536,"_fr":41537,"itet":41538,".sf":41539,"Ġspacecraft":41540,"critical":41541,"Ġdepressed":41542,"ĠAnyObject":41543,"Ġunb":41544,"Ġdiscern":41545,"(mysql":41546,"Latin":41547,"ĠBog":41548,"ĠWildlife":41549,"ToFile":41550,"ioxid":41551,"@RestController":41552,"Ġ\"$(":41553,"Ġ<<\"":41554,"Ġdefects":41555,"Ġdatum":41556,"hin":41557,"Ġrealizar":41558,"anyahu":41559,"ĠSig":41560,"@Data":41561,"adaptive":41562,"ĠCatherine":41563,".cr":41564,"ĠCOOKIE":41565,"Ġpictured":41566,"ĠFighter":41567,"Queryable":41568,"ĠAnyway":41569,"ĠGLFW":41570,"_namespace":41571,"_ft":41572,"Ġ])":41573,"Organization":41574,"Ġconstitutes":41575,"Ġquand":41576,"(chunk":41577,"\"/>čĊ":41578,"ĠLakes":41579,"mainwindow":41580,"Carthy":41581,"spin":41582,"(csv":41583,":red":41584,"-commerce":41585,"ู":41586,"Ġdiscovering":41587,"Ġeco":41588,"_fac":41589,"inceton":41590,"ĠGreens":41591,"jwt":41592,"ص":41593,"ĠBroncos":41594,"ĠGoods":41595,"(GTK":41596,"ĠreturnValue":41597,"Ġsiempre":41598,"Ġneutr":41599,"went":41600,"ĠNatal":41601,"Ġenthusiastic":41602,"á»į":41603,"FN":41604,"/database":41605,"Catalog":41606,"Ġbrun":41607,"ĠKash":41608,"_Pl":41609,"iscrim":41610,",width":41611,"Ġinmates":41612,"Assignment":41613,"ĠHaven":41614,"Ġplayground":41615,"exam":41616,"@Controller":41617,"uliar":41618,".getParent":41619,"Ġ\";ĊĊ":41620,":size":41621,"issors":41622,"Ġfis":41623,"Ġalc":41624,"ensation":41625,"ĠNixon":41626,"Ġmighty":41627,"-str":41628,"_special":41629,"_ADC":41630,"ĠTwig":41631,"umbling":41632,"-address":41633,"Ġheroin":41634,"YTE":41635,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ":41636,"Friend":41637,"Ġave":41638,"ĠPNG":41639,"ĠKurdish":41640,"DataSetChanged":41641,"Ġblades":41642,"bral":41643,"Steam":41644,"Ġsigu":41645,"IRTUAL":41646,"acos":41647,"UDP":41648,"(database":41649,"hec":41650,"ĠStrings":41651,"_scalar":41652,"ĉdesc":41653,"ĠTLS":41654,";\"Ċ":41655,"ĠCorbyn":41656,"SimpleName":41657,"uell":41658,"ĠEntre":41659,"ellites":41660,"-place":41661,"Ġfrankly":41662,"ĠErf":41663,"CEL":41664,"ĠpaÃŃs":41665,"Ġhedge":41666,"Ġlatent":41667,"ĠIRQ":41668,"ĠHerald":41669,"ĠPrec":41670,"ë³´":41671,".TEXT":41672,"Salary":41673,"Ġautumn":41674,"Ġtravail":41675,".Sum":41676,"Ġcared":41677,"Mor":41678,"Ġintuitive":41679,"Ġjournals":41680,"_IT":41681,"ĠTrou":41682,"ä¼ł":41683,"HasColumnName":41684,"Composite":41685,"Ġspice":41686,"_disk":41687,"_CODES":41688,"ĠIntroduced":41689,"iona":41690,"Ġnuestra":41691,"oct":41692,"ĠĠĠĠĊĠĠĠĠĊĠĠĠĠĊ":41693,"(parameter":41694,"Ġstudios":41695,"ĠprojectId":41696,"Ġbdsm":41697,".SqlClient":41698,"imizer":41699,"ĠCARD":41700,"+t":41701,"aan":41702,".sol":41703,"_Adjust":41704,"Ġrighteous":41705,"ĠLogging":41706,".filters":41707,"_TAB":41708,"ĉsys":41709,"rophic":41710,"otherapy":41711,"ĠBrowse":41712,"keyboard":41713,"RON":41714,"+\\":41715,"ropped":41716,"Ġextensively":41717,"fk":41718,"Ġlime":41719,"years":41720,"Exc":41721,"Ġsph":41722,"Ġcheating":41723,"andro":41724,"ÃŃo":41725,"Ġprince":41726,"oire":41727,"ĠDestination":41728,"ĠConverts":41729,"Ġupstream":41730,"oled":41731,"Ġservants":41732,"Ġsemantic":41733,"Ġcrunch":41734,"Ġeventual":41735,"runner":41736,"/error":41737,"Spin":41738,"Ġsecretly":41739,"Ġassemble":41740,".Person":41741,"enderror":41742,"_<":41743,"Ġpendant":41744,"Sleep":41745,"ĠChemistry":41746,"Ġbosses":41747,"lk":41748,"))),Ċ":41749,"Blockly":41750,"DEVICE":41751,"Ġreflecting":41752,"Ġample":41753,"Milliseconds":41754,"ĠPresidential":41755,"Ġusuarios":41756,"ĠNZ":41757,"ĠSalary":41758,"ĠAmanda":41759,"_np":41760,"jury":41761,"Ġkön":41762,"Ġtherapist":41763,"Ġhomosexual":41764,"ĠDrake":41765,"-window":41766,"ĠLocated":41767,".Driver":41768,"ĠVIDEO":41769,"Ġmerchants":41770,"ĠChest":41771,"-lock":41772,"/php":41773,"Ġmilano":41774,"_STYLE":41775,"arger":41776,"idea":41777,"GUID":41778,"advanced":41779,"meal":41780,"OptionsItemSelected":41781,"='%":41782,"ĠCham":41783,":data":41784,"(stat":41785,"WillAppear":41786,"Ġinformal":41787,"aji":41788,"Ġreproductive":41789,"ĠCAS":41790,"ãģ£":41791,"FUNC":41792,"ĠRuth":41793,")+(":41794,"CONST":41795,"ĠFans":41796,"ĠgroupId":41797,"xffffffff":41798,"Ġsampler":41799,"Ġ}}\">":41800,".the":41801,"Ġhollow":41802,"WAY":41803,"ĠFaculty":41804,"AttributedString":41805,"ĠLooks":41806,"ĠRex":41807,"jk":41808,"ĠMIL":41809,"Ġbard":41810,".Long":41811,"Ġlivest":41812,"Ġskal":41813,"icism":41814,"MAIN":41815,"Ġmucho":41816,"BODY":41817,"Ġese":41818,"ĉuse":41819,"Foot":41820,".SQLException":41821,"Ġinheritance":41822,"received":41823,"Ġputas":41824,"edis":41825,"alsa":41826,"ĠErrorMessage":41827,"Booking":41828,"Ġtract":41829,"acz":41830,"ĠCant":41831,"_regex":41832,"Ġideological":41833,"Ġjihad":41834,"hos":41835,"/sys":41836,"colm":41837,"(pool":41838,"Ġestán":41839,"ĠPending":41840,"emás":41841,"Ġktóry":41842,"));ĊĊĊ":41843,"transactions":41844,"Ġwield":41845,"itere":41846,"erture":41847,"_ss":41848,"Ġstretching":41849,"Ġprisoner":41850,".ReadAll":41851,"Ġbesch":41852,"--;čĊ":41853,"Ġcrisp":41854,"_SCAN":41855,"Ġae":41856,"Strict":41857,"ĠMinneapolis":41858,"ĠBoeing":41859,"aris":41860,"rek":41861,"_pipe":41862,"Ġpriests":41863,"(EIF":41864,"ehicles":41865,"ĠInteractive":41866,"between":41867,"ĉNullCheck":41868,"ĠBlair":41869,"ĠLt":41870,"_inline":41871,"ethyl":41872,"¼":41873,"_packages":41874,"Ġbarrels":41875,"_he":41876,"Ġregexp":41877,"_pts":41878,"_Handler":41879,"ingular":41880,"ĠNissan":41881,"ĠRanch":41882,"Ġperch":41883,"Unsupported":41884,"Smith":41885,"ĠLegends":41886,"Mi":41887,"Ġgf":41888,"steder":41889,"Ġacquiring":41890,"Ġsimulator":41891,"(),\"":41892,"receive":41893,"Ġinplace":41894,"ACTION":41895,"ĠWebDriver":41896,"filesystem":41897,"'+Ċ":41909,"Ġcredible":41910,"amat":41911,"playing":41912,".setImageResource":41913,"quel":41914,"Ġpodr":41915,"geom":41916,"Ek":41917,"ĠQatar":41918,"Ġgeld":41919,"?',Ċ":41920,"Ġcyl":41921,"(ax":41922,"ĠWI":41923,"urally":41924,"ĠBrasil":41925,"Ġsenza":41926,"aley":41927,"onen":41928,"Ġbah":41929,"Ġmolecule":41930,"Rad":41931,"è¿°":41932,"ANCH":41933,"-background":41934,"-agent":41935,"Ġprolifer":41936,":boolean":41937,"Ġtide":41938,"erializer":41939,"_;čĊ":41940,"Fee":41941,"**)":41942,"ergy":41943,"ĠHonor":41944,".Logging":41945,"iris":41946,"Ġundermine":41947,"ĠDy":41948,"Ġtyr":41949,"Ġdeque":41950,"Ġdamer":41951,"([])Ċ":41952,".layoutControlItem":41953,"peated":41954,"CAN":41955,"ragments":41956,"Land":41957,")]);Ċ":41958,"ĠSah":41959,"ĠDECL":41960,"Within":41961,"ĠNamespace":41962,"another":41963,"sembling":41964,".describe":41965,"Consum":41966,"ĠFear":41967,"given":41968,"Orange":41969,"This":41993,"ĠdataIndex":41994,"Ġprintable":41995,"ĠEyes":41996,"_targets":41997,"(Py":41998,".over":41999,"Ġbru":42000,"ampton":42001,"Ġplaintiff":42002,");Ċ":42013,"invest":42014,".*ĊĊ":42015,"Ġtélé":42016,"Ġsuperf":42017,"Ġcascade":42018,"DTD":42019,"Ġvivid":42020,"Ġsubsidies":42021,"ĠHass":42022,"Ġcollaps":42023,"Ġceramic":42024,"{}\".":42025,"ĠLeakage":42026,"-trash":42027,"collapsed":42028,"-social":42029,"ĠChad":42030,"Ġinclined":42031,"Ġsto":42032,"Ġstoryboard":42033,".payment":42034,"stackoverflow":42035,"ĠRaiders":42036,"Ġ#'":42037,"olicies":42038,"ìľ¼ë¡ľ":42039,"emap":42040,"Ġkj":42041,"Ġquota":42042,"ĠGardens":42043,"ë²Ī":42044,"ĠAngels":42045,"Ġoft":42046,"Ġlowercase":42047,"ĠiParam":42048,"Ġcheapest":42049,"unta":42050,"_pkt":42051,"icators":42052,"Ġleurs":42053,"Ġdecreases":42054,"ĉdefine":42055,"PREC":42056,"ammers":42057,"ĠPreparedStatement":42058,"(direction":42059,"Ġcrews":42060,"arked":42061,"ĠMemphis":42062,"ĠSell":42063,"GTK":42064,"Ġmaid":42065,":disable":42066,"éĽĨ":42067,"ĠPf":42068,"Ġalbeit":42069,"openh":42070,"?>\">Ċ":42071,".getSource":42072,"(scale":42073,"Du":42074,"ĠPIL":42075,"_refresh":42076,"Ġbets":42077,"(car":42078,"ĠVon":42079,"|--------------------------------------------------------------------------Ċ":42080,"ĠGrat":42081,"Much":42082,"(Dialog":42083,".stopPropagation":42084,"Ġtek":42085,"Ġexits":42086,"'],$":42087,"ĠphoneNumber":42088,"ucs":42089,"ecimal":42090,"--------------":42091,"inp":42092,".pojo":42093,"Ġcorpus":42094,"Ġpractitioners":42095,".pic":42096,"\"testing":42097,"ĠstringBy":42098,".NotNull":42099,"Ġrang":42100,".Dynamic":42101,"_Render":42102,"аÑĤа":42103,"Waiting":42104,"ĠWik":42105,"Ġoverwhelmed":42106,"%\">":42107,"ĠAE":42108,"}}>Ċ":42109,"uw":42110,"_typ":42111,"Ġbuckets":42112,"Ġgreeting":42113,"Ġlaughter":42114,"Ġantagon":42115,"uggestion":42116,"-email":42117,"ĉtop":42118,"Ġeros":42119,"_tri":42120,"Ġissuing":42121,"Ġhá":42122,"Ġisolate":42123,"Overflow":42124,",E":42125,"Ġnutritional":42126,"ĠAbbott":42127,"Ġnf":42128,".touch":42129,".fetchall":42130,"_zip":42131,"\")}Ċ":42132,"Ġamat":42133,"ĠCisco":42134,"ĠnÃ¥":42135,"PLEX":42136,"Ġsei":42137,"foto":42138,".toJson":42139,"å¤ļ":42140,"ĠKlein":42141,"Ġlibc":42142,"Ġminers":42143,"å¢":42144,"-print":42145,"ĠPride":42146,"Todos":42147,"Ġmasked":42148,"ĠsetData":42149,"Ġtelefon":42150,"Ġunhappy":42151,"ĠTables":42152,"geb":42153,"(debug":42154,"_allowed":42155,"-access":42156,"Ġlogistics":42157,"Ġgems":42158,"ĠMature":42159,"Ġrsp":42160,"ĠAlle":42161,".getBytes":42162,"\\web":42163,"ynchronized":42164,"Paragraph":42165,"Ġthrottle":42166,".sqlite":42167,"consulta":42168,"ĠSeah":42169,"Ce":42170,"Ġsubmar":42171,"ERE":42172,"Vous":42173,"Ġreddit":42174,"Ġsqlalchemy":42175,"-mile":42176,"ocide":42177,"Pour":42178,"}}\">Ċ":42179,"stead":42180,"Ġ@(":42181,"Ġ[])":42182,"ĠAds":42183,"Ġoverload":42184,"ridden":42185,"ĠDesert":42186,"ĠWrap":42187,"ĠPortuguese":42188,"etz":42189,"ĉfirst":42190,"Ġmilestone":42191,"æĹł":42192,"ÑĥÑī":42193,"(success":42194,"\")Ċ":42363,"ĠDollar":42364,"Ġemoji":42365,"Carousel":42366,"-player":42367,"Ġadjusting":42368,"Ġjuga":42369,"allenges":42370,"gene":42371,"(bodyParser":42372,"lopedia":42373,"ĠBehind":42374,"Ġsleeves":42375,"Ġdragging":42376,"ĠChevrolet":42377,"Ġbiz":42378,"ivities":42379,"ĠFrequency":42380,",char":42381,".WHITE":42382,"_preview":42383,")';Ċ":42384,"_ax":42385,"IONS":42386,".cpu":42387,".inputs":42388,"UBE":42389,"_feed":42390,"ĠSupplement":42391,"!).":42392,"esus":42393,"ĠUDP":42394,"Ġmicrophone":42395,"Ġconfirms":42396,".isNotEmpty":42397,"\":\"\",Ċ":42398,"_SCREEN":42399,"ĉexpected":42400,"+-+-+-+-":42401,"ĠHait":42402,"fastcall":42403,"Ġdepict":42404,"vb":42405,"_picture":42406,"ĉdescription":42407,"ĠWife":42408,"uci":42409,"Ġvicious":42410,"ä»ĸ":42411,"ueba":42412,"ĠsetUser":42413,"ãģ¡":42414,"Ġdiving":42415,"Ġopera":42416,"usercontent":42417,"arah":42418,")},":42419,"yun":42420,"velt":42421,"Ġuncovered":42422,"Ġhips":42423,"Ġoscill":42424,"Ġasserting":42425,"ĠXi":42426,".restore":42427,"kea":42428,"Ġspelling":42429,"Ġderive":42430,"abwe":42431,"ĠDow":42432,".setType":42433,"_vs":42434,"Ġcozy":42435,".categories":42436,"Org":42437,"_mgr":42438,"Ġdungeon":42439,"collectionView":42440,"ĠBlank":42441,"acias":42442,"ää":42443,"_cleanup":42444,"_ACTIVITY":42445,"Ġtriangles":42446,".MenuItem":42447,"Ġiphone":42448,"ĠWon":42449,"]]ĊĊ":42450,"ĠComparison":42451,".Doc":42452,"Ġcanonical":42453,"ĠSudan":42454,"'){":42455,"UpInside":42456,"builtin":42457,"ENCY":42458,"xbe":42459,"Ġchuck":42460,"Ġcontradict":42461,"Ġnuestro":42462,"Ġarchitectural":42463,"ĠFib":42464,"Ġcompares":42465,"*k":42466,"Cfg":42467,"çĦ¡":42468,"nten":42469,"Matches":42470,"ĠDOWNLOAD":42471,"_HANDLER":42472,"management":42473,"[S":42474,"ENG":42475,"ÂĢÂ":42476,"fang":42477,"Ġslipped":42478,"ĠLanka":42479,"escaping":42480,"Ġtackles":42481,"ĠPedro":42482,".Prop":42483,".''":42484,".Generated":42485,".NewGuid":42486,"atrigesimal":42487,"illon":42488,"Ġstatistic":42489,"species":42490,"holding":42491,"Drupal":42492,"Ġfundamentally":42493,"Ġbondage":42494,"Ġresolutions":42495,"InlineData":42496,"\\Type":42497,"estion":42498,".wrap":42499,"Ġwarriors":42500,"ĠLOCAL":42501,"Archive":42502,"Ġembraced":42503,"á»§":42504,".Ver":42505,"ĠAffordable":42506,"olesale":42507,"ĠApplied":42508,"ĠConversion":42509,"mega":42510,"_cam":42511,"Ġceremon":42512,"aurus":42513,"ĠVolk":42514,".opens":42515,"/about":42516,"ĠStd":42517,"journal":42518,"()){čĊ":42519,",\"\\":42520,"(Arrays":42521,"ĠDense":42522,"aseña":42523,"änner":42524,"/stat":42525,"userData":42526,"Ġgerman":42527,"Ġtz":42528,"worthy":42529,"FormatException":42530,"pherd":42531,"Ġsmiles":42532,"ĠWhenever":42533,"(adapter":42534,".badlogic":42535,"Ġbriefing":42536,".GridColumn":42537,"-char":42538,"dimension":42539,"ĠCopper":42540,"Ġninth":42541,"Ġ'{{":42542,"Ġrav":42543,"_Table":42544,"Ġderivatives":42545,"ĠRaise":42546,"ĠFut":42547,"armor":42548,"-padding":42549,"Ġremin":42550,"ĉstyle":42551,"ĠMembership":42552,"Ġspreads":42553,"Ġgalleries":42554,"ĠClarke":42555,"Ġconception":42556,"minute":42557,"Ġabusive":42558,"_adj":42559,"Ġterrific":42560,"Ġovert":42561,"ourcing":42562,"Ġentrada":42563,"levels":42564,"Ġcritique":42565,"Ġrespects":42566,"ĠMMA":42567,"iene":42568,"Ġencaps":42569,"ĠRaymond":42570,"Divider":42571,"ivable":42572,"baz":42573,"Ġ@_;Ċ":42574,"ĠClaire":42575,"Ġurging":42576,"CEE":42577,"Ġtransformer":42578,"discord":42579,"ĠJourney":42580,"tos":42581,"Ġcompetitions":42582,"ĠOBJ":42583,"ĠBis":42584,"Ġrelaxation":42585,"idy":42586,"_INSTANCE":42587,"ĠPref":42588,"dados":42589,"iciencies":42590,"ĠMediaQuery":42591,"ĠCube":42592,"ĠStrange":42593,"gpu":42594,"(days":42595,"_InitStruct":42596,"Ġfingerprint":42597,"emat":42598,"ĠGecko":42599,"Ġrails":42600,"ĠLum":42601,"straction":42602,"igung":42603,"(movie":42604,"_dictionary":42605,"_interrupt":42606,"ĠQC":42607,"iked":42608,"appendChild":42609,"recipient":42610,"ré":42611,"Ve":42612,"Ġtowel":42613,".lastIndexOf":42614,"Ġplacebo":42615,"ĠWie":42616,".esp":42617,"(Debug":42618,"operative":42619,"Ġdeceased":42620,"&id":42621,"ĉmutex":42622,"elic":42623,"Ġbapt":42624,"ĉčĊčĊ":42625,"Ġfarther":42626,"Half":42627,".disable":42628,".menuStrip":42629,"leccion":42630,"ĠresultCode":42631,"Ġcans":42632,"-election":42633,"female":42634,"_FIX":42635,"ausible":42636,"ĠPOWER":42637,"Ġreconstruction":42638,"Ġscans":42639,".XtraBars":42640,"âĢĺs":42641,"Removed":42642,"Ġparagraphs":42643,"_margin":42644,"Ġlymph":42645,"Ġbos":42646,"lington":42647,"ĠBaptist":42648,"Ġadvertisements":42649,"ĠManage":42650,"/yyyy":42651,"IOUS":42652,"ENCES":42653,"ĠFiction":42654,"ĉmenu":42655,"ĠFileOutputStream":42656,"ovan":42657,"ĠFeng":42658,"Ġskipping":42659,"getClass":42660,"anni":42661,"Ġrebounds":42662,"Ġpublicity":42663,"Ġingres":42664,"usement":42665,"Ġthoughtful":42666,".Chart":42667,"Ġhatte":42668,"passport":42669,"Ġhooked":42670,"ĠLens":42671,"Ġflagship":42672,"Ġstip":42673,"ĠGEN":42674,"Ġclues":42675,"ipv":42676,"ĠRise":42677,"ĠGew":42678,"tablename":42679,"Ġforemost":42680,"_validate":42681,"_analysis":42682,"olla":42683,"Ġqualifications":42684,"Ġdistributions":42685,"ĠFlower":42686,"Ġtense":42687,"Ġthankful":42688,"Ġclutch":42689,"Ġunified":42690,"roads":42691,"Ġsiti":42692,"Ġstall":42693,"_PRIORITY":42694,"cstdlib":42695,"_USERNAME":42696,".bytes":42697,"?page":42698,"ermalink":42699,"ĠVeget":42700,"/vnd":42701,"-author":42702,".NONE":42703,"ĠConcurrent":42704,"ĠCry":42705,"Ġstarters":42706,"ĠInteraction":42707,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":42708,"ĠLEVEL":42709,"Ell":42710,"ĠcomboBox":42711,"ĠTheresa":42712,"tek":42713,"_Handle":42714,"Ġaby":42715,".gdx":42716,",end":42717,"(Local":42718,"Ol":42719,"knife":42720,"arial":42721,"ĠHoff":42722,"Ġprostituerade":42723,"Doctor":42724,"Instances":42725,".SetValue":42726,"ĉfrom":42727,"Ġluxurious":42728,"Indent":42729,"Allocator":42730,"_DRAW":42731,"(\",\",":42732,"ĠFrances":42733,"ĠgroupBox":42734,"(schema":42735,"Printf":42736,"ORIES":42737,"-gradient":42738,"Ġreput":42739,"arin":42740,"_DONE":42741,"incre":42742,"ignty":42743,"Ġexert":42744,"Ġ-.":42745,"/App":42746,"-through":42747,"Ġdeclining":42748,"Ġdessert":42749,"Ġincumb":42750,"Ġdesignation":42751,".PORT":42752,",strong":42753,"Ġsandbox":42754,"Ġwines":42755,"ĠPav":42756,"$str":42757,"askell":42758,"Ġhö":42759,"ĠPY":42760,"GetInstance":42761,"TextInput":42762,"gameObject":42763,"/events":42764,"createdAt":42765,"ĠlocalVar":42766,"ĠWHITE":42767,"pered":42768,"ilege":42769,"efficient":42770,",color":42771,"cate":42772,"ĠCafe":42773,"Ġsimilarities":42774,"Ġpumps":42775,"ĠHungary":42776,".Username":42777,"Ġskate":42778,"Ġtouchdowns":42779,"Ġaccelerate":42780,"ĠHelen":42781,"OMEM":42782,"ĠKun":42783,"_vol":42784,"ĠfindAll":42785,"ĠMenschen":42786,"ahead":42787,");\"":42788,"kommen":42789,"Ġpossessed":42790,".argmax":42791,".transition":42792,"ARP":42793,"OLUME":42794,"(script":42795,"ĠÐĺ":42796,"ĠFinding":42797,"onces":42798,"Io":42799,"Bold":42800,"Ġrenewal":42801,"_DIALOG":42802,"Ġdisreg":42803,"INTERN":42804,"Ġtoute":42805,"Ġelectr":42806,"ĠGross":42807,"ĉtrue":42808,".Fields":42809,"ĠWIDTH":42810,"ĠDent":42811,"ĠÃģ":42812,"NSNotification":42813,"Ġaos":42814,"Ġmelee":42815,".Validation":42816,"ĠDEC":42817,"-dependent":42818,"Ġsuic":42819,"Traits":42820,"$message":42821,"ĠDear":42822,"ĉFILE":42823,"languages":42824,".Prot":42825,".addr":42826,"-generation":42827,"ICON":42828,"Ġtransplant":42829,"-description":42830,"Ġchasing":42831,"Ġchees":42832,"Ġ}*/Ċ":42833,"Trad":42834,"queries":42835,"/widgets":42836,"subpackage":42837,"Ġespec":42838,"Ġcracked":42839,"Ġcompetitor":42840,"Purchase":42841,"-team":42842,"olecular":42843,"orThunk":42844,"&P":42845,"Ġrelent":42846,"/#{":42847,"ĠproductId":42848,"Ġè¾":42849,"ĠLav":42850,"ĠAlter":42851,".Mode":42852,"ADIO":42853,"grp":42854,"æ·»åĬł":42855,"Quit":42856,"Ġdepths":42857,"-category":42858,"ĠDATABASE":42859,"SPELL":42860,"ĠFalcon":42861,"ĠQStringList":42862,"Ġ''.":42863,"ĠInstitution":42864,"damage":42865,"azor":42866,"belongsTo":42867,"verages":42868,"ĠNONE":42869,"ippets":42870,",\\Ċ":42871,"Ġfootprint":42872,"_archive":42873,"nak":42874,".getField":42875,"ĠReflection":42876,"Ġ']":42877,"ĠHBO":42878,"_discount":42879,"Ġincest":42880,"ĠDodge":42881,"ĠWade":42882,".NO":42883,"\"encoding":42884,"ĠBlockchain":42885,"Ġlawsuits":42886,"ĠMaint":42887,"chten":42888,"Ġétait":42889,"Ġktóre":42890,"_ctl":42891,"(timer":42892,"Battle":42893,"izo":42894,"ayed":42895,"IOR":42896,"ĠGlasgow":42897,"Ġsynth":42898,"_logs":42899,".pose":42900,"_AdjustorThunk":42901,"((&":42902,"Ġunsure":42903,"ystate":42904,"íķĺëĬĶ":42905,"OULD":42906,".ng":42907,"Ġdefaultdict":42908,"workspace":42909,"Ġselective":42910,"PickerController":42911,"YNAMIC":42912,".methods":42913,"Ġpathways":42914,"ĠFew":42915,"KG":42916,"CRYPT":42917,"following":42918,"ĠDLC":42919,"ĠSara":42920,"Ġpreset":42921,"estructor":42922,"ĠKurt":42923,"Ġairplane":42924,"Ġomp":42925,"ĠParents":42926,"ĠMartinez":42927,".complete":42928,"Ġbroadly":42929,"Ġscare":42930,"ĠMé":42931,"Ġelimination":42932,"Ġpoured":42933,"/sw":42934,"Ġcomun":42935,"Ġmasc":42936,"ĠOrganic":42937,"ĠStringUtils":42938,"ilateral":42939,"Ġreluctant":42940,"-age":42941,"Ġnz":42942,".\"\\":42943,"Ġpastor":42944,"alez":42945,"Ġefect":42946,"prov":42947,"/init":42948,"Ġpenn":42949,"unds":42950,"Ġssize":42951,"ĠProj":42952,"basename":42953,"Ġshells":42954,"ĠNeck":42955,"ĠEnforcement":42956,"vided":42957,"stown":42958,"Sphere":42959,"$r":42960,"ussen":42961,"afil":42962,"ĠTelegram":42963,"Ġanalytical":42964,"нÑĭе":42965,"usually":42966,"xn":42967,"Ġhistorian":42968,"ĠGregory":42969,"olph":42970,"ĠUna":42971,"Ġcontributes":42972,"%-":42973,"antiago":42974,"ÑĢед":42975,".region":42976,"Ġabrupt":42977,"ĠUnsupportedOperationException":42978,"ĠTASK":42979,"_finish":42980,"Ġnotorious":42981,"ĠVs":42982,"ĠMQ":42983,"Ġsunset":42984,"Ġunacceptable":42985,"arcer":42986,"Ġillumin":42987,"ĠOrb":42988,"Ġbh":42989,"Este":42990,"_dispatch":42991,"Ġripped":42992,"Ġtoujours":42993,"ĠParcel":42994,"_ll":42995,".userName":42996,".classes":42997,"SOURCE":42998,"(Number":42999,"елÑı":43000,"Ġheadphones":43001,"(side":43002,"constitution":43003,"annah":43004,"čĊĠĠĠĠĠĠĠĠčĊ":43005,"Ġcliff":43006,"-ref":43007,"Ġmostrar":43008,"ĠPowell":43009,"+y":43010,"ĠBG":43011,"_fragment":43012,".Port":43013,"Ġrealizing":43014,"paramref":43015,"Ġhometown":43016,"@Table":43017,"+\"--}}Ċ":43196,"French":43197,"EntityManager":43198,"ĠPlain":43199,"////////////////////////////////////////////////////////////////////":43200,"³":43201,"(RE":43202,"capt":43203,"Ġorganisms":43204,"Ġjets":43205,"olocation":43206,"ĠAppRoutingModule":43207,"Ġglorious":43208,"æľį":43209,"Ġdiscarded":43210,"ĉĉĉĉĠĠĠĠĠ":43211,"ĠArnold":43212,"lug":43213,"Ġparl":43214,"Ġhormones":43215,"Ġmah":43216,"ĠSonic":43217,"Ġorganizers":43218,"_PLATFORM":43219,".inv":43220,"Ġchord":43221,"ventional":43222,"ĉof":43223,"Episode":43224,".Enum":43225,"unkt":43226,"ĠDh":43227,"ĠJared":43228,"ĠNak":43229,"Ġintends":43230,"Endian":43231,"Ġaustralia":43232,"_cv":43233,"(resolve":43234,"Ġclinics":43235,"liked":43236,"ASHINGTON":43237,"inha":43238,"'*":43239,"ĠNP":43240,"_beh":43241,"Ġhf":43242,"Ġwür":43243,"categoria":43244,"$form":43245,"Ġsubway":43246,"ĠisActive":43247,"popular":43248,"Cour":43249,"Ġcooldown":43250,"Ġainsi":43251,"ĠGLuint":43252,"ereal":43253,"ĠarrayOf":43254,"Ġhatch":43255,"==========":43256,"resses":43257,"_PP":43258,".^":43259,"_decay":43260,"ĠBless":43261,"metrics":43262,"ĠCOPYING":43263,"ĠDumpster":43264,"ĠJosé":43265,"ĠDesigns":43266,"<":43269,"Ġ\"}Ċ":43270,"timezone":43271,"Ġeer":43272,"maxcdn":43273,"ĠESC":43274,"igaret":43275,"_connected":43276,"_reverse":43277,"Ġquestionable":43278,"ĠUSC":43279,"Ġtutti":43280,"Ġdropout":43281,"ĠActivities":43282,"ĠWinds":43283,"')));Ċ":43284,"Ġcongest":43285,"ģı":43286,"Ġprolonged":43287,"è¿Ļ":43288,"ĠCrossAxisAlignment":43289,"LEEP":43290,"ĠVALID":43291,"ĠGaz":43292,"Ġdependence":43293,"ĠPrix":43294,".CompilerServices":43295,"jump":43296,"Ġstrat":43297,"circ":43298,"ĠCUSTOM":43299,"xaa":43300,"Ġbmp":43301,"Ġbureau":43302,"Ġwaren":43303,"NX":43304,"(Window":43305,"ĠChristie":43306,"_FE":43307,"Ġtn":43308,"ĠOmega":43309,"communications":43310,"HomePage":43311,"completion":43312,"Ġsupplying":43313,"YPES":43314,"ável":43315,"åζ":43316,"(click":43317,"\\Contracts":43318,"/questions":43319,"Ġez":43320,"AMS":43321,".mesh":43322,"Ġ'\\Ċ":43373,"Robot":43374,"JsonObject":43375,"ĠDF":43376,"ĠProcessor":43377,"_should":43378,".protobuf":43379,"-users":43380,"Ġembry":43381,"FONT":43382,"Ġstartups":43383,"ĠDataSource":43384,")#":43385,"uros":43386,"_Color":43387,"Ġstandalone":43388,"}[":43389,"jd":43390,"Ġforgive":43391,"Ġngx":43392,"ĠGenerally":43393,"Ġconfigurable":43394,"/order":43395,"Ġvas":43396,"')\";Ċ":43397,"ĠRR":43398,"ĠTroy":43399,"Ġcompromised":43400,"ĠSwan":43401,"intendent":43402,"Central":43403,"_keeper":43404,"Ġarquivo":43405,"ĠReadOnly":43406,"_curve":43407,"kv":43408,"entin":43409,"è±":43410,"ĠEy":43411,".imread":43412,"ĠPam":43413,"iffe":43414,"ativity":43415,"xbc":43416,"Ġgrim":43417,"-filled":43418,"namese":43419,"']:":43420,"Ġaur":43421,"ĠGibson":43422,".MouseEvent":43423,"Ġlado":43424,"avadoc":43425,"Ġfamil":43426,"ĠModer":43427,"fps":43428,"ãĢĢãĢĢ":43429,"-example":43430,"ĠAlzheimer":43431,"ĠUtf":43432,"_arguments":43433,"Conclusion":43434,"textContent":43435,"remaining":43436,"Ġinterrupts":43437,"ĠBackup":43438,"ĠMong":43439,"Ġreceptors":43440,"histor":43441,".coroutines":43442,"Ġshouted":43443,"Alarm":43444,"Ġcombust":43445,"Ġgrote":43446,"ultural":43447,"(ids":43448,"--------------------------------------------------------------------------------":43449,"iplinary":43450,"Opts":43451,"ĠYale":43452,"localStorage":43453,"Ġequival":43454,"ĠFleet":43455,"\\b":43456,"*pi":43457,"ĠQLabel":43458,"æ¡":43459,"Ġvx":43460,"ĠACL":43461,"Ġsucesso":43462,"Ġperc":43463,"ĠNotre":43464,"Ġanarch":43465,"Ring":43466,"spb":43467,"Ġstrpos":43468,"stores":43469,"ĠMaple":43470,"(MainActivity":43471,"(\"\"))":43472,"ĠviewHolder":43473,"Quad":43474,"Ġigual":43475,"orsche":43476,".margin":43477,"Ġindie":43478,"Ġfranc":43479,"ĠFormBuilder":43480,"ĠParticip":43481,".flash":43482,"Ġstorms":43483,"Ult":43484,"Ġfen":43485,"[new":43486,"Ever":43487,"=\"Ċ":43488,"Ġlocalized":43489,"_follow":43490,"Ġnave":43491,"Ġdominance":43492,"(tile":43493,"Journal":43494,"ĠVC":43495,"Ġpenetration":43496,"ï¼ķ":43497,"Ġcompartment":43498,"Ġbids":43499,"Formatted":43500,"******/ĊĊ":43501,"(city":43502,"âĢĶit":43503,"[C":43504,"ĠuseCallback":43505,"aub":43506,")?.":43507,"ĠVAR":43508,"ĠSebastian":43509,"ĠMoss":43510,"Ġabundant":43511,"Greg":43512,"ÑĤа":43513,"_ci":43514,"Ġbibli":43515,"CRM":43516,"ĠAttempt":43517,"isme":43518,"dash":43519,"ãĢİ":43520,"_mu":43521,".FormattingEnabled":43522,"Indeed":43523,"-direct":43524,"Ġsucking":43525,"Ġpne":43526,"ocabulary":43527,"ĠPackers":43528,".Navigation":43529,"Ġpied":43530,"cribing":43531,"ĠStuart":43532,".ToDouble":43533,"ĠSecondary":43534,"Saving":43535,"ĠDut":43536,"ĠMadd":43537,"Magic":43538,",H":43539,".documentElement":43540,"ĠBST":43541,"Ġdiffers":43542,"Ġmoreover":43543,"_nd":43544,"SEARCH":43545,"пÑĢав":43546,"æ´":43547,"toMatch":43548,"Ġdecreasing":43549,"-member":43550,"ampus":43551,"(boost":43552,"Daily":43553,"DataGridView":43554,"ĠHttpContext":43555,"Ġhipp":43556,"_workers":43557,"-language":43558,"éĵ":43559,"Ġconsisted":43560,"athing":43561,"ĠMercury":43562,"$content":43563,"Ġpracticed":43564,"ĠModules":43565,"_DAY":43566,"Ġweaknesses":43567,"ĠLodge":43568,"Ġnar":43569,"ĠMate":43570,"Ġjp":43571,"ĠHttpHeaders":43572,"Ġsmo":43573,"ĠTOKEN":43574,"])(":43575,"Ġaqui":43576,"swagen":43577,"Ġsrv":43578,"ĉans":43579,"Around":43580,"ĠManuel":43581,"Ġfictional":43582,"ĠIMG":43583,"Ġ.'":43584,"ĠBerry":43585,"Ġwallpaper":43586,"sexual":43587,"iero":43588,"ĠçļĦ":43589,"ìĨĮ":43590,"BackingField":43591,"ĠAdrian":43592,"BASEPATH":43593,"Ġrepeats":43594,"Ġblues":43595,"Ġunpredict":43596,"_coll":43597,"stacle":43598,"ĠTumblr":43599,"ĠElf":43600,"Ġassurance":43601,"Ġcensus":43602,"ĠIMPORT":43603,"ENDER":43604,"anos":43605,"Ġ=(":43606,"ĠEllis":43607,"\"ĊĊĊĊ":43608,".win":43609,"ĠAbove":43610,"alon":43611,"_tick":43612,"Ġrepresentations":43613,"Ġæķ":43614,"wid":43615,"ĠArms":43616,"Lista":43617,"_failure":43618,"_cm":43619,".FlatAppearance":43620,"Ġthrone":43621,"Patch":43622,"ĠVoy":43623,"engl":43624,"Ġnegotiating":43625,">`":43626,"Ġshoots":43627,"ĠFPS":43628,".Year":43629,"ĠKiss":43630,"ención":43631,"reeting":43632,"FromFile":43633,"Ġresignation":43634,"Ø·":43635,"Ġtwins":43636,"ượ":43637,"Ġgebru":43638,".getContent":43639,".Tree":43640,"ĠEmployees":43641,"ĠFIFA":43642,"Ġcertainty":43643,"(Cl":43644,"Ġtotals":43645,"editable":43646,"à¥Ģ":43647,".Reporting":43648,"Mas":43649,"quiet":43650,".rules":43651,"ĠVO":43652,"conexion":43653,",K":43654,"Ġallocator":43655,"ĠPowder":43656,"\\Repository":43657,"Beat":43658,"_tipo":43659,"Ġ['',":43660,"_INTR":43661,"Ġ<<<":43662,"\");čĊ":43691,"dropIfExists":43692,"ĠBeg":43693,"_HAL":43694,"ĠcrossAxisAlignment":43695,"ĠEvidence":43696,"Ġpeculiar":43697,"Ġinstitute":43698,"veis":43699,"Ġfft":43700,"Ãģ":43701,"Ġzoekt":43702,"analy":43703,"ĠHomeland":43704,"Ġpenetr":43705,"uddenly":43706,"ĉelement":43707,"ĠBren":43708,"ĠTrudeau":43709,"ĠCuban":43710,"jam":43711,"uslim":43712,"_ev":43713,"Ġstems":43714,"}%":43715,"Ŀå§ĭ":43716,"Ġbranding":43717,"Ġcorrespondence":43718,".jquery":43719,"¢åįķ":43720,"ĠReads":43721,"(HttpStatusCode":43722,"assin":43723,"(slot":43724,"ĠGraduate":43725,"///<":43726,"Ġinformations":43727,"ENABLE":43728,"Ġpuis":43729,"Ġfinder":43730,"ĠBris":43731,"Ġnettsteder":43732,"_mid":43733,"Ġogs":43734,"ĠSterling":43735,"Ġarrog":43736,"strftime":43737,"|ĊĊ":43738,"Ġvox":43739,"ĠRegardless":43740,"Ġeso":43741,"ĠComfort":43742,".BooleanField":43743,"Ġuh":43744,"ACY":43745,"Ġsqueez":43746,"ĠVic":43747,"contro":43748,".lo":43749,"Ġire":43750,"ĠComedy":43751,"ë¶":43752,"Ġoriginated":43753,"Ġshipment":43754,"|max":43755,"_guid":43756,"levation":43757,"наÑı":43758,"(undefined":43759,"ĠDDR":43760,"Ġshootings":43761,"ĠLatino":43762,"ENDOR":43763,"Ġaveraging":43764,"Ġgreeted":43765,"Ġtheaters":43766,"ое":43767,"ĠdB":43768,"Ġgst":43769,"Ġdefinite":43770,".Storage":43771,".her":43772,"Ġafore":43773,"ĠReality":43774,"ĠGods":43775,"versed":43776,"Ġhandsome":43777,"Ġexcluding":43778,"(ad":43779,"Quotes":43780,"ĠScheme":43781,"?q":43782,"ĠTamil":43783,"Ticks":43784,"Ġpest":43785,"'n":43786,"Ġpornography":43787,"_modal":43788,"Ġ----------":43789,"Ġdisposable":43790,"FREE":43791,"Ġshark":43792,"CHE":43793,"Ġdepicted":43794,"Ġdemonstrations":43795,"ĠKilled":43796,"ĠRULE":43797,"Ġobsessed":43798,"Ġsimplified":43799,"Postal":43800,"Ġconceptual":43801,"Ġpst":43802,"Las":43803,"_PROJECT":43804,"ucceeded":43805,"olu":43806,"ÄŁi":43807,"Ġpersonalities":43808,"Ġreshape":43809,"Ġenclosed":43810,"ĉptr":43811,"Ġtutorials":43812,"Ġexploded":43813,"_DIRECTORY":43814,"åĨħ容":43815,"Ġcanon":43816,"Ġrecognise":43817,"PAD":43818,"ĠApprox":43819,"ĠRestore":43820,"ĠImportant":43821,"Ġheavier":43822,".Sequential":43823,"Earth":43824,"ĠMilk":43825,".setRequest":43826,".tem":43827,"Ġreconstruct":43828,"Ġskeptical":43829,"_Private":43830,"BUF":43831,"qua":43832,":a":43833,"Ġsek":43834,"Ġdwell":43835,"ossa":43836,"Ġrewarded":43837,"ий":43838,"(topic":43839,"_partition":43840,"Ġ__________________":43841,"Keywords":43842,"ĠFranco":43843,"Lite":43844,"Ġnaken":43845,"Ġза":43846,"OBJECT":43847,"Ġcrafts":43848,"ĠSwap":43849,".Xna":43850,".Connect":43851,"Ġbalcony":43852,"(real":43853,"ĠBarnes":43854,"bir":43855,"ĠTwenty":43856,"ayan":43857,"atars":43858,"ĠPropel":43859,"ĠIhnen":43860,"Upgrade":43861,"Ġcurb":43862,"-second":43863,"Ġneph":43864,".pres":43865,"ìŀħ":43866,".seq":43867,"Ġpadded":43868,"\"?":43869,"jl":43870,"ãĥ¬":43871,"')a":43875,"Coordinates":43876,"Ġenacted":43877,"ENTS":43878,"Ġlac":43879,".final":43880,"ĠPhpStorm":43881,"called":43882,"Ġinquiries":43883,".middleware":43884,"ĠDowntown":43885,"/';Ċ":43886,"Ġkilomet":43887,"accel":43888,"Ġquien":43889,"wstring":43890,"setData":43891,"Ġmanera":43892,"Ġmodular":43893,"rimp":43894,"Ġtariffs":43895,"âĢĻil":43896,"_THROW":43897,"/color":43898,"ĠHTMLElement":43899,"Ġcarro":43900,"Ġprere":43901,"Ġplotting":43902,"ĠPositive":43903,"ĠMachines":43904,"OTES":43905,"Ỽ":43906,"pleasant":43907,"Ġalte":43908,"Ġainda":43909,"these":43910,"Ġcors":43911,"ipay":43912,"ĠAdvisory":43913,"ĠRubio":43914,"jq":43915,"Ġlimestone":43916,"Ġdetached":43917,"设置":43918,"tenant":43919,"ĠDepth":43920,"alore":43921,"ĠÑģÑĤÑĢок":43922,"ĠFORE":43923,"ĠLay":43924,"presentation":43925,")');Ċ":43926,".subplots":43927,"Ïĥ":43928,"NOW":43929,"Gar":43930,"handles":43931,"abra":43932,"puties":43933,"ĠElectrical":43934,"Middle":43935,"ropic":43936,"ĠJD":43937,"ĠDyn":43938,"ĠBristol":43939,"ĠMcCarthy":43940,"Ġstriker":43941,"Ġenumerable":43942,"ĠEvan":43943,".defaults":43944,"quences":43945,")||":43946,"ĉtoken":43947,"âĹı":43948,"-dropdown":43949,"STORE":43950,"ĠGraphic":43951,"(pp":43952,"Expl":43953,"Ġupwards":43954,"ĠDistributed":43955,"ĠWEB":43956,"Jer":43957,"isNaN":43958,"çĶŁæĪIJ":43959,">R":43960,"üssen":43961,"efs":43962,"Ġuncover":43963,"Ġlud":43964,".calculate":43965,"Ġintptr":43966,"Ġmidfielder":43967,".Headers":43968,"Ġmf":43969,"eref":43970,".Metro":43971,"ĠSpeaking":43972,":b":43973,"Ġcryptocurrencies":43974,"Ġdemons":43975,"ĉEXPECT":43976,"Ġwicked":43977,"youtube":43978,":Int":43979,"ĠHindi":43980,"ĠCAT":43981,"Ġع":43982,"rar":43983,"omore":43984,"/per":43985,"/license":43986,"Ġreim":43987,"Ġawaiting":43988,"Ġlethal":43989,"ĠEF":43990,"rounded":43991,"ĠPlatinum":43992,"ĠвÑģе":43993,".coords":43994,".Device":43995,"/item":43996,"ĠWenn":43997,"compileComponents":43998,"ĠKinder":43999,".removeItem":44000,"Ġanda":44001,"bnb":44002,"Ġpra":44003,"(transaction":44004,"Ġembarrassing":44005,"ĉBOOL":44006,".contentView":44007,"Ġeventdata":44008,"atore":44009,"ĠprovidedIn":44010,"irma":44011,"Ġzona":44012,"_HW":44013,"æĻ":44014,"Ġstove":44015,"Ġcounterpart":44016,"_Product":44017,"_MANAGER":44018,"Ġinfring":44019,"ĠERA":44020,"_party":44021,"Ñij":44022,"Ġinici":44023,"_Request":44024,"Ġmiracle":44025,"ĠcancelButton":44026,"Spy":44027,"ató":44028,"Ġpolish":44029,"ĠNicole":44030,".displayName":44031,"\\Requests":44032,"ĠuseHistory":44033,"RouterModule":44034,"Ġstared":44035,"IDER":44036,"ÑĥнкÑĨи":44037,"Ġnota":44038,"$arr":44039,"pecified":44040,"Ġtopp":44041,"_DRIVER":44042,"/ng":44043,"åł":44044,"_tm":44045,"%timeout":44046,"\"":44488,"tlement":44489,"$(\"":44490,"FromString":44491,"ĠBild":44492,"Ġconventions":44493,"_native":44494,"ĠInspector":44495,"ĠPist":44496,"ubar":44497,"Ġregs":44498,"ĠPilot":44499,"Thus":44500,">'+":44501,"Ġcela":44502,".news":44503,"(Product":44504,"Living":44505,"Russia":44506,"Ġfacet":44507,"etical":44508,"Ġ['$":44509,"/[":44510,"ĠDire":44511,"Ġgases":44512,"ĠINFORMATION":44513,"ĠEat":44514,"ĠForums":44515,"ĠCharacters":44516,"_met":44517,"Ġìĭľ":44518,"Ġkings":44519,"achie":44520,"ĠLambda":44521,"Ġtimers":44522,"ĠLighting":44523,"ĠCasey":44524,"addir":44525,"andex":44526,".answer":44527,"ĠHip":44528,"ĠPrincip":44529,"StartDate":44530,"ĠãĢĮ":44531,"tres":44532,"Ġ&#":44533,".MaxValue":44534,"ĠProblems":44535,"Ġlatex":44536,"OfClass":44537,"ĠLynn":44538,"//'":44539,"Ġvoyage":44540,"Ġshuttle":44541,"ĠRoller":44542,"ĠRuntimeError":44543,"uya":44544,"Dic":44545,"ĉbuilder":44546,"Ġbullying":44547,"Ġsimplest":44548,".called":44549,"ĠLR":44550,"Ġmorality":44551,"Ġsturdy":44552,"tracking":44553,".swagger":44554,"_BIND":44555,"ITOR":44556,"-urlencoded":44557,"ĠÑħ":44558,"ĠTrinity":44559,"Ġtraps":44560,"Ġ|-":44561,"ĠsetText":44562,"Ġbargain":44563,"Ġbrakes":44564,".getCode":44565,"Ġmigrate":44566,"Ġribbon":44567,")return":44568,"Ġcharger":44569,"acom":44570,"ADIUS":44571,"ĠAmbassador":44572,"-after":44573,"Ġanni":44574,"ĉspin":44575,"Concept":44576,"ĠHenderson":44577,"ĠHOST":44578,".rank":44579,"ĠNortheast":44580,"Ġberlin":44581,"Ġrequis":44582,".feed":44583,"ĠsourceMapping":44584,"ĠRencontre":44585,".ajax":44586,"nestjs":44587,"Ġtrek":44588,"ĠNacional":44589,"Ġ&[":44590,"Ġpayable":44591,"ortex":44592,"Ġdept":44593,"fieldName":44594,"Ġcompletes":44595,"ĠRVA":44596,"Ġonions":44597,"alignment":44598,"Formats":44599,"Ġ'{$":44600,"HashSet":44601,"ĠBod":44602,".InvariantCulture":44603,"Ġsettlements":44604,"Ġhydr":44605,".updated":44606,"venth":44607,"(seconds":44608,"=\"/\"":44609,"Ġwebpage":44610,"(ĊĊ":44611,"Ġtir":44612,"Ġtoes":44613,"ĠBrick":44614,"Ġambition":44615,"Pot":44616,"=max":44617,"ETIME":44618,"Ġdepot":44619,"calls":44620,"ĠNorwegian":44621,"`:":44622,"Ġburger":44623,"Ġprofessors":44624,"ĠAllocate":44625,"-thirds":44626,"-chart":44627,"Ġford":44628,"*N":44629,".kotlin":44630,"Ġpaperwork":44631,"ĠDEVICE":44632,"%@\",":44633,"respect":44634,"(mp":44635,"é«ĺ":44636,"-if":44637,"Ġcushion":44638,"obot":44639,"Ġparc":44640,"SPACE":44641,"ĠNetanyahu":44642,"Ġselfish":44643,"feat":44644,"Ġclientes":44645,"-tools":44646,"Ġporch":44647,"Ġjq":44648,".verbose":44649,"Ġliberals":44650,"])ĊĊĊ":44651,"pies":44652,"NotBlank":44653,"(term":44654,"ÈĽi":44655,"_Params":44656,".normalize":44657,"Bullet":44658,"ASIC":44659,"(hex":44660,"_cliente":44661,"+,":44662,"_DI":44663,"Ġforthcoming":44664,"}\")]Ċ":44665,"seo":44666,"Um":44667,">Name":44668,"Ġcomfortably":44669,"irectional":44670,"WITH":44671,"/pr":44672,"ĠPoor":44673,"ĠVitamin":44674,"vic":44675,"GH":44676,"Ġpriorit":44677,"ĠNN":44678,"ĠClosed":44679,"¤í":44680,"ĠisOpen":44681,"\\Console":44682,"AndFeel":44683,".SUCCESS":44684,"_OPERATION":44685,"polation":44686,"ĠTas":44687,"psz":44688,">'.":44689,"CURRENT":44690,"Vendor":44691,"hosts":44692,"ĠErd":44693,">tagger":44694,"ĠsourceMappingURL":44695,"Ġmarathon":44696,"_closed":44697,"Ġexemption":44698,"Ġrecognizes":44699,"ideshow":44700,"'$":44701,"('/');Ċ":44702,"mits":44703,"warz":44704,"ĠCherry":44705,"µ¬":44706,"nor":44707,"porte":44708,"Ġwl":44709,"_backup":44710,".getBoolean":44711,".getResource":44712,"Ġdefinitive":44713,".EditText":44714,"ĠsÃŃ":44715,".CONT":44716,"ĠPLAYER":44717,".cards":44718,"ĠShore":44719,"('/')Ċ":44720,"cluir":44721,"WebDriver":44722,"(month":44723,"-release":44724,"Ġinspector":44725,"å£":44726,"ĠNF":44727,"_clip":44728,"åŃIJ":44729,"Ġinteracting":44730,".tmp":44731,"Ġ'''ĊĊ":44732,"Ġdee":44733,"Ġfrost":44734,"\"]))Ċ":44735,"ĠPlaces":44736,"Throws":44737,"fork":44738,"/day":44739,"iPhone":44740,"ĠMIC":44741,"Ġfolding":44742,"Ġcrore":44743,"ĠChiefs":44744,"pherical":44745,"(price":44746,".WriteString":44747,"Ġexiting":44748,"]',Ċ":44749,"ighting":44750,"Ingredient":44751,"(vertex":44752,"ĠscrollView":44753,"hf":44754,":new":44755,"SEN":44756,"sector":44757,"Ġspins":44758,"ĠScheduler":44759,"otechn":44760,"semicolon":44761,"FontOfSize":44762,"ĠSpecifically":44763,"flamm":44764,".ObjectId":44765,"Ġconta":44766,"_permissions":44767,"ĉFROM":44768,"ICODE":44769,"/kg":44770,"ĠHotels":44771,"-med":44772,"ĠDin":44773,"Ġnavy":44774,"getParam":44775,"Ġmend":44776,"Ġportrayed":44777,"ĠMetropolitan":44778,"Painter":44779,"Ġreferral":44780,"_good":44781,"Ġmarvel":44782,"osaic":44783,">(&":44784,".ur":44785,"Ġestos":44786,"William":44787,"Ġtimber":44788,"Ġquelques":44789,"ĠDocuments":44790,".Xaml":44791,"Ġbatches":44792,"éģĵ":44793,"ĠReleased":44794,"Tail":44795,"COOKIE":44796,"heid":44797,"_station":44798,"ĠVia":44799,"Sale":44800,"ĠRepeat":44801,"Ġpromin":44802,"ĠZo":44803,"-forward":44804,"ĠIon":44805,"itary":44806,"Ġjus":44807,"-request":44808,"Ġproudly":44809,"ĠStreaming":44810,"(MouseEvent":44811,"ĠSprint":44812,"_rotation":44813,"Repositories":44814,"Ġtart":44815,"ĠÑģв":44816,"Ġmappings":44817,"èª":44818,"Cu":44819,"Cycle":44820,"Ġbun":44821,"ĉlua":44822,"ãĥī":44823,"Ġ((!":44824,"Ġcollectively":44825,"ĠCond":44826,"Ġwszyst":44827,"(lib":44828,"openhagen":44829,"_skip":44830,".ColumnHeader":44831,"éĤ":44832,"perienced":44833,"ıè¿°":44834,"_props":44835,"Ġcontrace":44836,"Ġmatchup":44837,"abetic":44838,".members":44839,"RECT":44840,"(dat":44841,"Ġsog":44842,"renom":44843,"_Method":44844,"Customers":44845,"fullname":44846,"ZN":44847,"retry":44848,"Ġkap":44849,"ĠNeu":44850,"èĬ":44851,"addChild":44852,"willReturn":44853,"_permalink":44854,"Ġenergetic":44855,"ĠWet":44856,"ĠMorr":44857,"Ġgcd":44858,"counts":44859,",type":44860,"dig":44861,"(Login":44862,"Ġcracks":44863,"Ġbacterial":44864,"ĠMeat":44865,"ĠArmstrong":44866,"ĠBronze":44867,"Ġapproximate":44868,"_dirs":44869,"liga":44870,"ÅĤad":44871,"Ġkindness":44872,"Ġcontre":44873,"ĠEVERY":44874,"MET":44875,"Ġannouncements":44876,"gpio":44877,"ĠWaitForSeconds":44878,"ĠPhotoshop":44879,"Ġdiscontin":44880,"/dd":44881,"Ġtopology":44882,"anical":44883,".interface":44884,"aucoup":44885,".HashSet":44886,"ARIANT":44887,"(routes":44888,"ĠTeh":44889,"Ġhype":44890,"]\").":44891,"Ġslam":44892,"Ġbroth":44893,"-inter":44894,"ĠRid":44895,"-manager":44896,"Cancelar":44897,"ĠPagination":44898,"Ġsoundtrack":44899,"Ġposterior":44900,"Ġscrub":44901,"creating":44902,"-*":44903,"irteen":44904,".dy":44905,".symmetric":44906,"Ġ\"\".":44907,"===============":44908,"Ġchassis":44909,"ĠnumberOfRows":44910,"Developer":44911,"_bins":44912,"ĠOUR":44913,"rieb":44914,"Pros":44915,"ĠwiÄĻ":44916,"\"d":44917,"Ġasyncio":44918,"zeigen":44919,"_spi":44920,".ALL":44921,"Ġscrews":44922,"Chinese":44923,"ĠapiKey":44924,"Ġunsuccessful":44925,"ĠSeahawks":44926,"ORG":44927,"竳":44928,"Ġprofessionally":44929,"ĠCoupon":44930,"åŃĹæ®µ":44931,"Convention":44932,"Ġpolym":44933,"æīĭ":44934,"Ġsalvation":44935,"Ġengineered":44936,"ĠWrest":44937,"ĠGCC":44938,"Ġwarmer":44939,"LayoutConstraint":44940,"Ġaggrav":44941,"Scripts":44942,"venture":44943,"Ġrefrigerator":44944,"Ġinnovations":44945,"ĠRunner":44946,"NIC":44947,"ĠRolling":44948,"ControlEvents":44949,"Ġloos":44950,"pac":44951,"ĉpanel":44952,"efe":44953,"ĠBuddha":44954,"--------------Ċ":44955,"åºĵ":44956,"(forKey":44957,"Ġlumin":44958,"Ġ(?":44959,"ĠAIDS":44960,",user":44961,"imientos":44962,"contentType":44963,"antlr":44964,"é¦":44965,"ĠWelt":44966,"Production":44967,"might":44968,"ĠVII":44969,"\",(":44970,"Ġobserving":44971,"Ġdeliberate":44972,"(control":44973,"Ġwithd":44974,"Ġsemana":44975,"STACK":44976,"uchen":44977,"Nice":44978,"ĠDeutschland":44979,"ĠSpecifies":44980,"dma":44981,"izio":44982,"ĠFacts":44983,"_popup":44984,"ĠDirectors":44985,"{:":44986,"[R":44987,"ĠÑįлеменÑĤ":44988,"Ġplat":44989,"Ġdirecting":44990,"ä¸ī":44991,"ĠGilbert":44992,"â̦.ĊĊ":44993,".qml":44994,"Ġthereafter":44995,"Ġdisposition":44996,"draft":44997,"Ġsurgeon":44998,"ĠInsider":44999,"Blend":45000,"ĠTrev":45001,"trinsic":45002,"Topics":45003,"rieve":45004,"_FILENAME":45005,"Ġautres":45006,"Jose":45007,"Producer":45008,"erus":45009,"Ġpetit":45010,"ĠNEXT":45011,"ĠFilters":45012,"Ġreplicate":45013,"\"]).":45014,"Ġlenders":45015,"]\",Ċ":45016,";charset":45017,"CppObject":45018,"Ġfloral":45019,"ĠTipo":45020,"Ġcircuits":45021,"easy":45022,"(&$":45023,"itta":45024,"eryl":45025,"_COMMON":45026,"'}}>Ċ":45027,"-backed":45028,"(variable":45029,"(Index":45030,"Ġvoir":45031,"_locations":45032,"++){":45033,"ĠLouisville":45034,"Ġgratitude":45035,".Mockito":45036,"ĠPowers":45037,"ieurs":45038,"Ġgeographic":45039,"rale":45040,"Ġcra":45041,"ĠSpurs":45042,"iphertext":45043,"ACION":45044,"-common":45045,"Ġvictories":45046,"ĠFinals":45047,".shuffle":45048,"-million":45049,"_PROC":45050,"assume":45051,"Ġils":45052,"DBC":45053,"BootTest":45054,"Ġlavor":45055,".testing":45056,".ast":45057,"\"]/":45058,"moid":45059,"Ġqualification":45060,"gesch":45061,"ĉput":45062,"Ġairports":45063,"JI":45064,"Teacher":45065,"_uniform":45066,"Ġnama":45067,"ĠBast":45068,"ertype":45069,"capture":45070,"getAll":45071,"ĠReynolds":45072,"ooled":45073,".comments":45074,"Ġchin":45075,").*":45076,"Ġили":45077,"tgl":45078,"udos":45079,"ĠdÃŃas":45080,"chai":45081,".program":45082,"Ġpsz":45083,"ĉicon":45084,"phil":45085,"entral":45086,"_WRAP":45087,"ovi":45088,"Ġnostalg":45089,"Infinity":45090,"ĉyield":45091,"Ġvitamins":45092,"Quaternion":45093,"Sink":45094,"_goods":45095,"Ġ........":45096,"ĠWings":45097,"uridad":45098,"-story":45099,"\"])ĊĊ":45100,"idelity":45101,"TypeDef":45102,"Gtk":45103,"ĠíĮ":45104,"_Main":45105,"Ġchez":45106,"ĠRaven":45107,"Ġpayroll":45108,"Ġfreelance":45109,"LLU":45110,"ĠMend":45111,"eday":45112,"ApiModelProperty":45113,".FormBorderStyle":45114,"Ġeconomist":45115,"stanbul":45116,"Ġfreight":45117,"-Agent":45118,"(meta":45119,"Ġsymmetry":45120,"Ġ'..":45121,".Calendar":45122,"-aut":45123,"gf":45124,"pent":45125,"yclopedia":45126,"Ġwishing":45127,"ĊĊĊĊĊĊĊĊĊĊĊĊ":45128,"Ġgentleman":45129,"Ġê³":45130,"=#":45131,"Ġlectures":45132,"âĢľIn":45133,"Ġ!_":45134,"Ġhb":45135,"ĠVendor":45136,"Recently":45137,"_notes":45138,"æıIJ示":45139,"\"My":45140,"HeadersHeight":45141,"_SO":45142,"Ġunwilling":45143,"Ġsuperhero":45144,"gio":45145,"psy":45146,"ĠPeer":45147,"javax":45148,"&apos":45149,"ĠCrisis":45150,"ordinal":45151,"Memcpy":45152,"++++++++++++++++":45153,"-val":45154,"Ġworkbook":45155,"-ap":45156,"=k":45157,"Ġmetallic":45158,"_peer":45159,"ByPrimaryKey":45160,"_SD":45161,"uator":45162,"_SHADER":45163,")Math":45164,".Transform":45165,"Ġcows":45166,"Phi":45167,"ĠClem":45168,"(_(\"":45169,"ĠLud":45170,"-delay":45171,"ĠSecurities":45172,"ĠOrthodox":45173,"Symfony":45174,"(report":45175,"Ġentertain":45176,"EPS":45177,"izoph":45178,"exual":45179,"IRD":45180,"ä»İ":45181,"Ġlith":45182,"Ġsanitize":45183,"Ġfeminine":45184,"ISBN":45185,".authentication":45186,"_pipeline":45187,"/constants":45188,"ĠCONF":45189,"Ġlucr":45190,"ricia":45191,".ttf":45192,".setContent":45193,"Ġstan":45194,"orean":45195,"ĠLloyd":45196,".rawValue":45197,"Ġgor":45198,"ĠBrowns":45199,"Regression":45200,"Ġlowering":45201,"naissance":45202,"Ġblows":45203,"Ġamazed":45204,"Ġunrelated":45205,"Reviews":45206,"Ġruby":45207,"ĠModifier":45208,"Ġgiants":45209,".thread":45210,"Ġcontainment":45211,"ĠStartCoroutine":45212,"umat":45213,"orelease":45214,"ĠRandy":45215,"@endif":45216,"Digest":45217,"Ġsuburban":45218,"=\");Ċ":45219,"Ġannonce":45220,".variable":45221,"\\Foundation":45222,"Ġacre":45223,"Van":45224,"Ġtuples":45225,"dns":45226,"ĠStanding":45227,"_large":45228,"Ġboxing":45229,"SupportActionBar":45230,"ĠFortune":45231,"ĠRum":45232,"_multiple":45233,"archical":45234,"Ġfwrite":45235,"_quote":45236,"Ġfoolish":45237,"Ġcomprising":45238,"Ġоп":45239,"-selected":45240,"vf":45241,"maid":45242,"Nama":45243,"(datetime":45244,"Ġindirectly":45245,"gart":45246,"fixtures":45247,"chos":45248,"ĠHalo":45249,"Ġrecurring":45250,"-news":45251,"vil":45252,"ĠNursing":45253,"-produ":45254,"ĠHQ":45255,"\\HttpFoundation":45256,"enci":45257,"auen":45258,"Ġvy":45259,"ocracy":45260,"Ġdelegation":45261,"Ġasphalt":45262,"ĠsetSelected":45263,"kok":45264,"/rest":45265,"metics":45266,"ĠNSDate":45267,"Ġtravelled":45268,"Ġrecib":45269,"Ġmime":45270,"CLIENT":45271,"ĠGU":45272,"ĠHANDLE":45273,"/Q":45274,"[z":45275,"Ġbothered":45276,"ĠBBQ":45277,"ças":45278,"_examples":45279,"_FIN":45280,"ĠwhiteColor":45281,"Ġastronom":45282,"-dir":45283,"Ġsovereign":45284,"Ġbreeze":45285,"Ġinning":45286,"ĠEdmonton":45287,"gli":45288,".blogspot":45289,"jsx":45290,"Ġversa":45291,"ĠMohammed":45292,".Job":45293,"-toggler":45294,"ĠполÑĮзоваÑĤ":45295,"ardon":45296,"Ġnewborn":45297,"Ġnaval":45298,"noteq":45299,"Ġtumblr":45300,"Ġhentai":45301,"ĠTypically":45302,"Ġloot":45303,".Sprite":45304,"Flight":45305,"Ġwavelength":45306,"-sk":45307,"ĠElle":45308,"_exports":45309,"ĠÑı":45310,"ĠIH":45311,"izophren":45312,"Ġíģ":45313,"_primary":45314,"Ġmois":45315,"ĠBN":45316,"Ġsystemic":45317,"Ġdiferentes":45318,"INCT":45319,"Ġ''ĊĊ":45320,"$q":45321,"WidgetItem":45322,"clide":45323,"$file":45324,"Lemma":45325,"/table":45326,"agrid":45327,"ĠMongoDB":45328,"inte":45329,"Ġapprent":45330,"ÂŃing":45331,".Db":45332,"ĠÃĤ":45333,"hammer":45334,"='';Ċ":45335,"Ġbrokers":45336,"itlement":45337,"semblies":45338,"Ele":45339,"{x":45340,"Ġlastname":45341,"<-":45342,"Ġflatten":45343,"_band":45344,".Root":45345,".readFileSync":45346,"======":45347,".rx":45348,"?čĊ":45349,"Ġmetaphor":45350,"Ti":45351,"conte":45352,"Ġdebit":45353,"Ġcontempt":45354,"CppType":45355,"æĶ¯":45356,"FormField":45357,"ratio":45358,"osopher":45359,"Ġimplant":45360,"PURE":45361,"Ġalta":45362,"_management":45363,"Ġrefine":45364,"ĠCheckBox":45365,"ĠCharl":45366,"-version":45367,"conditional":45368,"venues":45369,"Ġrifles":45370,"Ġoffspring":45371,"Ġmilling":45372,"Ġsharply":45373,"Ġunderwater":45374,"(origin":45375,"_Control":45376,"Ġ.$":45377,"Plugins":45378,"Ġdrying":45379,"Ġillustrates":45380,"-u":45381,"Ġvegetarian":45382,"npc":45383,"Heart":45384,";',Ċ":45385,"comma":45386,"teenth":45387,"asan":45388,"/spec":45389,"_moves":45390,"-margin":45391,"Ġingen":45392,"³³³":45393,"Ġprojet":45394,"Ġotra":45395,"Ġbras":45396,".utc":45397,"Ġslept":45398,"=sub":45399,"abilit":45400,"poster":45401,"Ġsdk":45402,"ouncill":45403,"Ġwd":45404,"PreparedStatement":45405,"ĠDrum":45406,"(attribute":45407,"ĠEthernet":45408,"ĉDB":45409,"California":45410,"cube":45411,"[I":45412,".Created":45413,"ĠHM":45414,"Ġtracing":45415,"FormsModule":45416,"-you":45417,".currency":45418,"feeding":45419,"Ġtbody":45420,"Li":45421,"accion":45422,"nas":45423,"Ġtrouver":45424,"NONE":45425,"\"},čĊ":45426,"Ġftp":45427,"WithIdentifier":45428,"polate":45429,"FileInfo":45430,"Ġpursued":45431,"ĠĠĠĠčĊĠĠĠĠčĊ":45432,"DESCRIPTION":45433,"}*/Ċ":45434,"FromNib":45435,"Ġdecorative":45436,"_SSL":45437,"(chat":45438,"TLS":45439,"Ġsurprises":45440,"alculate":45441,"ĠSplash":45442,"(Configuration":45443,"ĠSEM":45444,"imson":45445,"/library":45446,"":45521,"GED":45522,"faq":45523,"Ġoptionally":45524,"_Dis":45525,"ĠSuccessful":45526,"ĠCensus":45527,"Ġincarcer":45528,"_CARD":45529,"Ġaviation":45530,"ĠGym":45531,"Authority":45532,".Bean":45533,"shader":45534,"NotExist":45535,"_TextChanged":45536,"ĠSTOP":45537,"(team":45538,"\"H":45539,"wg":45540,"Ġgrinder":45541,"Ġstripe":45542,"Ġpreservation":45543,"Claim":45544,"aversal":45545,"warehouse":45546,"targets":45547,"Trust":45548,"Ġallev":45549,",www":45550,"ousse":45551,"_chan":45552,"_Size":45553,"systems":45554,"Ġobjection":45555,"ĠKane":45556,"Ġcorros":45557,"ĠDSL":45558,"Ġua":45559,"ĠMH":45560,"ĠStrategic":45561,"_tcp":45562,"Ġê°Ĵ":45563,"Ġborrowed":45564,"ĠAch":45565,"ĉcommand":45566,"Ġgps":45567,"leston":45568,"ichever":45569,"ĠUA":45570,"Ġassaulted":45571,"Ġspecializes":45572,"ĉsearch":45573,"Hotel":45574,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠčĊ":45575,"ĠPitch":45576,"ĠÙģ":45577,"READY":45578,"Ġparental":45579,"Ġgéné":45580,"Ġdonnées":45581,"Ġdetain":45582,"TARGET":45583,"Ġprotagonist":45584,"ĠclearInterval":45585,"ĠIconButton":45586,"ĠGetAll":45587,"TypeInfo":45588,"EH":45589,"âĢľThey":45590,"Ġ{[":45591,"Ġgag":45592,"ĠÚ©":45593,"ĠDropdown":45594,".free":45595,"gone":45596,"imens":45597,"Ġinstal":45598,"ĉcurl":45599,"_CAN":45600,"ĠBone":45601,"ï¼Ķ":45602,"onyms":45603,"-government":45604,".bindingNavigator":45605,"ĠDans":45606,"ĠMcL":45607,"(en":45608,">(_":45609,"ÐĴÑĭ":45610,".*;čĊ":45611,"=j":45612,"-cor":45613,"Son":45614,".ToolStripItem":45615,"-around":45616,"_XML":45617,"endDate":45618,"Ġslack":45619,"Ġrotated":45620,"Ġnoqa":45621,"Ġcottage":45622,"Ġencontrar":45623,"_skill":45624,"houette":45625,"!čĊ":45626,".weather":45627,"Ġemphasized":45628,"å®¶":45629,"ĠÑģпиÑģ":45630,"ĠCompiler":45631,"(android":45632,"ĠâĢº":45633,".turn":45634,"Ġsuppression":45635,"_calls":45636,"Ġ*@":45637,"(strlen":45638,".hex":45639,"ĠBills":45640,"ĠRSA":45641,"ÏĤ":45642,"ĠEscape":45643,"ementia":45644,"Ġfrontend":45645,"Ġpint":45646,"_exc":45647,"zzo":45648,"[],Ċ":45649,"Ġ\"','\"":45650,".Environment":45651,"Ġaforementioned":45652,"Ġendure":45653,"prototype":45654,"therapy":45655,"ssi":45656,"Deg":45657,"_plugins":45658,".userInfo":45659,"Printer":45660,"ĠPROGRAM":45661,"Ġruins":45662,"Ġempirical":45663,"Ġcrawl":45664,"ĠBoiler":45665,"-comment":45666,".subplot":45667,"_et":45668,"Ġ'.',":45669,"minor":45670,"ĠCustoms":45671,"Ġyaw":45672,"underline":45673,"ĠComo":45674,"(('":45675,"(mean":45676,"Ġchaque":45677,"ĠBlocks":45678,".rad":45679,"ilibrium":45680,"Ġwebdriver":45681,"Ġmelhor":45682,"dana":45683,"ĠAbuse":45684,"ĠSouthwest":45685,"ĠParen":45686,"PERTIES":45687,"ĉIL":45688,"Ġscream":45689,"vu":45690,"Ġincomes":45691,"Ġnim":45692,"Ġlace":45693,"Ġcompensate":45694,"Reverse":45695,"Dat":45696,"_attack":45697,"Ġnour":45698,"achen":45699,"cek":45700,"\"+":45957,"Ġtokenizer":45958,"Ġsovereignty":45959,"ĠPence":45960,"()\");Ċ":45961,"Ġpessoas":45962,".Ge":45963,"ĠIncluded":45964,"Ġpagina":45965,"Ġexposing":45966,"еÑĪ":45967,"_SCRIPT":45968,"/$',":45969,"Thumbnail":45970,"×Ķ":45971,"webElementX":45972,"webElementXpaths":45973,"pressure":45974,"ĠCurry":45975,"_CP":45976,"OLUTION":45977,"ILES":45978,"protect":45979,"oola":45980,"Workspace":45981,"{};Ċ":45982,"ĠUNS":45983,"Ġsympathy":45984,"roker":45985,"Ġremodel":45986,"ĉcell":45987,"Ġatop":45988,".FullName":45989,"Ġfaut":45990,"ĠEasily":45991,"_dynamic":45992,"Ġframed":45993,"Ġmotive":45994,"è·¯":45995,"sam":45996,"Ġmarca":45997,"ĠTextEditingController":45998,"Ġdestructor":45999,"cream":46000,"Ġrude":46001,"ĠBold":46002,"ĠIndigenous":46003,"Ġgens":46004,"Ġrelacion":46005,"(system":46006,"ĠUIFont":46007,"_charge":46008,"USTER":46009,"EV":46010,".Namespace":46011,"Ġmerger":46012,"Ġcalloc":46013,"gang":46014,"BadRequest":46015,"Ġsper":46016,"-design":46017,"Ġâĩ":46018,"Chan":46019,"Ġorganism":46020,",)":46021,"=id":46022,"_plane":46023,"ĠCases":46024,"elfast":46025,"ĠLegislature":46026,"ĠFaker":46027,"Ġinvoking":46028,"-utils":46029,"().'":46030,".face":46031,"Ġguardian":46032,"myModal":46033,"Ġclipboard":46034,"ĠATM":46035,"Ġpeas":46036,"ĠSylv":46037,".calc":46038,"ĠContacts":46039,"intValue":46040,"Ġmodifying":46041,"ĠBarb":46042,".loss":46043,"_percentage":46044,"Asked":46045,"(lst":46046,"ategorical":46047,"-files":46048,"ĠRomania":46049,".Ac":46050,"Ġhai":46051,"ĠFlying":46052,"Ġż":46053,"jp":46054,"ĠTrainer":46055,".arc":46056,"_deg":46057,"Ġtraceback":46058,"OrFail":46059,"FLOW":46060,".old":46061,"oya":46062,"gmt":46063,"isempty":46064,"Ġvaccination":46065,"Ġobsolete":46066,"recognized":46067,"Ġruined":46068,"ĠRein":46069,"ĠTracking":46070,"xfb":46071,"اÛĮ":46072,"Ġvære":46073,"Ġbryster":46074,"ĠITS":46075,"Ġdestiny":46076,"Ġswear":46077,"Ġredes":46078,"Ġclf":46079,"Ġflipped":46080,"ĉhead":46081,"Bluetooth":46082,"ĠOverrides":46083,":Boolean":46084,"_=":46085,"_lr":46086,"spawn":46087,":index":46088,"VALUES":46089,"iskey":46090,"?\");Ċ":46091,".synthetic":46092,"ĠChecking":46093,"structures":46094,"iping":46095,"Ġvocals":46096,"-Up":46097,"ĠManufacturers":46098,"ĠMarriage":46099,"代çłģ":46100,"Ġgarner":46101,"_Client":46102,"parallel":46103,"RIEND":46104,"Ġvinegar":46105,"segue":46106,"JB":46107,"Ġcontacting":46108,"ĠCarroll":46109,"Ġoutreach":46110,"tensor":46111,"_variant":46112,"Ġtheat":46113,"licable":46114,"{|":46115,"tiny":46116,"_letter":46117,"Ġpencil":46118,"HeadersHeightSizeMode":46119,"iltro":46120,".autoconfigure":46121,".drag":46122,".useState":46123,"ĠBMI":46124,"hint":46125,"Compile":46126,"*\\":46127,"enary":46128,"Ġlvl":46129,".Cache":46130,"+=\"":46131,"_tv":46132,"ruitment":46133,"Ġfread":46134,"Articles":46135,"fila":46136,"Ġpackaged":46137,"âĺĨ":46138,"ATHER":46139,"ĠPlanned":46140,"scheme":46141,"Ġdiary":46142,"Ġoffenses":46143,"/F":46460,"ĠStick":46461,"Ġcerc":46462,"ĠSlee":46463,"ĉĉĠĠĠĠĠĠĠĠ":46464,"":46639,"ĉcol":46640,"VG":46641,"_boolean":46642,"recent":46643,"Ġ*)ĊĊ":46644,"ĠRainbow":46645,"ommen":46646,"Ġlur":46647,"Ġoppression":46648,"(\",\");Ċ":46649,"ĠFacility":46650,"DEFINED":46651,"Ġneon":46652,"Ġoffender":46653,"AFP":46654,"ĠCleaning":46655,"[]):":46656,"Ġundocumented":46657,".Repositories":46658,"ĠGuitar":46659,"аÑģÑģив":46660,"Skills":46661,"Ġtestimon":46662,"ryptography":46663,"ĠAmber":46664,"ĠStalin":46665,"Ġlone":46666,"Ġapenas":46667,"Ġdieses":46668,"ĠArduino":46669,"转":46670,"==-":46671,"_Act":46672,"Ġcoded":46673,"âĸł":46674,"amburger":46675,"-links":46676,"Ġarmour":46677,".High":46678,"getContent":46679,"stag":46680,"Ġheck":46681,"ĠìĹĨ":46682,"ĠMcConnell":46683,"ĠConcert":46684,"ĠAlloc":46685,"äre":46686,".replaceAll":46687,"Ġpartitions":46688,"rott":46689,"ĠFle":46690,"_TREE":46691,"reasonable":46692,"ĠReporting":46693,"Ġbillionaire":46694,"scores":46695,"mins":46696,"-eye":46697,"MORE":46698,"abort":46699,"ĠSWT":46700,"Ġinverted":46701,"ĠTeachers":46702,";n":46703,"Ġastro":46704,"нов":46705,"аниÑĨ":46706,"producto":46707,"countries":46708,"ĠOwen":46709,"Ġcontamination":46710,"Ġvibe":46711,"ĠElli":46712,".script":46713,"ĠOlive":46714,"DMA":46715,"vier":46716,":semicolon":46717,"-module":46718,"gressive":46719,"agu":46720,"_players":46721,"Ġresultados":46722,"started":46723,"scrollTop":46724,"=====":46725,"Ġweighing":46726,"Ġ[[[":46727,"zahl":46728,"(NS":46729,"ĠAssertion":46730,"league":46731,".setTextColor":46732,"ĉMessage":46733,"Ġmoms":46734,"_AF":46735,".wh":46736,"ALS":46737,"Ġautre":46738,"]ĊĊĊĊ":46739,".opacity":46740,"ĠBuddhist":46741,"Ġdeaf":46742,"ĠOrganisation":46743,"(Global":46744,"ensch":46745,"Ġheadache":46746,"ĠAlien":46747,"_inode":46748,"ĠStark":46749,"Ġæī":46750,"-lnd":46751,"oref":46752,"_feat":46753,"Ġpedestrian":46754,"Ġnominal":46755,"Ġballoon":46756,"Ġsprites":46757,"PrototypeOf":46758,"ĠApost":46759,"ĠFEATURE":46760,"OH":46761,"Ġrecess":46762,"ĠDonna":46763,"consumer":46764,"$GLOBALS":46765,"ĠGIF":46766,"-frame":46767,"Inicio":46768,"Ġpassages":46769,"DateString":46770,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":46771,".byte":46772,"Bug":46773,"initializer":46774,"pkt":46775,"odium":46776,"ĠDER":46777,".ops":46778,"leri":46779,"Ġgifted":46780,"Ġdetach":46781,"terrain":46782,"elters":46783,"ãģı":46784,".loader":46785,"ĠNGO":46786,"strncmp":46787,"Kh":46788,"(fontSize":46789,"rocket":46790,"Ġprecedent":46791,"ĠAurora":46792,"ĠExperiment":46793,"isphere":46794,"Encoded":46795,"ĠâĢĵĊĊ":46796,"Ġpyramid":46797,"ĠAnniversary":46798,"ofil":46799,"ëŁ":46800,"(plugin":46801,"Coeff":46802,"Ġcooperate":46803,"Ġpredominantly":46804,"ISM":46805,"Phrase":46806,"_DEFINE":46807,"Flip":46808,"AMILY":46809,"ĠMarkets":46810,"ĠStreamReader":46811,"ĠCombine":46812,"Ġmanuscript":46813,"zza":46814,",tp":46815,"Whatever":46816,"ITICAL":46817,"ighbour":46818,"DataProvider":46819,".Texture":46820,"privacy":46821,".SDK":46822,"Ġrecharge":46823,"Ġcpp":46824,"ĠCFG":46825,"(holder":46826,"(py":46827,"mot":46828,"Ġsavoir":46829,"ĠRosa":46830,"ĠPCs":46831,"ĠíĻ":46832,".heroku":46833,"Ġfren":46834,"ĠRiley":46835,"agate":46836,"Ġsond":46837,".xlsx":46838,"Ġhacked":46839,"stad":46840,"Gi":46841,"Ġsanity":46842,"ĠSqlDataAdapter":46843,"...\",":46844,"ĠPussy":46845,"Ġ****************":46846,"Ġhassle":46847,"_PARENT":46848,"ĠUAE":46849,"Ġbeginners":46850,"(Client":46851,"Ġstatistically":46852,".hour":46853,"edelta":46854,"Ġtraction":46855,"uelve":46856,"arat":46857,"Ġsauna":46858,"INVALID":46859,"Ġindictment":46860,"ALLE":46861,"Ġdissent":46862,"ĠTypography":46863,"Ġintentional":46864,"sit":46865,"ĠAnimals":46866,"Ġcountryside":46867,"Ġuart":46868,"}\\\"":46869,"Ġseamless":46870,"¾ç¤º":46871,"Ġautos":46872,"Ġ\"'\";Ċ":46873,"Flush":46874,"ANNOT":46875,"Ġalgebra":46876,"assoc":46877,"ĠWaters":46878,"Ġpreparations":46879,"ronym":46880,"[,]":46881,"Sans":46882,"Ġarmies":46883,"ipeg":46884,"Ġcreamy":46885,".art":46886,"etre":46887,"ĠAnimated":46888,"Ġunpleasant":46889,"emean":46890,"great":46891,"iÄħ":46892,"ĠEarlier":46893,"Ġchic":46894,"Ġpreserving":46895,"(exec":46896,"ĠInvestigation":46897,"ĉGPIO":46898,"Ġrigorous":46899,"ijo":46900,"=num":46901,"ĠtoolStrip":46902,")set":46903,"+\"&":46904,"ĠAcceler":46905,"Ġdevelopmental":46906,"isposable":46907,"Ġflawed":46908,"rene":46909,"Updating":46910,"Ġwatchdog":46911,"Ġdenominator":46912,"Ġsuburbs":46913,"Ġ...)":46914,"Ġconvictions":46915,"closure":46916,".IP":46917,"Ġtranslates":46918,".swt":46919,".Trace":46920,"Ġmettre":46921,".isEnabled":46922,"ĠEffective":46923,".toInt":46924,"Ġenchant":46925,"Ġstunned":46926,"Ġpoi":46927,"/code":46928,"adm":46929,".databinding":46930,"ĠLorem":46931,"________________________________________________________________":46932,"Ġledger":46933,"Ġcara":46934,"ĠGir":46935,"Ġwaits":46936,"Uno":46937,"Ġcwd":46938,"è¾ij":46939,"ĠTResult":46940,"Ġrejo":46941,"Ġemitted":46942,"ĠWestminster":46943,"ä¸Ģ个":46944,"nek":46945,"_Tis":46946,"Ġenact":46947,"ĉwith":46948,"orgia":46949,"Ġjue":46950,"Perform":46951,"SPATH":46952,".topic":46953,"ĠDaten":46954,"ầ":46955,"Ġsitio":46956,"_MM":46957,"\"So":46958,"bial":46959,"Ġscoped":46960,"Requires":46961,"ĠTOTAL":46962,"ĠChancellor":46963,"(contents":46964,"Ġstealth":46965,"devices":46966,"-pass":46967,"ilih":46968,"ĠMalcolm":46969,"ĠDepot":46970,"Ġconfigur":46971,"aussian":46972,"_constraint":46973,"веÑĤ":46974,"GRA":46975,"ĠRates":46976,".dataGridViewTextBoxColumn":46977,"ĠNobel":46978,"itics":46979,"Ġignorant":46980,"ĠReporter":46981,"ĠEbola":46982,"ĠShock":46983,"_relation":46984,"ĠNinja":46985,")c":46986,"Ġticker":46987,".isChecked":46988,"ĠSuppliers":46989,"ĠRapid":46990,"Levels":46991,"âĤ¬âĦ¢":46992,"ĉqueue":46993,"Ġchop":46994,"ĠUnix":46995,"reject":46996,"-calendar":46997,"(sort":46998,"ène":46999,"ercicio":47000,"Ġhect":47001,"CALLTYPE":47002,"roupon":47003,"Ġrentals":47004,"authors":47005,"{name":47006,"ĠFIFO":47007,"Ġlassen":47008,"ĠNous":47009,"Ġsnapped":47010,"Ġfertility":47011,"\"log":47012,"clicked":47013,"Ġplanting":47014,"Ġgb":47015,"/output":47016,"PEAT":47017,"Ġcategoria":47018,"Ġbach":47019,"Professor":47020,"inth":47021,"\"]čĊ":47022,"Recorder":47023,"serde":47024,"ĠTransmission":47025,"trad":47026,"Ġturbo":47027,"_VERTEX":47028,"\\Event":47029,"ilver":47030,"Ġbodily":47031,"ĠSources":47032,"Ġkillings":47033,".xrTableCell":47034,"Ġfolded":47035,"/legal":47036,"uner":47037,"ĠRifle":47038,"ĠMIDI":47039,"_SelectedIndexChanged":47040,".SizeType":47041,"ĠWebSocket":47042,"Ġseleccion":47043,"Sand":47044,"otros":47045,"Ġenvision":47046,"/etc":47047,"ĠMelissa":47048,"Spot":47049,"ное":47050,"_ARM":47051,"Attempt":47052,"ĠBI":47053,"ãģĶ":47054,"ĠDU":47055,"Ġbacklash":47056,"stride":47057,"/classes":47058,"ĠtextColor":47059,"_staff":47060,"oblin":47061,"agenta":47062,".collections":47063,"illage":47064,"'čĊčĊ":47065,"flatten":47066,"_sales":47067,"_MASTER":47068,"TW":47069,"_da":47070,"Pitch":47071,"phies":47072,"Ġzombies":47073,"ĠVERY":47074,"ĠPharmacy":47075,"ĠprogressBar":47076,"Ġhashtag":47077,"Sidebar":47078,"@stop":47079,"(pc":47080,"олж":47081,"MAKE":47082,"ĠCoron":47083,"Ġkvinner":47084,"ĠMaid":47085,"bob":47086,".titleLabel":47087,"Ġsuccesses":47088,"ĠDemocracy":47089,"ĠSurgery":47090,"Ġcougar":47091,"Ġcurso":47092,"Ġloro":47093,"istency":47094,"Senior":47095,"æk":47096,"ĠAAA":47097,"ĠBOOK":47098,"ко":47099,"WSTR":47100,"Ġ*/,Ċ":47101,"oyal":47102,".vector":47103,"ĠSPEC":47104,"SSF":47105,"Ġcompuls":47106,"ĠAppeals":47107,"ĠWinston":47108,"ĠMockito":47109,"contrib":47110,".available":47111,"entityManager":47112,"arias":47113,"_sale":47114,"_rs":47115,"Ġdecoding":47116,"Ġlocator":47117,"olith":47118,"Ġkol":47119,"Ġascii":47120,"ĠRut":47121,"/interface":47122,"ĉĉĉĉĉĉĠĠĠ":47123,"ĠNumer":47124,".flip":47125,"-del":47126,"Ġbolster":47127,"onomic":47128,"Ġzm":47129,"LG":47130,"FindBy":47131,"Ġadaptive":47132,"loo":47133,"Ġvue":47134,"(reverse":47135,"_canvas":47136,".roles":47137,"ificado":47138,"venient":47139,"\"As":47140,"ĠEntr":47141,"aligned":47142,"Ġbereits":47143,"///ĊĊ":47144,".gwt":47145,".employee":47146,"_cli":47147,"Ġanticipate":47148,"éĻIJ":47149,"Ġpik":47150,"Ġmushrooms":47151,"(tt":47152,"Ġoma":47153,"ĠSanchez":47154,"_google":47155,".Valid":47156,"ĠFileName":47157,"ivative":47158,"ked":47159,"-war":47160,"Ġmaturity":47161,"ид":47162,"Ġminer":47163,"Reducers":47164,"ĠLatLng":47165,"_STD":47166,"Digits":47167,"Calc":47168,"-upload":47169,"Ġhandic":47170,"ีà¹Ī":47171,"egrated":47172,"ĠSTM":47173,"Clients":47174,"ĠTurbo":47175,"SYNC":47176,"Ġphotographers":47177,".Out":47178,".character":47179,"BUILD":47180,".unlock":47181,"Ġarises":47182,"ĠCommands":47183,"(\"\");čĊ":47184,"_FORE":47185,";',":47186,"+\"'":47187,".Images":47188,"\"){":47189,"ĠMeyer":47190,"Ġnegatively":47191,"ĠDLL":47192,"Ġexe":47193,"Ġdeficiency":47194,"Ġwildly":47195,"-switch":47196,"construction":47197,"Ġexceptionally":47198,"ĠLiz":47199,"/java":47200,"Ġtheirs":47201,"ĠContemporary":47202,"lis":47203,".fillRect":47204,"ĠNFC":47205,"Ġrehe":47206,"(numbers":47207,"Ġraster":47208,"Ġfiguring":47209,"Ġshowc":47210,"ĠJill":47211,"Ġarcade":47212,"ĠConstructs":47213,"mdl":47214,"('|":47215,"Ġidentifiers":47216,"Ġstellar":47217,"(Connection":47218,"Ġ\"{{":47219,"yor":47220,"(mysqli":47221,"Ġdove":47222,"OfBirth":47223,".disconnect":47224,"_hi":47225,"Ġzwischen":47226,"ĠGrund":47227,"iros":47228,"_Array":47229,".onclick":47230,"ansom":47231,"Answers":47232,"ĉremove":47233,"Fa":47234,"Ġhurry":47235,"-inf":47236,"ĠgetClass":47237,"ĠRegulation":47238,"ĠFLAGS":47239,"misc":47240,"Ken":47241,"_heading":47242,"GHz":47243,"-entry":47244,"Ġbiography":47245,"Sig":47246,"-mf":47247,"Watcher":47248,"âĢľA":47249,"}px":47250,"Ġspicy":47251,"_sq":47252,"Lost":47253,"(track":47254,"али":47255,"Descending":47256,"((":47453,"survey":47454,"Ġíĺ":47455,"...')Ċ":47456,"ĠDivider":47457,"osl":47458,"_CANCEL":47459,"_prepare":47460,"stin":47461,"ĠHeath":47462,".PrimaryKey":47463,"ĠâĨIJ":47464,"ĠLocalDateTime":47465,"Ġcooperative":47466,"Learning":47467,".enqueue":47468,"Ġgoog":47469,"ĠRegression":47470,"imates":47471,"Ġvoyeur":47472,"ĠDrink":47473,"plug":47474,"Ġlender":47475,"mana":47476,"Ġpersonnes":47477,"ypse":47478,"Ġunlink":47479,"ĠRavens":47480,"Ġhurd":47481,"Ġperiodically":47482,"ARGS":47483,"ĠGH":47484,"characters":47485,"...\"ĊĊ":47486,"-establish":47487,"Ġdn":47488,"(condition":47489,"ĠGravity":47490,"Ġestas":47491,"_focus":47492,"Creature":47493,"(site":47494,"Ġcarr":47495,"ĠRL":47496,"ĠRI":47497,"ĠMoto":47498,"ASF":47499,"ĠLuckily":47500,"ĉRoute":47501,"Ġentropy":47502,"(\",\"":47503,"Collect":47504,"(contact":47505,"ĠFlorence":47506,"Ġpremiums":47507,"Ġlifecycle":47508,"Ġbans":47509,"xef":47510,"WebKit":47511,"ĠFloating":47512,"Ġcosa":47513,"Specific":47514,"ĠLoans":47515,"bread":47516,"Ġdescriptors":47517,"Ġ{:.":47518,"THREAD":47519,"ĠTrent":47520,"Ġscop":47521,"QA":47522,"ĠAntar":47523,"pel":47524,"_difference":47525,"_changes":47526,"(...)":47527,"ĠRotation":47528,"ĠLGPL":47529,"ĠJUST":47530,"(Task":47531,"_subset":47532,"ĠTRANS":47533,"åĬĽ":47534,"ĠScout":47535,"-popup":47536,"Ġsmoked":47537,"_Class":47538,"Ġturnover":47539,"brakk":47540,"ĠRocky":47541,"tas":47542,".RegularExpressions":47543,"ĠElliott":47544,"ĠSpinner":47545,"DUCTION":47546,"Ġlibre":47547,"Ġmolto":47548,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":47549,"ĠFTP":47550,"mpeg":47551,"(features":47552,"Ġbald":47553,"ĠVid":47554,"Ġshouting":47555,"Lint":47556,"Ġsockets":47557,"Ġprow":47558,"Ġnouvelle":47559,"iscard":47560,"ĠSponsor":47561,"Ġconsulta":47562,")));":47563,"Indian":47564,"ĠRaspberry":47565,"Ġteammate":47566,"ĠJWT":47567,"ĠGhana":47568,"Ġcakes":47569,"primer":47570,"forma":47571,"ergarten":47572,"_Manager":47573,"Ġpreseason":47574,"GAME":47575,"|\"":47576,"ĠBrock":47577,"Ġoccupy":47578,"Ġdecorations":47579,"ánd":47580,"Ġcot":47581,"Ġparan":47582,"Disk":47583,"remain":47584,">?":47585,"Strong":47586,"Ġfrance":47587,"ĠEra":47588,"-cr":47589,".BufferedReader":47590,"ĠParadise":47591,"ĠVAT":47592,"ĠAnders":47593,"Ġlimb":47594,"ampoo":47595,"Ġimperative":47596,"UTILITY":47597,"ĠRecognition":47598,"Ġragazze":47599,"Ġpops":47600,"ypress":47601,"Ġembargo":47602,"//{Ċ":47603,"Ġsyll":47604,"PTR":47605,"åŃĺåľ¨":47606,"Ġdidnt":47607,"Mailer":47608,"Ġacademics":47609,"ĠFrauen":47610,"neider":47611,"-rel":47612,"Ġrainbow":47613,"(In":47614,"Ġsliced":47615,"=============Ċ":47616,"(send":47617,"NSMutableDictionary":47618,"vos":47619,"(package":47620,"Ġordinance":47621,"viewer":47622,"ĠSantos":47623,"-selling":47624,"Ġgov":47625,"ettle":47626,"Ġfounders":47627,"Ġwaking":47628,"slashes":47629,"-pound":47630,"recht":47631,"ات":47632,".onClick":47633,"Ġnord":47634,"ständ":47635,"_when":47636,"UTERS":47637,"icc":47638,"Ġcapsule":47639,"ĠWid":47640,"Marc":47641,"ุ":47642,"rored":47643,"UGE":47644,"LOUD":47645,"ĠAudit":47646,"ipients":47647,"opian":47648,"ĠSue":47649,"Ġwurden":47650,".Helpers":47651,"Ġfactions":47652,"[np":47653,"-than":47654,"Ġreco":47655,"Ġkas":47656,"Ġcmds":47657,"/network":47658,"xbf":47659,"getColor":47660,"Ġbiased":47661,"ĠLak":47662,"Datas":47663,"vents":47664,"Ġë²":47665,"_PS":47666,".Validate":47667,"Invoker":47668,"Ġneuen":47669,"Ġjuvenile":47670,"VISION":47671,"Ġdevote":47672,"Ġlinha":47673,"Ġdiscounted":47674,"\\Config":47675,"Ġworthwhile":47676,"Ġskinny":47677,"ĠCourses":47678,"leys":47679,"ĠMortgage":47680,"Kevin":47681,"Ġannounces":47682,"])*":47683,"reservation":47684,"Ġæķ°":47685,"Ġprejudice":47686,"ĠStringComparison":47687,"Ġbeard":47688,"-win":47689,"ĠSão":47690,"ĉms":47691,"jal":47692,"ĠEarn":47693,"_ports":47694,"ĠNombre":47695,"_COR":47696,"ĠBUILD":47697,".sound":47698,"Yellow":47699,"Ġlinebacker":47700,"Ġcharitable":47701,"jug":47702,"_NONNULL":47703,"ĠDental":47704,"\">${":47705,"ĉmatch":47706,"Russian":47707,"Ġversch":47708,"Ġpinned":47709,"Ġadopting":47710,"OptionsMenu":47711,"Pag":47712,"Ġpairing":47713,"Ġtread":47714,"ercises":47715,"ĠSpread":47716,")i":47717,"ĠBAD":47718,"_tf":47719,"UIImageView":47720,"populate":47721,"bab":47722,"ĠÏĥ":47723,"[++":47724,"Ġopioid":47725,"Ġ##Ċ":47726,"dtype":47727,"ĠStarts":47728,"('/')":47729,"Ġpersonals":47730,"-market":47731,"Ġredundant":47732,"ĠEssential":47733,"Ġscrapy":47734,"Ġим":47735,"acl":47736,"Ġcrear":47737,"ĠBend":47738,"Ġrelieve":47739,"-room":47740,"wife":47741,"ĠvÃł":47742,"ĠQPoint":47743,"Ġquasi":47744,"ĠmethodName":47745,"\\xc":47746,"ĠPeru":47747,"/The":47748,".orm":47749,"Ġviz":47750,"/pdf":47751,"Located":47752,"Ġconfrontation":47753,"ĠChampionships":47754,"Ġhypert":47755,"Ġdj":47756,"ĠUserInfo":47757,"ĠåĪĽå»º":47758,"\\xb":47759,"(sim":47760,"Ġ==Ċ":47761,"Ġstaging":47762,"Ġdrastically":47763,"åѦ":47764,"lords":47765,".less":47766,"ведиÑĤе":47767,"ĠBucket":47768,"ĠMam":47769,".term":47770,"_pi":47771,"czy":47772,".pub":47773,"precio":47774,"ĠVirt":47775,"Ġroman":47776,"itat":47777,"Lex":47778,"_infos":47779,"İ":47780,".other":47781,"VELO":47782,"Ġponder":47783,"Ġhanno":47784,"(Page":47785,"doi":47786,"Ġpolite":47787,"Ġprogrammer":47788,"Dies":47789,"$d":47790,"Ġreplication":47791,"addColumn":47792,"frican":47793,"Ġleng":47794,"beer":47795,"oit":47796,"Ġwasting":47797,"ylim":47798,"measure":47799,"Neg":47800,"Ġpartie":47801,".console":47802,"ĠGuinea":47803,"TEL":47804,"_fact":47805,".chunk":47806,"Ġlent":47807,"Ġaller":47808,"Ġà¤ķ":47809,"_idle":47810,"Ġadmissions":47811,"JSONArray":47812,"Ġvibration":47813,".helpers":47814,"å¤ĸ":47815,"Ġhen":47816,"john":47817,"ĠìĥĿ":47818,"Ġjudgement":47819,"Ġgeen":47820,"terra":47821,"^{":47822,"ĠIz":47823,"Ġcâ":47824,"instances":47825,"Ġthreatens":47826,"Ġmüssen":47827,"KindOfClass":47828,"Ġstorytelling":47829,"_demo":47830,"rias":47831,"Privacy":47832,"hift":47833,"ĠYi":47834,"esor":47835,"íķł":47836,"ensitivity":47837,".Writer":47838,"à¸Ĥ":47839,"District":47840,".getJSONObject":47841,"Impro":47842,"(getResources":47843,"ĠSPELL":47844,"roduce":47845,"Ġslowed":47846,"Ġlinewidth":47847,"Ġhonesty":47848,"ĠCoord":47849,"ĠFork":47850,"ĠDispatchQueue":47851,"ĠCliff":47852,"ĠWiring":47853,"_TIMESTAMP":47854,"ollah":47855,"avoid":47856,"++];Ċ":47857,"semantic":47858,"-css":47859,"Ġveto":47860,"ĠMerr":47861,"Ġlegislators":47862,"CEEDED":47863,"Ġquestionnaire":47864,"ĠPills":47865,"Calculate":47866,"(core":47867,"'e":47868,"Ġdislike":47869,"ĠPreferences":47870,"_EXTERNAL":47871,"è°ĥ":47872,"Ġdodge":47873,"æľįåĬ¡":47874,".names":47875,".drawImage":47876,"_prom":47877,"uckland":47878,"Ġ<$>":47879,"ız":47880,"/site":47881,"项":47882,"rophe":47883,"Ġcompelled":47884,"Ġlaptops":47885,"Ġuni":47886,"CLOSE":47887,"Ġcasualties":47888,"ĠUniform":47889,"Terminal":47890,".\",\"":47891,"DAT":47892,"(TreeNode":47893,"ĠGandhi":47894,"(stmt":47895,"AXB":47896,"*M":47897,"Ġumbrella":47898,"animal":47899,"Ġgrpc":47900,"Ġwhereby":47901,"Ġfloats":47902,"ĉarg":47903,"Ġdbg":47904,"Ġexceeding":47905,"EventType":47906,".SaveChangesAsync":47907,"Ġ{{{":47908,"Ġowed":47909,"ahrenheit":47910,"Ġì§":47911,"Ġequipo":47912,"urai":47913,"Ġidol":47914,"]\")Ċ":47915,"_major":47916,"Ġentirety":47917,"ingerprint":47918,"ços":47919,"/account":47920,"ĉright":47921,"ursos":47922,"ĠEDT":47923,"_INSERT":47924,"Ġshining":47925,"Ġ<:":47926,"EdgeInsets":47927,"Ġcolonies":47928,".IM":47929,"ĉĠĉ":47930,"ROAD":47931,"CCCC":47932,"placing":47933,"ĠgetActivity":47934,"emacs":47935,"'%(":47936,".clicked":47937,"ĠThem":47938,"isia":47939,"Buscar":47940,".rename":47941,"Ġoath":47942,"Ġafterward":47943,"ĠUFO":47944,"APS":47945,"ĠJacksonville":47946,".some":47947,"Confirmed":47948,".scan":47949,"igInteger":47950,"Decorator":47951,"shield":47952,"ressive":47953,".did":47954,"请è¾ĵåħ¥":47955,"Ġshutter":47956,"Dam":47957,"Ġparenting":47958,"eyed":47959,"$item":47960,"-develop":47961,"Ġextracts":47962,"Ġdecentralized":47963,"ĠElsa":47964,"_spin":47965,"])+":47966,"-initial":47967,"Ġmultitude":47968,"Ġsensory":47969,"ĠMODEL":47970,"Ġsafeguard":47971,"ì¹":47972,"Ġhunters":47973,"ĠTiny":47974,"INO":47975,"decorate":47976,"ĠNoSuch":47977,"Ho":47978,"(Response":47979,"Ġruler":47980,"ĉshort":47981,"Ġcaster":47982,"ĠclientId":47983,"Ġpdb":47984,"ëıĦ":47985,"itic":47986,"ĠGameState":47987,"ĠnewItem":47988,")ĊĊĊĊĊĊ":47989,"ouis":47990,"noc":47991,".BLACK":47992,"_VECTOR":47993,"----------();":48281,".getP":48282,"anye":48283,"Ġneuron":48284,"ifold":48285,"ĠKnown":48286,"Bitcoin":48287,"Anyway":48288,"ayette":48289,"Ġ'['":48290,"Ãłnh":48291,"mgr":48292,"Ġcorrelated":48293,"Ġnause":48294,"Ġmentality":48295,"hasMany":48296,"ĠFG":48297,"ampie":48298,"ITU":48299,"Fs":48300,".Sp":48301,"_between":48302,"Dependencies":48303,"oug":48304,"Placeholder":48305,"=text":48306,"ĠManaging":48307,"ocalypse":48308,"åĮĹ":48309,"_mag":48310,"fld":48311,"âij":48312,"CAM":48313,"ĠHelpers":48314,"Ġdost":48315,"/out":48316,"Ġassassination":48317,".getImage":48318,"ĠKenny":48319,".')ĊĊ":48320,"){//":48321,"ĠRanger":48322,"Ġgek":48323,"Ġsincere":48324,"čĊ":48527,".getResources":48528,"Ġlump":48529,"_consts":48530,"(ext":48531,"ĉdir":48532,"âĿ":48533,"ĠpaddingTop":48534,"Ġobsession":48535,"Ġbanning":48536,"ĠAppModule":48537,"Ġpartisan":48538,"Ġcatalogue":48539,"Ġminors":48540,"Ġpitches":48541,"weep":48542,"Ġundertake":48543,"Ġthemed":48544,"audit":48545,".scrollTop":48546,"Ġrer":48547,"Ġsymptom":48548,"Ġopenings":48549,".blocks":48550,"openid":48551,"Ġassh":48552,"-save":48553,"ĠPig":48554,"Ġregain":48555,"Ġinicial":48556,"/favicon":48557,"ĉexp":48558,"Ġspices":48559,"iska":48560,"claims":48561,"mak":48562,"definitions":48563,"Ġcorrespondent":48564,"ĠCannabis":48565,"__,Ċ":48566,"ĠLucky":48567,"ĠGaussian":48568,"ĠNearly":48569,"CAD":48570,"']]Ċ":48571,"Ġadequately":48572,"ĠTITLE":48573,"constitutional":48574,"-mm":48575,"_override":48576,"Ġblas":48577,".readyState":48578,"Ġreminis":48579,"Ġreinforced":48580,"ĠCollabor":48581,"Ġdecorating":48582,"Ġbachelor":48583,"ERRUPT":48584,"Ġupright":48585,"ipation":48586,"ĠNoble":48587,"ĠvalueForKey":48588,"ĠsetLoading":48589,".Ignore":48590,"åģ":48591,"Globals":48592,"ĠMent":48593,"ASSES":48594,"Ġlimbs":48595,"ĠHUD":48596,"inci":48597,".iv":48598,"ĠQModelIndex":48599,"Fuse":48600,"Ġpedal":48601,"_FREQ":48602,"(verbose":48603,"Ġlongitud":48604,"ĠCharter":48605,"ê·¸":48606,"Ġbundles":48607,".ignore":48608,"umbo":48609,"EMA":48610,".......":48611,"sx":48612,".Card":48613,"Ġheute":48614,"Ġsteer":48615,"jumlah":48616,"Ġ{_":48617,"_Checked":48618,"Ġfax":48619,"ĠGust":48620,"itchens":48621,"Ġ))ĊĊ":48622,"Ġremarkably":48623,"/XML":48624,"-remove":48625,"_bt":48626,"Ġincub":48627,".package":48628,".currentThread":48629,"ĠHighlander":48630,".side":48631,"splash":48632,"Ġici":48633,"=D":48634,"Ġpuck":48635,"Ġballots":48636,"Ġhugely":48637,"coeff":48638,"ĠpData":48639,".COLUMN":48640,"ĠHealing":48641,"Ġordin":48642,"!),":48643,"Ġ'',čĊ":48644,"(md":48645,"ĠSask":48646,"čĊ":48668,"Ġrá":48669,"Ġblunt":48670,"ĠImageIcon":48671,"ifik":48672,"RTC":48673,"Ġfibers":48674,"Ġtoile":48675,".sent":48676,"ĠPyQt":48677,"$app":48678,"Ġmedio":48679,"Ġgranting":48680,"Ġtslint":48681,"ĠMö":48682,"(figsize":48683,"Ġhurricane":48684,"Ġlifes":48685,"ĠÃĦ":48686,"rocessing":48687,"_standard":48688,"-option":48689,"')))":48690,"Ġvacant":48691,"å·¥":48692,"ĠHollow":48693,"handleChange":48694,"Ġdivider":48695,"ĠEngineers":48696,"Ġsvens":48697,"Ġcompliant":48698,"tanggal":48699,"ĠCredits":48700,"ĠEmirates":48701,"RuleContext":48702,"Ġrealization":48703,"Ġdistracted":48704,"]+=":48705,"Ġaugment":48706,"ĠDw":48707,"otp":48708,"orrent":48709,"Editar":48710,".stock":48711,"Study":48712,"pections":48713,"ĠGameManager":48714,"=cut":48715,"Ġflock":48716,"ĠRomans":48717,"them":48718,"-hop":48719,"Ġscreenshots":48720,"Ġ/*!Ċ":48721,"Ġconversions":48722,"Ġnormalization":48723,"(configuration":48724,"Ġaeros":48725,"_security":48726,"!'Ċ":48727,"Bonus":48728,"ĠDRIVER":48729,"ĉDate":48730,"tie":48731,"ĠWyoming":48732,"Stand":48733,"itre":48734,"Ġshoppers":48735,"Ġdisadvantage":48736,"Ġliking":48737,"ç¬ij":48738,"Ġunderstandable":48739,"SEE":48740,"Ġhoy":48741,"Ġninete":48742,"Ġconfer":48743,"Ġnowrap":48744,"ĠVern":48745,",čĊčĊ":48746,"imestep":48747,"LayoutManager":48748,"à·":48749,"ĉwait":48750,"PLETED":48751,"Japan":48752,"Ġinduce":48753,"Ġå¯":48754,"озв":48755,"_ENDPOINT":48756,".horizontal":48757,"Ġaccelerated":48758,"rimon":48759,"IVES":48760,"Transactions":48761,"Lean":48762,"ĠSOUR":48763,"whether":48764,"yg":48765,"Ġoid":48766,"ĠEntityManager":48767,"OUNTRY":48768,"Ġfila":48769,"OLUMNS":48770,"INUE":48771,"ĠAnchor":48772,"TRAN":48773,"woo":48774,"blockquote":48775,"ĠNurse":48776,"ĠCarp":48777,"Ġredeem":48778,".try":48779,"ĠJP":48780,"Ġtimestamps":48781,"Ġ?>\"><":48782,"ĠREMOVE":48783,"ĠStarbucks":48784,"Really":48785,"Ġflooded":48786,".Callback":48787,"DropDown":48788,"ipro":48789,"Ġtended":48790,"lte":48791,"Ġproportions":48792,"-te":48793,"ĠRena":48794,"licate":48795,"forces":48796,".extra":48797,".authenticate":48798,"вод":48799,"¡°":48800,"ĠforControlEvents":48801,"Ġsenha":48802,"Ġkein":48803,"Ġminist":48804,"ĠPreference":48805,"ĠTelegraph":48806,"Ñĥп":48807,"strpos":48808,"Ġillnesses":48809,"Ġpigs":48810,"ĠgetIntent":48811,"Sol":48812,"Ġ¡":48813,"(cpu":48814,"[prop":48815,"screens":48816,"');?>":48817,"ĠActs":48818,"Ġstrdup":48819,"Ġaverages":48820,"anal":48821,"ĠCasual":48822,"GroupBox":48823,"ĠHandbook":48824,"/comments":48825,"Ġnumbered":48826,"Ġbroadcasting":48827,"çĽij":48828,".nativeElement":48829,".mu":48830,"ĠupdatedAt":48831,"ĠDoesn":48832,".AC":48833,".coll":48834,"Ġrecorder":48835,"_sha":48836,"Bg":48837,"bil":48838,"Ġbolts":48839,"Ġç¬":48840,"Ġimposing":48841,"ĠInformationen":48842,"_flashdata":48843,"economic":48844,"Remark":48845,"ucas":48846,"ĠOfficers":48847,"ĠTER":48848,"Walk":48849,"Ġmercado":48850,"_generate":48851,"HY":48852,"Calling":48853,"snap":48854,"scriptId":48855,".operation":48856,"ĠFlame":48857,"liness":48858,"Ġrented":48859,"_toggle":48860,"-changing":48861,"ĠTY":48862,"'util":48863,"EEP":48864,"Ġgraphql":48865,"ĠUni":48866,"Ġimpulse":48867,".Basic":48868,"Ġenergies":48869,"MARY":48870,"ĠMarcel":48871,"Ġmortal":48872,"Ġfres":48873,"mens":48874,"motion":48875,"Ġsampled":48876,"âĢľThat":48877,"iday":48878,"quipment":48879,"getInt":48880,"ĠAbsolute":48881,",'\"":48882,"uned":48883,".share":48884,"Ġ})(":48885,"mmm":48886,"ĠRising":48887,"ä»»":48888,"Ġunemployed":48889,"xfa":48890,".follow":48891,"ĉĉĉĉĠĠĠĠĠĠ":48892,"slt":48893,".Phone":48894,"Ġknives":48895,"Ġeve":48896,"onClick":48897,"]))čĊ":48898,"ĠWitness":48899,"ĉNS":48900,"ĠEOS":48901,"ĠStefan":48902,"ĠPriest":48903,"âĢĶwhich":48904,"GetString":48905,".By":48906,"Ġupstairs":48907,"Ġdetriment":48908,"broken":48909,"embro":48910,"Ġnicotine":48911,"ilion":48912,"Ġastonishing":48913,"_aff":48914,"ĠLesson":48915,"Ġaccidental":48916,"odor":48917,"Ġdecir":48918,"ĠnewName":48919,"+.":48920,"缸":48921,"igslist":48922,"ĠGithub":48923,"Ġsuccessive":48924,"racial":48925,"Ġenviron":48926,"éªĮè¯ģ":48927,"Ġredirected":48928,"TOTAL":48929,"Ġgrabbing":48930,"ĠLance":48931,"Ġforfe":48932,"_CB":48933,"å¾®":48934,"Elapsed":48935,"_way":48936,"(DialogInterface":48937,"_measure":48938,"xbb":48939,"Dog":48940,"Depart":48941,"-src":48942,"resolver":48943,"withstanding":48944,"_shell":48945,"ĠLastName":48946,"ĠAviation":48947,"Ġbeginner":48948,"(\"%.":48949,"(tool":48950,"Ġнов":48951,":init":48952,"(API":48953,"ĠMorrison":48954,"vtColor":48955,"Ġstaple":48956,"/INFO":48957,"Ġsupernatural":48958,"Ġsteak":48959,"timeline":48960,"zzle":48961,"\"`ĊĊ":48962,"Secondary":48963,"ĠNepal":48964,".StringUtils":48965,"Ġadam":48966,"Ġ(...":48967,"Ġsubstitution":48968,"Ġboarding":48969,"ĠKeyword":48970,"ĠAssault":48971,"dbcTemplate":48972,"ĠorderId":48973,"(engine":48974,".assertThat":48975,"ĠVenus":48976,"Ġhomicide":48977,"ĠAval":48978,"Ġgutter":48979,"ĠSupported":48980,"/part":48981,"Ġacclaimed":48982,"Histor":48983,"Ġmeses":48984,"über":48985,"ĠRenew":48986,"Ġgras":48987,"ĠEk":48988,"Ġinfile":48989,"indy":48990,".music":48991,".Scroll":48992,"ĠAges":48993,"ĠNaruto":48994,"ĠGather":48995,"Ġconfirming":48996,"=(\"":48997,"Ġpitched":48998,"oley":48999,"France":49000,"+'\"":49001,"$total":49002,"Ġonde":49003,"Ġditch":49004,"_sigma":49005,"Ġcontinuity":49006,"reward":49007,"-load":49008,"Ġproceso":49009,"Locked":49010,"staw":49011,"Ġspinal":49012,"lazy":49013,"!==":49014,"jest":49015,"Ġdun":49016,"ĠRodgers":49017,"ĉgrid":49018,"Ġlogos":49019,"ĠBengal":49020,".super":49021,"Provides":49022,"Ġnutrient":49023,".Timestamp":49024,"IZATION":49025,"åĨĮ":49026,"Ġfats":49027,"ĠXxx":49028,"ctica":49029,"Targets":49030,"Ġcontours":49031,"Ġreordered":49032,":Array":49033,"Ġtolerate":49034,"Vir":49035,"Ġterribly":49036,"Ġbricks":49037,"(&_":49038,"hb":49039,"Portal":49040,"ĠBread":49041,".which":49042,"ÂŃt":49043,"asInstanceOf":49044,"Ġjobject":49045,"ĉlength":49046,"_MT":49047,";\">čĊ":49048,"_EXIST":49049,"Ġmaternal":49050,"REL":49051,"Ġê²½ìļ°":49052,"hee":49053,"Ġlayouts":49054,"ĠLap":49055,"aisy":49056,"Ġstumbled":49057,"ĠUIG":49058,"ĠSco":49059,"Ġimpaired":49060,"RESSED":49061,"Ġabuses":49062,"VF":49063,"ARB":49064,".NAME":49065,"rch":49066,"primir":49067,"_completed":49068,"Ġpenny":49069,"Chrome":49070,"(begin":49071,"ernen":49072,"-checkbox":49073,"PlainOldData":49074,"ĠLPC":49075,"rade":49076,"spir":49077,"Ġconceived":49078,"Tips":49079,"ĠIoT":49080,"ĠGan":49081,"èģĶ":49082,"Ġbiases":49083,"Ġconsultants":49084,"pled":49085,"_ht":49086,"associated":49087,"],ĊĊ":49088,"Ġdelightful":49089,"ĠÑĤек":49090,"Helvetica":49091,"(load":49092,"-expand":49093,"_WIDGET":49094,"toa":49095,"ĠAkt":49096,"Ġomn":49097,"Ġclauses":49098,"Intel":49099,"*/}Ċ":49100,"_registration":49101,"ĠoldValue":49102,"Ġrestoring":49103,"Ġunreal":49104,"OVER":49105,"ĉĊĉĊĉĊ":49106,"ATS":49107,"_probe":49108,"Ġdivisor":49109,".updateDynamic":49110,"å¹³":49111,"Produces":49112,"stamp":49113,".jboss":49114,"ĉtask":49115,"!(:":49116,"Ġpsychic":49117,"@class":49118,"Martin":49119,"ĠPassed":49120,"clarations":49121,"hel":49122,"аÑĩ":49123,"ĉcopy":49124,"-bin":49125,"zan":49126,"igram":49127,"াà¦":49128,"(sig":49129,"ĠCaval":49130,"_##":49131,"Ġ%=":49132,"outlined":49133,"ĠAcid":49134,"Ġunpredictable":49135,"-dashboard":49136,"HexString":49137,"+c":49138,".Public":49139,"ẩ":49140,"Ġconveyor":49141,"ĠEB":49142,"Ġselects":49143,"Ġknocking":49144,"ĠCec":49145,"IBUTES":49146,"owaÄĩ":49147,"gatsby":49148,"*v":49149,"entropy":49150,"Ġdispatched":49151,"Ġcamel":49152,"ĠSaturn":49153,"Ġoverweight":49154,"(phone":49155,"parable":49156,"%B":49157,"_vectors":49158,"Ġbrewing":49159,"ĠTk":49160,"ĠDownloads":49161,"ĠSaved":49162,".Price":49163,"Ġcurved":49164,"ĠParenthood":49165,"è¶":49166,".pnl":49167,"pletely":49168,".Day":49169,"Ġadvertisers":49170,"Ġejec":49171,"Ġprzed":49172,"ë¯":49173,"!';Ċ":49174,"ĠKush":49175,"ĠTAB":49176,"Ġquests":49177,"Ġcoincidence":49178,"ummies":49179,"ĠKashmir":49180,"ĠEthics":49181,"_growth":49182,"Ġaktiv":49183,"Ġgrouping":49184,"å¢ŀ":49185,"_truth":49186,"åIJ¬":49187,"todos":49188,"iset":49189,"TexCoord":49190,"ätt":49191,"ĠZur":49192,"roys":49193,"_MAGIC":49194,"Ġbrewery":49195,"(State":49196,"ĠSMALL":49197,"ĠPlants":49198,"itbart":49199,"eacher":49200,"ĠAdelaide":49201,"Lu":49202,"Ġfick":49203,"undles":49204,"_loaded":49205,"ие":49206,"Poll":49207,"ritic":49208,"ELY":49209,"Ġ+'":49210,"ĠProfession":49211,"Ġstamps":49212,"ĠSew":49213,"scrollView":49214,"Ġcommunist":49215,"/problems":49216,"}čĊčĊčĊčĊ":49217,",o":49218,"Ġudp":49219,"Ġobese":49220,"approve":49221,"ancellation":49222,"_Game":49223,"ĠHashtable":49224,"adaptiveStyles":49225,"Ġpossesses":49226,".matcher":49227,"functional":49228,"Mrs":49229,"ĉsave":49230,"ĠDbType":49231,"Ġken":49232,"getContext":49233,"Ġmans":49234,"(rel":49235,"ĠBrotherhood":49236,")`Ċ":49237,"è§£":49238,".Information":49239,"OutOfRangeException":49240,"ĠSek":49241,"Cas":49242,"Ġbloggers":49243,"Either":49244,"(\"\"\"":49245,"Ġpinch":49246,"Ġcoarse":49247,")p":49248,"ĠPulse":49249,"Ġlearnt":49250,"Ġdentist":49251,"Ġonchange":49252,"Ġdirectives":49253,"(actions":49254,"nyder":49255,"ĠShir":49256,"Trait":49257,"_dep":49258,"ĠPET":49259,"ĠREP":49260,".AppSettings":49261,"cuador":49262,"idenav":49263,"Ġenvi":49264,"Ġslammed":49265,"ĠShoot":49266,"ĠdateFormat":49267,".joda":49268,"veys":49269,"Ġ).ĊĊ":49270,"Ġcareg":49271,"ĠParallel":49272,"_translation":49273,".functions":49274,".obs":49275,"RuntimeException":49276,"[]=":49277,"overview":49278,"ĠSchl":49279,"Ġnoisy":49280,"ĠOnPropertyChanged":49281,"Sending":49282,"Ġunfamiliar":49283,"Upon":49284,"ĠPrints":49285,".typ":49286,"Ġfleeing":49287,"ĉmove":49288,"(Un":49289,"Ġqr":49290,"׾":49291,"_beta":49292,"Ġskies":49293,"ĉme":49294,"WND":49295,"Ġstickers":49296,"blas":49297,"Ġinserts":49298,"Ġverses":49299,"ĠDew":49300,"Ġtangible":49301,"Ġhecho":49302,"POL":49303,"Ġteardown":49304,"omnia":49305,"IBE":49306,".cover":49307,"_strategy":49308,"^-":49309,"setPosition":49310,"uale":49311,"Signed":49312,"Ġiface":49313,"aseline":49314,".setTime":49315,"ĠMineral":49316,"ĠFighting":49317,"skins":49318,"Ġdiscrimin":49319,"Ġdansk":49320,"ĠPrinceton":49321,"acist":49322,"Ġ());Ċ":49323,"tracks":49324,"imonial":49325,"adecimal":49326,"EPROM":49327,"uggle":49328,".Notification":49329,"$mail":49330,"cantidad":49331,"ĠJung":49332,"Ġseekers":49333,"Ġplausible":49334,"tier":49335,"еж":49336,"Ġrapper":49337,"ĠMana":49338,"ĠHttpStatusCode":49339,"Ġburnt":49340,"loses":49341,"ĠFoto":49342,"ĠJsonObject":49343,"Instagram":49344,"Ġsyscall":49345,"Ġrealities":49346,"ĠMATLAB":49347,":^{Ċ":49348,"TERM":49349,"ĠCbd":49350,"ĠParagraph":49351,"Ġtravés":49352,"Ġconstructing":49353,"Ġswal":49354,"Ġpige":49355,"LLLL":49356,"-existing":49357,"Gets":49358,"Ġmelted":49359,"Ġmitigate":49360,"Hen":49361,"Ġhm":49362,"imas":49363,"ĠAo":49364,"ĠPerez":49365,"ĠDAL":49366,"Ġëĭ¤":49367,"Ġdivis":49368,"StoryboardSegue":49369,"ĠModify":49370,"ĠÃľber":49371,"_OVERRIDE":49372,".pem":49373,"untos":49374,"Ġespañ":49375,"Ġ{?":49376,"ĠPAY":49377,"_ipv":49378,"ĠFury":49379,"__.__":49380,"elow":49381,"-centered":49382,"checks":49383,"_Reg":49384,"-Javadoc":49385,"ĉload":49386,"ĠLikewise":49387,"اÙħ":49388,"UNE":49389,".sem":49390,"xcb":49391,"ĠCave":49392,"_sleep":49393,"Ġsilently":49394,"ĠExtreme":49395,".ToUpper":49396,"ĉCHECK":49397,"Ġcue":49398,"ĠQByteArray":49399,"Ġcorrupted":49400,"ĠDé":49401,"Ġimped":49402,"GetName":49403,"Ġinaccurate":49404,"Ġsober":49405,"ее":49406,"Ġbarcode":49407,"--){Ċ":49408,"inki":49409,"Ġép":49410,"Ġdri":49411,"ĠALT":49412,">>>>>>>>":49413,"onta":49414,"[L":49415,"Ġinteres":49416,"verting":49417,"Ġdiagnostics":49418,"pdev":49419,"è©":49420,"ĠIntegrated":49421,").'":49422,"_gc":49423,"$text":49424,".games":49425,"ĠTerra":49426,"'Re":49427,".transfer":49428,"_FIFO":49429,"getModel":49430,"Ġbland":49431,"ĠColeman":49432,"Ġprimes":49433,"ĠæĪ":49434,"Ġcrosses":49435,"nk":49436,"GING":49437,"Ġ'^":49438,"ĠBlob":49439,"Ġintercourse":49440,"ĠBlvd":49441,"Ġweighs":49442,"_regular":49443,"ĠPerth":49444,"Ġseparating":49445,"Ġbilled":49446,".tabControl":49447,"Ġpuppet":49448,"Ġutilization":49449,"Ġâĸł":49450,"Ġsucces":49451,"Ġlamps":49452,"_proj":49453,"Eric":49454,"Ġrenovation":49455,"ĠFamilies":49456,"ĠBits":49457,"partials":49458,"-Men":49459,"solution":49460,"Ġdwarf":49461,".INTEGER":49462,"ĠLOCK":49463,".ct":49464,"Ġexcerpt":49465,"ĠPix":49466,"ĠFirstName":49467,"ANTED":49468,"ĠAdmir":49469,"-help":49470,"Prior":49471,"ĠAlign":49472,".INSTANCE":49473,"LineEdit":49474,"('/:":49475,"Ġinet":49476,"odus":49477,".pkl":49478,"ĠKY":49479,"upert":49480,"Ġnerves":49481,"_gradient":49482,"}','":49483,"_unref":49484,"Ġsaturated":49485,"ĠConnected":49486,"ĠFN":49487,"EXIT":49488,"Ġteleport":49489,"Ġavait":49490,"PageRoute":49491,"Ġdivorced":49492,"(lang":49493,"fst":49494,"ĠTyr":49495,"Ġmessenger":49496,"ifstream":49497,"XS":49498,"ĠBanking":49499,"Ġinfectious":49500,"ĠMons":49501,"_LOOP":49502,"Ġzurück":49503,"Ġobtener":49504,"/repos":49505,"Vel":49506,"acro":49507,"ĠuserRepository":49508,"styleType":49509,"ĠSRC":49510,"VMLINUX":49511,"recursive":49512,"/bar":49513,"_chip":49514,"ominated":49515,"ĠNit":49516,"âĢĶto":49517,"ĠBuddh":49518,"омеÑĢ":49519,"ĠMAG":49520,"ĠCHE":49521,"_den":49522,".raises":49523,"_degree":49524,"Ġpumpkin":49525,"_templates":49526,"_MEDIA":49527,"ĠTimeline":49528,"Ġbots":49529,"ObjectType":49530,"Ġbuys":49531,".posts":49532,"CAL":49533,"waiting":49534,"ĠDaniels":49535,"Ġdabei":49536,"ĠSigma":49537,"ilor":49538,"igel":49539,",W":49540,"ADS":49541,"(panel":49542,"ì²´":49543,"itating":49544,".palette":49545,"Ġmosquito":49546,"Ġtego":49547,"(parseInt":49548,"Ġdespués":49549,"promise":49550,"Ġwij":49551,"typescript":49552,"ĠTv":49553,"_IDENTIFIER":49554,").ĊĊĊ":49555,"_flat":49556,"itsu":49557,"USR":49558,"experience":49559,"-fit":49560,"phinx":49561,"_thresh":49562,"Ġideally":49563,"ĠFreeman":49564,",DB":49565,"_rw":49566,"çŃī":49567,"Ub":49568,"_statistics":49569,"=\"\"><":49570,"Ġchore":49571,"Ġyork":49572,"installed":49573,"Additionally":49574,"Ġpstmt":49575,"ylko":49576,"::Ċ":49577,"Forest":49578,"Ġheadset":49579,"Ġgallon":49580,"ÑĢем":49581,"Ġwithdrawn":49582,"ĠCandidate":49583,"Ġmelting":49584,"Ġfreezer":49585,"Ġhl":49586,"_HELP":49587,"mime":49588,"(/*":49589,"Ġthirst":49590,"$return":49591,"memberof":49592,"еб":49593,"ĠHttpServletRequest":49594,"(ob":49595,"_Result":49596,"Ġasserted":49597,"Ġfulfilling":49598,"Ġstretches":49599,"parated":49600,"-funded":49601,"ĠåĽ":49602,"ingles":49603,"_ca":49604,".condition":49605,"ĠDisplays":49606,"Ġorang":49607,"ĠCRE":49608,"ĠglBind":49609,"ĠSelector":49610,"/type":49611,"ĠAlexa":49612,"chedules":49613,"ĠPeninsula":49614,"Ġparity":49615,"ĉdest":49616,"ĠDoors":49617,"čĊĉčĊ":49618,"_dimension":49619,"Ġaload":49620,".StoredProcedure":49621,"(paren":49622,"ĠBurke":49623,"')]Ċ":49624,"-engine":49625,"Ġquir":49626,"ĠHybrid":49627,"ĠDoe":49628,"Ġoutlines":49629,"ĠTrends":49630,"_NV":49631,"periments":49632,"ĠHin":49633,"?',":49634,"ĉText":49635,"FUL":49636,"Ġsmells":49637,"Ġslick":49638,"Ġmiserable":49639,"ĠArrayAdapter":49640,"ĠparamString":49641,"Hom":49642,"_literals":49643,"usuarios":49644,"Ġprompting":49645,"_lazy":49646,"ĠActivation":49647,"_oc":49648,"Weak":49649,"Ġanecd":49650,"ĠUCLA":49651,"=re":49652,"issement":49653,"ĠEscorts":49654,"Excellent":49655,"ĠPause":49656,"Ġrepositories":49657,"TOR":49658,"ariate":49659,"_iso":49660,"updates":49661,"halb":49662,"udiante":49663,"ë¡Ŀ":49664,"Ġnaive":49665,"ĠPeg":49666,"ĠLounge":49667,"ARGIN":49668,"(bin":49669,"OnClickListener":49670,"ĠFAILED":49671,"Ġlite":49672,"Ġdzie":49673,"ĠLiteral":49674,"ivor":49675,"fcntl":49676,"Ġeats":49677,"Ġqed":49678,"Unlock":49679,"riding":49680,"undai":49681,"=M":49682,"ATTER":49683,"ConfigureAwait":49684,"icias":49685,"ustomed":49686,"Ġsuccession":49687,"endTime":49688,"ĠJupiter":49689,"Ġjudging":49690,"dration":49691,"_docs":49692,".mo":49693,"Ġeducators":49694,"ĠVine":49695,"Cond":49696,"[out":49697,"qb":49698,"\\Validator":49699,"Ġmeanings":49700,"Ġpresently":49701,"Ġdividing":49702,"ottenham":49703,"ascular":49704,"Ġtrailers":49705,"ĠCLOSE":49706,"ами":49707,"âĢĻai":49708,"ĠGain":49709,"wor":49710,"Ġplanner":49711,"Ġdistributing":49712,"vat":49713,"months":49714,"xlabel":49715,"HF":49716,"Viol":49717,".BASELINE":49718,"еÑĤÑģÑı":49719,"ĠRotate":49720,"Ġtxn":49721,":bold":49722,"Ġbloss":49723,"Forgery":49724,"(embed":49725,"Ġjako":49726,"sprintf":49727,"their":49728,"Ġexhibits":49729,"-static":49730,"hecy":49731,"getActiveSheet":49732,".clients":49733,"ãģį":49734,"_hide":49735,"[word":49736,"Cb":49737,"addItem":49738,"axe":49739,"_radio":49740,"alion":49741,"modifier":49742,"Ġsaturation":49743,"Ġdenom":49744,"_pixels":49745,"mess":49746,"(fl":49747,"atif":49748,"Ġsecs":49749,"Ġprostitution":49750,"Ġgrandchildren":49751,"Ġparadise":49752,"ĠFeld":49753,"_BINARY":49754,"itous":49755,"à¹Ħ":49756,"Ġflashing":49757,"-sided":49758,"Ġcontradiction":49759,"/*ĊĊ":49760,"ylabel":49761,"ĠTet":49762,"Ġadmire":49763,"reso":49764,"Ġletz":49765,"ĠSEARCH":49766,"slots":49767,"ĠRewards":49768,"ĠHog":49769,"ĠNSData":49770,"stash":49771,"Fall":49772,"ĠAmer":49773,"LinearLayout":49774,"/photos":49775,"Ġfeather":49776,"Ġ|čĊ":49777,"Downloads":49778,".StartsWith":49779,"Ġ//#":49780,"ineTransform":49781,"Ġaffid":49782,"Vtbl":49783,"ĠRogue":49784,"scribed":49785,"Ġfauc":49786,"ĠMonroe":49787,"Ġdeclares":49788,"modern":49789,"reon":49790,"aybe":49791,"PASS":49792,"fers":49793,"_MULTI":49794,"ĠMathematics":49795,"Ġsudah":49796,"_ATTACH":49797,"ĠnumberWith":49798,"ĠSolomon":49799,"jin":49800,"ografia":49801,"öl":49802,"_design":49803,"culated":49804,"ĠLuna":49805,"iesz":49806,"Ġ=>'":49807,"Ġrevelations":49808,"Along":49809,"(ed":49810,"ĠFilename":49811,"Ġylabel":49812,"Secure":49813,"Ġbusca":49814,"agnosis":49815,"_RECE":49816,"Ġoverlapping":49817,"Extent":49818,"Ġanticipation":49819,"Checks":49820,"ĠALSO":49821,"orc":49822,"ilingual":49823,"itational":49824,"Ġadvancement":49825,"ouro":49826,"ĠPredicate":49827,"å¾Ĺ":49828,"eria":49829,"ĠPierce":49830,"orio":49831,"Ġmerits":49832,"Ġpeanut":49833,".Package":49834,"ĠConduct":49835,"_SENSOR":49836,"Ġboiling":49837,"Ġintra":49838,"ĠIGN":49839,"ĠFur":49840,".Refresh":49841,"ĠReach":49842,"_decoder":49843,".Exp":49844,"ĠÑĤак":49845,"pill":49846,",Q":49847,"ĠGrill":49848,"Ġpopping":49849,".Ag":49850,"Ġproyecto":49851,"Ġmileage":49852,"Ġecological":49853,"]]);Ċ":49854,"ĠÂŃ":49855,"subplot":49856,"acad":49857,"ĠTrying":49858,"recipes":49859,"$criteria":49860,"ĠPersian":49861,"-bound":49862,"MASK":49863,"ĠGesture":49864,"Ġkk":49865,"ĠPVC":49866,"Ġprohibition":49867,"Ġcomando":49868,"ĠLOOK":49869,"Shopping":49870,"Ġdistortion":49871,"čĊ":49917,".Dependency":49918,".QueryString":49919,".Owner":49920,"Ġexpiry":49921,"Thu":49922,"(Vec":49923,"Ġhazardous":49924,"Ġrpm":49925,"APON":49926,"ĠaddTarget":49927,"sville":49928,"pNet":49929,"ĠImg":49930,"ĠTIMER":49931,".Animation":49932,"Ġbek":49933,"Ġassort":49934,"Ġlebih":49935,"ĠbodyParser":49936,"Ġvibrating":49937,"IDL":49938,"Ġbutterknife":49939,"inters":49940,"Ġpersuade":49941,"ĠLGBTQ":49942,"èĭ":49943,".soft":49944,"Ġbeams":49945,"_sur":49946,".Def":49947,"Ġlabs":49948,"ĉplt":49949,"Ġskins":49950,"Ġtransferring":49951,"Ġimaginary":49952,"_End":49953,";background":49954,"Ġlaps":49955,"_COMMENT":49956,"(SDL":49957,"onds":49958,".Record":49959,"ĠImplements":49960,"_ticks":49961,"()))ĊĊ":49962,"Ġarose":49963,"]?":49964,"ĠMp":49965,"ĠICommand":49966,"Ġsculpture":49967,"Ġcontracted":49968,"\">'":50446,"kinson":50447,"Ġкол":50448,"ognitive":50449,"_li":50450,"Ġimminent":50451,"Ġaffinity":50452,".signal":50453,"Ġnotch":50454,"ĠSteelers":50455,"maxlength":50456,"KK":50457,"ĠEugene":50458,"_PWM":50459,"roi":50460,"ĠâĹı":50461,"ĠHamburg":50462,".Must":50463,"Ġaxe":50464,"enef":50465,"Ġambitions":50466,"ĠSpecies":50467,"ĠStress":50468,"Ġawhile":50469,"ĠбÑĥд":50470,"Ġwithstand":50471,"ĠDecoder":50472,"_inventory":50473,"Ġ{ččĊ":50474,"Ġtgt":50475,"Ġrailroad":50476,"WASHINGTON":50477,"Ġnegotiated":50478,"NST":50479,"-phone":50480,",U":50481,"Ġexercising":50482,"ụ":50483,"_PIXEL":50484,"avors":50485,"iterated":50486,"Ġvampire":50487,"adal":50488,"Ingrese":50489,"Ġung":50490,"jective":50491,".cells":50492,"Ġnano":50493,"Ġmarkdown":50494,"_RULE":50495,"(events":50496,"Ġluggage":50497,"MESSAGE":50498,"igkeit":50499,"$count":50500,"AttributeName":50501,"IGINAL":50502,"_Ent":50503,"ĠBF":50504,"ĠCOMMENT":50505,"_ini":50506,"ĠEuropeans":50507,"ĠBelle":50508,"åij½":50509,")['":50510,"åºĶ":50511,"ĠUseful":50512,".reference":50513,"()\",":50514,"_grade":50515,"ĠKaw":50516,"Ġsentencing":50517,"Ġsocialism":50518,"monster":50519,"_LAYER":50520,"Ġdeepest":50521,"wk":50522,"ĠNoise":50523,"###ĊĊ":50524,"Ġpréc":50525,"otle":50526,"ÑĤе":50527,"auf":50528,"ibal":50529,"Ġconquer":50530,">Email":50531,"Ġambulance":50532,"OAD":50533,"Ġ(\"%":50534,"ĠFI":50535,".fixture":50536,"Ġterse":50537,"ĠĠĠĠĉĉĉĉ":50538,"Ġsanctuary":50539,"ugi":50540,"ĠComparator":50541,"Definitions":50542,"Ġasthma":50543,"Ġlact":50544,"Ġhardwood":50545,".clock":50546,"Ġattracting":50547,"ĠMour":50548,"(distance":50549,"icits":50550,"Ġbonne":50551,"ĠACCESS":50552,".DeserializeObject":50553,"ĠTyped":50554,"Ġjeu":50555,"ĠappId":50556,"ĠClara":50557,"ĠHF":50558,"ĠReich":50559,"ipples":50560,"//--------------------------------------------------------------------------------":50561,"_delivery":50562,"erialization":50563,"Ġplaintiffs":50564,"Scient":50565,"shopping":50566,"ĠDummy":50567,"ĠWald":50568,"GroupName":50569,"Ġinscription":50570,"elog":50571,"::::::::":50572,"_ld":50573,"BackPressed":50574,".Raw":50575,"ĠOnTrigger":50576,"Ġmuseums":50577,"ĠBeen":50578,"ĠAdventures":50579,"Ġslate":50580,"Ġlett":50581,"Ġsund":50582,"ĠGin":50583,"ĠMechanical":50584,".ship":50585,"AppComponent":50586,"Ġdestined":50587,"Ġdwelling":50588,"Profiler":50589,"Prepare":50590,"zeich":50591,"Ġsilicon":50592,"(has":50593,"Ġ#%":50594,"VIDEO":50595,"Ġcollaborate":50596,"Lin":50597,"Ġscopes":50598,"(className":50599,"(sd":50600,"andin":50601,".ham":50602,"ServiceImpl":50603,"-described":50604,"Ġirony":50605,"stial":50606,"ĠHuawei":50607,"(repo":50608,"Ġunexpectedly":50609,"ĠKai":50610,".install":50611,"\\xf":50612,"Ġexhibited":50613,"_TCP":50614,"ĠOx":50615,"_CHO":50616,"Ġprostituerte":50617,"Ġvä":50618,"Ġsito":50619,"Ġconstituents":50620,"ĠContinued":50621,"ĠSAVE":50622,"rss":50623,"/message":50624,"ubes":50625,"Ġmisdemean":50626,"Ġtaxation":50627,"Ġstoryline":50628,"hair":50629,"ĠFinds":50630,"SIG":50631,"verification":50632,"~=":50633,".hp":50634,"Iterable":50635,"Ñĭе":50636,"atori":50637,"Ġctr":50638,"Rx":50639,"_);ĊĊ":50640,"dag":50641,".pin":50642,"Ġpseud":50643,"Ġinvo":50644,"ÑģÑĤÑĢ":50645,"_pix":50646,"为空":50647,"Ġsworn":50648,"âĢĶor":50649,"_registry":50650,"Ġdisasters":50651,"ĠROI":50652,"ĠâĢķ":50653,"aktu":50654,"forest":50655,"beiten":50656,"âĢĶI":50657,"ueva":50658,"egt":50659,"Ġspikes":50660,"URES":50661,"ĠRecommended":50662,"Ġexploited":50663,"ĠFrederick":50664,"_COMPLETE":50665,"ĠDrugs":50666,"!!!!!!!!":50667,"ĠRiv":50668,"STOP":50669,"ROOM":50670,"ĠPASSWORD":50671,"Cookies":50672,".El":50673,"á»Ń":50674,"ĠBert":50675,"Ġhashed":50676,"icester":50677,"Ġdecorator":50678,"ĠqueryString":50679,":;Ċ":50680,"Ġ\"[\"":50681,"otope":50682,"-Americ":50683,"ĠMatthews":50684,"URAL":50685,"âĢľ,":50686,"Summer":50687,"fos":50688,"_CONTAINER":50689,"_ACK":50690,"Ġfiltr":50691,"_disp":50692,"_Re":50693,"Ġfacile":50694,"аÑĪ":50695,"ĠìķĬ":50696,"Ġeben":50697,"Ġsprink":50698,"ĠQuint":50699,">V":50700,"Ġhistorians":50701,"ourmet":50702,"ĠMonitoring":50703,"ledger":50704,"cott":50705,"Ġware":50706,"GGLE":50707,"cars":50708,"ĠMEDIATEK":50709,"Ġvolupt":50710,"_View":50711,"HEL":50712,"(copy":50713,"(stats":50714,"Ġchromosome":50715,"ĠCurtis":50716,"-conf":50717,"(asset":50718,"Ġhvor":50719,"FileSystem":50720,"<>();čĊ":50721,"ocoder":50722,"ĠCannon":50723,")x":50724,"ĠSmooth":50725,"ĠSAS":50726,"_ce":50727,"ĉprev":50728,"_movie":50729,"Ec":50730,"_wall":50731,".ĊĊ":51278,"ogenesis":51279,"ĠOPTIONS":51280,"uptools":51281,"Ġmilitant":51282,"Ġexited":51283,"igar":51284,"ĠCOMM":51285,"ĠDisposable":51286,"aycast":51287,"Ġrowspan":51288,"Ġsynthes":51289,"Ġsondern":51290,"ĠĊ":54769,"ĠJacket":54770,"RATION":54771,".getSelectedItem":54772,"-init":54773,"ĠRegisters":54774,"_sep":54775,"ĠToolkit":54776,".dict":54777,"Ġxlabel":54778,"\\Table":54779,"toc":54780,"_combo":54781,"ĠCompact":54782,"Ġrugged":54783,"à¥ĩà¤":54784,"-management":54785,"')}}\">Ċ":54786,"ĠStamp":54787,"ıl":54788,"rox":54789,"Ġlandscapes":54790,"_NOTE":54791,"monary":54792,"cab":54793,"Ġmoet":54794,"xaf":54795,"rcode":54796,"-cli":54797,"_gate":54798,"[event":54799,"SPORT":54800,"gia":54801,"ĠSUPER":54802,"/Login":54803,"_shutdown":54804,"interrupt":54805,"Ġpretending":54806,"Ġfringe":54807,"ĠReds":54808,"ĠCUDA":54809,"ĠUNIX":54810,"vit":54811,"Ġbrig":54812,"drv":54813,"ĠConnector":54814,"Therefore":54815,"Ġlia":54816,"Detection":54817,"_actor":54818,"Ġtempfile":54819,"Ġeccentric":54820,"-role":54821,"Ġpadx":54822,"dent":54823,"Western":54824,"Ġê·¸":54825,"ĠApplicationRecord":54826,"Ġcampaigning":54827,"_runner":54828,"ĠCivic":54829,"aleigh":54830,"Ġdirekt":54831,".sul":54832,"ĠĠĉĉĉ":54833,"anten":54834,"Ġissuer":54835,"Ġassertions":54836,"(orig":54837,"ATIO":54838,"Ġleaned":54839,"äs":54840,".DTO":54841,"explode":54842,".Observable":54843,"Ġstaggering":54844,"Ġkidnapped":54845,"Ġprogrammers":54846,"ĠInnov":54847,".parameter":54848,"Ġdomination":54849,"Ġskeptic":54850,"Ġæĺ¯":54851,"Ġavoids":54852,".Verify":54853,"ubby":54854,"ĠASN":54855,"Ġformato":54856,"ĠBeatles":54857,"_brand":54858,"Ġinset":54859,"youtu":54860,"Ġtoc":54861,"-final":54862,"Showing":54863,"ĠDoub":54864,"ĠMesa":54865,"Adj":54866,"_medium":54867,"Creates":54868,"(endpoint":54869,"ĉUP":54870,"bbie":54871,"Ġstalk":54872,".databind":54873,".Scan":54874,"agents":54875,"$,":54876,"individual":54877,"+)/":54878,"ĉvm":54879,"(notification":54880,"Ġinex":54881,"ĠClassification":54882,"reno":54883,"Ġolig":54884,"-rated":54885,"Ġformulation":54886,"',{":54887,"Ġacept":54888,"_unpack":54889,"_CA":54890,".Pow":54891,"ĉim":54892,"Ġaluminium":54893,"ANO":54894,"Ġxn":54895,"Ġcómo":54896,"ĠIngredient":54897,"Ġseizures":54898,"åħ±":54899,"ificador":54900,"Ġsiguiente":54901,"ĠInfragistics":54902,"Ġduplicated":54903,"ĠDee":54904,"Ġnø":54905,"ĠACCEPT":54906,"(crate":54907,"иÑĤелÑĮ":54908,"-less":54909,"Ġinfinity":54910,"Analyzer":54911,"-Day":54912,"ritt":54913,"(cin":54914,"ĠGy":54915,"Ġmultiplied":54916,"uchi":54917,"ĠBaldwin":54918,"/ip":54919,"Ġshortcuts":54920,".ADD":54921,"Ġvigor":54922,"_instruction":54923,"(;":54924,"_eta":54925,"è¿ŀ":54926,"utorials":54927,"Ġboosting":54928,"bv":54929,"Ġacknowledges":54930,"Listening":54931,"FAQ":54932,";b":54933,"((-":54934,"Ġarchitects":54935,"Ġzwe":54936,"Ġpuls":54937,"ĠgetCount":54938,"verbs":54939,"ãĢľ":54940,"(Collection":54941,"kre":54942,"Ġjurisdictions":54943,"_bridge":54944,"ĠCrack":54945,"ĠDifficulty":54946,"KO":54947,"Reservation":54948,"_requires":54949,"Tour":54950,"ãģĹãģŁ":54951,".setCurrent":54952,"Ġky":54953,"ĠAlbany":54954,"Ġè§":54955,"ller":54956,"agna":54957,"workers":54958,".blank":54959,"ĠPrayer":54960,"MIC":54961,"Ġresilience":54962,"TeX":54963,"ĠLanguages":54964,"study":54965,"ĉcurr":54966,"Ġenzymes":54967,"Slug":54968,"ĠíĮĮ":54969,"stral":54970,"Ġtumors":54971,"Ġsegunda":54972,"='{":54973,"instruction":54974,"ĠLisp":54975,"/info":54976,"Ġ\"{$":54977,",:),":54978,"Ġgv":54979,"(ErrorMessage":54980,"Ġ'=":54981,"}-${":54982,".Documents":54983,"\"Well":54984,"Ġreminiscent":54985,"Ġgaz":54986,"iropr":54987,"ehr":54988,"Ġsuppressed":54989,"ersh":54990,".scrollTo":54991,"Ġcadena":54992,"ĠgameState":54993,"ÃŃm":54994,"(conv":54995,"ĠTomorrow":54996,"ĠCCT":54997,"Mongo":54998,"ulg":54999,".Camera":55000,".handlers":55001,"mph":55002,"Ġstk":55003,"Ġgenetics":55004,"ACING":55005,"Trivia":55006,"ĠBam":55007,"(marker":55008,".Stretch":55009,"ĠSunni":55010,"ĠBetty":55011,".tolist":55012,"unlikely":55013,".Rectangle":55014,"obsolete":55015,"ILON":55016,"innerText":55017,"embourg":55018,"aN":55019,"ĠVehicles":55020,"unlock":55021,":utf":55022,"nob":55023,"ĠSeeing":55024,"ĠNEVER":55025,"Ġtls":55026,"Ġfilles":55027,"Ġbenefited":55028,"ĠClint":55029,"*/),":55030,".fold":55031,"Ġposible":55032,"ADED":55033,"thouse":55034,".DAL":55035,"ĠOdd":55036,"rokes":55037,"ĠSunny":55038,"ĠPartialEq":55039,"_Buffer":55040,"ĠLevi":55041,"longrightarrow":55042,"eldon":55043,"gages":55044,"_warn":55045,".CreateTable":55046,"ĠDip":55047,"_questions":55048,".logic":55049,"Ġ#\"":55050,"={()=>":55051,"Ġtep":55052,"Ġjuicy":55053,"ìĤ¬":55054,"enko":55055,"ialect":55056,"Ùī":55057,"Ġonboard":55058,"Ġæı":55059,"ĉrt":55060,"_UTF":55061,"ĠQAction":55062,"âĢŀ":55063,"(Component":55064,"(audio":55065,".hit":55066,"gte":55067,"Ġprogrammed":55068,"stateParams":55069,"Ġpolyester":55070,"fires":55071,"byss":55072,"]=(":55073,"_quality":55074,"OfDay":55075,"ĠFairy":55076,"Ġyelled":55077,"opl":55078,"(userName":55079,"ĠDifference":55080,"Ġevaluations":55081,"iffany":55082,"Ġcyclists":55083,"Ġcidade":55084,"Ġtextbook":55085,"Ġprofiling":55086,"__),":55087,"dea":55088,".activate":55089,"Ġindications":55090,"Ðķ":55091,"TouchUpInside":55092,"Ġinvaluable":55093,"ĠMASK":55094,"Ġcontend":55095,"Freq":55096,"Ġrecruits":55097,"(interval":55098,"ĠUserProfile":55099,"Ġ'./../":55100,"edu":55101,"_Callback":55102,"Ġanalogy":55103,"ĠTrophy":55104,"apphire":55105,"Videos":55106,"ĠCher":55107,"ĠHav":55108,"â̦\"":55109,".validator":55110,"gfx":55111,"ĠUObject":55112,"classnames":55113,"triangle":55114,"ĠEncoder":55115,".spy":55116,"Ġpredators":55117,"=status":55118,"-safe":55119,":\",Ċ":55120,"ĠIncluding":55121,"Ġ{};čĊ":55122,"*cos":55123,"Ġendured":55124,".sulake":55125,"Ġnursery":55126,"Ġfragrance":55127,"Ġrebuilding":55128,"Ġnth":55129,"ĠFraser":55130,".setDate":55131,"ĠVince":55132,"_REST":55133,"Ġventilation":55134,"æµ·":55135,"cribes":55136,".asm":55137,"lpVtbl":55138,"ĠAbe":55139,"uisine":55140,",array":55141,"ĉclassName":55142,"errals":55143,"Ġ'ĊĊ":55144,"Checkout":55145,"Ġsolicit":55146,"Aux":55147,"_capture":55148,"Ġribs":55149,"ragon":55150,"viol":55151,"topics":55152,"FunctionFlags":55153,"ĠMarty":55154,"bike":55155,"ĠTucker":55156,"(kernel":55157,"ĠOps":55158,"CloseOperation":55159,"/demo":55160,"ilda":55161,"ĠlÃŃnea":55162,"APPING":55163,"Ġsuites":55164,".visitVarInsn":55165,"urus":55166,"ĠMinute":55167,"(manager":55168,"Ġbutterfly":55169,"Ġapare":55170,"Ġwolves":55171,"JWT":55172,"ĠSalon":55173,"ĉdelay":55174,"-eslint":55175,"isations":55176,".rpc":55177,")|(":55178,"ĠSnapchat":55179,"/mm":55180,"MN":55181,"ceries":55182,".textAlignment":55183,"ĠFrankfurt":55184,"Ġado":55185,"(newValue":55186,"(access":55187,"(Expression":55188,"ĠSignIn":55189,"ĠHaiti":55190,"_tp":55191,".setParameter":55192,"Minute":55193,"Ġmanuals":55194,"ricanes":55195,"ĠPTR":55196,"ĠOuter":55197,"Ġgetline":55198,"ocations":55199,"_CD":55200,"ĠLyon":55201,"/gui":55202,"_live":55203,"idan":55204,".geom":55205,"ĠborderBottom":55206,"imuth":55207,"_checkpoint":55208,"Ġmeu":55209,"ĠIrving":55210,"Ġpeuvent":55211,"(MAX":55212,"ĠARCH":55213,"Ġpov":55214,".sourceforge":55215,"Ġjamais":55216,"Ġark":55217,"ĠBaghdad":55218,"ĠCLEAR":55219,"MenuBar":55220,"Ġtrois":55221,"CHEDULE":55222,"Ġ#čĊ":55223,"(Call":55224,"$order":55225,"(Material":55226,"Ġencontrado":55227,"$list":55228,"ĠMETHODS":55229,".beginTransaction":55230,"_MAG":55231,"StyleSheet":55232,"Ġmajors":55233,"Ġindefinitely":55234,"cleanup":55235,"Ġhomeland":55236,"(dto":55237,"Dates":55238,"Presentation":55239,"ĠDK":55240,"={`/":55241,"ĉKey":55242,"(Block":55243,"_checkbox":55244,"needs":55245,"ĠonComplete":55246,"rico":55247,"Ġgleich":55248,"Ġxm":55249,"OOD":55250,"Better":55251,"ĠSQLITE":55252,".Book":55253,"xad":55254,"ĠGone":55255,"ĉdp":55256,"Ġdevotion":55257,"Ġstm":55258,"Ġobsess":55259,"ĠBackend":55260,"Queries":55261,"Ik":55262,"//****************************************************************":55263,"Ġdividends":55264,".parentElement":55265,"}\")ĊĊ":55266,"ĠMaterialPageRoute":55267,":num":55268,"Ġexplic":55269,"ĠOL":55270,"least":55271,"Oops":55272,"imentos":55273,"Ġinsurers":55274,"Ġheroic":55275,"ĉfields":55276,".imgur":55277,".btnCancel":55278,"ĠDetective":55279,"(sm":55280,"ĠMutableLiveData":55281,".lab":55282,"(([":55283,"Ġhairst":55284,"ĠTransactions":55285,"å¼Ģå§ĭ":55286,"ĠstdClass":55287,"uento":55288,"GIS":55289,"_cod":55290,"Instructions":55291,"Calls":55292,"PointerType":55293,"ĠRw":55294,"Ġassortment":55295,"ĠDIG":55296,"+r":55297,"_CERT":55298,"Ġinstability":55299,"Ġvib":55300,"onas":55301,"Ġroku":55302,"apellido":55303,"Ġangl":55304,"preneur":55305,"Ġfluids":55306,"isease":55307,"Ġdeed":55308,"quist":55309,"_CONSTANT":55310,"Ġequilibrium":55311,"_delegate":55312,"ĠQuantum":55313,"rei":55314,"Capabilities":55315,"rectangle":55316,"?><":55317,"alien":55318,"ĠJug":55319,"DNA":55320,"Tickets":55321,"Occurs":55322,"ĠHawk":55323,".setHorizontalGroup":55324,"\\Collection":55325,"ffiti":55326,"Ġrearr":55327,".setVerticalGroup":55328,"Ġcavity":55329,"Ġadulte":55330,"Facade":55331,"-wh":55332,"ĠLOL":55333,"ذ":55334,"Ġgrandparents":55335,"Swift":55336,"ĉwx":55337,"æīĢæľī":55338,"ifen":55339,"ffset":55340,"Beyond":55341,"//}ĊĊ":55342,"Ġwager":55343,"Ġbury":55344,"Ġcommence":55345,"registro":55346,"scient":55347,"ĠPercent":55348,"Ġдолж":55349,"(identifier":55350,".setModel":55351,"Ġseldom":55352,"nton":55353,"Ġappliance":55354,"amus":55355,"rysler":55356,"Ġpanties":55357,"enguins":55358,"Ġmimic":55359,"ĠonChanged":55360,"Ġalcoholic":55361,".reloadData":55362,"Charge":55363,"ĠFax":55364,"ĠjScrollPane":55365,"Empresa":55366,"Ġshattered":55367,"xba":55368,"Fonts":55369,"?s":55370,"Ġpostseason":55371,"retain":55372,"_rates":55373,"ĠrequestCode":55374,".todo":55375,"´s":55376,"CHK":55377,"ĠKeeping":55378,"engeance":55379,"Ġvscode":55380,"IPPING":55381,"DefaultCloseOperation":55382,"_raise":55383,"ĠOculus":55384,"ograms":55385,"raj":55386,"pci":55387,"Ġcorrosion":55388,".handleSubmit":55389,"Accessible":55390,"ĠPiano":55391,"little":55392,"ACL":55393,"Äĩe":55394,".unwrap":55395,"ĠConvers":55396,"ĠLeben":55397,"ioneer":55398,"ĠMerchant":55399,"ĠJorge":55400,"Ġembracing":55401,"Ġventa":55402,"ást":55403,"Ġviene":55404,"Ċ":55556,"-growing":55557,"Ġdeepcopy":55558,"Ack":55559,"eggies":55560,"Ġ__(\"":55561,"Ġnoir":55562,"terrorism":55563,"Ġanthem":55564,"agency":55565,"_PACKAGE":55566,"ĠClosure":55567,".registry":55568,"Ġmammals":55569,"L":55600,"Ġbluetooth":55601,".Deep":55602,"-standing":55603,"ácil":55604,"Ġrooft":55605,"ĠPaths":55606,"_iterations":55607,"InvalidArgumentException":55608,".spi":55609,"ĠUIAlertAction":55610,"uye":55611,"signin":55612,".priority":55613,"ĠEssays":55614,"='{$":55615,"Ġè¿ĶåĽŀ":55616,"_signed":55617,".persist":55618,"Ġredesign":55619,"ToLower":55620,"ĠNewman":55621,"=start":55622,"ĠIsraelis":55623,"asiswa":55624,"Speech":55625,"Ġnumeros":55626,"handlers":55627,"ĠWong":55628,"ĠмеÑĤод":55629,"Weights":55630,"ĠGujar":55631,"teil":55632,"ĠNonetheless":55633,"_EFFECT":55634,"Ġvect":55635,"ĠOsc":55636,"Ġcoats":55637,"ĠWheat":55638,"Ġgeek":55639,"ĠPROPERTY":55640,"worm":55641,"_constants":55642,"ĠBoulder":55643,"ĠParm":55644,"cole":55645,"ĠdefaultCenter":55646,"ĠRouge":55647,":A":55648,"xcf":55649,"ĠVenice":55650,"median":55651,"Ġredemption":55652,"Fresh":55653,"Ġcosm":55654,"Ġfigur":55655,"Ġrefurb":55656,"COPE":55657,".cd":55658,"Ġchords":55659,"ĠSgt":55660,"Åį":55661,"VPN":55662,"ĠSEND":55663,"ainen":55664,"_accounts":55665,"Ġtenth":55666,"Ġdissolved":55667,"":55907,"Ġlegitimacy":55908,"Ġoo":55909,"Slinky":55910,"Ġnationals":55911,".words":55912,";p":55913,"trap":55914,"omanip":55915,"Ġcues":55916,"Ġgraduating":55917,"Ġsemaphore":55918,"\"]);ĊĊ":55919,"acey":55920,"REET":55921,"Grab":55922,"ĠFelix":55923,"(Id":55924,"_neighbors":55925,"Ġmeaningless":55926,"(del":55927,"Ġjeder":55928,"ĠContentValues":55929,".absolute":55930,"/cl":55931,"Ġxb":55932,"datum":55933,"Ġtortured":55934,"Ġrubbing":55935,"Scores":55936,"ĠðŁĺī":55937,"Ġavons":55938,"Ġamsterdam":55939,"EOS":55940,"Hal":55941,"Ġtrustworthy":55942,"#=":55943,".EXTRA":55944,"Ġmano":55945,"isicing":55946,"-support":55947,"ĉcursor":55948,"ĠSpo":55949,"aimassage":55950,"Mission":55951,"[]{\"":55952,"Ġprinters":55953,"GREEN":55954,"Ġteg":55955,"Ġabdominal":55956,"!ĊĊĊĊĊĊ":55957,".Short":55958,"азв":55959,"ĠGifts":55960,"}\")":55961,"(binding":55962,"xce":55963,"âĢij":55964,"infos":55965,"FormData":55966,"Ġdart":55967,"Ġelems":55968,"(inv":55969,"YL":55970,"tin":55971,"GENER":55972,"ữ":55973,"ĠTaken":55974,"uckle":55975,":e":55976,"Ġspectral":55977,".baidu":55978,"/');Ċ":55979,"Ġgreedy":55980,"esion":55981,",,,,,,,,":55982,"Ġ/>,Ċ":55983,"InternalServerError":55984,"NSNotificationCenter":55985,"ĠAi":55986,"Ġspit":55987,"Ġaugmented":55988,"ĠstandardUserDefaults":55989,"FINITY":55990,"Race":55991,":C":55992,"ĠRECORD":55993,"ĠHighlight":55994,"Ġ'`":55995,"Ġdeficits":55996,"Ġnei":55997,"Ġresearched":55998,"Ta":55999,"Ġcopp":56000,".GetHashCode":56001,"):čĊčĊ":56002,"OnClick":56003,"ĠWellington":56004,"Ġrevival":56005,"æ¯Ķ":56006,"éĹ®":56007,"ĠNSS":56008,"Ġforn":56009,"Ġinté":56010,"ĠKuwait":56011,"_flip":56012,"_bo":56013,"_\\":56014,"Ġoccurrences":56015,"ĠScientists":56016,"SRC":56017,"ogens":56018,"igrant":56019,"REMOTE":56020,"ĠSID":56021,".opts":56022,"uve":56023,"()])Ċ":56024,"Ġlibertarian":56025,"ĠGlide":56026,"lesen":56027,"Ġforme":56028,"owania":56029,"Ġannoyed":56030,"Defs":56031,"ĠExecutor":56032,"Ġcasts":56033,".setChecked":56034,"ĠSharing":56035,".SerializeObject":56036,"Ġselectors":56037,"_OTHER":56038,"미":56039,"(super":56040,"(OS":56041,"_VERIFY":56042,"idunt":56043,"';Ċ":56045,"Ġvidéo":56046,"ĠNegro":56047,"ĠLords":56048,"ĠTours":56049,"Ġsoftly":56050,".receive":56051,"ĠERC":56052,"ĠdataSet":56053,"Badge":56054,"ĉEvent":56055,"Ġperl":56056,"Ġ{}\\":56057,"(sentence":56058,"OrUpdate":56059,"Ġdiminish":56060,"PIN":56061,"(draw":56062,".ToDateTime":56063,".EqualTo":56064,"(pin":56065,"-pencil":56066,"luent":56067,"ĠCaller":56068,"Ġplayful":56069,"-'+":56070,"xca":56071,"swick":56072,"){}Ċ":56073,"}:${":56074,"ĠMeth":56075,".getCell":56076,".break":56077,"Ġymax":56078,"='Ċ":56291,"ĠHiro":56292,"(TRUE":56293,"asurer":56294,"Ġcuer":56295,"Uber":56296,".Operation":56297,"Ġolan":56298,"Ġthrilling":56299,"'.":56321,"ĉvalid":56322,"\"\",":56323,"Instrument":56324,">J":56325,"Ġnostr":56326,"ĠRift":56327,"_Port":56328,"Ġveces":56329,"[['":56330,"Ġrallies":56331,"-series":56332,"Ġvv":56333,".uc":56334,"Ġrtn":56335,"StateChanged":56336,"(ins":56337,"ĠCla":56338,"------------Ċ":56339,"cus":56340,"ĠReload":56341,"//------------------------------------------------------------------------------------------------":56342,".seconds":56343,"_destination":56344,"Ġscrewed":56345,">c":56346,"Thickness":56347,"Designer":56348,"Ġgrids":56349,"nÄħ":56350,"(cookie":56351,"Trip":56352,"-Mobile":56353,"Ġvoll":56354,"Ġgenital":56355,"Ġconfisc":56356,"ĠConfederate":56357,"ĠwebView":56358,"Ġmise":56359,"Ġcler":56360,"(selection":56361,"$date":56362,"Ġsharpen":56363,"ragen":56364,"AndUpdate":56365,"Ġremix":56366,"Ġhtons":56367,"RW":56368,"MPI":56369,"Ġretrieval":56370,"Ġrichest":56371,".Decode":56372,":initComponents":56373,"ĠTValue":56374,"Saint":56375,"@include":56376,"ĠPERSON":56377,".sep":56378,"ĠLDAP":56379,"gba":56380,"ĠgroÃŁe":56381,"Ġreliably":56382,"ĠDFS":56383,".getItemId":56384,"Ġprésent":56385,".getToken":56386,"Ġchinese":56387,"ĠMeal":56388,"YOU":56389,"\">>ĊĊ":56948,"bower":56949,"Ġswapped":56950,"/install":56951,"Ġsinks":56952,"etrize":56953,"Ġdeclines":56954,"ĉmysql":56955,"ĠCString":56956,"ĠMotionEvent":56957,".Language":56958,"Road":56959,"ÑĤеÑĢ":56960,"ascimento":56961,"'))->":56962,".about":56963,"(editor":56964,"ĠRatings":56965,"income":56966,"Å¡e":56967,".dequeueReusableCell":56968,"ĠAustrian":56969,"Ġsulla":56970,"ĠTribunal":56971,"ĠDidn":56972,"оваÑĢ":56973,"Ġinspections":56974,"Boss":56975,"Ġcocktails":56976,"Ġapologized":56977,"_subplot":56978,"opal":56979,"+=(":56980,"Ġresonance":56981,"ibu":56982,"Ġ리":56983,"roma":56984,"reserve":56985,"pls":56986,"ĠTah":56987,"axies":56988,"OPLE":56989,"ĠDarren":56990,"ĠZombie":56991,"_Map":56992,"Ġ])ĊĊ":56993,"ĠQi":56994,"ĠSail":56995,"Ġrestrictive":56996,"Ġerosion":56997,"-par":56998,"WHITE":56999,"Ġoldu":57000,"Ġaperture":57001,"Ġbitcoins":57002,"texto":57003,"ĠComcast":57004,"Ġtimeless":57005,"enkins":57006,"Ġfeeder":57007,"/tmp":57008,"resden":57009,"+'_":57010,".Destroy":57011,"Ġçok":57012,"ĠDOCUMENT":57013,".lng":57014,".tagName":57015,"Ġkullan":57016,"egrate":57017,"Ġ(*.":57018,"ç¼ĸè¾ij":57019,"Ġhandshake":57020,"soc":57021,"_geometry":57022,"ĠDamascus":57023,"Minor":57024,"ĠKafka":57025,"ìŬ":57026,"Florida":57027,"_compute":57028,".expr":57029,"Ġparalle":57030,"ĠDiaz":57031,"cir":57032,"[target":57033,"Ġjoking":57034,"Ġglor":57035,"(setq":57036,"_handlers":57037,"Hang":57038,"Ġferr":57039,"riminal":57040,"ĉĠĠĠĠĉĉ":57041,"enties":57042,"defines":57043,"-tax":57044,"jsonp":57045,"ĠUPS":57046,"metro":57047,"__;Ċ":57048,"ĠUganda":57049,"])):Ċ":57050,"_td":57051,"xae":57052,"lw":57053,".OS":57054,"ĠLogged":57055,"acid":57056,"ĠMayo":57057,"aspect":57058,"Ġvaginal":57059,"Ġinitializing":57060,"Ġsteroids":57061,"fiction":57062,"GRE":57063,"gend":57064,"Ġliabilities":57065,"ĠLets":57066,"Mech":57067,"(nc":57068,"(change":57069,"Ġconnectors":57070,":k":57071,"Ġtast":57072,"!\");ĊĊ":57073,"things":57074,"rophy":57075,"luetooth":57076,"ĠSignUp":57077,".ctrl":57078,"Ġtherein":57079,"orda":57080,".escape":57081,"igator":57082,"Ġpetrol":57083,"Ġspecimen":57084,"Ġdebuted":57085,"-Pro":57086,"Ġcrises":57087,".addView":57088,"ëıĻ":57089,"-door":57090,"Ġmonet":57091,"Ġmillis":57092,"Ġvier":57093,"InternalEnumerator":57094,"Ġadmins":57095,"ĠLair":57096,"zin":57097,"getQuery":57098,"umbles":57099,"LIMIT":57100,"ĠVig":57101,"_song":57102,"":57415,"Ġpasado":57416,"thank":57417,"_Delete":57418,"ĠBrighton":57419,",unsigned":57420,"ä½ľèĢħ":57421,"Ġaspirations":57422,"-how":57423,"Rose":57424,"=((":57425,"_needed":57426,"_plural":57427,">ĊĊ":57545,"Ġsurfaced":57546,"ĠìłĢìŀ¥":57547,"platz":57548,"ĉemail":57549,"ceptors":57550,"\">(":57551,"Ġepile":57552,"读":57553,"ĠDebt":57554,"åijĬ":57555,"NOP":57556,"\"https":57557,":j":57558,"FormItem":57559,"_LICENSE":57560,".getDouble":57561,"ĠAgenda":57562,"ĉfinally":57563,"(filters":57564,"(av":57565,"ç¾İ":57566,"APER":57567,"Ġlava":57568,"еÑĢж":57569,"))))ĊĊ":57570,"Ġfaulty":57571,"_nm":57572,"Ġtrava":57573,"(Bitmap":57574,"Ġspeeding":57575,">').":57576,"Ġscreened":57577,"_roll":57578,"ĠMacBook":57579,"ĠAUD":57580,"Ġdiagnose":57581,".Generate":57582,"Ġ^^":57583,"Ġstrs":57584,"[Test":57585,"Ġransom":57586,"ĠDHCP":57587,"elden":57588,"Ġinterpretations":57589,"()].":57590,"flatMap":57591,"ĠlineHeight":57592,"_mount":57593,"ĠWizards":57594,"Ġsluts":57595,"ehler":57596,"odal":57597,"Ġmilitia":57598,"å²":57599,"earned":57600,"Ġmisery":57601,"intval":57602,"fund":57603,"Ġhides":57604,"Ġdiarr":57605,"ĠWesley":57606,"Ġxmm":57607,"Ġquem":57608,"ĠArabs":57609,"ifth":57610,"ategorized":57611,"Disposable":57612,"Pure":57613,"_NOTIFY":57614,"snippet":57615,"ĠGarrett":57616,".running":57617,".weights":57618,"Ġ(--":57619,"Ġinvariant":57620,"äºĭä»¶":57621,"ĠAllowed":57622,"dirs":57623,"Ġpassions":57624,"Ġlad":57625,"ĠFlush":57626,"menus":57627,":block":57628,"Ġcompra":57629,".chomp":57630,"allocator":57631,"Ġcurated":57632,"ĠKnowing":57633,"ĠPatterson":57634,"Ġtelah":57635,"'ex":57636,"Ġdoomed":57637,"Ġphilanth":57638,"otty":57639,".styles":57640,"Owned":57641,"Ġallergies":57642,"=params":57643,"ocese":57644,"itelist":57645,"ĠSending":57646,"bef":57647,"orrar":57648,"ĠNão":57649,"ĠFargo":57650,"ĠLub":57651,"ĠCombined":57652,"_given":57653,"ĉĉĉĉĉĠĠĠĠ":57654,"Ġreconciliation":57655,"Patterns":57656,"azard":57657,"Ġbiomass":57658,"ĠHouses":57659,"respuesta":57660,"cco":57661,"/topics":57662,"ĠYuk":57663,"Ġweakened":57664,"_calendar":57665,"Ġmulheres":57666,"ĠMarl":57667,"Ġsine":57668,"ĠTil":57669,"ĠSouls":57670,"ĠDeutsche":57671,"ĠFOLLOW":57672,"Ġpipelines":57673,"ĠBeverly":57674,"_DIPSETTING":57675,"\"#":57676,"ĠProto":57677,".big":57678,"ĠSavings":57679,"ĠTanz":57680,"jun":57681,"ĠGamma":57682,"ĠSadd":57683,"Ġadvisors":57684,"Ġroast":57685,"Ġunters":57686,"udies":57687,"_lon":57688,"-pointer":57689,"ĠElementRef":57690,"\\Builder":57691,"exampleInput":57692,".webdriver":57693,"dataType":57694,"ĠQuite":57695,"ĠCeltics":57696,"uil":57697,"-defense":57698,"bish":57699,"ĠUIWindow":57700,"ĠSuddenly":57701,".hot":57702,".reason":57703,"Ġgör":57704,"AMD":57705,".Multi":57706,"authenticated":57707,"regions":57708,";(":57709,"аÑĢам":57710,"ĠKirby":57711,"$route":57712,"PRECATED":57713,"ĠDurham":57714,"owo":57715,"ĠPerforms":57716,"Ġdisregard":57717,"nst":57718,"ĠPols":57719,"ĠgetP":57720,"\"]:":57721,"-colored":57722,"(Keys":57723,"ĠAlleg":57724,"_modify":57725,"_loading":57726,"strained":57727,"Ġatroc":57728,"_phr":57729,"":58721,"ceph":58722,".DateTimePicker":58723,".\";ĊĊ":58724,"ĠTie":58725,",item":58726,"Ġmenn":58727,"Gas":58728,"ocha":58729,"_virtual":58730,"Ġmasterpiece":58731,"_sequences":58732,"LTE":58733,"ĠSubmission":58734,"Caller":58735,"$\\":58736,"Sport":58737,"agus":58738,"ConstraintMaker":58739,"Ġcoloc":58740,"Ġwig":58741,"ĠУ":58742,"ĉArray":58743,"Looks":58744,"ĠGTA":58745,".steps":58746,"atchewan":58747,"_ranges":58748,"extAlignment":58749,"ĠBrennan":58750,"Ġabstraction":58751,"ulerAngles":58752,".misc":58753,"Ġantibodies":58754,"Ġexponential":58755,"ĠCHANNEL":58756,"expense":58757,"'y":58758,"Ġdetectives":58759,"Ġpurported":58760,"YSTEM":58761,"Ġradioactive":58762,"ĠLatina":58763,".Encoding":58764,".TAG":58765,"xin":58766,"Degree":58767,"uracion":58768,"prices":58769,"ĠReferentialAction":58770,"Ġrarity":58771,"Ġpiles":58772,"gende":58773,"_projects":58774,"_globals":58775,".startTime":58776,"Ġ구":58777,"SECTION":58778,"_publish":58779,"Fault":58780,"DDL":58781,"_prior":58782,"Mom":58783,"Ġthicker":58784,"Ġsequelize":58785,"Ġessentials":58786,"stras":58787,"intr":58788,">(()":58789,".management":58790,"eil":58791,"éĹŃ":58792,"Aware":58793,".City":58794,"ĠArbit":58795,"_DM":58796,"_keyboard":58797,"LObject":58798,"-webpack":58799,"ĠNewport":58800,"ĠprincipalColumn":58801,"legant":58802,"Ġpallet":58803,"Ġfracture":58804,"Ġgmail":58805,".Meta":58806,"Above":58807,".KeyEvent":58808,"jit":58809,"_macro":58810,"_PUSH":58811,"ứ":58812,"/controller":58813,"åĬłè½½":58814,"Ġsuperficial":58815,"exterity":58816,"Ġmensagem":58817,"Wind":58818,"iston":58819,".openapi":58820,"иÑĢов":58821,"ĠSerializer":58822,"uctive":58823,"Ġzar":58824,"Places":58825,".Static":58826,"Ba":58827,"Ġinadvert":58828,"ĠIndonesian":58829,"_IPV":58830,"(horizontal":58831,"ĠgetTitle":58832,"idepress":58833,"ĠConsoleColor":58834,"ipers":58835,"$out":58836,"Ġfestive":58837,"Ġevenings":58838,".GetData":58839,"uitka":58840,"ĠManuals":58841,"ussed":58842,"_Max":58843,".Chat":58844,"ĠAircraft":58845,"=com":58846,"FOUND":58847,"apro":58848,"Ġtreasures":58849,"_alive":58850,"Ġgadget":58851,"eking":58852,"ButtonDown":58853,"Browsable":58854,".PERMISSION":58855,"PASSWORD":58856,"ĠHASH":58857,"fé":58858,"\\TestCase":58859,"LOSS":58860,"others":58861,",J":58862,"Ġasshole":58863,"werk":58864,"Ġmã":58865,".ie":58866,"evil":58867,"kontakte":58868,"////////////////////////////////////////////////////////////////////////////////Ċ":58869,"=sys":58870,"ĉlock":58871,"--;ĊĊ":58872,"_FUN":58873,"FillColor":58874,"óa":58875,"prend":58876,"Ġcompressor":58877,"Mother":58878,"ĠArcher":58879,".goto":58880,"Ġwürde":58881,"Ġbamboo":58882,"ï¼İ":58883,"ĠTrees":58884,"Ġbumper":58885,"Ġsausage":58886,"ĠElasticsearch":58887,"Ġhorizontally":58888,"ĠGul":58889,"Immutable":58890,"Ġloser":58891,"Ġaborted":58892,"-demo":58893,"ĠHatch":58894,"Ġunde":58895,"Ġprocesso":58896,"-call":58897,"Income":58898,"åĥ":58899,"_returns":58900,"'].\"'":58901,"(sw":58902,"CBS":58903,"amilies":58904,"ĠYourself":58905,"ĠHolt":58906,".MON":58907,"à§ĩ":58908,"ÑĪе":58909,"anon":58910,"ĠFontAwesome":58911,"producer":58912,"jr":58913,"Ġmau":58914,"ĉinter":58915,"Ġdishonest":58916,"Ġmagna":58917,"ĠCollective":58918,"Ġvraiment":58919,"Ġchoix":58920,"stay":58921,"Ġwelding":58922,"rising":58923,",min":58924,"ĠFate":58925,"glob":58926,"RGBA":58927,"Ġdette":58928,"Ven":58929,"Ġembarrassment":58930,".DELETE":58931,"gregar":58932,"-render":58933,"(bucket":58934,"\">ĊĊĊ":58935,".waitKey":58936,"Busy":58937,"Ġdifferentiation":58938,"ĠCST":58939,".Constant":58940,"ĠlineNumber":58941,"(matches":58942,"Ġwebsocket":58943,"Ġbarred":58944,"Ġpuedes":58945,"Mono":58946,"CORE":58947,"IID":58948,"ĠĠĠĠčĊčĊ":58949,"Ġpúblico":58950,"leaning":58951,"Ġcleansing":58952,"Ġcris":58953,"ĠDevils":58954,"_SETTING":58955,"untary":58956,".);Ċ":58957,"ĊĠĠĠĊ":58958,"[curr":58959,"tsy":58960,"ĠAlexis":58961,"ritel":58962,"Ġpetroleum":58963,".preprocessing":58964,"matter":58965,"ForResult":58966,"-license":58967,"Ġtravellers":58968,"ĠDispatcher":58969,"ennifer":58970,"Ġdigestive":58971,"PED":58972,"hibition":58973,"MASConstraintMaker":58974,"ĠWatt":58975,"Benef":58976,".setView":58977,"dto":58978,"TEE":58979,"ĠPelosi":58980,"_EXTRA":58981,"Ġmedals":58982,"xhr":58983,"forecast":58984,"Ġnargin":58985,"ouns":58986,"-fill":58987,"_CURSOR":58988,"Ġsupervised":58989,"Ġturf":58990,"ĠEdgar":58991,"POSITION":58992,"ĠcategoryId":58993,"âī":58994,"_ER":58995,"á»§a":58996,"Shown":58997,".ll":58998,"_POLICY":58999,"(),'":59000,"ĠPrev":59001,"ĠStringField":59002,"ĉGlobal":59003,"assed":59004,"Throughout":59005,"ostringstream":59006,".awtextra":59007,"Ġslopes":59008,"ĠSequential":59009,"Ġgiorn":59010,"Ġzelf":59011,"Ġversatility":59012,"leneck":59013,".cgi":59014,"Ġdoubling":59015,"ĠBangkok":59016,"Ġbuurt":59017,"Ġusuário":59018,"studio":59019,"Ġjeunes":59020,"Ġmuted":59021,"Ġips":59022,"_fraction":59023,"&&(":59024,"Ġstunt":59025,"');?>čĊ":59049,"Ġevapor":59050,"bable":59051,"ĠPRICE":59052,"Ġæ³":59053,"lucent":59054,"Ġvamp":59055,"ĠTechnician":59056,"Ġuniqueness":59057,"Mes":59058,"urban":59059,".parametrize":59060,"ĠReplay":59061,"Sessions":59062,"embr":59063,"-Americans":59064,"_PROXY":59065,"Ġpian":59066,"Ġtrie":59067,"ĠDestructor":59068,"GameState":59069,"ĠIMF":59070,"chin":59071,"Ġporte":59072,"ĠSwal":59073,"åŁİ":59074,"Substring":59075,"iming":59076,"/Library":59077,"Ġfrightened":59078,"writes":59079,"Ġrecursos":59080,"arResult":59081,"_INITIALIZ":59082,"ĠBadge":59083,"_crc":59084,"Eight":59085,"ĠDISTINCT":59086,"Ġthro":59087,"@Xml":59088,"ĠLegendary":59089,"-twitter":59090,"_easy":59091,"Ġ+++":59092,"(DATA":59093,".Locale":59094,"Ġkä":59095,"Ġnurt":59096,"Ġcruis":59097,"_ios":59098,"Ġsensing":59099,"_Line":59100,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ":59101,"pong":59102,"oleon":59103,"Ġwildcard":59104,"ç͍æĪ·åIJį":59105,"Ġbegging":59106,"Rod":59107,"ĠÃİ":59108,"_CELL":59109,"Researchers":59110,".selector":59111,"_ing":59112,"Ġaspiring":59113,"Ġimmortal":59114,"Ġymin":59115,"_robot":59116,"Ġplur":59117,"BTC":59118,"ĠDID":59119,"Ġpiercing":59120,"*u":59121,"_DEFINED":59122,"ĠThi":59123,"itaire":59124,"(media":59125,"-ons":59126,"Ġchefs":59127,"Ġ\"*.":59128,"/AP":59129,"Ġrazor":59130,"ĠsearchData":59131,"Ġ=&":59132,"ĠãĢĤ":59133,"Ġmourn":59134,"tingham":59135,"Ġoli":59136,"ĠVernon":59137,"_RS":59138,"ŀæĢ§":59139,"Ġfácil":59140,"angen":59141,"celain":59142,"Ġail":59143,"lest":59144,"ĠQCOMPARE":59145,"gain":59146,"Ġε":59147,"ĠKob":59148,"ĠFault":59149,"_configs":59150,"ç»ĵæŀľ":59151,".+":59152,"calar":59153,"(colors":59154,"Mul":59155,"_ART":59156,"Ġexperimenting":59157,"ermen":59158,"ĠAnglo":59159,".FixedSingle":59160,"Sea":59161,"Ġctxt":59162,".slider":59163,"Collapse":59164,"Grey":59165,"Ġfld":59166,"-proof":59167,".capacity":59168,"getParent":59169,"ĠCompliance":59170,"Ġburgl":59171,"-rec":59172,"Ġoverwritten":59173,"MU":59174,"Ġrouters":59175,"ĉModel":59176,"Ġfantasies":59177,"avian":59178,"_prec":59179,"ĠScandin":59180,"Ġ//<":59181,"/oct":59182,"Ġceremonies":59183,"Months":59184,"undy":59185,"Ġqued":59186,"ĠNou":59187,"ĠVibr":59188,".rgb":59189,"Ġcitrus":59190,"Ġbraces":59191,"-uppercase":59192,"getTable":59193,"Ġdopo":59194,"ĠKerr":59195,"_CHILD":59196,"-cloud":59197,"ĉMatrix":59198,"Ġgardening":59199,"Sing":59200,"almost":59201,"Requirements":59202,"uguay":59203,"(Property":59204,"subscriber":59205,"FAST":59206,"reaction":59207,"(lp":59208,")})Ċ":59209,"`).":59210,".wallet":59211,"_exchange":59212,".Maximum":59213,"ĠVerb":59214,"âĶģ":59215,"()<":59216,"ï¼ĽĊ":59217,"ROT":59218,"CARD":59219,"ubit":59220,"{@":59221,"_kel":59222,"ĠTooltip":59223,"MySQL":59224,"MainActivity":59225,"arf":59226,"Ġmalign":59227,"Ġseinen":59228,"apist":59229,"Ġ<%":59230,"MethodImpl":59231,"Mil":59232,"ĠMick":59233,".depend":59234,">&":59267,"ĉok":59268,"-low":59269,".usuario":59270,"nested":59271,"XB":59272,"OURS":59273,".BorderColor":59274,"Ġbrow":59275,"ĠÐķ":59276,"corr":59277,"ĠRedskins":59278,".getTag":59279,".getTransaction":59280,"Ġstigma":59281,"hardt":59282,"ĠPlayerPrefs":59283,"alsy":59284,"ucson":59285,"Languages":59286,"ĠOlivia":59287,"Ġtac":59288,"Ġbli":59289,"Ġcaval":59290,"Ġconsolidated":59291,"Ġperil":59292,"Ġdele":59293,"Ġformulated":59294,"Ġhighways":59295,".spawn":59296,"==$":59297,"ĠNiet":59298,"Ġveggies":59299,"ypo":59300,"-rule":59301,"ĠVie":59302,"/epl":59303,"Ġenfants":59304,"stringLiteral":59305,"Ġtoughest":59306,"buyer":59307,"Ġcovariance":59308,"Ġili":59309,"ĠSophie":59310,"ĠBAB":59311,"Ġ\"),":59312,"ĠUk":59313,"currentIndex":59314,"_userdata":59315,".codec":59316,"ĠPunjab":59317,"ĠSNP":59318,"lol":59319,"advance":59320,"Ġcomfy":59321,"JsonIgnore":59322,"Ġfashionable":59323,"ĠICON":59324,"Ġora":59325,"ĠPricing":59326,"E":59384,"tering":59385,"/screens":59386,"Ġheightened":59387,"аÑĢÑĤ":59388,"Authorities":59389,"_bbox":59390,"ünst":59391,".fontSize":59392,"ĠBOOLEAN":59393,"divide":59394,"ĠSloven":59395,"ucer":59396,"ÙĴ":59397,"stub":59398,"Ġnavigating":59399,":animated":59400,"_NOW":59401,"_vect":59402,"}{Ċ":59403,"@(":59404,"Ġtelecom":59405,"Ġcontracting":59406,"ĠAssange":59407,"Ġextracting":59408,"Ġgrö":59409,"cobra":59410,".DIS":59411,"Ġcrab":59412,"Ġtwitch":59413,"Ġverts":59414,"Ġrejects":59415,"ĉformat":59416,"Ġregeneration":59417,".Sys":59418,"solve":59419,"ĉdialog":59420,"shi":59421,"meter":59422,"(best":59423,"validators":59424,"Ġonwards":59425,"Ġguru":59426,"Ġmoderator":59427,"owied":59428,"experiment":59429,"rub":59430,"Ġmqtt":59431,"ĠCaucas":59432,"Ġnationalism":59433,"Ġmange":59434,"ĉImGui":59435,"/Edit":59436,"Ġinh":59437,"Ġintellig":59438,"erokee":59439,"ĉexport":59440,"Ġdiscriminate":59441,"subtract":59442,"ĠMoodle":59443,"enser":59444,"ĠGuides":59445,"RAP":59446,"-hot":59447,"_grp":59448,".picture":59449,"XA":59450,"ĠinitView":59451,"_Comm":59452,"Ġoverdose":59453,"Ġ+ĊĊ":59454,"ĠSilent":59455,"shows":59456,"Ġinterpolate":59457,"Formation":59458,"Ġbisc":59459,"markets":59460,"(SC":59461,"Ze":59462,"ĠNetworking":59463,"Ġadrenal":59464,"ĠGuns":59465,"eteor":59466,"Declared":59467,"orgetown":59468,"Ġkarena":59469,"/password":59470,"_addresses":59471,"ITERAL":59472,"Buzz":59473,"ĠConway":59474,"(case":59475,"PWD":59476,"heiro":59477,"(act":59478,"**čĊ":59479,"());ĊĊĊ":59480,"Ġanv":59481,"Ġ..ĊĊ":59482,"(MenuItem":59483,"(mail":59484,"_sections":59485,"ĉnet":59486,"Ġplut":59487,"Ġwrench":59488,"/object":59489,"ĠIst":59490,"ĠVIS":59491,"/pub":59492,"alten":59493,"Ġguitars":59494,"Ġantibiotic":59495,"ï¼ĸ":59496,"¹":59497,"Ġ\"+\"":59498,"formula":59499,"Ġbabes":59500,"ĠPrompt":59501,"Ġenim":59502,"/player":59503,"ĉref":59504,"ĠbyÄĩ":59505,"Ġconsumes":59506,"ĠHast":59507,"ĠTao":59508,"Ġ'))Ċ":59509,"Ġclam":59510,"Ġthighs":59511,"Ġmotif":59512,"ApiOperation":59513,"ĠWL":59514,"getC":59515,"ĉflags":59516,"ointments":59517,"Ġeconomical":59518,"needle":59519,"xls":59520,"practice":59521,"utzer":59522,"timeofday":59523,"-output":59524,"ĠfindById":59525,"ĠBuddy":59526,"ÐŀÑĤ":59527,"Seven":59528,"ĠBark":59529,"Ġenvoy":59530,"_algorithm":59531,"åĪ©":59532,"Ġballistic":59533,"ç§»":59534,"rades":59535,"ĉdoc":59536,"roducing":59537,"ĠEating":59538,"Unmount":59539,"/dataTables":59540,"_bonus":59541,"Ġlitt":59542,"pps":59543,")localObject":59544,"perf":59545,"ĠHelvetica":59546,"shutdown":59547,"/ml":59548,".tokens":59549,"ĠHardcore":59550,",row":59551,"/bg":59552,"Scaler":59553,"âĢĶas":59554,"_logits":59555,"âĢĻint":59556,"ĉApp":59557,"Implicit":59558,".Fprintf":59559,"ETO":59560,"Ġterra":59561,"Ġpossessing":59562,".rstrip":59563,",),":59564,"=yes":59565,"ĠStripe":59566,"?=":59567,"neutral":59568,".good":59569,"Ġkennen":59570,"ĠSung":59571,"fault":59572,"ystatechange":59573,"Canadian":59574,"','\".$":59575,"ĠMits":59576,"ænd":59577,"ĠSTRUCT":59578,"ĠURLWithString":59579,"ĠCompass":59580,"Ġ--ĊĊ":59581,"ĠNSLayoutConstraint":59582,"|min":59583,"-adjust":59584,"Ġrebuilt":59585,"LIGHT":59586,"/se":59587,"-mount":59588,"vpn":59589,"validated":59590,"(QObject":59591,"Ġignition":59592,"ĠChargers":59593,"RYPTO":59594,"]initWithFrame":59595,"ĠFluid":59596,"Ġcadre":59597,"Ġnominations":59598,"Neill":59599,"ĠHou":59600,"Ġcurrents":59601,"_gene":59602,"(inp":59603,"Paris":59604,"zÄĻ":59605,"aggregate":59606,"Ġassoc":59607,"weeted":59608,"errat":59609,"âĢĵĊĊ":59610,"Ġ'/',Ċ":59611,"fixture":59612,"ĠHighest":59613,"ambient":59614,"Ġchmod":59615,"Ġconte":59616,"Ġsensual":59617,"Ġgarment":59618,"zers":59619,"ĠPowered":59620,"domains":59621,"Reward":59622,"iomanip":59623,"Ġcockpit":59624,"outfile":59625,"Ġbuiltin":59626,"Ġinsisting":59627,".vars":59628,"zipcode":59629,"Ġ����":59630,"fails":59631,"Ġconsolidation":59632,"_oid":59633,"Planet":59634,"Ġ=\",":59635,"ĉel":59636,"UILT":59637,"ätz":59638,"afari":59639,"ĠMcCl":59640,"Timeline":59641,"Esta":59642,"Ġfram":59643,"YE":59644,"Ġcerebral":59645,"OfMonth":59646,"ĠPregn":59647,"ĠклаÑģÑģ":59648,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ":59649,"ĠFres":59650,"Approved":59651,".Special":59652,"ĠProtestant":59653,"Ġallergy":59654,"_pcm":59655,"ĉCopyright":59656,"ĠsuperClass":59657,"\"strconv":59658,"ĠMohamed":59659,"Ġ'//":59660,"ForeColor":59661,"Arthur":59662,"ĠJungle":59663,"Ġveins":59664,"Sad":59665,"Ġbackups":59666,"ĠOpinion":59667,"ût":59668,"Ġintermitt":59669,"odyn":59670,"ĠChristina":59671,"Ġandre":59672,"Ġevacuation":59673,"palette":59674,"horse":59675,"ĠResident":59676,"ĠHassan":59677,".Nil":59678,"Ġaisle":59679,"ĠGrowing":59680,"Ġbloginfo":59681,"/sql":59682,"_ioctl":59683,"Scaling":59684,"ĠMonad":59685,"_cpp":59686,"ĠHutch":59687,"ĠAppleWebKit":59688,"Expense":59689,"_JOB":59690,"Ġpointless":59691,"FromBody":59692,"antal":59693,"Ġdepicting":59694,"ĠCELL":59695,"Ġrefin":59696,"ĠCNC":59697,"ì¹ĺ":59698,"_dimensions":59699,"ĠSAN":59700,"Ġaft":59701,"Ġfootsteps":59702,"ccoli":59703,"_PHONE":59704,"/math":59705,"-kind":59706,"ĠMeans":59707,"ichael":59708,".guna":59709,"Ġinauguration":59710,"-driving":59711,"(delete":59712,"ĠtotalCount":59713,"_MC":59714,".Extension":59715,"Commercial":59716,"ĠzIndex":59717,"$":59849,"Ġebay":59850,"Ġcaptive":59851,"pliant":59852,"ĠCalculates":59853,"olta":59854,"esting":59855,"_revision":59856,"Ġmús":59857,"+m":59858,"\",\"\",\"":59859,"WHAT":59860,"Ġcompassionate":59861,"harga":59862,"[random":59863,"Ġmodulo":59864,"(sn":59865,"Ġoccupations":59866,"////Ċ":59867,"ĉboard":59868,"ĠBalk":59869,"wiÄħ":59870,"ĠWifi":59871,".Profile":59872,":maj":59873,"ĉmat":59874,"LOCKS":59875,"(jButton":59876,"Ġ('$":59877,"Mur":59878,"æĮī":59879,"bble":59880,"Ġfrog":59881,"-hide":59882,"Ġbroadcaster":59883,"à¸ŀ":59884,"haled":59885,"Ġamusing":59886,"_predictions":59887,"_intr":59888,"Ġeagle":59889,"аÑĤелÑĮ":59890,"ĠgetList":59891,"psilon":59892,"Ġcharacterization":59893,"ARDS":59894,"Ġrelocation":59895,"Ġrulers":59896,"PAY":59897,"ĠDefinitely":59898,"_Action":59899,"Ġclosures":59900,"Ġfactual":59901,"odynamic":59902,"Ġprecautions":59903,"niej":59904,"ĠParties":59905,"ĠSubaru":59906,"Ġcousins":59907,"arbeit":59908,".money":59909,"gunta":59910,"(and":59911,"getitem":59912,".StylePriority":59913,"Ġslid":59914,"singleton":59915,"Ġgarn":59916,"ĠPAS":59917,"Ġdazz":59918,"aż":59919,"Ġbogus":59920,"ĠMog":59921,"Ġrivalry":59922,"isol":59923,"Ġlandmarks":59924,"ñas":59925,"Bern":59926,"ĠSachs":59927,"Ġ\")ĊĊ":59928,"Ġhostility":59929,"_mex":59930,"mere":59931,"Mot":59932,"pictureBox":59933,"Defense":59934,"Ġaffidavit":59935,"otherwise":59936,".directory":59937,"_UnityEngine":59938,"-blog":59939,".skin":59940,"phem":59941,"Apellido":59942,"erchant":59943,"[class":59944,"Ġwart":59945,".\"[":59946,"aleur":59947,"/back":59948,"ĠĠĠĠĉĠĠĠ":59949,"Ġprecipitation":59950,"Ġobstruction":59951,"ĠpObj":59952,"Ġrupt":59953,"UCKET":59954,"aye":59955,"æİĴ":59956,"gx":59957,"Ġecl":59958,"Ġsecrecy":59959,"/Header":59960,"ĠLesb":59961,"Ġlei":59962,"ĠBulletin":59963,"Ġgiveaway":59964,".Home":59965,"_ROOM":59966,"\"W":59967,"Ġcowork":59968,"_ra":59969,"ĠCycling":59970,"ĠPaw":59971,"Ġpupil":59972,"/arch":59973,"ĠFileUtils":59974,"é¦ĸ":59975,"rsp":59976,"Ġfreedoms":59977,"ĠLear":59978,"}`).":59979,"Ġbowls":59980,"/block":59981,"_logging":59982,"Ġmethane":59983,"Ġhorns":59984,"Ġwonderfully":59985,"Ġalterations":59986,"Ġexile":59987,"lsen":59988,"_pause":59989,"_LANGUAGE":59990,"ĠUSDA":59991,"_mysql":59992,"_AMOUNT":59993,"ĠLIFE":59994,"Ġyoungsters":59995,"Ġriots":59996,"[E":59997,"Ġunforgettable":59998,",},Ċ":59999,"Disposed":60000,"ĠAssassin":60001,"UNG":60002,"ĠNewsp":60003,"UserService":60004,":aload":60005,"+',":60006,"Ġsettlers":60007,"Ġscreams":60008,"Ġinconvenience":60009,".Rotate":60010,"Ġjars":60011,"ĠPuzzle":60012,"Ġmest":60013,"arsi":60014,"ĠSharma":60015,"|(":60016,".ds":60017,"ĠSacred":60018,"_evt":60019,"Ġexpresses":60020,"Ġhoch":60021,"ĠDuch":60022,".calls":60023,"thr":60024,"ĠSheffield":60025,".AlertDialog":60026,"Ġradically":60027,"Ġtrous":60028,"Ġprevailing":60029,"ĠWWII":60030,"âĢĻn":60031,"ensely":60032,"ĠYesterday":60033,"ĠSirius":60034,"Ġkillers":60035,"ĠFFT":60036,"Ġoval":60037,"'):čĊ":60038,"Ġìłķë³´":60039,"ourage":60040,"ĠCheckbox":60041,"Workbook":60042,".defer":60043,"_floor":60044,"Ġcouncill":60045,"Ġnorske":60046,"moil":60047,"orea":60048,"Ġmarketed":60049,"_SUR":60050,"xAA":60051,"Ġstained":60052,"eut":60053,"ĠMeng":60054,"Ġieee":60055,".extern":60056,"egie":60057,"Ġrapp":60058,"ĠPyongyang":60059,"'class":60060,"Mob":60061,"ĠinitialValue":60062,"_wave":60063,"Ġjab":60064,"Ġmasculine":60065,"Ġamplifier":60066,"Ġtty":60067,"PathComponent":60068,"_xt":60069,"ĠGFP":60070,"/sec":60071,"ĉdispatch":60072,"markdown":60073,"ĠSchn":60074,"bole":60075,"··":60076,"mousemove":60077,"ĠerrMsg":60078,"Ġasign":60079,"_mono":60080,"ToSelector":60081,"ĠZu":60082,"(Rect":60083,"ĠErrorCode":60084,"latin":60085,"angible":60086,"vtk":60087,"CGSize":60088,"Pokemon":60089,"Ġclassmates":60090,"Ġattracts":60091,"ĠTatto":60092,"ultan":60093,"ológ":60094,"Ġhalted":60095,"न":60096,"ĠKart":60097,"Ġue":60098,"_InitStructure":60099,"TestClass":60100,"ĠAirbnb":60101,"_\",":60102,"Ġcharcoal":60103,"Ġipc":60104,"ĠStretch":60105,".glide":60106,"latesAutoresizingMaskIntoConstraints":60107,"Ġpotion":60108,"ITTLE":60109,"Ġcountert":60110,"_hd":60111,"prepared":60112,"Ads":60113,"ĠVampire":60114,"robots":60115,".CreateIndex":60116,"StatusLabel":60117,"Ġtucked":60118,"afür":60119,"Ut":60120,"Ġsweater":60121,"_FN":60122,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĉ":60123,"ataka":60124,"Ġeyebrows":60125,"acoes":60126,"uden":60127,".LinearLayoutManager":60128,"Ġsway":60129,"Ġmultin":60130,"())))Ċ":60131,"ĠNSUInteger":60132,"ĠMyBase":60133,"Partner":60134,"utschen":60135,"ĠCater":60136,".setBackgroundColor":60137,"Ġaccomplishment":60138,"_problem":60139,".dtd":60140,"ĠpageNumber":60141,"Ġjackets":60142,"Ġcropped":60143,"uels":60144,"ĠHep":60145,"Ġcapped":60146,"*Math":60147,"_callbacks":60148,"Ġpubb":60149,"ĠBrunswick":60150,".respond":60151,"[\"_":60152,"Ġbedding":60153,"hythm":60154,"OX":60155,"(speed":60156,"Ġpesticides":60157,"Ġ-------":60158,".Blue":60159,"Ġnoodles":60160,"ĠGoes":60161,"Ġsaver":60162,"oxy":60163,"_completion":60164,"ĠSwinger":60165,"ĠgetDate":60166,"Ġminded":60167,"integration":60168,"ĠLotus":60169,"(stop":60170,"(',');Ċ":60171,"Ġfloods":60172,"ĠWorkflow":60173,"Ġerupted":60174,"Macro":60175,"ĠSauce":60176,"ĠeventName":60177,"\\Input":60178,"Breaking":60179,"ĉwhen":60180,"_pw":60181,"INDER":60182,"ĠWellness":60183,"Ġvoxel":60184,"ĠMell":60185,"ĠMEDIA":60186,"SENS":60187,"ĠFunds":60188,"ĠMild":60189,"Ċ":60198,"Ġtempting":60199,"Ġtestament":60200,"Ġbible":60201,"Ġconsulted":60202,"ĠIndexError":60203,"è¨ĺ":60204,"Ġkeypad":60205,"izzo":60206,"(ok":60207,"Ġwhatsapp":60208,"ĠRemoteException":60209,"Ġteamed":60210,"âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ":60211,"»,":60212,"ĠgetTime":60213,"diag":60214,"issy":60215,"Ġhed":60216,"Ġknots":60217,"jom":60218,"Ġfunnel":60219,"-mails":60220,"Ġexporting":60221,"ĠVL":60222,"ĠKarn":60223,"ĠBuddhism":60224,"ĠAllan":60225,"_RADIUS":60226,"Ġwording":60227,"ĠForget":60228,"ĠCorona":60229,"iphy":60230,"Ġlimburg":60231,"uggy":60232,"ĠUserRepository":60233,"imin":60234,"(ele":60235,"Ġlabelled":60236,"社":60237,"ĠHerman":60238,".qq":60239,"Ġ\"));Ċ":60240,"ieber":60241,".Translate":60242,"ryn":60243,"Ġdesenv":60244,"umd":60245,"Simply":60246,"ĉmode":60247,"Rpc":60248,"ĠValencia":60249,"Ġstaffers":60250,"Ġselv":60251,"ĠSpike":60252,"Ġdelic":60253,"Ġeru":60254,"_DT":60255,"Judge":60256,"á»ķ":60257,"ĠBasin":60258,".mutable":60259,"\"url":60260,"Ġtariff":60261,"ĠSleeve":60262,"Ġflare":60263,".dropout":60264,"Ġbrides":60265,")),čĊ":60266,"_constraints":60267,"destruct":60268,"Outline":60269,"Ġdisappears":60270,"_locked":60271,"ĠNSLocalizedString":60272,"cke":60273,"ĉnull":60274,"adresse":60275,"Ġtopping":60276,"ĠJoker":60277,"bishop":60278,"ноÑģÑĤÑĮ":60279,"andering":60280,"_amp":60281,"=time":60282,"_Space":60283,"_PULL":60284,"'=":60285,"Ġantiqu":60286,"Ġcach":60287,"___ĊĊ":60288,"ONES":60289,"оÑı":60290,"Ġunread":60291,".policy":60292,"oooooooo":60293,"룬":60294,"Ġusted":60295,"ĠRece":60296,"Ġallem":60297,"ãĥ¼ãĤ¹":60298,"ĠThoughts":60299,"veillance":60300,"istrate":60301,"_lane":60302,"Ġfamed":60303,".GetName":60304,"Ġsmoother":60305,"ĠQualified":60306,"azers":60307,"_geo":60308,"Fax":60309,"ĠMinds":60310,"ĠRaises":60311,"Ġtranscripts":60312,"Conversation":60313,"Ġremarked":60314,"ëĤĺ":60315,"dling":60316,"Ġdeploying":60317,"ĠsharedApplication":60318,"Ġkp":60319,"FontAwesomeIcon":60320,"_dummy":60321,"reiben":60322,"ĠJaneiro":60323,"Directions":60324,".getBean":60325,"sass":60326,"Ġcommanders":60327,"vation":60328,"errorCode":60329,"ĠAlloy":60330,".localized":60331,"Ðij":60332,"Ġdishwasher":60333,"ĠSoup":60334,"Nu":60335,"_Default":60336,"Ġuneven":60337,"Ġ/>\";Ċ":60338,"-Based":60339,"Ġseamlessly":60340,"-null":60341,"ĠXC":60342,"Ġstew":60343,"(delay":60344,"ATORS":60345,"ĠWheeler":60346,"\"H":60500,"east":60501,".air":60502,"âĢľBut":60503,"ObjectContext":60504,"successfully":60505,"_land":60506,"Ġfolds":60507,"_COORD":60508,"Ġsubpo":60509,".getAddress":60510,"instr":60511,"Materials":60512,"ÑĥÑģÑĤ":60513,"deposit":60514,"-last":60515,"_GRAY":60516,"=find":60517,"Ġmutant":60518,"Ġlesbienne":60519,"letcher":60520,"ROUGH":60521,"ureka":60522,".capture":60523,"Ġenn":60524,"Ġ([[":60525,"ĠFlu":60526,"ĠtaskId":60527,"ĠHussein":60528,".folder":60529,"Ġausterity":60530,"ISTRATION":60531,"_Impl":60532,"注æĦı":60533,"Ġdecree":60534,"-chat":60535,"Ġimplication":60536,"Ġguesses":60537,"ulkan":60538,"Analytics":60539,".plus":60540,"COMMAND":60541,"ели":60542,"»ĊĊ":60543,"_SITE":60544,"ĠequalTo":60545,"SupportFragmentManager":60546,"ĠRecording":60547,"å®ĮæĪIJ":60548,"Ġbaggage":60549,"Ġpitchers":60550,"ĠEh":60551,"oque":60552,"ĉcnt":60553,"Ġ=>$":60554,"/foo":60555,"IRA":60556,"ĠSatellite":60557,"borah":60558,"Ġ}}\"Ċ":60559,"ĠEnds":60560,"ĠSpray":60561,",param":60562,".Chrome":60563,"*q":60564,"thought":60565,"ibrated":60566,"Ġthieves":60567,"Ġbeneficiaries":60568,"Entered":60569,"ottesville":60570,"Ġveterin":60571,"ByID":60572,"quipe":60573,"umption":60574,"-unit":60575,"ExecutionContext":60576,"@s":60577,"ĠGiov":60578,".ToolTip":60579,"_friend":60580,"(attributes":60581,"Ġdumping":60582,"ĠJC":60583,"_DOCUMENT":60584,"ĠArmour":60585,"(insert":60586,".HorizontalAlignment":60587,"ĠQed":60588,"ãģĦãģ¾ãģĻ":60589,"/git":60590,"ĠYYYY":60591,"ĠCardiff":60592,"Ġapa":60593,"organic":60594,"ĠWhereas":60595,"ĠæĿ":60596,"ĠMia":60597,"Ġdemolition":60598,"Ġscars":60599,"Ġpai":60600,"Ġretries":60601,"Ġrq":60602,"ĠDenis":60603,"(Utils":60604,"Ġalleviate":60605,"ĠPIC":60606,"idue":60607,"Ġacknowledging":60608,"Ġ//////////////////////////////////":60609,"ç¡®å®ļ":60610,"Ä«":60611,"\\Json":60612,".binary":60613,"Ġxtype":60614,"signals":60615,"ĠAppearance":60616,"&r":60617,"}s":60618,"Ci":60619,"ĠIllum":60620,"porate":60621,"hog":60622,"ĠindexOf":60623,"\\Command":60624,"_parallel":60625,"ĠSherlock":60626,"íĥ":60627,"Ġ\"\")čĊ":60628,"////////////////////////////////////////////////////////////////////////////////////////////////":60629,"Ġcriticize":60630,"ĠSoap":60631,"ĠMatcher":60632,"Ġgrilled":60633,"*T":60634,"Ġadore":60635,"ulling":60636,"Ġjedoch":60637,"_refs":60638,"leanup":60639,"ĠJAXB":60640,"Ġroses":60641,"ĠLiam":60642,"sizei":60643,"Ġgetchar":60644,"Ġtarde":60645,"-tooltip":60646,"Ġqualifier":60647,"ĠIntermediate":60648,"_Window":60649,"ĠMalta":60650,"Disconnect":60651,"ewhere":60652,"Campo":60653,"Ġirrational":60654,"ledo":60655,"ĠDN":60656,"ARGV":60657,"Ġoutro":60658,"Ġthirteen":60659,"Joseph":60660,"MAR":60661,"/gl":60662,"Jess":60663,"ĠPsychiat":60664,"ĠpaddingBottom":60665,"-loop":60666,"/fonts":60667,"_seen":60668,"Teams":60669,"ReactDOM":60670,"(man":60671,"(xpath":60672,".getSimpleName":60673,">(*":60674,"ĠPvt":60675,"Ġelders":60676,"Ġpies":60677,".userAgent":60678,"-region":60679,"ĠGreeks":60680,"(fragment":60681,"stu":60682,"Ġcouncils":60683,"Ġstamina":60684,"ĠGoddess":60685,"西":60686,"Ġphilosophers":60687,"Ġpersone":60688,"ĠLose":60689,"ĠCLR":60690,"ĠDocs":60691,"Ġsoak":60692,"ĠHOLDER":60693,"Ġbells":60694,"hashCode":60695,"RATE":60696,"_WEIGHT":60697,"inous":60698,"endra":60699,"ophobic":60700,"Ġprose":60701,"Ġfinely":60702,"/oauth":60703,"(space":60704,"adge":60705,"ĠMama":60706,"ĠstringBuffer":60707,"Ġstint":60708,"Ġmisma":60709,"Ġvillains":60710,"ĠCrimea":60711,"Ġdiploma":60712,"ĠпоÑģл":60713,"ĠBea":60714,"(join":60715,"Ġíķ´":60716,"CHAT":60717,"pering":60718,"ĠCros":60719,"Ġmonkeys":60720,"Ġpreds":60721,"yla":60722,",,,":60723,"Ġvibrator":60724,"ĠNU":60725,"åħĪ":60726,"fant":60727,"zet":60728,"Ġbietet":60729,"unft":60730,"sworth":60731,".Flow":60732,"Ġpsyched":60733,"ĠContinental":60734,">t":60735,"Ġquilt":60736,".UP":60737,"Ġexpansive":60738,"Dispose":60739,"(language":60740,"Caps":60741,"_ZONE":60742,"Ġrecycle":60743,"ĠManaged":60744,"currentColor":60745,".broadcast":60746,"signIn":60747,".prom":60748,"llu":60749,"ueblo":60750,"Ġpunches":60751,"Ġautomat":60752,"Ġassigning":60753,"ĠcreateUser":60754,"ĠAllied":60755,"Ġconductor":60756,"Ĥ¨":60757,"Ġsaddle":60758,"Ġdni":60759,"omedical":60760,"-West":60761,"PositiveButton":60762,"Ġitalic":60763,"?[":60764,"(trigger":60765,"Ġelephants":60766,"\":\"\",\"":60767,"Ġcaliber":60768,"rafted":60769,"digits":60770,"Ġmarshal":60771,"milliseconds":60772,"markers":60773,"mom":60774,"/place":60775,"Ġholistic":60776,":t":60777,"#,":60778,"Ġboto":60779,"Ġnausea":60780,"ĠShooting":60781,"itech":60782,"ĠtextStatus":60783,"())Ċ":61004,"ADDRESS":61005,"BST":61006,"etzt":61007,"ĠQgs":61008,"Sense":61009,"ExceptionHandler":61010,"ĠChu":61011,".getOwnProperty":61012,"Ġexercised":61013,"iotic":61014,"ĠReleases":61015,"Ġpinterest":61016,"olie":61017,"isoft":61018,"Ġsequencing":61019,"Ġpadre":61020,"]));čĊ":61021,"(radius":61022,".med":61023,"ainties":61024,".ObjectModel":61025,"Ġemple":61026,"Ġseguro":61027,"Stars":61028,"Ġqualitative":61029,"lemn":61030,"á»±":61031,">\").":61032,"Ġgx":61033,"-cert":61034,"ĠASTM":61035,"Ġfullname":61036,"Ġtelemetry":61037,"ĠCambodia":61038,"_ul":61039,"ĠClare":61040,"CUSTOM":61041,"QC":61042,"ĠUns":61043,"ĠHTTPS":61044,"ĠParkinson":61045,"ancybox":61046,"','.":61047,"Tue":61048,".getLast":61049,"Ġabi":61050,"Äħd":61051,"Ast":61052,"ĠEditing":61053,".Unity":61054,"jmp":61055,"Ġmats":61056,"ĠsharedPreferences":61057,"Captain":61058,".pageSize":61059,"Ġrtl":61060,"Ġanmeld":61061,"RuntimeObject":61062,"Ġdemande":61063,"(\";":61064,"seite":61065,"-headed":61066,"ĠKra":61067,"ĠFONT":61068,"`\\":61069,"ClassNotFoundException":61070,".avg":61071,"atical":61072,"Aj":61073,"Ġpermitting":61074,"Proj":61075,"ERRQ":61076,"Ġcreampie":61077,"ĠBuyer":61078,"-modules":61079,"ĠSundays":61080,"|`Ċ":61081,"Ġdaytime":61082,"Ġ+(":61083,"Ġglitch":61084,"ĠOperand":61085,"Ġtoxins":61086,"inya":61087,"DNS":61088,"ĠSas":61089,"Cake":61090,"ĠNationals":61091,".addTo":61092,"Ġsinking":61093,"Ġcomprehension":61094,"Ġscor":61095,"agements":61096,"Ġtard":61097,"Ġmarching":61098,"ĠMTV":61099,"Ġsane":61100,"CreateInfo":61101,"ắ":61102,"ĠendIndex":61103,"ĉlayout":61104,"ĠåIJį":61105,"SITE":61106,"ĠTHERE":61107,"Ġ[{'":61108,"opathic":61109,"Ġtransmitter":61110,"/body":61111,"Ġpund":61112,"ĠClosing":61113,"Ġsetattr":61114,"Ġbounded":61115,"Atlas":61116,"suming":61117,"(times":61118,"parer":61119,"ynom":61120,"feit":61121,"Ġfrem":61122,"-leg":61123,"ĠBras":61124,">#":61125,"Ġì¶ľëł¥":61126,"ĠINSTANCE":61127,"ĠCouch":61128,"_hosts":61129,"likelihood":61130,".Marker":61131,"ĠMasks":61132,"Ġcereal":61133,"utilities":61134,"Ġelemental":61135,"Ġdistorted":61136,"inactive":61137,"cry":61138,"WL":61139,"UPPORTED":61140,".Throws":61141,"/schema":61142,"serie":61143,".\"',":61144,"ĠBenedict":61145,"-picker":61146,"iggs":61147,"ĠPirate":61148,"åij¨æľŁ":61149,"ĠThema":61150,"ĠSouthampton":61151,"ĠarrayWith":61152,"ĠPaula":61153,"Ġpredictor":61154,"-Ass":61155,".userid":61156,"Ġperi":61157,"Ġexaggerated":61158,"urate":61159,"arseille":61160,"ĠConcent":61161,"ĠPik":61162,"Ġ@_;ĊĊ":61163,"Ġformations":61164,"Ġdenomin":61165,"\"/>.Ċ":61166,"endedor":61167,"Ġpancre":61168,"Ġamt":61169,"ĠonResume":61170,"onDelete":61171,"ĠBCH":61172,")(\"":61173,"movement":61174,"Ġpotassium":61175,"":69726,"ĠPPC":69727,"isz":69728,"akeFromNib":69729,"ĠDisp":69730,"ĠAthletics":69731,"Ġnightclub":69732,"GOOD":69733,".setGeometry":69734,"+[":69735,"/send":69736,"Ġbinaries":69737,"Ġráp":69738,":req":69739,"-consuming":69740,"ertime":69741,"UPDATED":69742,"_nullable":69743,"VIN":69744,"ulia":69745,"cyan":69746,"Ġmisunderstanding":69747,"orical":69748,"degrees":69749,"Leading":69750,".AR":69751,"ickest":69752,"Nuevo":69753,"uforia":69754,"Ġgoodies":69755,"Ġfores":69756,"()<<\"":69757,"ademic":69758,"ActionCreators":69759,"servername":69760,"(nt":69761,"dbContext":69762,"Ġairborne":69763,"Ġexhibitions":69764,"cele":69765,"Ġtela":69766,"":69782,".setPreferredSize":69783,"ĠMID":69784,"ĠAless":69785,"Ġhorsepower":69786,"Ġatm":69787,"ĠPackaging":69788,"Ġciphertext":69789,"RequestMethod":69790,"Ġbeiden":69791,"è£":69792,"ĠPOW":69793,".WriteHeader":69794,"director":69795,"-but":69796,"ãģłãģķãģĦ":69797,"incer":69798,"_dn":69799,"!!!!!":69800,"Ġmanufactures":69801,".TextUtils":69802,"Ġconsciously":69803,"Ġbounced":69804,"culture":69805,"ĠSpar":69806,"ĠPiper":69807,".press":69808,"-owner":69809,"Ġevaluator":69810,"ĠSTREAM":69811,".PictureBoxSizeMode":69812,"Ġsugars":69813,"ScreenWidth":69814,"ĠnextState":69815,"Ġivory":69816,"Ġbrunch":69817,"density":69818,"_OW":69819,"ĠCoronavirus":69820,"ĠCFR":69821,"bak":69822,"\\Category":69823,"æķ°ç»Ħ":69824,"Ġinvokevirtual":69825,"}()Ċ":69826,"Ġsujet":69827,"-marker":69828,"isdigit":69829,"ĠMobil":69830,"ĠJsonRequestBehavior":69831,"_REMOTE":69832,".existsSync":69833,"Ġriches":69834,".presenter":69835,"ĠglColor":69836,"Ġhanya":69837,"Ġfortress":69838,"Ġflashed":69839,"viz":69840,"requently":69841,"buat":69842,"$con":69843,">|":69844,".Func":69845,"Ġhumorous":69846,"uem":69847,".ZERO":69848,"ĠSTL":69849,"ĠBuk":69850,"/sample":69851,"ĠGros":69852,"Recipes":69853,"Ġinflated":69854,"Ġswung":69855,":F":69856,"Facing":69857,".Theme":69858,"ник":69859,"Ġsplendid":69860,"ĠrequestId":69861,".CenterScreen":69862,"/autoload":69863,"embedded":69864,"_depart":69865,"ĠPorts":69866,"à¹ĥ":69867,"айд":69868,"discussion":69869,"_consum":69870,"Ġscouts":69871,"Ġcolabor":69872,".Stage":69873,".nano":69874,"eldorf":69875,"Ġgemacht":69876,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ":69877,"Ġpolicymakers":69878,"_PKT":69879,",Th":69880,"oky":69881,"_UID":69882,"Ping":69883,"Ġorchest":69884,"Ġoptics":69885,"uhan":69886,"ĠXOR":69887,"Ġespañol":69888,"ĠAdidas":69889,"rng":69890,"mans":69891,".vstack":69892,"Ġgetaway":69893,"Ġhierarchical":69894,"anoia":69895,"ĠBitmapFactory":69896,"realm":69897,"ĉap":69898,"_apps":69899,"-divider":69900,".drawer":69901,"ĠHARD":69902,"'];?>Ċ":69903,"-packed":69904,"æ²»":69905,"_STRUCTURE":69906,"[Y":69907,"iParam":69908,"(eq":69909,"Ġencompasses":69910,"Ġ\\ĊĊ":69911,"->[":69912,"&utm":69913,"groupon":69914,"strate":69915,"DY":69916,"omorphic":69917,"':[":69918,"Ġgravitational":69919,"ĠMicha":69920,"ĠTencent":69921,"Ġcoached":69922,"ì¶ľ":69923,"ÑĥменÑĤ":69924,"/mobile":69925,"MouseDown":69926,"bud":69927,"ĠYas":69928,"ĠProviders":69929,"NZ":69930,"ĉreport":69931,"errmsg":69932,"ĠimagePath":69933,"acterial":69934,"ĠManga":69935,"wicklung":69936,"(usuario":69937,"\"));čĊčĊ":69938,"/***":69939,"Ġorganise":69940,"Indexed":69941,"_QUAL":69942,"(PyObject":69943,"Ġsurrendered":69944,"POCH":69945,"ĠNOTES":69946,"\\\\\"":69947,"-job":69948,"Ġseventy":69949,"####Ċ":69950,"ĠManor":69951,"Ġdownright":69952,"Ġtimeframe":69953,"insurance":69954,"checker":69955,"ĠSECRET":69956,"Ġechoes":69957,"ĠCarmen":69958,".setHorizontalAlignment":69959,"ĠisChecked":69960,"ĠTOR":69961,"_nn":69962,"('(":69963,"FetchRequest":69964,"ĠPrinted":69965,"Fluid":69966,"ĠSTACK":69967,"GES":69968,"aigned":69969,"igor":69970,".Unknown":69971,"CBC":69972,"ĠCarlson":69973,".URI":69974,"Ġplight":69975,"/start":69976,"ĠPersonnel":69977,"ĠPREFIX":69978,",**":69979,"Ġlimite":69980,"_heat":69981,"%ï¼Į":69982,"ĠDonne":69983,"getNode":69984,"ĠScientology":69985,"Ġcomet":69986,"Ġwenig":69987,"Aside":69988,"ĠMPEG":69989,"'?":69990,"variably":69991,".endDate":69992,"Ġuncont":69993,"ĠScores":69994,"ĠLoginForm":69995,".generated":69996,",ch":69997,"-mar":69998,"ĠNed":69999,"ĠeventId":70000,"+p":70001,"ĠSIN":70002,"/reset":70003,".REACT":70004,"ĠMessi":70005,"_RANK":70006,".writeFile":70007,"Ġcripp":70008,"esthetic":70009,"ERSIST":70010,"Ġreimbursement":70011,"CurrentValue":70012,"Ġunin":70013,"DownLatch":70014,"ĠpaddingRight":70015,"Ġstocked":70016,"/'.":70017,"Ġrepayment":70018,"trak":70019,"/backend":70020,"Ġизмен":70021,"CSR":70022,"Ġpreventive":70023,"Ġpantalla":70024,"_trim":70025,"Pedido":70026,"hospital":70027,"Ġmanageable":70028,"routeParams":70029,"textures":70030,"......ĊĊ":70031,"Ġsélection":70032,"NameValuePair":70033,"Ġpollut":70034,"Modes":70035,"ĠLaud":70036,"jay":70037,"ĠUrs":70038,"Ġsigner":70039,"ĠJJ":70040,"ĠCherokee":70041,"_EXISTS":70042,"Ġdwar":70043,"Ġ($('#":70044,"Ġreef":70045,">{$":70046,"ĠBaylor":70047,"ĠModelState":70048,"-_":70049,"ĠStructures":70050,"Ġsouvent":70051,"Specify":70052,"(pipe":70053,"Ġfracking":70054,"ĠGPA":70055,"Ġbele":70056,"ĉĉĉĉĉĉĉĠĠĠ":70057,"ĠMinority":70058,"Ġtud":70059,"Ġopenness":70060,"ĠIllustrated":70061,"Ġoxidation":70062,"ĠNK":70063,"ĉUpdate":70064,"ĠEMS":70065,"ĠTeddy":70066,"Ġgenerals":70067,"ĉMat":70068,"Ġradios":70069,"ĠAntique":70070,"conomy":70071,"ĠSquadron":70072,")','":70073,"声":70074,"Ġyoure":70075,"ĠMainPage":70076,"Ġbehaviours":70077,"enght":70078,"(@\"%@\",":70079,"Ġtestcase":70080,"ĠCompilation":70081,"Ġflavours":70082,"ĠExtend":70083,"illator":70084,"Ġcoh":70085,"Ġspline":70086,"ĠKG":70087,"-pay":70088,"Ġcommunism":70089,"ĠBusinesses":70090,"ocking":70091,".MaxLength":70092,"assandra":70093,"quiring":70094,"adden":70095,"ĠJeb":70096,"_fault":70097,"[file":70098,"Ġprominence":70099,"disciplinary":70100,"âĢĶthey":70101,"_extent":70102,"ĠVIC":70103,"Ġentails":70104,".partner":70105,"Ġhippoc":70106,"League":70107,"çĶ·":70108,"wipe":70109,"-spinner":70110,"Ġsalute":70111,"ĠSurgical":70112,"(outputs":70113,"worked":70114,"[strlen":70115,"appointed":70116,"ĠHeg":70117,"ĠACPI":70118,"([^":70119,"uala":70120,"_tol":70121,"ĠRit":70122,".Payment":70123,"kowski":70124,"Ġwalmart":70125,"requirements":70126,"ĠFINSEQ":70127,"_BACKGROUND":70128,"ĠOsborne":70129,"(errorMessage":70130,"Reporting":70131,"Ġauctions":70132,"Ġcombos":70133,"ĠNoticed":70134,"_oct":70135,"Ġprimero":70136,"taire":70137,"_hr":70138,"Ġмод":70139,"Ġcontradictory":70140,"=\"@":70141,"achines":70142,"(optarg":70143,"ĠPenguin":70144,"ĠAbbas":70145,"Ġsublime":70146,"Ġpageable":70147,"ĠDefensive":70148,"Ġdistinctly":70149,"ĠAutomatically":70150,"Understanding":70151,"EqualityComparer":70152,"gota":70153,"Ġ\"::":70154,"Ġpulver":70155,"ĠBattles":70156,"Ġunparalleled":70157,"TCHA":70158,"Ġconstrued":70159,"-aff":70160,"Ġprecursor":70161,"-lfs":70162,"Ġmaduras":70163,"ĠDaisy":70164,"ĠArbeits":70165,".Management":70166,"ĉIn":70167,"Ġrobes":70168,"Ġspéc":70169,"âĢľ(":70170,"Ġmaternity":70171,"extent":70172,"ĠSpacer":70173,"DidAppear":70174,"ĉus":70175,".getRequestDispatcher":70176,"(cols":70177,"Ġplummet":70178,"ìħ":70179,"Ġ{ĊĊĊĊ":70180,"érica":70181,"ĠSizes":70182,".enum":70183,".Highlight":70184,"Ġ!!}ĊĊĊ":70193,"Wenn":70194,"Ġclimax":70195,"Ġcrem":70196,"_that":70197,"[â̦":70198,"_domains":70199,"_REPLY":70200,"Ġcompleta":70201,"VEST":70202,"_particle":70203,"Ġsop":70204,"Ġfatalities":70205,"implify":70206,"ĠSKF":70207,"Ġinfusion":70208,"ĠJavier":70209,"Ġballet":70210,"Ġamigo":70211,".want":70212,"Ġcollagen":70213,"ĠLawyer":70214,".Statement":70215,".rt":70216,"baar":70217,"EndPoint":70218,"ĠBek":70219,"SHIP":70220,"Ġpatriarch":70221,"ĠAunt":70222,"_TM":70223,"ĠmÃŃn":70224,"Ġmastered":70225,"WXYZ":70226,"Ġespos":70227,"=logging":70228,"Ġrighteousness":70229,"torrent":70230,"Ġbst":70231,"_CHAIN":70232,"Ġoutskirts":70233,"(rotation":70234,"Ġ'.')":70235,"igrants":70236,"+lsi":70237,"ĠCCTV":70238,"_PHASE":70239,".azure":70240,"_Process":70241,"vae":70242,"ĠTropical":70243,"ĠAnkara":70244,"imageView":70245,"_RUNNING":70246,"Ġ*)__":70247,"ến":70248,"(cli":70249,"scatter":70250,"Ġsche":70251,"Registrar":70252,"Ġairing":70253,"Ġpyplot":70254,"isión":70255,"/customer":70256,"Ġsimplement":70257,"Ġclassy":70258,"ĠDWC":70259,"ĠBashar":70260,"ĠDEVELO":70261,"ĠVick":70262,"avail":70263,"ĠHö":70264,"_extend":70265,"drFc":70266,".isNotBlank":70267,"Ġplais":70268,"|}Ċ":70269,"Ġpornofil":70270,"labs":70271,"Ġhaus":70272,"Ġoriginating":70273,"Ġsurrounds":70274,"ĠQUAL":70275,"meg":70276,"/logger":70277,"[obj":70278,"Ġirresponsible":70279,"ĠPublicKey":70280,"HONE":70281,":'/":70282,"ibox":70283,"ĠFVector":70284,"|{Ċ":70285,"ataloader":70286,"hawks":70287,"HDR":70288,"Ġescalation":70289,"ĠPodsDummy":70290,"elite":70291,"Ġpresup":70292,"Cached":70293,">G":70294,".optimizer":70295,"ĠVisible":70296,"´Ģ":70297,"Ġnen":70298,"Ġpcs":70299,"ĠIdle":70300,"[Any":70301,"Ġkeyboards":70302,"ĠCOMPONENT":70303,"Ġtitanium":70304,"(mut":70305,"ĠLedger":70306,"Ġprosperous":70307,"etrofit":70308,"_LL":70309,"_patient":70310,"Ġpdata":70311,"Ġkontakte":70312,"Swipe":70313,"Ġcheerful":70314,"ĠHonduras":70315,"\"][$":70316,"Ġhemorrh":70317,"\":\"+":70318,"Ġleasing":70319,"Ġinstalls":70320,"ĠPax":70321,"ĠLogistics":70322,"Ġkinetic":70323,"ĠPhon":70324,"_movement":70325,"ĉbytes":70326,"Ġcinco":70327,"ĠMadness":70328,"\")+":70329,"ĠJE":70330,"_ij":70331,"SceneManager":70332,"ĠBust":70333,"ptest":70334,"aea":70335,"Ġbesser":70336,"ÃŃg":70337,"дин":70338,"(tasks":70339,"(\"(\"":70340,"setType":70341,"(outfile":70342,"ĉreset":70343,"ĠARC":70344,"Ġmúsica":70345,"ĠShelf":70346,"ĠminY":70347,"pch":70348,"Ġweiber":70349,"issor":70350,"Ġtrouve":70351,"ĉButton":70352,"Ġregenerated":70353,"Å£i":70354,"imachinery":70355,"blocking":70356,".dataTables":70357,"_frac":70358,"ĠAdvantage":70359,".visitMethod":70360,"éĩįæĸ°":70361,"Ġextrapol":70362,"Ġteasing":70363,"ĠHitch":70364,"ĠGeek":70365,"ESCO":70366,"Ġwich":70367,"ĉax":70368,"_decor":70369,"ĠscreenWidth":70370,"ĠSophia":70371,"Forgot":70372,".uni":70373,"ĠVenture":70374,"_collision":70375,"Ġlawmaker":70376,"(Edit":70377,"blers":70378,"ĠgetNext":70379,"âĢĶyou":70380,"MediaPlayer":70381,"ĠHorde":70382,"ĠCongressman":70383,"observations":70384,"ĉproperty":70385,"Ġ<--":70386,"CreatedAt":70387,"ubyte":70388,"Ġquarantine":70389,"Ġdistressed":70390,"_APB":70391,"ĠGoodman":70392,"ãĤ«":70393,"Ġrecomend":70394,"_PRINTF":70395,"DONE":70396,"Bindable":70397,"rstrip":70398,"centaje":70399,"ĠUnexpected":70400,"ĠSCHOOL":70401,"ĠProfessionals":70402,"ĠGPUs":70403,"Lesson":70404,"Exclusive":70405,"Ġatrav":70406,"ĠDank":70407,"ĠLawyers":70408,"ĠWalton":70409,">[]":70410,"Ġaloud":70411,"=\"../../../":70412,"Ġdebating":70413,"ĠAVG":70414,"_VOL":70415,"/cgi":70416,".deg":70417,":g":70418,".Infof":70419,"MeasureSpec":70420,".song":70421,"mtree":70422,"ulls":70423,"Jordan":70424,"ĠCovers":70425,"Ġattributable":70426,"Ġjedis":70427,"iatrics":70428,"Ġrotterdam":70429,"Ġmeld":70430,"ĠContentType":70431,"Ġmantle":70432,"Ġalice":70433,"_duplicate":70434,"/Internal":70435,"Ġfilesize":70436,"ĉfire":70437,"rese":70438,"ondere":70439,"Ġfamiliarity":70440,"ĠCrest":70441,"Ġkarma":70442,"Ġtorino":70443,"Ġmesa":70444,"/temp":70445,"Ġchir":70446,"ĠOverflow":70447,"Ġtenemos":70448,"unik":70449,"NEXT":70450,"Alle":70451,"Ġnxt":70452,"Mart":70453,"Ġatl":70454,"Ġperiodo":70455,"_you":70456,"Ġ})).":70457,"intestinal":70458,".AdapterView":70459,"Ġhesitant":70460,"Ġcomparatively":70461,".UInt":70462,"(viewModel":70463,"Ġsangat":70464,"ĠResponsive":70465,"ĠZack":70466,"âħ":70467,"JAVA":70468,"ĠFuller":70469,"ĠâĿ¤":70470,".Consumer":70471,"Ġank":70472,"Ġreactors":70473,"fuck":70474,"_rat":70475,"ĠsessionFactory":70476,"_backward":70477,"Ġscrambled":70478,"ĉth":70479,"Ġinsensitive":70480,"Ġchamps":70481,"Ġnginx":70482,"Ġconhec":70483,"ĠJasper":70484,".fm":70485,"StrictEqual":70486,"achsen":70487,"-Nov":70488,"lassen":70489,".integration":70490,"(lbl":70491,"Compose":70492,"ĠFon":70493,"Ãļ":70494,"Gratis":70495,"ĠLime":70496,"ĠAdapterView":70497,"Ġpoisoned":70498,"anchors":70499,"设计":70500,"']?>\"":70501,"Ġprocur":70502,"Italy":70503,".MONTH":70504,"ĠLUA":70505,"ĠLithuania":70506,"ĠHeads":70507,"_CHUNK":70508,"ĠPUSH":70509,"AspectRatio":70510,"Ġweg":70511,"Ġvids":70512,"ĠWein":70513,"ĉINT":70514,"sessionId":70515,"Industry":70516,"Ġdenounced":70517,"JKLM":70518,"ĠVanessa":70519,".Identifier":70520,"propri":70521,"Ġиг":70522,"Ġtécn":70523,"Ġmosaic":70524,"StreamReader":70525,"-Th":70526,"forth":70527,"Ġadherence":70528,"bate":70529,"Ġknights":70530,"sounds":70531,"Ġsalle":70532,"OMET":70533,"ãĤ¹ãĥĪ":70534,"-tm":70535,"ĠRhe":70536,".FileOutputStream":70537,"åĪĨç±»":70538,"ĠENG":70539,"holiday":70540,"ĠCongratulations":70541,")(Ċ":70542,"Ġaggregates":70543,"HOOK":70544,"ewire":70545,"Senator":70546,"Ġembeddings":70547,"epy":70548,"(COM":70549,"Ġrobber":70550,"äter":70551,"wang":70552,"_teacher":70553,"Ġresentment":70554,"Ġlettuce":70555,"erreur":70556,"(ic":70557,"ĠTactical":70558,"ĠContracts":70559,"Ġmænd":70560,"Ġsitios":70561,"Ġbastante":70562,"Ġnuevos":70563,"ĉNdrFc":70564,"ĠprivateKey":70565,"ucch":70566,"MMdd":70567,"Ġè¾ĵåĩº":70568,"umba":70569,"@foreach":70570,":\");ĊĊ":70571,"Ġslippery":70572,"ĠKeystone":70573,"Ġpioneering":70574,"_triangle":70575,"(\"Ċ":70576,"ĉĉĉĉĉĉĉĉĠĠ":70577,"ĠIntervention":70578,"SCI":70579,"ĠcJSON":70580,"Ġterminating":70581,"ë¹Ħ":70582,"Ġbabys":70583,"Subset":70584,"Ġë¡":70585,"Ġseulement":70586,"Ġmuestra":70587,"Entre":70588,"以ä¸Ĭ":70589,"ngo":70590,"\"bytes":70591,"QRST":70592,"Ġypos":70593,"persona":70594,"ĠDeploy":70595,"cee":70596,"Ġà®":70597,".goal":70598,"Ġhabitats":70599,"ĠisAdmin":70600,"Ġexploiting":70601,"Ġventil":70602,"ĠBalls":70603,"اب":70604,"Ġmindfulness":70605,"(kwargs":70606,"Ġresembling":70607,"Ġchoir":70608,"ĠonBackPressed":70609,"ĠSECURITY":70610,"/gtest":70611,"Ġjustices":70612,"ĠintegerValue":70613,"blah":70614,"ĠAim":70615,"_finalize":70616,"keh":70617,"ĠComplexity":70618,"Ġaugust":70619,"getElementsByTagName":70620,"Ġpreach":70621,"Ġpronunciation":70622,"ĠTrash":70623,"-percent":70624,"_PRIV":70625,"ĠHunts":70626,"ĠCurse":70627,"uellen":70628,"Ġheavyweight":70629,"Xi":70630,"ĉselected":70631,"ĠMcCoy":70632,"å¼Ĥ常":70633,"|=Ċ":70634,"ĠBattlefield":70635,"ItemImage":70636,"Ġdeductions":70637,"ĠElemental":70638,"());//":70639,"ĠBurk":70640,"})čĊčĊ":70641,"swift":70642,"/function":70643,"Usually":70644,"_St":70645,"_feats":70646,"ĠIsValid":70647,"Ġzad":70648,"ImageContext":70649,"Ġclassname":70650,"Ġdonner":70651,"Ġ-->ĊĊĊ":70652,"Ġmotorcycles":70653,"+'/'+":70654,"ĠsetBackground":70655,"\\CMS":70656,".AllArgsConstructor":70657,"ĠLexington":70658,".examples":70659,"ĠPurs":70660,"PushMatrix":70661,"Ġ==============================================================":70662,".addTarget":70663,"pora":70664,"Fullscreen":70665,"Ġgoof":70666,"hlen":70667,"äge":70668,"ĠCURL":70669,"ĠInteresting":70670,"Ġretrieves":70671,"_Obj":70672,"inness":70673,"-----ĊĊ":70674,".tsv":70675,"(IM":70676,"ĠBraves":70677,"_ISR":70678,"osti":70679,"á»ĵ":70680,"ĠExterior":70681,"ĠCourtney":70682,"Ġresidues":70683,"Tier":70684,".*;čĊčĊ":70685,":black":70686,"webView":70687,"\"path":70688,"Ġmasa":70689,"]!='":70690,"ĠMatching":70691,"dur":70692,"Jvm":70693,"=context":70694,"_RING":70695,"Ġproponents":70696,"ĠQStringLiteral":70697,"Ġinflate":70698,"\">čĊ":70931,"_COST":70932,"ilinear":70933,"ĠWorkspace":70934,"Ġspel":70935,"agogue":70936,"ĠMillennium":70937,"ĠPopulate":70938,"Ġnid":70939,".parseColor":70940,"Solar":70941,"ĠGad":70942,"Ġì¤ij":70943,"ĠKamp":70944,"ĉrm":70945,"Ġbenz":70946,"ĠHonestly":70947,"Ġelectrode":70948,"ĠPrairie":70949,"ĠPROFILE":70950,"ĠOriental":70951,"ĠOLED":70952,"/copyleft":70953,"awaii":70954,"(products":70955,")\\<":70956,"-created":70957,".ManyToMany":70958,"\"How":70959,"ĠвÑĭп":70960,"Ġmitochondrial":70961,"_testing":70962,"(created":70963,"ĠgetField":70964,"_EVAL":70965,"].\"":70966,"ĠFSM":70967,"ĠRita":70968,"ĠåıĤæķ°":70969,"Ġcôt":70970,"ĠInsight":70971,"ĉmysqli":70972,"_timing":70973,"IDO":70974,")))))Ċ":70975,"COVERY":70976,".imag":70977,"CDF":70978,"lust":70979,"ickt":70980,"_FP":70981,".','":70982,"gcc":70983,"Ġkurz":70984,"_pwm":70985,"Ġodpowied":70986,"ĠBarrier":70987,"/***************************************************************************Ċ":70988,"pak":70989,"-Israel":70990,"ĠRutgers":70991,"ĠselectedItem":70992,"ĠRamirez":70993,"Farm":70994,"Ġcalendars":70995,"gzip":70996,"Ġblockbuster":70997,"ĠPlymouth":70998,"çľĮ":70999,"responses":71000,".DialogInterface":71001,"-grand":71002,"ĠgetSource":71003,"Ġdejtings":71004,"Ġtieten":71005,"Ġcondemnation":71006,"Ġcontinuar":71007,".MockMvc":71008,"/english":71009,"ĠMediaPlayer":71010,"computed":71011,"ĠClippers":71012,"(delegate":71013,".Slf":71014,"Ġë¡ľ":71015,"ĠTide":71016,"Ġihrem":71017,"ĠWan":71018,"ÑĥÑİÑī":71019,"}><":71020,"Discussion":71021,"Ġwatts":71022,"-minus":71023,"ĠJuliet":71024,"éĽħ":71025,"Ġconcluding":71026,"andscape":71027,"Ġúltima":71028,"ĠDERP":71029,"ĠsignUp":71030,"ĠSecondly":71031,"WAIT":71032,"lds":71033,".callbacks":71034,"(hour":71035,"imators":71036,"volent":71037,"AAF":71038,"edriver":71039,"ĠMathematic":71040,"'":71042,"{j":71043,"_ABORT":71044,"Ether":71045,"Ġeducator":71046,"Ġprecaution":71047,"Ġfingertips":71048,"getVar":71049,"camatan":71050,"-debug":71051,"ĠRAF":71052,"[arg":71053,"Ġraced":71054,"Ġtsunami":71055,".flink":71056,"Ġglyc":71057,"uko":71058,"ĠMultiply":71059,"Ġredistribution":71060,"AGO":71061,"ĠRoutine":71062,"Ġopr":71063,"(lower":71064,"ĠFunktion":71065,".dk":71066,"Ġegt":71067,"_BASIC":71068,"syscall":71069,"ĠLSD":71070,"ĠDuplicate":71071,"_sell":71072,"ĠerrorHandler":71073,"_ips":71074,"Ġerv":71075,"annie":71076,"(resourceName":71077,"Ġbottled":71078,"Ġcrawling":71079,"egment":71080,".setTag":71081,"Ġrss":71082,"ĠQuarry":71083,"_exact":71084,".jwt":71085,"ĠBoards":71086,"opi":71087,"Ġnasal":71088,"ĠXYZ":71089,".ud":71090,"Northern":71091,"Ġactivating":71092,"edx":71093,"ovah":71094,"Ġindx":71095,"AlertDialog":71096,"Ġtienes":71097,"annya":71098,"_pan":71099,"(decimal":71100,".Dict":71101,"Ġsubsidiaries":71102,"ProductName":71103,"Few":71104,"dato":71105,"odied":71106,"-under":71107,"Ġê²ĥ":71108,"çīĪæľ¬":71109,"atism":71110,"[Math":71111,".'<":71112,"(infile":71113,"Ġdenotes":71114,"$class":71115,"_SECURITY":71116,"Ġsewage":71117,"melon":71118,"(Character":71119,"/github":71120,"Ġglaring":71121,".Guid":71122,"_sparse":71123,"ĠMargin":71124,"_dns":71125,"Ġmeiner":71126,"Ġleftist":71127,"ĉloc":71128,"abytes":71129,"Ġequipments":71130,"expo":71131,"ĠSomerset":71132,"EK":71133,"æį¢":71134,"Ġlecturer":71135,"Ġmemiliki":71136,"æł¸":71137,"ç´ł":71138,"pron":71139,":pointer":71140,"borrow":71141,"ĠProtective":71142,"_cf":71143,"ĠÐķÑģли":71144,"bpp":71145,"';ĊĊĊĊ":71146,"aturally":71147,"_NAV":71148,"Ġpeptide":71149,">d":71150,"Ġifstream":71151,"_FACTORY":71152,"');//":71153,"joined":71154,"mong":71155,"Ġtimespec":71156,"Ġdestabil":71157,"Ġautop":71158,"-limit":71159,"publication":71160,"ĠDenn":71161,".Memory":71162,"(skb":71163,"ĠAnaheim":71164,"_RETURNTRANSFER":71165,"oueur":71166,"(_('":71167,"legt":71168,"istingu":71169,"ĉpriv":71170,"Ġredirects":71171,"Mt":71172,"Ġalleen":71173,"ĠPointF":71174,"Ġomin":71175,"Ġcitt":71176,"ĠTage":71177,"ĠWalls":71178,"á»ī":71179,"Ġoccupying":71180,"xBF":71181,"rangle":71182,"Ġrelational":71183,"-org":71184,"Ġjpg":71185,"-derived":71186,"Ġmalfunction":71187,"ĠBenson":71188,"(scroll":71189,"ĠXD":71190,"Holy":71191,"(commands":71192,"Ġtipping":71193,"Ġprimitives":71194,"Ġsexle":71195,"CallCheck":71196,"ĠMASTER":71197,"_TEAM":71198,".setRequestHeader":71199,"_specs":71200,"Ġserge":71201,".Master":71202,"Ġims":71203,".SpringBootTest":71204,"paypal":71205,"ĠWANT":71206,".Inst":71207,"ĠCarpet":71208,"Ġwrongly":71209,"($('.":71210,"Ġbild":71211,".Roll":71212,"ĠUrb":71213,"-can":71214,"ãģıãģłãģķãģĦ":71215,"oliberal":71216,"čĊčĊ":71610,"ĠMahm":71611,"}\";ĊĊ":71612,"Ġdq":71613,"ĠPublishers":71614,"ĠAmpl":71615,"ĠDanielle":71616,"Ġtern":71617,"èµ·":71618,"noÅĽÄĩ":71619,"ein":71620,"ĠAsyncStorage":71621,"unger":71622,"rouw":71623,"Ġscissors":71624,"/assert":71625,".bucket":71626,"/archive":71627,"_Man":71628,"Ġintoler":71629,"Ġ()=>":71630,"ĠÐĴÑĭ":71631,"Ġsai":71632,".xy":71633,".\"čĊ":71634,"Ġurinary":71635,"esub":71636,"ISTICS":71637,"Ġκ":71638,"Ġcompliments":71639,"ĠtypingsJapgolly":71640,"ihar":71641,"Expansion":71642,"ĠServing":71643,"_students":71644,"ĠXBOOLE":71645,"(il":71646,"Ġì²ĺ":71647,"Ġjó":71648,"(tol":71649,"(JS":71650,"ĉCG":71651,"ĠDRAW":71652,"twig":71653,"Ġoat":71654,"_smooth":71655,"ĠCSL":71656,"Ġosob":71657,"Ġensuing":71658,"Ġbanker":71659,"ĠBackpack":71660,"_ping":71661,"Ġwishlist":71662,"=ax":71663,"ĉĠĠĠĊ":71664,"Disney":71665,"steady":71666,"\">%":71667,"Ġprophets":71668,"ĠZX":71669,"Ġminimalist":71670,".PLAIN":71671,"Seattle":71672,".ordinal":71673,"ĠPIPE":71674,"Ġretorna":71675,"Ġjugador":71676,"ĠBret":71677,"ĠâĶľ":71678,"Ġplush":71679,"ULATOR":71680,"Sorting":71681,".gridy":71682,"ectomy":71683,"_activ":71684,"rack":71685,"Interactive":71686,"ĠAntarctica":71687,"Ġvengeance":71688,"enso":71689,"_known":71690,"upplier":71691,".Modules":71692,"ĠConnectionState":71693,"éļIJèĹı":71694,"@FindBy":71695,"Ġplacer":71696,"\\model":71697,"<()>":71698,".isSuccessful":71699,"-good":71700,"bz":71701,"ĠDraco":71702,"Assistant":71703,"-extra":71704,"аблиÑĨ":71705,"Ġhypocrisy":71706,"Ġtst":71707,"ĠAgr":71708,"$txt":71709,"Ġlogistic":71710,"licensed":71711,"ĠHof":71712,"Ġtat":71713,"(iv":71714,"Ġintoxic":71715,"postId":71716,"_strike":71717,"Ġhumiliation":71718,"pcodes":71719,"\"sync":71720,"(recipe":71721,"+N":71722,"rente":71723,"ĉClient":71724,"ycopg":71725,"ĠZurich":71726,"ĠProfiles":71727,"Countries":71728,"Ġpict":71729,"Ġrollout":71730,"requencies":71731,"Ġpatched":71732,"Ġcartridges":71733,"Ġshading":71734,"Jar":71735,"Ġsalvage":71736,"ĠTaxes":71737,"Ġstandby":71738,"aporan":71739,"Eigen":71740,".angular":71741,"ĠNested":71742,"享":71743,"ĠisVisible":71744,"ĠDwight":71745,"_BRANCH":71746,".Delay":71747,"Ġkend":71748,"Ġfacilitated":71749,".flatMap":71750,"Ġsanta":71751,"ĉSend":71752,"/messages":71753,"ĠofType":71754,"ĉswap":71755,"#plt":71756,"ĠTurks":71757,"NES":71758,"Ġprogressively":71759,"ĠResidence":71760,"ĠTREE":71761,"Ġnoen":71762,"dio":71763,"Ġnelle":71764,"Ġsogar":71765,"itti":71766,"weekly":71767,"Ġambiguity":71768,"_Settings":71769,"Ware":71770,".neo":71771,"_DST":71772,"Ġæĸ¹":71773,"prep":71774,"lobby":71775,"@email":71776,"/movie":71777,"Ġfunkc":71778,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊ":71779,"ÂŃs":71780,"Ġguardians":71781,"-pos":71782,"Ġconfiguring":71783,"ĠCPS":71784,"ĠDeus":71785,"Ġvidéos":71786,"_empresa":71787,"Ġslapped":71788,"',Ċ":71820,"_XDECREF":71821,"ĠBuzzFeed":71822,"_MARGIN":71823,"PLOY":71824,".small":71825,"ĠmimeType":71826,"Ġholog":71827,"ĉcamera":71828,"lias":71829,"Ġsuspense":71830,"odynam":71831,"bau":71832,"Ġgraveyard":71833,"_named":71834,"\":\"'":71835,"Ġ************************************************":71836,"ĠgameOver":71837,"ĠLENGTH":71838,"ĉscreen":71839,"ĠdoInBackground":71840,"_dependencies":71841,"Ġrtc":71842,"/up":71843,"_ROM":71844,"Hall":71845,"Ġdeficiencies":71846,"(te":71847,"'#":71848,"_equiv":71849,"Ġpreorder":71850,"ĠAxe":71851,"омÑĥ":71852,".sendFile":71853,"Ġfilt":71854,"ĠLimits":71855,"ĠCavaliers":71856,".discount":71857,"âĨIJ":71858,"ĠWit":71859,"QRSTUV":71860,"Ġij":71861,"Ġtegen":71862,"Ġ:\",":71863,"difficulty":71864,"punkt":71865,"ĠEmails":71866,"chlor":71867,"(fun":71868,".Uint":71869,"ĠStall":71870,"_verified":71871,"uD":71872,"FileType":71873,"Ġpleasures":71874,"Ġjudiciary":71875,"Ġsham":71876,"ipur":71877,"_PLUS":71878,"offers":71879,"(foo":71880,"_GT":71881,"ĉcore":71882,"ENTION":71883,"ĠLiberation":71884,"CommandLine":71885,"_department":71886,".Ar":71887,"_neighbor":71888,"ĠSubmitted":71889,"ĠĊ":96121,"Ġdroits":96122,"Ġhomosexuals":96123,"Ġabduction":96124,"ĉwidget":96125,"$headers":96126,"ĠDAR":96127,"Ġfla":96128,"threat":96129,"Ġlouis":96130,".GetProperty":96131,"\"Just":96132,"(frames":96133,"ryo":96134,"profession":96135,"|i":96136,"íķ´ìĦľ":96137,"(sv":96138,"Ġunrecognized":96139,"Ionic":96140,"Fashion":96141,"ScreenState":96142,"ĠIncoming":96143,"NotNil":96144,"Ġsyncing":96145,"emie":96146,"Ġthermo":96147,"_procs":96148,"Ġinconsistency":96149,"religious":96150,".mj":96151,"Ġpersonn":96152,"Ġmomentos":96153,"orarily":96154,"ĠæĬ":96155,"_neurons":96156,"Illustr":96157,"imoto":96158,"ilik":96159,"ĠWoj":96160,"Trading":96161,"Ġappare":96162,"Ġentreprises":96163,"achat":96164,"Ġ¬":96165,"Ġneigh":96166,"BUTTONDOWN":96167,"ĠMaher":96168,"aghan":96169,"-hash":96170,"\"f":96171,"Ġclientele":96172,".addButton":96173,"ĉSP":96174,"Qi":96175,"Ġgrated":96176,"POSITE":96177,":>":96178,"ĠHowell":96179,"ĠComparative":96180,"ĠISC":96181,"ÂŃi":96182,"Ocean":96183,"Davis":96184,"ĠFilme":96185,"Wins":96186,"ĠJIT":96187,"occer":96188,"ĠCorm":96189,"ENCHMARK":96190,"rchive":96191,"icação":96192,"Ġmata":96193,"Ġchildbirth":96194,"ĠOptionally":96195,"Ens":96196,"Ġxhttp":96197,"Ġelucid":96198,"_OscInitStruct":96199,"))):Ċ":96200,"Ġintuit":96201,"ĠDonate":96202,"Ġcorrelates":96203,">Delete":96204,"Ġequipe":96205,"Ġboca":96206,"Ġinflatable":96207,"erah":96208,"ĠDateTimeKind":96209,"Ġcalves":96210,"\\Lib":96211,"Ġemlrt":96212,"ĠTrilogy":96213,"ĠPanc":96214,"ĠDuis":96215,"ĠpelÃŃcula":96216,"WARDS":96217,"_DETECT":96218,"-sectional":96219,"dhcp":96220,"ForRow":96221,"-destruct":96222,"ĠPresenter":96223,"/slick":96224,",on":96225,"ĠCitadel":96226,"loggedin":96227,"_subtype":96228,"Ġsigue":96229,"Ġcuring":96230,"ĠFirewall":96231,"Ġfluorescence":96232,"ĠItalians":96233,"иÑĤÑģÑı":96234,".getStyle":96235,"InSeconds":96236,"jie":96237,"-Smith":96238,"Ġxlink":96239,"Ġsubmissive":96240,"онÑĤ":96241,"arbonate":96242,"ĠFaul":96243,"_goals":96244,"ĠCommissioners":96245,"chartInstance":96246,"_POSTFIELDS":96247,"Ġmedial":96248,"Ġmanos":96249,"Ġdelt":96250,"svm":96251,".Apis":96252,"ephy":96253,"Ġasympt":96254,"ĠappDelegate":96255,"Ġimprobable":96256,"cka":96257,"simd":96258,"/Error":96259,".âĢĵ":96260,"ĠPTS":96261,"deer":96262,"Ġsina":96263,"magnitude":96264,"IDADE":96265,"']}'":96266,"Ġmayores":96267,"ĉcomment":96268,"/console":96269,"\"@":96270,"volt":96271,".sell":96272,"ĠMacy":96273,"Ġmelod":96274,"Ġimágenes":96275,"_chg":96276,"Ġinout":96277,"idente":96278,")'),Ċ":96279,"dni":96280,".blob":96281,"Ġtypography":96282,"Ġeerie":96283,"_OID":96284,"pesan":96285,"ajan":96286,"Ġchopping":96287,"Ġbluff":96288,"adf":96289,"_bases":96290,".Formatter":96291,"Ġ\\%":96292,"ĠPageInfo":96293,"Carrier":96294,"ĠCalibration":96295,"como":96296,"-bodied":96297,"Ġfinancier":96298,"ĠINA":96299,".ERR":96300,"Ġhoodie":96301,"ĠSanity":96302,"guarded":96303,".opendaylight":96304,"ISMATCH":96305,"Highlights":96306,"ünk":96307,"aniem":96308,"angered":96309,"assignments":96310,"Ġregistrado":96311,"ĠUPPER":96312,"ampilkan":96313,"ashire":96314,"ĠNikola":96315,"ĠCFL":96316,"ĠHDC":96317,"Ġpoids":96318,"ĠIPs":96319,"Ġpreventative":96320,"ipsoid":96321,"ifix":96322,".camel":96323,".ga":96324,"Volumes":96325,"-ste":96326,"Yahoo":96327,"_sibling":96328,"Highest":96329,"optgroup":96330,"Ġkvinna":96331,"âĢĿãĢĤĊĊ":96332,"ĠAppliances":96333,"Ġ\"><":96334,"')\")Ċ":96335,"htt":96336,"ĠIdentified":96337,"Ġpencils":96338,"ĠmemberId":96339,"ĠappendString":96340,".loadData":96341,"ĠmockMvc":96342,"Ġjub":96343,"ĠSlut":96344,"ĠTaipei":96345,"statt":96346,"Polit":96347,"Ġpartager":96348,"DidChange":96349,"Increases":96350,")}.":96351,"ĠBaba":96352,"_CLIP":96353,"[unit":96354,"ĠклÑİÑĩ":96355,"Ġalcuni":96356,"ĠLola":96357,"Ġclinging":96358,"@PostMapping":96359,"(concat":96360,"Ġssid":96361,"ĠFauc":96362,"okit":96363,"ĠRecorded":96364,"ález":96365,"($('<":96366,".assertIsNot":96367,"Ġkali":96368,"Volt":96369,"Ġwarmly":96370,"Ġscares":96371,"getti":96372,"führt":96373,"_does":96374,".EMAIL":96375,"imations":96376,"Ġspringfox":96377,"ĠDecom":96378,"arcy":96379,"Ġglitches":96380,"ĠMoff":96381,"ĠVoll":96382,".between":96383,"Ġcoorden":96384,"ĠParticularly":96385,"GBP":96386,"Ġsemble":96387,"Eastern":96388,"_MSB":96389,"]){čĊ":96390,"morgan":96391,"ĠEVAL":96392,"dere":96393,"HOUSE":96394,"moire":96395,"istique":96396,"_lstm":96397,"-commit":96398,"ysterious":96399,"Ġtwink":96400,"-thumbnails":96401,"enÃŃ":96402,":'',":96403,"Ġblackout":96404,"ĠFloors":96405,"Ġsofas":96406,"Ġoui":96407,"leshoot":96408,"ĠRaq":96409,"-abs":96410,"Ġkra":96411,"Mining":96412,"shaft":96413,".setColumns":96414,"Clazz":96415,"PRETTY":96416,".playlist":96417,"éĸ¢":96418,"-Saharan":96419,"MING":96420,"ĉbl":96421,"è®®":96422,"jf":96423,"DOCKER":96424,"hopefully":96425,"(ignore":96426,"ĠUsersController":96427,"ĠMitarbeiter":96428,"ĠLES":96429,"Hamilton":96430,"-metadata":96431,"ĠKK":96432,"iktig":96433,"Ġwollte":96434,"egrator":96435,"]bool":96436,",current":96437,"ĠvalueType":96438,"Ġexcavation":96439,"oland":96440,"Ġverv":96441,"/filepath":96442,"AuthProvider":96443,"Ġprocrast":96444,"ĉULONG":96445,"_MEMBERS":96446,"Ġuplift":96447,"ĠAutonomous":96448,"Ġartworks":96449,"ĠOutreach":96450,"Ġpore":96451,"Homepage":96452,"DialogTitle":96453,"ĠGenerating":96454,"PARSE":96455,"Ġsemanas":96456,"Ġhumano":96457,"JSGlobalScope":96458,"Ġvolte":96459,"Ġbella":96460,"(isinstance":96461,"Ġplc":96462,"\\Catalog":96463,"Ġesteemed":96464,"鼷":96465,"(suffix":96466,"Ġsweeps":96467,"ĉORDER":96468,"Ġdoivent":96469,"ĠSwarm":96470,"ĠCompiled":96471,"getPage":96472,"ADR":96473,".RichTextBox":96474,"ĠNaming":96475,"agged":96476,"ĠGANG":96477,"rasing":96478,"odeled":96479,"Ġgala":96480,"ĠJSName":96481,"ddf":96482,"Ġillust":96483,"ĠLansing":96484,"[port":96485,"-death":96486,"Ġdinheiro":96487,"ĠEighth":96488,"Ġbian":96489,"stÃ¥":96490,"Ġversión":96491,"ĠLinearGradient":96492,"ĠHarding":96493,".*)":96494,"eczy":96495,"$header":96496,"ĠvÃ¥r":96497,"Unchecked":96498,"Ġkoje":96499,"ĠPaladin":96500,"())),":96501,"Giving":96502,"()})Ċ":96503,"Ġdips":96504,"Friendly":96505,"Ġportrays":96506,"Ġhelium":96507,"Ġinsurgency":96508,"_expiry":96509,"ĠstringByAppendingString":96510,"Ġaantal":96511,"slope":96512,"mast":96513,".getInteger":96514,"Ġ########################":96515,"_PIPELINE":96516,"Ġdensely":96517,"Ġmutating":96518,"midi":96519,"ĠSeit":96520,"ayne":96521,"NOWLED":96522,"ĠDesmond":96523,"ĠFName":96524,"ĠNairobi":96525,"\\Context":96526,"Ġcalcular":96527,"-den":96528,"Ġcott":96529,"]):čĊ":96530,"ĠRecommendation":96531,"ĠRolex":96532,"ĠvalidationResult":96533,".pat":96534,"ĠnÃły":96535,"ĠRestClient":96536,"ĠGPI":96537,"ĠAsheville":96538,"ĠOSP":96539,"ĠPERMISSION":96540,"ÐĶаÑĤа":96541,"/notification":96542,"Knight":96543,"_Word":96544,"ĠBender":96545,"ranking":96546,"Ġpartida":96547,"_reservation":96548,"ÌĢ":96549,"ĠmName":96550,"Ġgetch":96551,"Ġborr":96552,"Ġdiligent":96553,"Discuss":96554,"æŃ£åľ¨":96555,"apeake":96556,"ioned":96557,"-Nazi":96558,".cum":96559,"ĠKron":96560,"=$('#":96561,"/single":96562,"Ġerotisch":96563,"ĠVib":96564,"Ġratified":96565,"Ġconcerted":96566,"ĠREGARD":96567,"Ġdobr":96568,".DriverManager":96569,"'r":96570,"Portable":96571,"ĉsuite":96572,"Ġrelaciones":96573,"ĠDop":96574,"emploi":96575,"DOB":96576,"Ġcrumbs":96577,"Ġxls":96578,"_Application":96579,"(':',":96580,"Ġ------------------------------------------------------------------------Ċ":96581,"mse":96582,"Ġberk":96583,"ĠReturnValue":96584,"ĠBelly":96585,"Ġcamar":96586,"ĠPeek":96587,"elsing":96588,"Ġnotifies":96589,"ĠTristan":96590,"ĠGAR":96591,"emme":96592,"ĠElevated":96593,"_CSV":96594,"(chalk":96595,"Ġtwenties":96596,"ĠSearchResult":96597,"=search":96598,"ĠMixing":96599,"ýt":96600,"Ġrecruiter":96601,"ĠIDEOGRAPH":96602,"ĠAgo":96603,"(Operation":96604,"$values":96605,"Ġworldly":96606,"ĠRosenberg":96607,"ĠConfigureServices":96608,">*Ċ":96705,"Ġsnork":96706,"_opacity":96707,"ĠinitWithNibName":96708,"iado":96709,"AAC":96710,"Ġ]).":96711,";z":96712,"_paragraph":96713,"Ġnoses":96714,"stands":96715,"ifr":96716,"_mE":96717,"Iraq":96718,".Predicate":96719,"enaire":96720,"]]];Ċ":96721,"Ġunidad":96722,"Ġretirees":96723,"_hello":96724,"Ġmodele":96725,"ĠUITableViewController":96726,"fwrite":96727,"_numero":96728,"_visited":96729,"Ġrecebe":96730,"(Notification":96731,"Fantastic":96732,"_submenu":96733,"ĠPEM":96734,"ĠCupertino":96735,"approximately":96736,"classed":96737,".ReadString":96738,"Ġdomicile":96739,"_PW":96740,"Ġballpark":96741,"ĠKale":96742,"contra":96743,"_favorite":96744,"/of":96745,"Quite":96746,"ĠOTA":96747,"Ġaccelerometer":96748,"didn":96749,"|^":96750,"ĠRohingya":96751,"ivicrm":96752,"annabin":96753,"обÑĭÑĤи":96754,"orado":96755,"')+":96756,"Haunted":96757,",ID":96758,"(UIAlertAction":96759,"urv":96760,"_bel":96761,"ĠMexicans":96762,"/terms":96763,"ĠPainter":96764,"InputLabel":96765,"ĠVinci":96766,"ĠRosie":96767,"\\uc":96768,"":96929,"_gs":96930,"Ġcompil":96931,"nard":96932,"-exc":96933,"Ġrhyme":96934,"Ġbutto":96935,"says":96936,"antasy":96937,"ë¸":96938,"ĠcittÃł":96939,"Ġcheg":96940,"TimeString":96941,"Ġpositivity":96942,"ĠDabei":96943,"Ġwang":96944,"Ġescre":96945,"\"c":96946,"ĉvideo":96947,"ĠRanked":96948,".strings":96949,">>>(":96950,"ĠинÑĤеÑĢ":96951,"Ġresta":96952,"[:,:":96953,"Ġrendre":96954,"Ġdeser":96955,"Jos":96956,"Ġdisruptions":96957,"ĠопеÑĢ":96958,"sampling":96959,"suppress":96960,"ĠcontainerView":96961,"ĠSeamless":96962,"Ġairy":96963,"Ġonload":96964,".WindowManager":96965,"ĠPLA":96966,"braco":96967,".setPositiveButton":96968,"Ġpdu":96969,"Ġgsi":96970,"ĠCli":96971,"_gradients":96972,"Ñıд":96973,"ĠWhisper":96974,"cstdint":96975,"Ġläng":96976,"Ġformulations":96977,"énom":96978,"ournemouth":96979,"[$_":96980,"Ġordinarily":96981,".setUsername":96982,"Ġfaculties":96983,"MITTED":96984,"/values":96985,"Ġweir":96986,"ĠApt":96987,"MZ":96988,"ĉcf":96989,"ucken":96990,"ĉĉĉĉĉĉĉĉĉĉĉĉĉĉĉĉĉĉĉĉ":96991,"defense":96992,"[iVar":96993,"ĠBusinessException":96994,"Selectors":96995,"(coordinates":96996,"ĠResets":96997,"ĠDrinks":96998,"oleans":96999,"(stypy":97000,"_IOC":97001,".xxx":97002,"ĠSlater":97003,"ĠBelize":97004,"Ġ/************************************************************************":97005,"addin":97006,"_episodes":97007,"Ġischem":97008,"legalArgumentException":97009,"Danny":97010,"Ġpared":97011,".codehaus":97012,"ĠAssy":97013,"ĉRect":97014,"âŀ":97015,".lista":97016,"ĠваÑĪ":97017,"Ġvets":97018,"HWND":97019,"isoner":97020,"Ġxo":97021,"Ġorally":97022,"ĠStmt":97023,".rnn":97024,"ĠDPI":97025,"ĠStrikes":97026,".setViewportView":97027,"ĠèĩªåĬ¨çĶŁæĪIJ":97028,"YELLOW":97029,"GLenum":97030,"partners":97031,"ĠImplicit":97032,"Ġtako":97033,"âĢĻelle":97034,"Ġermög":97035,"totalCount":97036,"Gil":97037,"ĉwork":97038,"Ġpratic":97039,"inati":97040,"abies":97041,"ĠSkinner":97042,"Ġspirited":97043,"Ġpancreatic":97044,"Ġhdf":97045,"'em":97046,"Ġpsychosis":97047,"olicit":97048,"Ġ\"{\"":97049,"_atual":97050,"Ġélect":97051,"TEAM":97052,"Ġdak":97053,"ĠSWAT":97054,".FragmentManager":97055,"Ġprovisioning":97056,"lifetime":97057,"_EXTENSIONS":97058,"ĠCASCADE":97059,"Ġ![":97060,"(KP":97061,"Ġvem":97062,"ĠInterracial":97063,"']},Ċ":97064,"spacer":97065,"_kv":97066,"Warehouse":97067,"RDD":97068,"_fsm":97069,".StretchImage":97070,",Yes":97071,"ĠRefugee":97072,"ĠBringing":97073,"Ġválido":97074,".intersection":97075,"Ġspooky":97076,"_portal":97077,"Ġmoth":97078,"ĠZodiac":97079,"ĠSOCIAL":97080,"MimeType":97081,"']}}":97200,"_Blue":97201,"Ġbotanical":97202,"Ġfrags":97203,"Ġfamilial":97204,"-du":97205,"Ġseizing":97206,"(blocks":97207,".rd":97208,".checkNotNull":97209,"Ġmiser":97210,"Ġmaxx":97211,"ĠKnee":97212,"ViewItem":97213,"InnerHTML":97214,"Danger":97215,"((__":97216,"Ġprzypad":97217,"createUrl":97218,"**,":97219,"ĠDecorating":97220,"ATEGY":97221,"?>/":97222,".Designer":97223,"hexdigest":97224,"ĠEverywhere":97225,"alleries":97226,".TEXTURE":97227,".Blocks":97228,"zell":97229,"Ġpreço":97230,"Suddenly":97231,"inputEmail":97232,"(sync":97233,".bd":97234,"golden":97235,">');":97236,"ĠDickinson":97237,">>(Ċ":97238,"ĠQUEUE":97239,"ĠgetColumn":97240,"ĠSAND":97241,".piece":97242,"licer":97243,"Flutter":97244,"ĠgetVersion":97245,"ĠresourceId":97246,"ogl":97247,"ÅĤaw":97248,".Branch":97249,"ĉweb":97250,"Ġframerate":97251,"PPP":97252,"Ġfray":97253,"CNT":97254,"Ġinformatie":97255,"']čĊčĊ":97256,"neas":97257,"HeaderCode":97258,"Ġæ¸":97259,"Ġtrg":97260,"rawtypes":97261,"Honda":97262,"Ġmarketer":97263,"ĠrequestData":97264,"ĠPg":97265,"ĉnot":97266,"ĠpageInfo":97267,"Ġaktuellen":97268,"ãģķãĤĵ":97269,"ĠAMS":97270,"pushViewController":97271,"ĉAL":97272,"Ġvests":97273,"produce":97274,"-même":97275,"ĠRahman":97276,"Funny":97277,"EZ":97278,"_Valid":97279,"Ġsquadron":97280,"Ġlash":97281,"Ġirm":97282,"iasco":97283,"ĠParan":97284,"Ġpetites":97285,"ĠDecay":97286,"Ġuninitialized":97287,"privileged":97288,"Ġmbedtls":97289,"å¤ĩ注":97290,"Ġ^.":97291,"Ġecstatic":97292,"Detroit":97293,"Ġparten":97294,"Ġsouvenir":97295,".getLogin":97296,"моÑĤÑĢ":97297,"enção":97298,"ĠmÃŃnimo":97299,"ĠAccessed":97300,"rió":97301,"Mic":97302,"ĠVocal":97303,".SetString":97304,"Ġmensajes":97305,"åĢį":97306,"Ġattravers":97307,"ĠAph":97308,"Ġ');čĊ":97309,"ünde":97310,"Ġenchanted":97311,"ĠRootState":97312,"ĠCLOSED":97313,"ĉĉĉĉĉĉĉĉčĊ":97314,"Ġcaliente":97315,"orris":97316,"Ġphysicists":97317,"hwnd":97318,"_vi":97319,"Ġrápido":97320,"Ġcapitalized":97321,"edBy":97322,"Ġmachining":97323,"Ġhubby":97324,"ĠStacy":97325,".Bus":97326,"drink":97327,"Hur":97328,"Ġpropia":97329,"UnitTest":97330,"Ġmisconception":97331,"__));Ċ":97332,"/dc":97333,"ĠMayweather":97334,"_mC":97335,".createFrom":97336,"ĠQPainter":97337,"ropsych":97338,"innitus":97339,"ayas":97340,"Ġgeg":97341,"(dw":97342,"Ġusado":97343,"Ġtrickle":97344,"Ġannihil":97345,"ĠPasta":97346,"Ġ++Ċ":97347,"(ExpectedConditions":97348,".postValue":97349,"icap":97350,"ĠDonetsk":97351,"_soup":97352,"-publish":97353,"ĠPb":97354,"mentions":97355,"ACCEPT":97356,".Pull":97357,",âĢĻâĢĻ":97358,"Ġretarded":97359,"_ATOM":97360,"ĠTerminator":97361,"-court":97362,"ĠCLLocationCoordinate":97363,"Ġreverence":97364,"ĠSSC":97365,"utely":97366,"ĠWON":97367,"ĠGSL":97368,"frei":97369,".getLongitude":97370,"ĠopenFileDialog":97371,".Butter":97372,"-important":97373,"_MANY":97374,"ĠGong":97375,"âĢľHow":97376,"Ġgorge":97377,"=msg":97378,"ĠEzek":97379,"createCommand":97380,":checked":97381,"Ġinfographic":97382,".WEST":97383,"Dirs":97384,"Ġguarda":97385,"Ġbeetle":97386,"Loading":97460,"_mA":97461,".getRandom":97462,"blings":97463,"Ġcheeses":97464,"tti":97465,".âĢ¢":97466,"ĠBurgess":97467,"enderit":97468,".',čĊ":97469,"(\"\"+":97470,"acb":97471,"%p":97472,"indexed":97473,"_predicate":97474,"nesia":97475,"Ġbied":97476,"ĠCIT":97477,"(Pos":97478,"_radi":97479,"ä»·æł¼":97480,"Biz":97481,"ĠAdolescent":97482,"Ġviên":97483,"cycl":97484,"_Cancel":97485,"Ġconclusive":97486,"Ġappellate":97487,"informatics":97488,"SJ":97489,"Ġelective":97490,"roleId":97491,"Fetcher":97492,"ĉCommand":97493,"(\"(%":97494,"Ġfart":97495,"ILA":97496,"getBlock":97497,"AUSE":97498,"Ġдан":97499,"ĠArte":97500,"Ġnotifying":97501,"Ġgele":97502,".same":97503,"ĠRegel":97504,"ĠBaÅŁ":97505,".creation":97506,"ĠVN":97507,"_community":97508,"Ġunsustainable":97509,"SEX":97510,"ĠgridSize":97511,"rescia":97512,"aversable":97513,"(',')[":97514,"ĠPhelps":97515,"á»ķi":97516,"ANCELED":97517,"-IS":97518,".runners":97519,"ĠStokes":97520,".Produ":97521,"Ġwhipping":97522,"_acquire":97523,"Ġinvestigación":97524,"fried":97525,".copyWith":97526,"ĠHardcover":97527,"-Se":97528,"áŀ¶áŀ":97529,"invitation":97530,"lesai":97531,"ĠDorm":97532,"ĠÑģпиÑģка":97533,"Ġconcatenated":97534,"ophil":97535,"Ġthinker":97536,"/fontawesome":97537,"ĠLeopard":97538,"Ġ\"/\");Ċ":97539,"Ġresiduals":97540,"ĠMicrowave":97541,"Ġconforme":97542,"throp":97543,"Ġdisemb":97544,"ĠOMG":97545,"ĠDiscipline":97546,"ĠAcrobat":97547,"/repository":97548,"dfa":97549,"_MED":97550,"bufio":97551,"Ġméthode":97552,"_HOLD":97553,"iasi":97554,"_legacy":97555,")ččĊ":97556,"æ£Ģ":97557,"GetProcAddress":97558,"Ġyay":97559,"otence":97560,"orderid":97561,"-tw":97562,"Ġdearly":97563,"Incoming":97564,"/il":97565,"Ġneurop":97566,"ucz":97567,");čččĊ":97568,"ĠInnovative":97569,"Ġprofund":97570,"igmat":97571,"SelectionMode":97572,"relevant":97573,".GO":97574,"Ġbruises":97575,"Ġsach":97576,"odef":97577,"Ġreimb":97578,"/desktop":97579,"-spot":97580,"undance":97581,"Entropy":97582,"\\core":97583,"Ġsuger":97584,"ĠMvc":97585,"ĠGNOME":97586,"_indx":97587,"ĠYYSTYPE":97588,"ĠMatlab":97589,"ĠCIF":97590,"Ġ*))":97591,"ĠproductList":97592,"ĠAlright":97593,"acemark":97594,"ÑĤив":97595,"modification":97596,"international":97597,"Ġhomers":97598,"Ġdicts":97599,"ĠQFont":97600,".SQLite":97601,"Ġtransplantation":97602,"ĠMessageBoxButton":97603,"ĠElves":97604,"']])Ċ":97605,"(QIcon":97606,"Ġcinemas":97607,"COORD":97608,"-China":97609,"Ġkhẩu":97610,"æĪijçļĦ":97611,"Ġskulls":97612,"Ġpainstaking":97613,"fce":97614,".XRLabel":97615,"Ġspecifier":97616,"Ġpreferring":97617,"/activity":97618,"(Photo":97619,"ált":97620,".lot":97621,"''.":97622,"annonce":97623,".googlecode":97624,"-pdf":97625,"ĠPoke":97626,"_ACL":97627,"Ġendowed":97628,"discover":97629,".omg":97630,"Ġwoodland":97631,".Magic":97632,"Ġvolont":97633,"NotAllowed":97634,"Ġchave":97635,"BMW":97636,"','=',":97637,"ĠSIX":97638,"æĪij们":97639,"Ġkosher":97640,"Ġaspiration":97641,"intl":97642,"_refptr":97643,"'+Ċ":97644,"mentor":97645,".club":97646,"WindowState":97647,".ARR":97648,"Ġzza":97649,"ĠmessageType":97650,".equ":97651,"Thor":97652,"Ġinjust":97653,"Ġgums":97654,"ĠborderSide":97655,"/////":97656,"ĠTransmit":97657,"Ġbufsize":97658,"Ġhak":97659,"Ġellas":97660,"RANDOM":97661,"ĉmc":97662,"Ġpea":97663,"eko":97664,"documento":97665,"Ġhysteria":97666,"Ġarenas":97667,"Ġgunmen":97668,"Ġmike":97669,"Ġimpunity":97670,"atisation":97671,"_Zero":97672,"_COMPANY":97673,"ĠGors":97674,"ĠuseClass":97675,"(redis":97676,"ĠRUNNING":97677,"ĠBair":97678,"velte":97679,"Ġ','.":97680,"аÑĤÑĮÑģÑı":97681,"öst":97682,"encodeURIComponent":97683,"_restrict":97684,"Ġdecals":97685,"ĠPedido":97686,"Ġaltercation":97687,"Displays":97688,"ĠApplicants":97689,"CUS":97690,"Textarea":97691,"ĠAngola":97692,".future":97693,"ĠUSHORT":97694,"Ġsuppressing":97695,"Ġsetzen":97696,"APolynomial":97697,"Ġtoch":97698,"Ġhallmark":97699,"Ġ$$$":97700,"ĠCHARSET":97701,".rpm":97702,"ĠDich":97703,"--------------------":97704,"_parm":97705,"è¿ĺ":97706,"acciones":97707,"hait":97708,"WARDED":97709,"_routing":97710,"ĠNOM":97711,"Ġenclave":97712,"ĠLotto":97713,"ĉfr":97714,"complexContent":97715,"ĠBallard":97716,"kube":97717,"/win":97718,".getColumnModel":97719,"_REPLACE":97720,"HeaderValue":97721,"Ġestudiantes":97722,"Ġapis":97723,"Ġbpm":97724,"ĠTypeName":97725,"AndGet":97726,"rita":97727,"Plans":97728,">Note":97729,"Ġfetisch":97730,"Ġtoned":97731,"_goto":97732,"onsense":97733,"Ġmolds":97734,"Ġinfiltration":97735,"ĠGuerrero":97736,"ubbo":97737,"cki":97738,"($(\".":97739,"_activities":97740,"(changes":97741,"ĠofApp":97742,"ĠKepler":97743,"ĠDemp":97744,"ĠContinent":97745,".Ticks":97746,"ĠUnsigned":97747,"ĠJahres":97748,"Ġfreshmen":97749,"ĠArchived":97750,"ĠкоÑĤоÑĢÑĭй":97751,"Ġ'::":97752,"Tutorial":97753,"Cc":97754,"ĠtableLayoutPanel":97755,"fromJson":97756,".levels":97757,"_transient":97758,"Ġendorsing":97759,"ĠDIC":97760,"lauf":97761,"Ġshred":97762,"_EMIT":97763,"ificantly":97764,"ALA":97765,"/proto":97766,"Ġnarrowing":97767,"Utc":97768,"Factors":97769,"Ġsentient":97770,"æŀIJ":97771,"lixir":97772,"ĠCROSS":97773,"meteor":97774,"Ġgroin":97775,"Ġmdb":97776,"ĠRotterdam":97777,"Ġcomida":97778,"ĠOpCode":97779,"ĠDefaultValue":97780,"PermissionsResult":97781,"Ġheterogeneous":97782,"Ġmoot":97783,"Ġdeceived":97784,"-independent":97785,"ĠObjectOutputStream":97786,"Ġoverpower":97787,".dup":97788,"Ġldb":97789,"Ġdomestically":97790,"Ġbestellen":97791,"Ġlov":97792,"ĠContractors":97793,"Triangles":97794,"Ġfodder":97795,"Ġfilmes":97796,"ä¼ģ":97797,"Ġrevolver":97798,"StartupScript":97799,"/validation":97800,"ĠResourceType":97801,"iÅŁ":97802,"ĠLaz":97803,"fef":97804,"Ġlstm":97805,"{*":97806,".attachment":97807,".hits":97808,"ewith":97809,"DOG":97810,"Alabama":97811,"Ġmediums":97812,".mContext":97813,"-cols":97814,"åıĭ":97815,".notice":97816,"Ġattn":97817,"ĠPacking":97818,"ĠLn":97819,"_COMPLEX":97820,"/Users":97821,".savetxt":97822,"ĠRounds":97823,"?,?,?,?,":97824,"Ġingl":97825,"ĠROC":97826,"_female":97827,"ĠStard":97828,"]];":97829,"Ġwrestlers":97830,"Ġtorrents":97831,"Ġsinh":97832,"ĊĊ":97833,"ë³µ":97834,"sense":97835,"however":97836,".Physics":97837,"Infrastructure":97838,"ĠSacr":97839,"Fel":97840,"ĠDISTRIBUT":97841,"éments":97842,"ĠValidates":97843,"############################################################":97844,"Ġ|/":97845,"Ġesl":97846,"Ġréseau":97847,"ĠBip":97848,"BYTES":97849,"_WATER":97850,"Turning":97851,"ELS":97852,"Ġjuxtap":97853,"Ġlesbische":97854,"ých":97855,"(Unknown":97856,"Neo":97857,"@JsonProperty":97858,"Ġalumnos":97859,"ĠRaqqa":97860,"imei":97861,".getBounds":97862,".MouseEventHandler":97863,"#######":97864,"GenericType":97865,"/cms":97866,"Ġturno":97867,"Ġмин":97868,"Ġfolklore":97869,"ĠEvo":97870,"Ġconductivity":97871,"Ġleben":97872,"Ġgearbox":97873,"-vs":97874,"ĠÏĨ":97875,"Ġdrinkers":97876,"Ġconexao":97877,"ĠTeeth":97878,"ĠgetArguments":97879,"ĠRAT":97880,"entious":97881,"Educ":97882,"+W":97883,"ĠInstitutional":97884,"ĠBord":97885,"isEqual":97886,"(pwd":97887,"Ġignited":97888,"ĠRousse":97889,"Ġimpactful":97890,"ĠMalk":97891,"Ġgeral":97892,"ĠPivot":97893,"Ġazt":97894,"Ġcsvfile":97895,"ĠRope":97896,"ĠSOLUTION":97897,"ĠArbitrary":97898,"Ġletto":97899,".MouseAdapter":97900,"Ġ}}}":97901,"ĠSailor":97902,"dera":97903,"Putting":97904,"Ġconcentrates":97905,"ĠauthDomain":97906,"âĢĿçļĦ":97907,"-finals":97908,",strlen":97909,"Muon":97910,"ĠOrdinary":97911,"firefox":97912,"ĠLaTeX":97913,"ĠHund":97914,"engineering":97915,"/blue":97916,"edTextBox":97917,"(\"\");":97918,"ĠCDDL":97919,"kept":97920,"ĠGetString":97921,"Kir":97922,"()='":97923,"ĠOCD":97924,"antium":97925,"$menu":97926,"ĠAppalachian":97927,"Secretary":97928,"ë¥ĺ":97929,"ีย":97930,"Semantic":97931,"Ġ*[":97932,"estone":97933,"ungkin":97934,"MaxY":97935,"-tone":97936,"\"};čĊ":97937,"_Part":97938,"ĊĊ":98140,"Lic":98141,"ĠMirage":98142,"ĠAssemblyFileVersion":98143,"TeV":98144,"ĠValueEventListener":98145,"-solving":98146,"Tho":98147,"roulette":98148,"_WP":98149,"Ġuninterrupted":98150,"ĠfieldType":98151,".Typed":98152,"Ġamour":98153,"Ġmockery":98154,"(vol":98155,"ĠSubcommittee":98156,"ĠRuf":98157,"erox":98158,":UIButtonTypeCustom":98159,"ĠBlur":98160,"Ġwykon":98161,"nces":98162,"ASHBOARD":98163,"!!\");Ċ":98164,"Ġmurderers":98165,".daily":98166,"ĠDIAG":98167,"jing":98168,"Ġdolphin":98169,"Ġlòng":98170,"Ġbö":98171,"ĠVocabulary":98172,".StObject":98173,"')\">":98174,"Ġzun":98175,"Ġscrimmage":98176,"tréal":98177,"ĠLig":98178,"[vi":98179,"Cole":98180,"Ġfrosting":98181,".Players":98182,"-translate":98183,"Feels":98184,"=\\\"/":98185,".ButterKnife":98186,"Ġ?>;Ċ":98187,"Ġavi":98188,"innie":98189,".Failure":98190,"Ġspindle":98191,"ConfigurationException":98192,"_hop":98193,"Ġposição":98194,"ĠAwait":98195,"UIImagePickerController":98196,"ĉday":98197,"Ġgenom":98198,"Cab":98199,"ĠÑĢезÑĥлÑĮÑĤаÑĤ":98200,"ORIGINAL":98201,"Ġejaculation":98202,"(tcp":98203,"SECOND":98204,"Ġtonic":98205,"ĠListBox":98206,"ĠĉĉĊ":98207,"()>Ċ":98208,"Ġquatre":98209,"ượng":98210,"withErrors":98211,".Maybe":98212,",â̦":98213,"tokenId":98214,"_UNDEF":98215,"Ġfreshness":98216,"ĠAmendments":98217,".mapbox":98218,".CV":98219,"(blog":98220,"_gettime":98221,".quest":98222,"sparse":98223,"Ġresale":98224,"Ġenthusiastically":98225,"ĠProstitutas":98226,"Wa":98227,"Cargo":98228,".Parcelable":98229,"SENSOR":98230,"ĠRyu":98231,"Laughs":98232,"_Native":98233,"/pg":98234,"ysts":98235,"Ġphotoc":98236,"ç®Ģ":98237,"adopt":98238,".species":98239,"conciliation":98240,"Adjusted":98241,".FirebaseAuth":98242,"uttle":98243,"ordination":98244,"Ġmunch":98245,"ĠStake":98246,".ping":98247,"anker":98248,"(QStringLiteral":98249,"Ġsubscript":98250,"ĠĠĉĊ":98251,"ĠMCC":98252,"_Cmd":98253,"sexy":98254,"iou":98255,"ĠMANY":98256,"Ġnanny":98257,"TRAIN":98258,"Ġflourishing":98259,"ĠWatches":98260,"ĠQMap":98261,"ĠFerm":98262,"Ġwasm":98263,"ĠAbed":98264,"_UD":98265,"ĠGlasses":98266,"+v":98267,"Attend":98268,".Chain":98269,"Ġdecency":98270,"ĠSupplementary":98271,"hunter":98272,"-txt":98273,"Ġ\"}\";Ċ":98274,".setWindowTitle":98275,"(\"":98377,"Ġmascara":98378,"(Profile":98379,"åĬŁèĥ½":98380,"imité":98381,"Ġwildfires":98382,"-ROM":98383,".isOn":98384,"(groupId":98385,"Repair":98386,"accumulate":98387,"Ġ<\",":98388,"Ġhandwritten":98389,"Ġacheter":98390,"ĠMGM":98391,"ĠIrma":98392,"->{_":98393,"gee":98394,"criminal":98395,"Ġèĭ¥è¦ģ":98396,"Ġmomentarily":98397,"\")!=":98398,"_lit":98399,"ĠexpiresIn":98400,".\").":98401,"éķ¿åº¦":98402,"Ġfrække":98403,"vlc":98404,"Ġorbs":98405,"),$":98406,"Ġventured":98407,"/>\\":98408,"charm":98409,"Nuitka":98410,"eldig":98411,"atonin":98412,"Witness":98413,"-lat":98414,"ĠsetHidden":98415,"Ġrelics":98416,"Ġconsulate":98417,".IGNORE":98418,"\"After":98419,"ĠsetAddress":98420,"Ġbesteht":98421,"Ġ'')ĊĊ":98422,".xaxis":98423,"Ġserão":98424,"Ġmisled":98425,"_UNIFORM":98426,"ĠVIA":98427,"incr":98428,"Ġzenith":98429,"Ġviscosity":98430,"Ġthinly":98431,".getSharedPreferences":98432,".ErrorCode":98433,"\"),\"":98434,"ĠMillionen":98435,"Ġ/>)Ċ":98436,"ScrollIndicator":98437,"-seeking":98438,"ĠPOLITICO":98439,"asca":98440,"_rl":98441,"Navig":98442,"(fullfile":98443,"Ġsolitude":98444,"Ġjuven":98445,"Ġhauling":98446,"ĠMacros":98447,"ĠGry":98448,"Ġexercitation":98449,"ĠATTACK":98450,"TickCount":98451,"Ġrites":98452,"Ġdoe":98453,"ParticleSystem":98454,"Ġslu":98455,"WindowText":98456,"ĠClassName":98457,"Ġslander":98458,"ĉPort":98459,"jong":98460,"?a":98461,".Dial":98462,"âĢĶat":98463,"$objPHPExcel":98464,"Ġsoar":98465,"ENN":98466,"appeared":98467,"Ġquotid":98468,"emachine":98469,"Ġnip":98470,"Ġmicrotime":98471,"ĠAlma":98472,";!":98473,"------------------------------------------------------------------------------------------------":98474,"ĠPassage":98475,"Ġdumpsters":98476,"ĠExclude":98477,"Ġsuggestive":98478,"ĠCircularProgressIndicator":98479,"_clr":98480,"ArrayType":98481,"ILLA":98482,"ElapsedTime":98483,"Driven":98484,"ĠresourceName":98485,"ĠGarrison":98486,"serir":98487,"-ahead":98488,"Ġpinnacle":98489,"ĠEspresso":98490,"Sparse":98491,"Ġassays":98492,"ĠGirlfriend":98493,"imid":98494,"]='\\":98495,"ONGLONG":98496,"Ġportraying":98497,"Lane":98498,"Ġbúsqueda":98499,"Ġreinforcements":98500,"ĠSpreadsheet":98501,"ĠArrayCollection":98502,",arr":98503,"lightbox":98504,"icana":98505,"<\"":98506,"builders":98507,"Kid":98508,"ĠMatSnackBar":98509,"EXPR":98510,"odcast":98511,"ĠFoundations":98512,"Ġinds":98513,"='${":98514,"Fizz":98515,"-functional":98516,"(workspace":98517,"Ġstemmed":98518,"_patches":98519,"ĠJarvis":98520,"READING":98521,"Ġdisrespectful":98522,"ĠQDom":98523,"Ġ${Ċ":98524,"estatus":98525,"Reached":98526,"!.ĊĊ":98527,"ILT":98528,"ĠNDEBUG":98529,"ĠCourage":98530,"birthdate":98531,"ĠTing":98532,"Ġutilizado":98533,"ánchez":98534,"Outdoor":98535,"Ġhandguns":98536,"RefCount":98537,"ÉĻ":98538,"romo":98539,"Ġtts":98540,".She":98541,"ĠPane":98542,"ãĢij,ãĢIJ":98543,"ĠIOCTL":98544,"/black":98545,"inscription":98546,"Ġbiopsy":98547,"ĠTimeInterval":98548,".TestCheck":98549,"ĠGUIStyle":98550,"ĠCapability":98551,"ĠBeitrag":98552,"donnees":98553,"Treatment":98554,".backup":98555,"Ġsignings":98556,"ĠBoca":98557,"drm":98558,".MAIN":98559,"Ġgoede":98560,"ĠMarkup":98561,"GREE":98562,"ĠBaseService":98563,".Creator":98564,"Ġjails":98565,"ĠKahn":98566,"IpAddress":98567,"ACHI":98568,"Ġinhibited":98569,"Ġ@$_":98570,"ĠAssass":98571,"Ġenviado":98572,"Heroes":98573,"ÐŁÐµÑĢ":98574,"ĠMaven":98575,".ls":98576,"Ġive":98577,"|RF":98578,"ĠresizeMode":98579,"Ġrumpe":98580,"_attachments":98581,"TU":98582,"Ġtactile":98583,"Attempting":98584,"Ġrobin":98585,"yaw":98586,"Ġmercenaries":98587,"ĠHabitat":98588,"enddate":98589,"Ġoxy":98590,"ĉRandom":98591,"ohon":98592,"IsNull":98593,"ĠValidationResult":98594,"ãĥļ":98595,"umbed":98596,"ppv":98597,"Ġarp":98598,"ichick":98599,"_rnn":98600,"ĠTFT":98601,"TexImage":98602,"\"On":98603,"ĠSampler":98604,"topl":98605,"Ġjane":98606,"yling":98607,"ĠUNICODE":98608,"TabIndex":98609,"<{Ċ":98610,"suspend":98611,"uvian":98612,",application":98613,"олиÑĩеÑģÑĤво":98614,"yat":98615,"ezier":98616,"ĠCHUNK":98617,"ĠAdler":98618,"/Add":98619,"ĠKeyValue":98620,"Ġsposób":98621,"Sampling":98622,"chers":98623,"_AMD":98624,"Ru":98625,".MustCompile":98626,"Nation":98627,"Assoc":98628,"Managing":98629,"ĠEngl":98630,"_GB":98631,"Ġsuccinct":98632,"Ġdisliked":98633,"ĠIke":98634,"Bulletin":98635,"_ARCHIVE":98636,"Proposal":98637,"Ġjogging":98638,".CREATED":98639,"Ġchol":98640,"è£ħ":98641,"Į¨":98642,"-push":98643,"Ġreserva":98644,"corev":98645,"ètre":98646,"THR":98647,"Ġincompetence":98648,"Ġcharisma":98649,"æĦŁ":98650,"Ġ\"==":98651,"BTN":98652,"ĠLocator":98653,"ivet":98654,"('.')Ċ":98655,"ĠforIndexPath":98656,"ôme":98657,"Ġcapacit":98658,"waters":98659,"ĠWRONG":98660,"hoa":98661,"ĠMIPS":98662,"Ġemiss":98663,"ĠJacqueline":98664,"(cmp":98665,"Ġeens":98666,"Leo":98667,".timing":98668,"CLUSION":98669,"Ġ(\"-":98670,"åĵĪ":98671,".kode":98672,"ĠUndert":98673,"Ġbewild":98674,"ĠEssen":98675,".hd":98676,"Ġrenegot":98677,"Ġmower":98678,"Ġlsp":98679,"Ġpenchant":98680,"Ġmanoe":98681,"Ġagli":98682,"Ġrecal":98683,"ĠOPERATION":98684,"(^)(":98685,"Ġν":98686,"ĠScoped":98687,"Ġ@\"Ċ":98688,"=label":98689,"[loc":98690,"Intl":98691,"ĠNz":98692,"tablet":98693,".ColumnName":98694,"ĠscreenSize":98695,"DBus":98696,"cooked":98697,"-registration":98698,"âĢľOne":98699,"-non":98700,"ĠwiÄĻc":98701,"Ġcosta":98702,".addTab":98703,".conditions":98704,"ĠHess":98705,"MEMORY":98706,"ĠAvalanche":98707,"()}}Ċ":98708,"Ġtriplet":98709,"Ġlabyrinth":98710,"ĠNodeList":98711,"ĠNYT":98712,"Ġyeni":98713,"dff":98714,".HtmlControls":98715,"AVIS":98716,"/Math":98717,"Ġmemcmp":98718,"اء":98719,"оÑģÑĮ":98720,"crap":98721,"(pages":98722,"Ġlxml":98723,"ĠQDateTime":98724,"_tcb":98725,"Ġopenid":98726,"Ġsynaptic":98727,"ĠMDMA":98728,"(slug":98729,"igmatic":98730,"enor":98731,"Ġcramped":98732,"GOP":98733,"ŃIJ":98734,".isFile":98735,"ĠDifferential":98736,"Ġ=\"\";Ċ":98737,"ĉĉĉĠĠĠĠĉ":98738,"ĠCooke":98739,"ĉUFUNCTION":98740,"Ġperseverance":98741,"RelativeLayout":98742,"IMPORTANT":98743,"Ġexon":98744,"Ġон":98745,"ibase":98746,"(CONT":98747,"novation":98748,"ä½ķ":98749,"[sub":98750,"AdminController":98751,"HTTPHeader":98752,"crear":98753,"ĠNIR":98754,"ĠDropDownList":98755,"Ġvalide":98756,"Ġdehydration":98757,".']":98758,"(WIN":98759,"Ġ...\\":98760,"Ġphotoshop":98761,"ĉInit":98762,"_cou":98763,"ĠtimeZone":98764,"darwin":98765,"romatic":98766,"NavigationItemSelectedListener":98767,"brates":98768,"]--;Ċ":98769,"Ġtragedies":98770,"ĠPediatrics":98771,"SMART":98772,"-API":98773,"ĠMessageLookup":98774,"ĉvo":98775,"Ġprejudices":98776,"ĠmA":98777,"Ups":98778,"ĠMISSING":98779,"ĉad":98780,"Cream":98781,"ĠTb":98782,"ĠMona":98783,"_ghost":98784,"ĉtypes":98785,"Emb":98786,"ĠDocumentary":98787,"');ĊĊĊĊ":98788,"Ġlup":98789,"_Reference":98790,"ĠBATCH":98791,"Ġintertwined":98792,"":98915,"Ġfoyer":98916,"'utilisation":98917,"ĠMüller":98918,"ĠFetish":98919,"ĠdefaultManager":98920,"Ġbacktrack":98921,"Bah":98922,"Explicit":98923,"_ASCII":98924,"ĠmActivity":98925,"(Msg":98926,"Ġê²Į":98927,"ĠTERMS":98928,"ĠAngie":98929,"HSV":98930,"ĠMosque":98931,".Names":98932,"íĬ¼":98933,"reste":98934,"_parms":98935,"Ġgaping":98936,"Ġcropping":98937,"DataFrame":98938,"Ġresponsiveness":98939,"_undo":98940,"_tran":98941,".terminate":98942,"Ġitaliane":98943,"Ġwalkthrough":98944,"Ġattractiveness":98945,"де":98946,"_STS":98947,"_learn":98948,"Ġchocolates":98949,"ierarchical":98950,"-thinking":98951,"Ġ)))":98952,"ishments":98953,".Logf":98954,"ĠTMZ":98955,"ĠCanary":98956,"foil":98957,"ĠVaccine":98958,".vx":98959,"ĠSurround":98960,"Intermediate":98961,"Ġiov":98962,"vais":98963,"';\";Ċ":98964,"ï½ŀĊĊ":98965,"éĢģæĸĻ":98966,"â̦it":98967,"Seats":98968,"Clar":98969,"Wars":98970,"ĠHutchinson":98971,"ĠHasan":98972,"!')ĊĊ":98973,"ĠRichie":98974,"cheiden":98975,"($('":98976,"York":98977,"Ġlids":98978,"Ġalphanumeric":98979,"ĠGlock":98980,".shapes":98981,"Ġsparking":98982,"_epsilon":98983,"uplicated":98984,".dirty":98985,"])==":98986,"ĠìľĦì¹ĺ":98987,"Ġscn":98988,"Ġ/****************************************************************":98989,"_PREVIEW":98990,"_HC":98991,"ielding":98992,"fgets":98993,"ĠAddison":98994,"ĠproductService":98995,"-figure":98996,"(retval":98997,"zano":98998,"Ġautob":98999,"ĉsd":99000,"_numer":99001,"ĠSetLastError":99002,"ĠFior":99003,"ificance":99004,"Untitled":99005,"Ġinfield":99006,"Ġ{}));Ċ":99007,"Ġspac":99008,"Ġrookies":99009,"(describing":99010,"ngen":99011,"ிà®":99012,".rdf":99013,".Mutex":99014,"Ġkneeling":99015,"ĠQE":99016,"setMax":99017,"ReadStream":99018,"Ġventas":99019,"sut":99020,"cmpeq":99021,".WriteAllText":99022,"ĠExperienced":99023,"$__":99024,"Ġkaum":99025,"ĠLIS":99026,"Ġdocumentos":99027,"_HEALTH":99028,"icontains":99029,"Ġartisans":99030,"OWNER":99031,"Ġblinked":99032,"getDisplay":99033,"Ġtoen":99034,"ĠrowNum":99035,"Ġavril":99036,"Ġinvis":99037,"ĠKear":99038,"toBeInTheDocument":99039,"apur":99040,"Ġracked":99041,"ĠMcMaster":99042,"_ATTRIB":99043,"Haz":99044,"Ġfactura":99045,"/ts":99046,"ĠÑĢазмеÑĢ":99047,"Ġzf":99048,"Ġshortfall":99049,".fasta":99050,"ĠCONSTANT":99051,".managed":99052,"gems":99053,"SharedPointer":99054,"Ġblurry":99055,"brightness":99056,"(components":99057,"Ġ...\"ĊĊ":99058,"SELL":99059,"ĠIllustrator":99060,".getChannel":99061,"Ġtrouvé":99062,"ysters":99063,"Ġvois":99064,"ĠLinden":99065,"Ġemojis":99066,"Ġbrawl":99067,"ĠMSR":99068,"ĠElo":99069,"ĠCroatian":99070,"PopupMenu":99071,"Lewis":99072,".JWT":99073,"Ġastonished":99074,"Bush":99075,"(itemId":99076,"Ġdetachment":99077,"ĠEncore":99078,"å°Ķ":99079,"Ġrekl":99080,"Ġcram":99081,")$/":99082,".getHost":99083,"_recommend":99084,"-HT":99085,"_calibration":99086,"Authenticate":99087,".firebaseapp":99088,"UNIX":99089,"ĉCamera":99090,"ĠHEAP":99091,"Ideal":99092,".office":99093,"Ġgoofy":99094,"(Symbol":99095,"Ġjouer":99096,"_partitions":99097,"Ġrapidement":99098,"ĠGNUNET":99099,"idUser":99100,"Ġsupervise":99101,"(Contact":99102,"AWN":99103,"ãģĺ":99104,"Ġnaam":99105,"Ġaust":99106,"åľ¨çº¿":99107,"_softmax":99108,"AllowAnonymous":99109,"ammable":99110,"ROUTE":99111,"*D":99112,"Ġaden":99113,"ĠCristina":99114,"ĠCristiano":99115,"Ġbloodstream":99116,"subclass":99117,"_persona":99118,"CHILD":99119,"-know":99120,"ĠnavigationOptions":99121,"ĠZukunft":99122,"ĠPixar":99123,"Tyler":99124,"Ġunderworld":99125,"Ġsincerity":99126,"Ġdispenser":99127,"Ġkter":99128,"idders":99129,".addNode":99130,"-checked":99131,"Ġkeyst":99132,"ĠWTO":99133,".signals":99134,"Ġadventurer":99135,"ĠPang":99136,"\\R":99137,"=pos":99138,"Ġdispensaries":99139,"ĠCloset":99140,"(\"{\\\"":99141,"ideon":99142,"Ġnécessaire":99143,"()\"Ċ":99144,"_RECEIVED":99145,"Ġrésultats":99146,"Ġmoden":99147,"ĠIcelandic":99148,";d":99149,".allowed":99150,"(newUser":99151,"Ġmerciless":99152,".WaitFor":99153,"Ġdaycare":99154,"ĠConveyor":99155,"çĸ":99156,"ð¬":99157,"çĥ":99158,"çĹ":99159,"çł":99160,"èĦ":99161,"é²":99162,"å¦":99163,"çĿĢ":99164,"å¾Ī":99165,"éħ":99166,"çĭ":99167,"éª":99168,"æĤ":99169,"é¥":99170,"èħ":99171,"æĥ³":99172,"å¨":99173,"é¹":99174,"çĤ":99175,"åĴ":99176,"çĮ":99177,"è´¨":99178,"æ¢":99179,"æ°Ķ":99180,"ð«":99181,"æķĻ":99182,"çŁ":99183,"åĦ":99184,"åıijå±ķ":99185,"åĪĽ":99186,"èij":99187,"æħ":99188,"åŀ":99189,"åģļ":99190,"æĪĺ":99191,"æIJ":99192,"强":99193,"æ·±":99194,"åĩł":99195,"ç¿":99196,"å©":99197,"èŀ":99198,"å§Ķ":99199,"åIJĦ":99200,"èİ":99201,"é¸":99202,"éº":99203,"åıĹ":99204,"èģĮ":99205,"åĺ":99206,"æ½":99207,"é£İ":99208,"èIJ¥":99209,"åħļ":99210,"èľ":99211,"éĤ£":99212,"é¢Ĩ":99213,"çij":99214,"é³":99215,"æľ¯":99216,"ä»Ģ":99217,"æĪ¿":99218,"ç²¾":99219,"åª":99220,"éĨ":99221,"太":99222,"èĤ¡":99223,"èĽ":99224,"åħī":99225,"æŀģ":99226,"åĬŀ":99227,"èĵ":99228,"çĺ":99229,"å´":99230,"åĹ":99231,"èĬ±":99232,"çłĶ":99233,"å¿«":99234,"å¸Ī":99235,"è¶Ĭ":99236,"è§Ĥ":99237,"æ¤":99238,"æ¦":99239,"çŀ":99240,"èĤ²":99241,"çα":99242,"çϽ":99243,"ä¸ĸ":99244,"ä»Ģä¹Ī":99245,"çľ¼":99246,"å³":99247,"èĴ":99248,"æĵ":99249,"被":99250,"å¹²":99251,"çĹħ":99252,"士":99253,"çĴ":99254,"è¸":99255,"æ¾":99256,"å·¥ä½ľ":99257,"让":99258,"çĥŃ":99259,"è¾ĥ":99260,"åĦ¿":99261,"åĬ©":99262,"积":99263,"ç³":99264,"çĵ":99265,"ç£":99266,"åĤ":99267,"è¹":99268,"èļ":99269,"å·±":99270,"çϾ":99271,"åĬ¿":99272,"èµĽ":99273,"æ¨":99274,"æ¿":99275,"èĸ":99276,"æĿij":99277,"带":99278,"å¢ĥ":99279,"æĬ¤":99280,"éŃ":99281,"å«":99282,"èĩªå·±":99283,"æµİ":99284,"ä½İ":99285,"åĮ»":99286,"éĺ²":99287,"åĨľ":99288,"èĨ":99289,"çĨ":99290,"é«":99291,"åĨĽ":99292,"æĪı":99293,"åįĩ":99294,"æĸ¯":99295,"ä½ı":99296,"èIJ½":99297,"åħ»":99298,"èĩ´":99299,"çĬ":99300,"çĩ":99301,"çħ":99302,"èĶ":99303,"ä¼ģä¸ļ":99304,"åĽ¢":99305,"æīį":99306,"æł¡":99307,"åĩĨ":99308,"å¥ĩ":99309,"åī¯":99310,"é¼":99311,"æ¼Ķ":99312,"马":99313,"èµ°":99314,"ç¥ŀ":99315,"åħĭ":99316,"æľĽ":99317,"æ²¹":99318,"è¾¹":99319,"åįĥ":99320,"å¾Ģ":99321,"åĪĩ":99322,"æ©":99323,"ç¶":99324,"åĻ":99325,"éĻħ":99326,"çīĮ":99327,"社ä¼ļ":99328,"游æĪı":99329,"æĸ½":99330,"çħ§":99331,"æİ§":99332,"满":99333,"è¯Ĩ":99334,"éĩįè¦ģ":99335,"è¶³":99336,"çķĻ":99337,"ç»Ĩ":99338,"åįı":99339,"éĢĤ":99340,"æĩ":99341,"æ§":99342,"éĦ":99343,"èĿ":99344,"å¸Ĥåľº":99345,"ç»ıæµİ":99346,"ä¹ł":99347,"æĸĩåĮĸ":99348,"éļ¾":99349,"ä¹IJ":99350,"åĨ³":99351,"欢":99352,"è§ī":99353,"åĽŃ":99354,"åħ´":99355,"åħħ":99356,"举":99357,"æī¹":99358,"èķ":99359,"æĬĬ":99360,"æĬĢæľ¯":99361,"ç©¶":99362,"第ä¸Ģ":99363,"便":99364,"åĵį":99365,"çİ©":99366,"åĿļ":99367,"èŀį":99368,"åįĬ":99369,"åĸľ":99370,"å±Ĥ":99371,"离":99372,"ä»ħ":99373,"éŁ":99374,"åij³":99375,"念":99376,"åŃ£":99377,"ç´§":99378,"ä¹ħ":99379,"é¤":99380,"éŀ":99381,"è¤":99382,"åĢĻ":99383,"åĨµ":99384,"çŁ³":99385,"åģ¥":99386,"æĢİ":99387,"å®Ŀ":99388,"è¡Ģ":99389,"åŁŁ":99390,"æĹ©":99391,"çŁ¥éģĵ":99392,"è´Ł":99393,"åįļ":99394,"å·´":99395,"亲":99396,"å±ŀ":99397,"严":99398,"äºī":99399,"å¯Ł":99400,"èº":99401,"ç°":99402,"建设":99403,"产ä¸ļ":99404,"åIJĥ":99405,"åŃ©":99406,"æĹħ":99407,"æł¹":99408,"æĿIJ":99409,"ä¼Ĺ":99410,"éļı":99411,"å®ĺ":99412,"åºķ":99413,"彩":99414,"å¯Į":99415,"温":99416,"åį«":99417,"åī§":99418,"çĽĬ":99419,"æĬĹ":99420,"è´¢":99421,"纪":99422,"æĨ":99423,"çĶŁæ´»":99424,"红":99425,"çĶŁäº§":99426,"è¿ľ":99427,"éĴ±":99428,"åĶ®":99429,"群":99430,"çıŃ":99431,"楼":99432,"éĩĩ":99433,"èīº":99434,"å±ħ":99435,"åģĩ":99436,"è°Ī":99437,"æĻļ":99438,"é¬":99439,"èĪª":99440,"害":99441,"èĹ":99442,"çį":99443,"åµ":99444,"çİĭ":99445,"康":99446,"èİ·":99447,"ç»Ń":99448,"äºļ":99449,"é£Ł":99450,"åİĭ":99451,"æĭĽ":99452,"èĮĥ":99453,"许":99454,"åĽ´":99455,"é½":99456,"éĻį":99457,"纳":99458,"åĵª":99459,"æķĻèĤ²":99460,"å·²ç»ı":99461,"å¾·":99462,"æŀĹ":99463,"å®īåħ¨":99464,"é¾Ļ":99465,"大家":99466,"éĿĴ":99467,"åºľ":99468,"æ²³":99469,"åı¤":99470,"èį¯":99471,"åĿĩ":99472,"æĻº":99473,"乡":99474,"çķ¥":99475,"åĨ·":99476,"ç¦ı":99477,"室":99478,"ç»´":99479,"æī¿":99480,"å±Ĭ":99481,"è¯ī":99482,"åĪ»":99483,"èŁ":99484,"æª":99485,"å°±æĺ¯":99486,"è¿Ļ个":99487,"ä¸Ńå¿ĥ":99488,"ä¸ĸçķĮ":99489,"åŁİå¸Ĥ":99490,"éĿŀ常":99491,"åĪĴ":99492,"åıĮ":99493,"æĢİä¹Ī":99494,"åΰäºĨ":99495,"æľĥ":99496,"åı²":99497,"ä¾Ĩ":99498,"å¾ĭ":99499,"å¥ĸ":99500,"ç»Ī":99501,"åªĴ":99502,"å®ģ":99503,"课":99504,"èģĮä¸ļ":99505,"åħį":99506,"æµĭ":99507,"æĢ¥":99508,"æķij":99509,"çĭ¬":99510,"èѦ":99511,"é¤IJ":99512,"æĦ¿":99513,"è´«":99514,"çĸij":99515,"åļ":99516,"她":99517,"åıĪ":99518,"åĽłä¸º":99519,"ä¸įæĺ¯":99520,"å¤Ł":99521,"æĸ¹éĿ¢":99522,"éķĩ":99523,"äºĴ":99524,"éħĴ":99525,"讲":99526,"çĸĹ":99527,"æĺ¥":99528,"æ¹ĸ":99529,"å¤ľ":99530,"责任":99531,"人æ°ij":99532,"åħ°":99533,"çŁŃ":99534,"æķħ":99535,"åĩı":99536,"æĻ®":99537,"亮":99538,"ä¾Ŀ":99539,"åį°":99540,"éĿĻ":99541,"åĢĭ":99542,"å¾ģ":99543,"åIJ¸":99544,"缺":99545,"æĶ»":99546,"åĩĢ":99547,"åħ¸":99548,"åĽº":99549,"访":99550,"ç¹":99551,"çĢ":99552,"æıIJä¾Ľ":99553,"ç»ĩ":99554,"å¾Īå¤ļ":99555,"çłĶç©¶":99556,"è·Ł":99557,"主è¦ģ":99558,"æĥħåĨµ":99559,"çŃĸ":99560,"æŃ»":99561,"大åѦ":99562,"æĶ¿åºľ":99563,"å½±åĵį":99564,"ä¹°":99565,"åħŃ":99566,"éĻ©":99567,"åħ«":99568,"æŁIJ":99569,"è´¨éĩı":99570,"åįł":99571,"å·®":99572,"æĽ´å¤ļ":99573,"æľĭ":99574,"éĿ©":99575,"宣":99576,"çł´":99577,"è½»":99578,"座":99579,"æĺ¾":99580,"稳":99581,"è´µ":99582,"èĥĮ":99583,"èī¯":99584,"çĸ«":99585,"æ¯Ĵ":99586,"ä¹İ":99587,"åĢŁ":99588,"è¿·":99589,"çŃĶ":99590,"æ¿Ģ":99591,"åij¼":99592,"äºĨä¸Ģ":99593,"è¶£":99594,"ä¼´":99595,"ä¼Ļ":99596,"è¼":99597,"ð¬Ń":99598,"åĽ½å®¶":99599,"æ´»åĬ¨":99600,"çİ°åľ¨":99601,"ç§ijæĬĢ":99602,"åį¡":99603,"ä¸įåIJĮ":99604,"个人":99605,"è®°èĢħ":99606,"ä¸įæĸŃ":99607,"éĹ»":99608,"ä¹Ŀ":99609,"èijĹ":99610,"综":99611,"ä¸ĥ":99612,"æłij":99613,"æľĭåıĭ":99614,"åįĸ":99615,"伤":99616,"æ²Ļ":99617,"åĸĦ":99618,"å¥Ĺ":99619,"è½®":99620,"ç©¿":99621,"è¡¥":99622,"ä¸Ģå®ļ":99623,"çªģ":99624,"çĿ£":99625,"追":99626,"å¨ģ":99627,"åı¦":99628,"åĽ°":99629,"æŀ¶":99630,"ç»Ŀ":99631,"æķ£":99632,"æİ¢":99633,"æ´Ĺ":99634,"临":99635,"ä¼¼":99636,"è´¸":99637,"丰":99638,"æĺ¯ä¸Ģ":99639,"ç«ŀ":99640,"è¿İ":99641,"èģļ":99642,"è«":99643,"æįŁ":99644,"æī§":99645,"驾":99646,"è¿Ŀ":99647,"è¥":99648,"èł":99649,"ä»ĸ们":99650,"æĹ¶åĢĻ":99651,"å®ĥ":99652,"人åijĺ":99653,"è¿Ļæł·":99654,"å·¥ç¨ĭ":99655,"åĪĽæĸ°":99656,"åŃ©åŃIJ":99657,"å¸Į":99658,"éĥ¨åĪĨ":99659,"éĵ¶":99660,"代表":99661,"é¦Ļ":99662,"帮":99663,"æİ¨è¿Ľ":99664,"çĽĺ":99665,"积æŀģ":99666,"éĥ¨éŨ":99667,"åŁ¹":99668,"æŃ¦":99669,"ä¸įä¼ļ":99670,"çŃij":99671,"éĢĻ":99672,"çݩ家":99673,"æĭ¿":99674,"åİĤ":99675,"æ¯Ľ":99676,"çģµ":99677,"æŃĮ":99678,"绿":99679,"å¦Ī":99680,"缼":99681,"é¦Ĩ":99682,"顺":99683,"èĦ¸":99684,"å°¼":99685,"丽":99686,"奥":99687,"éģĩ":99688,"è¯į":99689,"å°ģ":99690,"ä¸Ŀ":99691,"好çļĦ":99692,"æĭħ":99693,"èĦ±":99694,"æģ¶":99695,"åİļ":99696,"åĬ³":99697,"缣":99698,"æĬĺ":99699,"åı¥":99700,"æĢĢ":99701,"æŁĵ":99702,"书记":99703,"åĨł":99704,"é²ľ":99705,"æ¦Ĥ":99706,"éļIJ":99707,"å¹ħ":99708,"èµŀ":99709,"å¹ķ":99710,"æ¥Ń":99711,"éģĹ":99712,"åΤ":99713,"èĺ":99714,"å¶":99715,"æĬķèµĦ":99716,"è¡Įä¸ļ":99717,"äºij":99718,"çݯå¢ĥ":99719,"åѦçĶŁ":99720,"åIJĪä½ľ":99721,"åģ¥åº·":99722,"é£ŀ":99723,"ä¸ĢæŃ¥":99724,"ä¸Ģ缴":99725,"åıijçĶŁ":99726,"éĺ¿":99727,"é¢Ĩ导":99728,"åĸľæ¬¢":99729,"åºĶ该":99730,"çĤº":99731,"è®Ń":99732,"æĿĢ":99733,"港":99734,"交éĢļ":99735,"éĺ¶":99736,"éĴ¢":99737,"令":99738,"å°½":99739,"æ¯į":99740,"è¡£":99741,"ç²ī":99742,"é¡¶":99743,"ä¹Łä¸į":99744,"æĬĵ":99745,"èĭ¦":99746,"幸":99747,"礼":99748,"第ä¸ī":99749,"大çļĦ":99750,"éģİ":99751,"çĥŁ":99752,"éģ¿":99753,"ä»į":99754,"åºĨ":99755,"æĢķ":99756,"è°¢":99757,"çĽĸ":99758,"å°Ħ":99759,"éľ²":99760,"æĸĹ":99761,"çĬ¶":99762,"åѸ":99763,"æ¯ķ":99764,"å·¨":99765,"çŁ¿":99766,"çļĩ":99767,"å¸Ń":99768,"çĹĩ":99769,"æī¬":99770,"å»¶":99771,"ä¾§":99772,"æ·¡":99773,"çļĦä¸Ģ":99774,"ç¶²":99775,"æ´ģ":99776,"ç¸":99777,"è§Ī":99778,"çѹ":99779,"ç§ĺ":99780,"è¯Ĭ":99781,"çı¾":99782,"èªī":99783,"毫":99784,"ð¨":99785,"åį´":99786,"æĪIJ为":99787,"èĥ½åĬĽ":99788,"é»Ħ":99789,"æĹħ游":99790,"èά":99791,"æ¯Ķè¾ĥ":99792,"èµ·æĿ¥":99793,"äºĨè§£":99794,"èĩªçĦ¶":99795,"ä¸Ģ次":99796,"åŁºæľ¬":99797,"æĽ¾":99798,"综åIJĪ":99799,"èıľ":99800,"è§īå¾Ĺ":99801,"第äºĮ":99802,"è·ij":99803,"æ³¢":99804,"åĢĴ":99805,"ç¡Ģ":99806,"åħµ":99807,"èįī":99808,"çͳ":99809,"çͰ":99810,"æĤ£":99811,"è§Ħå®ļ":99812,"èĥľ":99813,"èµĦ产":99814,"梦":99815,"æľĿ":99816,"è¿ĻéĩĮ":99817,"夫":99818,"æĮ¥":99819,"ä½Ľ":99820,"å®Ī":99821,"鼶":99822,"æĸ¼":99823,"ç¯ĩ":99824,"å²Ľ":99825,"åĵ¥":99826,"éŃĶ":99827,"ä¸įåΰ":99828,"æīĺ":99829,"åºĬ":99830,"欧":99831,"èį£":99832,"æ±ĩ":99833,"æī©":99834,"åģı":99835,"å¢Ļ":99836,"讯":99837,"å©ļ":99838,"æĥł":99839,"æ´ĭ":99840,"å®ľ":99841,"润":99842,"æħ¢":99843,"éĢı":99844,"宽":99845,"顾":99846,"ç´¯":99847,"污":99848,"çĪĨ":99849,"ç§Ł":99850,"æĥĬ":99851,"涨":99852,"饰":99853,"éĺµ":99854,"饮":99855,"æļĸ":99856,"åºŁ":99857,"æĹĹ":99858,"éļĶ":99859,"ç¶ĵ":99860,"åĭĻ":99861,"實":99862,"éĢĶ":99863,"æī«":99864,"çĥĪ":99865,"鼻":99866,"åĪij":99867,"éĹľ":99868,"éĹª":99869,"å¥ĭ":99870,"åĤ¨":99871,"缩":99872,"ä¾µ":99873,"å¬":99874,"ð¬¶":99875,"åĽ½éĻħ":99876,"ç»Ħç»ĩ":99877,"ä¸ĵä¸ļ":99878,"åıijçݰ":99879,"å¸ĮæľĽ":99880,"ç»ıèIJ¥":99881,"åı«":99882,"æĿ¥è¯´":99883,"éļľ":99884,"ä»»ä½ķ":99885,"交æĺĵ":99886,"éĩįçĤ¹":99887,"çļ®":99888,"ç»į":99889,"æ´¾":99890,"ç§ijåѦ":99891,"åºĶç͍":99892,"建çŃij":99893,"èĤī":99894,"æĶ¹éĿ©":99895,"åŁºç¡Ģ":99896,"æ±ī":99897,"åĩºæĿ¥":99898,"è¿Ļä¹Ī":99899,"åĪļ":99900,"åĿIJ":99901,"ä¸įä»ħ":99902,"ä¼ļè®®":99903,"éĿł":99904,"åªĴä½ĵ":99905,"æ°¸":99906,"åĨ²":99907,"èĭı":99908,"央":99909,"çζ":99910,"åłĤ":99911,"å®ŀéĻħ":99912,"è¡Ĺ":99913,"ç«¥":99914,"éĺħ":99915,"äºĭæĥħ":99916,"åİŁåĽł":99917,"éħ¸":99918,"以æĿ¥":99919,"娱":99920,"宫":99921,"åĿĹ":99922,"绩":99923,"éĩİ":99924,"ä¸įå¾Ĺ":99925,"ä¼łå¥ĩ":99926,"硬":99927,"åİħ":99928,"æĹ¢":99929,"ç»ĥ":99930,"èĦij":99931,"å¼±":99932,"æİĮ":99933,"è´´":99934,"æĮĤ":99935,"åħ³éĶ®":99936,"å°ļ":99937,"é¥Ń":99938,"åºĦ":99939,"çϼ":99940,"åľĭ":99941,"æİĪ":99942,"个æľĪ":99943,"äºĪ":99944,"å¸ģ":99945,"è·Ŀ":99946,"æ²ī":99947,"竣":99948,"åĨ¬":99949,"æĬ½":99950,"éĨĴ":99951,"å¼Ł":99952,"触":99953,"èģĺ":99954,"è±Ĩ":99955,"æļ´":99956,"åijĬè¯ī":99957,"豪":99958,"èµ¢":99959,"è·¨":99960,"è³ĩ":99961,"çΏ":99962,"æĬ±":99963,"浪":99964,"麻":99965,"仪":99966,"è¡¡":99967,"奶":99968,"çģ¾":99969,"èµ¶":99970,"èĤ¥":99971,"å§IJ":99972,"åĢº":99973,"éľĩ":99974,"订":99975,"æ¬Ĭ":99976,"ç·":99977,"å»ī":99978,"ä¿Ĺ":99979,"å¿ĺ":99980,"å¦ĩ":99981,"ç¼ĵ":99982,"åŃķ":99983,"漫":99984,"è£ģ":99985,"çĩĥ":99986,"é»ĺ":99987,"çī¢":99988,"çĪ·":99989,"æĬµ":99990,"宾":99991,"æľīä¸Ģ":99992,"迹":99993,"è¿«":99994,"è²Į":99995,"æľīçļĦ":99996,"ð¬ĺ":99997,"è¿ĺæĺ¯":99998,"æīĢ以":99999,"ä¹Łæĺ¯":100000,"è¿ĻäºĽ":100001,"对äºİ":100002,"åIJ§":100003,"缮åīį":100004,"èĩªå·±çļĦ":100005,"èĥ½å¤Ł":100006,"å¦Ĥä½ķ":100007,"æľºæŀĦ":100008,"åıªæĺ¯":100009,"ç½ijç«Ļ":100010,"åħ¨éĿ¢":100011,"为äºĨ":100012,"å¼Ģåıij":100013,"æĸ°éĹ»":100014,"éĩijèŀį":100015,"ç»§":100016,"客æĪ·":100017,"ä¸Ģèµ·":100018,"èĮ¶":100019,"åħ³æ³¨":100020,"æ°´å¹³":100021,"åİĨåı²":100022,"å¢ŀéķ¿":100023,"é±":100024,"åŁºéĩij":100025,"åºŃ":100026,"åı¶":100027,"ä¿ĥ":100028,"鼨":100029,"æ¶Īè´¹":100030,"èι":100031,"çŁ¥è¯Ĩ":100032,"æĪĺçķ¥":100033,"ç»ıéªĮ":100034,"å³°":100035,"æĽ²":100036,"èĦļ":100037,"åĨ°":100038,"å¤ı":100039,"å½Ĵ":100040,"ç¬Ķ":100041,"èĻij":100042,"çͲ":100043,"åľĪ":100044,"è¯Ĺ":100045,"é½IJ":100046,"容æĺĵ":100047,"çłĶåıij":100048,"骨":100049,"纸":100050,"è·µ":100051,"æĹ§":100052,"çķ¶":100053,"åΏ":100054,"è´·":100055,"åı¬":100056,"ç§ĭ":100057,"æ¶²":100058,"è¡ĮæĶ¿":100059,"çĮ®":100060,"èĤ¤":100061,"éĢIJ":100062,"è¶ĬæĿ¥":100063,"è¶ĬæĿ¥è¶Ĭ":100064,"æĦıè§ģ":100065,"èĪŀ":100066,"åīĤ":100067,"æ¶ī":100068,"ç¨ĭ度":100069,"åħ¬åħ±":100070,"械":100071,"æľ«":100072,"纯":100073,"åͱ":100074,"æ´²":100075,"æĬ¢":100076,"æ¤į":100077,"å¿Ļ":100078,"ä¼°":100079,"å¼¹":100080,"æ³ī":100081,"æľĢ大":100082,"è¶ĭ":100083,"å·§":100084,"ç¦ģ":100085,"æī¶":100086,"åį±":100087,"çıł":100088,"çĨŁ":100089,"æĭľ":100090,"主ä¹ī":100091,"æĿĤ":100092,"éĻĦ":100093,"éģį":100094,"æIJŃ":100095,"æĮ¯":100096,"å¤ļå¹´":100097,"æķ¬":100098,"æijĦ":100099,"纷":100100,"å¼ĥ":100101,"湿":100102,"å¨ĺ":100103,"æ¡£":100104,"é©¶":100105,"æľĹ":100106,"æ®ĸ":100107,"æ¦ľ":100108,"åĵ¡":100109,"ä¸Ģä½ĵ":100110,"æŁ¥çľĭ":100111,"ç¹ģ":100112,"æµĵ":100113,"åħ¬å®ī":100114,"æ½ľ":100115,"è´¯":100116,"éªĹ":100117,"æIJľ":100118,"å·¡":100119,"è¬":100120,"éĬ":100121,"å§Ķä¼ļ":100122,"æĤł":100123,"åī©":100124,"æıŃ":100125,"åŃ£åº¦":100126,"ð«ĺ":100127,"ð¬¬":100128,"ä´":100129,"ðª":100130,"ä½Ĩæĺ¯":100131,"éĥ½æĺ¯":100132,"å¹³åı°":100133,"åŃ¦ä¹ł":100134,"åĵģçīĮ":100135,"ä¸Ķ":100136,"è¿Ļç§į":100137,"æĶ¿çŃĸ":100138,"æĭ¬":100139,"认为":100140,"ä¸Ģèά":100141,"æłĩåĩĨ":100142,"æĶ¯æĮģ":100143,"模å¼ı":100144,"åħ³ç³»":100145,"çļĦæĺ¯":100146,"è¿Ļä¸Ģ":100147,"ä¸įè¦ģ":100148,"çĶļ":100149,"ç²¾ç¥ŀ":100150,"æĭ¥":100151,"åĪ©ç͍":100152,"ä¿ĿæĬ¤":100153,"ä½ľç͍":100154,"èĭ¥":100155,"åĽ½åĨħ":100156,"ä»ĭç»į":100157,"ä¸Ģä¸ĭ":100158,"å·¥ä¸ļ":100159,"缮æłĩ":100160,"æľĢåIJİ":100161,"ä»·å̼":100162,"å°į":100163,"éĵģ":100164,"è°ģ":100165,"ç»ĵæŀĦ":100166,"éĽª":100167,"æĻºèĥ½":100168,"ä¼łç»Ł":100169,"ä½ĵèĤ²":100170,"çĶŁæĢģ":100171,"æĭį":100172,"æİª":100173,"åĨľä¸ļ":100174,"çī¹èī²":100175,"è§Ħ模":100176,"æĹ¶ä»£":100177,"è¿ĩç¨ĭ":100178,"éĴĪ":100179,"æĿ¾":100180,"åĶIJ":100181,"åĮ»çĸĹ":100182,"çģ¯":100183,"åζéĢł":100184,"æł¸å¿ĥ":100185,"ä¸įåı¯":100186,"ç³»åĪĹ":100187,"åIJī":100188,"åľ£":100189,"åĢij":100190,"ä½³":100191,"æĿ¥çľĭ":100192,"æ¯ĶèµĽ":100193,"ä¸ĭæĿ¥":100194,"åĩºäºĨ":100195,"å¹²éĥ¨":100196,"微信":100197,"å½ĵåľ°":100198,"åį·":100199,"åį«çĶŁ":100200,"ä¼Ł":100201,"çĸ«æĥħ":100202,"è°·":100203,"åĩłä¸ª":100204,"éĺ´":100205,"çĶŁçī©":100206,"å°¤":100207,"ä¼Ĭ":100208,"èĤ¯":100209,"éĿ¢ç§¯":100210,"åĪĽéĢł":100211,"æı¡":100212,"åľĨ":100213,"æĻĵ":100214,"æĪIJäºĨ":100215,"åĩ¡":100216,"çĸ¾":100217,"ç«ŀäºī":100218,"讨":100219,"主é¢ĺ":100220,"é²ģ":100221,"迪":100222,"ä¿Ħ":100223,"æĢª":100224,"並":100225,"èĻļ":100226,"æ½®":100227,"çĥ§":100228,"è̳":100229,"æ±ł":100230,"éĢĤåIJĪ":100231,"æł¹æľ¬":100232,"åĬłçĽŁ":100233,"ç͵è§Ĩ":100234,"æ··":100235,"ç¼ĺ":100236,"çªĹ":100237,"çĬ¯":100238,"æĥ¯":100239,"æĦıä¹ī":100240,"åĬŀæ³ķ":100241,"ä¼ij":100242,"æ»ij":100243,"åĭĩ":100244,"æķ¢":100245,"寻":100246,"è¦Ĩ":100247,"éĢĥ":100248,"ç»ıçIJĨ":100249,"åĿı":100250,"æ³½":100251,"ä¹ĺ":100252,"åĪº":100253,"å±ı":100254,"é¡¿":100255,"亡":100256,"éĤĢ":100257,"åħ¼":100258,"åĭ¤":100259,"æ®ĭ":100260,"æĺł":100261,"æ¯ķä¸ļ":100262,"æĪª":100263,"è·Į":100264,"å£ģ":100265,"åı¦ä¸Ģ":100266,"羣å®ŀ":100267,"磨":100268,"è¯ļ":100269,"å¿ħè¦ģ":100270,"æģĭ":100271,"æĩĤ":100272,"å¾Ĵ":100273,"è°ĵ":100274,"æķı":100275,"æĻ¨":100276,"èĥ¸":100277,"æĭ¼":100278,"å¦Ļ":100279,"诸":100280,"èģĬ":100281,"æĤī":100282,"麼":100283,"åĩŃ":100284,"èĪĴ":100285,"æ¶Ĥ":100286,"è¿ģ":100287,"沿":100288,"å¡ij":100289,"æĽ¿":100290,"æ¾³":100291,"å¿į":100292,"èĢĹ":100293,"龸":100294,"åĩłå¹´":100295,"åĪĬ":100296,"èĦī":100297,"èħIJ":100298,"æ¡Į":100299,"çºł":100300,"æ»ļ":100301,"æĤ²":100302,"åĨĴ":100303,"妹":100304,"çķħ":100305,"纵":100306,"æijĩ":100307,"夺":100308,"è·¯ä¸Ĭ":100309,"忽":100310,"èĸª":100311,"æģIJ":100312,"æĦıæĢĿ":100313,"å«Į":100314,"æı´":100315,"æ°§":100316,"èĢĢ":100317,"éĺ»":100318,"轨":100319,"å¹»":100320,"æįķ":100321,"åĿ¦":100322,"åĵĪåĵĪ":100323,"çĭIJ":100324,"滨":100325,"è²»":100326,"è¿Ł":100327,"人éĥ½":100328,"ç»ĺ":100329,"åı¹":100330,"çµIJ":100331,"æī°":100332,"æ»ĭ":100333,"å¥ij":100334,"åĭŁ":100335,"確":100336,"ð¦":100337,"éĽĨåĽ¢":100338,"æĿİ":100339,"å¼Ģå±ķ":100340,"æıIJåįĩ":100341,"åħ¨åĽ½":100342,"汽车":100343,"åŃ¦æł¡":100344,"æł¹æį®":100345,"è¿Ļæĺ¯":100346,"åĩºçݰ":100347,"éĻĪ":100348,"ç½Ĺ":100349,"èİ·å¾Ĺ":100350,"åĪĺ":100351,"éĶĢåĶ®":100352,"æľªæĿ¥":100353,"éľĢæ±Ĥ":100354,"å®ŀæĸ½":100355,"åĿļæĮģ":100356,"åħ¨çIJĥ":100357,"éĵ¶è¡Į":100358,"æİ§åζ":100359,"é¡»":100360,"åľ°åĮº":100361,"æīĵéĢł":100362,"çļĦè¯Ŀ":100363,"帮åĬ©":100364,"ä½ĵç³»":100365,"è¾¾åΰ":100366,"è§ĦåĪĴ":100367,"åŁ¹è®Ń":100368,"两个":100369,"æĬ¥åijĬ":100370,"åľ°æĸ¹":100371,"å®Įåħ¨":100372,"æİī":100373,"ç»ĵåIJĪ":100374,"å®£ä¼ł":100375,"æ³ķå¾ĭ":100376,"èīºæľ¯":100377,"ç͵影":100378,"說":100379,"ä¸ĢçĤ¹":100380,"è¶ħè¿ĩ":100381,"ç͵åŃIJ":100382,"æĢĿæĥ³":100383,"æķĻåѦ":100384,"éĺ¶æ®µ":100385,"åķĨä¸ļ":100386,"çµģ":100387,"åĪĽä¸ļ":100388,"æĸ¹æ¡Ī":100389,"çݰ代":100390,"æ¡¥":100391,"èIJ½å®ŀ":100392,"带æĿ¥":100393,"产çĶŁ":100394,"ç§Ģ":100395,"æ³°":100396,"ä¹±":100397,"åħ·ä½ĵ":100398,"åĸĿ":100399,"èĵĿ":100400,"å®Ĺ":100401,"åįĩ级":100402,"æ·±åħ¥":100403,"ä¿ĿéĻ©":100404,"ç®Ģåįķ":100405,"çĹĽ":100406,"稳å®ļ":100407,"è¾Ĩ":100408,"å±ŀäºİ":100409,"å·Ŀ":100410,"ä¸įå°ij":100411,"åĴ¨":100412,"ä¸ľè¥¿":100413,"å½¢å¼ı":100414,"娱ä¹IJ":100415,"æŃ£å¸¸":100416,"鸡":100417,"åħħåĪĨ":100418,"å®ŀè·µ":100419,"éĩĮéĿ¢":100420,"è·³":100421,"èĻİ":100422,"æĪIJéķ¿":100423,"æļĹ":100424,"çĿ¡":100425,"罪":100426,"çIJĨ念":100427,"æĮij":100428,"èµĦæľ¬":100429,"å¤ļå°ij":100430,"ä¸ĭéĿ¢":100431,"å¸Ŀ":100432,"åħ¬å¼Ģ":100433,"æ¸IJ":100434,"éķ·":100435,"å±ĭ":100436,"欢è¿İ":100437,"å¿ĥçIJĨ":100438,"çĤİ":100439,"æ¹¾":100440,"è®ĵ":100441,"éĤĦ":100442,"ç³ĸ":100443,"ä¹Į":100444,"åĬ±":100445,"çīĻ":100446,"èħ¿":100447,"å²Ĺ":100448,"ä¼į":100449,"æĪIJåijĺ":100450,"åŃĶ":100451,"å°ıç¼ĸ":100452,"èij£":100453,"泡":100454,"åħĪè¿Ľ":100455,"åħ§":100456,"åĺ´":100457,"è´Ŀ":100458,"è»":100459,"æIJŀ":100460,"æ³Ľ":100461,"鸣":100462,"ç½²":100463,"èĽĭ":100464,"主任":100465,"缮çļĦ":100466,"ä¹ı":100467,"æ´¥":100468,"æĪ´":100469,"ä¸¥æł¼":100470,"çħ¤":100471,"çĮ«":100472,"å͝":100473,"å°Ĭ":100474,"çĶľ":100475,"åŀĥ":100476,"åľ¾":100477,"æĭŁ":100478,"çĦ¦":100479,"é«Ķ":100480,"å®ı":100481,"æ©Ł":100482,"é©»":100483,"æĹģ":100484,"å½»":100485,"éĥ½ä¸į":100486,"æij©":100487,"ä»ĵ":100488,"ä¹³":100489,"岸":100490,"è°ĭ":100491,"大å¤ļ":100492,"çģŃ":100493,"èħ¾":100494,"æŁľ":100495,"èĪį":100496,"åħļçļĦ":100497,"å°ĺ":100498,"åįģå¹´":100499,"æĭĴ":100500,"裡":100501,"æŁĶ":100502,"å¹¼":100503,"éĶģ":100504,"ä¸ĵ项":100505,"æīİ":100506,"驾驶":100507,"ç¢İ":100508,"è¢ĭ":100509,"éĶĭ":100510,"壮":100511,"å°ĸ":100512,"çĶµæ±ł":100513,"è¿Ķ":100514,"æ¼ı":100515,"循":100516,"èıĮ":100517,"èĥĥ":100518,"è¾ħ":100519,"éĢĴ":100520,"èĥİ":100521,"éĻª":100522,"寿":100523,"å¥Ķ":100524,"çĮĽ":100525,"纹":100526,"çŁ¥åIJį":100527,"å¿Ĩ":100528,"æ¡ĥ":100529,"æ£ĭ":100530,"éĢĨ":100531,"çĤ¼":100532,"ç±į":100533,"çī§":100534,"æł·çļĦ":100535,"è¾Ľ":100536,"åłĨ":100537,"å®ŀåľ¨":100538,"ä¼ı":100539,"宿":100540,"èµı":100541,"è£Ĥ":100542,"åįĬå¹´":100543,"å̾":100544,"满æĦı":100545,"梯":100546,"æĦıåij³":100547,"åѤ":100548,"ç¥Ŀ":100549,"æĻ¶":100550,"èµĶ":100551,"åģ¿":100552,"èĦĤ":100553,"ç½ļ":100554,"ç¢į":100555,"æ²ĥ":100556,"æĵį":100557,"å´ĩ":100558,"æļĤ":100559,"è·ĥ":100560,"æIJ¬":100561,"å©Ĩ":100562,"éī":100563,"éī´":100564,"åħ´è¶£":100565,"èIJ¥ä¸ļ":100566,"è®Ĭ":100567,"èĦı":100568,"è¾Ī":100569,"å·ŀå¸Ĥ":100570,"è´«åĽ°":100571,"ç©·":100572,"ä¸Ńå°ı":100573,"æ¼Ĥ":100574,"çĻĮ":100575,"èľľ":100576,"ä¼Ļä¼´":100577,"çīµ":100578,"æĤŁ":100579,"éĻ·":100580,"èµĽåŃ£":100581,"樣":100582,"åģ¶":100583,"æĺĨ":100584,"è¢Ń":100585,"æįIJ":100586,"èī°":100587,"æĤ¬":100588,"çĶ¢":100589,"èij¡":100590,"çĽĹ":100591,"å©´":100592,"å°İ":100593,"纽":100594,"åĢ¡":100595,"æī®":100596,"è¨Ń":100597,"æĬij":100598,"ç¡ķ":100599,"è¾ĸ":100600,"éĥģ":100601,"辩":100602,"éĤ»":100603,"çݰåĩº":100604,"è¦ı":100605,"å½¹":100606,"éĺĶ":100607,"åīµ":100608,"诱":100609,"æĥij":100610,"æ·Ģ":100611,"é¢Ī":100612,"侦":100613,"æģ°":100614,"æ£Ģå¯Ł":100615,"éĨ«":100616,"çĦ¶æĺ¯":100617,"åĭĥ":100618,"èĮ«":100619,"äĵ":100620,"ð¬¸":100621,"ä½ľä¸º":100622,"çļĦ人":100623,"éĤ£ä¹Ī":100624,"ç¾İåĽ½":100625,"è¿ĺæľī":100626,"æıIJé«ĺ":100627,"èϽ":100628,"åħ·æľī":100629,"åĮħæĭ¬":100630,"æĪĸèĢħ":100631,"ä¸įè¿ĩ":100632,"ä¸Ĭæµ·":100633,"åĮ»éĻ¢":100634,"èµĦéĩij":100635,"çĶļèĩ³":100636,"åĪ¶åº¦":100637,"è§£åĨ³":100638,"èģĶç½ij":100639,"ç»§ç»Ń":100640,"建ç«ĭ":100641,"è¿Ľä¸ĢæŃ¥":100642,"æĿIJæĸĻ":100643,"ä»Ĭ天":100644,"å¿ħé¡»":100645,"åIJĦç§į":100646,"çİ°åľº":100647,"ä»ĸçļĦ":100648,"å¢ŀåĬł":100649,"é¢ĨåŁŁ":100650,"åıĤä¸İ":100651,"æĮģç»Ń":100652,"ä¹ĭä¸Ģ":100653,"çī¹åĪ«":100654,"é±¼":100655,"åħ±åIJĮ":100656,"åĬª":100657,"çİī":100658,"人们":100659,"åħĪçĶŁ":100660,"ä¼ĺåĬ¿":100661,"ä¿ĿæĮģ":100662,"ä½ľåĵģ":100663,"çīĽ":100664,"æĪIJæľ¬":100665,"æĶ¶åħ¥":100666,"åıĬæĹ¶":100667,"è´Łè´£":100668,"æİ¥åıĹ":100669,"èįIJ":100670,"åıªè¦ģ":100671,"羣çļĦ":100672,"导èĩ´":100673,"æľºåζ":100674,"è¡ĮåĬ¨":100675,"æĸ°çļĦ":100676,"å®ĮåĸĦ":100677,"为ä»Ģä¹Ī":100678,"ä¸Ń央":100679,"æĪIJç«ĭ":100680,"æĦŁè§ī":100681,"åıĺåĮĸ":100682,"åıĹåΰ":100683,"å¹¶ä¸į":100684,"åŃĻ":100685,"æĸ½å·¥":100686,"æĺİæĺ¾":100687,"è¿ĩåİ»":100688,"åıijæĮ¥":100689,"羣æŃ£":100690,"åŁºåľ°":100691,"æĺİç¡®":100692,"èĥ¡":100693,"许å¤ļ":100694,"ä¸Ģå¹´":100695,"æĸ¹åIJij":100696,"æģ©":100697,"çĽ¸ä¿¡":100698,"åľ³":100699,"详ç»Ĩ":100700,"äºĭä¸ļ":100701,"çĶŁåij½":100702,"åĴ¨è¯¢":100703,"æĸĩæĺİ":100704,"çijŀ":100705,"绿èī²":100706,"èİ«":100707,"æĦıè¯Ĩ":100708,"æĬķåħ¥":100709,"åĬłå¿«":100710,"æ¢ħ":100711,"ç¿»":100712,"å¼ĢæĶ¾":100713,"æĻ®éĢļ":100714,"åįıä¼ļ":100715,"æĪIJ绩":100716,"ä»Ļ":100717,"å¯Ĵ":100718,"è¯ģåΏ":100719,"认è¯Ĩ":100720,"丹":100721,"大éĩı":100722,"è¿ħ":100723,"åģļåΰ":100724,"设æĸ½":100725,"è´¸æĺĵ":100726,"èĥ½æºIJ":100727,"æĹ¶æľŁ":100728,"ä¸Ģ天":100729,"æ²»çIJĨ":100730,"åĺī":100731,"å®ĩ":100732,"丰å¯Į":100733,"举è¡Į":100734,"æĪIJæŀľ":100735,"èĤ¯å®ļ":100736,"çĭĹ":100737,"åĬ¨åĬĽ":100738,"森":100739,"åĩłä¹İ":100740,"åĽłç´ł":100741,"æ°ijæĹı":100742,"æ´ŀ":100743,"ç½ijåıĭ":100744,"åIJĪçIJĨ":100745,"广大":100746,"æ®Ĭ":100747,"æ´Ľ":100748,"æĿ¯":100749,"èĴĻ":100750,"ç͍äºİ":100751,"èŀįèµĦ":100752,"ç¥ĸ":100753,"æľºæ¢°":100754,"举åĬŀ":100755,"èĩªåĬ¨":100756,"åĬŀåħ¬":100757,"é»ŀ":100758,"éĽĦ":100759,"å̼å¾Ĺ":100760,"çĮª":100761,"以为":100762,"æĺĮ":100763,"è·Ŀ离":100764,"åIJ¸å¼ķ":100765,"ç»ķ":100766,"éļĨ":100767,"计ç®Ĺ":100768,"éĺŁä¼į":100769,"大ä¼ļ":100770,"å¼ķèµ·":100771,"çī¹çĤ¹":100772,"èĥ¶":100773,"å¹´è½»":100774,"æľ¬èº«":100775,"æľºåħ³":100776,"å®ĺæĸ¹":100777,"éĥij":100778,"æµĻ":100779,"è§Ĵèī²":100780,"èij£äºĭ":100781,"为主":100782,"æĹłè®º":100783,"ä¹łæĥ¯":100784,"æ¥ļ":100785,"æĭĵ":100786,"ç»Łè®¡":100787,"åħĦ":100788,"å¹¿æ³Ľ":100789,"åįĢ":100790,"污æŁĵ":100791,"è«ĭ":100792,"èĬĤ缮":100793,"伦":100794,"è¦ĨçĽĸ":100795,"èĢIJ":100796,"æī¶è´«":100797,"ç»ıåİĨ":100798,"éĩįè¦ģçļĦ":100799,"èĤ¡ä¸ľ":100800,"æĭĽèģĺ":100801,"åĽĽä¸ª":100802,"æĩī":100803,"èĥŀ":100804,"æijĨ":100805,"é«ĺéĢŁ":100806,"麦":100807,"åİŁåĪĻ":100808,"èݱ":100809,"æĽ´å¥½":100810,"éķľ":100811,"åĩĮ":100812,"åŀĥåľ¾":100813,"é̲":100814,"çģ°":100815,"éĵº":100816,"äºĭæķħ":100817,"çĶĺ":100818,"空æ°Ķ":100819,"é¾Ħ":100820,"èı²":100821,"çĵ¶":100822,"æĺ¨":100823,"æĹ¥æĬ¥":100824,"æµ®":100825,"åľ°åĽ¾":100826,"åijĪ":100827,"大åĬĽ":100828,"绪":100829,"å¸ħ":100830,"æľįåĭĻ":100831,"ä¸įéĶĻ":100832,"乡æĿij":100833,"å±¥":100834,"å¹³æĸ¹":100835,"éĹ²":100836,"æī£":100837,"ç´łè´¨":100838,"èµ´":100839,"éģŃ":100840,"èIJ¨":100841,"èĩªä¸»":100842,"éĩijå±ŀ":100843,"èī¯å¥½":100844,"两年":100845,"æ³¥":100846,"é¢ľ":100847,"精彩":100848,"ä¸Ńåįİ":100849,"æĻĭ":100850,"ä¹łè¿ij":100851,"ä¹łè¿ijå¹³":100852,"æĪĺ士":100853,"åģļçļĦ":100854,"éªij":100855,"æ»´":100856,"çĵľ":100857,"çīĪæĿĥ":100858,"èĤł":100859,"æľĥåĵ¡":100860,"çıį":100861,"種":100862,"仿":100863,"çī©ä¸ļ":100864,"åĢĭ人":100865,"妻":100866,"伸":100867,"æ±Ĺ":100868,"æĹº":100869,"çIJĨæĥ³":100870,"æij¸":100871,"è¿Ŀæ³ķ":100872,"å®Įæķ´":100873,"åݦ":100874,"è¸ı":100875,"æĸij":100876,"æ¡Ĥ":100877,"ä½ĵåζ":100878,"師":100879,"æĿĨ":100880,"殿":100881,"æ¯ģ":100882,"é¦Ī":100883,"è§Ĵ度":100884,"欣":100885,"çĥ¦":100886,"èĤº":100887,"éĩĩ访":100888,"æijĺ":100889,"æĮ¡":100890,"æ·ĺ":100891,"åħ»èĢģ":100892,"çĤ¸":100893,"è¿Ī":100894,"åİī":100895,"åĿĬ":100896,"è¾£":100897,"åĩĿ":100898,"泪":100899,"çĸı":100900,"æİĺ":100901,"åĥıæĺ¯":100902,"éĽķ":100903,"ç¼Ŀ":100904,"èį·":100905,"æį·":100906,"åł¡":100907,"åı¥è¯Ŀ":100908,"çĸ¼":100909,"æłı":100910,"éģµ":100911,"碳":100912,"å·¥åķĨ":100913,"æIJº":100914,"åĪ¥":100915,"ä¹Ļ":100916,"æĹĭ":100917,"æĥľ":100918,"ä¸Ģ大":100919,"å±Ĥ次":100920,"èµĸ":100921,"æĬ¬":100922,"æ¨Ĥ":100923,"è¯ŀ":100924,"åħĴ":100925,"篮":100926,"èĤĥ":100927,"å§¿":100928,"æĬļ":100929,"çĵ·":100930,"ç͵åĬ¨":100931,"æĸ°åĨł":100932,"æ¶µ":100933,"ç¢ij":100934,"æ·®":100935,"æĹ¨":100936,"踪":100937,"æ¸Ķ":100938,"æĦĪ":100939,"åıĶ":100940,"åįĹçľģ":100941,"義":100942,"å§Ķ书记":100943,"貸":100944,"æ¶Į":100945,"è«ĸ":100946,"èIJĦ":100947,"æıı":100948,"å¿§":100949,"辦":100950,"å¦Ĩ":100951,"æīŃ":100952,"åijµ":100953,"éģ¥":100954,"許":100955,"ä»ĩ":100956,"åįģä¸ī":100957,"åī²":100958,"èªį":100959,"èΰ":100960,"é¢ĩ":100961,"饱":100962,"çĭł":100963,"é«ĺçļĦ":100964,"çµ±":100965,"æħİ":100966,"é¢ģ":100967,"åIJĪéĢĤ":100968,"æµ´":100969,"èµĭ":100970,"æĬ¼":100971,"妥":100972,"éĻ¢éķ¿":100973,"èĢķ":100974,"辨":100975,"æħ°":100976,"åįģåĽĽ":100977,"æľµ":100978,"èĵĦ":100979,"æŀ¢":100980,"å»·":100981,"æĤĦ":100982,"涯":100983,"磩":100984,"åŃIJéĩĮ":100985,"çĬ¹":100986,"å±Ģéķ¿":100987,"éIJ":100988,"å¥ł":100989,"ä¼ļéķ¿":100990,"æĵļ":100991,"ä¸įåıĬ":100992,"åįģä¹Ŀ":100993,"欺":100994,"躺":100995,"éĺIJ":100996,"çºĮ":100997,"註":100998,"åĨĬ":100999,"èŃĺ":101000,"é«ĺçŃī":101001,"èħº":101002,"å¤ķ":101003,"ç»ij":101004,"åͤ":101005,"èķ´":101006,"çķľ":101007,"æħĭ":101008,"åıĻ":101009,"åıĥ":101010,"峡":101011,"人大":101012,"éħ¿":101013,"éģ©":101014,"奢":101015,"åı£æ°Ķ":101016,"éĮĦ":101017,"éı":101018,"åĭĺ":101019,"è´¿":101020,"éļª":101021,"éĭ":101022,"éļ¶":101023,"ð¥":101024,"ð¬£":101025,"ð£":101026,"ð«į":101027,"ð¬³":101028,"ð«ĵ":101029,"ð«Ħ":101030,"ð«Ł":101031,"ð¨±":101032,"äĹ":101033,"以åıĬ":101034,"æľīéĻIJ":101035,"åij¢":101036,"åIJĹ":101037,"çľĭåΰ":101038,"计åĪĴ":101039,"è¿Ľåħ¥":101040,"缴æİ¥":101041,"åĪĨæŀIJ":101042,"åıªæľī":101043,"设å¤ĩ":101044,"åħ¶å®ŀ":101045,"åĬłå¼º":101046,"ä¸ŃçļĦ":101047,"ä¿Ŀéļľ":101048,"èĢģå¸Ī":101049,"人æīį":101050,"å¾Ĺåΰ":101051,"é£İéĻ©":101052,"ä¸Ģç§į":101053,"空éĹ´":101054,"æĪijåĽ½":101055,"ä¹ĭåīį":101056,"ä¸ĵå®¶":101057,"æĿ¨":101058,"æĹ¥æľ¬":101059,"群ä¼Ĺ":101060,"åıĤåĬł":101061,"æķĪæŀľ":101062,"æľīåħ³":101063,"å®¶åºŃ":101064,"åĮºåŁŁ":101065,"åĬªåĬĽ":101066,"éļıçĿĢ":101067,"æĹłæ³ķ":101068,"交æµģ":101069,"è¡Į为":101070,"æ£ĢæŁ¥":101071,"æľŁéĹ´":101072,"å¦ĤæŃ¤":101073,"èĤ¡ä»½":101074,"å½ĵæĹ¶":101075,"è£ħå¤ĩ":101076,"åĩĨå¤ĩ":101077,"éħĴåºĹ":101078,"è¿IJåĬ¨":101079,"æıIJåĩº":101080,"å·¦åı³":101081,"æİªæĸ½":101082,"é£Łåĵģ":101083,"æ¶Īè´¹èĢħ":101084,"åѦéĻ¢":101085,"æĮĩ导":101086,"è¿IJèIJ¥":101087,"éĩį大":101088,"åĨľæĿij":101089,"éĢłæĪIJ":101090,"æĶ¿æ²»":101091,"éĴĪ对":101092,"æŃ£å¼ı":101093,"åıĸå¾Ĺ":101094,"éĤ£ä¸ª":101095,"éĽĨä¸Ń":101096,"åıªèĥ½":101097,"å¿«éĢŁ":101098,"身ä½ĵ":101099,"åħļåijĺ":101100,"èģĶåIJĪ":101101,"åĬĽéĩı":101102,"éĥ½æľī":101103,"æħ§":101104,"å¡Ķ":101105,"åĪ«äºº":101106,"表çݰ":101107,"æķħäºĭ":101108,"ä¸ĢåĪĩ":101109,"å°ĩ":101110,"èµĦæĸĻ":101111,"åŁ¹åħ»":101112,"éĺħ读":101113,"æľī人":101114,"èIJ¥éĶĢ":101115,"çĽijçĿ£":101116,"çݯä¿Ŀ":101117,"èĢĥèĻij":101118,"æ·±åľ³":101119,"严éĩį":101120,"èĮĥåĽ´":101121,"å§Ķåijĺ":101122,"çĽij管":101123,"ä¸ī个":101124,"è£ħä¿®":101125,"åħ¬éĩĮ":101126,"åĪĨåĪ«":101127,"çIJĨè§£":101128,"飩":101129,"åĬłå·¥":101130,"è®¤çľŁ":101131,"ä¸į好":101132,"åݻ年":101133,"éĻįä½İ":101134,"æľºä¼ļ":101135,"åįıè®®":101136,"符åIJĪ":101137,"å¢ŀ强":101138,"æĬĢèĥ½":101139,"é¦ĸåħĪ":101140,"秦":101141,"ä¸ģ":101142,"å°¾":101143,"æľīäºĨ":101144,"åľ°äº§":101145,"æ¸ł":101146,"æĸ¹ä¾¿":101147,"ç§»åĬ¨":101148,"éĢŁåº¦":101149,"å°¤åħ¶":101150,"éĢļçŁ¥":101151,"åĿĽ":101152,"éģ¿åħį":101153,"æģ¢":101154,"è´¡":101155,"èģĮå·¥":101156,"å®ŀåĬĽ":101157,"æĺ¯ä¸Ģç§į":101158,"åIJ¯åĬ¨":101159,"çĸ¾çĹħ":101160,"æĿ¥äºĨ":101161,"çĽ¸å¯¹":101162,"çݰå®ŀ":101163,"èŀįåIJĪ":101164,"åIJĮæł·":101165,"åħ¬åijĬ":101166,"ç®Ĭ":101167,"ç´«":101168,"ä¸ĭåİ»":101169,"ä¼łæĴŃ":101170,"æľĢ好":101171,"ä¼ĺè´¨":101172,"æ²Ĵ":101173,"æĮº":101174,"æĹ¦":101175,"诺":101176,"ä¸ĢåIJį":101177,"éģĵè·¯":101178,"示èĮĥ":101179,"è¿ĩæĿ¥":101180,"åIJĮåѦ":101181,"é¼ĵ":101182,"æĿŃ":101183,"æľ¬æ¬¡":101184,"åIJĮæĦı":101185,"ä¸ĸ纪":101186,"ç¾Ĭ":101187,"欲":101188,"å·¥èīº":101189,"çĵ¦":101190,"人士":101191,"æľīæīĢ":101192,"ä»İäºĭ":101193,"æľīå¾Īå¤ļ":101194,"ä¸įäºĨ":101195,"å²Ĺä½į":101196,"åıĺå¾Ĺ":101197,"åĬ³åĬ¨":101198,"å¤Ħäºİ":101199,"å¹³åĿĩ":101200,"形象":101201,"å¡ŀ":101202,"åħ±äº«":101203,"çĿĽ":101204,"åĪ©æ¶¦":101205,"æŃ£æĺ¯":101206,"å¾Ģå¾Ģ":101207,"缸æ¯Ķ":101208,"横":101209,"åĪ·":101210,"æµĻæ±Ł":101211,"大éĥ¨åĪĨ":101212,"å¤ļ个":101213,"æĤ¨çļĦ":101214,"ç͵åķĨ":101215,"å¾®åįļ":101216,"å§ĭç»Ī":101217,"çĬ¯ç½ª":101218,"æĺ¯åľ¨":101219,"ç»ĦåIJĪ":101220,"åİŁæĿ¥":101221,"æ¸ħæ¥ļ":101222,"åIJĦåľ°":101223,"æĦŁåıĹ":101224,"å½ĵä¸Ń":101225,"è¶ĭåĬ¿":101226,"æĻ¯åĮº":101227,"羣æĺ¯":101228,"ä¾ĽåºĶ":101229,"转åŀĭ":101230,"çĭĤ":101231,"èĨľ":101232,"èĭĹ":101233,"å¿ł":101234,"å¾Ī大":101235,"èĤ¡æĿĥ":101236,"ç¾İåħĥ":101237,"æİĴåIJį":101238,"åĬ¨çī©":101239,"éĶħ":101240,"墨":101241,"主å¸Ń":101242,"å¾Ī好":101243,"ç»Ŀ对":101244,"æĿľ":101245,"转载":101246,"çĴĥ":101247,"æĿijæ°ij":101248,"åIJ¨":101249,"åĽŃåĮº":101250,"é«ĺ度":101251,"çī©è´¨":101252,"è¾ī":101253,"æĹ¥å¸¸":101254,"æıĴ":101255,"ä¸īå¹´":101256,"ä½ĵçݰ":101257,"æīįæĺ¯":101258,"代çIJĨ":101259,"ä¸į管":101260,"æģĴ":101261,"åľ°ä½į":101262,"ç²®":101263,"èĸĦ":101264,"æĺİçϽ":101265,"ä¸Ģèĩ´":101266,"æĽ¼":101267,"åĵŃ":101268,"åĩ¤":101269,"åĬ²":101270,"æķĮ":101271,"æĪĺæĸĹ":101272,"主ä½ĵ":101273,"åħ¬å¸ĥ":101274,"åıĤèĢĥ":101275,"èĪªç©º":101276,"寺":101277,"åѦä¼ļ":101278,"åıįæĺł":101279,"ç¾İ丽":101280,"太éĺ³":101281,"建æĪIJ":101282,"æħ¢æħ¢":101283,"åIJĦ个":101284,"éĤ¦":101285,"ç»ĦæĪIJ":101286,"ä¸ī大":101287,"éͦ":101288,"大å¤ļæķ°":101289,"æ¦Ĥ念":101290,"éŃĤ":101291,"åħ¬çĽĬ":101292,"èįĴ":101293,"身份":101294,"æ·±åĪ»":101295,"åħ©":101296,"ç»ıåħ¸":101297,"åIJĦ项":101298,"èĻķ":101299,"è¿ĽæŃ¥":101300,"åįģäºĮ":101301,"æī§æ³ķ":101302,"æĥ³åΰ":101303,"æĦŁæŁĵ":101304,"åķĨåĬ¡":101305,"å°ıç»Ħ":101306,"èͬ":101307,"çıŃåŃIJ":101308,"åIJĮå¿Ĺ":101309,"éĿ¢ä¸´":101310,"çĤĴ":101311,"å¤ļç§į":101312,"è§ĤçĤ¹":101313,"åĵªéĩĮ":101314,"å°Ŀ":101315,"å§Ĩ":101316,"èħ¹":101317,"åŁİåĮº":101318,"太å¤ļ":101319,"çĹħæ¯Ĵ":101320,"åľ¨äºİ":101321,"æīĢè°ĵ":101322,"æĻ°":101323,"æŀĿ":101324,"æĭĸ":101325,"å®ħ":101326,"æķ´æ²»":101327,"ä½ıæĪ¿":101328,"åģ·":101329,"çĨĬ":101330,"èµģ":101331,"æ°Ľ":101332,"æł¼å±Ģ":101333,"åŁºç¡Ģä¸Ĭ":101334,"èĥĨ":101335,"åħ½":101336,"鼶åĶ®":101337,"åĿ¡":101338,"女åŃ©":101339,"æĴŀ":101340,"åħ¨åĬĽ":101341,"åĴĸ":101342,"èĤ©":101343,"çľī":101344,"èĩ³äºİ":101345,"åħļç»Ħ":101346,"ä¸Ģä»¶":101347,"æĭĨ":101348,"äºĭå®ŀ":101349,"åĤ³":101350,"æ¹ĺ":101351,"ç¶²ç«Ļ":101352,"循çݯ":101353,"åIJĮæ¯Ķ":101354,"æĭĶ":101355,"åĮ»èį¯":101356,"åħ»æ®ĸ":101357,"åĽºå®ļ":101358,"å®ŀéĻħä¸Ĭ":101359,"è®°å¾Ĺ":101360,"åĪ©äºİ":101361,"æĤ¦":101362,"æĭ³":101363,"èĤĿ":101364,"æķĪçĽĬ":101365,"該":101366,"æ°ij主":101367,"çĹĩçĬ¶":101368,"風":101369,"å¹¼åĦ¿":101370,"å§ij":101371,"æĪĴ":101372,"ä¸ĭçļĦ":101373,"渡":101374,"å¹´åºķ":101375,"è®°å¿Ĩ":101376,"åIJIJ":101377,"大å¹ħ":101378,"å¾½":101379,"åħ¬ä¼Ĺ":101380,"ä¿¡å¿ĥ":101381,"çİĽ":101382,"ä¼ļä¸Ĭ":101383,"ä¹Ķ":101384,"æijĦå½±":101385,"æ£ĭçīĮ":101386,"éĻķ":101387,"åºĶæĢ¥":101388,"æĶ¶è´¹":101389,"æİ§èĤ¡":101390,"仪å¼ı":101391,"çŀ¬":101392,"æīĢåľ¨":101393,"碰":101394,"å§ĵ":101395,"é¡Į":101396,"æĶ¯éĥ¨":101397,"使åij½":101398,"çĤī":101399,"å¯Ħ":101400,"翼":101401,"åľ°ä¸ĭ":101402,"è¾ŀ":101403,"俱":101404,"主æĮģ":101405,"è´§å¸ģ":101406,"æģ¨":101407,"èĤĮ":101408,"çĽĪ":101409,"éĶ»":101410,"å¿ĹæĦ¿":101411,"类似":101412,"æĮĸ":101413,"éĢ»":101414,"總":101415,"纪念":101416,"åķ¥":101417,"弯":101418,"åIJįåŃĹ":101419,"åģ¥èº«":101420,"çļĦå¿ĥ":101421,"驱":101422,"èĥĮåIJİ":101423,"æ³ķå¸Ī":101424,"ç²Ĵ":101425,"èĥ½éĩı":101426,"è¾°":101427,"èī³":101428,"å½¼":101429,"段æĹ¶éĹ´":101430,"åIJĪæ³ķ":101431,"æĵ¦":101432,"ç¾½":101433,"åݨ":101434,"æĪij说":101435,"äºĭåĬ¡":101436,"åĩłå¤©":101437,"åħģ":101438,"ç¼´":101439,"åįĵ":101440,"两ç§į":101441,"çĭ¬çī¹":101442,"帶":101443,"éĴ»":101444,"æĥ©":101445,"é¢ĨåħĪ":101446,"è¶³å¤Ł":101447,"壳":101448,"æĦıåij³çĿĢ":101449,"åĪĨå¸ĥ":101450,"ä¹ĥ":101451,"éģĭ":101452,"佩":101453,"è°±":101454,"çģ£":101455,"èį¡":101456,"贯彻":101457,"å¹¾":101458,"ç£ģ":101459,"åħ¸åŀĭ":101460,"åīĩ":101461,"åĨ»":101462,"æ¬ł":101463,"ä¸įä¹ħ":101464,"浦":101465,"éŃħ":101466,"å¼ĢäºĨ":101467,"使ç͍èĢħ":101468,"è¿Ļ款":101469,"å°Ī":101470,"èĦ±è´«":101471,"æĶ»åĿļ":101472,"ç®Ĺæĺ¯":101473,"ç¨Ģ":101474,"æĹłäºº":101475,"åłµ":101476,"å¥ı":101477,"éĥ½å¸Ĥ":101478,"åı¯è§ģ":101479,"ä¸įåĩº":101480,"æ·»":101481,"äºı":101482,"ç¾İ好":101483,"èĥĸ":101484,"飵":101485,"æłĩå¿Ĺ":101486,"èĬĤèĥ½":101487,"æĬ«":101488,"å°º":101489,"寸":101490,"ä¸Ģ代":101491,"é¢Ĺ":101492,"è̶":101493,"èĴ¸":101494,"åĸ®":101495,"滿":101496,"çĮľ":101497,"æµĨ":101498,"åŁĥ":101499,"åįĥä¸ĩ":101500,"èµĮ":101501,"èģ²":101502,"ä½ľé£İ":101503,"質":101504,"寨":101505,"年人":101506,"åį°è±¡":101507,"æ¡¶":101508,"æĴ¤":101509,"åįģäºĶ":101510,"æ¯ħ":101511,"沪":101512,"åĽ½æľī":101513,"大éĩıçļĦ":101514,"御":101515,"å¯ĵ":101516,"è¦ĸ":101517,"æ¼Ĥ亮":101518,"çľł":101519,"çĤŃ":101520,"é»İ":101521,"èϹ":101522,"åĪ©äºļ":101523,"èŃī":101524,"æµı":101525,"åįģåħ«":101526,"丢":101527,"è¾½":101528,"æľīä¸ĢäºĽ":101529,"æħĪ":101530,"åģľè½¦":101531,"å®ł":101532,"è§£æĶ¾":101533,"æľīå¤ļ":101534,"éĤĬ":101535,"常è§ģ":101536,"æĬ¹":101537,"纤":101538,"親":101539,"æ¡Ĩ":101540,"èİŀ":101541,"æ°§åĮĸ":101542,"è¿Ļä»¶":101543,"åĩ°":101544,"æŁ´":101545,"åıijç͵":101546,"é¼ł":101547,"转åĮĸ":101548,"å¨ĥ":101549,"æĮ¤":101550,"罩":101551,"å¯ĨåĪĩ":101552,"æĪijä¸į":101553,"é«ĺæĸ°":101554,"ä¸Ģç¯ĩ":101555,"è¿Ľç¨ĭ":101556,"è¡°":101557,"è¿ĺä¸į":101558,"çħĮ":101559,"æĸ°åįİ":101560,"èĤ¿":101561,"滩":101562,"ä¸Ģæµģ":101563,"è¯Ī":101564,"å®ŀä½ĵ":101565,"å¤ĸåĽ½":101566,"躲":101567,"èµł":101568,"覺":101569,"æ¢Ŀ":101570,"ä¸įè§ģ":101571,"è¨Ĭ":101572,"åĮ¹":101573,"åįµ":101574,"çĩ¥":101575,"æħķ":101576,"齿":101577,"å®´":101578,"饼":101579,"èij¡èIJĦ":101580,"å°ıå¿ĥ":101581,"æģ¼":101582,"éĻĮ":101583,"æĺĤ":101584,"åĥ¹":101585,"èĬĿ":101586,"æ¯ı个人":101587,"åīįæıIJ":101588,"ä½ĵä¼ļ":101589,"æ¨Ļ":101590,"æIJľçĭIJ":101591,"对åħ¶":101592,"丧":101593,"èľĤ":101594,"浸":101595,"調":101596,"åĿª":101597,"é¢ĸ":101598,"åIJį为":101599,"笼":101600,"èĪĮ":101601,"æľ¬ä¹¦":101602,"èģ¯":101603,"纺":101604,"ç®Ģ缴":101605,"éĽ¢":101606,"ç¾İçļĦ":101607,"éļ¨":101608,"é«ĺå³°":101609,"è¿Ļå®¶":101610,"åĤ¬":101611,"å°¸":101612,"ç¡ķ士":101613,"èŃ·":101614,"è°¨":101615,"æĺı":101616,"æĶ¿åįı":101617,"è¡Ķ":101618,"ç¿Ĵ":101619,"åľĴ":101620,"åĽ½æ°ij":101621,"主è§Ĵ":101622,"è£ķ":101623,"伪":101624,"åºŀ":101625,"æ°ijèIJ¥":101626,"æĥ§":101627,"ç§ĺ书":101628,"çĹķ":101629,"çϾåĪĨ":101630,"溶":101631,"æĹłçĸij":101632,"çļĦçľ¼":101633,"æĵİ":101634,"ä¼Łå¤§":101635,"å½°":101636,"åħ¬å®īå±Ģ":101637,"ç³ķ":101638,"å¼¥":101639,"åĤĻ":101640,"ä¹¾":101641,"毫ä¸į":101642,"注æĺİ":101643,"å̻":101644,"æĦī":101645,"æķ¦":101646,"馨":101647,"æĶĢ":101648,"éĢĿ":101649,"åı¯éĿł":101650,"夸":101651,"åľĺ":101652,"éĿ¢ä¸Ĭ":101653,"æĬĸ":101654,"èĦĨ":101655,"é©°":101656,"ä¼IJ":101657,"妨":101658,"å®ļäºĨ":101659,"ç³Ĭ":101660,"æŃ¡":101661,"éĥ¨éķ¿":101662,"ç§ī":101663,"èĪĨ":101664,"åĪijäºĭ":101665,"åIJµ":101666,"æ¤Ĵ":101667,"è¡ĵ":101668,"豫":101669,"èı©":101670,"åѵ":101671,"饲":101672,"就好":101673,"åłª":101674,"ä¸īè§Ĵ":101675,"åľºæ¯ĶèµĽ":101676,"ä¸įåģľ":101677,"æĵħ":101678,"åħ¨æĸĩ":101679,"æ³ģ":101680,"åѦä½į":101681,"æ±°":101682,"éłĺ":101683,"åıł":101684,"éļĽ":101685,"å¸IJ":101686,"çľĭåĩº":101687,"åĮł":101688,"å±ĢéĿ¢":101689,"æ³Į":101690,"è°Ĭ":101691,"åIJĮæľŁ":101692,"æĬķæłĩ":101693,"奴":101694,"æĿ¥çľĭçľĭ":101695,"èĦ¾":101696,"èŀº":101697,"æŃī":101698,"çĽ¯":101699,"ç¨İåĬ¡":101700,"å»Ĭ":101701,"æİ©":101702,"æħ¨":101703,"çĽ¼":101704,"èĬĴ":101705,"è®Ģ":101706,"æĮ£":101707,"èĮħ":101708,"æĸ¥":101709,"æ¤ħ":101710,"åΰæĿ¥":101711,"èijĹä½ľ":101712,"çĭ±":101713,"äºĮæīĭ":101714,"ä»İæĿ¥":101715,"çĸ²":101716,"åºĬä¸Ĭ":101717,"æĸ°æµª":101718,"æ³Ħ":101719,"å¢ŀå̼":101720,"丼":101721,"æļij":101722,"ä»İä¸ļ":101723,"æ·ĭ":101724,"å¤ļæł·":101725,"æľ´":101726,"份é¢Ŀ":101727,"æŀ£":101728,"西çľģ":101729,"æľ¬è´¨":101730,"深深":101731,"èīĩ":101732,"绵":101733,"产å̼":101734,"æ¼ł":101735,"èħ»":101736,"çŃĽ":101737,"åİĮ":101738,"æģŃ":101739,"å«Įçĸij":101740,"æĪ¶":101741,"æ»ŀ":101742,"èĨĢ":101743,"åĬ£":101744,"座è°Ī":101745,"常æĢģ":101746,"çļĦæĥħ":101747,"覽":101748,"å¯Ĥ":101749,"åĮĨ":101750,"èĩº":101751,"顯":101752,"çķı":101753,"éģ£":101754,"åįľ":101755,"çŃīå¥ĸ":101756,"責":101757,"溯":101758,"éİ":101759,"çĤ¹å¤´":101760,"èĵ¬":101761,"決":101762,"éħ¬":101763,"éģĬ":101764,"è³¼":101765,"註åĨĬ":101766,"æľ¬æĬ¥":101767,"çµķ":101768,"æ´»æĢ§":101769,"åħij":101770,"éĮ¯":101771,"åĨ¶":101772,"åĸ»":101773,"æºĸ":101774,"èĤ¢":101775,"æºĥ":101776,"æĹ¬":101777,"åīĬ":101778,"çIJĨäºĭ":101779,"å±ł":101780,"æ²§":101781,"èļĢ":101782,"鼻åŃIJ":101783,"为æŃ¢":101784,"常å§Ķ":101785,"çµĤ":101786,"éĬ·":101787,"çĭĢ":101788,"ä¾£":101789,"èĥĢ":101790,"èѰ":101791,"çĶ¨è½¦":101792,"åĻª":101793,"æŃ·":101794,"åįĶ":101795,"åι":101796,"竣æĺ¯":101797,"é©Ĺ":101798,"èIJĿ":101799,"çĻ«":101800,"çĹ«":101801,"æŃ§":101802,"å¼Ĭ":101803,"媽":101804,"çıĬ":101805,"è¡·":101806,"éľī":101807,"åŁºçĿ£":101808,"éļ±":101809,"æ°¨":101810,"绸":101811,"å°¼æĸ¯":101812,"çĥĺ":101813,"æľŁåĨħ":101814,"è°ħ":101815,"éĽĩ":101816,"éļĻ":101817,"åĸī":101818,"åī¥":101819,"çĹĺ":101820,"æĮ½":101821,"çĵ£":101822,"æ¹Ľ":101823,"樱":101824,"æ¾İ":101825,"æ¹ĥ":101826,"åĨ¬å¥¥":101827,"棵":101828,"å®°":101829,"åŀĴ":101830,"æ§ĭ":101831,"ä¾Ī":101832,"èĮĦ":101833,"åĺ¿":101834,"èıĩ":101835,"çĻĤ":101836,"åĬĥ":101837,"éį":101838,"èͽ":101839,"çŀŃ":101840,"æķŀ":101841,"ä¹ĸ":101842,"飧":101843,"è¾ľ":101844,"æĩĪ":101845,"ä½£":101846,"çŀ»":101847,"åŁĶ":101848,"èĪħ":101849,"å®ŀäºĭ":101850,"é¨":101851,"å§¥":101852,"絡":101853,"åĺ»":101854,"çķ¢":101855,"æ²ĥå°Ķ":101856,"è¿Ħ":101857,"èĤĩ":101858,"æħij":101859,"ã§":101860,"äı":101861,"ðł":101862,"ð¬ĩ":101863,"ð«Ń":101864,"ð«IJ":101865,"ã³":101866,"©½":101867,"ð«ł":101868,"ãĽ":101869,"ð¬į":101870,"é¿":101871,"ð¬Ĵ":101872,"ãĻ":101873,"ð¬¤":101874,"ð¬´":101875,"ð«ĸ":101876,"ð¤":101877,"ã¬":101878,"ä²":101879,"ð«Ķ":101880,"ð«ļ":101881,"è¦ģæ±Ĥ":101882,"ä¸ĢäºĽ":101883,"å®ŀçݰ":101884,"èĢĮä¸Ķ":101885,"åĽłæŃ¤":101886,"çͱäºİ":101887,"åħ³äºİ":101888,"çĦ¶åIJİ":101889,"æİ¨åĬ¨":101890,"ä¸Ģæł·":101891,"æĮīçħ§":101892,"è¿Ļæł·çļĦ":101893,"å½¢æĪIJ":101894,"æľīäºĽ":101895,"æĽ´åĬł":101896,"ç»ıè¿ĩ":101897,"建议":101898,"æ²»çĸĹ":101899,"ä½łä»¬":101900,"æīįèĥ½":101901,"ä¿ĥè¿Ľ":101902,"åijĺå·¥":101903,"ä½ĵéªĮ":101904,"èĪĩ":101905,"åģļ好":101906,"ä¿Ŀè¯ģ":101907,"æķ´ä¸ª":101908,"æĺ¯ä¸Ģ个":101909,"éĩĩç͍":101910,"çIJĨ论":101911,"æ¯Ķå¦Ĥ":101912,"ä¸ĬçļĦ":101913,"æİ¨èįIJ":101914,"çĶ³è¯·":101915,"天空":101916,"éĥ¨èIJ½":101917,"åįģåĪĨ":101918,"æĿ¥èĩª":101919,"ä¹ĭéĹ´":101920,"è°ĥæķ´":101921,"æ¯ı天":101922,"è°ĥæŁ¥":101923,"æĤ£èĢħ":101924,"è¿ĩç¨ĭä¸Ń":101925,"é¦Ļ港":101926,"广åijĬ":101927,"éĿ¢å¯¹":101928,"满足":101929,"éķ¿æľŁ":101930,"è§ĦèĮĥ":101931,"æķ´ä½ĵ":101932,"æĶ¹åıĺ":101933,"æĻºæħ§":101934,"å¦Īå¦Ī":101935,"å¦Ĥä»Ĭ":101936,"åIJĪåIJĮ":101937,"éĥ½ä¼ļ":101938,"åĦ¿ç«¥":101939,"åĩıå°ij":101940,"éŁ³ä¹IJ":101941,"ç»ı常":101942,"ä¸Ĭå¸Ĥ":101943,"ä¼ĺç§Ģ":101944,"çļĦéĩįè¦ģ":101945,"ä¸ĢæĿ¡":101946,"æµ·å¤ĸ":101947,"åı¦å¤ĸ":101948,"ä¸Ģå®¶":101949,"åİĭåĬĽ":101950,"大åŀĭ":101951,"çľĭçĿĢ":101952,"åĪĢ":101953,"幸ç¦ı":101954,"æİ¨å¹¿":101955,"åIJĽ":101956,"å¾IJ":101957,"æī¾åΰ":101958,"äºİæĺ¯":101959,"èĩªèº«":101960,"ä¸Ģä½į":101961,"åľŁåľ°":101962,"åĬłåħ¥":101963,"æİ¢ç´¢":101964,"æ¢ģ":101965,"主åĬ¨":101966,"å°±ä¸ļ":101967,"女æĢ§":101968,"çªģçł´":101969,"ä¸įåIJĮçļĦ":101970,"è¿IJè¾ĵ":101971,"èĩªçͱ":101972,"å±ħæ°ij":101973,"æŃ¤æ¬¡":101974,"çļĦæĹ¶éĹ´":101975,"å®¶éķ¿":101976,"ä¸Ģ个人":101977,"æ£Ģæµĭ":101978,"åĨħéĥ¨":101979,"广å·ŀ":101980,"缴æĴŃ":101981,"ä»İèĢĮ":101982,"贷款":101983,"åı¬å¼Ģ":101984,"æĶ¹éĢł":101985,"人çĶŁ":101986,"å±ķ示":101987,"æ¯ıå¹´":101988,"女人":101989,"çļĦæĸ¹å¼ı":101990,"æķĪçİĩ":101991,"å±±ä¸ľ":101992,"æ¸łéģĵ":101993,"ä¼¼ä¹İ":101994,"æ¡Īä»¶":101995,"åĪ©çĽĬ":101996,"çľĭçľĭ":101997,"å¿ĥéĩĮ":101998,"ç»´æĬ¤":101999,"å®Ŀå®Ŀ":102000,"ç½ijä¸Ĭ":102001,"论åĿĽ":102002,"å°±åı¯ä»¥":102003,"ä¸įè¶³":102004,"æģ¢å¤į":102005,"å¸ĥå±Ģ":102006,"è´¡çĮ®":102007,"ä¸ĭéĻį":102008,"æİĮæı¡":102009,"çļ®èĤ¤":102010,"å·¥åħ·":102011,"éĩįåºĨ":102012,"åĵģè´¨":102013,"æİ¨åĩº":102014,"çĶ·äºº":102015,"æī¿æĭħ":102016,"çªģåĩº":102017,"èĢĮè¨Ģ":102018,"æ²Ł":102019,"åįıè°ĥ":102020,"æĺ¯ä»Ģä¹Ī":102021,"汤":102022,"æĴij":102023,"çĭ¬ç«ĭ":102024,"çݯèĬĤ":102025,"æī©å¤§":102026,"æ´ª":102027,"æĿ°":102028,"çĽIJ":102029,"ä»ģ":102030,"æ¶īåıĬ":102031,"èĢģ人":102032,"åį³ä½¿":102033,"åįĹ京":102034,"éħįåIJĪ":102035,"鬼":102036,"çĪ¶äº²":102037,"ç½Ĺæĸ¯":102038,"å°ıåĮº":102039,"æķĻæİĪ":102040,"åĨ³çŃĸ":102041,"é¢Ħ计":102042,"æľ¬äºº":102043,"伯":102044,"竹":102045,"åΰåºķ":102046,"å¸Ĥæ°ij":102047,"åĩºåı£":102048,"éĩĩè´Ń":102049,"æĢ»ç»ĵ":102050,"æŃ¦æ±ī":102051,"åĬłå¤§":102052,"å¹¿ä¸ľ":102053,"æµģç¨ĭ":102054,"人åı£":102055,"å¦Ĥæŀľä½ł":102056,"åĩºåİ»":102057,"åĩī":102058,"åĨľæ°ij":102059,"çݰ象":102060,"åĬĽåº¦":102061,"ç»ĻäºĪ":102062,"åħļå§Ķ":102063,"è¯Ńè¨Ģ":102064,"线ä¸Ĭ":102065,"æĢİæł·":102066,"åĦ¿åŃIJ":102067,"ç¡®å®ŀ":102068,"ä¹ĭå¤ĸ":102069,"éĥ½åľ¨":102070,"èī¾":102071,"çļĦæĥħåĨµ":102072,"éĩĮçļĦ":102073,"åĽ´ç»ķ":102074,"æĽ´å¤ļçļĦ":102075,"ä¾Ŀæ³ķ":102076,"åħ¬åĽŃ":102077,"å®¶éĩĮ":102078,"æ¯į亲":102079,"ä¸įåĨį":102080,"èĭ¹":102081,"æ³ķéĻ¢":102082,"éŁ©åĽ½":102083,"缸å½ĵ":102084,"ä¸įçŁ¥":102085,"è¯Ħä¼°":102086,"ä¸įç͍":102087,"顺åĪ©":102088,"éĩįè§Ĩ":102089,"è´¢åĬ¡":102090,"ä»ĸåĢij":102091,"åıijè¡Į":102092,"ä¸ĵéŨ":102093,"åħ·å¤ĩ":102094,"å¹¶ä¸įæĺ¯":102095,"è¶³çIJĥ":102096,"éŀĭ":102097,"åıij表":102098,"æ°¸è¿ľ":102099,"èIJ¥åħ»":102100,"éħįå¥Ĺ":102101,"æķ´åIJĪ":102102,"è´º":102103,"åĽŀçŃĶ":102104,"æĶ¶çĽĬ":102105,"ä¹Łè®¸":102106,"è»Ĭ":102107,"æİ¥è§¦":102108,"æĶ»åĩ»":102109,"åĽĽå·Ŀ":102110,"æĢ§èĥ½":102111,"åĽŀåΰ":102112,"èħ°":102113,"ä¹Łæ²¡æľī":102114,"å¼Ħ":102115,"设ç«ĭ":102116,"éĺ²æİ§":102117,"æĬĢå·§":102118,"éĢļ常":102119,"è´¢æĶ¿":102120,"éĥ¨ç½²":102121,"åľºæĻ¯":102122,"æ±Łèĭı":102123,"表达":102124,"åĸ·":102125,"女åĦ¿":102126,"èζ":102127,"給":102128,"ä¼ļåijĺ":102129,"æĪĸ许":102130,"亩":102131,"举æĸ¹":102132,"天津":102133,"è¿ijå¹´":102134,"çľĭæĿ¥":102135,"æ¯Ķä¾ĭ":102136,"岩":102137,"éĵľ":102138,"çİ»":102139,"å®ŀéªĮ":102140,"æĢĿç»´":102141,"æĭħå¿ĥ":102142,"æ²Ī":102143,"身边":102144,"æ·±åĮĸ":102145,"ç²¾åĩĨ":102146,"ç§ģæľį":102147,"æ¶Īéĺ²":102148,"åİ»äºĨ":102149,"ç»Ĩèĥŀ":102150,"çIJĥéĺŁ":102151,"æĺİæĺŁ":102152,"é£Łçī©":102153,"å¾Īå¿«":102154,"è®©ä½ł":102155,"ä¿¡ç͍":102156,"å͝ä¸Ģ":102157,"åħ¶å®ĥ":102158,"çŃīæĸ¹éĿ¢":102159,"å¾ĭå¸Ī":102160,"æŃ»äº¡":102161,"æŁ³":102162,"ä¸Ģæī¹":102163,"ä¸Ĭ涨":102164,"æľºåľº":102165,"å½¢åĬ¿":102166,"æĦ¿æĦı":102167,"éĽĨä½ĵ":102168,"æĸ°åŀĭ":102169,"æįŁå¤±":102170,"æĽ¸":102171,"ä¸ĭåįĪ":102172,"æ¯ı次":102173,"æĪIJå°±":102174,"åħ¬è·¯":102175,"èĻ«":102176,"åĴ±":102177,"西å®ī":102178,"æľĢä½³":102179,"ç§ijçłĶ":102180,"å¤įæĿĤ":102181,"æľºåύ":102182,"çαæĥħ":102183,"çħ§çīĩ":102184,"å¹´é¾Ħ":102185,"è³ĩæĸĻ":102186,"ç²Ĺ":102187,"åĩĨç¡®":102188,"åĬłä¸Ĭ":102189,"åĩºçīĪ":102190,"è°IJ":102191,"å®¶å±ħ":102192,"èĥĮæĻ¯":102193,"ä¸Ģ线":102194,"äºĭ项":102195,"åĬ¨ä½ľ":102196,"祥":102197,"æĢ»ä½ĵ":102198,"æĪ¿åŃIJ":102199,"ä¹Łå°±æĺ¯":102200,"大æ¦Ĥ":102201,"é«ĺæķĪ":102202,"åIJ¹":102203,"æİĪæĿĥ":102204,"éĻĦè¿ij":102205,"æ¡Īä¾ĭ":102206,"éĹ¹":102207,"çΏçΏ":102208,"彩票":102209,"æĢĴ":102210,"举æĬ¥":102211,"æĻ®éģį":102212,"çķĻä¸ĭ":102213,"è¡£æľį":102214,"æĹłè®ºæĺ¯":102215,"åħħ满":102216,"深度":102217,"æ¡ij":102218,"æĪªèĩ³":102219,"带æĿ¥çļĦ":102220,"éϵ":102221,"æĦŁæĥħ":102222,"èµļ":102223,"åĵªäºĽ":102224,"æķ´æĶ¹":102225,"æĪIJçĨŁ":102226,"å¨ľ":102227,"é¼»":102228,"磼":102229,"çĽ¾":102230,"好好":102231,"ç¬¬åĽĽ":102232,"åĨłåĨĽ":102233,"è´¢å¯Į":102234,"æľĢ好çļĦ":102235,"车åŀĭ":102236,"éĸĢ":102237,"åį³å°Ĩ":102238,"åĪĨ为":102239,"éĿĴå²Ľ":102240,"纷纷":102241,"ä»ĬæĹ¥":102242,"平衡":102243,"å¹³æĸ¹ç±³":102244,"éĤ£ç§į":102245,"åĩºçĶŁ":102246,"éĿĴæĺ¥":102247,"人群":102248,"人工":102249,"ä¹ĭä¸ĭ":102250,"æ¹ĸåĮĹ":102251,"åľ¨æŃ¤":102252,"åįļ士":102253,"æĹ¶åĪ»":102254,"æ²³åĮĹ":102255,"æĶ¾å¼ĥ":102256,"éĢļéģĵ":102257,"森æŀĹ":102258,"çĸĨ":102259,"æķ¸":102260,"èĬ³":102261,"æīĵåĩ»":102262,"æĽ¹":102263,"åĮĸåѦ":102264,"æĥ³è±¡":102265,"ä¸ĩ人":102266,"è´¢ç»ı":102267,"åħĥç´ł":102268,"ä¼ļ计":102269,"åħ¨ä½ĵ":102270,"æĦĽ":102271,"é«ĺä¸Ń":102272,"æľºéģĩ":102273,"å£°éŁ³":102274,"æĹħè¡Į":102275,"浩":102276,"æŁ±":102277,"å°ijå¹´":102278,"åĽ½å¤ĸ":102279,"èijĹåIJį":102280,"çĶŁåŃĺ":102281,"å§ľ":102282,"带é¢Ĩ":102283,"é¢ľèī²":102284,"ä¸Ĭä¸ĭ":102285,"产ä¸ļéĵ¾":102286,"æĽ´å¥½çļĦ":102287,"å²Ń":102288,"ä¼ĺæĥł":102289,"便æĺ¯":102290,"åħ§å®¹":102291,"ä¸Ģåıª":102292,"çIJ´":102293,"梦æĥ³":102294,"ç§Łèµģ":102295,"å¼ĢåIJ¯":102296,"è´Ńçī©":102297,"åĮħåIJ«":102298,"åĪ©çİĩ":102299,"èµ·äºĨ":102300,"æľīåĬĽ":102301,"éĤ£éĩĮ":102302,"审æī¹":102303,"对æīĭ":102304,"çݰéĩij":102305,"天çĦ¶":102306,"çĽĴ":102307,"çν":102308,"å¿ħçĦ¶":102309,"åĮĸå·¥":102310,"ä¸ĵåĪ©":102311,"åķ¡":102312,"å¼Ģå¿ĥ":102313,"人ä½ĵ":102314,"éģĵ士":102315,"æĢģ度":102316,"空è°ĥ":102317,"æĭĽåķĨ":102318,"å§»":102319,"第äºĶ":102320,"æ£Ĵ":102321,"ä¸Ģç³»åĪĹ":102322,"å᱿ľº":102323,"转åıĺ":102324,"åľºæīĢ":102325,"鸣":102326,"æĪ¿éĹ´":102327,"é̼":102328,"è¯ķçĤ¹":102329,"对å¤ĸ":102330,"åĩºåı°":102331,"åľ¨è¿Ļ":102332,"åİĤå®¶":102333,"巨大":102334,"ç®Ģä»ĭ":102335,"çľĭäºĨ":102336,"åħļ建":102337,"æĮĩæĮ¥":102338,"çŁ³æ²¹":102339,"ä¸įåı¯èĥ½":102340,"èݲ":102341,"ä¸į太":102342,"åĪĽæĦı":102343,"第ä¸Ģ个":102344,"è´µå·ŀ":102345,"è¿ĩäºĨ":102346,"æľ¬æĿ¥":102347,"éģĵå¾·":102348,"çŃĶæ¡Ī":102349,"é϶":102350,"ä¸Ģè·¯":102351,"èĤĸ":102352,"æ¸ħæ´ģ":102353,"æľīæľº":102354,"åIJįåįķ":102355,"æĿ±":102356,"åij¼åIJ¸":102357,"ä¸Ī":102358,"ç¦ı建":102359,"è¯ķéªĮ":102360,"å¼ķåıij":102361,"ä¹Łæ²¡":102362,"ä¸įä½ı":102363,"çĨŁæĤī":102364,"èIJ¬":102365,"ä¸įèī¯":102366,"çłĸ":102367,"èĩ´åĬĽ":102368,"çŃ¾è®¢":102369,"åIJĬ":102370,"侯":102371,"çĺ¦":102372,"å§ijå¨ĺ":102373,"æĸ¤":102374,"妻åŃIJ":102375,"æĺ¥èĬĤ":102376,"çά":102377,"æĽĿ":102378,"çĥŃæĥħ":102379,"éķ¿æ²Ļ":102380,"èIJ¥éĢł":102381,"éħ·":102382,"éĵĿ":102383,"åŁºæľ¬ä¸Ĭ":102384,"åij¨åĽ´":102385,"ä»Ģ麼":102386,"认åı¯":102387,"åĪĨåŃIJ":102388,"ä¸Ģæĸ¹éĿ¢":102389,"è½´":102390,"å¼·":102391,"马ä¸Ĭ":102392,"éĽ¾":102393,"èĩ£":102394,"å°¿":102395,"çĶŁæĦı":102396,"å®īå¾½":102397,"ç¥ŀç»ı":102398,"åĩºå¸Ń":102399,"èį¯åĵģ":102400,"çIJĨçͱ":102401,"åįıåIJĮ":102402,"æµģåĬ¨":102403,"åıijåĬ¨":102404,"åĿļå®ļ":102405,"表æĺİ":102406,"åIJİéĿ¢":102407,"ä¹īåĬ¡":102408,"å¦ĸ":102409,"æľīåı¯èĥ½":102410,"年轻人":102411,"大éĻĨ":102412,"å²³":102413,"ä¸įèµ·":102414,"çŀ¬éĹ´":102415,"ä¸įå¾Ĺä¸į":102416,"çŃ¾çº¦":102417,"åIJĪæł¼":102418,"åħļæĶ¯éĥ¨":102419,"æµİåįĹ":102420,"便åĪ©":102421,"éļıæĹ¶":102422,"å¥ī":102423,"称为":102424,"产æĿĥ":102425,"åIJķ":102426,"çĽĨ":102427,"课åłĤ":102428,"ç·ļ":102429,"æ£ī":102430,"线ä¸ĭ":102431,"èĩªè¡Į":102432,"举æİª":102433,"åݦéŨ":102434,"èĩªä¿¡":102435,"å½±è§Ĩ":102436,"ä»Ķ":102437,"çĶŁæ´»ä¸Ń":102438,"æĿĥçĽĬ":102439,"çϽèī²":102440,"å°±ä¸į":102441,"è¿Ľå±ķ":102442,"æ¯ıæĹ¥":102443,"ä¾Ľç»Ļ":102444,"æĿĥåĪ©":102445,"æĹłæķ°":102446,"çIJĨè´¢":102447,"ä¾ĿæĹ§":102448,"ä¸ĬåįĪ":102449,"è¯ĨåĪ«":102450,"çĽĪåĪ©":102451,"çłĤ":102452,"许åı¯":102453,"åIJĮäºĭ":102454,"åĺĽ":102455,"éģ¸":102456,"çĿĢåĬĽ":102457,"éŨåı£":102458,"ä¸įå¤ļ":102459,"åħ¶æ¬¡":102460,"碧":102461,"çī©çIJĨ":102462,"åĨħå¿ĥ":102463,"çϾå§ĵ":102464,"æĢ»ç»Ł":102465,"å¹²åĩĢ":102466,"积累":102467,"åıįé¦Ī":102468,"æłijç«ĭ":102469,"社交":102470,"ç§©":102471,"åįģä¸Ģ":102472,"éĤĵ":102473,"驱åĬ¨":102474,"å±ķè§Ī":102475,"èĪĴéĢĤ":102476,"åŁºåĽł":102477,"å·®å¼Ĥ":102478,"转让":102479,"å°ıå§IJ":102480,"æł·åŃIJ":102481,"ç¿Ķ":102482,"é«ĺåħ´":102483,"å½±åĵįåĬĽ":102484,"æīĭç»Ń":102485,"缸åIJĮ":102486,"缸åºĶ":102487,"æĻĴ":102488,"è§Ģ":102489,"å¸Ĥå§Ķ":102490,"èĬ¯":102491,"å±ķçݰ":102492,"åľ°çIJĥ":102493,"éĤª":102494,"ä¸Ģå®ļçļĦ":102495,"åħģ许":102496,"ä¿¡ä»»":102497,"æīij":102498,"éĻ¢æł¡":102499,"ç®Ģç§°":102500,"åģļæ³ķ":102501,"ä¹ĭè·¯":102502,"æĹĹä¸ĭ":102503,"èħĶ":102504,"æ¶Ī失":102505,"ä¸ĸçķĮä¸Ĭ":102506,"åŁİ乡":102507,"èĪŀåı°":102508,"å¾Ī大çļĦ":102509,"绣çѹ":102510,"åħ¬å¹³":102511,"èĤ¾":102512,"çļĦ好":102513,"æ±ģ":102514,"çľ¼åīį":102515,"éĽ£":102516,"å¹½":102517,"åħ±äº§":102518,"主åĬŀ":102519,"å¤Ħç½ļ":102520,"åºĻ":102521,"éģĵçIJĨ":102522,"å¼µ":102523,"æİ¥çĿĢ":102524,"çĮİ":102525,"çģĮ":102526,"çͱæŃ¤":102527,"人åĬĽ":102528,"æµģè¡Į":102529,"ä¾ł":102530,"åı¯ä»¥è¯´":102531,"èĴĭ":102532,"å½¢æĢģ":102533,"æĹ¥åŃIJ":102534,"æ¼Ĩ":102535,"çķĻåѦ":102536,"缸éĹľ":102537,"æľĢå¤ļ":102538,"åĩŃåĢŁ":102539,"åħ¬äº¤":102540,"æĮĸæİĺ":102541,"æĿĤå¿Ĺ":102542,"主人":102543,"éļľç¢į":102544,"æł¡éķ¿":102545,"æĸ¹ä½į":102546,"ä¸ĬçıŃ":102547,"å¤ļåħĥ":102548,"èĥģ":102549,"éŃħåĬĽ":102550,"èĮĤ":102551,"åħħç͵":102552,"强大":102553,"çĥ¤":102554,"å¥ĭæĸĹ":102555,"å®ŀç͍":102556,"éĺģ":102557,"ç»ĻäºĨ":102558,"æľ¬ç§ij":102559,"æłĭ":102560,"æĭ¨":102561,"æķĻç»ĥ":102562,"éĥ½çŁ¥éģĵ":102563,"æ¯ķä¸ļçĶŁ":102564,"ç¢Ĺ":102565,"åŀĤ":102566,"讼":102567,"å®ģæ³¢":102568,"åѦèĢħ":102569,"谢谢":102570,"åŁİéķĩ":102571,"æĢİä¹ĪåĬŀ":102572,"éģĶ":102573,"æĪIJ交":102574,"æ½ľåĬĽ":102575,"åį§":102576,"æĸ°å¼Ģ":102577,"éħįå¤ĩ":102578,"主åĬĽ":102579,"åij³éģĵ":102580,"çĥĤ":102581,"é£ŀè¡Į":102582,"å«ģ":102583,"大大":102584,"ç»Ļ大家":102585,"å¤ĸéĿ¢":102586,"éĨī":102587,"åıijè¨Ģ":102588,"æĹ©é¤IJ":102589,"åIJĦèĩª":102590,"å®Ļ":102591,"èį£èªī":102592,"æĬ«éľ²":102593,"é¡ŀ":102594,"åĨħçļĦ":102595,"èĤª":102596,"è¾IJ":102597,"æ³µ":102598,"æĬĽ":102599,"æĺŁæľŁ":102600,"ä¸Ģ带":102601,"çĶŁç´ł":102602,"ç»ıéĶĢ":102603,"åĩ¶":102604,"åľ°ä¸Ĭ":102605,"åij½è¿IJ":102606,"åĵ²":102607,"ä¸Ĭåİ»":102608,"æĸĩçī©":102609,"è¯ij":102610,"æĮ¯åħ´":102611,"éķ¿æĹ¶éĹ´":102612,"ç¥Ń":102613,"åIJĪèĤ¥":102614,"è¿Ŀè§Ħ":102615,"èģª":102616,"ä½İäºİ":102617,"éĢĤå½ĵ":102618,"æľīåºı":102619,"æľ¬ç½ij":102620,"çķĻè¨Ģ":102621,"æĥ³æ³ķ":102622,"çŃ¾ç½²":102623,"å§ļ":102624,"æĢ§æł¼":102625,"èĴĻåı¤":102626,"æŁı":102627,"åŀ«":102628,"åѦåİĨ":102629,"ä»ħä»ħ":102630,"讲è¯Ŀ":102631,"éĶIJ":102632,"æĢĸ":102633,"åīª":102634,"èĭį":102635,"åIJĵ":102636,"强çĥĪ":102637,"åģ¥åħ¨":102638,"çĸ¯":102639,"åı¤ä»£":102640,"å¥Ī":102641,"ä¸įçĦ¶":102642,"乡éķĩ":102643,"æľĭåıĭ们":102644,"åĤħ":102645,"èģ½":102646,"个æĢ§":102647,"æ³ķè§Ħ":102648,"å°ıéķĩ":102649,"çĶ»éĿ¢":102650,"第åħŃ":102651,"網路":102652,"åīįæĻ¯":102653,"åIJ¬è¯´":102654,"ä¼łåªĴ":102655,"æĿ¡ä¾ĭ":102656,"åĪ«çļĦ":102657,"ä¸įæĩĤ":102658,"顾éĹ®":102659,"强度":102660,"éĺ¿éĩĮ":102661,"èµ°åĬ¿":102662,"帽":102663,"çļĦç¡®":102664,"åĮºåĪ«":102665,"éĮ¢":102666,"主管":102667,"ä¸Ģçľĭ":102668,"æĸľ":102669,"åŃĺåľ¨çļĦ":102670,"仲":102671,"åį±å®³":102672,"éĵŃ":102673,"游æĪıä¸Ń":102674,"éħ±":102675,"é¾Ļ头":102676,"人å¿ĥ":102677,"éĢĢä¼ij":102678,"æµıè§Ī":102679,"åĬ«":102680,"éĺ²æ²»":102681,"ç®Ń":102682,"å±Ī":102683,"è¾½å®ģ":102684,"壤":102685,"è¿İæĿ¥":102686,"éŀį":102687,"ç͍æĿ¥":102688,"å¤§åľ°":102689,"ä»°":102690,"éĢļ讯":102691,"å¼Ģå·¥":102692,"裤":102693,"å¦ĤåIJĮ":102694,"骤":102695,"éĺŁåijĺ":102696,"轩":102697,"ç¾İæľ¯":102698,"èĻŁ":102699,"åIJĮä¸Ģ":102700,"åľĸ":102701,"书æ³ķ":102702,"æīĵåį°":102703,"åIJ«æľī":102704,"éĽĨæĪIJ":102705,"éĹ·":102706,"å¸Ĥåľºä¸Ĭ":102707,"æĹģè¾¹":102708,"åľ°æĿ¿":102709,"产çĶŁçļĦ":102710,"粤":102711,"éĩįç»Ħ":102712,"è¡Ģæ¶²":102713,"çŃĭ":102714,"åĬŀäºĭ":102715,"常è§ģçļĦ":102716,"ä¸ĬåįĬå¹´":102717,"å±ıå¹ķ":102718,"åIJīæŀĹ":102719,"å·©":102720,"åĸľçα":102721,"ç¿ł":102722,"ä¸īç§į":102723,"æ¡Ĩæŀ¶":102724,"举èİŀ":102725,"çĶĺèĤĥ":102726,"èĬ¬":102727,"åĽ¾ä¹¦":102728,"åĩ¤åĩ°":102729,"æ°ĶåĢĻ":102730,"å°´":102731,"å°¬":102732,"两天":102733,"è¾ħ导":102734,"åĢŁæ¬¾":102735,"æĹ¥èµ·":102736,"æ´Ĵ":102737,"ä¸Ģ度":102738,"è¹Ī":102739,"æ½Ń":102740,"æīĩ":102741,"çĻľ":102742,"æĸ°åħ´":102743,"åĤ²":102744,"诸å¤ļ":102745,"è´ª":102746,"éĻ·åħ¥":102747,"èĪŁ":102748,"èĤºçĤİ":102749,"ä¸Ģæł·çļĦ":102750,"åİĺ":102751,"åľ°çIJĨ":102752,"æĬķæ³¨":102753,"éļĬ":102754,"åħīä¼ı":102755,"ä¿Ŀåģ¥":102756,"åħĶ":102757,"åħ¬åĬ¡":102758,"æīĵçł´":102759,"çĶ·åŃ©":102760,"åĬ³åĬ¡":102761,"ä½łä¼ļ":102762,"çĶ¨åľ°":102763,"溢":102764,"åıijè¾¾":102765,"èĤļ":102766,"è¿ĩäºİ":102767,"èĩĤ":102768,"éĢĻæ¨£":102769,"轻轻":102770,"ä¸Ńåħ±":102771,"åIJĦåĽ½":102772,"åĶĩ":102773,"å®ŀä¹ł":102774,"èϾ":102775,"æ§½":102776,"ä¸įä¸Ĭ":102777,"åħįçĸ«":102778,"åįłæį®":102779,"å·¥ä¼ļ":102780,"åĽĬ":102781,"èĪªå¤©":102782,"åı¯çα":102783,"æĸĹäºī":102784,"çĺ¤":102785,"å¦Ĥæľī":102786,"éĽĸ":102787,"对æĪij":102788,"åĩºç§Ł":102789,"好çľĭ":102790,"太大":102791,"æ°´åĪ©":102792,"åĬ¿åĬĽ":102793,"åħ¨æ°ij":102794,"ç½¢":102795,"èµ¢å¾Ĺ":102796,"çĶµä¿¡":102797,"车éĹ´":102798,"æĻĤåĢĻ":102799,"å°ijæķ°":102800,"éĵ¸":102801,"åħ³èģĶ":102802,"ä¸įä»ħä»ħ":102803,"为æĤ¨":102804,"åĴ¸":102805,"æľºåĬ¨":102806,"è£Ļ":102807,"åĵįåºĶ":102808,"éģł":102809,"è²·":102810,"ç©´":102811,"å¢ħ":102812,"éĶ¡":102813,"çµĦ":102814,"çģ«è½¦":102815,"è³ĩè¨Ĭ":102816,"åĨ³èµĽ":102817,"污水":102818,"èªŀ":102819,"å´Ľ":102820,"ç´§å¯Ĩ":102821,"缺å°ij":102822,"å¤ļ人":102823,"æĢ»ä¹¦è®°":102824,"éĶĪ":102825,"èijĽ":102826,"å¿ĺè®°":102827,"éĻĮçĶŁ":102828,"éķ¿å¤§":102829,"åħĪè¿ĽçļĦ":102830,"ç¡ħ":102831,"åıijæĺİ":102832,"å©´åĦ¿":102833,"æīİå®ŀ":102834,"èĽĭçϽ":102835,"ä¸ĢçϾ":102836,"缮åħī":102837,"æħĮ":102838,"åĬłæ²¹":102839,"åIJŀ":102840,"ä¸Ģ群":102841,"ä¸Ńä»ĭ":102842,"å¸ĸ":102843,"å¿Į":102844,"èģĮèĥ½":102845,"广æĴŃ":102846,"çĽijå¯Ł":102847,"ç§ĺå¯Ĩ":102848,"çĭ®":102849,"è¿ĻæĿ¡":102850,"éĢ¢":102851,"æĢ¨":102852,"åįģåħŃ":102853,"試":102854,"说åΰ":102855,"åĩĿèģļ":102856,"æĮĩ示":102857,"æ°¢":102858,"å¼ĺ":102859,"éĺĢ":102860,"æĸ©":102861,"éłħ":102862,"ä¸Ģå¼Ģå§ĭ":102863,"æİĴè¡Į":102864,"åľ¨æĪij":102865,"纪å½ķ":102866,"æĬĦ":102867,"æłª":102868,"说æ³ķ":102869,"ä¸Ńèį¯":102870,"好å¤ļ":102871,"åıªä¸įè¿ĩ":102872,"çķĻåľ¨":102873,"个å°ıæĹ¶":102874,"è®¤çŁ¥":102875,"çķ«":102876,"è§ģè¿ĩ":102877,"å°ıå¾®":102878,"ä½Ľå±±":102879,"çľ¾":102880,"讲述":102881,"梳":102882,"ç§°åı·":102883,"æĹ¥æĻļ":102884,"è¢ĸ":102885,"åķ¤":102886,"æľªç»ı":102887,"æľĢæĹ©":102888,"æī®æ¼Ķ":102889,"è¡Ģ管":102890,"纱":102891,"æĥħèĬĤ":102892,"第ä¸ĥ":102893,"æį§":102894,"ä»Ĺ":102895,"æ¿ĢçĥĪ":102896,"æĹłçº¿":102897,"ä¸į容æĺĵ":102898,"å¼Ģå¹ķ":102899,"æĸ°çĶŁ":102900,"ä¸ĵ注":102901,"èij±":102902,"åįĹæµ·":102903,"çĩŁ":102904,"èµ·ä¾Ĩ":102905,"æ´¾åĩº":102906,"åĦĴ":102907,"侨":102908,"è¼ĥ":102909,"åįļè§Ī":102910,"é̾":102911,"åĮĢ":102912,"ç»ıæµİåѦ":102913,"æ¸Ĺ":102914,"ä¿ĿèŃ·":102915,"çīº":102916,"çī²":102917,"çİ«":102918,"çij°":102919,"æľĢåIJİä¸Ģ":102920,"æĶ¿åĬ¡":102921,"æ§Ľ":102922,"èĻķçIJĨ":102923,"éļIJæĤ£":102924,"æī¿åĮħ":102925,"極":102926,"æ¡©":102927,"çĽ²":102928,"导åIJij":102929,"èĩ´å¯Į":102930,"ç¼Ĩ":102931,"æģĭçα":102932,"ä¸įåĬ¨":102933,"ç»Ļ人":102934,"å·¢":102935,"表æĥħ":102936,"举åįĹ":102937,"åĨħå¤ĸ":102938,"è¾ĪåŃIJ":102939,"åıī":102940,"åįļä¼ļ":102941,"åĬŁæķĪ":102942,"渴":102943,"屬":102944,"æİĴéϤ":102945,"éĢĽ":102946,"ä¸Ģä¼ļ":102947,"ä¸įå¼Ģ":102948,"å¼Ģå¥ĸ":102949,"é»ijé¾Ļ":102950,"é»ijé¾Ļæ±Ł":102951,"å¿«ä¸ī":102952,"度åģĩ":102953,"åĿ¤":102954,"éĤ®ä»¶":102955,"æĩĴ":102956,"ä¾Ľç͵":102957,"廣":102958,"好è¯Ħ":102959,"ç§ĺ书éķ¿":102960,"æĪĺåľº":102961,"好å¥ĩ":102962,"ä¾µæĿĥ":102963,"æĨ¾":102964,"æľĢåĪĿ":102965,"æī¹åıij":102966,"åİķ":102967,"è¼ķ":102968,"æŀ¯":102969,"ä¸ļåĨħ":102970,"è´ŃæĪ¿":102971,"ä¸įåľ¨":102972,"纪å§Ķ":102973,"æīĢéľĢ":102974,"å¸Ĥéķ¿":102975,"è³½":102976,"å¼ķæĵİ":102977,"çģµéŃĤ":102978,"éĬĢ":102979,"滤":102980,"çĿIJ":102981,"å¤ļ项":102982,"åĽŀ头":102983,"èīĺ":102984,"å¤įå·¥":102985,"éĥ¨ä»¶":102986,"ç´§ç´§":102987,"æŁIJç§į":102988,"使åħ¶":102989,"æĸ°äºº":102990,"æŀļ":102991,"æ³ķå®ļ":102992,"å·´å·´":102993,"æ¶µçĽĸ":102994,"稻":102995,"æĭ¾":102996,"æĻķ":102997,"轿":102998,"éĢļè¡Į":102999,"åĵĢ":103000,"æ³Ĭ":103001,"温馨":103002,"éĽĨèģļ":103003,"çĨĻ":103004,"åĩij":103005,"åįģä¸ĥ":103006,"æ°Ķæģ¯":103007,"æıIJä¾ĽçļĦ":103008,"æ³³":103009,"奥è¿IJ":103010,"çģ¾å®³":103011,"åĩĢåĮĸ":103012,"è·¨è¶Ĭ":103013,"åĵªæĢķ":103014,"éŁ¿":103015,"å¢ŀæ·»":103016,"çĦĬ":103017,"æ®ĭçĸ¾":103018,"ç¢Į":103019,"æĤĶ":103020,"è§ģè¯ģ":103021,"è¾ĸåĮº":103022,"å¿ĥèĦı":103023,"éļ§":103024,"åį¸":103025,"åı¯èĥ½æĢ§":103026,"æľīè¶£":103027,"åī¯ä¹¦è®°":103028,"åĮĸå¦Ĩ":103029,"ä¿Ĥ":103030,"æ£ļ":103031,"éĨĩ":103032,"带头":103033,"éłĪ":103034,"追究":103035,"æijĶ":103036,"è¿Ļéĥ¨":103037,"ä¸į论":103038,"祸":103039,"å³»":103040,"éģķ":103041,"çĶŁèĤ²":103042,"å¤ł":103043,"å¤ĸ交":103044,"è¯Ħ为":103045,"ä»İå°ı":103046,"å°ıå°ı":103047,"饿":103048,"æĴ¼":103049,"è·¨å¢ĥ":103050,"被åijĬ":103051,"åįĹå®ģ":103052,"身å¿ĥ":103053,"åĨįçĶŁ":103054,"æīĢ说":103055,"æĹ¶éĹ´åĨħ":103056,"åĪĹåħ¥":103057,"éĿĴæµ·":103058,"çα好":103059,"çªĦ":103060,"èĪĪ":103061,"è¿ĩ渡":103062,"æ¿Ł":103063,"éĽĢ":103064,"审议":103065,"åĽ½èµĦ":103066,"æŃ¥ä¼IJ":103067,"轨éģĵ":103068,"信念":103069,"ä¸īåĪĨ":103070,"çĨ¬":103071,"åѵåĮĸ":103072,"ç¼ł":103073,"éĥĬ":103074,"èĪĴæľį":103075,"纪æ£Ģ":103076,"ä¸Ģä¸ĭåŃIJ":103077,"éĽ»è©±":103078,"è²ł":103079,"éĴ¥":103080,"åĮĻ":103081,"çĹ´":103082,"è¶ģ":103083,"绣":103084,"çε":103085,"è½°":103086,"éªĦ":103087,"姨":103088,"æĭĺ":103089,"çĮ´":103090,"è®¶":103091,"è¿Ļ座":103092,"çį¨":103093,"æ·ĺæ±°":103094,"çĹħä¾ĭ":103095,"æ²Ļåıij":103096,"è§Ĩ为":103097,"头æĿ¡":103098,"å¿ħè¦ģçļĦ":103099,"åı¯è°ĵ":103100,"è¯Ŀ说":103101,"ç¯Ħ":103102,"æĹ©çĤ¹":103103,"æŀ¢çº½":103104,"羡":103105,"çĪ±åĽ½":103106,"çªģåıij":103107,"éĢĬ":103108,"æ½į":103109,"èį£èĢĢ":103110,"èŁ¹":103111,"æ¦Ĥçİĩ":103112,"å¾Īä¹ħ":103113,"æĥķ":103114,"訴":103115,"åľĨ满":103116,"çļ±":103117,"åĪĨæ³Į":103118,"åħħè¶³":103119,"çľĭæ³ķ":103120,"è¾Ł":103121,"æĭ¦":103122,"æĭ©":103123,"对åºĶ":103124,"ä¸ºæł¸å¿ĥ":103125,"èħĬ":103126,"å¤ļä¹Ī":103127,"æµij":103128,"å®ıè§Ĥ":103129,"èĦĸ":103130,"åIJĪèµĦ":103131,"çĶŁæ¶¯":103132,"å®ŀè´¨":103133,"ä¼ĺçĤ¹":103134,"çĶ¨æ°´":103135,"寿åij½":103136,"沫":103137,"åIJģ":103138,"詹":103139,"åĽ½éĺ²":103140,"å´©":103141,"åĿİ":103142,"èĨı":103143,"ä¸Ģè½®":103144,"éģĹ产":103145,"æ¹¾åĮº":103146,"ç»İ":103147,"åįķ纯":103148,"æ¾Ħ":103149,"åīįåĪĹ":103150,"身影":103151,"é»ĺé»ĺ":103152,"æįī":103153,"çĴ°":103154,"èıĬ":103155,"æĢľ":103156,"åħĭæĢĿ":103157,"æĢ»å±Ģ":103158,"çĩĥæĸĻ":103159,"ä¸ļæĢģ":103160,"åIJĦæł·":103161,"åĴ½":103162,"åĩºèī²":103163,"åĪĿå¿ĥ":103164,"åıĽ":103165,"çłĶ讨":103166,"è¡«":103167,"åİĨç¨ĭ":103168,"禽":103169,"è¶³å¤ŁçļĦ":103170,"èįĨ":103171,"çľĭå¾ħ":103172,"è´©":103173,"åĨ³å¿ĥ":103174,"裹":103175,"å¸ĪèĮĥ":103176,"åŀĦ":103177,"æĿł":103178,"åĩ¸":103179,"çĬ¹è±«":103180,"çĥŃè¡Ģ":103181,"åIJĪä¼Ļ":103182,"éħµ":103183,"èIJ½åľ¨":103184,"åįłåľ°":103185,"衬":103186,"èĵī":103187,"æĦ¤":103188,"æ¸Ĭ":103189,"åĪĨæķ°":103190,"ç¬ijçĿĢ":103191,"太平":103192,"çĤ«":103193,"æİ¨ä»ĭ":103194,"æĸ¯åĿ¦":103195,"形容":103196,"æĵĬ":103197,"æĦŁåħ´è¶£":103198,"åĨĽäºº":103199,"åĩĮæĻ¨":103200,"对çħ§":103201,"åıijçĹħ":103202,"å·¾":103203,"èĪī":103204,"檢":103205,"ç¬ijäºĨ":103206,"ç¡®è¯Ĭ":103207,"è´ŁåĢº":103208,"壮大":103209,"æĪļ":103210,"äºĴèģĶ":103211,"課":103212,"èħ¦":103213,"æĹ±":103214,"åıĹæ¬¢è¿İ":103215,"åįī":103216,"éϢ士":103217,"æ©¡":103218,"ä¸Ģ对":103219,"è¾±":103220,"æ²Ĥ":103221,"åı²ä¸Ĭ":103222,"æIJı":103223,"å´ĸ":103224,"代谢":103225,"磷":103226,"é¡ĺ":103227,"æµĩ":103228,"常ç͍":103229,"åįij":103230,"åĩºåĽ½":103231,"è¯ł":103232,"稳æŃ¥":103233,"ç»ı纪":103234,"å¤ļå¤ļ":103235,"æīĢå¾Ĺ":103236,"为主é¢ĺ":103237,"ä¸ĢåĪĨ":103238,"æł½":103239,"é¡§":103240,"纲":103241,"åĥħ":103242,"å£ĵ":103243,"åĦª":103244,"ç¿°":103245,"æİĢ":103246,"人为":103247,"媳":103248,"æ´½":103249,"èĿ¶":103250,"å¤įåħ´":103251,"ä¼ļå½±åĵį":103252,"åIJĦçķĮ":103253,"éĤ£ä¸Ģ":103254,"颤":103255,"çĢı":103256,"çĢı覽":103257,"å¯ŀ":103258,"åı¯æĢķ":103259,"åį³æĹ¶":103260,"çķ´":103261,"ä¸ĭåįĬå¹´":103262,"ç¬Ķè®°":103263,"éĻĦåĬł":103264,"çĥŃæ°´":103265,"奸":103266,"ç£ħ":103267,"æĿī":103268,"æ¸ħåįİ":103269,"éĸ±":103270,"ç°¡":103271,"å¤Ħå¤Ħ":103272,"åIJĪéĩij":103273,"æ²³æµģ":103274,"ç´°":103275,"è´ŁéĿ¢":103276,"çļĦ羣å®ŀ":103277,"åĻ¨æ¢°":103278,"èĴIJ":103279,"西äºļ":103280,"å·ħ":103281,"ç²¹":103282,"åİŁæĸĩ":103283,"æŀķ":103284,"è¡Ģåİĭ":103285,"åļ´":103286,"å¸ĺ":103287,"åĨĢ":103288,"æĮ«":103289,"çĶµè·¯":103290,"å°ıä¼Ļä¼´":103291,"èĿ´":103292,"æľĢå¿«":103293,"æĭĮ":103294,"宪":103295,"æĸ·":103296,"ç¿ħ":103297,"åĴ³":103298,"åĹ½":103299,"ç¾ŀ":103300,"èººåľ¨":103301,"èµĽè½¦":103302,"æ²IJ":103303,"éĻIJ度":103304,"为ä¸Ģä½ĵ":103305,"èĴľ":103306,"幫":103307,"æIJħ":103308,"åĭĭ":103309,"åīĸ":103310,"纳ç¨İ":103311,"éķ¿æķĪ":103312,"ç½ķ":103313,"åľ¬":103314,"ç©į":103315,"éĴ©":103316,"ç¹¼":103317,"åĽ½åľŁ":103318,"è¼ī":103319,"ä¸įå¿ĺ":103320,"èŃ¦ç¤º":103321,"çģ¿":103322,"å¿ĥå¾Ĺ":103323,"æĦļ":103324,"忽çķ¥":103325,"åĽŀäºĭ":103326,"åįłæľī":103327,"æ·Ħ":103328,"çī¡":103329,"çĽijäºĭ":103330,"ç¿¡":103331,"éĴĪ对æĢ§":103332,"çªĥ":103333,"製":103334,"èĨĿ":103335,"ç³Ł":103336,"港澳":103337,"太太":103338,"澡":103339,"ç»ĨåĮĸ":103340,"åĶ®åIJİ":103341,"å®ŀåľ¨æĺ¯":103342,"ç«£":103343,"çį²":103344,"å̾åIJij":103345,"å¼ķç͍":103346,"é¹ħ":103347,"ç¬ij容":103348,"ä¹IJè¶£":103349,"æ°ijæĶ¿":103350,"éŨæĪ·":103351,"å±ģ":103352,"迷失":103353,"éĶĮ":103354,"å°ı康":103355,"åĭī":103356,"æ³¼":103357,"ä¾ĭåŃIJ":103358,"ä¸īä½į":103359,"å»ł":103360,"èĶĵ":103361,"广éĺĶ":103362,"èĢį":103363,"èĢģèĻİ":103364,"åĭŁéĽĨ":103365,"èĦļæŃ¥":103366,"æĭ¯":103367,"åŃĹåı·":103368,"çĦ°":103369,"é¢ł":103370,"èļĤ":103371,"èļģ":103372,"飯":103373,"人æĢ§":103374,"æĴ°":103375,"åİ¢":103376,"å±ĢéĻIJ":103377,"æľªæĪIJ":103378,"åĵªåĦ¿":103379,"大åıij":103380,"ä¸įå®ļ":103381,"å¾ģæ±Ĥ":103382,"éĥµ":103383,"åĢºæĿĥ":103384,"çĪ±ä½ł":103385,"èºģ":103386,"ä»ħä¾Ľ":103387,"è¿ľå¤Ħ":103388,"éĨĽ":103389,"åĥµ":103390,"积æŀģæĢ§":103391,"æİ¡":103392,"åīįä¸ī":103393,"äºİä¸Ģä½ĵ":103394,"çŀĦ":103395,"çĿģ":103396,"沸":103397,"åħ±èµ¢":103398,"éĢĢå½¹":103399,"è´Ŀå°Ķ":103400,"æİı":103401,"æĪ²":103402,"è¡į":103403,"éĶĤ":103404,"ä¸ĩä½Ļ":103405,"ç§ijåĪĽ":103406,"æ¼Ķåͱ":103407,"欧åħĥ":103408,"æ·¡æ·¡":103409,"éĿĴå±±":103410,"èĹĿ":103411,"绽":103412,"令çīĮ":103413,"éĽĨ群":103414,"ä½ľçī©":103415,"çĢij":103416,"夯":103417,"ç½ij游":103418,"åħ«å¤§":103419,"éªļ":103420,"èªĵ":103421,"ä¼ļå±ķ":103422,"åħļåı²":103423,"æ£Ģå¯ŁéĻ¢":103424,"åĸĺ":103425,"éĺ±":103426,"èĢĮåĩº":103427,"éĢļ车":103428,"éĴĵ":103429,"æĥħ人":103430,"æ¸Ľ":103431,"ä¸Ńç§ĭ":103432,"çĪŃ":103433,"åıªåī©":103434,"æĺĶ":103435,"éĩİçĶŁ":103436,"ç¡«":103437,"èIJĿåįľ":103438,"æĬµæĬĹ":103439,"çĻ«çĹ«":103440,"éĻĢ":103441,"èĶļ":103442,"å¸ľ":103443,"满满":103444,"èı±":103445,"éļĨéĩį":103446,"æĺŁçº§":103447,"æ½ĩ":103448,"åħ¬åħĥ":103449,"è°£":103450,"æ¯Ķäºļ":103451,"æ¡ĮåŃIJ":103452,"èµ£":103453,"è²¼":103454,"æĦ¿æľĽ":103455,"顽":103456,"æ´¾éģ£":103457,"ç¥Ľ":103458,"åªļ":103459,"éĺľ":103460,"èij«":103461,"èĬ¦":103462,"æ³»":103463,"å¡Į":103464,"çĭŃ":103465,"å»īæĶ¿":103466,"å¥ijæľº":103467,"æĹĹèΰ":103468,"æĥ«":103469,"严åİī":103470,"åıĭæĥħ":103471,"å¦Ĭ":103472,"å¨ł":103473,"åĵªå®¶":103474,"èĨ¨":103475,"è¶Ł":103476,"æĮª":103477,"èĻIJ":103478,"éłģ":103479,"çŀ©":103480,"éºŁ":103481,"稣":103482,"èģĶéĢļ":103483,"åı®":103484,"çİĭèĢħ":103485,"ä¸įç¡®å®ļ":103486,"çijľ":103487,"è°İ":103488,"çī¢è®°":103489,"碼":103490,"æĬ¤èĤ¤":103491,"é¡·":103492,"çĦķ":103493,"åģļ强":103494,"éļ±ç§ģ":103495,"éļ±ç§ģæ¬Ĭ":103496,"åıĹ害":103497,"ä¸įçͱ":103498,"çĥ¹":103499,"饪":103500,"驳":103501,"ä¼½":103502,"ä¸Ŀ绸":103503,"è¥Ħ":103504,"åįģä½Ļ":103505,"éºĹ":103506,"æ¬ĬåĪ©":103507,"èģŀ":103508,"åı¤èĢģ":103509,"éģı":103510,"åIJĦå¼ı":103511,"å°±è¡Į":103512,"åħ¥å¢ĥ":103513,"çĥģ":103514,"èľĺ":103515,"èĽĽ":103516,"纬":103517,"磫":103518,"è»Ł":103519,"æ´Ĺè¡£":103520,"æĦ§":103521,"é¢Ħæ¡Ī":103522,"éľĨ":103523,"æ·±åİļ":103524,"éĺ¿æĭī":103525,"åĨĻåŃĹ":103526,"åį¦":103527,"éķĢ":103528,"æ¨¡æł·":103529,"åĤį":103530,"æIJį":103531,"èĸ¯":103532,"åłħ":103533,"åħ¬ç§¯":103534,"è¨İ":103535,"ä¼łæŁĵ":103536,"毯":103537,"çIJĨå·¥":103538,"åĨ·éĵ¾":103539,"ç«ĭæĸ¹":103540,"æ¢Ń":103541,"åľ£è¯ŀ":103542,"综èīº":103543,"çİ©ç¬ij":103544,"æĥ³ä¸įåΰ":103545,"æijĩ头":103546,"æ·¹":103547,"åģĩæĹ¥":103548,"åĢĺ":103549,"è̽":103550,"èİĵ":103551,"åŁ·":103552,"èĩªè´¸":103553,"åįĬ天":103554,"æªĶ":103555,"æ¾İæ¹ĥ":103556,"éķij":103557,"丫":103558,"éĩĮç¨ĭ":103559,"å¼ĢèįĴ":103560,"èıı":103561,"å®Ŀè´µ":103562,"èѬ":103563,"åķŁ":103564,"æŁł":103565,"檬":103566,"é©Ń":103567,"æ±Ľ":103568,"çĨĬçĮ«":103569,"èķī":103570,"éļıä¹ĭ":103571,"å±ij":103572,"è¾ĥ强":103573,"èĥ³":103574,"èĨĬ":103575,"éĿĻéĿĻ":103576,"åĴª":103577,"æĭĽåij¼":103578,"代è¨Ģ":103579,"ä¿¡ç®±":103580,"è£ħéħį":103581,"æĤį":103582,"åįķ车":103583,"èIJİ":103584,"å¤ļ彩":103585,"éϏ":103586,"ä»İ严":103587,"æ©Ħ":103588,"æ¦Ħ":103589,"éĢ®":103590,"éĩĮæĸ¯":103591,"å§¿æĢģ":103592,"太æŀģ":103593,"éĩĿ":103594,"æºī":103595,"è¿Ń":103596,"秸":103597,"ç§Ĩ":103598,"å·¥å§Ķ":103599,"æ±ķ":103600,"èģĨ":103601,"佬":103602,"ç¼ħ":103603,"ç͏":103604,"åī¯å±Ģéķ¿":103605,"éĹº":103606,"誤":103607,"è¤IJ":103608,"ä¸įéĻIJ":103609,"èħķ":103610,"åijķ":103611,"磶":103612,"åĨľå®¶":103613,"管å§Ķä¼ļ":103614,"饺":103615,"èĬľ":103616,"æ¾Ī":103617,"è©¢":103618,"å¨ģå°¼æĸ¯":103619,"ä½ķåĨµ":103620,"å°ıä¼Ļ":103621,"奢ä¾Ī":103622,"è¿Ļç¯ĩ":103623,"诵":103624,"竳ç¨ĭ":103625,"ç´Ģ":103626,"éIJĺ":103627,"éĤ¢":103628,"ç³Ļ":103629,"ç¼Ģ":103630,"ä¹Ĵ":103631,"ä¹ĵ":103632,"çī¢åĽº":103633,"åĿŀ":103634,"å¼Ī":103635,"ä¾ĭå¤ĸ":103636,"廳":103637,"è§Ħ竳":103638,"èĬĻ":103639,"篷":103640,"躯":103641,"æłĪ":103642,"åĿļå®ŀ":103643,"åŁºå»º":103644,"çĿĢçľ¼":103645,"ç·´":103646,"èij©":103647,"ç¼ļ":103648,"æ¦Ĩ":103649,"主åĭķ":103650,"ç¥Ģ":103651,"äºĴéĢļ":103652,"尤为":103653,"å®Ľ":103654,"骼":103655,"æ±²":103656,"ä¾ĥ":103657,"æĤłä¹ħ":103658,"æij§":103659,"æĭĩ":103660,"é«ĵ":103661,"éºĴ":103662,"éĻĽ":103663,"æŀ¸":103664,"æĿŀ":103665,"è´¬":103666,"å°ıé¾Ļ":103667,"åĵ®":103668,"èĵ¬åĭĥ":103669,"åĮĪ":103670,"çķľçī§":103671,"娩":103672,"个å¤ļ":103673,"æ²¥":103674,"æĺ§":103675,"çĦļ":103676,"æĬijéĥģ":103677,"çĸ¡":103678,"èĺij":103679,"éģİç¨ĭ":103680,"橱":103681,"éĿĵ":103682,"大çIJĨ":103683,"髦":103684,"åĪĨ辨":103685,"渤":103686,"çĸ¤":103687,"åĬ¨èĥ½":103688,"å¼łå®¶":103689,"ä¸ĩåįĥ":103690,"滥":103691,"饥":103692,"åºŁå¼ĥ":103693,"帳":103694,"æ¼³":103695,"è±IJ":103696,"ä»ij":103697,"å«ī":103698,"å¦Ĵ":103699,"çŀĴ":103700,"è¡ħ":103701,"çĭ¸":103702,"å¾ģç¨ĭ":103703,"éĤ¯":103704,"éĥ¸":103705,"ç¥Ī":103706,"祷":103707,"è¶´":103708,"ç»ĵæŀĦæĢ§":103709,"è§ĨåIJ¬":103710,"è¬Ŀ":103711,"çĴĢ":103712,"çĴ¨":103713,"åĩºå¤Ħ":103714,"è¯Ģ":103715,"å¾ĺ":103716,"å¾Ĭ":103717,"羨":103718,"åĸĩ":103719,"åıŃ":103720,"åĺ²":103721,"çķ¸":103722,"å¹²äºĭ":103723,"æļ§":103724,"æ²Ľ":103725,"åĦĦ":103726,"å»ĵ":103727,"åİ¿éķ¿":103728,"èĥļ":103729,"çIJ¢":103730,"çŃ·":103731,"éĩĭ":103732,"ä¾®":103733,"åIJ©":103734,"åĴIJ":103735,"åĮ¿":103736,"æĬ¬èµ·":103737,"æ³£":103738,"涤":103739,"麽":103740,"æĽĻ":103741,"åī¯éĻ¢éķ¿":103742,"åħļåĴĮ":103743,"æķ£åıij":103744,"润æ»ij":103745,"åĵº":103746,"æĥ¬":103747,"漫éķ¿":103748,"ä¸įæĩĪ":103749,"åŁł":103750,"åĹĵ":103751,"èĢģçĪ·":103752,"讽":103753,"æĪĺç»ĦåIJĪ":103754,"æ£ł":103755,"åħ¨åŁŁ":103756,"èł¢":103757,"诡":103758,"åīįçŀ»":103759,"æķĽ":103760,"ä¸Ģå°ģ":103761,"å¹Ĥ":103762,"èİĨ":103763,"è¯Ŀè¯Ń":103764,"ç»ĨåĪĻ":103765,"屿":103766,"åµĮ":103767,"éĢį":103768,"åĺ±":103769,"渲":103770,"çĥ¯":103771,"çĿ¹":103772,"é¦Ĵ":103773,"èħ¥":103774,"æĬĹåĩ»":103775,"çĿ«":103776,"èįĶ":103777,"éļİ":103778,"æ³īæ°´":103779,"è¬Ĥ":103780,"çĤ¬":103781,"åĩıæİĴ":103782,"è¸Ĭ":103783,"è·»":103784,"æ·Į":103785,"éľ¾":103786,"å¥ĩ纳":103787,"å¯Ŀ":103788,"æ¤İ":103789,"æŁ¬":103790,"æĸ¯åŁº":103791,"åħ¬ç«ĭ":103792,"è¨ĵ":103793,"é£Ļ":103794,"é©¿":103795,"åĤµ":103796,"èĽĻ":103797,"ç¯ĩ竳":103798,"åĪĨæĶ¯":103799,"ä¸Ĭå¹´":103800,"çŃĿ":103801,"缤":103802,"èĢģæĹ§":103803,"åϬ":103804,"æľ¦":103805,"èĥ§":103806,"æ¶Īè²»":103807,"æĵĶ":103808,"榴":103809,"æ¿Ĵ":103810,"糯":103811,"泸":103812,"æįĨ":103813,"ç»ļ":103814,"èµİ":103815,"çIJIJ":103816,"èµĤ":103817,"æħ®":103818,"æ²Į":103819,"çĦĻ":103820,"æĴŃæĬ¥":103821,"æ·ĩ":103822,"åĪĩåħ¥":103823,"çijķ":103824,"çĸµ":103825,"éģ´":103826,"ç¨ļ":103827,"ç©©":103828,"èŀĥ":103829,"æ£ķ":103830,"æĨ§":103831,"æĨ¬":103832,"伺":103833,"æ¯Ĺ":103834,"æįį":103835,"æĬī":103836,"ç´Ĭ":103837,"å¼Ľ":103838,"æĭŃ":103839,"æĹıèĩªæ²»":103840,"åĿ·":103841,"ç«¶":103842,"詳":103843,"è¿Ħä»Ĭ":103844,"è°´":103845,"çŀŃè§£":103846,"æŁ¿":103847,"é¢Ĭ":103848,"ç°§":103849,"çĥŁèĬ±":103850,"ä¾¥":103851,"çĿ¦":103852,"éħĿ":103853,"æ°ĵ":103854,"çIJī":103855,"å§Ĭ":103856,"æ²®":103857,"æħ·":103858,"èľķ":103859,"çijļ":103860,"éĩĩçŁ¿":103861,"åł°":103862,"åºķèķ´":103863,"èĨ³":103864,"è¾ķ":103865,"éŁŃ":103866,"åĴĻ":103867,"ç²½":103868,"åīĶ":103869,"沦":103870,"èĤ´":103871,"éķ¶":103872,"æĺ¼":103873,"è¾Ĺ":103874,"婪":103875,"åĮ®":103876,"æĸĵ":103877,"æ±¶":103878,"éĥ´":103879,"éł»":103880,"çªĴ":103881,"袱":103882,"åĽ±":103883,"èĢĺ":103884,"èļĮ":103885,"çĭĻ":103886,"çĹ¹":103887,"ç¥ī":103888,"æı®":103889,"æ·Ĩ":103890,"ç£ĭ":103891,"éĺª":103892,"æ«":103893,"ã¸":103894,"϶":103895,"ãij":103896,"ð£²":103897,"ä¢":103898,"ãŃ":103899,"ð¬¨":103900,"ð¬Ģ":103901,"ð¬®":103902,"ð¬¯":103903,"ð¬ľ":103904,"ðª¨":103905,"ð«Ĺ":103906,"ð¬Ĭ":103907,"ð¬±":103908,"ð¬Ł":103909,"äİ":103910,"ð¡":103911,"äĥ":103912,"ãł":103913,"ð©":103914,"ð©¾":103915,"ð¬º":103916,"ð¬Ļ":103917,"ãĢĶ":103918,"ãĢķ":103919,"çļĦæĹ¶åĢĻ":103920,"æľīéĻIJåħ¬åı¸":103921,"ä¹ĭåIJİ":103922,"ä¸ļåĬ¡":103923,"åķĬ":103924,"èϽçĦ¶":103925,"æĭ¥æľī":103926,"äºĴèģĶç½ij":103927,"éĤ£äºĽ":103928,"ä½łçļĦ":103929,"åĨ³å®ļ":103930,"éϤäºĨ":103931,"åĽ¢éĺŁ":103932,"åı¯æĺ¯":103933,"以åIJİ":103934,"社åĮº":103935,"çļĦéĹ®é¢ĺ":103936,"å¹¶ä¸Ķ":103937,"æķĻå¸Ī":103938,"å°±ä¼ļ":103939,"天空éĥ¨èIJ½":103940,"æľĢç»Ī":103941,"å½ĵçĦ¶":103942,"ä¹Łæľī":103943,"ç¡®ä¿Ŀ":103944,"æĥ³è¦ģ":103945,"è´Ńä¹°":103946,"人çļĦ":103947,"åIJ´":103948,"çļĦåıijå±ķ":103949,"ä¸įçŁ¥éģĵ":103950,"软件":103951,"æĪij们çļĦ":103952,"çζæ¯į":103953,"åīij":103954,"èĢĮæĺ¯":103955,"å®īæİĴ":103956,"åIJİæĿ¥":103957,"çļĦåľ°æĸ¹":103958,"èµµ":103959,"èĢĥè¯ķ":103960,"çªģçĦ¶":103961,"ä¸Ģå®ļè¦ģ":103962,"åĪ¶ä½ľ":103963,"è¯Ħä»·":103964,"åħįè´¹":103965,"è´¹ç͍":103966,"绣ä¸Ģ":103967,"çĦ¶èĢĮ":103968,"è¿Ļ次":103969,"éĿĴå¹´":103970,"人类":103971,"亦":103972,"让人":103973,"è´Łè´£äºº":103974,"éĩĩåıĸ":103975,"çļĦäºĭæĥħ":103976,"ä¹Łä¼ļ":103977,"车è¾Ĩ":103978,"æĽ´æĺ¯":103979,"强åĮĸ":103980,"æĪijåĢij":103981,"以åīį":103982,"ä¼ĺåĮĸ":103983,"å§Ķåijĺä¼ļ":103984,"åĽ°éļ¾":103985,"年度":103986,"ä½įäºİ":103987,"æĮĩåĩº":103988,"åĨῬ¡":103989,"åĬŀçIJĨ":103990,"æ¯ı个":103991,"对æĸ¹":103992,"è¿Ľè¡ĮäºĨ":103993,"æľĢé«ĺ":103994,"课ç¨ĭ":103995,"身ä¸Ĭ":103996,"æĽ¾ç»ı":103997,"åĮ»çĶŁ":103998,"å®īè£ħ":103999,"æľ±":104000,"è¿IJè¡Į":104001,"åıĮæĸ¹":104002,"æľĢ大çļĦ":104003,"æŀĦ建":104004,"è¿ŀç»Ń":104005,"çļĦå°ı":104006,"她çļĦ":104007,"çŃīçŃī":104008,"æĶ¹åĸĦ":104009,"åIJĦç±»":104010,"éģĩåΰ":104011,"æľīçĿĢ":104012,"人çī©":104013,"æĢ»æĺ¯":104014,"è¿ħéĢŁ":104015,"åζå®ļ":104016,"å®ĥ们":104017,"å®ĺç½ij":104018,"è¿ĺè¦ģ":104019,"ç»Īäºİ":104020,"æĪ¿åľ°äº§":104021,"è¯ģæĺİ":104022,"èĤ¡ç¥¨":104023,"åºĶå½ĵ":104024,"èĭ±åĽ½":104025,"è¿IJç͍":104026,"æľĢæĸ°":104027,"享åıĹ":104028,"让æĪij":104029,"æĻļä¸Ĭ":104030,"å¾ŀ":104031,"å°ı说":104032,"å°¤åħ¶æĺ¯":104033,"è®Ńç»ĥ":104034,"åħ¨å¸Ĥ":104035,"æĮijæĪĺ":104036,"æľīçĤ¹":104037,"带çĿĢ":104038,"çļĦä¸ľè¥¿":104039,"é£İæł¼":104040,"é»Ħéĩij":104041,"å¼ķ导":104042,"æŃ¤å¤ĸ":104043,"æľĢè¿ij":104044,"追æ±Ĥ":104045,"强è°ĥ":104046,"ä¹Łåı¯ä»¥":104047,"æĦŁåΰ":104048,"èĩªæĪij":104049,"çī¹åĪ«æĺ¯":104050,"æĪIJéĥ½":104051,"éĢIJæ¸IJ":104052,"å¿«ä¹IJ":104053,"ä¹ĭä¸Ń":104054,"æĬķèµĦèĢħ":104055,"ä»ĸ们çļĦ":104056,"æ°ı":104057,"å·¥ä½ľäººåijĺ":104058,"äºĨä¸Ģ个":104059,"åķ¦":104060,"ä¸ĢåĢĭ":104061,"åŁºå±Ĥ":104062,"æ²ŁéĢļ":104063,"第ä¸Ģ次":104064,"并没æľī":104065,"çļĦå·¥ä½ľ":104066,"åľ¨è¿ĻéĩĮ":104067,"æŀª":104068,"æĶ¯æĴij":104069,"æĹ¶å°ļ":104070,"æĿ¥åΰ":104071,"æĶ¶è´Ń":104072,"éĿ©åij½":104073,"æĺ¯ä¸įæĺ¯":104074,"讨论":104075,"ä¸ļ绩":104076,"å°±èĥ½":104077,"ç«ĭåį³":104078,"è¡Ĺéģĵ":104079,"åľ¨ä¸Ģèµ·":104080,"æľĪ份":104081,"é«ĺ端":104082,"å¾Īéļ¾":104083,"ä¿Ħç½Ĺæĸ¯":104084,"æīĭ段":104085,"åģļåĩº":104086,"ä¼Ĺå¤ļ":104087,"å®ŀè¡Į":104088,"æīĵå¼Ģ":104089,"游客":104090,"ä¾ĿçĦ¶":104091,"å°±åĥı":104092,"离å¼Ģ":104093,"说éģĵ":104094,"æĸ°èĥ½æºIJ":104095,"溪":104096,"äºķ":104097,"令人":104098,"ä¸Ģåľº":104099,"æĪijæĥ³":104100,"两人":104101,"èĩ³å°ij":104102,"çļĦçĶŁæ´»":104103,"æĺ¯ä¸ª":104104,"èĭ±è¯Ń":104105,"æ²Ĵæľī":104106,"æĢĿèĢĥ":104107,"éĻIJåζ":104108,"åı°æ¹¾":104109,"ä¸ĢæĹ¦":104110,"çļĦä¸Ģ个":104111,"é«ĺ级":104112,"åĬŀåħ¬å®¤":104113,"å¾·åĽ½":104114,"æĪijå°±":104115,"å®ļä½į":104116,"éĢĤåºĶ":104117,"æĮĩæłĩ":104118,"åħ¨çľģ":104119,"ä¸Ĭè¿°":104120,"å®ĥçļĦ":104121,"åĽŀå®¶":104122,"欧洲":104123,"éĵģè·¯":104124,"é¼ĵåĬ±":104125,"çļĦå½±åĵį":104126,"é«ĺæł¡":104127,"天ä¸ĭ":104128,"é«ĺè´¨éĩı":104129,"æĿŃå·ŀ":104130,"èµĦ讯":104131,"æĶ¾åľ¨":104132,"æľīä¸Ģ个":104133,"å°±è¦ģ":104134,"ä¸ĬéĿ¢":104135,"è§£éĩĬ":104136,"éĢIJæŃ¥":104137,"尽管":104138,"æľīä»Ģä¹Ī":104139,"çļĦäºĭ":104140,"çĻ»è®°":104141,"人æ°ijå¸ģ":104142,"è§Ĥä¼Ĺ":104143,"è§Ĥå¯Ł":104144,"ç͵èĦij":104145,"çļĦåIJĮæĹ¶":104146,"ä½ľä¸ļ":104147,"宣å¸ĥ":104148,"çļĦä½ľç͍":104149,"åĽŀæĿ¥":104150,"éļ¾ä»¥":104151,"æīĢæľīçļĦ":104152,"å°ıåѦ":104153,"æıIJåīį":104154,"æ¤įçī©":104155,"åĩ¯":104156,"ä¸ĬäºĨ":104157,"å°±åľ¨":104158,"åħĪåIJİ":104159,"æīĭæľ¯":104160,"éĥŃ":104161,"éĿ¢åīį":104162,"æ¯ķ竣":104163,"äºĮæĺ¯":104164,"红èī²":104165,"éĺ³åħī":104166,"èĭ¹æŀľ":104167,"å¾Īå¤ļ人":104168,"ç»ĻæĪij":104169,"åĵ¦":104170,"çľ¼çĿĽ":104171,"éłŃ":104172,"ä¸Ģæĺ¯":104173,"åıijå±ķçļĦ":104174,"åıįåºĶ":104175,"æĪ¿å±ĭ":104176,"æľŁå¾ħ":104177,"ç§įæ¤į":104178,"æĸĩåѦ":104179,"åį³åı¯":104180,"é¦ĸ次":104181,"èĭ±éĽĦ":104182,"å¤ļ次":104183,"åĮħè£ħ":104184,"æ²³åįĹ":104185,"ä¹ĭéĹ´çļĦ":104186,"ä»įçĦ¶":104187,"åIJ¬åΰ":104188,"èij£äºĭéķ¿":104189,"è§ĦåĪĻ":104190,"ä¸Ģ份":104191,"大ä¼Ĺ":104192,"使å¾Ĺ":104193,"è¿Ľåı£":104194,"ä¸Ģçīĩ":104195,"æĢ§çļĦ":104196,"çļĦ大":104197,"æĪijæĺ¯":104198,"äºĴåĬ¨":104199,"æ°£":104200,"çļĨ":104201,"åħ¬åı¸çļĦ":104202,"ä¸Ģè¾¹":104203,"åıĬåħ¶":104204,"èī¯å¥½çļĦ":104205,"æĭĵå±ķ":104206,"å½ĵå¹´":104207,"å¹¿åľº":104208,"åģļäºĨ":104209,"åŁºäºİ":104210,"æıIJéĨĴ":104211,"åħĦå¼Ł":104212,"èĢģæĿ¿":104213,"è¿ijæĹ¥":104214,"çĬ¶åĨµ":104215,"注éĩį":104216,"åĪļåĪļ":104217,"è°ĥçłĶ":104218,"å¿ĥä¸Ń":104219,"æĬĬæı¡":104220,"éļıåIJİ":104221,"ä¸įå¤Ł":104222,"åĪĽä½ľ":104223,"ç«Ļåľ¨":104224,"缸äºĴ":104225,"çĸ«æĥħéĺ²æİ§":104226,"年代":104227,"带åĬ¨":104228,"伤害":104229,"竣çĦ¶":104230,"å¼ķè¿Ľ":104231,"累计":104232,"让æĪij们":104233,"åĽŀæĶ¶":104234,"æĬ¥åIJį":104235,"åĬ©åĬĽ":104236,"èģĶ缣":104237,"çŃĸçķ¥":104238,"åij¨è¾¹":104239,"åĭĴ":104240,"è¿ĺåľ¨":104241,"æµģéĩı":104242,"寻æī¾":104243,"ç͵åĬĽ":104244,"èιèζ":104245,"è¿ĺèĥ½":104246,"æĭħä»»":104247,"çļĦæĥħåĨµä¸ĭ":104248,"çļĦåİŁåĽł":104249,"缺ä¹ı":104250,"çIJĥåijĺ":104251,"å²ģçļĦ":104252,"çĶ·åŃIJ":104253,"å·¥èµĦ":104254,"è¿ijå¹´æĿ¥":104255,"åijĢ":104256,"æıIJä¾ĽäºĨ":104257,"她们":104258,"å®¶åħ·":104259,"çĩķ":104260,"è½»æĿ¾":104261,"æł¡åĽŃ":104262,"èĢĥæł¸":104263,"åį±éĻ©":104264,"åħļç»Ħç»ĩ":104265,"æĢ»ç»ıçIJĨ":104266,"çļĦæĸ°":104267,"çİ»çĴĥ":104268,"è¿Ļä½į":104269,"对æŃ¤":104270,"家人":104271,"çļĦè¦ģæ±Ĥ":104272,"温度":104273,"æĮĩæķ°":104274,"缴åΰ":104275,"æŃ¤æĹ¶":104276,"æ¹ĸåįĹ":104277,"éĥ½è¦ģ":104278,"ä½ľåĩº":104279,"åIJĦä½į":104280,"èĢĥçĶŁ":104281,"ä¾Ŀæį®":104282,"说è¯Ŀ":104283,"æĪijä¹Ł":104284,"å·¥åİĤ":104285,"åıĺæĪIJ":104286,"ä»ĸ人":104287,"æĪijè§īå¾Ĺ":104288,"åIJĦ级":104289,"ä¼łå¥ĩç§ģæľį":104290,"ä¸Ĭåįĩ":104291,"好åĥı":104292,"åĬłéĢŁ":104293,"äºĮåįģ":104294,"è¢ģ":104295,"è£ħ饰":104296,"éĥ½èĥ½":104297,"ä¸Ģå¼ł":104298,"åĬ¨æĢģ":104299,"å¹´çļĦ":104300,"è¿Ļå°±æĺ¯":104301,"ä¹Łè¦ģ":104302,"èµĦæł¼":104303,"æĪĺäºī":104304,"æĦŁè°¢":104305,"åŁ¹èĤ²":104306,"天æ°Ķ":104307,"女士":104308,"åı¯èĥ½ä¼ļ":104309,"çļĦ产åĵģ":104310,"ä¹Łå°±":104311,"主è¦ģæĺ¯":104312,"åĪºæ¿Ģ":104313,"ç»Ļä½ł":104314,"大æķ°æį®":104315,"åĮ»åѦ":104316,"åΤæĸŃ":104317,"ä»ĸ说":104318,"表æ¼Ķ":104319,"äºļæ´²":104320,"ä¸ĵé¢ĺ":104321,"ç«ŀäºīåĬĽ":104322,"éĤ£æł·":104323,"å±ķå¼Ģ":104324,"å¹³æĹ¶":104325,"æİ¥ä¸ĭæĿ¥":104326,"æī¿è¯º":104327,"æ³ķåĽ½":104328,"åħ³å¿ĥ":104329,"ä¼ļæľī":104330,"éĤĢ请":104331,"é¢Ħéĺ²":104332,"对æİ¥":104333,"好äºĨ":104334,"åĴ±ä»¬":104335,"çļĦæĦŁè§ī":104336,"æĢĿè·¯":104337,"éĥ½æ²¡æľī":104338,"çļĦæĸ¹æ³ķ":104339,"女åŃIJ":104340,"åı¸æ³ķ":104341,"è¿ĺä¼ļ":104342,"è¶ĬæĿ¥è¶Ĭå¤ļ":104343,"åĽłçĤº":104344,"æµ·åįĹ":104345,"人æķ°":104346,"å°Ĩä¼ļ":104347,"ä¸ļ主":104348,"é¤IJ饮":104349,"å±ħä½ı":104350,"åıijåĩº":104351,"è¿ijæľŁ":104352,"å¼ķé¢Ĩ":104353,"æľºåĻ¨äºº":104354,"åĩºæĿ¥çļĦ":104355,"çľĭè§ģ":104356,"ä¿Ĭ":104357,"让ä»ĸ":104358,"ä¸įæĥ³":104359,"å·¥ä½ľçļĦ":104360,"è¡¥åħħ":104361,"æµħ":104362,"çī¹å¾ģ":104363,"ä¸Ĭå¸Ĥåħ¬åı¸":104364,"ç¾İé£Ł":104365,"广西":104366,"æ¯ıä¸Ģ个":104367,"èIJ½åľ°":104368,"åĵģç§į":104369,"åĴĮè°IJ":104370,"å½»åºķ":104371,"é«ĺèĢĥ":104372,"æĺ¨å¤©":104373,"åīįå¾Ģ":104374,"çĽijæµĭ":104375,"çĻ¾åº¦":104376,"åľ¨ä¸ŃåĽ½":104377,"çļĦéľĢæ±Ĥ":104378,"亿ç¾İåħĥ":104379,"åŃ¦æľ¯":104380,"æĶ¶åΰ":104381,"æĿ¿åĿĹ":104382,"ä¸Ģ段":104383,"æŀĦæĪIJ":104384,"ä¼ģä¸ļçļĦ":104385,"表éĿ¢":104386,"æķ´çIJĨ":104387,"ç»ĵå©ļ":104388,"人家":104389,"åģľæŃ¢":104390,"åѦç§ij":104391,"æĺ¾å¾Ĺ":104392,"ä¼ijæģ¯":104393,"é¢ĦæľŁ":104394,"æĪĸæĺ¯":104395,"çļĦ主è¦ģ":104396,"åºĶ对":104397,"èµ°äºĨ":104398,"ä¸ŃéĹ´":104399,"èµ°è¿Ľ":104400,"åijĪçݰ":104401,"æIJŃéħį":104402,"é¹ı":104403,"æĺ¯åĽłä¸º":104404,"æĥħ绪":104405,"å®ļæľŁ":104406,"社ä¼ļ主ä¹ī":104407,"çŃī级":104408,"çŁĽçĽ¾":104409,"é£ŀæľº":104410,"èĩ³ä»Ĭ":104411,"æĶ¶éĽĨ":104412,"çļĦæķħäºĭ":104413,"åĪĩå®ŀ":104414,"å®ŀçݰäºĨ":104415,"å½¢æĪIJäºĨ":104416,"åįĹæĸ¹":104417,"ä¸ŃåѦ":104418,"æµ·æ´ĭ":104419,"åIJ¦åĪĻ":104420,"æĭįæijĦ":104421,"大åѦçĶŁ":104422,"åĩºçݰäºĨ":104423,"æĦıå¤ĸ":104424,"ä¹Łèĥ½":104425,"çļĦèĥ½åĬĽ":104426,"åĿIJåľ¨":104427,"åĪĻæĺ¯":104428,"èĢĥå¯Ł":104429,"å°Ĭéĩį":104430,"éĺ²æŃ¢":104431,"ç´§å¼ł":104432,"读书":104433,"åĩºè¡Į":104434,"å°±æľī":104435,"å±¥è¡Į":104436,"çݰ代åĮĸ":104437,"åĽ½åĬ¡":104438,"åĽ½åĬ¡éĻ¢":104439,"ç»´ä¿®":104440,"åİŁåĪĽ":104441,"æĺ¯æĮĩ":104442,"ä¼ijéĹ²":104443,"çĤ®":104444,"æĸ°æĹ¶ä»£":104445,"éĢĻåĢĭ":104446,"ä¸įæķ¢":104447,"å®Įç¾İ":104448,"ç»ĨèĬĤ":104449,"éŃı":104450,"èͬèıľ":104451,"é¢Ĩ导çıŃåŃIJ":104452,"è¶ħ级":104453,"è¡Įæĥħ":104454,"人工æĻºèĥ½":104455,"åį°åº¦":104456,"åŁºç¡Ģ设æĸ½":104457,"åıĪæĺ¯":104458,"èį¯çī©":104459,"åIJ¸æĶ¶":104460,"åį´æĺ¯":104461,"éĥİ":104462,"å¥ĸåĬ±":104463,"çļĦæľĭåıĭ":104464,"ä¿ĿçķĻ":104465,"è§Ħå¾ĭ":104466,"æĸ°çĸĨ":104467,"è¿ĺåı¯ä»¥":104468,"æİ¥è¿ij":104469,"æŃ¤åīį":104470,"æī¹åĩĨ":104471,"æĢİä¹Īæł·":104472,"çļĦä½įç½®":104473,"ä¸ĢåĿĹ":104474,"æĭĴç»Ŀ":104475,"顾客":104476,"ä¹Łåľ¨":104477,"ä¸ĢçĶŁ":104478,"éĥ¨éĺŁ":104479,"å¹´åīį":104480,"æĸ¹éĿ¢çļĦ":104481,"å°Ŀè¯ķ":104482,"羣æŃ£çļĦ":104483,"ç¦ģæŃ¢":104484,"è¿ĺ没æľī":104485,"æ°ijçĶŁ":104486,"èµ°åIJij":104487,"èĦ¸ä¸Ĭ":104488,"å½ĵ天":104489,"éĽĨåĽ¢åħ¬åı¸":104490,"çļĦä¸Ģç§į":104491,"西æĸ¹":104492,"åĽŀåºĶ":104493,"ä¸Ģ声":104494,"常常":104495,"æıIJåΰ":104496,"èħ¾è®¯":104497,"æľįè£ħ":104498,"为ä½ķ":104499,"äºijåįĹ":104500,"å°±ç®Ĺ":104501,"ä¼łæī¿":104502,"åıįèĢĮ":104503,"ä¸ĩåIJ¨":104504,"财产":104505,"å¦Ĥä¸ĭ":104506,"æĹ¥åīį":104507,"åİŁæľ¬":104508,"æľĢéĩįè¦ģçļĦ":104509,"认è¯ģ":104510,"ä¸Ģéģĵ":104511,"ä¿¡æģ¯åĮĸ":104512,"å¾ĹåΰäºĨ":104513,"é̲è¡Į":104514,"æĪijè¦ģ":104515,"éĢļä¿¡":104516,"室åĨħ":104517,"èµļéĴ±":104518,"æĶ¶èĹı":104519,"è§£åĨ³æĸ¹æ¡Ī":104520,"æĪ¿äº§":104521,"çĭ¼":104522,"æ´»åĬĽ":104523,"ç»ıæµİåıijå±ķ":104524,"çŃīå¾ħ":104525,"ä¹Łå¾Ī":104526,"åĿij":104527,"å¾Ī好çļĦ":104528,"éļ¾åº¦":104529,"ä¸įå¦Ĥ":104530,"人æ°ijæĶ¿åºľ":104531,"åĩºåıij":104532,"åīįæľŁ":104533,"æ¼Ķåijĺ":104534,"女çĶŁ":104535,"èģļçĦ¦":104536,"审计":104537,"é¢Ħæµĭ":104538,"ä¾Ŀæīĺ":104539,"äºĶå¹´":104540,"补贴":104541,"æ¸ħæĻ°":104542,"éªĤ":104543,"çľĭèµ·æĿ¥":104544,"çļĦåŃ©åŃIJ":104545,"é¢ijéģĵ":104546,"ä½ıå®ħ":104547,"éĿ¢åIJij":104548,"æľĢä½İ":104549,"æĹ¢çĦ¶":104550,"ä¸Ģå¥Ĺ":104551,"æķ°åѦ":104552,"群ä½ĵ":104553,"åĮĹ京å¸Ĥ":104554,"å±ħçĦ¶":104555,"æ°ĽåĽ´":104556,"éĢĶå¾Ħ":104557,"çļĦåŁºç¡Ģä¸Ĭ":104558,"èģĮè´£":104559,"åı¯èĥ½æĺ¯":104560,"åĨĽäºĭ":104561,"æĪIJæķĪ":104562,"åŃ©åŃIJ们":104563,"计ç®Ĺæľº":104564,"赤":104565,"产ä¸ļåıijå±ķ":104566,"巨大çļĦ":104567,"工人":104568,"çĶŁéķ¿":104569,"éĥ½åı¯ä»¥":104570,"çļĦæľºä¼ļ":104571,"èµĦè´¨":104572,"çĹĽèĭ¦":104573,"ç²īä¸Ŀ":104574,"å¢ĵ":104575,"å¹³å®ī":104576,"管éģĵ":104577,"è·ŁçĿĢ":104578,"é¥®é£Ł":104579,"åķĨå®¶":104580,"å¤ļå®¶":104581,"åı¸æľº":104582,"åºĶ该æĺ¯":104583,"éĢıéľ²":104584,"认å®ļ":104585,"è¡Įä¸ļçļĦ":104586,"çļĦä¼ģä¸ļ":104587,"æ¯ıä¸Ģ":104588,"èĮĥåĽ´åĨħ":104589,"è¾ĥ大":104590,"è´¤":104591,"å¤§èµĽ":104592,"å¤ļäºĨ":104593,"鸿":104594,"临åºĬ":104595,"åľ¨è¿Ļ个":104596,"çļĦåĨħ容":104597,"éĶĢéĩı":104598,"å¾Īå°ij":104599,"åŃŁ":104600,"ç»´æĮģ":104601,"åĴĸåķ¡":104602,"æľ¬åľ°":104603,"èī²å½©":104604,"å¹¶éĿŀ":104605,"èĢĮå·²":104606,"温æļĸ":104607,"èIJ§":104608,"æĬĵä½ı":104609,"èĢĮä¸įæĺ¯":104610,"åĸĬ":104611,"çļĦåħ³ç³»":104612,"çī©åĵģ":104613,"éĤ£æĺ¯":104614,"åĨľäº§åĵģ":104615,"è¿ĻæĹ¶":104616,"å©ļå§»":104617,"æ°´æŀľ":104618,"æĶ¶èİ·":104619,"ä»ĺåĩº":104620,"客æĪ·ç«¯":104621,"æ¼Ķåĩº":104622,"åħ¨æĸ°":104623,"è¿Ļä¹Łæĺ¯":104624,"æĺ¯çͱ":104625,"è§Ĥ念":104626,"æľī个":104627,"éĢłåŀĭ":104628,"èĥľåĪ©":104629,"ä¸īæĺ¯":104630,"è¶ħå¸Ĥ":104631,"åħļå»ºå·¥ä½ľ":104632,"æĶ¾å¿ĥ":104633,"线路":104634,"æĭĽçĶŁ":104635,"åIJĥé¥Ń":104636,"è½ī":104637,"å°½éĩı":104638,"è§ģåΰ":104639,"åIJĮæ¯Ķå¢ŀéķ¿":104640,"åįİ为":104641,"æĪijå¸Ĥ":104642,"æıIJåĩºäºĨ":104643,"æ°ijèѦ":104644,"åįļçī©":104645,"åįļçī©é¦Ĩ":104646,"è¯ļä¿¡":104647,"åīįéĿ¢":104648,"山西":104649,"è¾ħåĬ©":104650,"转移":104651,"æĽ´ä¸º":104652,"丰å¯ĮçļĦ":104653,"åį¢":104654,"å¿«éĢĴ":104655,"æĺ¾èijĹ":104656,"çī©èµĦ":104657,"åĪ°è¾¾":104658,"æľīåĪ©äºİ":104659,"åijĨ":104660,"åŃ©åŃIJçļĦ":104661,"ä¸įä½Ĩ":104662,"çłĶç©¶éĻ¢":104663,"çͳæĬ¥":104664,"æļ¨":104665,"æ°ijéĹ´":104666,"åį»":104667,"çļĦå£°éŁ³":104668,"å¸ĤåľºçļĦ":104669,"ä¸Ģåı¥":104670,"çľģ级":104671,"æĿ¥çļĦ":104672,"åĵªä¸ª":104673,"æīįä¼ļ":104674,"åĪĨéħį":104675,"èĶ¡":104676,"ä»ĸåľ¨":104677,"åħ±æľī":104678,"å¡ĺ":104679,"èĴĤ":104680,"éľį":104681,"åıĤè§Ĥ":104682,"ä¸Ī夫":104683,"ä¾ĿéĿł":104684,"æľīæĹ¶":104685,"äºĨå¾Īå¤ļ":104686,"ä¸ĸçķĮæĿ¯":104687,"å®¶æĹı":104688,"ä¸įéľĢè¦ģ":104689,"大å¸Ī":104690,"èŀįåħ¥":104691,"éĿŀæ³ķ":104692,"çĹħ人":104693,"åIJİæľŁ":104694,"大家éĥ½":104695,"ç½ijåĿĢ":104696,"åİŁæĸĻ":104697,"ä¾¿å®ľ":104698,"æ¶Ľ":104699,"ä»¿ä½Ľ":104700,"å·®è·Ŀ":104701,"åı¦ä¸Ģæĸ¹éĿ¢":104702,"产åĵģçļĦ":104703,"赫":104704,"æĥħåĨµä¸ĭ":104705,"éĴ¢éĵģ":104706,"æľ¬ç«Ļ":104707,"纳åħ¥":104708,"å·²æľī":104709,"æľī没æľī":104710,"估计":104711,"é£ĺ":104712,"æľŁè´§":104713,"åĢĭ人è³ĩæĸĻ":104714,"ä¸ĵä¸ļçļĦ":104715,"çĪĨåıij":104716,"èĩ´åĬĽäºİ":104717,"çİ°åľ¨çļĦ":104718,"æľīåĵªäºĽ":104719,"çł´åĿı":104720,"æķ°åŃĹåĮĸ":104721,"åľ°éĿ¢":104722,"é»ijèī²":104723,"å¹¼åĦ¿åĽŃ":104724,"çļĦç²¾ç¥ŀ":104725,"äºŃ":104726,"导æ¼Ķ":104727,"çݰæľī":104728,"æŃ¦åύ":104729,"èĭıå·ŀ":104730,"çİĦ":104731,"æ±Łè¥¿":104732,"延伸":104733,"论æĸĩ":104734,"è¾ĥ为":104735,"çİ©æ³ķ":104736,"é¼İ":104737,"åIJĮæŃ¥":104738,"éĩĬæĶ¾":104739,"æĽĿåħī":104740,"åĿļåĨ³":104741,"å§Ķæīĺ":104742,"å°Ĩåľ¨":104743,"äºĪ以":104744,"ä½ľæĸĩ":104745,"èĢĮåľ¨":104746,"ä¼ĺåħĪ":104747,"åĽŀåİ»":104748,"ä¿®å¤į":104749,"åĽ½åĨħå¤ĸ":104750,"çŃĸåĪĴ":104751,"åıijæĶ¾":104752,"å¿ĥæĥħ":104753,"çļĦåİĨåı²":104754,"éĿ¢è¯ķ":104755,"举åĮĹ":104756,"ä¿¡åı·":104757,"ç²®é£Ł":104758,"è¯ģ书":104759,"æŁIJäºĽ":104760,"è¿IJä½ľ":104761,"åĨ²åĩ»":104762,"çĥŃçĤ¹":104763,"æĹ¶æĹ¶":104764,"æĹ¶æĹ¶å½©":104765,"åľ°çĤ¹":104766,"ä¸Ģä½ĵåĮĸ":104767,"éļ¾é¢ĺ":104768,"æĽ°":104769,"ç«ĭåĪ»":104770,"æĺ¯éĿŀ常":104771,"åħ±åĴĮ":104772,"åħ±åĴĮåĽ½":104773,"æ¿ĢåĬ±":104774,"æľīæķĪçļĦ":104775,"å¤Ħç½®":104776,"该åħ¬åı¸":104777,"æ£ĢéªĮ":104778,"èѦæĸ¹":104779,"è´¾":104780,"äºĨä¸Ģä¸ĭ":104781,"ä»ĬåIJİ":104782,"çħ®":104783,"ç͍åĵģ":104784,"读èĢħ":104785,"æĪijåľ¨":104786,"åĽŀå¤į":104787,"ä¸Ģ座":104788,"è¿ĺ没":104789,"å®ļåζ":104790,"没æĥ³åΰ":104791,"夹":104792,"ä¼łéĢĴ":104793,"ä¸Ģ款":104794,"强大çļĦ":104795,"çļĦè¡Į为":104796,"å¤ı天":104797,"åıijåĬ¨æľº":104798,"é¢ĨåŁŁçļĦ":104799,"å®ŀéªĮ室":104800,"ä¸ĢæĬĬ":104801,"æĺ¯ä¸ºäºĨ":104802,"éĻķ西":104803,"æĭħä¿Ŀ":104804,"è¾¾æĪIJ":104805,"è¦ģæĺ¯":104806,"æĺİ天":104807,"ç»Ļä»ĸ":104808,"建ç«ĭäºĨ":104809,"ä¸įè¡Į":104810,"ä¸Ńæĸĩ":104811,"åľ°è¯´":104812,"åIJİçļĦ":104813,"çĽijæİ§":104814,"é̏":104815,"æĢ»éĥ¨":104816,"æľ¬æĸĩ":104817,"鹿":104818,"æĻ¯è§Ĥ":104819,"çļĦ缮æłĩ":104820,"èĽĩ":104821,"åĨ¯":104822,"ä¸ŃåĮ»":104823,"æķĪåºĶ":104824,"产éĩı":104825,"åŃĿ":104826,"è´¦æĪ·":104827,"è¿Ŀåıį":104828,"èij£äºĭä¼ļ":104829,"äº¬ä¸ľ":104830,"责任ç¼ĸè¾ij":104831,"åķıé¡Į":104832,"çαå¿ĥ":104833,"èŃ¦å¯Ł":104834,"é¤IJåİħ":104835,"å¸ĤæĶ¿åºľ":104836,"天天":104837,"æĸ°é²ľ":104838,"éĥijå·ŀ":104839,"è¶ħè¶Ĭ":104840,"å½Ń":104841,"çŁ¥è¯Ĩ产æĿĥ":104842,"åĽŀå¿Ĩ":104843,"路线":104844,"å»īæ´ģ":104845,"éĿĴå°ijå¹´":104846,"åıĸå¾ĹäºĨ":104847,"çľĭåΰäºĨ":104848,"馬":104849,"ç²¾åĵģ":104850,"åľ°éĵģ":104851,"æĮģæľī":104852,"ä¸ĭäºĨ":104853,"æľīæĹ¶åĢĻ":104854,"ä¸Ģ人":104855,"æĴĴ":104856,"ä»Ķç»Ĩ":104857,"èĢģåħ¬":104858,"äºĭå®ŀä¸Ĭ":104859,"èģĶèµĽ":104860,"ä¾ĽåºĶéĵ¾":104861,"é¢Ħç®Ĺ":104862,"åζéĢłä¸ļ":104863,"å®īåħ¨çĶŁäº§":104864,"俱ä¹IJ":104865,"俱ä¹IJéĥ¨":104866,"çļĦæł¸å¿ĥ":104867,"æīĵç®Ĺ":104868,"å½±çīĩ":104869,"æIJŃ建":104870,"ä¹Łä¸įä¼ļ":104871,"æĭħå½ĵ":104872,"å±ĤéĿ¢":104873,"åѦåijĺ":104874,"临æĹ¶":104875,"缸ç»ĵåIJĪ":104876,"对æ¯Ķ":104877,"ä»ĸæĺ¯":104878,"æĸ°åĮº":104879,"è¿Ľåİ»":104880,"çϾ年":104881,"ä¿©":104882,"尽快":104883,"ç͵åŃIJåķĨåĬ¡":104884,"æĽ´æľī":104885,"æ¸ħçIJĨ":104886,"åı¦ä¸Ģ个":104887,"åĤ»":104888,"ä»Ģä¹Īæł·çļĦ":104889,"æĺ¯æľĢ":104890,"åij¨å¹´":104891,"å¾Ī容æĺĵ":104892,"åĽ¢ç»ĵ":104893,"ç´Ħ":104894,"æĹ©å·²":104895,"çļĦåıĺåĮĸ":104896,"éľŀ":104897,"æĹ¥ä¸ĬåįĪ":104898,"失åİ»":104899,"ä¸Ńåľĭ":104900,"çļĦä¸ĢäºĽ":104901,"å°ıåŃ©":104902,"ä¸ĭè·Į":104903,"éĶ»çĤ¼":104904,"éij":104905,"éij«":104906,"å¿ĹæĦ¿èĢħ":104907,"èĤ¡å¸Ĥ":104908,"èµĽäºĭ":104909,"许åı¯è¯ģ":104910,"åı¯æĮģç»Ń":104911,"åijĬè¯īè®°èĢħ":104912,"éĢ»è¾ij":104913,"å¼ķåħ¥":104914,"çļĦè¿ĩç¨ĭä¸Ń":104915,"è§Ĩè§ī":104916,"èĩªæ²»åĮº":104917,"è¯ģæį®":104918,"è£ħç½®":104919,"第ä¸īæĸ¹":104920,"å¹´æĿ¥":104921,"å¹¿ä¸ľçľģ":104922,"带æĿ¥äºĨ":104923,"éķ¿æ±Ł":104924,"访éĹ®":104925,"å·®ä¸įå¤ļ":104926,"æĺ¯æĪij":104927,"éģŃéģĩ":104928,"æĬĵ好":104929,"é«ĺè¾¾":104930,"å¹¶åľ¨":104931,"èĩªè§ī":104932,"ä¾ĽåºĶåķĨ":104933,"æĥħæĦŁ":104934,"ä½ıäºĨ":104935,"çļĦèģĮä¸ļ":104936,"çļĩå¸Ŀ":104937,"西éĥ¨":104938,"åĴĮå¹³":104939,"çļĦåĬĽéĩı":104940,"汪":104941,"åħħåĪĨåıijæĮ¥":104942,"æĬķè¯ī":104943,"èµ·åΰ":104944,"äºĴ缸":104945,"æ¾³éŨ":104946,"æİ¥åΰ":104947,"æ°´æ³¥":104948,"模åŀĭ":104949,"ä¸ĢåįĬ":104950,"ç§©åºı":104951,"æĪijä»¬åľ¨":104952,"æī¿è®¤":104953,"ä¸Ģéĥ¨åĪĨ":104954,"åįłæ¯Ķ":104955,"å¦ĩ女":104956,"ç²ĺ":104957,"äºĨè§£åΰ":104958,"ä¸Ģå®ļä¼ļ":104959,"åIJĦ大":104960,"èµ°åĩº":104961,"为大家":104962,"é«ĺéĵģ":104963,"åı¯ä»¥åľ¨":104964,"ä½Ĩåľ¨":104965,"çĶŁæĢģçݯå¢ĥ":104966,"èı¯":104967,"çļĦä»·æł¼":104968,"麻çĥ¦":104969,"æ¿Ģåıij":104970,"éĤ£å°±":104971,"çļĦæł·åŃIJ":104972,"为æŃ¤":104973,"å¤©åľ°":104974,"çļĦ缮çļĦ":104975,"åĢºåΏ":104976,"å·²ç¶ĵ":104977,"åĽĽå¤§":104978,"åIJĮæĹ¶ä¹Ł":104979,"å½¼æŃ¤":104980,"æĭ¿åΰ":104981,"åIJ«éĩı":104982,"åįģ大":104983,"éļ¾éģĵ":104984,"å¼Ĺ":104985,"ä¸Ģ段æĹ¶éĹ´":104986,"çħ§é¡¾":104987,"æķ°æį®æĺ¾ç¤º":104988,"æĪIJ为äºĨ":104989,"èµ°åΰ":104990,"æľ¬åħ¬åı¸":104991,"ç»Ī端":104992,"ä¹Łä¸įæĺ¯":104993,"头åıij":104994,"大约":104995,"é£İæĻ¯":104996,"æ¶ĪèĢĹ":104997,"å®¡æŁ¥":104998,"äºīåıĸ":104999,"æ³ķæ²»":105000,"äºĭçī©":105001,"ç¼ĵè§£":105002,"æĥ¨":105003,"缸åºĶçļĦ":105004,"çļĦæķĪæŀľ":105005,"åıįå¤į":105006,"åıijçĶŁäºĨ":105007,"éĢĻäºĽ":105008,"ç»ĥä¹ł":105009,"åݨæĪ¿":105010,"å¼Ģæĭĵ":105011,"欣èµı":105012,"夫妻":105013,"ä¸įä¸Ģæł·":105014,"产èĥ½":105015,"èĬ¯çīĩ":105016,"è¦ģç´ł":105017,"åıį对":105018,"çİĩåħĪ":105019,"è´§çī©":105020,"æĹ¥ç͵":105021,"ä½ľå®¶":105022,"æĶ¹è¿Ľ":105023,"æĪIJåĪĨ":105024,"åĽłèĢĮ":105025,"åĩıèĤ¥":105026,"æ½ĺ":105027,"å±±ä¸ľçľģ":105028,"åĬĿ":105029,"åŁĭ":105030,"æŃ¦è£ħ":105031,"æ±ĩæĬ¥":105032,"ä¸Ģ个æľĪ":105033,"çĥŃéŨ":105034,"大éģĵ":105035,"æ´»åĭķ":105036,"éĥ½å¾Ī":105037,"çĶµæ¢¯":105038,"ç´§æĢ¥":105039,"åĢºåĬ¡":105040,"客æľį":105041,"ä¸Ģéĥ¨":105042,"ä½łæĺ¯":105043,"çݰçĬ¶":105044,"æŃ£ç¡®çļĦ":105045,"ä¹ĭå¤Ħ":105046,"ç¼ĸåζ":105047,"ä½łåı¯ä»¥":105048,"çŃīåľ°":105049,"èİī":105050,"对è¯Ŀ":105051,"æ·ĺå®Ŀ":105052,"è°ĥèĬĤ":105053,"æİĴæĶ¾":105054,"åºĵåŃĺ":105055,"ç´ļ":105056,"çļĦä¼ĺåĬ¿":105057,"æĿĥå¨ģ":105058,"以ä¸ĭç®Ģç§°":105059,"ä¸Ģ项":105060,"èģļéĽĨ":105061,"ä¼łç»ŁçļĦ":105062,"æ··åIJĪ":105063,"è¿Ļä¸ĢçĤ¹":105064,"ä¸Ģçľ¼":105065,"æĹłéĻIJ":105066,"èİ·å¾ĹäºĨ":105067,"éĢīæīĭ":105068,"åζåĵģ":105069,"åįıä½ľ":105070,"çĭ¬çī¹çļĦ":105071,"ä¸Ģ级":105072,"è¿Ļ个éĹ®é¢ĺ":105073,"æĸĮ":105074,"æĺ¯æĪij们":105075,"æķĮ人":105076,"æ¸ħæ´Ĺ":105077,"ä¸ĢçĽ´åľ¨":105078,"å°ıç±³":105079,"çļĦè¿ĩç¨ĭ":105080,"åľ¨åĮĹ京":105081,"ä¸ĢæĶ¯":105082,"æĹ©ä¸Ĭ":105083,"æĸĩèīº":105084,"ç¦ıåĪ©":105085,"é£Łç͍":105086,"æĦŁåĬ¨":105087,"åħ¨ç¨ĭ":105088,"æĶ¯åĩº":105089,"æĸ°å»º":105090,"å¸ķ":105091,"æĺ¾çĦ¶":105092,"羣çļĦæĺ¯":105093,"æĸ°éĹ»ç½ij":105094,"èĥ½åIJ¦":105095,"åįıåĬ©":105096,"亲èĩª":105097,"å¾Īæľī":105098,"çϼå±ķ":105099,"æĦı大":105100,"æĦı大åĪ©":105101,"ç͵ç½ij":105102,"æĹ¥çĽĬ":105103,"çĨ±":105104,"èĤĮèĤ¤":105105,"çĶ·æĢ§":105106,"ç»Ħ建":105107,"çŃīéĹ®é¢ĺ":105108,"æ¶ĪéϤ":105109,"æĬ¤çIJĨ":105110,"å¡ijæĸĻ":105111,"ä¹Įåħĭ":105112,"ä¹Įåħĭåħ°":105113,"åķĨæłĩ":105114,"çIJ³":105115,"æĸ°æīĭ":105116,"çļĦçī¹çĤ¹":105117,"åĴ¬":105118,"å½ĵä¸ĭ":105119,"设计å¸Ī":105120,"èµĶåģ¿":105121,"第åįģ":105122,"æĻºèĥ½åĮĸ":105123,"å¼ĢåıijåĮº":105124,"åı¯ä»¥éĢļè¿ĩ":105125,"åħ±äº§åħļ":105126,"åİī害":105127,"ç쵿´»":105128,"æĹ¶åħī":105129,"éĥ¨ä½į":105130,"人æĸĩ":105131,"è¿ĽæĿ¥":105132,"ä¹ĭæīĢ以":105133,"ä¸īåįģ":105134,"çļĦåѦçĶŁ":105135,"éĺ²æĬ¤":105136,"åĽ½äº§":105137,"æ·±åľ³å¸Ĥ":105138,"éĤ£å°±æĺ¯":105139,"åΰä½į":105140,"çľĹ":105141,"çľĹæĻ®":105142,"å®ŀæĹ¶":105143,"åı°çģ£":105144,"èĢĮä¸į":105145,"æĮĩå®ļ":105146,"åĿĿ":105147,"èħIJè´¥":105148,"çī¹å®ļ":105149,"å¢ŀéĢŁ":105150,"æłĩçѾ":105151,"æĪ¿ä»·":105152,"æĦģ":105153,"贯彻èIJ½å®ŀ":105154,"æĢ§è´¨":105155,"çłĶç©¶çĶŁ":105156,"ç¾İ容":105157,"æī¹è¯Ħ":105158,"究竣":105159,"人åĬĽèµĦæºIJ":105160,"éĸĭå§ĭ":105161,"åĽŀå½Ĵ":105162,"èIJ¥åķĨ":105163,"èIJ¥åķĨçݯå¢ĥ":105164,"ä¸ŃåĽ½äºº":105165,"çļĦåŁºæľ¬":105166,"è¯Ŀé¢ĺ":105167,"æłĩåĩĨåĮĸ":105168,"西èĹı":105169,"åĭ¾":105170,"çļĦ设计":105171,"ç®ĢåįķçļĦ":105172,"å¤įåζ":105173,"æ¸IJæ¸IJ":105174,"以å¤ĸ":105175,"èģĶåĬ¨":105176,"两次":105177,"æĢ§åĴĮ":105178,"æĽ´å¤§":105179,"çļĦåIJįåŃĹ":105180,"飦":105181,"ä½łè¦ģ":105182,"å¢ĥå¤ĸ":105183,"æĹ©æľŁ":105184,"åĪĿæŃ¥":105185,"è´¦åı·":105186,"害æĢķ":105187,"æĺ¨æĹ¥":105188,"åĪļæīį":105189,"ç¥ŀç§ĺ":105190,"ç²¾å¿ĥ":105191,"æµģéĢļ":105192,"åħ¨æĸ¹ä½į":105193,"以å¾Ģ":105194,"ä¹Łå°Ĩ":105195,"æĺ¯ä¸ŃåĽ½":105196,"åĽ½å®¶çº§":105197,"å°ĨåĨĽ":105198,"æijĬ":105199,"æľĢ为":105200,"第ä¸ĢæĹ¶éĹ´":105201,"æ¶Īæ¯Ĵ":105202,"å°Ĩäºİ":105203,"å¨ģèĥģ":105204,"èĭ±æĸĩ":105205,"æīĭä¸Ń":105206,"çIJĥè¿·":105207,"è§Ĥçľĭ":105208,"离å©ļ":105209,"æľ¬åľŁ":105210,"åĪĨæķ£":105211,"æĻ´":105212,"è¦ģ注æĦı":105213,"浪费":105214,"管æİ§":105215,"åĩºåĶ®":105216,"æĢ»è£ģ":105217,"ä¸Ģéĺµ":105218,"å¨ĩ":105219,"äºĶ个":105220,"å½ĵåĪĿ":105221,"çºłçº·":105222,"ä¸ĵç͍":105223,"å¤ĩæ¡Ī":105224,"åĪĿæľŁ":105225,"å®ĥæĺ¯":105226,"åĮºåĿĹ":105227,"åĮºåĿĹéĵ¾":105228,"大è¿ŀ":105229,"è¿Ļç±»":105230,"åıĺæĪIJäºĨ":105231,"éĤĦæĺ¯":105232,"åįļ客":105233,"çı¾åľ¨":105234,"ä¸Ģæĸ¹":105235,"å®ĮæĪIJäºĨ":105236,"è¿Ļ个æĹ¶åĢĻ":105237,"åħ¨å¹´":105238,"ä¸Ĭ线":105239,"ç½IJ":105240,"ç«ŀèµĽ":105241,"åĩºçīĪ社":105242,"åĵ¥åĵ¥":105243,"寫":105244,"å¾Ĺ以":105245,"èĬ±åĽŃ":105246,"äºĨèµ·æĿ¥":105247,"èĦ±è´«æĶ»åĿļ":105248,"çļĦåİŁåĪĻ":105249,"讲解":105250,"æ¶ĪåĮĸ":105251,"æįŁå®³":105252,"æļĤæĹ¶":105253,"å¾ĹçŁ¥":105254,"éĢĤç͍":105255,"éŨåºĹ":105256,"解读":105257,"æĻ®åıĬ":105258,"人æ°ijæ³ķéĻ¢":105259,"åī¯ä¸»ä»»":105260,"å¿ĥçģµ":105261,"è¯ĬæĸŃ":105262,"ç¾İ女":105263,"æŁ¯":105264,"年以æĿ¥":105265,"æ´»è·ĥ":105266,"åĢŁåĬ©":105267,"åħ±å»º":105268,"è¯ī讼":105269,"æĶ¾æĿ¾":105270,"çªĹåı£":105271,"ä¼ģæ¥Ń":105272,"åĬłæĭ¿":105273,"åĬłæĭ¿å¤§":105274,"ä¹°äºĨ":105275,"主æµģ":105276,"æĩĤå¾Ĺ":105277,"å°Ĩåħ¶":105278,"éĢıæĺİ":105279,"å·¥ä½ľä¸Ń":105280,"èĤ¡ä»·":105281,"æ¡£æ¡Ī":105282,"没æľīä»»ä½ķ":105283,"åijĬçŁ¥":105284,"å¹´åĪĿ":105285,"æĹ¥ä¸ĭåįĪ":105286,"åİĤåķĨ":105287,"èĬĤå¥ı":105288,"主导":105289,"è£Ŀ":105290,"åħ³éĶ®è¯į":105291,"èģĬ天":105292,"åĨĻä½ľ":105293,"æĶ¹éĿ©å¼ĢæĶ¾":105294,"æľīæľĽ":105295,"éĢļæĬ¥":105296,"èIJĮ":105297,"æĢ»é¢Ŀ":105298,"çŁŃæľŁ":105299,"ä¸Ģçķª":105300,"çĶŁæ´»çļĦ":105301,"åĮĸçļĦ":105302,"æĺ¥å¤©":105303,"è¿Ļåľº":105304,"æĸ°å¼Ģä¼łå¥ĩ":105305,"æĺ¯è¦ģ":105306,"å°ļæľª":105307,"åıĺæĽ´":105308,"ä¸Ģåij¨":105309,"客è§Ĥ":105310,"æĹ¥èĩ³":105311,"é¹°":105312,"çݲ":105313,"å°ĨæĿ¥":105314,"客人":105315,"åıĺéĿ©":105316,"说äºĨ":105317,"åİŁçIJĨ":105318,"èģĮåĬ¡":105319,"åıĪæľī":105320,"ä¸Ģåı¥è¯Ŀ":105321,"æĦŁåıĹåΰ":105322,"ç¬ĶèĢħ":105323,"ç§»æ°ij":105324,"西åįĹ":105325,"ä¹ĥèĩ³":105326,"æŃ£è§Ħ":105327,"åĪĿä¸Ń":105328,"çĬ¬":105329,"å½ĵäºĭ":105330,"å½ĵäºĭ人":105331,"æĪij们è¦ģ":105332,"åħ¥åı£":105333,"éĤ£æĹ¶":105334,"æľīéĻIJ责任":105335,"å°ij女":105336,"è¿Ļä¹Īå¤ļ":105337,"åĪĨåħ¬åı¸":105338,"å®ĩå®Ļ":105339,"çļĦéĢīæĭ©":105340,"å§IJå§IJ":105341,"åıijèµ·":105342,"è»į":105343,"æĽ´å¥½åľ°":105344,"éĻĨç»Ń":105345,"æľ¬æľįåĭĻ":105346,"å«©":105347,"èµ¶ç´§":105348,"èĦĤèĤª":105349,"第äºĮ天":105350,"æĪijä¼ļ":105351,"两ä½į":105352,"æķ²":105353,"åħ¬å®īæľºåħ³":105354,"ç§ijæĬĢåĪĽæĸ°":105355,"尺寸":105356,"è¾IJå°Ħ":105357,"å®ĹæķĻ":105358,"转æį¢":105359,"åĩºçİ°åľ¨":105360,"ä¸Ģé¢Ĺ":105361,"æľŁéĻIJ":105362,"åIJĮåѦ们":105363,"åĮĹæĸ¹":105364,"ä½łå°±":105365,"ä¸Ģ带ä¸Ģè·¯":105366,"èĢģå©Ĩ":105367,"游æĪıçݩ家":105368,"çļĦç»ĵæŀľ":105369,"è¡¥åģ¿":105370,"å¤ĸè´¸":105371,"对å¾ħ":105372,"ç»´çĶŁç´ł":105373,"ç»ıéĶĢåķĨ":105374,"è¿ĺå°Ĩ":105375,"åŃIJ女":105376,"æĽ´é«ĺ":105377,"ä¸į大":105378,"éī´å®ļ":105379,"让ä»ĸ们":105380,"æīĢè°ĵçļĦ":105381,"æŃ»äºĨ":105382,"帮æī¶":105383,"åĵ²åѦ":105384,"以ä¸ĬçļĦ":105385,"çļĦåħ³éĶ®":105386,"æĹ©å°±":105387,"æĬ¥ä»·":105388,"éģµå®Ī":105389,"æī©å¼ł":105390,"æĺ¯å¾Ī":105391,"å¼ĢéĢļ":105392,"æĸ°åĬł":105393,"æĸ°åĬłåĿ¡":105394,"ç¿»è¯ij":105395,"询éĹ®":105396,"é¸Ń":105397,"ä½ĵåĨħ":105398,"两个人":105399,"çι":105400,"éľľ":105401,"乡æĿijæĮ¯åħ´":105402,"çĿ¡è§ī":105403,"å®ĺåijĺ":105404,"åĪĽå§ĭ":105405,"åĪĽå§ĭ人":105406,"ä¼Ĺ人":105407,"åį³ä¾¿":105408,"çĸ«èĭĹ":105409,"ä¼ģä¸ļå®¶":105410,"渣":105411,"ç²¾åĬĽ":105412,"å¤ĸéĥ¨":105413,"èģªæĺİ":105414,"è¿Ļä¹Ł":105415,"å½ķåıĸ":105416,"åĨ²çªģ":105417,"åħ¨èº«":105418,"åŃ£èĬĤ":105419,"忽çĦ¶":105420,"çļĦæĢģ度":105421,"åĤ¨å¤ĩ":105422,"ä¿Ŀåħ»":105423,"çļĦæĥ³æ³ķ":105424,"ä¸Ĭæµ·å¸Ĥ":105425,"æIJºæīĭ":105426,"çļĦä¿¡æģ¯":105427,"åķĨåľº":105428,"çļĦæĢĿæĥ³":105429,"æĿĥåĬĽ":105430,"毫æĹł":105431,"æĢĢåŃķ":105432,"硬件":105433,"åĨħèĴĻåı¤":105434,"æİ¢è®¨":105435,"åħ»çĶŁ":105436,"çļĦ表çݰ":105437,"空ä¸Ń":105438,"æģIJæĢĸ":105439,"å¾Īé«ĺ":105440,"ç»ıæµİ社ä¼ļ":105441,"ä¸ĬæĿ¥":105442,"å»¶ç»Ń":105443,"éĩįå¤į":105444,"éĺ²èĮĥ":105445,"çļĦå½¢å¼ı":105446,"æľĪåºķ":105447,"èĢģ年人":105448,"绿åĮĸ":105449,"å±±åĮº":105450,"æĭ¿åĩº":105451,"æĹħ客":105452,"æĽ´æį¢":105453,"åħ¬ä¸»":105454,"èĬĤ约":105455,"åħ¨åİ¿":105456,"åĽŀæĬ¥":105457,"çIJĨæĢ§":105458,"çĸ¯çĭĤ":105459,"æ¶īå«Į":105460,"åī§æĥħ":105461,"åĨ¬åŃ£":105462,"åIJİç»Ń":105463,"è¿Ļæĺ¯ä¸Ģ个":105464,"æ¼Ķ讲":105465,"ä¸Ģå±Ĥ":105466,"æľīåħ³éĥ¨éŨ":105467,"æĹłå¥Ī":105468,"ç§įç±»":105469,"缸åħ³çļĦ":105470,"æĪĸèĢħæĺ¯":105471,"æī¶æĮģ":105472,"å¤ļæķ°":105473,"çļĦä½ľåĵģ":105474,"ä¸ĭä¸ĢæŃ¥":105475,"å¸ĪåĤħ":105476,"é«ĺéĢŁåħ¬è·¯":105477,"好åıĭ":105478,"ä¼ĺç§ĢçļĦ":105479,"è¿ĽäºĨ":105480,"æģIJæĢķ":105481,"äºĨåIJ§":105482,"大è§Ħ模":105483,"çļĦä¸ĸçķĮ":105484,"æĢĢçĸij":105485,"å··":105486,"åħ´å¥ĭ":105487,"æĪ°":105488,"æĿijéĩĮ":105489,"æľĭåıĭåľĪ":105490,"åĨ¬å¤©":105491,"ä¸Ńåįİ人æ°ij":105492,"åįıåķĨ":105493,"è¯ĦéĢī":105494,"æĹŃ":105495,"å¢ŀåĬłäºĨ":105496,"åıĹ伤":105497,"ä¸ĢèĤ¡":105498,"便æį·":105499,"ä¸ij":105500,"鹤":105501,"å¤ĸè§Ĥ":105502,"å·¥ç¨ĭå¸Ī":105503,"åĴĮåħ¶ä»ĸ":105504,"è¿Ļå°±":105505,"ä¸Ńå°ıä¼ģä¸ļ":105506,"西åĮĹ":105507,"åĽ½æľīä¼ģä¸ļ":105508,"èĭ¥æĺ¯":105509,"åı¯æĥľ":105510,"çĶŁæĹ¥":105511,"åĩ½":105512,"ä¹°åįĸ":105513,"ç¥Ŀç¦ı":105514,"人æ°ij群ä¼Ĺ":105515,"åħīæĺİ":105516,"åħ¬å¯ĵ":105517,"æĺ¯è°ģ":105518,"æĪijçŁ¥éģĵ":105519,"è¯Ńæĸĩ":105520,"æķıæĦŁ":105521,"ä¸įéĶĻçļĦ":105522,"æĿ¥è®²":105523,"æ³¢åĬ¨":105524,"çļĦ第ä¸Ģ":105525,"åľ°éľĩ":105526,"åľ¨åħ¨åĽ½":105527,"骨干":105528,"å®īç½®":105529,"å®¶ç͵":105530,"ä¸İæŃ¤":105531,"ä¸İæŃ¤åIJĮæĹ¶":105532,"åıĹçģ¾":105533,"çĥŃ线":105534,"çļĦæĬĢæľ¯":105535,"æµĭéĩı":105536,"ä¾Ŀèµĸ":105537,"ä¸ŃåĽ½çļĦ":105538,"ç̧":105539,"è¾ĥé«ĺ":105540,"踩":105541,"ä¼ļåľ¨":105542,"建éĢł":105543,"导èĪª":105544,"æĥ³èµ·":105545,"åħ¨ä¸ĸçķĮ":105546,"建æĿIJ":105547,"ç¯Ģ":105548,"çļĦåŁºç¡Ģ":105549,"èĩªåĬ¨åĮĸ":105550,"åīįåIJİ":105551,"çĿ¡çľł":105552,"æİ¨è¡Į":105553,"æį®äºĨè§£":105554,"ä»Ģä¹ĪæĹ¶åĢĻ":105555,"ä¸įåĸľæ¬¢":105556,"çħ¤çĤŃ":105557,"éĤ£ä¹Īå¤ļ":105558,"å¸ĤåľºåĮĸ":105559,"ä¸į管æĺ¯":105560,"ç«ĭåľº":105561,"éĥ½æ²¡":105562,"课é¢ĺ":105563,"æĪij们å°Ĩ":105564,"è¿ĩçļĦ":105565,"åĨįåĬłä¸Ĭ":105566,"çξ":105567,"身æĿIJ":105568,"çͷ女":105569,"è¿ľè¿ľ":105570,"çĶ·çĶŁ":105571,"èĩªèº«çļĦ":105572,"è´Łæĭħ":105573,"çϾä¸ĩ":105574,"西çıŃ":105575,"西çıŃçīĻ":105576,"åĩĢåĪ©æ¶¦":105577,"澳大":105578,"澳大åĪ©äºļ":105579,"ä¸įåİ»":105580,"æī¿åıĹ":105581,"楼çĽĺ":105582,"å¢ĥåĨħ":105583,"æ··åĩĿ":105584,"æ··åĩĿåľŁ":105585,"æĢĿæĥ³æĶ¿æ²»":105586,"å¸ĤåĮº":105587,"æĭĽæłĩ":105588,"åĽ¢ä½ĵ":105589,"è¿Ľåº¦":105590,"åĨĽéĺŁ":105591,"åıįå¼¹":105592,"äºĨä¸ĢäºĽ":105593,"æİ¥å¾ħ":105594,"çļĦåŃ¦ä¹ł":105595,"éħįéĢģ":105596,"é£Łåĵģå®īåħ¨":105597,"æĽ¿ä»£":105598,"æĺ¯ä»¥":105599,"éĢļç͍":105600,"çłĶç©¶æīĢ":105601,"ç¦ħ":105602,"æīĶ":105603,"éļĶ离":105604,"ä¸ĩå¹³æĸ¹ç±³":105605,"çļĦè§Ħå®ļ":105606,"ç»ĻæĪij们":105607,"æ¿Ģåħī":105608,"ä¼ļåĩºçݰ":105609,"çŁŃä¿¡":105610,"ç©¿çĿĢ":105611,"æ²Īéĺ³":105612,"æķĻæĿIJ":105613,"éĺ²çĸ«":105614,"ä¼ĺèī¯":105615,"约å®ļ":105616,"æĪijçľģ":105617,"åħ¬æ°ij":105618,"é쏿ĵ":105619,"é쏿ĵĩ":105620,"å·²æĪIJ为":105621,"ä¸įå¿ħ":105622,"ç¥ĸåĽ½":105623,"å¹¶æľª":105624,"åľŁå£¤":105625,"å¾®ç¬ij":105626,"äºĭä¸ļåįķä½į":105627,"çļĦ游æĪı":105628,"åħ¬ç¤º":105629,"åIJĪçIJĨçļĦ":105630,"çªĿ":105631,"æ°Ķ象":105632,"å®¶ä¸Ń":105633,"äº®çĽ¸":105634,"å᫿ĺŁ":105635,"è®°è½½":105636,"è§Ĩéĩİ":105637,"åľ°åĮºçļĦ":105638,"ä½Ĩä»ĸ":105639,"èĤĮèĤī":105640,"äºıæįŁ":105641,"åĬŀåѦ":105642,"ä¸Ģè¡Į":105643,"è¯ŀçĶŁ":105644,"åıijå¸ĥçļĦ":105645,"çļĦæľįåĬ¡":105646,"çļĦçłĶç©¶":105647,"åij¨æľ«":105648,"产ä¸ļåĽŃ":105649,"é«ĺ温":105650,"æĪIJåĬŁçļĦ":105651,"æŃ¥éª¤":105652,"åŃĺåĤ¨":105653,"åŃIJåħ¬åı¸":105654,"让她":105655,"ä¸Ńæľī":105656,"åĺī宾":105657,"妮":105658,"æĺİå¹´":105659,"äºĨåIJĹ":105660,"äºīè®®":105661,"æĪĪ":105662,"ä¸Ģæľ¬":105663,"ç¾İ丽çļĦ":105664,"ä½łè¯´":105665,"大人":105666,"æĶ»çķ¥":105667,"ä¸įæľĥ":105668,"å¾ħéģĩ":105669,"ä¸Ģè¾Ĩ":105670,"çīĪæĿĥæīĢæľī":105671,"æ°ijä¼Ĺ":105672,"åĬŁå¤«":105673,"å±ķä¼ļ":105674,"大èĦij":105675,"æ¯ıæľĪ":105676,"å°ı麦":105677,"æµĻæ±Łçľģ":105678,"çļĦæīĢæľī":105679,"ä¸ĭæ»ij":105680,"èĵĿèī²":105681,"è¦ģæĥ³":105682,"åѦçĶŁçļĦ":105683,"å½ĵä½ł":105684,"ä½ľæĪĺ":105685,"家乡":105686,"å¤ļåIJį":105687,"é«ĺäºİ":105688,"åĿļ强":105689,"è¿ŀéĶģ":105690,"åIJİæŀľ":105691,"人äºĭ":105692,"ç´ħ":105693,"æ¿ĢåĬ¨":105694,"è¿ĽæĶ»":105695,"ç©Ĩ":105696,"ä¸ĺ":105697,"让èĩªå·±":105698,"以æŃ¤":105699,"夫人":105700,"å¼Ģ设":105701,"æ°Ķè´¨":105702,"鸡èĽĭ":105703,"çĦ¡æ³ķ":105704,"åIJĥäºĨ":105705,"åĪĨåĪ«ä¸º":105706,"èģĶåIJĪåĽ½":105707,"å½ĵ代":105708,"å¦Ĥæŀľæĺ¯":105709,"è¿ľç¨ĭ":105710,"åĸĤ":105711,"è®°ä½ı":105712,"æ¸ħåįķ":105713,"åIJĪä½ľä¼Ļä¼´":105714,"åİ»åģļ":105715,"æķħéļľ":105716,"模æĭŁ":105717,"å¸ĪçĶŁ":105718,"åīįæĿ¥":105719,"ç͵è§Ĩåī§":105720,"çĥŃçα":105721,"éľ²åĩº":105722,"é«ĺå±Ĥ":105723,"ç͵åύ":105724,"纪å¾ĭ":105725,"å¼ĢåıijåķĨ":105726,"éķ¿å®ī":105727,"è½½ä½ĵ":105728,"çļĦå°±æĺ¯":105729,"被人":105730,"åıĹçIJĨ":105731,"篮çIJĥ":105732,"èİİ":105733,"交ç»Ļ":105734,"æľªæĿ¥çļĦ":105735,"两大":105736,"åIJķå¸ĥ":105737,"çŃī人":105738,"çļĦæĹ¥åŃIJ":105739,"åIJĪä½ľç¤¾":105740,"æĮijéĢī":105741,"åŃĺæ¬¾":105742,"ç³»ç»ŁçļĦ":105743,"æĬĬå®ĥ":105744,"没æľīä»Ģä¹Ī":105745,"ä»İæŃ¤":105746,"ä¸ŃåįĪ":105747,"çĸ¼çĹĽ":105748,"å·©åĽº":105749,"浪漫":105750,"缸åħ³éĥ¨éŨ":105751,"éķ¿åŁİ":105752,"纤维":105753,"ä¸ĬéŨ":105754,"çĪĨçĤ¸":105755,"èµ·çĤ¹":105756,"çļĦéĢļçŁ¥":105757,"èĢĮæĿ¥":105758,"çļĦèĢģ":105759,"æīĭéĩĮ":105760,"è¯ŃéŁ³":105761,"è¾Ľèĭ¦":105762,"æ±Łèĭıçľģ":105763,"ç͍äºĨ":105764,"身份è¯ģ":105765,"æľīåĬ©":105766,"æľīåĬ©äºİ":105767,"çī©èģĶç½ij":105768,"åĩºéŨ":105769,"å¼ŁåŃIJ":105770,"æĥ¹":105771,"è¿Ļä»¶äºĭ":105772,"æĪij们åı¯ä»¥":105773,"çļĦçĶŁåij½":105774,"æľīä¸Ģç§į":105775,"åºĹéĵº":105776,"åıĮæīĭ":105777,"çļĦæ¶Īæģ¯":105778,"èĢIJå¿ĥ":105779,"å°´å°¬":105780,"éĤ£å¤©":105781,"é¦ĸæī¹":105782,"æĺ¯ä¸Ģå®¶":105783,"人æ°Ķ":105784,"åıįæŃ£":105785,"æĪijåĴĮ":105786,"å®łçī©":105787,"ä¸į对":105788,"寻æ±Ĥ":105789,"çĽ¸ä¼¼":105790,"åľ¨ç¾İåĽ½":105791,"åı«åģļ":105792,"åĹİ":105793,"ç«ĭè¶³":105794,"ç͍éĢĶ":105795,"åħĨ":105796,"大æ°Ķ":105797,"åIJijä¸Ĭ":105798,"ä»ĸå°±":105799,"é¡¹çĽ®å»ºè®¾":105800,"èĭ¥å¹²":105801,"æĺ¯æľī":105802,"æ¿Ģæĥħ":105803,"çļĦæĦıä¹ī":105804,"æĺŃ":105805,"严éĩįçļĦ":105806,"å¯ĨéĽĨ":105807,"èĪŀè¹Ī":105808,"èį£èİ·":105809,"èİ·æĤī":105810,"æ±ŁåįĹ":105811,"åģĩå¦Ĥ":105812,"æĪ·å¤ĸ":105813,"线索":105814,"ç§ģ人":105815,"转åŀĭåįĩ级":105816,"çļĦä»·å̼":105817,"åįķçĭ¬":105818,"èĢģçϾå§ĵ":105819,"å°įæĸ¼":105820,"åĽ½éĻħåĮĸ":105821,"ä¼°å̼":105822,"æľįåĬ¡ä¸ļ":105823,"èĩŃ":105824,"æİīäºĨ":105825,"è§£åĨ³äºĨ":105826,"ä¹Łä¸įèĥ½":105827,"åħ¹":105828,"æĸ¯çī¹":105829,"æķħæĦı":105830,"è¿ĩ度":105831,"èĬĤæĹ¥":105832,"çϽçĻľ":105833,"çϽçĻľé£İ":105834,"ç»§æī¿":105835,"äºĨä¸įå°ij":105836,"äºĮ人":105837,"è§ģéĿ¢":105838,"æĥ³æĥ³":105839,"å¤įåIJĪ":105840,"康å¤į":105841,"åİ¿åŁİ":105842,"åľ¨åĽ½åĨħ":105843,"åľºåľ°":105844,"é϶çĵ·":105845,"è¿Ļ项":105846,"çľ¼ä¸Ń":105847,"糸":105848,"æĦŁè§īåΰ":105849,"æŀľçĦ¶":105850,"æĶ¾åħ¥":105851,"约æĿŁ":105852,"æİĴæŁ¥":105853,"车主":105854,"çļĦæĦıæĢĿ":105855,"æĸ°åŁİ":105856,"æĥ³çĿĢ":105857,"éģĤ":105858,"èĮ¶åı¶":105859,"ä¹°æĪ¿":105860,"åĨľæĪ·":105861,"é«ĺæīĭ":105862,"çİīç±³":105863,"æĸ°åĨłèĤºçĤİ":105864,"çħ§æĺİ":105865,"æĮĩåįĹ":105866,"踢":105867,"æķijæı´":105868,"æĻ¯çĤ¹":105869,"ç¨İæĶ¶":105870,"çļĦæīĭ":105871,"æŃ£å¥½":105872,"è¦ģæĬĬ":105873,"éļıæĦı":105874,"åħ¶å®ŀæĺ¯":105875,"ç»Ļèĩªå·±":105876,"è°ĪåΤ":105877,"æ¯ı天éĥ½":105878,"æĢģåĬ¿":105879,"é¢Ħ约":105880,"åİĨåı²ä¸Ĭ":105881,"å®Ŀè´Ŀ":105882,"åīįè¿Ľ":105883,"ä¹Łå°±æĺ¯è¯´":105884,"çļĦæĦıè§ģ":105885,"åı£ç½©":105886,"åİĺç±³":105887,"èĬ±è´¹":105888,"ä½ĵèĤ²æĬķæ³¨":105889,"åħ¬ä¼Ĺåı·":105890,"èijĹåIJįçļĦ":105891,"å¼ĢæĪ·":105892,"æĭįåįĸ":105893,"å²ģæľĪ":105894,"åĨħæ¶µ":105895,"å®Įæķ´çļĦ":105896,"é«ĺåİĭ":105897,"åħ¬åĬ¡åijĺ":105898,"使ç͍çļĦ":105899,"çĶŁäº§çº¿":105900,"妹妹":105901,"走访":105902,"æĺ¯åı¯ä»¥":105903,"åľ¨å®¶":105904,"æļ´åĬĽ":105905,"æ³°åĽ½":105906,"è´¨çĸij":105907,"ä¸įéģİ":105908,"天çĦ¶æ°Ķ":105909,"缺çĤ¹":105910,"å°ıåŀĭ":105911,"ä¸įä»ħæĺ¯":105912,"é»ijæļĹ":105913,"梨":105914,"æĸĩæĹħ":105915,"è¦ģæľī":105916,"ä¸Ńå±±":105917,"çļĦæķ°æį®":105918,"å¾Ĺå¾Ī":105919,"以便":105920,"对ä»ĸ":105921,"åĬłä»¥":105922,"çϼçı¾":105923,"设å®ļ":105924,"èĤļåŃIJ":105925,"éĿĸ":105926,"å¥īçĮ®":105927,"ä¸įåıĺ":105928,"åı£ç¢ij":105929,"åľ¨åĵªéĩĮ":105930,"ä½IJ":105931,"è¿Ļ两个":105932,"çļĦæĸ¹åIJij":105933,"æŀ«":105934,"äºĮ次":105935,"çīĩåĮº":105936,"éłIJ":105937,"ç£Ĭ":105938,"æĭ¿çĿĢ":105939,"å·²ç»ıæĪIJ为":105940,"ä¹ĭä¸Ĭ":105941,"å®ĹæĹ¨":105942,"奶奶":105943,"é«ĺæĸ°åĮº":105944,"社æľĥ":105945,"è·Łè¸ª":105946,"æľįåĬ¡ä¸Ńå¿ĥ":105947,"æī¯":105948,"æīĭæĮĩ":105949,"礼çī©":105950,"宿èĪį":105951,"ç͍å¿ĥ":105952,"æıIJé«ĺäºĨ":105953,"亮çĤ¹":105954,"ä¸įæĦ¿æĦı":105955,"æĴѿ;":105956,"å¤ļå°ijéĴ±":105957,"没ä»Ģä¹Ī":105958,"æķ°åįģ":105959,"æĢ»çĽij":105960,"çļĦåŁİå¸Ĥ":105961,"æī¾åΰäºĨ":105962,"åĨħåľ°":105963,"åΰçİ°åľ¨":105964,"æĪĺæĸĹåĬĽ":105965,"åİŁå§ĭ":105966,"åĥ§":105967,"åĢĴæĺ¯":105968,"æľĢåħ·":105969,"è´«åĽ°æĪ·":105970,"éĢģåΰ":105971,"级åĪ«":105972,"åĩºèµĦ":105973,"æĪªæŃ¢":105974,"ç§įåŃIJ":105975,"èĥ½ä¸įèĥ½":105976,"幸è¿IJ":105977,"èĸĩ":105978,"项éĵ¾":105979,"æĮĤçīĮ":105980,"ä¸Ģ樣":105981,"ä¹ĺ客":105982,"èIJ½åIJİ":105983,"ä½ĨæĪij":105984,"æĹ©åľ¨":105985,"åĬ¨æ¼«":105986,"å¹³çŃī":105987,"å¯¹ä½ł":105988,"ä¸įæĢķ":105989,"å¤ĸçķĮ":105990,"å¤ļå¹´æĿ¥":105991,"é¦ĸ个":105992,"æ²³åįĹçľģ":105993,"æĪĸåħ¶ä»ĸ":105994,"éķľå¤´":105995,"åįĹæĺĮ":105996,"ä¸ĢéĿ¢":105997,"éĢłæĪIJçļĦ":105998,"å´Ķ":105999,"çŃĴ":106000,"æķĻèĤ²éĥ¨":106001,"åľ°åŁŁ":106002,"æĺĨæĺİ":106003,"å·´é»İ":106004,"æīĭ游":106005,"ä¸ĢæĹ¶":106006,"çłį":106007,"顶级":106008,"åħ±è®¡":106009,"åİŁæ²¹":106010,"è¾īçħĮ":106011,"说æĺ¯":106012,"æĸ°åįİ社":106013,"ç»ıåİĨäºĨ":106014,"ä¸įæŃ¢":106015,"è¦ģä¹Ī":106016,"èĢħçļĦ":106017,"æĢ»æĬķèµĦ":106018,"è¡Įé©¶":106019,"ä¸Ĭå¸Ŀ":106020,"年纪":106021,"çIJ¼":106022,"ä¼łè¯´":106023,"ç²¾èĭ±":106024,"æĸ¹éĴĪ":106025,"æ±Łæ¹ĸ":106026,"æĪIJçĤº":106027,"æĢ»éĩı":106028,"æĬķæĶ¾":106029,"åĬ¨çĶ»":106030,"èŤ":106031,"ç͵æºIJ":106032,"éĴĻ":106033,"åIJĮè¡Į":106034,"æĻ®éĢļçļĦ":106035,"åĽ¾ä¹¦é¦Ĩ":106036,"è¯ĪéªĹ":106037,"æħĪåĸĦ":106038,"è¿Ļ份":106039,"主æĮģ人":106040,"å°±è¿Ļæł·":106041,"èĢĮæĪIJ":106042,"èĩªè¡Į车":106043,"ä¸ŃåĽ½çī¹èī²":106044,"èĤ¿çĺ¤":106045,"åIJ¾":106046,"å¼Łå¼Ł":106047,"åıĹçĽĬ":106048,"éĢīæĭ©äºĨ":106049,"æĺİæĺ¾çļĦ":106050,"æĬ¥èĢĥ":106051,"ç¬ijéģĵ":106052,"éĽĸçĦ¶":106053,"温å·ŀ":106054,"éĿŀæ´²":106055,"ç§įç§į":106056,"åıĤåĬłäºĨ":106057,"è´§è¿IJ":106058,"éļı便":106059,"就没æľī":106060,"縣":106061,"央è§Ĩ":106062,"ç©¿è¶Ĭ":106063,"çļĦçݰ象":106064,"åĩłæ¬¡":106065,"çļĦé£İéĻ©":106066,"æŃĮæĽ²":106067,"æľ¬å±Ĭ":106068,"å¹´åĨħ":106069,"ä¸įè¶ħè¿ĩ":106070,"è¿ĩå¤ļ":106071,"å¿ħé¡»è¦ģ":106072,"ç»ĵ论":106073,"åĢŁéī´":106074,"ç¥ŀå¥ĩ":106075,"æľŁæľĽ":106076,"ä¸ĵ享":106077,"éĿŀ常éĩįè¦ģ":106078,"æĦıè¯Ĩåΰ":106079,"åIJĪå¹¶":106080,"æĬĬèĩªå·±":106081,"å¥Ĺè£ħ":106082,"éŃĶæ³ķ":106083,"å¤ıåŃ£":106084,"ä¸įåĥı":106085,"å¢ĥçķĮ":106086,"æĥĬåĸľ":106087,"æľīä¸Ģ天":106088,"çĦ¦çĤ¹":106089,"æĪij认为":106090,"åħ°å·ŀ":106091,"ç͵æ°Ķ":106092,"èģĶç³»æĪij们":106093,"ç§ijæĻ®":106094,"她说":106095,"çļĦæĸĩ竳":106096,"å¥ĩæĢª":106097,"åıĭ好":106098,"饮æĸĻ":106099,"çļĦæĶ¯æĮģ":106100,"çŃĶåºĶ":106101,"éĩįéĩı":106102,"çij¶":106103,"åĩıè½»":106104,"ç§ijåѦ家":106105,"巴西":106106,"éĩijèŀįæľºæŀĦ":106107,"åħļå§Ķ书记":106108,"貸款":106109,"ç²¾èĩ´":106110,"ä»İæľª":106111,"åį°åĪ·":106112,"åĽŀ顾":106113,"é¦ĸéĥ½":106114,"åıijèĤ²":106115,"éĹ®éģĵ":106116,"è¾¾åΰäºĨ":106117,"å¿įä¸įä½ı":106118,"æīįæľī":106119,"æįIJèµł":106120,"ä½ĽæķĻ":106121,"ä¸įæ¸ħ":106122,"éĺŁéķ¿":106123,"缸åıį":106124,"æĬ¥èѦ":106125,"大åħ¨":106126,"æ¬§çĽŁ":106127,"帮å¿Ļ":106128,"çļĦæĻĤåĢĻ":106129,"缮å½ķ":106130,"足以":106131,"èī°éļ¾":106132,"ä»ĸä¹Ł":106133,"å·¥ä½ľèĢħ":106134,"头èĦij":106135,"缺éĻ·":106136,"æĪIJç«ĭäºĨ":106137,"å°±å¼Ģå§ĭ":106138,"认åIJĮ":106139,"é»Ħèī²":106140,"çĹħæĥħ":106141,"覺å¾Ĺ":106142,"è¿Ļ两":106143,"ä¿¡ä»°":106144,"åľĭå®¶":106145,"ä¸įä»ħä»ħæĺ¯":106146,"çĭ¬å®¶":106147,"èάçļĦ":106148,"æĿIJè´¨":106149,"æµ·ä¸Ĭ":106150,"çĤºäºĨ":106151,"æľºåĬ¨è½¦":106152,"缸å½ĵäºİ":106153,"å¤ļåħĥåĮĸ":106154,"æĽ´å¤§çļĦ":106155,"èĽ®":106156,"åģĩæľŁ":106157,"å¼ıçļĦ":106158,"交éĢļè¿IJè¾ĵ":106159,"çľģå§Ķ":106160,"ä¸įç®Ĺ":106161,"æĶ¾ä¸ĭ":106162,"éĹ¯":106163,"äººåľ¨":106164,"港åı£":106165,"æĹ¨åľ¨":106166,"åij½ä»¤":106167,"æŁIJ个":106168,"平稳":106169,"åıªå¥½":106170,"人人":106171,"äºŀ":106172,"äºĮç»´":106173,"äºĮç»´çłģ":106174,"æŀģ为":106175,"åĪ«å¢ħ":106176,"åħ¶ä½Ļ":106177,"大äºĭ":106178,"主管éĥ¨éŨ":106179,"æĹłéĶ¡":106180,"éŵ":106181,"éģŃåΰ":106182,"说è¿ĩ":106183,"ä¸ºä½ł":106184,"è§£çŃĶ":106185,"éªĮæĶ¶":106186,"çļĦç»ıéªĮ":106187,"åĮ¹éħį":106188,"çģ«ç®Ń":106189,"豪åįİ":106190,"æŁIJæŁIJ":106191,"çļĦæĹ¶ä»£":106192,"书éĿ¢":106193,"æģĴ大":106194,"å»¶éķ¿":106195,"ä¸ĢåIJĮ":106196,"æľªèĥ½":106197,"交æį¢":106198,"çĶ¢åĵģ":106199,"çŃīåΰ":106200,"åĪĨ离":106201,"æīĵç͵è¯Ŀ":106202,"å¹²çĩ¥":106203,"è¾ĥå¤ļ":106204,"å¤ļå¹´çļĦ":106205,"èĥĮæĻ¯ä¸ĭ":106206,"为ä¾ĭ":106207,"æijĺè¦ģ":106208,"å´Ľèµ·":106209,"æŃ¤åĪ»":106210,"æľīæľºä¼ļ":106211,"æĿ¡æ¬¾":106212,"é¢Ĩ导å°ıç»Ħ":106213,"çļĦ身ä½ĵ":106214,"åįķä¸Ģ":106215,"央è¡Į":106216,"ä¸įæĸŃæıIJé«ĺ":106217,"ä»·å̼è§Ĥ":106218,"èĬ½":106219,"èIJį":106220,"æ³ķå¾ĭæ³ķè§Ħ":106221,"ä¸įéĶĪ":106222,"ä¸įéĶĪéĴ¢":106223,"åĩºäºİ":106224,"èĻļæĭŁ":106225,"æį®æĤī":106226,"çĥ¦æģ¼":106227,"åħ¨æĸ°çļĦ":106228,"æī«æıı":106229,"çĻ»éĻĨ":106230,"èīºæľ¯å®¶":106231,"çļĦé£Łçī©":106232,"çļĦåŃĺåľ¨":106233,"客åİħ":106234,"æĪij们就":106235,"æŁ¥çľĭæĽ´å¤ļ":106236,"è¯Ħ审":106237,"å¸Ĥåł´":106238,"è¬Ľ":106239,"巨头":106240,"ä¸ŃåĽ½ç»ıæµİ":106241,"äºĨèĩªå·±çļĦ":106242,"åĨ³è®®":106243,"çĽijçĿ£ç®¡çIJĨ":106244,"æĬķ票":106245,"åĨį度":106246,"è¡ĮçĤº":106247,"注åħ¥":106248,"ä½ľä¸ºä¸Ģ个":106249,"æ¯ı个人éĥ½":106250,"åįķåħĥ":106251,"è¦ģçŁ¥éģĵ":106252,"被称为":106253,"ä¹ĭéĻħ":106254,"è§£éϤ":106255,"丸":106256,"溫":106257,"ä¸īæĺŁ":106258,"é²ľæĺİ":106259,"ä¹Łéĥ½":106260,"æĹ¶æľº":106261,"åĩºæīĭ":106262,"æĥħå½¢":106263,"åķĨè´¸":106264,"éĢī举":106265,"对èĩªå·±":106266,"çĶŁåĬ¨":106267,"åħĭæľį":106268,"个ä½ĵ":106269,"èĭij":106270,"稱":106271,"大åݦ":106272,"æĺ¯å¯¹":106273,"åĪ©æģ¯":106274,"è¿IJåĬ¨åijĺ":106275,"åĮĸè§£":106276,"åīįæ²¿":106277,"æĦŁæģ©":106278,"æĢ»ä¹ĭ":106279,"é«ĺæĸ°æĬĢæľ¯":106280,"åĿĩ为":106281,"åħ¨åĮº":106282,"æ°Ķæ°Ľ":106283,"åı¯ä»¥è¯´æĺ¯":106284,"ä½ı宿":106285,"åħļåijĺå¹²éĥ¨":106286,"åĹ¯":106287,"è·µè¡Į":106288,"çļĦä¸ĵä¸ļ":106289,"èĢĥéªĮ":106290,"èķ¾":106291,"åħ¬åŃIJ":106292,"çļĦçĬ¶æĢģ":106293,"æ½®æµģ":106294,"ä¿¡æīĺ":106295,"è´¼":106296,"åIJĦæĸ¹":106297,"æķijåĬ©":106298,"éĿŀ常çļĦ":106299,"æ¡¥æ¢ģ":106300,"åħ¬æĸ¤":106301,"ä¼¼çļĦ":106302,"çľĭ好":106303,"å±Ģéĥ¨":106304,"å®īéĿĻ":106305,"éħįä»¶":106306,"常è§Ħ":106307,"å¼Ģ车":106308,"第äºĮ次":106309,"ä¸Ĭ级":106310,"åıĤèµĽ":106311,"å®¶å±ŀ":106312,"强åĬ¿":106313,"åľ¨ä»ĸ":106314,"åIJijåīį":106315,"ä¹ĭåľ°":106316,"éĥ¡":106317,"è¡Įç¨ĭ":106318,"èѦåijĬ":106319,"è§Ħå®ļçļĦ":106320,"åķĨåŁİ":106321,"äºĶ大":106322,"æķĻ室":106323,"åįģè¶³":106324,"æīĢä»¥åľ¨":106325,"å°Ĩç»§ç»Ń":106326,"çŃīæĸ¹å¼ı":106327,"å®¶ä¼ģä¸ļ":106328,"交ä»ĺ":106329,"çĤ¹è¯Ħ":106330,"ç»ĵç®Ĺ":106331,"ä¹Łåı¯":106332,"å¤ĸæ±ĩ":106333,"è¿Ļç§įæĥħåĨµ":106334,"æİĪäºĪ":106335,"å¸ĥç½®":106336,"æĪIJç«ĭäºİ":106337,"é¢ĦèѦ":106338,"管çIJĨ人åijĺ":106339,"å©ļ礼":106340,"ç»ĵæĿŁåIJİ":106341,"åħ¥éĢī":106342,"æĹłæ¯Ķ":106343,"åĴĮåıijå±ķ":106344,"çϽéħĴ":106345,"çİ©åħ·":106346,"ä¸ĩç¾İåħĥ":106347,"çļĦæĪIJ绩":106348,"æĭįçħ§":106349,"èĢĥèĻijåΰ":106350,"ä¼ģä¸ļåıijå±ķ":106351,"äºĨ个":106352,"çĶŁæ°Ķ":106353,"çļĦ女人":106354,"äºĶåįģ":106355,"çĪ·çĪ·":106356,"纽约":106357,"éĥ½è¢«":106358,"ä¸Ĭ课":106359,"çĽ¡":106360,"ä¼łç»ŁæĸĩåĮĸ":106361,"æ½ľåľ¨":106362,"åıijå°Ħ":106363,"ä¸Ģ身":106364,"éĺ²å®Ī":106365,"åĪ®":106366,"é¢ĺ缮":106367,"åľ¨åĨħçļĦ":106368,"ç¾İ好çļĦ":106369,"è¿ĻéĩĮçļĦ":106370,"ä¸Ģä¸Ŀ":106371,"人åĿĩ":106372,"å̡坼":106373,"身åIJİ":106374,"æī©å±ķ":106375,"大éŨ":106376,"就被":106377,"è¯¥é¡¹çĽ®":106378,"æŀ¶æŀĦ":106379,"ä¸Ģåı£":106380,"ä¿¡æģ¯æĬĢæľ¯":106381,"å¼Ģä¸ļ":106382,"æĶ¶åıĸ":106383,"ç½ij页":106384,"æĶ¯æı´":106385,"å°ģéĹŃ":106386,"å¡ijéĢł":106387,"大èĥĨ":106388,"å¿«éĢŁåıijå±ķ":106389,"çľĭä¼¼":106390,"æ¸Ŀ":106391,"è¿Ļæł·ä¸Ģ个":106392,"模åĿĹ":106393,"注æĦıåΰ":106394,"çł´è§£":106395,"èĩªä»İ":106396,"åijµåijµ":106397,"ä¹ĭå¾Į":106398,"ä¹ĭæĹħ":106399,"è·ŁæĪij":106400,"æ³ķ人":106401,"æİĴè¡Įæ¦ľ":106402,"åĿļå®Ī":106403,"好å¤Ħ":106404,"çŁ³å¤´":106405,"å¹¶å°Ĩ":106406,"èα":106407,"æŃĩ":106408,"两岸":106409,"å¤ļä¹ħ":106410,"象å¾ģ":106411,"个æĢ§åĮĸ":106412,"çļĦè§Ĵ度":106413,"å¸Ĩ":106414,"ç¦ıå·ŀ":106415,"æŁ¥å¤Ħ":106416,"ä¸¤åĽ½":106417,"åIJ¸å¼ķäºĨ":106418,"é¦ĸå¸Ń":106419,"大åĵ¥":106420,"é¤Ĭ":106421,"涨å¹ħ":106422,"éĢīç͍":106423,"許å¤ļ":106424,"èIJ½æĪ·":106425,"åĵĪå°Ķ":106426,"åĵĪå°Ķ滨":106427,"åģļä»Ģä¹Ī":106428,"以åħį":106429,"é¾į":106430,"æĹłéľĢ":106431,"åΰåºķæĺ¯":106432,"æĢ¡":106433,"åijĬè¯īä½ł":106434,"éĺ²æ°´":106435,"è¿ĻæĹ¶åĢĻ":106436,"欢ä¹IJ":106437,"转åIJij":106438,"è¿Ļä¸ªåľ°åĽ¾":106439,"åħ¥é©»":106440,"èįīåİŁ":106441,"æĹ¶ä»£çļĦ":106442,"åıĺåĬ¨":106443,"åĬłå¼ºå¯¹":106444,"åģ¶å°Ķ":106445,"å®ĪæĬ¤":106446,"æ°Ķ温":106447,"人éĹ´":106448,"æľĿé²ľ":106449,"ç»ıè´¹":106450,"åĽŃæŀĹ":106451,"å·¥åľ°":106452,"è§Ħæł¼":106453,"åĩłåįģ":106454,"è¯ķåĽ¾":106455,"å¦ĥ":106456,"éĤ£æĹ¶åĢĻ":106457,"å¼ĺæī¬":106458,"ä¸ļçķĮ":106459,"çļĦéĢŁåº¦":106460,"ä¼ļä¸įä¼ļ":106461,"èIJ¥æĶ¶":106462,"å°ıå¾®ä¼ģä¸ļ":106463,"çľĭè¿ĩ":106464,"æĬĬä»ĸ":106465,"éģµå¾ª":106466,"è¿Ļè¾¹":106467,"没æľī人":106468,"壶":106469,"æ¹ĸåįĹçľģ":106470,"æŀģåħ¶":106471,"çļĦ人çĶŁ":106472,"ä»ĸè¿ĺ":106473,"转åĮĸ为":106474,"èµ°è¿ĩ":106475,"æĬ±çĿĢ":106476,"çīĽå¥¶":106477,"ä¸ĩ亩":106478,"å¿ĥæĢģ":106479,"æĹ¥å¸¸çĶŁæ´»":106480,"ä½ĵæ£Ģ":106481,"æĻĥ":106482,"çŃīé¢ĨåŁŁ":106483,"æĩī該":106484,"åı¯ä»¥çľĭåΰ":106485,"æī¾ä¸įåΰ":106486,"èĢģå¹´":106487,"æĬĬæĪij":106488,"积åĪĨ":106489,"梳çIJĨ":106490,"绳":106491,"çļĦæĶ¿æ²»":106492,"å¸ĿåĽ½":106493,"éĻªä¼´":106494,"æ´Ľéĺ³":106495,"åħ¬æŃ£":106496,"å¼Ģåı£":106497,"çī¹èī²çļĦ":106498,"åĽ°å¢ĥ":106499,"ä¸Ĭæľī":106500,"ç«ĭä½ĵ":106501,"æīĵå·¥":106502,"åķ¤éħĴ":106503,"åľ¨éĤ£éĩĮ":106504,"éĤ£è¾¹":106505,"个åĪ«":106506,"ä¸Ģå®ļæĺ¯":106507,"çļĦéĩįè¦ģæĢ§":106508,"ä¸»å¼ł":106509,"åĴĮæľįåĬ¡":106510,"ä¸Ĭç½ij":106511,"è¡¥åĬ©":106512,"åıªéľĢ":106513,"弦":106514,"éģ®":106515,"åĬĽäºī":106516,"度è¿ĩ":106517,"èij¬":106518,"é¡¿æĹ¶":106519,"éĦī":106520,"纺ç»ĩ":106521,"åľ°åĿĹ":106522,"ä¿¡ç͍åį¡":106523,"ç½ļ款":106524,"åijĬè¯īæĪij":106525,"éĽĻ":106526,"书çĶ»":106527,"è¨Ńè¨Ī":106528,"æĢ»ä¼ļ":106529,"åΤåĨ³":106530,"ä¿¡èªī":106531,"个èĤ¡":106532,"平常":106533,"æĢİ麼":106534,"ä½ĵçİ°åľ¨":106535,"é»Ħæ²³":106536,"åĽĽå·Ŀçľģ":106537,"羣缸":106538,"åIJĦé¡¹å·¥ä½ľ":106539,"åĬ¨åijĺ":106540,"å³°ä¼ļ":106541,"ä¸ĢæľŁ":106542,"æľīä¸Ģå®ļçļĦ":106543,"é«ĺ度éĩįè§Ĩ":106544,"ç¹ģèį£":106545,"åıijçݰäºĨ":106546,"ç½ij红":106547,"æīĭæ³ķ":106548,"å®¶åĽŃ":106549,"仪åύ":106550,"è¾ĥä½İ":106551,"çļĦå®īåħ¨":106552,"æ¡IJ":106553,"ä»ĺ款":106554,"æĬijåζ":106555,"åįĵè¶Ĭ":106556,"æŃ£éĿ¢":106557,"åĵij":106558,"强åζ":106559,"ä»Ĭ天çļĦ":106560,"æĪĺèĥľ":106561,"楼å¸Ĥ":106562,"æĭ¿ä¸ĭ":106563,"é¢ľå̼":106564,"举éĥ¨":106565,"çłĶåζ":106566,"çļĦæĪĺçķ¥":106567,"åľ¨ä¸Ģ个":106568,"ä¸ī人":106569,"å®ĮäºĨ":106570,"æĸ°æĬĢæľ¯":106571,"ç»ıæµİæķĪçĽĬ":106572,"å¯Įæľī":106573,"澳洲":106574,"åĬ©çIJĨ":106575,"é¢Ĩåıĸ":106576,"è°Ń":106577,"çĩĥçĥ§":106578,"ç´łåħ»":106579,"éĤĦæľī":106580,"è¿ĽèĢĮ":106581,"ä»Ģä¹Īæĺ¯":106582,"çłĶç©¶ä¸Ńå¿ĥ":106583,"éĢĤç͍äºİ":106584,"æİ¥æĶ¶":106585,"å¤±æľĽ":106586,"äºĮ级":106587,"éĹ´çļĦ":106588,"åİŁæłĩé¢ĺ":106589,"èªįçĤº":106590,"æį¡":106591,"对çĿĢ":106592,"对éĿ¢":106593,"ä¸ŃåİŁ":106594,"éĵĥ":106595,"çĶŁäº§çļĦ":106596,"åıijå¸ĥä¼ļ":106597,"士åħµ":106598,"è¿Ļåı¥è¯Ŀ":106599,"缴纳":106600,"ä¸Ģ个个":106601,"åѸçĶŁ":106602,"çĸijéĹ®":106603,"交èѦ":106604,"示èĮĥåĮº":106605,"天使":106606,"åľ¨ä¸Ĭæµ·":106607,"åIJĮæĻĤ":106608,"è½»æĺĵ":106609,"å͝ä¸ĢçļĦ":106610,"çĥŃéĹ¹":106611,"ä¹IJè§Ĥ":106612,"çļĦ身份":106613,"åĸĦäºİ":106614,"大åİħ":106615,"èĤ¯å®ļæĺ¯":106616,"éĺ²çģ«":106617,"å¤ĸåĩº":106618,"æį®è¯´":106619,"é¡¹çĽ®çļĦ":106620,"ä¸Ģåı°":106621,"èĻļåģĩ":106622,"ä¸Ģç¬Ķ":106623,"ç«ĭæ³ķ":106624,"严èĤĥ":106625,"æī¿åĬŀ":106626,"åįģåĩł":106627,"çļĦ空éĹ´":106628,"æľ¬ç½ijç«Ļ":106629,"åģļå¾Ĺ":106630,"ä¿Ŀ温":106631,"æľĪåĪĿ":106632,"åľ¨ç½ijä¸Ĭ":106633,"åIJĦæĸ¹éĿ¢":106634,"ä¸ī天":106635,"交æĺĵæīĢ":106636,"è§£æŀIJ":106637,"åħļä¸Ń央":106638,"è¿Ľåĩºåı£":106639,"åĴĮ社ä¼ļ":106640,"次æķ°":106641,"ä¹ĭå®¶":106642,"维度":106643,"æ´¾åĩºæīĢ":106644,"产çĶŁäºĨ":106645,"带æľī":106646,"å¾Ī强":106647,"æľīäºĽäºº":106648,"å¹´åIJİ":106649,"äºĨ许å¤ļ":106650,"å¯Ĩ度":106651,"åŃ¦æľŁ":106652,"çıłæµ·":106653,"æľĢå¤ļçļĦ":106654,"è¾¹ç¼ĺ":106655,"容éĩı":106656,"第äºĮ个":106657,"ä¸Ģ缴æĺ¯":106658,"ä¸įç¦ģ":106659,"æŃ²":106660,"ä»ĭç»įäºĨ":106661,"ä¼ĺéĽħ":106662,"æ¯Ķè¼ĥ":106663,"èģĮä½į":106664,"温æŁĶ":106665,"æľīéĴ±":106666,"æľĢé«ĺçļĦ":106667,"åįļè§Īä¼ļ":106668,"ä¸įæĪIJ":106669,"éĶĻäºĨ":106670,"è¯ģçĽij":106671,"è¯ģçĽijä¼ļ":106672,"æĪIJ人":106673,"åĿĩåĮĢ":106674,"æľīåĪ©":106675,"è¶ĬåįĹ":106676,"æīĵäºĨ":106677,"好åIJĥ":106678,"系統":106679,"è·Łéļı":106680,"çļĦåľ°ä½į":106681,"æŃ£å¦Ĥ":106682,"ç¨įå¾®":106683,"åį°åıij":106684,"åĪĽç«ĭ":106685,"é£İåħī":106686,"å°ĨæĪIJ为":106687,"ä¸įé«ĺ":106688,"é¢ijç¹ģ":106689,"设æľī":106690,"ä¼ŀ":106691,"æĭĨéϤ":106692,"å½±åĥı":106693,"æ¸ĹéĢı":106694,"å¹´å¼Ģå§ĭ":106695,"ç½ijæĺĵ":106696,"è¦ģåģļ":106697,"ç͵åĬ¨è½¦":106698,"羣å¿ĥ":106699,"æµ·åĨĽ":106700,"ä¼łæĿ¥":106701,"å·®åĪ«":106702,"è°¨æħİ":106703,"çĥŁåı°":106704,"åįĥå¹´":106705,"è¯ģå®ŀ":106706,"çIJª":106707,"çļĦåħ·ä½ĵ":106708,"åΰå¤Ħ":106709,"ä¸įå®ľ":106710,"èľĢ":106711,"èĥ½åĬĽåĴĮ":106712,"çīºçī²":106713,"çļĦéĴ±":106714,"大éĺŁ":106715,"é¦ĸè¦ģ":106716,"ä¸įæĦ¿":106717,"çİ«çij°":106718,"人æ°ijç½ij":106719,"è¿ĺæĺ¯è¦ģ":106720,"åĽĽå¹´":106721,"æįŁä¼¤":106722,"çļĦåģļæ³ķ":106723,"éĿĪ":106724,"è¡Ķæİ¥":106725,"åIJĪæĪIJ":106726,"没人":106727,"éĹ¨æ§Ľ":106728,"ä¿¡è´·":106729,"çļĦ缸åħ³":106730,"举é£İ":106731,"社ä¿Ŀ":106732,"ä¸ĭ游":106733,"åĿĹéĴ±":106734,"è¿ĩåIJİ":106735,"çļĦåºĶç͍":106736,"饶":106737,"é¢ģåıij":106738,"ä¸Ģå¤Ħ":106739,"åįİå¤ı":106740,"为ä¼ģä¸ļ":106741,"åıªä¼ļ":106742,"侵害":106743,"çļĦåĬŁèĥ½":106744,"åѸç¿Ĵ":106745,"ä¸Ńåįİæ°ijæĹı":106746,"åıijå¸ĥäºĨ":106747,"è¿İæİ¥":106748,"æĪijèĩªå·±":106749,"è¿ĺéľĢè¦ģ":106750,"太éĺ³èĥ½":106751,"åİ»ä¸ĸ":106752,"æĺ¯ä½ł":106753,"åIJĪåĬĽ":106754,"ç»ĺçĶ»":106755,"åı°åĮĹ":106756,"çĿ£ä¿ĥ":106757,"åĮĹéĥ¨":106758,"æľīå¤ļå°ij":106759,"å¾Īéĩįè¦ģ":106760,"åĪĴåĪĨ":106761,"åı·çº¿":106762,"æĶ¾å¤§":106763,"ä¼ļ被":106764,"èİ·å¥ĸ":106765,"ä¹ĭåĨħ":106766,"失åİ»äºĨ":106767,"çݩ家们":106768,"éĩĩéĽĨ":106769,"壹":106770,"å®¶ä¼Ļ":106771,"çϽ天":106772,"åĽłä¸ºä»ĸ":106773,"社ä¼ļæ²»çIJĨ":106774,"å¼ĢåĪĽ":106775,"ç͵ç¼Ĩ":106776,"æĸ°ä¸Ģ代":106777,"å¹¶è´Ń":106778,"就已ç»ı":106779,"çļĦ社ä¼ļ":106780,"éϤéĿŀ":106781,"åı¯ä»¥ç͍":106782,"å©ī":106783,"æ¯Ķè¾ĥ好":106784,"å®ŀä¸ļ":106785,"åĪĽåĬŀ":106786,"æıIJèµ·":106787,"é»ĥ":106788,"ä½ıåľ¨":106789,"å¸ĤæĶ¿":106790,"éĿ¢ä¸´çļĦ":106791,"èĥ½åľ¨":106792,"çŁŃçŁŃ":106793,"çľŁäºº":106794,"æĺİæĺİ":106795,"èµĦåĬ©":106796,"çļĦä¸įåIJĮ":106797,"å°ıæľĭåıĭ":106798,"é¢ĺæĿIJ":106799,"ç¾İåij³":106800,"æĺŁåº§":106801,"ä¸įä¸Ģæł·çļĦ":106802,"çľĭä¸Ĭåİ»":106803,"ä¸Ģæł¹":106804,"广å·ŀå¸Ĥ":106805,"åıijçĶŁçļĦ":106806,"é«ĺç§ijæĬĢ":106807,"ä¸Ģè¾ĪåŃIJ":106808,"交åıī":106809,"ä½ĵ系建设":106810,"åĽłä¸ºæĪij":106811,"çıįæĥľ":106812,"ä¸ĬåѦ":106813,"æĪĺæľ¯":106814,"æŃ¤ç±»":106815,"交å¾Ģ":106816,"æĮīæij©":106817,"人们çļĦ":106818,"åħ¶å¯¦":106819,"åİŁæĿIJæĸĻ":106820,"æ¸´æľĽ":106821,"缸å¤Ħ":106822,"微微":106823,"æ®·":106824,"ä¹ĺåĿIJ":106825,"å¼Ģå±ķäºĨ":106826,"é«ĺåĵģè´¨":106827,"æĹłäººæľº":106828,"ä¸įæĺ¯å¾Ī":106829,"çļĦæĬķèµĦ":106830,"èĬĤçľģ":106831,"èĩī":106832,"ç²¾éĢī":106833,"çļĦæłĩåĩĨ":106834,"åįĹéĥ¨":106835,"认è¯Ĩåΰ":106836,"å¹³éĿĻ":106837,"èĹ¥":106838,"æī«é»ij":106839,"æī«é»ijéϤ":106840,"æī«é»ijéϤæģ¶":106841,"éĢĻ種":106842,"建çŃijéĿ¢ç§¯":106843,"ç¡®ç«ĭ":106844,"管çIJĨåĬŀæ³ķ":106845,"æĦıå¿Ĺ":106846,"丨":106847,"让åŃ©åŃIJ":106848,"æķijçģ¾":106849,"å½ĵä»Ĭ":106850,"çģ«çģ¾":106851,"åIJĦéĥ¨éŨ":106852,"ä¾µçĬ¯":106853,"æ¯ıåij¨":106854,"æı½":106855,"ä¸Ģ次æĢ§":106856,"åħ¶ä»ĸ人":106857,"éĶĻè¿ĩ":106858,"ä¸İåħ¶":106859,"åĭĩæ°Ķ":106860,"çĩĥæ°Ķ":106861,"é¦ĸå±Ĭ":106862,"æľį饰":106863,"ç²¥":106864,"å®Įæ¯ķ":106865,"å°±æĬĬ":106866,"åĬŀäºĭå¤Ħ":106867,"ä¸Ģä¼ļåĦ¿":106868,"离ä¸įå¼Ģ":106869,"å¦ĤæŀľæĤ¨":106870,"ä»ĵåºĵ":106871,"导å¸Ī":106872,"åIJĪéĢĤçļĦ":106873,"毫米":106874,"å®īåħ¨æĢ§":106875,"ä¾Ŀçħ§":106876,"产ä¸ļåĮĸ":106877,"ä½łçľĭ":106878,"羣çļĦå¾Ī":106879,"åѤçĭ¬":106880,"éĺ²å¾¡":106881,"å¾Īç®Ģåįķ":106882,"é£İæ°´":106883,"ä½Ĩä¹Ł":106884,"æİ¨åĩºäºĨ":106885,"æ°ijèIJ¥ä¼ģä¸ļ":106886,"çłģ头":106887,"å¤įæĿĤçļĦ":106888,"ç»ĦæĪIJéĥ¨åĪĨ":106889,"åħħ满äºĨ":106890,"è¿ijåĩłå¹´":106891,"çľģæĶ¿åºľ":106892,"æľīå¿ħè¦ģ":106893,"éϳ":106894,"ä¹ĭç±»":106895,"ä¹ĭç±»çļĦ":106896,"æĢ§ä»·":106897,"æĢ§ä»·æ¯Ķ":106898,"åķĨåºĹ":106899,"å¸Ĥå̼":106900,"人æīįåŁ¹åħ»":106901,"æ·±åıĹ":106902,"管çIJĨå±Ģ":106903,"æģIJæĥ§":106904,"ä»ħæľī":106905,"æĬµè¾¾":106906,"æµ·åħ³":106907,"èµĭäºĪ":106908,"äºĭåĦ¿":106909,"ä»·éĴ±":106910,"æīĭä¸Ĭ":106911,"èĩªå¾ĭ":106912,"åħ³çα":106913,"享æľī":106914,"éģĹæĨ¾":106915,"å¾Īå¿«å°±":106916,"æĽ´å¿«":106917,"æłĩè¯Ĩ":106918,"åºĨç¥Ŀ":106919,"ä¹Łå¥½":106920,"ä¸įæĺĵ":106921,"æĪijå¾Ī":106922,"æĶ¹éĿ©åıijå±ķ":106923,"å¤ĸåľ°":106924,"æĬµæĬ¼":106925,"è¯Ĺ人":106926,"åİķæīĢ":106927,"æĸ°åªĴä½ĵ":106928,"èĸĽ":106929,"è°Īè¯Ŀ":106930,"ä¸Ģå®ļç¨ĭ度":106931,"èµ°åľ¨":106932,"æľĢ强":106933,"åĬŁçİĩ":106934,"åħ±è¯Ĩ":106935,"大桥":106936,"ä¸ĭæĸ¹":106937,"å¤ĸèµĦ":106938,"碱":106939,"å·¡è§Ĩ":106940,"æ¹ĸåĮĹçľģ":106941,"个çϾåĪĨ":106942,"个çϾåĪĨçĤ¹":106943,"çļĦ责任":106944,"çļĦåĵģçīĮ":106945,"åĬ©æİ¨":106946,"åĪĽéĢłäºĨ":106947,"ä»»èģĮ":106948,"å¿«æį·":106949,"æĿijåºĦ":106950,"åİ»çľĭ":106951,"æīįèĥ½å¤Ł":106952,"層":106953,"æĪijå®¶":106954,"æĺ¯ä¸Ģ款":106955,"ç¾ħ":106956,"åĨ°éĽª":106957,"æŀģ大":106958,"çģ¯åħī":106959,"éĨĭ":106960,"ä¸İåħ¶ä»ĸ":106961,"æıIJåĩºçļĦ":106962,"éĿłè¿ij":106963,"è°ĥåĬ¨":106964,"å°½åı¯èĥ½":106965,"åıijåĬĽ":106966,"ç»Ļ她":106967,"éĢĤéĩı":106968,"è·¨åĽ½":106969,"åħĪè¡Į":106970,"æĸ°æĿIJæĸĻ":106971,"ä½ľäºĨ":106972,"满äºĨ":106973,"ä¸į满":106974,"çļĦçľ¼çĿĽ":106975,"çľĭå¾Ĺ":106976,"è¿Ļä¸Ģ次":106977,"é½IJåħ¨":106978,"çļĦä¸Ģéĥ¨åĪĨ":106979,"ä¸Ļ":106980,"æ¸ħæĸ°":106981,"說æĺİ":106982,"身边çļĦ":106983,"æīĢæľī人":106984,"å½°æĺ¾":106985,"è±¹":106986,"åį¿":106987,"è¿IJ转":106988,"æĮĩå¼ķ":106989,"å¸Ĥåħ¬å®īå±Ģ":106990,"åıĤå±ķ":106991,"ä¹ĭæĹ¶":106992,"éĩijèŀįæľįåĬ¡":106993,"èµĦæľ¬å¸Ĥåľº":106994,"èĥ½è®©":106995,"å¿ĺäºĨ":106996,"天åłĤ":106997,"æ¯Ķå¦Ĥ说":106998,"éĬĢè¡Į":106999,"èĽĭç³ķ":107000,"çĶ©":107001,"æł¸å®ŀ":107002,"æĻ®äº¬":107003,"ä¼ĺç¾İ":107004,"åı£èħĶ":107005,"漫çĶ»":107006,"çľ¼éĩĮ":107007,"äºĨä¸ĭæĿ¥":107008,"æĪijä»¬ä¹Ł":107009,"ä¾į":107010,"为ä¸Ńå¿ĥ":107011,"å¥ĩ迹":107012,"éĿĴçĿIJ":107013,"æĪªèĩ³çĽ®åīį":107014,"åĩºä¾Ĩ":107015,"æĢ»åħ¬åı¸":107016,"弥补":107017,"ç®Ĺæ³ķ":107018,"å·¥ä½ľå®¤":107019,"æīĢ以æĪij":107020,"æ°´åĪĨ":107021,"æīĢå±ŀ":107022,"ä¸į说":107023,"ä½Ĩæĺ¯åľ¨":107024,"è¦ģåİ»":107025,"åĪĽä¸ļèĢħ":107026,"ä¸įæ¸ħæ¥ļ":107027,"åĽĽåij¨":107028,"æĺ¯ä»İ":107029,"çļĦæł¹æľ¬":107030,"çģ¶":107031,"æ¯Ľæ³½":107032,"æ¯Ľæ³½ä¸ľ":107033,"æµ·åı£":107034,"åĽĽåįģ":107035,"ä¹Łè¢«":107036,"èģ·":107037,"ä¸Ģæīĭ":107038,"绩æķĪ":107039,"çļĦçĶ·äºº":107040,"书ç±į":107041,"ä¸ĢèĦ¸":107042,"大äºİ":107043,"鼶éĥ¨ä»¶":107044,"åħ³æĢĢ":107045,"平米":107046,"æļ´éľ²":107047,"å¾Ĺå¤ļ":107048,"ä¸ī级":107049,"æľ¬åij¨":107050,"两èĢħ":107051,"对ä¸ŃåĽ½":107052,"åıªè§ģ":107053,"欧ç¾İ":107054,"å¦Ĥæŀľæľī":107055,"å·²ç»ıæĺ¯":107056,"çľĭå®Į":107057,"çģ«éĶħ":107058,"èµIJ":107059,"ä¸Ģéģį":107060,"æĦŁåĨĴ":107061,"ç»ĵå±Ģ":107062,"ä»ĵåĤ¨":107063,"å®ŀåľ°":107064,"å̻ç»ıçIJĨ":107065,"ä¹Łä¸įçŁ¥éģĵ":107066,"碰åΰ":107067,"åIJĪ计":107068,"客æĪ·çļĦ":107069,"ç½Ĺ马":107070,"æĦīå¿«":107071,"é£Ľ":107072,"çĥŃçĥĪ":107073,"伦æķ¦":107074,"åĮ»ä¿Ŀ":107075,"éĺ¿éĩĮå·´å·´":107076,"åĨį说":107077,"ä¸ºåŁºç¡Ģ":107078,"çĶŁäº§ç»ıèIJ¥":107079,"è¿ĻäºĽäºº":107080,"åĪĹ车":107081,"æ²³åĮĹçľģ":107082,"è¿Ļ段":107083,"æ´»åĬ¨ä¸Ń":107084,"å©·":107085,"çĶŁçIJĨ":107086,"ä¸ŃåĽ½äººæ°ij":107087,"éĦĤ":107088,"åIJ¬åıĸ":107089,"å¤įä¹ł":107090,"æľīçĽĬ":107091,"æĶ¶æĭ¾":107092,"å¾Īåı¯èĥ½":107093,"ç½ijç»ľæ¸¸æĪı":107094,"们çļĦ":107095,"èµĭèĥ½":107096,"éļ¾å¾Ĺ":107097,"åĪĨæīĭ":107098,"羣è¯ļ":107099,"åħ¬åı¸åľ¨":107100,"åĿĩè¡¡":107101,"åı£åij³":107102,"çīµå¤´":107103,"ä¸ĢèάçļĦ":107104,"轿车":107105,"çŃīäºİ":107106,"æ²īé»ĺ":107107,"æĪijéĥ½":107108,"å°ıç¨ĭåºı":107109,"ä¸Ģåī¯":107110,"æī¿è½½":107111,"åľ°è´¨":107112,"çķĮéĿ¢":107113,"çĶµæľº":107114,"çĦ¦èĻij":107115,"éĶĢåĶ®é¢Ŀ":107116,"æĸ°è½¦":107117,"ä¸Ĭ游":107118,"主æ¼Ķ":107119,"éļIJç§ģ":107120,"åıijå±ķæĪĺçķ¥":107121,"çļĦåĬªåĬĽ":107122,"å¼Ģåħ³":107123,"è§£åĨ³éĹ®é¢ĺ":107124,"çĿ£å¯¼":107125,"对æĬĹ":107126,"å¾Īå¤ļ人éĥ½":107127,"æĹłæķĪ":107128,"产åĵģè´¨éĩı":107129,"å®īå¿ĥ":107130,"åįİ人":107131,"ä¸į符åIJĪ":107132,"èĩªå®¶":107133,"éĺµå®¹":107134,"çļĦåIJĦç§į":107135,"çļĦçIJĨ念":107136,"çļĦæĸĩåĮĸ":107137,"为èĩªå·±":107138,"山水":107139,"游泳":107140,"éľĩèį¡":107141,"çĶŁæ´»æĸ¹å¼ı":107142,"è¿ľç¦»":107143,"çŁ³åĮĸ":107144,"æŃ¤äºĭ":107145,"æĺ¯çľŁçļĦ":107146,"çļĦæ¯Ķä¾ĭ":107147,"ç͍ç͵":107148,"奥è¿IJä¼ļ":107149,"ä¿Ŀå®ī":107150,"èĽĭçĻ½è´¨":107151,"çļĦå¿ĥçIJĨ":107152,"å·«":107153,"åı·çłģ":107154,"æ°Ķä½ĵ":107155,"åıijæĶ¹":107156,"åıijæĶ¹å§Ķ":107157,"åĮ»å¸Ī":107158,"æ¶ĤæĸĻ":107159,"æĺĬ":107160,"å¸Ĥ级":107161,"ä¸ĸçķĮçļĦ":107162,"åĪĨåĪ«æĺ¯":107163,"çł´äº§":107164,"ä¸ĢæĿ¯":107165,"æĭīå¼Ģ":107166,"å¹³åĩ¡":107167,"çļĦåıijçĶŁ":107168,"åĬ¨æīĭ":107169,"ä¸ĢçĽ´ä»¥æĿ¥":107170,"æīĭå·¥":107171,"éĩĮéĿ¢çļĦ":107172,"æĹłåħ³":107173,"ä»ĭåħ¥":107174,"èµ°ä¸Ĭ":107175,"å°±æĺ¯è¦ģ":107176,"å¹´éĹ´":107177,"åĩºçı¾":107178,"å½±éŁ¿":107179,"å¹ħ度":107180,"éĽģ":107181,"éģĵåħ·":107182,"缮çļĦåľ°":107183,"åIJİèĢħ":107184,"ä¸Ĭæ¼Ķ":107185,"äºĨåĩł":107186,"æ®ĭçĸ¾äºº":107187,"å¿Ļç¢Į":107188,"æĺ¯åIJ¦æľī":107189,"并对":107190,"ä¼ļ导èĩ´":107191,"æ°´åºĵ":107192,"ç»Ĩèĩ´":107193,"åIJİæĤĶ":107194,"å¿ĥæĢĿ":107195,"åģļäºĭ":107196,"åİĤæĪ¿":107197,"çĿ¿":107198,"è¿IJèIJ¥åķĨ":107199,"头éĥ¨":107200,"çļĦè§Ĵèī²":107201,"æĺ¯ä»ĸ":107202,"æĹ¢æľī":107203,"å°ıæĹ¶åĢĻ":107204,"强åĬ²":107205,"主æĴŃ":107206,"åħ¨åĽ½åIJĦåľ°":107207,"æįı":107208,"æįŁåĿı":107209,"åķĨä¼ļ":107210,"ä¿Ŀç½Ĺ":107211,"çľģå¸Ĥ":107212,"éļ§éģĵ":107213,"æľīä¸įå°ij":107214,"è¦ģåľ¨":107215,"å»ºè®¾é¡¹çĽ®":107216,"ç³ĸå°¿":107217,"ç³ĸå°¿çĹħ":107218,"æĿ¡ä»¶ä¸ĭ":107219,"ä¼ĺè´¨çļĦ":107220,"é¦ĸåıij":107221,"å½ĵæĹ¶çļĦ":107222,"丰çͰ":107223,"大çĽĺ":107224,"缸继":107225,"å®ģå¤ı":107226,"åħ¥ä½ı":107227,"æĪijè¿ĺ":107228,"åħĭæĸ¯":107229,"å®ļä»·":107230,"å¹³æĸ¹åħ¬éĩĮ":107231,"çļĦçŁ¥è¯Ĩ":107232,"æĪij们ä¼ļ":107233,"åħĥå®Ŀ":107234,"ä½ĵéĩį":107235,"è³£":107236,"对æĪij们":107237,"çŁ³å®¶":107238,"çŁ³å®¶åºĦ":107239,"ç²¾åįİ":107240,"å½¢çĬ¶":107241,"åıĹåΰäºĨ":107242,"修订":107243,"ç¾İåľĭ":107244,"é«ĺæ¸ħ":107245,"çľ¼éķľ":107246,"è§īå¾Ĺèĩªå·±":107247,"带ç»Ļ":107248,"åͮ价":107249,"éĹ¨ç¥¨":107250,"åŃķå¦ĩ":107251,"ç͵è§Ĩåı°":107252,"åıijä½ľ":107253,"çļĦåij³éģĵ":107254,"éķ¿è¿ľ":107255,"åħ¬åħ±æľįåĬ¡":107256,"æŃ£å¸¸çļĦ":107257,"æľīè¿ĩ":107258,"é£İæĥħ":107259,"æ¯Ķéĩį":107260,"åIJ»":107261,"管çIJĨå·¥ä½ľ":107262,"综åIJο̧":107263,"已被":107264,"说起":107265,"æİĴæ°´":107266,"ä¸įæĸŃåľ°":107267,"æĥħæĢĢ":107268,"è¾ĵéĢģ":107269,"è¿ĩæķı":107270,"çļĦåı¯èĥ½æĢ§":107271,"æľįç͍":107272,"æľī许å¤ļ":107273,"å§Ķåī¯ä¹¦è®°":107274,"åĮĸå¦Ĩåĵģ":107275,"æļĤåģľ":107276,"æĬķèµĦ人":107277,"çıŃ级":107278,"说çĿĢ":107279,"åįĹåĮĹ":107280,"åĪĨè¡Į":107281,"çıłå®Ŀ":107282,"寶":107283,"å¢ŀå¤ļ":107284,"被åĬ¨":107285,"ç®ĬçļĦ":107286,"éĹľä¿Ĥ":107287,"çļĦèĦ¸":107288,"æĥŁ":107289,"ä¸įä¸Ģå®ļ":107290,"ç¶Ń":107291,"çģ«çĪĨ":107292,"ç§Łéĩij":107293,"çŀ§":107294,"éĩį建":107295,"è·ª":107296,"ä¸Ģ種":107297,"çļĦåIJĪä½ľ":107298,"å®īæħ°":107299,"ä»įæĺ¯":107300,"ä¸ĵä¸ļåĮĸ":107301,"è°ĥè§£":107302,"ä¸į妨":107303,"éĢĻæĺ¯":107304,"å¿ħéłĪ":107305,"ä¼ĬæľĹ":107306,"å¾ĹäºĨ":107307,"æľįåĬ¡å¹³åı°":107308,"姬":107309,"åħĪéĶĭ":107310,"çİĭåŃIJ":107311,"çļĦä¸ĢåĪĩ":107312,"æĢ»çIJĨ":107313,"åĵ¼":107314,"çªij":107315,"çļĦå¿ĥæĥħ":107316,"çļĦéĩį大":107317,"çijŁ":107318,"ä¸Ģç¬ij":107319,"åıijå±ķä¸Ń":107320,"åģ¥åº·åıijå±ķ":107321,"åĵģçīĮçļĦ":107322,"禮":107323,"ä½Ļ人":107324,"ä»Ĭ年以æĿ¥":107325,"æķ°çłģ":107326,"çѾè¯ģ":107327,"åİ»æī¾":107328,"åŁºéĩijä¼ļ":107329,"æĬ±æĢ¨":107330,"æŃ£å½ĵ":107331,"çıŃåŃIJæĪIJåijĺ":107332,"ä¸įåIJĪæł¼":107333,"åζå®ļäºĨ":107334,"ç¼ĵæħ¢":107335,"åĪ¶çº¦":107336,"æłı缮":107337,"å¸Ĥåľºç»ıæµİ":107338,"ç»ĦæĪIJçļĦ":107339,"严峻":107340,"æĹ¥è®¯":107341,"ä¸ĢçĤ¹çĤ¹":107342,"æĺ¯æĢİä¹Ī":107343,"çļĦçħ§çīĩ":107344,"éĺ»æŃ¢":107345,"模ç³Ĭ":107346,"缸":107347,"éģķåıį":107348,"æIJ¬è¿ģ":107349,"éĩijéĴ±":107350,"彬":107351,"ä¸įå®ī":107352,"æĪĺçķ¥åIJĪä½ľ":107353,"å¡«åĨĻ":107354,"讲究":107355,"åħħåĪĨåĪ©ç͍":107356,"èĥ½å¤ł":107357,"èij¡èIJĦéħĴ":107358,"éĩĩç͍äºĨ":107359,"åľ¨ä»Ĭå¹´":107360,"ä¸Ńå°ıåѦ":107361,"åľ¨æĦı":107362,"çļĦåİĭåĬĽ":107363,"ä¸į幸":107364,"åζèį¯":107365,"åı¯ä»¥è®©":107366,"被è¯Ħ为":107367,"ç»ĨèıĮ":107368,"æĪıåī§":107369,"åįĬ导":107370,"åįĬ导ä½ĵ":107371,"è§Ĩè§Ĵ":107372,"åĸľæŃ¡":107373,"å¾ģæĶ¶":107374,"è°ĭåĪĴ":107375,"æŀģ大çļĦ":107376,"çĤ¹èµŀ":107377,"è®°èĢħä»İ":107378,"两åIJį":107379,"èĩªåĬ©":107380,"èµ·æŃ¥":107381,"æĬ¤å£«":107382,"å®Ŀ马":107383,"太åŃIJ":107384,"å°ıå°ıçļĦ":107385,"温æ³ī":107386,"åĩºç§Łè½¦":107387,"ç§ŁæĪ¿":107388,"两家":107389,"éľĩæĴ¼":107390,"ç§īæī¿":107391,"ä¸Ģä»¶äºĭ":107392,"çĥĪ士":107393,"å®ĺåħµ":107394,"转身":107395,"ä¹IJåĽŃ":107396,"çĻĮçĹĩ":107397,"模èĮĥ":107398,"æĦ£":107399,"è¿ĩåİ»çļĦ":107400,"代价":107401,"çļĦæ¦Ĥ念":107402,"åĩłçϾ":107403,"è´µéĺ³":107404,"æĭħå¿§":107405,"éĢĤå®ľ":107406,"çݯå¢ĥä¿ĿæĬ¤":107407,"çĥ«":107408,"ä½łæĥ³":107409,"æŃ¤åIJİ":107410,"ä½łä¹Ł":107411,"çįİ":107412,"éϤæŃ¤":107413,"éϤæŃ¤ä¹ĭå¤ĸ":107414,"è°ĥ度":107415,"ç§ij缮":107416,"æīĢ说çļĦ":107417,"åĬĩ":107418,"忽è§Ĩ":107419,"ä¸ī次":107420,"ä¸ĢæĹ¥":107421,"åŀĤ缴":107422,"ç«ŀæĬĢ":107423,"éĿ¢åĮħ":107424,"大æĪĺ":107425,"æIJºå¸¦":107426,"å¦Ĥæŀľæ²¡æľī":107427,"åħ»æĪIJ":107428,"åĩºè¡Ģ":107429,"çα好èĢħ":107430,"æīĵéĢļ":107431,"èµ·è¯ī":107432,"åijĪçݰåĩº":107433,"æŃĮæīĭ":107434,"åľ¨å¤ĸ":107435,"é¢Ĩ导干éĥ¨":107436,"åĨ¥":107437,"èĪĨ论":107438,"æıIJåıĸ":107439,"éĺ¿å°Ķ":107440,"æľĽçĿĢ":107441,"ä¸īäºļ":107442,"財":107443,"åĪ·æĸ°":107444,"æĻļæĬ¥":107445,"è¿ĺæľīä¸Ģ个":107446,"åĨ°ç®±":107447,"ç½ijçĤ¹":107448,"åĩºåħ·":107449,"强çĥĪçļĦ":107450,"æĪijçĽ¸ä¿¡":107451,"å¸ĮæľĽèĥ½":107452,"çīĻ齿":107453,"äºĭå®ľ":107454,"ä¸ļåĨħ人士":107455,"ä»£æĽ¿":107456,"åıĺå½¢":107457,"éĽ²":107458,"è°ĥæİ§":107459,"åĪĽæĸ°åĪĽä¸ļ":107460,"æĭĨè¿ģ":107461,"æł¸æŁ¥":107462,"éĢĹ":107463,"åħ¥åѦ":107464,"æĦıåIJij":107465,"æıĽ":107466,"ä¸ĭ次":107467,"ä¼łè¾ĵ":107468,"ä»ĸä»¬åľ¨":107469,"èĢĮä¸Ķè¿ĺ":107470,"æĹ¥åľ¨":107471,"æķĻè®Ń":107472,"æ´»çĿĢ":107473,"çļĦæľīæķĪ":107474,"å¤įå·¥å¤į":107475,"å¤įå·¥å¤į产":107476,"æĺ¯ä¸Ģä»¶":107477,"çŃīçĿĢ":107478,"復":107479,"åĭĩæķ¢":107480,"éģŃåıĹ":107481,"å¥Ķé©°":107482,"讲座":107483,"说å®Į":107484,"ç»Ļåĩº":107485,"è°¦":107486,"è¯ĬçĸĹ":107487,"çĽ²çĽ®":107488,"客è¿IJ":107489,"å°±è¿ŀ":107490,"å¼Ģåħĥ":107491,"å¼Ģåħĥæ£ĭçīĮ":107492,"ä¸įæĸŃæıIJåįĩ":107493,"ç͍æĪ·çļĦ":107494,"æĴķ":107495,"ä¾Ľæ°´":107496,"ç¶ĵæ¿Ł":107497,"ä¸ŃåĮ»èį¯":107498,"èģĶæĥ³":107499,"åħ¬äº¤è½¦":107500,"èĪªçıŃ":107501,"æĬĢè¡ĵ":107502,"å¼ķèµ·çļĦ":107503,"å°¹":107504,"èµĦæ·±":107505,"åĽ½èµĦå§Ķ":107506,"èĺŃ":107507,"é¼»åŃIJ":107508,"éĹ½":107509,"æİĴéĺŁ":107510,"è§Ĥåħī":107511,"éģĹåĿĢ":107512,"ä¸ľäº¬":107513,"é¥ŃåºĹ":107514,"ä¸įæĸŃçļĦ":107515,"å°±æĺ¯ä¸Ģ个":107516,"éķ¿ä¹ħ":107517,"çļĦè§ĤçĤ¹":107518,"娶":107519,"æĪijçİ°åľ¨":107520,"çķ°":107521,"å¾Ĺåĩº":107522,"å¿ħå®ļ":107523,"ä¸įåıĹ":107524,"åıªéľĢè¦ģ":107525,"åĽ°æī°":107526,"ç§ijåѦæĬĢæľ¯":107527,"çīĽèĤī":107528,"è¾ĥé«ĺçļĦ":107529,"è·ijæŃ¥":107530,"æ²¾":107531,"èı©èIJ¨":107532,"æľĢå¾Į":107533,"ä¿Ŀå¯Ĩ":107534,"æ²»å®ī":107535,"éĤ±":107536,"常è¯Ĩ":107537,"èĦ¸èī²":107538,"åĮĹ大":107539,"æ±ĩèģļ":107540,"æijĨèĦ±":107541,"é¾Ļ头ä¼ģä¸ļ":107542,"女åıĭ":107543,"çŃīå·¥ä½ľ":107544,"ä¸Ńç¾İ":107545,"èģĮåľº":107546,"èĦijè¢ĭ":107547,"åĨĻçļĦ":107548,"饲æĸĻ":107549,"åĬ³åĬ¨åĬĽ":107550,"屯":107551,"æĮģèĤ¡":107552,"åĽ¾åĥı":107553,"è¿ĩåİ»äºĨ":107554,"貨":107555,"è¾²":107556,"éĹ®æĪij":107557,"è·Łä½ł":107558,"çĶŁæŃ»":107559,"审ç¾İ":107560,"é¢Ĺç²Ĵ":107561,"ä¸Ńæĸ¹":107562,"åĬłçĥŃ":107563,"æĹħè¡Į社":107564,"çϼçĶŁ":107565,"ä¸įåłª":107566,"åĤ·":107567,"æ¥ł":107568,"åĬŀæ¡Ī":107569,"æŁĦ":107570,"æĹ¢æĺ¯":107571,"å¤ĦåĪĨ":107572,"羣å®ŀçļĦ":107573,"æĬ¥çº¸":107574,"å¸Īçζ":107575,"å®īå¾½çľģ":107576,"åī¯ä¸»å¸Ń":107577,"ä¹ĭéģĵ":107578,"导弹":107579,"åŃ¦æł¡çļĦ":107580,"åŁİå¸ĤçļĦ":107581,"è°Īåΰ":107582,"æ¢Ĺ":107583,"å¹³éĿ¢":107584,"说ä»Ģä¹Ī":107585,"é¢ijçİĩ":107586,"éķ¿ä¸īè§Ĵ":107587,"çļĦåĪ©çĽĬ":107588,"黨":107589,"è±ĨèħIJ":107590,"å®ŀéĻħæĥħåĨµ":107591,"æŀĹä¸ļ":107592,"纪æ£ĢçĽijå¯Ł":107593,"ä½ıéĻ¢":107594,"çļĦæķ´ä½ĵ":107595,"åīįè¡Į":107596,"æĮ¨":107597,"çħ¤çŁ¿":107598,"å̻è£ģ":107599,"å°ıåIJĥ":107600,"æŀģ端":107601,"å©Ĩå©Ĩ":107602,"çݰ货":107603,"è¯ĹæŃĮ":107604,"éĴ¥åĮĻ":107605,"缩çŁŃ":107606,"ä½Ĩè¿Ļ":107607,"æĸ°åĵģ":107608,"è¿Ļ对":107609,"çŁ¥åIJį度":107610,"å¿ĹæĦ¿æľįåĬ¡":107611,"大å±Ģ":107612,"è¡¡éĩı":107613,"ä½ĵçݰäºĨ":107614,"æ¡ĥèĬ±":107615,"åIJ¸å¼ķåĬĽ":107616,"åł¤":107617,"æĵħéķ¿":107618,"åĴĴ":107619,"çĽ¸æľº":107620,"ä¸Ģç«Ļ":107621,"ä¸Ģç«Ļå¼ı":107622,"æľĢç¾İ":107623,"æ°¸ä¹ħ":107624,"çļĦéĥ¨åĪĨ":107625,"åĪĨå·¥":107626,"å·¥ç¨ĭ建设":107627,"æIJŃè½½":107628,"æ°´ä¸Ń":107629,"èĮ¨":107630,"çļĦæĵįä½ľ":107631,"ç»Łæ²»":107632,"çķħéĢļ":107633,"åħļçļĦåįģ":107634,"輸":107635,"測":107636,"ç¾İè§Ĥ":107637,"ä¸įåĪ©":107638,"åıįæĢĿ":107639,"éªĦåĤ²":107640,"æłĩçļĦ":107641,"æĿĢ人":107642,"éĺ¿å§¨":107643,"é£ŁæĿIJ":107644,"åIJĥçļĦ":107645,"åIJİåĨį":107646,"çŁ£":107647,"两侧":107648,"æ¸ħæ°´":107649,"è¿ĽçIJĥ":107650,"å¼Ģå§ĭäºĨ":107651,"åIJ¬äºĨ":107652,"çĦĬæİ¥":107653,"磮":107654,"å¨Ł":107655,"为人":107656,"éĢģç»Ļ":107657,"åĨĴéĻ©":107658,"æķ·":107659,"ç»ĪæŃ¢":107660,"æīįçŁ¥éģĵ":107661,"è¿IJæ°Ķ":107662,"éĢļé£İ":107663,"æĥĬè®¶":107664,"ç§ijåѦéĻ¢":107665,"æıIJéĹ®":107666,"太åİŁ":107667,"缸åIJĮçļĦ":107668,"ä»ķ":107669,"èģĸ":107670,"æĥħæ³ģ":107671,"é¢Ĩ导人":107672,"åĩºæĿ¥äºĨ":107673,"沿线":107674,"éϽ":107675,"æĦŁè¦º":107676,"ä»įåľ¨":107677,"æ©Ļ":107678,"约为":107679,"åĸĿéħĴ":107680,"ç͍èį¯":107681,"ä¸ĭä¸Ģ":107682,"æ³ķå®ĺ":107683,"顺åºı":107684,"åģļä¸Ģ个":107685,"åĭ¢":107686,"æŃª":107687,"ç͵ç«ŀ":107688,"ä¼´éļıçĿĢ":107689,"ä¹ĭåĬĽ":107690,"ä¹ĭ人":107691,"äºij计ç®Ĺ":107692,"åĪ«äººçļĦ":107693,"ç§ijåѦåıijå±ķ":107694,"第åħ«":107695,"å¹²æī°":107696,"女ç¥ŀ":107697,"è¿Ļæł·åģļ":107698,"å¤Ħåľ¨":107699,"æ°´è´¨":107700,"éķ¿æĺ¥":107701,"å¸ĤåľºéľĢæ±Ĥ":107702,"ç»´æĿĥ":107703,"èĢ³æľµ":107704,"æĸĩåĮĸçļĦ":107705,"奶ç²ī":107706,"ä¼łè¾¾":107707,"æīĭæľºçīĪ":107708,"æĽ¾åľ¨":107709,"äºĮæľŁ":107710,"åİŁåĽłæĺ¯":107711,"æºIJ头":107712,"åıĪèĥ½":107713,"裸":107714,"æĬĢæľ¯åĪĽæĸ°":107715,"æĸĩåĮĸæĹħ游":107716,"åıij票":107717,"年级":107718,"ä½łä¸į":107719,"ä¹ĭå¿ĥ":107720,"æķ°çϾ":107721,"åIJijå¾Ģ":107722,"èĢģå®¶":107723,"åľĭéļĽ":107724,"çļĦé«ĺ度":107725,"æľĿéĺ³":107726,"æ¸ħéϤ":107727,"èĩªæľī":107728,"书ä¸Ń":107729,"游æĪıè£ħå¤ĩ":107730,"ä¸ĩå¤ļ":107731,"驾驶åijĺ":107732,"ä½łçŁ¥éģĵ":107733,"åĽ½åºĨ":107734,"é£ŁåłĤ":107735,"æİ¥åı£":107736,"æĢ»æķ°":107737,"åħ¶ä»ĸçļĦ":107738,"çĶŁåij½çļĦ":107739,"ä½łåľ¨":107740,"çļĦ缮åħī":107741,"è¿Ļæĸ¹éĿ¢":107742,"éĥ½è¯´":107743,"çĸĹæ³ķ":107744,"åĭĩ士":107745,"åľ¨åħ¨çIJĥ":107746,"ä¿ĿéĻ©åħ¬åı¸":107747,"çĿ£æŁ¥":107748,"åĸĦèī¯":107749,"表彰":107750,"è¹²":107751,"路段":107752,"æľĥåĵ¡è¦ı":107753,"æľĥåĵ¡è¦ıç¯Ħ":107754,"æĪ·åŀĭ":107755,"ä¿ĥ使":107756,"修建":107757,"é«ĺæ°´å¹³":107758,"åģļåĩºäºĨ":107759,"ä¸»åľº":107760,"è¡Įèµ°":107761,"空çϽ":107762,"æľī人说":107763,"è¿Ļ个ä¸ĸçķĮ":107764,"åIJįä¹ī":107765,"å®Įç¾İçļĦ":107766,"羡æħķ":107767,"åıĬåħ¶ä»ĸ":107768,"åı¯ç͍":107769,"æĭIJ":107770,"è¾ĥ大çļĦ":107771,"æĬĢæľ¯åĴĮ":107772,"å°¼äºļ":107773,"çĻ¾è´§":107774,"æıī":107775,"éĢīè´Ń":107776,"éĺŁåıĭ":107777,"ä¼łæĦŁ":107778,"ä¼łæĦŁåύ":107779,"åıªè¦ģä½ł":107780,"为ä»Ģä¹Īè¦ģ":107781,"ä¸ĵ注äºİ":107782,"ä½Ļé¢Ŀ":107783,"åħ¸åŀĭçļĦ":107784,"缮åīįå·²":107785,"æ¬²æľĽ":107786,"èģĶ绾":107787,"æµģä¼ł":107788,"çļĦå®¶åºŃ":107789,"åı·åı¬":107790,"çıįè´µ":107791,"ä¼Łå¤§çļĦ":107792,"éī´äºİ":107793,"è·Łä»ĸ":107794,"产çī©":107795,"ä¸įå·²":107796,"è¿Ŀæ³ķè¡Į为":107797,"头ä¸Ĭ":107798,"åĪĨè§£":107799,"åı¯ä»¥çľĭåĩº":107800,"æł¡åĮº":107801,"åŃĹä½ĵ":107802,"ä¿®çĤ¼":107803,"çĶļèĩ³æĺ¯":107804,"微信åħ¬ä¼Ĺ":107805,"åıĸ代":107806,"èIJ¥ä¸ļæĶ¶åħ¥":107807,"æ½įåĿĬ":107808,"ä½łèĥ½":107809,"社ä¼ļä¿Ŀéļľ":107810,"æ¯ĶèµĽä¸Ń":107811,"污水å¤ĦçIJĨ":107812,"夫å¦ĩ":107813,"ä¸Ģå¹ħ":107814,"沿海":107815,"åı£æĦŁ":107816,"ä½Ĩåį´":107817,"å½ĵæĹ¥":107818,"çļĦæľĢ大":107819,"æ¯ıä¸Ģä½į":107820,"没äºĭ":107821,"çī¹åĪ¥":107822,"å¼ĢåѦ":107823,"è·¯éĿ¢":107824,"å¿ĥçIJĨåѦ":107825,"æĶ¾ç½®":107826,"éĩįåºĨå¸Ĥ":107827,"ä½łèĩªå·±":107828,"æ¶Īè´¹èĢħçļĦ":107829,"ä¸Ģæ³¢":107830,"èѦæĥķ":107831,"åį§å®¤":107832,"注å°Ħ":107833,"é£İ鼨":107834,"沿çĿĢ":107835,"åijĬ訴":107836,"表çݰåĩº":107837,"åĽĽæĺ¯":107838,"åı¤åħ¸":107839,"æĽ´éĩįè¦ģçļĦ":107840,"好äºĭ":107841,"çľ¼æ³ª":107842,"æ¨ĵ":107843,"审åΤ":107844,"碰æĴŀ":107845,"车ç«Ļ":107846,"è¿Ľåħ¥äºĨ":107847,"éĽĨåIJĪ":107848,"æł¼å¤ĸ":107849,"宾é¦Ĩ":107850,"æĶ¯ä»ĺå®Ŀ":107851,"她æĺ¯":107852,"æĺ¯å¦Ĥä½ķ":107853,"人次":107854,"çļĦæĪIJåĬŁ":107855,"æĹłåĬĽ":107856,"æµ·æĭĶ":107857,"æĺ¥åŃ£":107858,"éĥ½ä¸įä¼ļ":107859,"çŃīå¤ļç§į":107860,"ä¸Ģ个å°ı":107861,"åģľè½¦åľº":107862,"è®©æĽ´å¤ļ":107863,"è¿ĻçĤ¹":107864,"æĪIJåĵģ":107865,"éĴī":107866,"éģĩè§ģ":107867,"çıŃ主任":107868,"æĦıæĦ¿":107869,"çļĦåIJĮåѦ":107870,"游è§Ī":107871,"åİĭ缩":107872,"åľ¨ä¼łå¥ĩ":107873,"å¼¹æĢ§":107874,"æĹ¥åĨħ":107875,"ç¦ı建çľģ":107876,"è§ĴèIJ½":107877,"åĪĨå¼Ģ":107878,"ä¼ļ让":107879,"å¤ĸåĽ´":107880,"çĨŁæĤīçļĦ":107881,"çĨĶ":107882,"ä¸ĩè¾Ĩ":107883,"å¤ľéĹ´":107884,"车身":107885,"ä¸ŃæľŁ":107886,"å®ĮåĸĦçļĦ":107887,"åĵģç±»":107888,"åıĭè°Ĭ":107889,"éĢīæĭĶ":107890,"éªij士":107891,"彦":107892,"çļĦçľĭæ³ķ":107893,"åĽ½çİĭ":107894,"è¾£æ¤Ĵ":107895,"åıijå¸ĥæĹ¶éĹ´":107896,"åı¤åŁİ":107897,"éļıæľº":107898,"ç«ĸ":107899,"å¼Ģè¾Ł":107900,"ä¼ĹçĶŁ":107901,"没åĬŀæ³ķ":107902,"åįĥéĩĮ":107903,"æĿ¥æºIJäºİ":107904,"çļĦæĿĥåĪ©":107905,"æ¯ĶåĪĨ":107906,"满æĦıçļĦ":107907,"ä¿®è¡Į":107908,"åĿł":107909,"大海":107910,"èݹ":107911,"åĩºèº«":107912,"è«ĩ":107913,"åħ³èĬĤ":107914,"åIJį人":107915,"éľĢè¦ģ注æĦı":107916,"æĹ©æĻ¨":107917,"å¤ĸåįĸ":107918,"åıĪè¦ģ":107919,"æ¶īæ¡Ī":107920,"çĶ³è¯·äºº":107921,"éĻĦè¿ijçļĦ":107922,"åĬłå¿«æİ¨è¿Ľ":107923,"æĸ°å¹´":107924,"大è¡Ĺ":107925,"ä¸Ģé»ŀ":107926,"èĭıå®ģ":107927,"æĤĦæĤĦ":107928,"èĦ¾æ°Ķ":107929,"å¸ĮèħĬ":107930,"éļıåį³":107931,"æķ¢äºİ":107932,"å®ŀè·µä¸Ń":107933,"æĺ¯æ²¡æľī":107934,"æľīè¶£çļĦ":107935,"æĿ¥èĩªäºİ":107936,"è£ģåΤ":107937,"女åŃ©åŃIJ":107938,"èĩ³åħ³":107939,"èĩ³åħ³éĩįè¦ģ":107940,"æĻºåĬĽ":107941,"èµ°åĩºåİ»":107942,"çŁŃæĿ¿":107943,"å¤§åĽ½":107944,"çļĦ认è¯Ĩ":107945,"å¹´å¤ľ":107946,"åĨįåΰ":107947,"åIJĮæł·çļĦ":107948,"å¯Ĩå°ģ":107949,"å¤ĸ交éĥ¨":107950,"çĶŁæķĪ":107951,"æĤ¨åı¯ä»¥":107952,"ä½łåĢij":107953,"è¿ĩå¹´":107954,"å¼ĵ":107955,"è¡ĮæĿİ":107956,"æ¯Ķèµ·":107957,"身é«ĺ":107958,"è¿Ļ个人":107959,"ä¸Ńå¤ĸ":107960,"éģĵæŃī":107961,"çĽ¯çĿĢ":107962,"亲åŃIJ":107963,"éŸ":107964,"çϽäºij":107965,"èĦĸåŃIJ":107966,"ä¸ĢåĪĩéĥ½":107967,"æ·ij":107968,"è°ľ":107969,"åģ¶çĦ¶":107970,"éĿłè°±":107971,"é«ĺ管":107972,"ä¸ĭåıij":107973,"æĶ¾åΰ":107974,"ç±»åĪ«":107975,"ä¸ĭåĪĹ":107976,"æ··ä¹±":107977,"åIJĪæ³ķæĿĥçĽĬ":107978,"çݯçIJĥ":107979,"æľīæķĪåľ°":107980,"åķĨæĪ·":107981,"æ¹ĸ人":107982,"海岸":107983,"æĬķ产":107984,"两个æľĪ":107985,"éĥ½éĿŀ常":107986,"å¢ŀ强äºĨ":107987,"æĿ¥åΰäºĨ":107988,"åī©ä½Ļ":107989,"æĤ¨çļĦåŃ©åŃIJ":107990,"æµģæ°´":107991,"æŃ£ä¹ī":107992,"天çĮ«":107993,"åģļè¿ĩ":107994,"ä½ķæĹ¶":107995,"æĪijåİ»":107996,"çľģ份":107997,"å¥ĸéĩij":107998,"该å¦Ĥä½ķ":107999,"ä¸ĭçıŃ":108000,"åģ¶åĥı":108001,"æijĨæĶ¾":108002,"æĸ°æ¨¡å¼ı":108003,"æĬķè³ĩ":108004,"è·¯åı£":108005,"åĨľæ°ijå·¥":108006,"大åѸ":108007,"ä»¶äºĭ":108008,"æł¹æľ¬ä¸į":108009,"æµĵ度":108010,"æµĵåİļ":108011,"è½®èĥİ":108012,"æĪ¿ä¼ģ":108013,"éĿŀ常好":108014,"ä»İä¸Ń":108015,"äººæł¼":108016,"ç¿ģ":108017,"æĹ¶éĹ´åĴĮ":108018,"è¿Ļä¸įæĺ¯":108019,"åΏåķĨ":108020,"æĥĬ人":108021,"åύå®ĺ":108022,"åĩĨåĪĻ":108023,"æĥħæĻ¯":108024,"æĽ´é«ĺçļĦ":108025,"åѦ家":108026,"泡沫":108027,"åľ°æĸ¹æĶ¿åºľ":108028,"å°±çŁ¥éģĵ":108029,"åij¼åIJģ":108030,"ç»ıè´¸":108031,"èĬ±éĴ±":108032,"æľīä¸Ģ次":108033,"æĦŁæħ¨":108034,"ä¸Ģåįĥ":108035,"å¤ľæĻļ":108036,"詹å§Ĩ":108037,"詹å§Ĩæĸ¯":108038,"è¦ģéĹ»":108039,"ç»Ĵ":108040,"æºIJäºİ":108041,"çļĦè´¨éĩı":108042,"注æĦıäºĭ项":108043,"æħ¢æĢ§":108044,"稳å®ļçļĦ":108045,"建设åĴĮ":108046,"æĻ¯è±¡":108047,"éĩıåĮĸ":108048,"çļĦ話":108049,"è¯Ħ级":108050,"æºľ":108051,"红åĮħ":108052,"éĢļéģİ":108053,"社ä¼ļ责任":108054,"æĸ°äº§åĵģ":108055,"åĨ·éĿĻ":108056,"çľĭä¸įåΰ":108057,"èģĶéĤ¦":108058,"éŃĦ":108059,"çļĦåīįæıIJ":108060,"çļĦåīįæıIJä¸ĭ":108061,"è¾ĥ好":108062,"çļĦæĦŁæĥħ":108063,"客æĪ·æıIJä¾Ľ":108064,"çĭ¬èĩª":108065,"å¢ŀæĶ¶":108066,"æĸĩçĮ®":108067,"æĭ¼åij½":108068,"管çIJĨåĴĮ":108069,"æµģåĬ¨æĢ§":108070,"åħ¨å®¶":108071,"ä¸Ĭæĸ¹":108072,"æİ¨åĩºçļĦ":108073,"ä¸īåĽ½":108074,"ä¸Ģ个æĺ¯":108075,"æĸ°ä¸Ģè½®":108076,"æĸĩåĮĸéģĹ产":108077,"殺":108078,"大湾åĮº":108079,"éĥ½éľĢè¦ģ":108080,"çļĦå®ŀéĻħ":108081,"ç·Ĭ":108082,"大å¥ĸ":108083,"åħīèĬĴ":108084,"便äºİ":108085,"çļĦ表æĥħ":108086,"æ¼Ķç»İ":108087,"红åĨĽ":108088,"å½ĵæĪij":108089,"æ²»æĦĪ":108090,"é¢Ŀ度":108091,"éĿľ":108092,"ä»»ä½ķ人":108093,"è¡Ĺ头":108094,"çĸ¯":108095,"çĸ¯æĭī":108096,"åĮ»çĸĹæľºæŀĦ":108097,"ç»ĻåŃ©åŃIJ":108098,"è§Ħ磩":108099,"è£ľ":108100,"çļĦ身影":108101,"ä¸ĵæłı":108102,"æĿ¥ä¸´":108103,"童年":108104,"å¤įèĭı":108105,"è¨Ĥ":108106,"åŀĭåı·":108107,"åĽ¾æ¡Ī":108108,"ç®ĢåİĨ":108109,"æĭ±":108110,"èį·åħ°":108111,"ä»»æĦı":108112,"æī¿æİ¥":108113,"è¿Ļæīį":108114,"客车":108115,"æľĿçĿĢ":108116,"éłħ缮":108117,"åı°é£İ":108118,"çļĦæĪ¿åŃIJ":108119,"éªı":108120,"æĿ±è¥¿":108121,"éģĹä¼ł":108122,"è¶Ĭå¤ļ":108123,"äºĨä»ĸçļĦ":108124,"ä¸Ĭåij¨":108125,"管çIJĨåĪ¶åº¦":108126,"失ä¸ļ":108127,"çĶ·åıĭ":108128,"æİ¥ç§į":108129,"å¨ģåIJį":108130,"çĴ°å¢ĥ":108131,"åıijçĶŁåľ¨":108132,"ä¸ªåĽ½å®¶":108133,"åĪĽæĸ°åıijå±ķ":108134,"æĶ¹åıĺäºĨ":108135,"åģ¥åº·çļĦ":108136,"å̼å¾Ĺä¸Ģ":108137,"å̼å¾Ĺä¸ĢæıIJ":108138,"åĽ¢ä¼Ļ":108139,"åģĩ设":108140,"åı°ä¸Ĭ":108141,"è§ĦèĮĥåĮĸ":108142,"éĻªåIJĮ":108143,"座æ¤ħ":108144,"åı¯æĢľ":108145,"åħĭæĢĿ主ä¹ī":108146,"æ³ķå¾ĭ责任":108147,"ä¸Ģé¡¿":108148,"æĬ¬å¤´":108149,"为éĩįçĤ¹":108150,"è¿ľæ´ĭ":108151,"éĢıè¿ĩ":108152,"åħ¨çIJĥåĮĸ":108153,"è¶£åij³":108154,"票æĪ¿":108155,"æ¯ı人":108156,"åIJĦç§įåIJĦæł·":108157,"äºĨåĩºæĿ¥":108158,"ç»Ŀ对æĺ¯":108159,"ä¸ĭå±ŀ":108160,"ä¸ĢåıĮ":108161,"è¿ĻåĿĹ":108162,"æĬĹçĸ«":108163,"è¦ģçĤ¹":108164,"å½¢æĪIJçļĦ":108165,"æĪijçľĭ":108166,"ä¸ĩéĩĮ":108167,"èĢĥçłĶ":108168,"为åħ¶":108169,"æ°ij宿":108170,"å¤ļä½į":108171,"大èĩ´":108172,"ä»ĺè´¹":108173,"åħ¥æīĭ":108174,"å±ħå®¶":108175,"æīĢåľ¨åľ°":108176,"人身":108177,"è¿ĩå¾Ĺ":108178,"è¯ķè¯ķ":108179,"访è°Ī":108180,"åĬłéĩį":108181,"å°±ä¸įä¼ļ":108182,"çĶŁäº§ä¼ģä¸ļ":108183,"åĽŀåĽ½":108184,"åºķ线":108185,"èµ¶åΰ":108186,"æĶ¯éĺŁ":108187,"æĪij们éĥ½":108188,"éĤ®æĶ¿":108189,"缴èĩ³":108190,"éĴ¢çIJ´":108191,"åħľ":108192,"çłĶ讨ä¼ļ":108193,"æľĪ亮":108194,"åĿļæĮģ以":108195,"åħ¬å®īéĥ¨":108196,"éĴ¢ç®¡":108197,"å°ıçϽ":108198,"ç½®ä¸ļ":108199,"èģĭ":108200,"书åĨĻ":108201,"æĿı":108202,"éħįæĸ¹":108203,"èĢĮåıĪ":108204,"çijŀ士":108205,"çķĮçļĦ":108206,"èĢģ大":108207,"æĪIJçĨŁçļĦ":108208,"å¹²ä»Ģä¹Ī":108209,"ä¸ĵ项æĸĹäºī":108210,"çŃīå¤ļ个":108211,"èĦ±ç¦»":108212,"ä¸ī个æľĪ":108213,"çłĶç©¶åijĺ":108214,"æĹĭ转":108215,"æŀģèĩ´":108216,"åħįè´£":108217,"åħį责声æĺİ":108218,"å¾Īå¤ļçݩ家":108219,"车ä¸Ĭ":108220,"交äºĴ":108221,"å·²æĺ¯":108222,"ä¸Ģå°ı":108223,"çļĦéĩįçĤ¹":108224,"èĬ±äºĨ":108225,"ä¸įæĺİ":108226,"æľīåħ³è§Ħå®ļ":108227,"çĬ¹å¦Ĥ":108228,"羸":108229,"寡":108230,"çļĦè¡£æľį":108231,"åĮħ裹":108232,"身åŃIJ":108233,"å¸ĪèĮĥ大åѦ":108234,"äºĭåħĪ":108235,"线æĿ¡":108236,"æ³ķåζ":108237,"åħ»æĬ¤":108238,"稳å®ļæĢ§":108239,"éĤµ":108240,"åŀĦæĸŃ":108241,"é¡į":108242,"èĢĥåı¤":108243,"æĿłæĿĨ":108244,"èĭıèģĶ":108245,"æ°´ç͵":108246,"åħ·ä½ĵçļĦ":108247,"æ¿Ģæ´»":108248,"æĪijæł¡":108249,"åĪļå¼Ģå§ĭ":108250,"åĩ¸æĺ¾":108251,"禾":108252,"åħ¼èģĮ":108253,"éĢıéģİ":108254,"åľ¨æ¸¸æĪıä¸Ń":108255,"社ä¼ļåıijå±ķ":108256,"好çİ©":108257,"å¹»æĥ³":108258,"ä¸į代表":108259,"注æĦıåĬĽ":108260,"æ£į":108261,"ç͍æīĭ":108262,"ç¾İ人":108263,"许å¤ļ人":108264,"å¾Īæĺ¯":108265,"çļĦçłĶåıij":108266,"æīĵåĩº":108267,"åIJĪä¼Ļ人":108268,"ä¸Ģå¤ľ":108269,"ç¼ĵç¼ĵ":108270,"ä¿®æŃ£":108271,"æĦŁçŁ¥":108272,"ç»Ī身":108273,"æ¿Ģç´ł":108274,"çݯå¢ĥä¸ĭ":108275,"次ä¼ļè®®":108276,"ç»ıæµİå¢ŀéķ¿":108277,"æīĽ":108278,"åıijéħµ":108279,"åĪĨæŀIJå¸Ī":108280,"åľ¨æľªæĿ¥":108281,"主è¦ģæľī":108282,"ä¸ĢåŃ£åº¦":108283,"çļĦ说æ³ķ":108284,"ä»İæĿ¥æ²¡æľī":108285,"货车":108286,"缩å°ı":108287,"太è¿ĩ":108288,"æķĪåĬĽ":108289,"ä¸įä¸ĭ":108290,"æĬķ稿":108291,"èį¯ä¸ļ":108292,"ç»Ħéķ¿":108293,"ç«ĻçĤ¹":108294,"å¾Īåĸľæ¬¢":108295,"éIJµ":108296,"åĬ¿å¤´":108297,"æ¼ıæ´ŀ":108298,"æĦ¤æĢĴ":108299,"åħħå®ŀ":108300,"åĪĽä¸ļæĿ¿":108301,"çĪª":108302,"æľªå¿ħ":108303,"åºķéĥ¨":108304,"å¾ĹåĪĨ":108305,"人æ°ijåĮ»éĻ¢":108306,"äºĮæīĭæĪ¿":108307,"å·²ç»ı被":108308,"大楼":108309,"æĸ°æĪ¿":108310,"辦æ³ķ":108311,"ç͍åĬĽ":108312,"æĭĵ宽":108313,"åĨħåľ¨":108314,"æĴŃåĩº":108315,"饰æ¼Ķ":108316,"ä¹Łè®©":108317,"ä½ľçĤº":108318,"çī©ä¸ļ管çIJĨ":108319,"åį´ä¸į":108320,"为ä¸ŃåĽ½":108321,"å±ĢåĬ¿":108322,"ä¸įèĤ¯":108323,"æľĢæĸ°çļĦ":108324,"åı¯ä»¥éĢīæĭ©":108325,"æĺ¾çݰ":108326,"å°±ç®Ĺæĺ¯":108327,"åľ¨æł¡":108328,"é¾Ł":108329,"两æĿ¡":108330,"çļĦå®ŀåĬĽ":108331,"è¶Ĭ好":108332,"å¥¹åľ¨":108333,"å¿łè¯ļ":108334,"ä¹ŁéľĢè¦ģ":108335,"游æĪıæĵįä½ľ":108336,"è¶ħåĩº":108337,"å¦Ĥæŀľä¸į":108338,"æīĢåľ¨çļĦ":108339,"ä½łè¿ĺ":108340,"以åĨħ":108341,"æľīä¸Ģå®ļ":108342,"åı¯è¾¾":108343,"è·ijåΰ":108344,"åīĽ":108345,"建ç«ĭåģ¥åħ¨":108346,"æķ´è½¦":108347,"åīįæĸ¹":108348,"éĹ´æİ¥":108349,"çѹå¤ĩ":108350,"çĸ²åĬ³":108351,"离å¼ĢäºĨ":108352,"æ±Ŀ":108353,"éĿ¢éĥ¨":108354,"ä¹ĭåīįçļĦ":108355,"åıĺ为":108356,"å¦Ĥæŀľè¯´":108357,"对ä»ĺ":108358,"åĿĩåı¯":108359,"被åijĬ人":108360,"ç²¾ç¾İ":108361,"èģļä¼ļ":108362,"çĿ̥̿":108363,"è°·æŃĮ":108364,"ä¸Ģåı·":108365,"红åĪ©":108366,"ä¼łå¥ĩ游æĪı":108367,"å»ĸ":108368,"è´ŀ":108369,"ä¹°åΰ":108370,"éŃļ":108371,"ä½ĵè´¨":108372,"å°ijäºĨ":108373,"æ³īå·ŀ":108374,"åIJŁ":108375,"ç»Ŀä¸į":108376,"é»ijæģ¶":108377,"é»ijæģ¶åĬ¿åĬĽ":108378,"ä¸Ĭæĺł":108379,"çļĦè¯Ŀé¢ĺ":108380,"ä¸ĩ人次":108381,"ä¸ĸéĹ´":108382,"ç͍工":108383,"贯穿":108384,"å®ĿçŁ³":108385,"ä½łå¥½":108386,"åĪĩåī²":108387,"å¼ºåĽ½":108388,"åĽŀèIJ½":108389,"æ°´æĻ¶":108390,"模仿":108391,"洪水":108392,"éĢĻ麼":108393,"åįģä¸īäºĶ":108394,"ä½ij":108395,"éĻĦä»¶":108396,"çļĦå¢ŀéķ¿":108397,"éĻĦå±ŀ":108398,"çݰ已":108399,"å¸®ä½ł":108400,"éĩijçīĮ":108401,"é«ĺåİŁ":108402,"åľ¨å®¶éĩĮ":108403,"éĺ²èħIJ":108404,"ç¡®å®ŀæĺ¯":108405,"宣讲":108406,"天æīį":108407,"ç»ıèIJ¥ç®¡çIJĨ":108408,"éĶħçĤī":108409,"åIJĪä¸Ģ":108410,"è§Ĥèµı":108411,"éķ¿è¾¾":108412,"主ä¹īæĢĿæĥ³":108413,"éĤ£éº¼":108414,"é£İäºij":108415,"为主çļĦ":108416,"æļijåģĩ":108417,"æĮģä¹ħ":108418,"å¼Ĥåľ°":108419,"å¼ĢéŨ":108420,"模æĿ¿":108421,"æī¹æ¬¡":108422,"ä¸į便":108423,"天çĶŁ":108424,"åĩłä¸ªæľĪ":108425,"ä¸ĵç§ij":108426,"åı¦æľī":108427,"åħ¬å¸ĥçļĦ":108428,"æĩ·":108429,"åľºåIJĪ":108430,"çļĦå¿ĥæĢģ":108431,"è¿ĺ好":108432,"å®ŀæĪĺ":108433,"èĢģå¸ĪçļĦ":108434,"åħ©åĢĭ":108435,"åı¯åľ¨":108436,"éĤ£ä½į":108437,"å¥łå®ļäºĨ":108438,"ä¿ĥéĶĢ":108439,"æı´åĬ©":108440,"ä¸ĩçī©":108441,"æĥħæĬ¥":108442,"é¦ĸåħĪè¦ģ":108443,"æĸĩåĮĸåĴĮ":108444,"éĥ½å·²ç»ı":108445,"ä¸Ĭä¸ĸ纪":108446,"åĨľåľº":108447,"大æī¹":108448,"æĺİçϽäºĨ":108449,"çļĦæĪIJéķ¿":108450,"çļĦæ¯ĶèµĽ":108451,"失误":108452,"åģļæĪIJ":108453,"ä»Ĭ天å°ıç¼ĸ":108454,"é¢Ĩè¢ĸ":108455,"æıIJåįĩäºĨ":108456,"å¾IJå·ŀ":108457,"ä»įæľī":108458,"è¿ĩ滤":108459,"å¹½é»ĺ":108460,"çĥŃéĩı":108461,"ä¸Ģé¦ĸ":108462,"æ¼Ĥ亮çļĦ":108463,"åĩłç§į":108464,"åĢ¡è®®":108465,"å°±åı¯ä»¥äºĨ":108466,"æİĴåĪĹ":108467,"éĩįéĩį":108468,"ä¼ģä¸ļåĴĮ":108469,"ä¸ĵå±ŀ":108470,"çħİ":108471,"亲æĪļ":108472,"çϾåĪĨä¹ĭ":108473,"稿件":108474,"è¿ĺå¾Ĺ":108475,"人åĵ¡":108476,"äºī夺":108477,"æĽ´å®¹æĺĵ":108478,"大èĩªçĦ¶":108479,"鼻èħ¦":108480,"太空":108481,"åľ°å¤Ħ":108482,"夢":108483,"ä»ĸ对":108484,"å¿ħå°Ĩ":108485,"ä¸įå½ĵ":108486,"严谨":108487,"åĩºåľº":108488,"å·²ç»ıæľī":108489,"é¢ĨåĨĽ":108490,"é«ĺæ¡£":108491,"ä¸ĢæīĢ":108492,"æłĹ":108493,"让åѦçĶŁ":108494,"æĽ¹æĵį":108495,"æŁIJä¸Ģ":108496,"伸åĩº":108497,"èĬ±åįī":108498,"æ¸ħéĨĴ":108499,"èģĶç³»æĸ¹å¼ı":108500,"åĪĨå±Ģ":108501,"èħ³":108502,"æ©¡èĥ¶":108503,"éķ¿å¾Ĺ":108504,"ç»¿åľ°":108505,"è¢į":108506,"çļĦèīºæľ¯":108507,"女æľĭåıĭ":108508,"ä¸Ńè¶ħ":108509,"离åŃIJ":108510,"å¤ļæł·åĮĸ":108511,"éĺ³åı°":108512,"ä½İ碳":108513,"ä¸Ģç±»":108514,"çŃīæĸ¹éĿ¢çļĦ":108515,"å¾Ĺ好":108516,"模åħ·":108517,"ä¸ĩ亿":108518,"çķĻæĦı":108519,"临æ²Ĥ":108520,"å°ijéĩı":108521,"çľĭåIJij":108522,"ç»ıèIJ¥èĢħ":108523,"çķĻä¸ĭäºĨ":108524,"åĿıäºĨ":108525,"åijĬåĪ«":108526,"羣çIJĨ":108527,"ç¼´è´¹":108528,"æĬĬä½ł":108529,"çļĦä»»åĬ¡":108530,"æĪij对":108531,"ä¹°åħ¥":108532,"çĻ»ä¸Ĭ":108533,"æľī两个":108534,"ä¸Ģ头":108535,"æĵįæİ§":108536,"åħ¨è¦ĨçĽĸ":108537,"çĿĢæīĭ":108538,"å¢ĻéĿ¢":108539,"å¤ļæĸ¹":108540,"åı¯çαçļĦ":108541,"ä¹Łåı¯èĥ½":108542,"æľĢæľī":108543,"è¿ĻäºĽéĥ½æĺ¯":108544,"æĥ¡":108545,"å®®":108546,"å¾Īå°ı":108547,"éĹ®é¢ĺæĺ¯":108548,"åĿĩæľī":108549,"å¾ģéĽĨ":108550,"说åĩº":108551,"æľīæĦı":108552,"é¢Ĥ":108553,"æī¬å·ŀ":108554,"åķĨä¸ļ模å¼ı":108555,"çĶŁèĤĸ":108556,"æįIJ款":108557,"å²Ĥ":108558,"ç¾İæĻ¯":108559,"è¿ĺ羣":108560,"æĭ¥æĬ±":108561,"身ä½ĵåģ¥åº·":108562,"æ·±å¤Ħ":108563,"çľ¼ç¥ŀ":108564,"çļĦ形象":108565,"ä¼ĺè¶Ĭ":108566,"å½ĵæĪIJ":108567,"åĮºåĪĨ":108568,"åİ»éϤ":108569,"注å®ļ":108570,"å§IJ妹":108571,"åĮºåĨħ":108572,"é©ļ":108573,"æļĹ示":108574,"æĺİ亮":108575,"æħ°éĹ®":108576,"å¸Ĥåľºä»½é¢Ŀ":108577,"çĮªèĤī":108578,"çļĦèµĦéĩij":108579,"åİĨç»ı":108580,"å§ĭç»ĪåĿļæĮģ":108581,"çĶŁæľº":108582,"ä¸į顾":108583,"éĩijåĪļ":108584,"大声":108585,"éĻķ西çľģ":108586,"é²į":108587,"åĨľä¸ļåĨľæĿij":108588,"æľī害":108589,"éŨè¯Ĭ":108590,"æ¯ıä¸Ģ次":108591,"çļĦåĽłç´ł":108592,"é¢Ŀå¤ĸ":108593,"åݿ级":108594,"çļĩåIJİ":108595,"åĽ½ä¼ģ":108596,"é¦ĸéĢī":108597,"ç¼ĸåĨĻ":108598,"æĭ¿èµ·":108599,"åģ·åģ·":108600,"ä¸İä¸ŃåĽ½":108601,"åįĸå®¶":108602,"ç»Ļä»ĸ们":108603,"ç¥ŀè¯Ŀ":108604,"åŃ¸æł¡":108605,"æĪijä¸Ģ缴":108606,"çŁ¥éģĵäºĨ":108607,"åįĴ":108608,"åĴĮåľ°åĮº":108609,"ä»Ģä¹Īéĥ½":108610,"çͻ家":108611,"æľ¬çĿĢ":108612,"ä½ĻåIJį":108613,"审çIJĨ":108614,"ä¸ĢåIJij":108615,"åıijå±ķè¶ĭåĬ¿":108616,"åĮºéĹ´":108617,"注åĨĮèµĦæľ¬":108618,"çIJ¦":108619,"ä¸įåı¯ä»¥":108620,"çļĦåĦ¿åŃIJ":108621,"å̼çıŃ":108622,"ä¸¥æł¼çļĦ":108623,"å®ŀä½ĵç»ıæµİ":108624,"æľīæĿĥ":108625,"æĪijåıĪ":108626,"éĵ¶æ²³":108627,"ç«ĭ马":108628,"æĿĢäºĨ":108629,"åĮħ容":108630,"管家":108631,"身é«Ķ":108632,"éĵħ":108633,"å°ıåŃIJ":108634,"管çIJĨç³»ç»Ł":108635,"æľīçļĦ人":108636,"é£İç͵":108637,"æĻºèĥ½åζéĢł":108638,"精确":108639,"æĭĽåķĨå¼ķ":108640,"æĭĽåķĨå¼ķèµĦ":108641,"äºĮæīĭ车":108642,"åİ¿å§Ķ":108643,"èīºäºº":108644,"å¥ķ":108645,"è¿İæĿ¥äºĨ":108646,"ç»ĵæĿŁäºĨ":108647,"çļĦä¼łç»Ł":108648,"æĭ¼æIJı":108649,"奥迪":108650,"çĸijæĥij":108651,"ä¹ĭæĹ¥èµ·":108652,"æłĩå¿ĹçĿĢ":108653,"åľ°åįĢ":108654,"è¯łéĩĬ":108655,"åĪ°æľŁ":108656,"åħ¨éĥ½":108657,"çŁŃæļĤ":108658,"æĺ¯æĪijåĽ½":108659,"æĪijå·²ç»ı":108660,"æ»´æ»´":108661,"天èµĭ":108662,"对她":108663,"åį«çĶŁéĹ´":108664,"çĶŁäº§åŁºåľ°":108665,"æĹ¥è®°":108666,"çļĦæķĻåѦ":108667,"åĵĩ":108668,"æ°ijäºĭ":108669,"è¿ĺåİŁ":108670,"æīĭä¸ŃçļĦ":108671,"çļĦèī¯å¥½":108672,"æ·«":108673,"ä¸Ńåħ±ä¸Ń央":108674,"åĪĥ":108675,"åĵĦ":108676,"åľ¨ä»ĸçļĦ":108677,"å°Īæ¥Ń":108678,"åľºéĿ¢":108679,"éĤ»å±ħ":108680,"çĹĴ":108681,"å¦Ħ":108682,"å¤ĸç§ij":108683,"ä¸įéĢĤ":108684,"举åĬŀçļĦ":108685,"éĤ¹":108686,"åħļçļĦ建设":108687,"çĻ¼è¡¨":108688,"è·¨çķĮ":108689,"æ²īæ·Ģ":108690,"大çīĩ":108691,"è¶Ĭé«ĺ":108692,"å°Ĩæĺ¯":108693,"è§īéĨĴ":108694,"åĤ¨åŃĺ":108695,"å¢ŀ大":108696,"ä¸į让":108697,"æķ´å½¢":108698,"å¹³åı°ä¸Ĭ":108699,"åĩłä½į":108700,"è¯īæ±Ĥ":108701,"好ä¸į好":108702,"åľį":108703,"æĸĩæľ¬":108704,"é̲åħ¥":108705,"ç´į":108706,"æł¹æĵļ":108707,"èįīæ¡Ī":108708,"åħŃ个":108709,"åĭ¿":108710,"åζæĪIJ":108711,"饮水":108712,"æ°¸æģĴ":108713,"èĩªæĿĢ":108714,"åı¸é©¬":108715,"éļ¾çĤ¹":108716,"为æĪij们":108717,"å¼§":108718,"åī©ä¸ĭçļĦ":108719,"åĩĨå¤ĩ好":108720,"çļĦæľĢä½³":108721,"èģĶåIJĪä¼ļ":108722,"æĤ£èĢħçļĦ":108723,"æĪijä¸įçŁ¥éģĵ":108724,"ä¸ĭä¸Ģ个":108725,"åıijå±ķæĸ¹åIJij":108726,"笨":108727,"æīĢ以æĪij们":108728,"åĨĻäºĨ":108729,"éĢłæĪIJäºĨ":108730,"æ²Ļæ¼ł":108731,"çŃĽéĢī":108732,"çģ¾åĮº":108733,"ä¸Ĭçľĭ":108734,"éħ¶":108735,"æ»ļåĬ¨":108736,"éļ¾åħį":108737,"åIJīåĪ©":108738,"ä¸Ģä¸Ģ":108739,"ç²¾å¯Ĩ":108740,"伸æīĭ":108741,"礼仪":108742,"åħ¨æĺ¯":108743,"è¶Ĭ大":108744,"ä¸Ńæłĩ":108745,"åıĸåĨ³":108746,"åıĸåĨ³äºİ":108747,"éĢĶä¸Ń":108748,"讨åİĮ":108749,"æīĭåĨĮ":108750,"第ä¹Ŀ":108751,"åŃĶåŃIJ":108752,"çĦ¶å¾Į":108753,"ä¸Ģåħ±":108754,"æµ·æĬ¥":108755,"款å¼ı":108756,"æķ´å¤©":108757,"è¾¹çķĮ":108758,"路边":108759,"æĻĭ级":108760,"åIJIJæ§½":108761,"çļĦåħ³æ³¨":108762,"æĪij没æľī":108763,"å°±æĺ¯åľ¨":108764,"缮çļĦæĺ¯":108765,"åį³ä½¿æĺ¯":108766,"é¡¶å°ĸ":108767,"å·²ç»ıåľ¨":108768,"å®īåħ¨éļIJæĤ£":108769,"æłĩæĿĨ":108770,"åįĹéĢļ":108771,"ä¼ļ对":108772,"座ä½į":108773,"èµ¢å¾ĹäºĨ":108774,"åİŁæĿ¥çļĦ":108775,"身为":108776,"书åºĹ":108777,"è¢Ńåĩ»":108778,"ä»ĬæĻļ":108779,"以èī²":108780,"以èī²åĪĹ":108781,"æĬĸéŁ³":108782,"åį´æ²¡æľī":108783,"丧失":108784,"çļĦå±ĢéĿ¢":108785,"åįģåĽĽäºĶ":108786,"çŃī缸åħ³":108787,"æ±ĩæĢ»":108788,"å¤ĸ表":108789,"为æ°ij":108790,"éľĩæĥĬ":108791,"å¥Ĺè·¯":108792,"çĬ¯ç½ªå«Įçĸij":108793,"å°Ĩ以":108794,"çİĩé¢Ĩ":108795,"éħĴåIJ§":108796,"è¡Įä¸ļåıijå±ķ":108797,"å¹´èĩ³":108798,"åύæĿIJ":108799,"åĴĮæĬĢæľ¯":108800,"æľĢå°ı":108801,"è¿Ļä¸ĢåĪĩ":108802,"èģĮç§°":108803,"å½ĵä½ľ":108804,"æİĢèµ·":108805,"åĴĭ":108806,"ä¸Ńéĥ¨":108807,"æīĭèĩĤ":108808,"ç½¢äºĨ":108809,"媳å¦ĩ":108810,"æ´½è°Ī":108811,"æĹ¶ä»£ä¸ŃåĽ½":108812,"人çĶŁçļĦ":108813,"æŀģéĻIJ":108814,"ç¦Ħ":108815,"åĮºæĶ¿åºľ":108816,"æľ¬éĴ±":108817,"礼åĵģ":108818,"çļĦéĤ£ä¸ª":108819,"ä¾¦æŁ¥":108820,"太å¤ļçļĦ":108821,"å®ŀæĸ½æĸ¹æ¡Ī":108822,"é«ĺæłĩåĩĨ":108823,"æĮĩæĮ¥éĥ¨":108824,"å̾æĸľ":108825,"çī¹èī²ç¤¾ä¼ļ":108826,"çµIJæŀľ":108827,"éĴ»çٳ":108828,"ç§»æ¤į":108829,"çī¹ç§į":108830,"èĩªæĦ¿":108831,"æĭľçĻ»":108832,"åįķ身":108833,"åį´åıĪ":108834,"åĪ¥äºº":108835,"åIJĪè§Ħ":108836,"æľºç͵":108837,"çĦı":108838,"å½ĵåīįä½įç½®":108839,"ä¹°å®¶":108840,"åIJĪ约":108841,"èĤ©èĨĢ":108842,"为åĩĨ":108843,"å®¶è£ħ":108844,"çļĦçĥŃæĥħ":108845,"éĿŀéģĹ":108846,"çļĦéŃħåĬĽ":108847,"åİŁåijĬ":108848,"社ä¼ļåIJĦçķĮ":108849,"ä¹°çļĦ":108850,"å¤ļåIJĥ":108851,"éĽķå¡ij":108852,"èµ·ä¹ī":108853,"åĬłåī§":108854,"éĤ£ä¸ĢåĪ»":108855,"å°Ĩè¿Ľä¸ĢæŃ¥":108856,"æ¡ĤæŀĹ":108857,"æĽ´å¼º":108858,"对ä¼ģä¸ļ":108859,"æĹłæĦı":108860,"ä¹łè¿ijå¹³æĸ°":108861,"æµģ失":108862,"微软":108863,"çĽ¸å¯¹äºİ":108864,"座è°Īä¼ļ":108865,"主èIJ¥ä¸ļ":108866,"主èIJ¥ä¸ļåĬ¡":108867,"ç§ģåĭŁ":108868,"å±ķ示äºĨ":108869,"常æĢģåĮĸ":108870,"è²´":108871,"符åı·":108872,"å¹´è½»çļĦ":108873,"å°±éľĢè¦ģ":108874,"ä¹ŁæĽ¾":108875,"çļĦæĥħ绪":108876,"è¾¾æłĩ":108877,"èĩ¨":108878,"ä½įå±ħ":108879,"ä»ħ为":108880,"é¦ĸå®¶":108881,"éĺ´éĺ³":108882,"ä¸įåĨįæĺ¯":108883,"åĽłä¸ºå®ĥ":108884,"ä¼ģä¸ļåľ¨":108885,"çĺ¾":108886,"åIJ¬è§ģ":108887,"åİŁæľī":108888,"åζè£ģ":108889,"å¯Ĥå¯ŀ":108890,"éĢļè¿ĩ对":108891,"æ»ijéĽª":108892,"è¿Ļå¼ł":108893,"çļĦçIJĨè§£":108894,"æĸ°ä¸ŃåĽ½":108895,"è¿ĻåĦ¿":108896,"ä½İä»·":108897,"æĥ³è¿ĩ":108898,"çļĦä¿¡å¿ĥ":108899,"建çŃijçī©":108900,"çļĦé¢ľèī²":108901,"ä¸įåºĶ该":108902,"æĹłçĸijæĺ¯":108903,"å¼ķèµ·äºĨ":108904,"åħ¨åijĺ":108905,"æĿ°åĩº":108906,"è¿Ļæĺ¯æĪij":108907,"誰":108908,"èĺĩ":108909,"éĺµåľ°":108910,"åħħå̼":108911,"çŁ¿ä¸ļ":108912,"çĿĢä»ĸ":108913,"信访":108914,"ä¸ĩè¾¾":108915,"æij©æĵ¦":108916,"å¼Ģ端":108917,"èı²å¾ĭ":108918,"èı²å¾ĭ宾":108919,"车åŃIJ":108920,"æľ¬èº«çļĦ":108921,"çģ«è½¦ç«Ļ":108922,"常å·ŀ":108923,"为代表":108924,"为代表çļĦ":108925,"广ç͵":108926,"亲人":108927,"åı³æīĭ":108928,"éĽĨè£ħ":108929,"éĽĨè£ħç®±":108930,"çļĦåį°è±¡":108931,"æ©Łæľĥ":108932,"åĮĨåĮĨ":108933,"åħīç͵":108934,"大æĸ¹":108935,"è¿ĺæľª":108936,"åΩ好":108937,"ç»Ŀ大å¤ļæķ°":108938,"åľ¨è¿Ļç§į":108939,"ä¸Ģç»Ħ":108940,"æĸ°èĤ¡":108941,"转åıij":108942,"æ³ķåºŃ":108943,"æĹłæīĢ":108944,"éģĵè·¯ä¸Ĭ":108945,"çŁ¿å±±":108946,"èijī":108947,"æĶ¶åĽŀ":108948,"ç§°ä¹ĭ":108949,"ç§°ä¹ĭ为":108950,"æıŃéľ²":108951,"åı£å²¸":108952,"åIJ¼":108953,"å¿ĥæĥ³":108954,"çļĦ梦æĥ³":108955,"éĽ¯":108956,"ä¹ĭåĪĿ":108957,"å¥ĸ项":108958,"订éĺħ":108959,"èĵĿ天":108960,"åĿ¦åħĭ":108961,"ç«ĭæ¡Ī":108962,"èģĶæīĭ":108963,"ä½Ĩæĺ¯æĪij":108964,"帮æĪij":108965,"ä»ħ代表":108966,"说æĪij":108967,"çļĦè¶ĭåĬ¿":108968,"æ¯Ķè¾ĥ大":108969,"èµ°å»Ĭ":108970,"éĩįçĤ¹é¡¹çĽ®":108971,"èµĮåľº":108972,"åIJįçīĩ":108973,"æĦŁåı¹":108974,"åľ¨åľ°ä¸Ĭ":108975,"åıijçĥŃ":108976,"èĮĥçķ´":108977,"çļĦéģĵè·¯":108978,"éĩijèī²":108979,"ä»ĸåıĪ":108980,"ä¼ļ产çĶŁ":108981,"æ°ijåĽ½":108982,"å®ĺæĸ¹ç½ijç«Ļ":108983,"æĶ¶çĽĬçİĩ":108984,"çļĦåΰæĿ¥":108985,"çļĦåĬŀæ³ķ":108986,"æĶ¹åζ":108987,"ä¸ĩç§ij":108988,"ä¸įäºĪ":108989,"è¿ĻäºĽéĹ®é¢ĺ":108990,"çαä¸Ĭ":108991,"çIJĥåľº":108992,"责令":108993,"æİĪ课":108994,"åľ¨é¦Ļ港":108995,"ç»Ĩèħ»":108996,"å¤ļä¸ĩ":108997,"åIJĮå¹´":108998,"大使":108999,"æĸĭ":109000,"ä¹Łä¸º":109001,"æĥłå·ŀ":109002,"åIJī祥":109003,"çͰåĽŃ":109004,"åĽ½å®¶éĺŁ":109005,"éĩįçĶŁ":109006,"åľ¨åħ¶":109007,"é¦Ļåij³":109008,"è´Łèį·":109009,"亲åĪĩ":109010,"èĩªè±ª":109011,"没éĶĻ":109012,"åĽłä¸ºåľ¨":109013,"æĺŁæĺŁ":109014,"éĤij":109015,"è¿ĺæľīå¾Īå¤ļ":109016,"æij©æīĺ":109017,"æij©æīĺ车":109018,"æŃ¥è¡Į":109019,"管çIJĨä½ĵç³»":109020,"èĦļä¸ĭ":109021,"éģİåİ»":109022,"æ±īè¯Ń":109023,"对ä¸įèµ·":109024,"çļĦç»ıåİĨ":109025,"åıĬ缸åħ³":109026,"ä¸įå°ij人":109027,"éĩįç£ħ":109028,"åĬ³åĬ¨èĢħ":109029,"大åĬĽåıijå±ķ":109030,"æĢİä¹Īåģļ":109031,"çĭĹçĭĹ":109032,"举åįĹäºļ":109033,"åĭĩäºİ":109034,"åħ¬éĸĭ":109035,"çĵ·çłĸ":109036,"åıĤçħ§":109037,"广æĴŃç͵è§Ĩ":109038,"举åĬ¨":109039,"æ±Łè¥¿çľģ":109040,"æķĪèĥ½":109041,"å͝æľī":109042,"éĿ¢è²Į":109043,"èĩªåĬ¨é©¾é©¶":109044,"æ¦ľåįķ":109045,"å½ĵæĪij们":109046,"仲è£ģ":109047,"æľ¨æĿIJ":109048,"ç±³åħ°":109049,"çϽéĵ¶":109050,"çļĦ人éĥ½":109051,"å°±åĥıæĺ¯":109052,"æŃ¥åħ¥":109053,"åįłç͍":109054,"åĩ»è´¥":109055,"让大家":109056,"ä¼ļè®©ä½ł":109057,"åİ¿æĶ¿åºľ":109058,"è¦ģç͍":109059,"çŃīå½¢å¼ı":109060,"åįĩé«ĺ":109061,"责任æĦŁ":109062,"å¤ĩç͍":109063,"ä»ĸ认为":109064,"æ¸ħåįİ大åѦ":109065,"ä»ĸèĩªå·±":109066,"éĸ±è®Ģ":109067,"太平æ´ĭ":109068,"éĶģå®ļ":109069,"çŃĨ":109070,"è¿Ļçīĩ":109071,"æī§æĶ¿":109072,"è¿ĶåĽŀæIJľçĭIJ":109073,"å°±æŃ¤":109074,"éģĩåΰäºĨ":109075,"å¼Ģå¹ķå¼ı":109076,"管çIJĨéĥ¨éŨ":109077,"å§¿åĬ¿":109078,"设æĥ³":109079,"åĽĽåŃ£":109080,"æĬĢæľ¯äººåijĺ":109081,"å·®çĤ¹":109082,"è¾ŀèģĮ":109083,"èĢģ師":109084,"çļĦæĦŁåıĹ":109085,"ä¹ŁéĿŀ常":109086,"å¹´ä¸ĬåįĬå¹´":109087,"æĢªçī©":109088,"èĮĥæĸĩ":109089,"æĪĺå½¹":109090,"åIJ«ä¹ī":109091,"åħ¨è¿ĩç¨ĭ":109092,"èĢĮéĿŀ":109093,"éĢļ讯åijĺ":109094,"è¿Ļæł·æīįèĥ½":109095,"æľºç»Ħ":109096,"è£ı":109097,"çķ¶çĦ¶":109098,"èµĮåįļ":109099,"åIJĦæľī":109100,"å·¥ä½ľæľºåζ":109101,"äºĭåIJİ":109102,"åī§éĻ¢":109103,"å±ĬæĹ¶":109104,"åĺ´éĩĮ":109105,"主线":109106,"ä¸ĢåľĪ":109107,"主è¦ģåİŁåĽł":109108,"å°¸ä½ĵ":109109,"åĮ»çĸĹåĻ¨æ¢°":109110,"ä½łæĢİä¹Ī":109111,"ä½Ĩçͱäºİ":109112,"æĹ¶ç©º":109113,"çĶ·æľĭåıĭ":109114,"çĶľèľľ":109115,"é«ĺåľ°":109116,"æĻĸ":109117,"èĴIJéĽĨ":109118,"åĩĿèģļåĬĽ":109119,"å¤ĩåıĹ":109120,"æĸĩåĪĽ":109121,"马æĿ¥":109122,"马æĿ¥è¥¿äºļ":109123,"æŁ´æ²¹":109124,"使人":109125,"æķĻä¼ļ":109126,"ç§ĭ天":109127,"æĺİçıł":109128,"åħŃåįģ":109129,"çݯå¢ĥä¸Ń":109130,"æ¸ħæĻ¨":109131,"积æŀģåıĤä¸İ":109132,"å·ħå³°":109133,"ä¸ºæľŁ":109134,"çѾåŃĹ":109135,"æĦŁæ¿Ģ":109136,"ç§ĭåŃ£":109137,"æĿijåŃIJ":109138,"æ¢ħ西":109139,"æļ´éĽ¨":109140,"çĶŁæ´»åľ¨":109141,"çªĹæĪ·":109142,"æģ¶åĬ£":109143,"纯粹":109144,"åľ¨æİ¥åıĹ":109145,"没èĥ½":109146,"è¡Į人":109147,"åĭº":109148,"æĭ¨æīĵ":109149,"ä½ľåĩºäºĨ":109150,"çļĦ主é¢ĺ":109151,"æľªä¾Ĩ":109152,"ä¸ŃæľĢ":109153,"æ¾ľ":109154,"é«ĺè¡Ģåİĭ":109155,"åħ´èµ·":109156,"æŃ£èĥ½éĩı":109157,"åŁ¹è®ŃçıŃ":109158,"æİ¥åħ¥":109159,"çĦ¶åIJİåĨį":109160,"åѦçĶŁä»¬":109161,"é¢ĨåħĪçļĦ":109162,"çģ«çĥŃ":109163,"ä¸ĵèģĮ":109164,"æĪĸèĢħ说":109165,"建è¨Ń":109166,"é»ı":109167,"对åħ¬åı¸":109168,"çľīçļĦ":109169,"åħīèį£":109170,"å½ĵåľº":109171,"éĿ¢åŃIJ":109172,"èµĦ产管çIJĨ":109173,"æĹ¶æľŁçļĦ":109174,"çŀİ":109175,"åįİ举":109176,"åıĪä¸Ģ次":109177,"èĥİåĦ¿":109178,"å®ļçĤ¹":109179,"头çĹĽ":109180,"æ¶²ä½ĵ":109181,"æĺ¯ä¸Ģä½į":109182,"帽åŃIJ":109183,"å¹´èµ·":109184,"ä¸įä½İäºİ":109185,"è¾ĥå°ij":109186,"éĿ¢ä¸´çĿĢ":109187,"å±Ĥå±Ĥ":109188,"èĿ´èĿ¶":109189,"èī°èĭ¦":109190,"éĺ¿æł¹":109191,"éĺ¿æł¹å»·":109192,"æ¦Ĥæĭ¬":109193,"请éĹ®":109194,"èµ·åºĬ":109195,"å±Ģå±Ģéķ¿":109196,"稳åģ¥":109197,"å¦ĤæŀľæĪij们":109198,"éħĴç²¾":109199,"æĪ·åı£":109200,"æĦŁæĤŁ":109201,"æĪij们éľĢè¦ģ":109202,"æĬĢèīº":109203,"èĩªåªĴä½ĵ":109204,"è¿ĽåĮĸ":109205,"æ¿ĢçĥĪçļĦ":109206,"ä½ĵ温":109207,"èļķ":109208,"èĩ´è¾ŀ":109209,"宪æ³ķ":109210,"ä¸ĢçŃīå¥ĸ":109211,"çĵ¶é¢Ī":109212,"æĥłæ°ij":109213,"èµ°è·¯":109214,"çݰ任":109215,"åķĨéĩı":109216,"ä¸ĭ车":109217,"åĪł":109218,"責任":109219,"èŀįåIJĪåıijå±ķ":109220,"ç´łæĿIJ":109221,"油价":109222,"åģļ人":109223,"çŀª":109224,"æĶ¹éĿ©åĪĽæĸ°":109225,"çļĦåĮºåĪ«":109226,"è·¨å¢ĥç͵åķĨ":109227,"æ¶īåıĬåΰ":109228,"æīĺ管":109229,"æĪijè¿ĺæĺ¯":109230,"åĿIJæłĩ":109231,"ç½ij讯":109232,"å½ĵåľ°çļĦ":109233,"追溯":109234,"åľŁè̳":109235,"åľŁè̳åħ¶":109236,"åºķä¸ĭ":109237,"åĩłåįģå¹´":109238,"ç©¿è¿ĩ":109239,"çĶŁæĢģæĸĩæĺİ":109240,"æİ¨èĸ":109241,"æİ¨èĸ¦":109242,"éłĨ":109243,"åĴ³åĹ½":109244,"åĪĨæĪIJ":109245,"çĹķ迹":109246,"æĪ·ç±į":109247,"éĥ½ä¸įèĥ½":109248,"æĻļä¼ļ":109249,"åĢ©":109250,"ä½ĵåĬĽ":109251,"è¿Ļ个èģĮä¸ļ":109252,"æĹłå½¢":109253,"åıªæĥ³":109254,"è¿Ľåıĸ":109255,"æĿ̿ѻ":109256,"èĦĬ":109257,"äºijåįĹçľģ":109258,"æľªçŁ¥":109259,"ç¾İèģĶ":109260,"ç¾İèģĶåĤ¨":109261,"å¤ĸå½¢":109262,"诱æĥij":109263,"çĽ£":109264,"è¡Į使":109265,"åłĨ积":109266,"çĨŁç»ĥ":109267,"éĺIJè¿°":109268,"æľĢ大éĻIJ度":109269,"å·¡æŁ¥":109270,"夺åĨł":109271,"ä¼ģä¸ļæĸĩåĮĸ":109272,"çĭ®åŃIJ":109273,"ä¿Ŀå®Ī":109274,"ä¸ºæł¸å¿ĥçļĦ":109275,"æī©æķ£":109276,"åζéĢłåķĨ":109277,"æŁĶ软":109278,"为ä¸Ģä½ĵçļĦ":109279,"游çİ©":109280,"çĶŁçĹħ":109281,"幫åĬ©":109282,"åͱæŃĮ":109283,"æīįåı¯ä»¥":109284,"宽æĿ¾":109285,"è¦ģæ¯Ķ":109286,"æĺ¯æĢİæł·":109287,"çģ°èī²":109288,"çİĭåĽ½":109289,"æIJħæĭĮ":109290,"计éĩı":109291,"åij¨åĽ´çļĦ":109292,"æĻºèĥ½æīĭæľº":109293,"常åĬ¡":109294,"常åĬ¡åī¯":109295,"é©´":109296,"å°Ĩè¿ij":109297,"寻常":109298,"ä¸ŃåĽ½å¸Ĥåľº":109299,"容åύ":109300,"å±±ä¸Ĭ":109301,"èĥĮåIJİçļĦ":109302,"亲å¯Ĩ":109303,"æīĢ以说":109304,"éİ®":109305,"çļĦçIJĨçͱ":109306,"大åŁİå¸Ĥ":109307,"常年":109308,"æĹħ游ä¸ļ":109309,"å°±æĺ¯è¿Ļæł·":109310,"åĨįæĿ¥":109311,"é«ĺä½į":109312,"åĨħ饰":109313,"æŀĦéĢł":109314,"ä¸Ģèµ·æĿ¥":109315,"çͳè«ĭ":109316,"å·²ç»ıå¼Ģå§ĭ":109317,"çļĦåĬ¨ä½ľ":109318,"被迫":109319,"éģįå¸ĥ":109320,"åīĸæŀIJ":109321,"å°ıäºĭ":109322,"å¿ĥä¸ŃçļĦ":109323,"ä½ĵåζæĶ¹éĿ©":109324,"çļĩå®¶":109325,"æķĻåłĤ":109326,"åIJĥå®Į":109327,"åĽ½æ°ijåħļ":109328,"æĺİç¡®äºĨ":109329,"åıijå±ķè§ĦåĪĴ":109330,"第ä¸ĢæŃ¥":109331,"å¾Ĺèµ·":109332,"åľ¨åĵª":109333,"çļĦè·¯ä¸Ĭ":109334,"é»Ķ":109335,"çķ¶æĻĤ":109336,"大åĬĽæĶ¯æĮģ":109337,"åıĮéĩį":109338,"çŁ¥éģĵèĩªå·±":109339,"åIJĪä½ľåįıè®®":109340,"æ°ĶåĬ¿":109341,"éķ¿æķĪæľºåζ":109342,"ç½ķè§ģ":109343,"åĽŀæĿ¥äºĨ":109344,"ä»ĸä¼ļ":109345,"ä¸Ńæĸ°":109346,"ä¸Ńæĸ°ç½ij":109347,"çļĦåķĨåĵģ":109348,"èµłéĢģ":109349,"決å®ļ":109350,"å¸ĤåľºçĽij管":109351,"çķĻåѦçĶŁ":109352,"ç͵åİĭ":109353,"äºļ马":109354,"äºļ马éĢĬ":109355,"è¿ĺæĺ¯æ¯Ķè¾ĥ":109356,"ä¿ĥè¿ĽäºĨ":109357,"æµģåħ¥":109358,"æijĦåĥı":109359,"æijĦåĥı头":109360,"æıIJåıĬ":109361,"åıijæİĺ":109362,"æī¾åĩº":109363,"æ¢Ŀä»¶":109364,"ç¹¼çºĮ":109365,"æĪijåĸľæ¬¢":109366,"å¥İ":109367,"æ¦ľæł·":109368,"å¼ĢèĬ±":109369,"æ²īéĩį":109370,"åŁºåĩĨ":109371,"ä»ħä»ħæĺ¯":109372,"轨éģĵ交éĢļ":109373,"åĶIJå±±":109374,"çŃīä¸Ģç³»åĪĹ":109375,"ä¸įè¿ĩæĺ¯":109376,"åŃĺåľ¨çĿĢ":109377,"èĬ±çĶŁ":109378,"夷":109379,"ç»Īç©¶":109380,"ä¹Łæĺ¯ä¸Ģ个":109381,"åįģåŃĹ":109382,"èĸªéħ¬":109383,"伤å¿ĥ":109384,"æĺ¥ç§ĭ":109385,"åĨ·åį´":109386,"ç²¾çģµ":109387,"çļĦåľ°åĽ¾":109388,"æ¯Ķçī¹":109389,"æ¯Ķçī¹å¸ģ":109390,"æĢ§åĪ«":109391,"ä½Ļä¸ĩåħĥ":109392,"ä¸įå¿ĺåĪĿå¿ĥ":109393,"å¿ĥçĸ¼":109394,"æĽ²çº¿":109395,"é«ĺä½İ":109396,"è¦ıå®ļ":109397,"æĻ¯èī²":109398,"è¦ģ说":109399,"åħ¬åı¸å°Ĩ":109400,"æ¶²åİĭ":109401,"è¿Ŀ约":109402,"åİļ度":109403,"åºŀ大çļĦ":109404,"è¿ĺæĺ¯å¾Ī":109405,"é¦ĸåħĪæĺ¯":109406,"çµ²":109407,"åĬ¡å®ŀ":109408,"並ä¸Ķ":109409,"å¢ŀè¿Ľ":109410,"ç»Ħç»ĩå¼Ģå±ķ":109411,"èµ·æĿ¥äºĨ":109412,"è¾ĥå°ı":109413,"导游":109414,"ä¸¤åľ°":109415,"ç¿ĺ":109416,"çģ¿çĥĤ":109417,"é£İéĩĩ":109418,"æĶ¯çº¿":109419,"æĶ¯çº¿ä»»åĬ¡":109420,"娱ä¹IJåľĪ":109421,"天津å¸Ĥ":109422,"åĮħåĽ´":109423,"æľ¬èµĽåŃ£":109424,"éĩįè¦ģ讲è¯Ŀ":109425,"åıĮåIJij":109426,"åįİ丽":109427,"éͤ":109428,"åĦ¿å¥³":109429,"åįĸåĩº":109430,"ä¾Ĩ說":109431,"ä»ĭç»įä¸Ģä¸ĭ":109432,"åIJ¦è®¤":109433,"åĭĿ":109434,"æĻ®éĢļ人":109435,"çļĦåĬ¨åĬĽ":109436,"涨åģľ":109437,"åŁºéĩij管çIJĨ":109438,"ä¸Ģ个éĩįè¦ģ":109439,"è¿IJæ²³":109440,"çħŀ":109441,"è´¢æĶ¿éĥ¨":109442,"è¡Įä¸ļåįıä¼ļ":109443,"éĥ½å°Ĩ":109444,"è¨Ģ论":109445,"ä¸ĭä¾Ĩ":109446,"墨西":109447,"墨西åĵ¥":109448,"åĽłä¸ºä»ĸ们":109449,"æĢİä¹ĪåĽŀäºĭ":109450,"åĬłå¤§å¯¹":109451,"èĬŃ":109452,"çīĮåŃIJ":109453,"ä¼ļ使":109454,"妹åŃIJ":109455,"ç«Ļéķ¿":109456,"å¿ħå¤ĩ":109457,"æłijæľ¨":109458,"æģ¶æĦı":109459,"æ²³éģĵ":109460,"å¯Įè£ķ":109461,"ç¹ģåįİ":109462,"ä»£è¡¨åĽ¢":109463,"æµij身":109464,"é¦ĸä½į":109465,"èĪªç©ºåħ¬åı¸":109466,"éĽ»å½±":109467,"ä¸ĵè¾ij":109468,"æ°´æºIJ":109469,"ä¸Ńæ¯Ĵ":109470,"並ä¸į":109471,"èĢĮåİ»":109472,"éĥĿ":109473,"äºİæŃ¤":109474,"æĸĩåĮĸ建设":109475,"èĤ¯å®ļä¼ļ":109476,"å¸ĮæľĽå¤§å®¶":109477,"æııåĨĻ":109478,"ä½İè°ĥ":109479,"æĸ°åħ´äº§ä¸ļ":109480,"æ·Ħåįļ":109481,"æĶ¾å¼Ģ":109482,"çļĦæĢ§æł¼":109483,"çĸ¾çĹħçļĦ":109484,"æķ´é¡¿":109485,"线ä¸Ĭ线ä¸ĭ":109486,"éĢī项":109487,"çļĦ认åı¯":109488,"æķ´é½IJ":109489,"çĶļä¹Ī":109490,"çľģåĨħ":109491,"åı¤äºº":109492,"æ°ijä¿Ĺ":109493,"çī¡ä¸¹":109494,"éŨçªĹ":109495,"éĤ£æł·çļĦ":109496,"çĽijäºĭä¼ļ":109497,"ç¿¡ç¿ł":109498,"禹":109499,"åįĥä¸ĩä¸įè¦ģ":109500,"æĶ¶ç¼©":109501,"çļĦæĸĩåŃĹ":109502,"åĴĮå°ļ":109503,"æĮĩ令":109504,"åħ±äº§åħļåijĺ":109505,"çļĦçĪ¶äº²":109506,"å®Įå·¥":109507,"åĬ¡å·¥":109508,"马æĭī":109509,"马æĭīæĿ¾":109510,"æµĭè¯Ħ":109511,"å²ļ":109512,"ä¸įåģļ":109513,"ä¸ĥå¹´":109514,"åĿĩä»·":109515,"主è§Ĥ":109516,"å¾Īä¸įéĶĻ":109517,"èĤ¡ä¸ľå¤§ä¼ļ":109518,"äºĶä¸Ģ":109519,"é£İåIJ¹":109520,"å¼Ģéĩĩ":109521,"è¿Ļä¹Ī大":109522,"èĥ½çľĭåΰ":109523,"èĢĥè¯Ħ":109524,"åį³ä¾¿æĺ¯":109525,"çݰ代åĨľä¸ļ":109526,"æ¯Ķè¾ĥé«ĺ":109527,"è¦ģçľĭ":109528,"没äºĨ":109529,"解決":109530,"çݯæ¯Ķ":109531,"åĨ²åĬ¨":109532,"æ·±å¤ľ":109533,"åĩłåįĥ":109534,"ä¿ı":109535,"ç½ijæ°ij":109536,"就没":109537,"ä»ĸ表示":109538,"éĩıåŃIJ":109539,"æĹ©é¤IJåĬłçĽŁ":109540,"åįĬå²Ľ":109541,"æIJŀç¬ij":109542,"ä¸ĬæĬ¥":109543,"審":109544,"é¢Ħ订":109545,"èľĤèľľ":109546,"æŁ¥æī¾":109547,"ä¼ĹæīĢ":109548,"ä¼ĹæīĢåij¨":109549,"ä¼ĹæīĢåij¨çŁ¥":109550,"æĹ©æĹ¥":109551,"åıijæī¬":109552,"åĴĮ个人":109553,"åĬłåħ¥äºĨ":109554,"åĸ®ä½į":109555,"åĪĨæĺİ":109556,"第ä¸Ģæī¹":109557,"ç¾İåĨĽ":109558,"æĿĢæīĭ":109559,"éŨå¤ĸ":109560,"åķĨåľĪ":109561,"ä¸ĢåĪ»":109562,"çļĦçľ¼ç¥ŀ":109563,"éľĦ":109564,"äºĽä»Ģä¹Ī":109565,"åĬłæ·±":109566,"æ¯ıä½į":109567,"å¸ĤéĿ¢ä¸Ĭ":109568,"åıĶåıĶ":109569,"çļĦéĤ£ç§į":109570,"粤港澳":109571,"è´´å¿ĥ":109572,"æĸĩåĮĸ产ä¸ļ":109573,"红æĹĹ":109574,"åĺīåħ´":109575,"æĶ¶çĽĺ":109576,"å®ĮæĪIJåIJİ":109577,"ä¼ģä¸ļ管çIJĨ":109578,"纵横":109579,"ä¸įä¿¡":109580,"æĪIJéĥ½å¸Ĥ":109581,"æ´Ĺ澡":109582,"举è¡ĮçļĦ":109583,"çĶ¢çĶŁ":109584,"ç©¿ä¸Ĭ":109585,"åĪļ好":109586,"åħī线":109587,"æīĵæŀ¶":109588,"è¿Ļæľ¬ä¹¦":109589,"åĶ®åIJİæľįåĬ¡":109590,"åĩłåĪĨ":109591,"ä¸Ĭ次":109592,"ä¸įåĪĨ":109593,"产åIJİ":109594,"éģ¿å¼Ģ":109595,"ç»Īæŀģ":109596,"代表大ä¼ļ":109597,"æ¼ĶæĬĢ":109598,"åĽŀè´Ń":109599,"åŃ¦è´¹":109600,"éĺ»ç¢į":109601,"ä¸Ģ大æī¹":109602,"竣工":109603,"åĨ³å®ļäºĨ":109604,"ä½Ĩå¦Ĥæŀľ":109605,"ç͵æµģ":109606,"ä¸Ŀ毫":109607,"èĥ½å¤Łåľ¨":109608,"éĶĢåĶ®æĶ¶åħ¥":109609,"åľ¨åŃ¦æł¡":109610,"æ°´åĩĨ":109611,"è§Ĩ线":109612,"èĩªåľ¨":109613,"åķĨä¸ļéĵ¶è¡Į":109614,"为äºĨ让":109615,"çį²å¾Ĺ":109616,"çݩ家æľĭåıĭ":109617,"éĿ¢èĨľ":109618,"åĪĨåī²":109619,"åī§æľ¬":109620,"ç«Ń":109621,"说å¾Ĺ":109622,"æĥ³çŁ¥éģĵ":109623,"çļĦ人çī©":109624,"èĮħåı°":109625,"åIJĮä¸Ģ个":109626,"æķ°æį®ä¸Ńå¿ĥ":109627,"çĶĦ":109628,"åĸľæĤ¦":109629,"ä¸ĭæĿ¥çļĦ":109630,"å®ļåIJij":109631,"æŀģåħ·":109632,"çļĦåľŁåľ°":109633,"éĤ£åĢĭ":109634,"æijĦåħ¥":109635,"äºĨæĪijçļĦ":109636,"马路":109637,"åħ¨ç¤¾ä¼ļ":109638,"è®®æ¡Ī":109639,"å±ĭåŃIJ":109640,"åIJįåı«":109641,"åĮª":109642,"åľ¨å¤ĸéĿ¢":109643,"åįİåįĹ":109644,"åıijè´§":109645,"å¯ĴåĨ·":109646,"é«ĺçŃīæķĻèĤ²":109647,"详ç»ĨçļĦ":109648,"ä¸ªé¡¹çĽ®":109649,"çĶŁäº§åĬĽ":109650,"æĹ¶å¸¸":109651,"å°±æľĥ":109652,"ä¸ĩèĤ¡":109653,"éĻĮçĶŁäºº":109654,"æııç»ĺ":109655,"å½ĵçĦ¶æĺ¯":109656,"æĭīåĬ¨":109657,"éĵ¾æĿ¡":109658,"æī£éϤ":109659,"ä¸Ģ缴éĥ½":109660,"å°ıåŃ©åŃIJ":109661,"伤åı£":109662,"第äºĮå±Ĭ":109663,"è´Ńç½®":109664,"çļĩ马":109665,"æĹłèģĬ":109666,"表åĨ³":109667,"诸å¦Ĥ":109668,"åĵįèµ·":109669,"é£İæļ´":109670,"ä¸ĢæµģçļĦ":109671,"ç·¨":109672,"è§£æĶ¾åĨĽ":109673,"室å¤ĸ":109674,"å°±è¿Ļä¹Ī":109675,"å³¶":109676,"æīĢæľī人éĥ½":109677,"æIJľç´¢å¼ķæĵİ":109678,"çļĦæĪIJæľ¬":109679,"åħļæĶ¿":109680,"åıijè¡Į人":109681,"çļĦäºĭå®ŀ":109682,"对该":109683,"åıĹæįŁ":109684,"ä¿Ħä¹Į":109685,"é²ľèĬ±":109686,"åĨľèį¯":109687,"æŀģéĢŁ":109688,"æĢ¥æĢ§":109689,"两ä¼ļ":109690,"ä¸ĢèάæĿ¥è¯´":109691,"æµ·é²ľ":109692,"åĨĪ":109693,"çĶ¨äºº":109694,"çĶ¨äººåįķä½į":109695,"åĢª":109696,"åĦªæĥł":109697,"æł¹æºIJ":109698,"åĽ¢è´Ń":109699,"ç¾İæ´²":109700,"ä¸ĭè¡Į":109701,"å¹´æľ«":109702,"èľ¡":109703,"è¯ģä»¶":109704,"åľ¨æĪijåĽ½":109705,"ä¸įåºĶ":109706,"æĮīæĹ¶":109707,"åłªç§°":109708,"åľºä¸Ĭ":109709,"å¹²éĥ¨èģĮå·¥":109710,"æľīå¾Ī大çļĦ":109711,"æķ°åŃĹç»ıæµİ":109712,"æ¼Ķç»ĥ":109713,"æį®ç»Łè®¡":109714,"å¾ĢæĿ¥":109715,"广åijĬæľįåĬ¡":109716,"çļĦè·Ŀ离":109717,"æŃ¸":109718,"è¨Ģè¯Ń":109719,"被èªī":109720,"被èªī为":109721,"åĭī强":109722,"å°Ĭæķ¬":109723,"ä¸ĩ亿åħĥ":109724,"ä¸ŃåĽ½åĽ½éĻħ":109725,"å¹²é¢Ħ":109726,"年产":109727,"èĢķåľ°":109728,"èĮİ":109729,"å᳿ĺ¯":109730,"æĺ¨æĻļ":109731,"æĪIJ为ä¸Ģ个":109732,"çºłæŃ£":109733,"åij½åIJį":109734,"é¢ģå¸ĥ":109735,"çĮľæµĭ":109736,"ä¿ĿèŃ·æĶ¿çŃĸ":109737,"æĭ¢":109738,"活泼":109739,"çŃīéĥ¨éŨ":109740,"åѦåΰ":109741,"å¢ŀå̼ç¨İ":109742,"èĪªçº¿":109743,"åĨ¤":109744,"åįģåĩłå¹´":109745,"æİ§èĤ¡èĤ¡ä¸ľ":109746,"ä¸ĢéŨ":109747,"ä¸ªå·¥ä½ľ":109748,"ä¸ªå·¥ä½ľæĹ¥":109749,"æĸ°è¥¿":109750,"æĸ°è¥¿åħ°":109751,"论è¯ģ":109752,"ä»Ĩ":109753,"åı¦å¤ĸä¸Ģ个":109754,"æĶ¹ç¼ĸ":109755,"严ç¦ģ":109756,"åĸľå¥½":109757,"个人信æģ¯":109758,"满æĦı度":109759,"åĵ¨":109760,"å¸ĪèµĦ":109761,"æĶ¹ä¸º":109762,"ç«ŀäºī对æīĭ":109763,"åĩºçĤī":109764,"åķĨ人":109765,"大æ£ļ":109766,"æĮĩ导ä¸ĭ":109767,"å¦ĩç§ij":109768,"輪":109769,"æīģ":109770,"åIJĮæĹ¶è¿ĺ":109771,"å¹¶éĢļè¿ĩ":109772,"æĪĺéĺŁ":109773,"èĶĵå»¶":109774,"ä¿ŀ":109775,"éĢĤå½ĵçļĦ":109776,"åīįè¾Ī":109777,"åĵģåij³":109778,"æ¹¿åľ°":109779,"æĪIJåŀĭ":109780,"ä¸įåıªæĺ¯":109781,"æĥ©ç½ļ":109782,"åĩºåı°äºĨ":109783,"çݩ游æĪı":109784,"æīįåıijçݰ":109785,"åºĶèģĺ":109786,"å¤ĸæĿ¥":109787,"åįłé¢Ĩ":109788,"å±ķæľĽ":109789,"å«Ĥ":109790,"港èĤ¡":109791,"æ¡Įä¸Ĭ":109792,"æĶ¯æŁ±":109793,"çļĦæĥħå½¢":109794,"广éĺĶçļĦ":109795,"æĶ¯è¡Į":109796,"å´©æºĥ":109797,"æľĪä¸Ń":109798,"æľĪä¸ŃæĹ¬":109799,"ç»įåħ´":109800,"临è¿ij":109801,"æĬ¤æłı":109802,"æļ®":109803,"åįķèģĮä¸ļ":109804,"è¾¹å¢ĥ":109805,"æĹ¥çħ§":109806,"ä¸ĢåłĨ":109807,"缴å¾Ħ":109808,"åħ±åIJĮä½ĵ":109809,"æĸ°åįİç½ij":109810,"æīĵ好":109811,"ç͵åĬ¨æ±½è½¦":109812,"ä¸įæĺİçϽ":109813,"éĢĻ裡":109814,"çĽĽå¤§":109815,"çİĭæľĿ":109816,"åĨįä¸Ģ次":109817,"åĬŀåħ¬åİħ":109818,"è´¨æĬ¼":109819,"åIJĪåĩ»":109820,"人们对":109821,"éĽ¶é£Ł":109822,"éĥ½ä¸įçŁ¥éģĵ":109823,"çļĦè¯Ńè¨Ģ":109824,"åĭŁéĽĨèµĦéĩij":109825,"åĬ¨èĦī":109826,"彤":109827,"è¿Ļåĩłå¹´":109828,"çŁŃè§Ĩé¢ij":109829,"太é«ĺ":109830,"常å§Ķä¼ļ":109831,"åĬłçıŃ":109832,"éĩįå¿ĥ":109833,"åªĴä½ĵæĬ¥éģĵ":109834,"没æ³ķ":109835,"éĹ»åIJį":109836,"çĥŃ度":109837,"å¹¿æ³ĽçļĦ":109838,"åħŃ大":109839,"çī©ä½ĵ":109840,"ä¸į该":109841,"é¢ĺ主":109842,"精彩çļĦ":109843,"ä¸ºè¿Ľä¸ĢæŃ¥":109844,"èĻŀ":109845,"åĽºçĦ¶":109846,"è´µå·ŀçľģ":109847,"çºłç»ĵ":109848,"代çIJĨ人":109849,"æ³ķå®ļ代表":109850,"åı¦ä¸Ģç§į":109851,"ä¸įåIJ«":109852,"æĭ¯æķij":109853,"ä¼ļç»Ļ":109854,"è¯Ĺè¯į":109855,"åIJĮç±»":109856,"å¾Ĺä¸įåΰ":109857,"æĬĵç´§":109858,"以åħ¶":109859,"åħ¥åħļ":109860,"è¿ĺåı¯":109861,"æľŁåĪĬ":109862,"å¾Īå¤ļæĹ¶åĢĻ":109863,"æĹ¥åIJİ":109864,"åħ¬çº¦":109865,"ä¸Ģ举":109866,"æ¯Ķè¾ĥå¤ļ":109867,"éĩijæ²Ļ":109868,"æįŀ":109869,"æİĴåĩº":109870,"æŃ¦æľ¯":109871,"ä¸įæĸ·":109872,"ä¸ŃèĢĥ":109873,"ä¿¡èµĸ":109874,"ä»İä¸ļ人åijĺ":109875,"çģ«çĦ°":109876,"éĨĴæĿ¥":109877,"ä½İ温":109878,"éĢ¾æľŁ":109879,"åĬ±å¿Ĺ":109880,"éħ¥":109881,"åı¯è°ĵæĺ¯":109882,"è¿ĻæĦıåij³çĿĢ":109883,"é¢łè¦Ĩ":109884,"åĮĹ京大åѦ":109885,"ä¸ĵ线":109886,"åıĬ以ä¸Ĭ":109887,"訪":109888,"èĢĮåIJİ":109889,"çŁ¥ä¹İ":109890,"ä¸Ģ对ä¸Ģ":109891,"å¨ĥå¨ĥ":109892,"çģ¾éļ¾":109893,"åħ¨å±Ģ":109894,"æīĢå¾Ĺç¨İ":109895,"å®ŀæĥł":109896,"èļĤèļģ":109897,"ä¹ŁçŁ¥éģĵ":109898,"温åĴĮ":109899,"èIJ½ä¸ĭ":109900,"åŀĭä¼ģä¸ļ":109901,"åĨįä¹Ł":109902,"ä¾ĽçĥŃ":109903,"é«ĺæ½®":109904,"çĢı覽åύ":109905,"çļĦ巨大":109906,"åħĪ天":109907,"å¹´ä¸ŃåĽ½":109908,"类似çļĦ":109909,"çIJĨäºĭä¼ļ":109910,"空éĸĵ":109911,"ç쵿ĦŁ":109912,"åĬĽæ°Ķ":109913,"带ä¸Ĭ":109914,"ä¸į好æĦıæĢĿ":109915,"æľīä½ķ":109916,"å·²åľ¨":109917,"åıĸåĩº":109918,"è¿Ŀæ³ķçĬ¯ç½ª":109919,"åŃ¦ä¹łè´¯å½»":109920,"åľ°å¸¦":109921,"楼梯":109922,"çŃīæĥħåĨµ":109923,"ä»İåīį":109924,"çļĦä¹łæĥ¯":109925,"ç³Łç³ķ":109926,"å°±èĥ½å¤Ł":109927,"è©ķ":109928,"ä¸Ģå¾ĭ":109929,"æĮ«æĬĺ":109930,"åİŁæĸĩåľ°åĿĢ":109931,"å½ĵå±Ģ":109932,"ä¸įéĢļ":109933,"æķ°åįĥ":109934,"éĺŁä¼į建设":109935,"æĹ¶èĬĤ":109936,"åģļèµ·":109937,"çļĦè®°å¿Ĩ":109938,"ç½ij绾å®īåħ¨":109939,"åĩ¡æĺ¯":109940,"æ°¯":109941,"éĽķåĪ»":109942,"åŁĥåıĬ":109943,"æĪijåı¯ä»¥":109944,"çĽijçIJĨ":109945,"æĽ´åħ·":109946,"åŁİ管":109947,"èĭ¯":109948,"åı¥åŃIJ":109949,"èĭ¥æľī":109950,"ä»İæĿ¥ä¸į":109951,"缸åħ³è´Łè´£":109952,"å®īåħ¨æĦŁ":109953,"æĽ´è¦ģ":109954,"çļĦæĥħæĦŁ":109955,"çī¢çī¢":109956,"è¾ĥ好çļĦ":109957,"æ°®":109958,"ç¬ijè¯Ŀ":109959,"车å±ķ":109960,"ä¹ĭç¾İ":109961,"ç®Ģ约":109962,"ç±»åŀĭçļĦ":109963,"èĢģåĮĸ":109964,"çľĭä½ł":109965,"è¿ĩåĪĨ":109966,"éŨåīį":109967,"ä¸ĢéĹ´":109968,"æĥ³åİ»":109969,"åªĽ":109970,"åľŁè±Ĩ":109971,"åıĪç§°":109972,"ä¸Ńä¿¡":109973,"åŃĺéĩı":109974,"马äºij":109975,"èĩ´ä½¿":109976,"åħĪåīį":109977,"èĢģåŃIJ":109978,"æīĵæī®":109979,"æ¯ķä¸ļäºİ":109980,"æ¯ķä¸ļåIJİ":109981,"ç¾İ好çĶŁæ´»":109982,"å·¥ä¸ļä¼ģä¸ļ":109983,"就好äºĨ":109984,"èħIJèļĢ":109985,"çıįçıł":109986,"åΰè¿ĻéĩĮ":109987,"æīĢéľĢçļĦ":109988,"è¿Ļæĺ¯åĽłä¸º":109989,"çIJĨæĥ³çļĦ":109990,"å·®å¼ĤåĮĸ":109991,"é®":109992,"é®®":109993,"äºļ太":109994,"æĹłç©·":109995,"æıIJçݰ":109996,"ä¸ĵä¸ļæĬĢæľ¯":109997,"çĶ¢æ¥Ń":109998,"åѦåŃIJ":109999,"ç§ijå¹»":110000,"åįłåľ°éĿ¢ç§¯":110001,"ä¸įåĩĨ":110002,"æľªæĪIJ年人":110003,"æĶ¶å½ķ":110004,"è¿ĺ款":110005,"éĴ¢çŃĭ":110006,"æ¼¢":110007,"å¾ĹæĦı":110008,"综åIJĪä½ĵ":110009,"æŀģé«ĺ":110010,"åįķè¯į":110011,"é«ĺæķĪçļĦ":110012,"骨头":110013,"æī§çĿĢ":110014,"缼ä¸ĸ":110015,"模çī¹":110016,"æĽ´èĥ½":110017,"ç»ĿæľĽ":110018,"对åºĶçļĦ":110019,"æ¨Ĭ":110020,"æĸ°ä¸ī":110021,"æĸ°ä¸īæĿ¿":110022,"æģ°æģ°":110023,"åIJįå®¶":110024,"æł¸å¿ĥæĬĢæľ¯":110025,"个å°ı":110026,"æĢİä¹Īä¼ļ":110027,"说ä¸įå®ļ":110028,"西çĵľ":110029,"åĵİ":110030,"ç¢Ł":110031,"å¿ħä¸įåı¯":110032,"å¿ħä¸įåı¯å°ij":110033,"ä¹ĭéĸĵ":110034,"åĪĨ管":110035,"交éĢļäºĭæķħ":110036,"å¼ĢåĬŀ":110037,"å¾ģæ±ĤæĦıè§ģ":110038,"亨":110039,"鼻åŃIJéĥµ":110040,"鼻åŃIJéĥµä»¶":110041,"ä¿¡æģ¯æľįåĬ¡":110042,"ä½łè§īå¾Ĺ":110043,"缴è§Ĥ":110044,"å·²å®ĮæĪIJ":110045,"åĪĨä¼ļ":110046,"åĽŀåįĩ":110047,"éļ»":110048,"好人":110049,"äºĨè§£ä¸Ģä¸ĭ":110050,"å᫿µ´":110051,"æľĢçα":110052,"åºŀ大":110053,"客æĪ¿":110054,"çijŀåħ¸":110055,"éĥ½ä¸įæĺ¯":110056,"館":110057,"èĹī":110058,"çļĦåIJĦ项":110059,"ä¸ºçĽ®æłĩ":110060,"çļĦè®¤çŁ¥":110061,"å½±åĵįåĬĽçļĦ":110062,"å¤¸å¼ł":110063,"佩æĪ´":110064,"æ±ĩçİĩ":110065,"çļĦçαæĥħ":110066,"æĺ¥é£İ":110067,"æĺ¯æĪijçļĦ":110068,"樹":110069,"åįĬå°ıæĹ¶":110070,"å±±åİ¿":110071,"山西çľģ":110072,"èĢĮè¿Ļ":110073,"æĽ´å¤ļä¿¡æģ¯":110074,"è¿ĺæľīä¸ĢäºĽ":110075,"ç²¾ç»ĨåĮĸ":110076,"ç¾İåѦ":110077,"çͱæĸ¼":110078,"ä»ħä¾ĽåıĤèĢĥ":110079,"å¾Īé«ĺçļĦ":110080,"åıłåĬł":110081,"è¿Ļä¹Ī说":110082,"å±ķåĩº":110083,"åĽĽå¤Ħ":110084,"ä¸ĩå®¶":110085,"æĭĽåĭŁ":110086,"çļĦ强大":110087,"æĤ£æľī":110088,"å°ıäºİ":110089,"ä¹Łè®¸æĺ¯":110090,"对èĩªå·±çļĦ":110091,"èģĮä¸ļæķĻèĤ²":110092,"æĿ¥è¿Ľè¡Į":110093,"档次":110094,"æīĵèµ¢":110095,"éĥ½æľīçĿĢ":110096,"庸":110097,"è¯Ńæ°Ķ":110098,"çͲéĨĽ":110099,"空åĨĽ":110100,"车åĨħ":110101,"åĽłä¸ºä½ł":110102,"å®ŀæķĪ":110103,"æĥħä¾£":110104,"åıijè¾¾åĽ½å®¶":110105,"éķľåŃIJ":110106,"æ¯įå©´":110107,"ä½Ĩæĺ¯ä»ĸ":110108,"积æŀģæİ¨è¿Ľ":110109,"大å¹ħ度":110110,"çļĦ女åĦ¿":110111,"é¤IJæ¡Į":110112,"åIJ¬å¾Ĺ":110113,"çļĦ积æŀģæĢ§":110114,"好åIJ§":110115,"æĹ¥æ¶Īæģ¯":110116,"æľīä»»ä½ķ":110117,"æ¯Ĵåĵģ":110118,"æĹ©çĤ¹åĬłçĽŁ":110119,"第ä¸Ģ天":110120,"å°½åĬĽ":110121,"æłĸ":110122,"主æīĵ":110123,"æĺ¯ä¸ĢåIJį":110124,"çĪĨæĸĻ":110125,"äºĭä¸ļåıijå±ķ":110126,"å¾®åķĨ":110127,"äºİä¸Ģä½ĵçļĦ":110128,"çĶŁçĮª":110129,"èĩªçĦ¶èµĦæºIJ":110130,"çŀĦåĩĨ":110131,"è§Ħ模åĮĸ":110132,"å¹¶ä¸İ":110133,"èĤ¥èĥĸ":110134,"å®¶ç͍":110135,"大çĪ·":110136,"é¢ĦåijĬ":110137,"æĿ¥åģļ":110138,"éĺ³åİ¿":110139,"æŀĦçŃij":110140,"é¢ģå¥ĸ":110141,"åİĨåı²æĸĩåĮĸ":110142,"æľįåĭĻæĪĸ":110143,"æĢ»åĨ³èµĽ":110144,"åıijåŀĭ":110145,"æĪij羣çļĦ":110146,"æĽ¦":110147,"åıĤä¼ļ":110148,"èĦĨå¼±":110149,"åĩĨåħ¥":110150,"èħ¹éĥ¨":110151,"åı¸ä»¤":110152,"æĤ²åī§":110153,"天ä¸Ĭ":110154,"åı£ä¸Ń":110155,"ä¸ĩ个":110156,"åѦä¸ļ":110157,"æıIJåĢ¡":110158,"两边":110159,"大èĤ¡ä¸ľ":110160,"åı¤éķĩ":110161,"è¡Ģç³ĸ":110162,"çļĦç¨ĭ度":110163,"æ£īèĬ±":110164,"åIJİåı°":110165,"å°±åĮ»":110166,"æķ´æķ´":110167,"èĴ²":110168,"çĽĪåĪ©èĥ½åĬĽ":110169,"ç±½":110170,"èĦ«":110171,"çľĭéĩį":110172,"å®¶éķ·":110173,"èģĺç͍":110174,"èµĽéģĵ":110175,"åīįèĢħ":110176,"建èѰ":110177,"å¾ĭå¸ĪäºĭåĬ¡":110178,"èīºæľ¯åĵģ":110179,"æľīèĩªå·±çļĦ":110180,"åIJ¦å®ļ":110181,"ç¤¾åĽ¢":110182,"åij¨äºĶ":110183,"带åΰ":110184,"å·¥ä½ľä¼ļè®®":110185,"èĤ¡æľ¬":110186,"å¤ĸåĮħ":110187,"å®¶åħ¬åı¸":110188,"çĽijçĭ±":110189,"èĪĬ":110190,"åIJįæł¡":110191,"西æ¹ĸ":110192,"è¶ħè¿ĩäºĨ":110193,"åįĹå±±":110194,"ç»Ħä»¶":110195,"å̼å¾Ĺ注æĦı":110196,"æĮ£æīİ":110197,"äºĭ迹":110198,"ç¶ĵçĩŁ":110199,"ç§ij室":110200,"好åIJĹ":110201,"æ¤ħåŃIJ":110202,"åľĪåŃIJ":110203,"ä½Ĩ她":110204,"æµģçķħ":110205,"åIJĦèĩªçļĦ":110206,"èģĮåijĺ":110207,"è¡įçĶŁ":110208,"åħ¨åľº":110209,"æĴ¤éĶĢ":110210,"åį´è¢«":110211,"å®ģéĿĻ":110212,"åīįæīĢ":110213,"åīįæīĢæľª":110214,"åīįæīĢæľªæľī":110215,"主ä¸ļ":110216,"åĮĹç¾İ":110217,"è¯Ħå®ļ":110218,"åĵģå°Ŀ":110219,"大家éĥ½åľ¨":110220,"主å¸ħ":110221,"ç»Ĩå¿ĥ":110222,"ä¿¡æģ¯æĬ«éľ²":110223,"çļĦç«ŀäºī":110224,"éĢĻæ¨£çļĦ":110225,"ç§ijåĪĽæĿ¿":110226,"éĩĩæijĺ":110227,"票æį®":110228,"éĢIJå¹´":110229,"èĭ±è¶ħ":110230,"è¡Įä¸ļåĨħ":110231,"人寿":110232,"åIJİåĭ¤":110233,"å¦ĤæĦı":110234,"ç¬Ķè¯ķ":110235,"æ·¡æ·¡çļĦ":110236,"ä¸įèĪĴæľį":110237,"ä½ĵ积":110238,"ä¹Łä¸įè¦ģ":110239,"éĿ¢æĸĻ":110240,"æł·æľ¬":110241,"ç¥ģ":110242,"æĮīè§Ħå®ļ":110243,"大æ¦Ĥæĺ¯":110244,"æĥħåĨµè¿Ľè¡Į":110245,"åIJĦåįķä½į":110246,"çļĦç¬ij容":110247,"åĩºèī²çļĦ":110248,"代表æĢ§":110249,"çļĦç¾İ好":110250,"éĴ¦":110251,"å¾®çĶŁçī©":110252,"è¶Ĭæĺ¯":110253,"æĸ¹åı¯":110254,"å¹²èĦĨ":110255,"éģĬæĪ²":110256,"çļĦåħ´è¶£":110257,"éĹ®è´£":110258,"åĽłä¸ºæĪij们":110259,"èĢĥéĩı":110260,"çĶŁçĶŁ":110261,"éĺ»åĬĽ":110262,"ä¸įåħģ许":110263,"æıIJè®®":110264,"åĩıæĮģ":110265,"åıªæĺ¯ä¸Ģ个":110266,"æĪijæĬĬ":110267,"åıijçݰèĩªå·±":110268,"å¢ŀå¹ħ":110269,"å¦į":110270,"èĹĿè¡ĵ":110271,"ä¸Ģ家人":110272,"åĪĨ级":110273,"çļĦæķ°éĩı":110274,"è½®èŀįèµĦ":110275,"çŃīåĽłç´ł":110276,"大夫":110277,"èģĺ请":110278,"é£İæľº":110279,"绽æĶ¾":110280,"ä»»ä½ķä¸Ģ个":110281,"éłĤ":110282,"éĺ¶çº§":110283,"æĬĬ她":110284,"è¿ĽåĨĽ":110285,"èĥ½åģļåΰ":110286,"åŁ¹è®ŃæľºæŀĦ":110287,"çĸĻ":110288,"ç«¥è¯Ŀ":110289,"æĮĩ导æĦıè§ģ":110290,"éĺ®":110291,"æ·±åħ¥æİ¨è¿Ľ":110292,"ä¸»æľº":110293,"æ¸Ķä¸ļ":110294,"ä¸įæľį":110295,"æµĵéĥģ":110296,"è¡Ĺä¸Ĭ":110297,"ä¾Ŀ次":110298,"æĹ¶æ®µ":110299,"梵":110300,"çļĦåĸľçα":110301,"å¾Īéķ¿":110302,"åĪĿ级":110303,"æŀľæĸŃ":110304,"æĬ¢æķij":110305,"é¼ĵèĪŀ":110306,"ä¾ĽéľĢ":110307,"æ·±åħ¥å¼Ģå±ķ":110308,"产ä¸ļéĽĨ群":110309,"åĻªéŁ³":110310,"åIJ¬çĿĢ":110311,"æ·±åĪ»çļĦ":110312,"å¿įåıĹ":110313,"ç͵ç£ģ":110314,"强èĢħ":110315,"æ»ĭåij³":110316,"æĽ¼èģĶ":110317,"åı¯ä»¥çĽ´æİ¥":110318,"大米":110319,"æŃ·åı²":110320,"æĶ¿åĬ¡æľįåĬ¡":110321,"åħ¬å¼ı":110322,"社群":110323,"éģĵ士èģĮä¸ļ":110324,"ä¹ĭæĥħ":110325,"æµ·æ°´":110326,"æ¼Ķå¥ı":110327,"åºĹéĩĮ":110328,"迹象":110329,"åıijå±ķçIJĨ念":110330,"é«ĺ空":110331,"åij¨åĪĬ":110332,"åĽŀåΰäºĨ":110333,"ä¸įéĢĤåIJĪ":110334,"åłµå¡ŀ":110335,"åĬĪ":110336,"æ°´ä¸Ĭ":110337,"çĢijå¸ĥ":110338,"纳ç¨İ人":110339,"çĩĥæ²¹":110340,"å·¥ç¨ĭé¡¹çĽ®":110341,"峡谷":110342,"æľīéĴĪ对æĢ§":110343,"åľĨå½¢":110344,"æľ¬å¸Ĥ":110345,"è¿Ļè¯Ŀ":110346,"管çIJĨèĢħ":110347,"ç¡®è¯ĬçĹħä¾ĭ":110348,"æĬĬæīĭ":110349,"彩èī²":110350,"ä¸Ĭåīį":110351,"夯å®ŀ":110352,"ç¾ĬèĤī":110353,"å¾Ģå¹´":110354,"æĵħèĩª":110355,"迷人":110356,"èĪªæ¯į":110357,"ç²¾ç»Ĩ":110358,"åľ¨æĪijçļĦ":110359,"åĪĽæĬķ":110360,"麦åħĭ":110361,"æľĪç»ı":110362,"åĮĹæµ·":110363,"ä¹ĭæĺŁ":110364,"åı¶åŃIJ":110365,"å¸Ĥåľºç«ŀäºī":110366,"è¿Ļäºĭ":110367,"åıĥèĪĩ":110368,"äº§åľ°":110369,"åĶī":110370,"åķĨåĵģæĪ¿":110371,"èĪªè¿IJ":110372,"ä¼ĺå¼Ĥ":110373,"ä»ĸ们æĺ¯":110374,"éĽ¨æ°´":110375,"è¯įæ±ĩ":110376,"åĨľçͰ":110377,"欧éĺ³":110378,"çŁŃ线":110379,"管ç½ij":110380,"æł¹åŁº":110381,"åıªæľīä¸Ģ个":110382,"éŀĭåŃIJ":110383,"å¸Ĥå§Ķ书记":110384,"åĪ»æĦı":110385,"è¡Į车":110386,"åıĪ被":110387,"åı¯éĿłæĢ§":110388,"è´±":110389,"ä»»åij½":110390,"åºĶåľ¨":110391,"å°±å¾Ĺ":110392,"æľįåĬ¡ä½ĵç³»":110393,"æĶ¿æĿĥ":110394,"åıijè¨Ģ人":110395,"è¿ĩå¾Ģ":110396,"两åıª":110397,"èĻ½è¯´":110398,"éĢģä¸Ĭ":110399,"ä»Ģä¹Īäºĭ":110400,"æķ£æĸĩ":110401,"æİĮæİ§":110402,"èĸĦå¼±":110403,"ä¸ĭéĿ¢å°±":110404,"主è¦ģåĨħ容":110405,"å¾Īéĩįè¦ģçļĦ":110406,"就说":110407,"çϽèī²çļĦ":110408,"éĤ£ä¸ªæĹ¶åĢĻ":110409,"ç»ı纪人":110410,"çļĦæ¯į亲":110411,"ç¬Ķè®°æľ¬":110412,"åºķå±Ĥ":110413,"è¿ij代":110414,"解说":110415,"è²łè²¬":110416,"æľĢ大åĮĸ":110417,"åķĨéĵº":110418,"æł¡åıĭ":110419,"æ²ģ":110420,"ä¸įåĩºæĿ¥":110421,"éĻ·éĺ±":110422,"ç¨ħ":110423,"åħ¬å¸ĥäºĨ":110424,"åĩĢå̼":110425,"çĽ¸å¯¹è¾ĥ":110426,"笼":110427,"æł¸ç®Ĺ":110428,"åįİ侨":110429,"æĢ¥æķij":110430,"æĮºå¥½":110431,"åħĴç«¥":110432,"äºĮèĥİ":110433,"åĩºèĩª":110434,"åĿŁ":110435,"æīĭä¸ĭ":110436,"屡":110437,"åĪĽéĢłæĢ§":110438,"ä¸¥æł¼æĮīçħ§":110439,"åĨįåİ»":110440,"举缣":110441,"人æµģ":110442,"äºĨä¸Ģ声":110443,"å°ıæĹ¶åīį":110444,"è´µæĹı":110445,"éľĸ":110446,"ä¹Łæĺ¯éĿŀ常":110447,"é̱":110448,"çľĭäºĨçľĭ":110449,"ç¹ģæ®ĸ":110450,"èĩ³æŃ¤":110451,"é¢Ħå¤ĩ":110452,"å¾Īæĺİæĺ¾":110453,"æ¼Ķèīº":110454,"åĿIJçĿĢ":110455,"ä¿ĦåĨĽ":110456,"åľ¨è¿ĩåİ»":110457,"ä¹ĭäºĭ":110458,"æĬĵèİ·":110459,"åĿIJä¸ĭ":110460,"çͱä¸ŃåĽ½":110461,"ä¹Łå¼Ģå§ĭ":110462,"çŃĶå¤į":110463,"åŀĥåľ¾åĪĨç±»":110464,"éĴĵé±¼":110465,"åIJĦ種":110466,"缸éģĩ":110467,"ä¸įåģľçļĦ":110468,"æī¹éĩı":110469,"éĩįè¦ģä½ľç͍":110470,"å§Ķå±Ī":110471,"åħŃå¹´":110472,"ä¸ĥåįģ":110473,"ä¹ĭæĪĺ":110474,"é£İéĻ©ç®¡çIJĨ":110475,"éŁ³æ¨Ĥ":110476,"è¡ĮæĶ¿å¤Ħç½ļ":110477,"æľ¬äºĭ":110478,"æĴ°åĨĻ":110479,"èģļåIJĪ":110480,"éĢĤæĹ¶":110481,"æIJ¬å®¶":110482,"ç¢İçīĩ":110483,"çĽĽå®´":110484,"ç®Ģæ´ģ":110485,"åı¬éĽĨ":110486,"ç®ĢåĮĸ":110487,"åĮĹ京æĹ¶éĹ´":110488,"第ä¸īå±Ĭ":110489,"æĿ¥åĽŀ":110490,"常ç͍çļĦ":110491,"京津":110492,"京津åĨĢ":110493,"梦幻":110494,"è¯ķè¡Į":110495,"æľºåºĬ":110496,"åΰæľĢåIJİ":110497,"åĬ©æīĭ":110498,"åĪĨ彩":110499,"åĩºåĵģ":110500,"åĪ¹è½¦":110501,"åIJ¯åıij":110502,"ä¾§éĿ¢":110503,"æ¯ıå½ĵ":110504,"缸åħ³è§Ħå®ļ":110505,"ä¸ĸ人":110506,"è´Ń车":110507,"å¿ĥ缮":110508,"å¿ĥ缮ä¸Ń":110509,"äºĶéĩij":110510,"è¿ĺè®°å¾Ĺ":110511,"ä¾ĿçĦ¶æĺ¯":110512,"æıIJæ¡Ī":110513,"ç͵åķĨå¹³åı°":110514,"åģļåΰäºĨ":110515,"æĿľç»Ŀ":110516,"å®īåįĵ":110517,"ä¸ĸçķĮåIJĦåľ°":110518,"åīįéĢĶ":110519,"æ´ĹåĩĢ":110520,"å¥ĭåĬĽ":110521,"åŁİå¸Ĥ建设":110522,"å¤ļåĬŁèĥ½":110523,"ä¼ļéĢłæĪIJ":110524,"åıijå¸ĥä¼ļä¸Ĭ":110525,"究竣æĺ¯":110526,"åĪĨ红":110527,"çŁ¥èŃĺ":110528,"éĿ¢æĿ¿":110529,"æĹłå£°":110530,"æĢ¥éľĢ":110531,"å¤±çľł":110532,"çΏå¦Ī":110533,"äºĤ":110534,"åħ¨æĻ¯":110535,"ç»ıåħ¸çļĦ":110536,"åī§ä¸Ń":110537,"é¢Ĩ导ä¸ĭ":110538,"åħļåĨħ":110539,"åħ¥ä¾µ":110540,"æĭīæĸ¯":110541,"ä¸Ģå¹ķ":110542,"åĬłä¹ĭ":110543,"èĤĨ":110544,"èĭ±æł¼":110545,"èĭ±æł¼åħ°":110546,"å·§åħĭ":110547,"å·§åħĭåĬĽ":110548,"ä¸Ģå¿ĥ":110549,"èģĤ":110550,"å¾Ģå¾Ģæĺ¯":110551,"管çIJĨå±Ĥ":110552,"çĻ»åħ¥":110553,"建ç«ĭèµ·":110554,"å»ºåĽ½":110555,"åŃIJ宫":110556,"åºĶä»ĺ":110557,"æİ¢ç©¶":110558,"第ä¸Ģä½į":110559,"ä½Ļå®¶":110560,"çŃīæ´»åĬ¨":110561,"æīĢèĩ´":110562,"è¾ĥå¿«":110563,"æĺ¯éĿŀ":110564,"æıIJåIJį":110565,"äºĮèĢħ":110566,"åıªåī©ä¸ĭ":110567,"åħ¶ä¸ŃåĮħæĭ¬":110568,"ç¼ĸç¨ĭ":110569,"çł´ç¢İ":110570,"ä¸Ń举":110571,"å·¥ä½ľæĬ¥åijĬ":110572,"çѾåIJį":110573,"éħĴä¸ļ":110574,"çŁ¥æĻĵ":110575,"çĥŃå¿ĥ":110576,"éĿŀåĩ¡":110577,"èIJ¥ä¸ļæī§":110578,"èIJ¥ä¸ļæī§çħ§":110579,"人大代表":110580,"ä¸Ģ个æĸ°çļĦ":110581,"å¨ģæµ·":110582,"éĤ£äºº":110583,"涨价":110584,"æ¶ĪçģŃ":110585,"éļ¾å¿ĺ":110586,"ç¶ĵé©Ĺ":110587,"åı£è¢ĭ":110588,"ç³»æķ°":110589,"æĸĩä¸Ń":110590,"好转":110591,"æĸ°éĽ¶åĶ®":110592,"讲述äºĨ":110593,"å¼ĢçĽĺ":110594,"çķĻç»Ļ":110595,"æħ¢æħ¢çļĦ":110596,"æĤ²ä¼¤":110597,"æľ¬æľŁ":110598,"äºĨå¤ļå°ij":110599,"è¿Ļ让":110600,"åIJĮçŃī":110601,"æ¸ħæĺİ":110602,"个åŁİå¸Ĥ":110603,"æºĸåĤĻ":110604,"åĩłä¹İæĺ¯":110605,"强åĬĽ":110606,"俯":110607,"水稻":110608,"åĽºå®ļçļĦ":110609,"æł¸åĩĨ":110610,"说æľį":110611,"顯示":110612,"è¿Ļå¥Ĺ":110613,"æĻºæħ§åŁİå¸Ĥ":110614,"å±ĭé¡¶":110615,"ä¸įæĿ¥":110616,"çĶŁé²ľ":110617,"çŁ¥æĥħ":110618,"æĬķ身":110619,"åijĬè¯īæĪij们":110620,"ä¸īåĽĽ":110621,"ä¸ĩä¸Ģ":110622,"è¾Ĩ车":110623,"为ä¹ĭ":110624,"åΰæĹ¶åĢĻ":110625,"è¿Ļæīįæĺ¯":110626,"åIJįçīĮ":110627,"åºŁæ°´":110628,"åݻ年åIJĮæľŁ":110629,"å¹´éĻIJ":110630,"éģĭåĭķ":110631,"åıĮçľ¼":110632,"è¦ģç´§":110633,"对çŃĸ":110634,"åľºé¦Ĩ":110635,"çϾç§ij":110636,"è¶Ĭéĩİ":110637,"å¯ĮåIJ«":110638,"大å¤ļæķ°äºº":110639,"æľĢå°ij":110640,"åı¬åͤ":110641,"åħ¸èĮĥ":110642,"åĨľæľº":110643,"æŃ£æĸĩ":110644,"åºĶç͍äºİ":110645,"æ·±èĢķ":110646,"ä¿Ń":110647,"ä»Ģä¹Īä¸ľè¥¿":110648,"å¥Ĺé¤IJ":110649,"å½ĵéĢī":110650,"å·¦æīĭ":110651,"è°ĥçIJĨ":110652,"æĻļé¤IJ":110653,"éļ¾åħ³":110654,"åĩŃè¯ģ":110655,"çĪ±äºº":110656,"æĮĩè´£":110657,"è´£ç¼ĸ":110658,"çļĦä¸Ģ款":110659,"éĵ²":110660,"åįģ个":110661,"èĢ»":110662,"æľįåĬ¡åķĨ":110663,"åľ°çĭ±":110664,"è¿ŀå¿Ļ":110665,"åĽ°æĥij":110666,"çļĵ":110667,"ä¸įåIJĥ":110668,"çİ°åľ¨å·²ç»ı":110669,"çĽĺçĤ¹":110670,"ä¸įåģľåľ°":110671,"管çIJĨ模å¼ı":110672,"è¿Ļ段æĹ¶éĹ´":110673,"椰":110674,"礼åĮħ":110675,"æµģ转":110676,"æī«çłģ":110677,"éĽĨä¸Ńåľ¨":110678,"æ±ĤåĬ©":110679,"åįĬ个":110680,"å¿«éĢŁå¢ŀéķ¿":110681,"å¾Ģä¸ĭ":110682,"è¯ĦåĪĨ":110683,"å°±æĥ³":110684,"åķĨåĬ¡éĥ¨":110685,"æľīéĹ®é¢ĺ":110686,"èİ·åĪ©":110687,"æ¯ĽçĹħ":110688,"æĦŁåºĶ":110689,"è̧":110690,"åĪĨæŃ§":110691,"åĨī":110692,"æĪij们çİ°åľ¨":110693,"è¦ģåĬłå¼º":110694,"å·§å¦Ļ":110695,"èŀºæĹĭ":110696,"åĪĩæį¢":110697,"çĭĦ":110698,"顺çķħ":110699,"å°¤åħ¶æĺ¯åľ¨":110700,"èĬĿ麻":110701,"éļ¾è¿ĩ":110702,"æĹĹå¸ľ":110703,"å¤įåį°":110704,"å¤įåį°ä»¶":110705,"å¿ħéľĢ":110706,"对å¤ĸå¼ĢæĶ¾":110707,"éļ¾åıĹ":110708,"åİŁæĿ¥æĺ¯":110709,"ç®ĹäºĨ":110710,"é«ĺå±±":110711,"离èģĮ":110712,"çµĦç¹":110713,"çµĦç¹Ķ":110714,"å±ģèĤ¡":110715,"çϾ家":110716,"éģĩä¸Ĭ":110717,"æĺĶæĹ¥":110718,"ä¸į容":110719,"çĽij管éĥ¨éŨ":110720,"主æĦı":110721,"æµģåŁŁ":110722,"è·Įå¹ħ":110723,"èĩ³ä¸Ĭ":110724,"åĪ«è¯´":110725,"æĺ¯æ¯Ķè¾ĥ":110726,"å®ıè§Ĥç»ıæµİ":110727,"å¸Ĥåľºä¸»ä½ĵ":110728,"污æŁĵçī©":110729,"æķijæ²»":110730,"丰æĶ¶":110731,"åŃĺæĶ¾":110732,"åĩĦ":110733,"éĩijå±±":110734,"æį¢äºĨ":110735,"ä¸ĵ人":110736,"éĹľæĸ¼":110737,"æĹ¢è¦ģ":110738,"åĽ½è¶³":110739,"éļĭ":110740,"åıįåĩ»":110741,"起身":110742,"åħĪæĺ¯":110743,"å¸ĮæľĽèĥ½å¤Ł":110744,"åĪ¶è®¢":110745,"åºĹéĿ¢":110746,"åĸĢ":110747,"æķĻä½ł":110748,"éĻ῏©":110749,"åĬĽæ±Ĥ":110750,"ä¸īçϾ":110751,"çī©ä»·":110752,"丢失":110753,"å¢Ļä¸Ĭ":110754,"éĥ¨ä»½":110755,"æł·æĿ¿":110756,"ä¹ĭæĦı":110757,"ç½ijå°ıç¼ĸ":110758,"ä¸ĸä¸Ĭ":110759,"è°ĥè¯ķ":110760,"污æŁĵéĺ²æ²»":110761,"å½±éĻ¢":110762,"å®Įåħ¨åı¯ä»¥":110763,"éĢļåħ³":110764,"ä¹īåĬ¡æķĻèĤ²":110765,"没æľīåĬŀæ³ķ":110766,"èĢ¿":110767,"妳":110768,"æĹłæĥħ":110769,"å¾ĹçĽĬ":110770,"å¾ĹçĽĬäºİ":110771,"æľŁçĽ¼":110772,"娱ä¹IJåľº":110773,"çͲæĸ¹":110774,"ä¸Ģæ±½":110775,"çŰ":110776,"çĸijä¼¼":110777,"æĸ°æµªå¾®åįļ":110778,"强è¡Į":110779,"å½ĵä»ĸ":110780,"èĥº":110781,"ç͍æĪ·æıIJä¾Ľ":110782,"åĮºå§Ķ":110783,"æĦ¿æĻ¯":110784,"æĬĺæī£":110785,"失踪":110786,"è¿«åĪĩ":110787,"åŃĹæ¯į":110788,"åĴ¯":110789,"èªįèŃĺ":110790,"ä»Ģä¹ĪæĦıæĢĿ":110791,"çĽĴåŃIJ":110792,"å½ķéŁ³":110793,"建设工ç¨ĭ":110794,"ä¸ļä½Ļ":110795,"å®ŀ践活åĬ¨":110796,"çľŁç©º":110797,"çĤĸ":110798,"åľ¨è·¯ä¸Ĭ":110799,"主è¦ģåĮħæĭ¬":110800,"该æĢİä¹Ī":110801,"æĢ»æľī":110802,"æĢ§æĦŁ":110803,"æ°ijèĪª":110804,"å¼ĢåºĹ":110805,"欺éªĹ":110806,"çªģåĩ»":110807,"缺失":110808,"æī§ä¸ļ":110809,"åľ°éģĵ":110810,"å¹¶æĹł":110811,"æ°ijåĬŀ":110812,"ç»Ħç»ĩçĶŁæ´»":110813,"æĪijå¦Ī":110814,"è¨ĺèĢħ":110815,"管åζ":110816,"æī¾ä¸ª":110817,"èĹ»":110818,"çĤİçĹĩ":110819,"äºĴåĬ©":110820,"æµıè§Īåύ":110821,"çݩ家æĿ¥è¯´":110822,"éĻįä½İäºĨ":110823,"è£Ķ":110824,"æĮ£éĴ±":110825,"åķĨæľº":110826,"æĶ¹è£ħ":110827,"æµģ浪":110828,"æĶ¿æ³ķ":110829,"èĢģ头":110830,"çĶŁäº§åĴĮ":110831,"ç©Ĺ":110832,"亲çα":110833,"亲çαçļĦ":110834,"å±¥èģĮ":110835,"åŁİéĩĮ":110836,"ç»ĨåĪĨ":110837,"åĬ³åĬ¨åIJĪåIJĮ":110838,"åľ¨æĹ¥æľ¬":110839,"å¨ģå°Ķ":110840,"åį«è§Ĩ":110841,"éĢ£çµIJ":110842,"çĿĢéĩį":110843,"æĬĺ磨":110844,"åĽ¾ä¸º":110845,"çľ·":110846,"å·¥åºı":110847,"æĵģ":110848,"æĵģæľī":110849,"ç½ijç«Ļåľ°åĽ¾":110850,"çļĦä¸Ģ大":110851,"ç»Ħç»ĩå®ŀæĸ½":110852,"æĬĽå¼ĥ":110853,"åĴĮæĶ¯æĮģ":110854,"æ³ķåĪĻ":110855,"浪潮":110856,"çݰæľīçļĦ":110857,"åĩłçİĩ":110858,"为客æĪ·":110859,"åįģä¸ĩ":110860,"è¹Ħ":110861,"çªģåĩºéĹ®é¢ĺ":110862,"åıĥåĬł":110863,"éĥ½ä¼ļæľī":110864,"缤":110865,"è°ģéĥ½":110866,"æīĭåĬ¨":110867,"çĽ´è¾¾":110868,"çĤ¹å¤ļ":110869,"éĺ¶å±Ĥ":110870,"ä¸įä½³":110871,"éĤ£æ®µ":110872,"滨海":110873,"æĺ¯åĽ½åĨħ":110874,"æĪijå¸ĮæľĽ":110875,"åIJĽåŃIJ":110876,"è§ĤéŁ³":110877,"åģļé¥Ń":110878,"æ±½è»Ĭ":110879,"åħ³ç¨İ":110880,"çľ¼åīįçļĦ":110881,"æ°´éĿ¢":110882,"èĢ³æľº":110883,"追踪":110884,"æİ¨éĢģ":110885,"éĴ±åĮħ":110886,"æģ¶å¿ĥ":110887,"æµ·åŁŁ":110888,"å·į":110889,"å¼ĢæĿ¥":110890,"表æĢģ":110891,"仪表":110892,"å¹³åİŁ":110893,"åįģå¤ļå¹´":110894,"ä¹ŁæĹłæ³ķ":110895,"åħ¼é¡¾":110896,"è¡£æŁľ":110897,"æł½åŁ¹":110898,"æĪ¿æºIJ":110899,"设ç«ĭäºĨ":110900,"ä¸ĩåIJį":110901,"æķ°é¢Ŀ":110902,"è¦ģåĿļæĮģ":110903,"åIJīæŀĹçľģ":110904,"请èģĶç³»":110905,"ç»ıåİĨè¿ĩ":110906,"çļĦæľ¬è´¨":110907,"åħ¥éŨ":110908,"æľ¬æ¡Ī":110909,"çİĩè¾¾åΰ":110910,"åı°éĺ¶":110911,"éĴŀ":110912,"æĪijèĥ½":110913,"èݲèĬ±":110914,"éĴł":110915,"ä¸Ģäºĭ":110916,"åİŁæľīçļĦ":110917,"æ¯ıåĢĭ":110918,"æ¯Ķäºļ迪":110919,"æ£ĭçīĮ游æĪı":110920,"ä¸įä¼ļæľī":110921,"å½ĴæĿ¥":110922,"äºĶçϾ":110923,"è¿ĩé«ĺ":110924,"éĽ·è¾¾":110925,"ä¸Ģèµ·åİ»":110926,"æķĻ导":110927,"å°±è¯Ĭ":110928,"å°±å¾Ī":110929,"ä¸įåIJĮäºİ":110930,"俺":110931,"å¸ĸåŃIJ":110932,"æĶ¿åįıå§Ķåijĺ":110933,"çĸ«æĥħå½±åĵį":110934,"åĪĨè£Ĥ":110935,"为ä»Ģä¹Īä¼ļ":110936,"äºĶæĺŁ":110937,"å°ijåĦ¿":110938,"æĬ¢éĻ©":110939,"梦è§ģ":110940,"è®°èĢħéĩĩ访":110941,"山路":110942,"æĪij个人":110943,"æ²Ļ滩":110944,"è¹Ń":110945,"æĶ¹è®Ĭ":110946,"æĸ°åŀĭåĨł":110947,"æĸ°åŀĭåĨłçĬ¶":110948,"åĮ»æĬ¤":110949,"åĮ»æĬ¤äººåijĺ":110950,"æµ·å°Ķ":110951,"åħ³äºİæĪij们":110952,"éϤå¤ĸ":110953,"åºļ":110954,"宣åijĬ":110955,"ä¸īåįĥ":110956,"榨":110957,"ç§ijæĬĢ大åѦ":110958,"ä¸ĥåħ«":110959,"顺åºĶ":110960,"çΏçΏå¦Īå¦Ī":110961,"éĢīåıĸ":110962,"åī§çĥĪ":110963,"乡æĿijæĹħ游":110964,"积æŀģæİ¢ç´¢":110965,"表çݰ为":110966,"å¾Īæ¸ħæ¥ļ":110967,"大åĨĽ":110968,"æĿ¥ç͵":110969,"å¥ĹæĪ¿":110970,"çݰè¡Į":110971,"享åıĹåΰ":110972,"çľĭçĤ¹":110973,"åĽºå®ļèµĦ产":110974,"以人为":110975,"ä»¥äººä¸ºæľ¬":110976,"ä¸įå®Į":110977,"éĻį鼨":110978,"åģļçļĦäºĭæĥħ":110979,"å¹¶äºİ":110980,"顽强":110981,"è̏":110982,"åĺ´å·´":110983,"缸åħ³ä¿¡æģ¯":110984,"æĪij没":110985,"æĪĺçķ¥æĢ§":110986,"æĢĿ念":110987,"åĪĺå¤ĩ":110988,"åĬ©æĶ»":110989,"é£İè²Į":110990,"éĿ¢å¯¹éĿ¢":110991,"积æŀģå¼Ģå±ķ":110992,"çĸĹæķĪ":110993,"çľĭ书":110994,"缺åı£":110995,"åĽ½æ°ijç»ıæµİ":110996,"使ç͍æĿĥ":110997,"éģ¥è¿ľ":110998,"å¡«è¡¥":110999,"第ä¸ī人":111000,"åįĬå¤ľ":111001,"æŃ¦æ±īå¸Ĥ":111002,"æĪijåıijçݰ":111003,"ä¼ĺæĥłæĶ¿çŃĸ":111004,"é£İåı£":111005,"å°±ä¸įèĥ½":111006,"为主è¦ģ":111007,"æµģåĩº":111008,"å´ĩæĭľ":111009,"å¹¶ä¸įèĥ½":111010,"é«ĺä¸ī":111011,"ä¸ĸçķĮä¸ĬæľĢ":111012,"æĥ³å¿ħ":111013,"åħ¶æīĢ":111014,"åĢĻéĢī":111015,"åĢĻéĢī人":111016,"ä¸įçα":111017,"åī¯ä½ľç͍":111018,"人æ°ijæĹ¥æĬ¥":111019,"æĪijä¸įæĺ¯":111020,"å®ŀçī©":111021,"ç͵åİĤ":111022,"ä¹Łç®Ĺæĺ¯":111023,"æľīéĹľ":111024,"æľīèĥ½åĬĽ":111025,"æĮĤåľ¨":111026,"çľ¼ä¸ĭ":111027,"约翰":111028,"å°ıåѦçĶŁ":111029,"èµ·åΰäºĨ":111030,"工夫":111031,"åIJĮå¿ĥ":111032,"åĿ¦è¨Ģ":111033,"çłĮ":111034,"åıijæĮ¥äºĨ":111035,"èģĮä¸ļéģĵå¾·":111036,"è¿ĻäºĽå¹´":111037,"念头":111038,"èĢģé¼ł":111039,"åħ¨èµĦ":111040,"åħ¨èµĦåŃIJ":111041,"ä¸Ģåij³":111042,"å¤ļä¸ĩåħĥ":111043,"æł¼æľĥ":111044,"éķ¿éĢĶ":111045,"带走":111046,"èĭ±å¯¸":111047,"æĸĩä½ĵ":111048,"对ä»ĸ们":111049,"åĵŃäºĨ":111050,"å¡«æĬ¥":111051,"çīĪæĿĥ声æĺİ":111052,"çĶµçº¿":111053,"è´Ńçī©ä¸Ńå¿ĥ":111054,"饱满":111055,"ä½İ头":111056,"强迫":111057,"ä¿Ŀæ´ģ":111058,"欧åĨł":111059,"缸è¿ŀ":111060,"认è´Ń":111061,"ç쫿ĺŁ":111062,"é«ĺå°Ķ":111063,"é«ĺå°Ķ夫":111064,"èij«èĬ¦":111065,"æłĩ注":111066,"çļĦçIJĨæĥ³":111067,"æł¸éħ¸":111068,"æł¸éħ¸æ£Ģæµĭ":111069,"åĬī":111070,"ä¸Ģèάæĺ¯":111071,"æĢĿç´¢":111072,"轨迹":111073,"çĥŃ带":111074,"éĻ£":111075,"åĩĨç¡®æĢ§":111076,"æĪ´çĿĢ":111077,"åľ¨çĶŁæ´»ä¸Ń":111078,"æīĢèĥ½":111079,"æľ¯åIJİ":111080,"å¸¦ä½ł":111081,"ç¥ł":111082,"æ®ĭéħ·":111083,"ä¹Łåıªæĺ¯":111084,"çͳè´Ń":111085,"举åĬŀäºĨ":111086,"æľīæĦıä¹ī":111087,"æĹºçĽĽ":111088,"åľ¨ç¶²":111089,"åľ¨ç¶²è·¯ä¸Ĭ":111090,"å¾Ī大ç¨ĭ度":111091,"管è¾ĸ":111092,"çĸ«æĥħæľŁéĹ´":111093,"触æij¸":111094,"éĺ¶æ®µæĢ§":111095,"ä¼ļè§īå¾Ĺ":111096,"çļĦçĶ»éĿ¢":111097,"æİ¥åıĹäºĨ":111098,"表达äºĨ":111099,"éĤĵå°ı":111100,"éĤĵå°ıå¹³":111101,"åħļé£İ":111102,"åħļé£İå»īæĶ¿":111103,"åķĨåѦéĻ¢":111104,"åħijæį¢":111105,"é£Łåĵģèį¯åĵģ":111106,"éĿŀ常好çļĦ":111107,"çľ¯":111108,"纳米":111109,"åĬ¨æijĩ":111110,"åĽŀéģ¿":111111,"çľĭèijĹ":111112,"款项":111113,"åħ«å¹´":111114,"åģļ个":111115,"æĸĩæ¡£":111116,"éĩijèŀįç§ijæĬĢ":111117,"åħ¶ä¸Ńæľī":111118,"äºĨä¸Ģç³»åĪĹ":111119,"æĹĹèΰåºĹ":111120,"ç§°èµŀ":111121,"éĽ¢éĸĭ":111122,"åζåĨ·":111123,"å®¶éŨåı£":111124,"åįģå¤ļ":111125,"ä¼´ä¾£":111126,"çľĭçĹħ":111127,"æĭīçĿĢ":111128,"æīĴ":111129,"çĸ²æĥ«":111130,"å°ijæķ°æ°ijæĹı":111131,"åĽ¾å½¢":111132,"è½§":111133,"å¢ŀéĩı":111134,"饲åħ»":111135,"çģ«å±±":111136,"æ¯ı个æľĪ":111137,"ä½ľä¸ºä¸ĢåIJį":111138,"è½´æī¿":111139,"æĸĩ书":111140,"ç¼ķ":111141,"åħ·ä½ĵæĥħåĨµ":111142,"çĹĽçĤ¹":111143,"缴éĶĢ":111144,"å¡Ĭ":111145,"ä¹Łæľĥ":111146,"çĥŃæ½®":111147,"å¹³æ°ij":111148,"æ¼Ķåͱä¼ļ":111149,"æķĻçłĶ":111150,"éĢĥéģ¿":111151,"ä¸Ģè´¯":111152,"å°±è¶Ĭ":111153,"å®ŀå®ŀåľ¨":111154,"å®ŀå®ŀåľ¨åľ¨":111155,"ä¹łè¿ijå¹³æĢ»":111156,"溺":111157,"å¿ĥåºķ":111158,"éķ¿å¾ģ":111159,"媽媽":111160,"第ä¸ī次":111161,"åĩºæ¼Ķ":111162,"çĭĢæ³ģ":111163,"å°Ķæĸ¯":111164,"代çIJĨåķĨ":111165,"çĨı":111166,"çļĦ对象":111167,"ç͵éĩı":111168,"è¡ĮåĪĹ":111169,"åĽ½äºº":111170,"è·ijäºĨ":111171,"åįĶåĬ©":111172,"èIJ¥è¿IJ":111173,"å¸ĪåħĦ":111174,"榮":111175,"æĥ³åĥı":111176,"æĢ§å¼º":111177,"ç§ijåѦçłĶç©¶":111178,"å»¶å®ī":111179,"ä¸¥æł¼èIJ½å®ŀ":111180,"é¢Ĩä¼ļ":111181,"çĽ¸å·®":111182,"路人":111183,"çĶ«":111184,"æľīä»·å̼":111185,"æľīä»·å̼çļĦ":111186,"ç¾İåĽ¢":111187,"æ°ij主çĶŁæ´»":111188,"æĪijæīį":111189,"ç¾İåĽ½äºº":111190,"æ°Ķåij³":111191,"åıįå°Ħ":111192,"çļĦåĨ³å¿ĥ":111193,"大è±Ĩ":111194,"交代":111195,"è¿Ľåĩº":111196,"åıįæĬĹ":111197,"æĮĩçļĦæĺ¯":111198,"ä»·ä½į":111199,"è¿Ľé©»":111200,"ä¸ĬçϾ":111201,"ä½įåĪĹ":111202,"ä¸ŃåĽ½ä¼ģä¸ļ":111203,"çļĦ好å¤Ħ":111204,"主ç¼ĸ":111205,"汽油":111206,"ä½ĨæĪij们":111207,"æĢİä¹Īçľĭ":111208,"é»Ħå±±":111209,"å¤ļåªĴä½ĵ":111210,"åIJİåį«":111211,"èİ·å¾ĹæĽ´å¤ļ":111212,"åĬ¡å¿ħ":111213,"为å¥ijæľº":111214,"é¦ĸ饰":111215,"ä¸ĩåįļ":111216,"è¶ĬæĿ¥è¶Ĭ大":111217,"ä¸ĵ项è¡ĮåĬ¨":111218,"å¥ĭè¿Ľ":111219,"ä»įçĦ¶æĺ¯":111220,"è´¨æĦŁ":111221,"å¦Ĥæŀľä¸įæĺ¯":111222,"ç«Ļèµ·æĿ¥":111223,"ä¹¾éļĨ":111224,"åı¯æĢķçļĦ":111225,"å¯Įè´µ":111226,"æ¸ħç®Ĺ":111227,"åIJijä¸ĭ":111228,"åĢļ":111229,"çļĦçŃĶæ¡Ī":111230,"èιä¸Ĭ":111231,"çļĦ羣å®ŀæĢ§":111232,"çŃīåĬŁèĥ½":111233,"åĸľåī§":111234,"å¨ģåĬĽ":111235,"æĸ°é¢ĸ":111236,"æł¸ç͵":111237,"æĬ¥éĶĢ":111238,"æķħ乡":111239,"ä¼´éļı":111240,"éŀŃ":111241,"å¦Ĭå¨ł":111242,"åĪĨåĮĸ":111243,"æľīå¾Ī大":111244,"æĢİä¹Ī说":111245,"æĻĤ代":111246,"产åĩº":111247,"ä»ĭç»į说":111248,"å¤ĦçIJĨåύ":111249,"èĨ¨èĥĢ":111250,"åī¯å¸Ĥéķ¿":111251,"çļĦ妻åŃIJ":111252,"æł·åĵģ":111253,"åIJĮæ¯Ķä¸ĭéĻį":111254,"åħĥå·¦åı³":111255,"ç͍èĩªå·±çļĦ":111256,"é«ĺéĽĦ":111257,"æĺ¥æĻļ":111258,"ä¹Łæľīå¾Īå¤ļ":111259,"çľ¼çIJĥ":111260,"æķ£æŃ¥":111261,"ä»ĸ们éĥ½":111262,"第ä¸Ģå®¶":111263,"åĬŀ好":111264,"å®īéĺ²":111265,"ä¸Ģä¸ĩ":111266,"åľ¨éĩĮéĿ¢":111267,"éŁ³é¢ij":111268,"åı£åı·":111269,"ä¸Ģè¶Ł":111270,"ç¦ıçī¹":111271,"é³ŀ":111272,"æĥĬèī³":111273,"æĸ°å¨ĺ":111274,"绿èī²åıijå±ķ":111275,"ä¸Ńå¼ı":111276,"ä¹Łåıªæľī":111277,"çݰ身":111278,"åı¯ä¾Ľ":111279,"æ¯ıä¸Ģ个人":111280,"第ä¸īèĢħ":111281,"åľ°å½¢":111282,"éĴ¢ç»ĵæŀĦ":111283,"çĽijçĿ£æ£ĢæŁ¥":111284,"åı«æĪij":111285,"èĩ´æķ¬":111286,"æ´Ĺæīĭ":111287,"ä¸ĭè°ĥ":111288,"康çĨĻ":111289,"æĪIJ交éĩı":111290,"ä¹ŁæĪIJ为":111291,"åħīæ»ij":111292,"å®Įæķ´æĢ§":111293,"çģ¼":111294,"ç¶²éłģ":111295,"éķ¿å¯¿":111296,"éģ©ç͍":111297,"çļĦä¸Ģ项":111298,"çŀ©çĽ®":111299,"æĬĬèĩªå·±çļĦ":111300,"éĵ¶è¡Įåį¡":111301,"å°±å¿ħé¡»":111302,"ç¾İçϽ":111303,"éŀįå±±":111304,"æľ¬é¢Ĩ":111305,"ä¸Ģç¢Ĺ":111306,"æīĵæ³ķ":111307,"æĤ¨å¥½":111308,"对åŃ©åŃIJ":111309,"æĬ¥éģĵç§°":111310,"ä¼łåĩº":111311,"大èĩ£":111312,"ç¬ĭ":111313,"çĽı":111314,"é¾ļ":111315,"çĽ´çº¿":111316,"æĻºåºĵ":111317,"ç§Łè½¦":111318,"é£İåij³":111319,"çľĭä¸Ģä¸ĭ":111320,"æİ¨éĶĢ":111321,"éĥ¨éĥ¨éķ¿":111322,"è´¨éĩıåĴĮ":111323,"åĪĬçĻ»":111324,"å·¥ä¸ļåĮĸ":111325,"çİĩ为":111326,"鼶件":111327,"硬åĮĸ":111328,"ä¸Ĭåįĥ":111329,"ç»ıéªĮå̼":111330,"å¹³è¡Į":111331,"声éģĵ":111332,"æľįåĬ¡è´¨éĩı":111333,"çĶŁçĶ¢":111334,"æľĢ容æĺĵ":111335,"ä¸Ģæŀļ":111336,"å¹´æĬ¥":111337,"åħ¬ç½ij":111338,"åħ¬ç½ijå®ī":111339,"åħ¬ç½ijå®īå¤ĩ":111340,"çļĦèĥ½éĩı":111341,"å®ŀéĻħè¡ĮåĬ¨":111342,"è¦ģä¸įè¦ģ":111343,"æĹ¥æľ¬äºº":111344,"èĢ¶ç¨£":111345,"ç¼ĸåī§":111346,"æ¶©":111347,"åį°å°¼":111348,"ä¸Ĭä¸ĭ游":111349,"åĩłåı¥":111350,"ä¸Ńéĵģ":111351,"ç°¡åĸ®":111352,"èĩªå¸¦":111353,"çĶŁäºİ":111354,"ä¸Ģåı£æ°Ķ":111355,"åĭ¤å¥ĭ":111356,"éĻįä»·":111357,"å±ķçݰäºĨ":111358,"å¸ĥæĭī":111359,"ä¼ļéĢīæĭ©":111360,"çļĦç»ıåħ¸":111361,"好æľĭåıĭ":111362,"车éģĵ":111363,"æķ´åĢĭ":111364,"åľĵ":111365,"éķ¿æľŁä»¥æĿ¥":111366,"æĬķå½±":111367,"çļĩåĨł":111368,"è¿ĩ大":111369,"åijĬè¯īä»ĸ":111370,"ä¼ģä¸ļæıIJä¾Ľ":111371,"æĬ½è±¡":111372,"éĢĤ度":111373,"çļĦ女åŃ©":111374,"èµ·ä¼ı":111375,"çļĦåĬŁæķĪ":111376,"ä¸ĵ项æķ´æ²»":111377,"åı¯éĢļè¿ĩ":111378,"ä¸įåIJĮç¨ĭ度":111379,"å¼Ĥè®®":111380,"åĩĢèµĦ产":111381,"åijĹ":111382,"ä»Ģä¹Īåij¢":111383,"å·¡éĢ»":111384,"è¸ıä¸Ĭ":111385,"ä½Ĩå®ĥ":111386,"精度":111387,"管å±Ģ":111388,"第ä¸ĢåIJį":111389,"åĨħåŃĺ":111390,"æijĨåľ¨":111391,"åī©ä¸ĭ":111392,"主ä½ĵ责任":111393,"çĤ¹åįĬ":111394,"以èĩ³äºİ":111395,"åħ»èĢģä¿ĿéĻ©":111396,"æĦŁåıĹåΰäºĨ":111397,"çŁ¥åIJįçļĦ":111398,"å¯Į豪":111399,"妥åĸĦ":111400,"åŃĻåŃIJ":111401,"éĵĤ":111402,"说èĩªå·±":111403,"让æĤ¨":111404,"æķ°æİ§":111405,"çļĦçľ¼åħī":111406,"注éĶĢ":111407,"çļĦçģµéŃĤ":111408,"è¿ĺä¸įéĶĻ":111409,"éĹ®ä»ĸ":111410,"èĩªä¸»çłĶåıij":111411,"èĵĭ":111412,"ç´«èī²":111413,"åĽ½å®¶å®īåħ¨":111414,"è¾½å®ģçľģ":111415,"ä¹Łæ¯Ķè¾ĥ":111416,"ç¾İèĤ¡":111417,"ä¸įç¡®å®ļæĢ§":111418,"å¿ĥ头":111419,"æĪ³":111420,"级åĪ«çļĦ":111421,"论述":111422,"çļĦåĽŀçŃĶ":111423,"ä¿Ŀè¯ģéĩij":111424,"çŃīè¡Įä¸ļ":111425,"幸ç¦ıæĦŁ":111426,"æŃ§è§Ĩ":111427,"æľºç¥¨":111428,"派人":111429,"èĩ´åij½":111430,"åĺ´è§Ĵ":111431,"æĸ°éĹ»ä¸Ńå¿ĥ":111432,"æĶ¾å¼ĥäºĨ":111433,"å®ľå±ħ":111434,"åĨĻä¸ĭ":111435,"éĹ®çŃĶ":111436,"è¿ĻéĩĮæĺ¯":111437,"å¤ļåľ°":111438,"åĮºåŁŁåĨħ":111439,"åĸ°":111440,"çľĭä»ĸ":111441,"æī§æ³ķ人åijĺ":111442,"åĬ¨æľº":111443,"éŁ³åĵį":111444,"çļĦåij½è¿IJ":111445,"é¡¶éĥ¨":111446,"åĵŁ":111447,"éĥ½æľĥ":111448,"æīĵéĢłæĪIJ":111449,"æĦıåĽ¾":111450,"çļĸ":111451,"åĢĴåħ¥":111452,"å·´èIJ¨":111453,"åĬ©åѦ":111454,"å¤įåı¤":111455,"åIJ¯ç͍":111456,"åĽ½éĻħå¸Ĥåľº":111457,"åĤ¨èĥ½":111458,"é»ijé¾Ļæ±Łçľģ":111459,"ä¹ĺ车":111460,"è¿IJåĬ¨ä¼ļ":111461,"ä¿ĿåĪ©":111462,"çŁ³æĿIJ":111463,"çµ®":111464,"çĤĴä½ľ":111465,"çļĦä¿¡ä»»":111466,"å°±æĪIJäºĨ":111467,"åı¯è§Ĥ":111468,"çļĩä¸Ĭ":111469,"è¿Ļåĩłå¤©":111470,"ä¸ĢéĶ®":111471,"åĨ·åĨ»":111472,"ä¿Ŀåį«":111473,"æł¸æ¡ĥ":111474,"åIJĪä½ľåħ³ç³»":111475,"éĢģåĩº":111476,"æĹĹä¸ĭçļĦ":111477,"åľ¨ä¹İ":111478,"为广大":111479,"åįĪé¤IJ":111480,"ä¸ĵ访":111481,"æĪĸå°Ĩ":111482,"éĿĴå²Ľå¸Ĥ":111483,"å¥Ķè·ij":111484,"æĹ¥æĬ¥éģĵ":111485,"å¥ijåIJĪ":111486,"æĸ°æĺ¥":111487,"ä¸įå°ıå¿ĥ":111488,"两ä¸ī":111489,"æĦıæĢĿæĺ¯":111490,"åĨ·èĹı":111491,"çļĦçĹĩçĬ¶":111492,"æĢ§åij½":111493,"è¶ħæłĩ":111494,"å¯Ĩ碼":111495,"ç§ijæĬĢèĤ¡ä»½":111496,"äºĨä¸Ģæī¹":111497,"çĿ£å¯Ł":111498,"åªĴä»ĭ":111499,"å°Ħæīĭ":111500,"ä¿®åħ»":111501,"çīĩåĪ»":111502,"éĢĤåIJĪèĩªå·±":111503,"åıªè¦ģæĺ¯":111504,"åIJĥè¿ĩ":111505,"éĩijéĵ¶":111506,"缴å±ŀ":111507,"åѦéĹ®":111508,"åİĭåζ":111509,"çªĹå¤ĸ":111510,"æĶ¶åΰäºĨ":111511,"åħ¨åĽ½äººå¤§":111512,"ä½Ĩæĺ¯å¯¹äºİ":111513,"åľ¨æķ´ä¸ª":111514,"çļĦèĥĮåIJİ":111515,"åĩıå°ijäºĨ":111516,"åıįèħIJ":111517,"åıįèħIJåĢ¡":111518,"åıįèħIJåĢ¡å»ī":111519,"æĹ·":111520,"åĪĨæľŁ":111521,"åľ¨æ·±åľ³":111522,"æīĵçĿĢ":111523,"æī«ä¸Ģ":111524,"æī«ä¸Ģæī«":111525,"æĶ¿åºľéĥ¨éŨ":111526,"æİ¥è¿ŀ":111527,"å±ŀäºİèĩªå·±":111528,"åŃIJå¼¹":111529,"åIJĮæł·æĺ¯":111530,"æĢ»åħ±":111531,"车ä¼ģ":111532,"æ¢ĵ":111533,"åħ¬é¡·":111534,"åıij声":111535,"éĴĽ":111536,"èµ°åĬ¿åĽ¾":111537,"主èIJ¥":111538,"åĸĶ":111539,"æķ°æį®åĪĨæŀIJ":111540,"ä¸įè¿ľ":111541,"æľīåIJį":111542,"æľīåIJįçļĦ":111543,"åģ¿è¿ĺ":111544,"å¾Īä½İ":111545,"è®ĵ人":111546,"èĿī":111547,"é«ĺè´µ":111548,"å°ij许":111549,"æ°Ł":111550,"å¹¢":111551,"亲æĥħ":111552,"è¿Ļä»¶äºĭæĥħ":111553,"ç͍é¤IJ":111554,"缸åħ³æĸ°éĹ»":111555,"å°±åºĶ该":111556,"ç»ĪçĤ¹":111557,"æĺ¯å¤ļå°ij":111558,"çĻ»åľº":111559,"è¯ķ管":111560,"è¯ķ管婴åĦ¿":111561,"åģļ大":111562,"åģļ大åģļ强":111563,"çļĦä¾ĭåŃIJ":111564,"åħ«ä¸ª":111565,"æĺİæĹ¥":111566,"çĤ³":111567,"èµ°åİ»":111568,"éģº":111569,"墩":111570,"ä½ĵä¼ļåΰ":111571,"åĴı":111572,"ä¸ĭè¾¾":111573,"å¤įåıij":111574,"追éĢIJ":111575,"æīĵåĵį":111576,"çļĦéļ±ç§ģæ¬Ĭ":111577,"åħ·æľīä¸Ģå®ļ":111578,"è¿Ļä¹Īå¤ļå¹´":111579,"æłijæŀĹ":111580,"æľĢéķ¿":111581,"åIJĮèĥŀ":111582,"åħīæ³½":111583,"åŁŁåIJį":111584,"æĮĩåIJij":111585,"åıĹ害èĢħ":111586,"æłijèĦĤ":111587,"æľīå¤ļ大":111588,"大éĿ¢ç§¯":111589,"æĹłç¼Ŀ":111590,"æĶ¹æŃ£":111591,"æĽ´å¤ļçļĦæĺ¯":111592,"æľŁæľ«":111593,"æŃ¼":111594,"ä¹īä¹Į":111595,"éĤ£ä½ł":111596,"çļĦ第ä¸Ģ个":111597,"èĮµ":111598,"å°§":111599,"èį«":111600,"ä¸įä»ħåı¯ä»¥":111601,"æ¶Įçݰ":111602,"æĢ»éĿ¢ç§¯":111603,"æĸ°éĹ»åıijå¸ĥ":111604,"æ°ijç͍":111605,"就读":111606,"æīĵè´¥":111607,"å¤ĸè¯Ń":111608,"æĪij们ä¸Ģèµ·":111609,"é¢Ħå®ļ":111610,"çĥ¹é¥ª":111611,"æľĢ主è¦ģ":111612,"æľĢ主è¦ģçļĦ":111613,"çīĮçħ§":111614,"åĽłåħ¶":111615,"ä½İä¸ĭ":111616,"ä¼ļåIJĮ":111617,"è§ģè§£":111618,"éĹ´éļĶ":111619,"æķĻç¨ĭ":111620,"å°ī":111621,"å¸Ĥä¸Ńå¿ĥ":111622,"åħ³éĶ®æĺ¯":111623,"æµ·åįĹçľģ":111624,"çī¹åĪ«æĺ¯åľ¨":111625,"ä¸ŃåĽ½å¤§éĻĨ":111626,"åħħè¶³çļĦ":111627,"æĹ¢èĥ½":111628,"åĤ³çµ±":111629,"çijľä¼½":111630,"åħ¥åĽ´":111631,"æħ¢æħ¢åľ°":111632,"æĬ¥éħ¬":111633,"æī¹å¤į":111634,"å·¥ä¸ļåĽŃåĮº":111635,"ä¸İåıijå±ķ":111636,"èĥ¸éĥ¨":111637,"åľ¨ç½ij绾":111638,"åľ¨ç½ij绾ä¸Ĭ":111639,"交è°Ī":111640,"æĽ´æĶ¹":111641,"åįłæľīçİĩ":111642,"ä¸Ŀ绸ä¹ĭè·¯":111643,"è¡Ľ":111644,"çłĶåΤ":111645,"åĪª":111646,"åĪªéϤ":111647,"è¿Ļåıª":111648,"çļĦæ°Ķæģ¯":111649,"åĬłå·ŀ":111650,"éĴ§":111651,"çIJĨäºĭéķ¿":111652,"ä¸ĸå®¶":111653,"æµģè¡ĮçļĦ":111654,"å¾Īæľīåı¯èĥ½":111655,"们éĥ½":111656,"ç»ıèIJ¥æ¨¡å¼ı":111657,"è¡Įä¸ļä¸Ń":111658,"éĢļçŁ¥ä¹¦":111659,"åij½é¢ĺ":111660,"æľ¬ç¶²ç«Ļ":111661,"æ²Ļçī¹":111662,"åıijåħī":111663,"é«ĺä»·":111664,"å·²çĦ¶":111665,"åıĮåįģä¸Ģ":111666,"ä¸Ĭè¯ī":111667,"ç¿ħèĨĢ":111668,"è¿Ļä¸Ģå¹´":111669,"大ä¼ļä¸Ĭ":111670,"éĩī":111671,"å®Įåħ¨æĺ¯":111672,"å¾Ĺ太":111673,"ä¸ĢèĪ¬äºº":111674,"è¿ĺç®Ĺ":111675,"æĬĺåıł":111676,"æĬķæľº":111677,"çĤ¹çĩĥ":111678,"çݰéĩijæµģ":111679,"åħĶåŃIJ":111680,"ç½ijæł¼":111681,"æİ¥è¿ĩ":111682,"ä¾Ľè´§":111683,"éĺ´å½±":111684,"åİŁåħĪ":111685,"æį£":111686,"左侧":111687,"åħĭæĭī":111688,"æīĵåį¡":111689,"ç§ijæ¯Ķ":111690,"æ±ĩéĽĨ":111691,"åľ°çIJĨä½įç½®":111692,"è¯Ħå§Ķ":111693,"ç»ĵåIJĪèµ·æĿ¥":111694,"è¿Ľåħ¥åΰ":111695,"åı¯è¡Į":111696,"åı¯è¡ĮæĢ§":111697,"让å®ĥ":111698,"åĪ¶åº¦æĶ¹éĿ©":111699,"çĶĺèĤĥçľģ":111700,"åĵĹ":111701,"åģıåģı":111702,"è¡£çī©":111703,"ç¥Ŀè´º":111704,"æºIJèĩª":111705,"å¹¶ä¸į代表":111706,"åĽ½åº¦":111707,"好åĿı":111708,"æĿĸ":111709,"æĿŃå·ŀå¸Ĥ":111710,"湿度":111711,"鲸":111712,"åįļ彩":111713,"æ³°å±±":111714,"æĿijèIJ½":111715,"æĸ°èģŀ":111716,"èĤĭ":111717,"åı¤èĢģçļĦ":111718,"çļĦç§ĺå¯Ĩ":111719,"ä¸Ģ个éĹ®é¢ĺ":111720,"éģıåζ":111721,"åįĥ亿":111722,"è¿ĩ硬":111723,"å°Ħåĩ»":111724,"èĩªçĦ¶æĺ¯":111725,"产åĮº":111726,"çĤ¹çĤ¹å¤´":111727,"åı¯ä»¥å¸®åĬ©":111728,"说å®ŀ":111729,"说å®ŀè¯Ŀ":111730,"æĪijåıªæĺ¯":111731,"ä¹ĭä½Ļ":111732,"åIJĮæĹ¶ä¹Łæĺ¯":111733,"ä¸ŃåĽ½éĺŁ":111734,"建æĪIJåIJİ":111735,"ä¹IJè§Ĩ":111736,"åij¨å²ģ":111737,"èį¯åºĹ":111738,"éĩijåįİ":111739,"严éĩįå½±åĵį":111740,"è´¨åľ°":111741,"æĹħéģĬ":111742,"åħµåύ":111743,"æķĻèĤ²æķĻåѦ":111744,"离åİ»":111745,"åIJĦå¼ıåIJĦæł·":111746,"ä»ĭç´":111747,"ä»ĭç´¹":111748,"å¼Ģ头":111749,"å°Ĩèĩªå·±çļĦ":111750,"åIJ¬åĬĽ":111751,"ä¿¡æģ¯ç³»ç»Ł":111752,"ä»İæł¹æľ¬":111753,"ä»İæł¹æľ¬ä¸Ĭ":111754,"æİĮ声":111755,"欢åĸľ":111756,"å±ķåĮº":111757,"åķ¸":111758,"太å¤ļäºĨ":111759,"éĹ²ç½®":111760,"èĥ¡èIJĿåįľ":111761,"å§Ķå®£ä¼ł":111762,"å§Ķå®£ä¼łéĥ¨":111763,"åįĹéĺ³":111764,"å·ŀåĮº":111765,"ä¸İæĹ¶":111766,"ä¸İæĹ¶ä¿±":111767,"ä¸İæĹ¶ä¿±è¿Ľ":111768,"å«Įçĸij人":111769,"èī¯å¿ĥ":111770,"头顶":111771,"è´¢æĬ¥":111772,"ä½Ľæ³ķ":111773,"å¾µ":111774,"åİŁä»¶":111775,"åĭŀ":111776,"çĶ·ç¯®":111777,"å¤ĸåĽ½äºº":111778,"è¿Ŀ纪":111779,"æī¾äºĨ":111780,"æįķæįī":111781,"缸è¯Ĩ":111782,"æIJľéĽĨ":111783,"çļĦä¼Łå¤§":111784,"ä¸īç»´":111785,"å°±è¡ĮäºĨ":111786,"çĭIJæľĪ":111787,"çĭIJæľĪå±±":111788,"å¸ĮæľĽéĢļè¿ĩ":111789,"èĢĮ对äºİ":111790,"éĿ¢å°į":111791,"åĨĽåĽ¢":111792,"è¡ĹåĮº":111793,"æĤ¬æĮĤ":111794,"便ç§ĺ":111795,"æľīä¸ĢçĤ¹":111796,"ä¼ļè®®ä¸Ĭ":111797,"ä¸ĭæīĭ":111798,"廣åijĬ":111799,"äºĶè¡Į":111800,"çŃīåĢĻ":111801,"ç´§ç´§åĽ´ç»ķ":111802,"æĭ¿äºĨ":111803,"æ¡ĮéĿ¢":111804,"ç¥ŀæĥħ":111805,"éĽĦåİļ":111806,"çŀ³":111807,"楼ä¸ĭ":111808,"彪":111809,"äºĭåıij":111810,"åĨįè§ģ":111811,"é¤ĺ":111812,"é¢ĦåĶ®":111813,"åİ»çľĭçľĭ":111814,"æĪij们åºĶ该":111815,"ä¸īå®¶":111816,"æµĬ":111817,"ä¹IJéĺŁ":111818,"çľĭä¸įè§ģ":111819,"èĦijåŃIJ":111820,"æĮģæľīçļĦ":111821,"çϽèıľ":111822,"éĹªçĥģ":111823,"åĸĿæ°´":111824,"æİ§åĪ¶ç³»ç»Ł":111825,"ä¸ĵåĮº":111826,"æľĿå»·":111827,"æĪijå¿ĥéĩĮ":111828,"å±ķåİħ":111829,"èľĺèĽĽ":111830,"åĨ»ç»ĵ":111831,"粪":111832,"åºIJ":111833,"åIJij社ä¼ļ":111834,"åĨ³çŃĸéĥ¨ç½²":111835,"çŁŃæľŁåĨħ":111836,"æĸ°ä¸ļæĢģ":111837,"æľĶ":111838,"æĹ¶æĬ¥":111839,"使ä¹ĭ":111840,"åĽłåŃIJ":111841,"åıĤä¸İèĢħ":111842,"çļĦ年轻人":111843,"æīĭ表":111844,"å°ģéĶģ":111845,"为ä»Ģä¹Īä¸į":111846,"åIJ¸çĥŁ":111847,"æ¯Ĵç´ł":111848,"åĪijæ³ķ":111849,"磫æŃ£":111850,"身æĹģ":111851,"åİŁè°ħ":111852,"çĽijæĬ¤":111853,"æŃ¤å¤Ħ":111854,"éĻĤ":111855,"æŀľå®ŀ":111856,"åĮ»çĸĹæľįåĬ¡":111857,"ä¸įåIJĪçIJĨ":111858,"æIJŀ好":111859,"çļĦèĦļæŃ¥":111860,"å¤ĸå¥Ĺ":111861,"ç¶ĵéģİ":111862,"æĶ¾ç¼ĵ":111863,"åģľçķĻ":111864,"æĺŁçIJĥ":111865,"çļĦä¸ĢéĿ¢":111866,"åĩłä½ķ":111867,"è½®åĽŀ":111868,"æ¯Ľå·¾":111869,"ä¿®çIJĨ":111870,"ä¸įçŁ¥ä¸į":111871,"ä¸įçŁ¥ä¸įè§ī":111872,"æķ´ä¸ªäºº":111873,"æ¯ģçģŃ":111874,"åı°å·ŀ":111875,"使çĶ¨å¯¿åij½":111876,"é»ijçϽ":111877,"æij¸ç´¢":111878,"é¼łæłĩ":111879,"éĿ©æĸ°":111880,"麵":111881,"ä¸ĵéĹ¨ä¸º":111882,"å¾Īå¤ļæľĭåıĭ":111883,"å·¥ä½ľç»Ħ":111884,"åIJĪå½±":111885,"çĤºä»Ģ麼":111886,"æŀģ度":111887,"çļĦè¿ĽæŃ¥":111888,"å½ĵä¹ĭ":111889,"å½ĵä¹ĭæĹł":111890,"å½ĵä¹ĭæĹłæĦ§":111891,"è´´è¿ij":111892,"尺度":111893,"åľ¨çİ°åľº":111894,"éĻį临":111895,"åħ»èĢģéĩij":111896,"ç£ķ":111897,"åı¯ä»¥ä½¿":111898,"管çIJĨæ°´å¹³":111899,"æľ¬æĬ¥è®°èĢħ":111900,"æ³ķ令":111901,"åį¡è½¦":111902,"ä¸ľæµ·":111903,"å¤ļéĩį":111904,"åħ¶éĹ´":111905,"ç´Ļ":111906,"éĩįå¤§é¡¹çĽ®":111907,"æ±Ĺæ°´":111908,"ç»Ħå§Ķä¼ļ":111909,"ä¿¡æģ¯åħ¬å¼Ģ":111910,"ä¸į论æĺ¯":111911,"ä¸ĢåIJ¬":111912,"èĴ¸æ±½":111913,"æıŃç§ĺ":111914,"è¶ħéģİ":111915,"触åıij":111916,"婦":111917,"åħ³èģĶ交æĺĵ":111918,"å°±ç»Ļ大家":111919,"好ä¹ħ":111920,"åĢŁè´·":111921,"游æĪıè§Ĵèī²":111922,"å¼ĢåIJ¯äºĨ":111923,"æİł":111924,"åħļçļĦåįģä¹Ŀ":111925,"ä¸ĭ鼨":111926,"çŁŃæĹ¶éĹ´åĨħ":111927,"å¯ħ":111928,"导åħ¥":111929,"å·¥ä½ľç»ıéªĮ":111930,"ä¹Łåıªèĥ½":111931,"鼷éľĨ":111932,"è·Łè¿Ľ":111933,"åį¡éĢļ":111934,"é¢ĩæľī":111935,"æľºä½ĵ":111936,"æĪĺ士èģĮä¸ļ":111937,"女主":111938,"ä½ĵåĪ¶æľºåζ":111939,"è¶³åįı":111940,"èĪĴéĢĤçļĦ":111941,"åĢŁåı£":111942,"æī¹åΤ":111943,"æķ°å̼":111944,"諾":111945,"éĺ¿æĭī伯":111946,"åĺİ":111947,"æħ¶":111948,"达人":111949,"å¼Ģæ°´":111950,"å¤§éĽ¨":111951,"温室":111952,"ä½İè¿·":111953,"ä»įæĹ§":111954,"éªĹåŃIJ":111955,"亲å±ŀ":111956,"çIJĨæĻº":111957,"æľ¬åŁºéĩij":111958,"å¨ħ":111959,"åĨĻåŃĹæ¥¼":111960,"å¢Ļå£ģ":111961,"宵":111962,"èϽçĦ¶æĺ¯":111963,"顺çĿĢ":111964,"åħ«åį¦":111965,"åķĨç͍":111966,"ä¸į失":111967,"è¿·èĮ«":111968,"顺便":111969,"æļijæľŁ":111970,"æ¬ºè´Ł":111971,"é¢ijé¢ij":111972,"è¯¥æł¡":111973,"æĸĻçIJĨ":111974,"æ·±æĥħ":111975,"åīįéĶĭ":111976,"ä¿ĿèŃī":111977,"èģĮä¸ļçĶŁæ¶¯":111978,"åħ¬å¼Ģåıij":111979,"åħ¬å¼Ģåıijè¡Į":111980,"åħ¥æĪ·":111981,"éłĵ":111982,"å̾åIJ¬":111983,"éŃģ":111984,"æĦīæĤ¦":111985,"åĽŀåIJĪ":111986,"åħ¨åĬĽä»¥":111987,"åħ¨åĬĽä»¥èµ´":111988,"åĥ¹å̼":111989,"èĥ½åĬĽå¼º":111990,"ç»ıå¼Ģ":111991,"ç»ıå¼ĢåĮº":111992,"è¿ľæĸ¹":111993,"çļĦéģĵçIJĨ":111994,"缴åįĩ":111995,"缴åįĩæľº":111996,"为主é¢ĺçļĦ":111997,"ç»ĻæĤ¨":111998,"è¿ĺæĥ³":111999,"æ¯ĶæĪij":112000,"åĨľçī§":112001,"æµ·åºķ":112002,"çŃ¾è®¢äºĨ":112003,"对äºİæĪij们":112004,"æĹ¶è®¸":112005,"éĶ®çĽĺ":112006,"å®ŀéĻħæİ§åζ":112007,"çļĦæ¨¡æł·":112008,"åıįæĺłäºĨ":112009,"代åĬŀ":112010,"åĮ»ç͍":112011,"éĽĨç»ĵ":112012,"åıijå±ķåīįæĻ¯":112013,"æĮĩçĿĢ":112014,"åįİåĮĹ":112015,"è¿Ļåĩłä¸ª":112016,"åIJįæ°Ķ":112017,"åĤįæĻļ":112018,"èĩªåıij":112019,"æ³¢åħ°":112020,"大åĬĽæİ¨è¿Ľ":112021,"èĩªç§°":112022,"èįĨå·ŀ":112023,"æIJį害":112024,"äºĨä¸Ģåı¥":112025,"æľĢåĪĿçļĦ":112026,"éĩijèŀįå᱿ľº":112027,"æĢĢ念":112028,"è¡Įåĭķ":112029,"女æİĴ":112030,"ä¸įè§£":112031,"ä¼łéĶĢ":112032,"转载请":112033,"饰åĵģ":112034,"åıªä¸º":112035,"ä¸İä¼Ĺ":112036,"ä¸İä¼Ĺä¸įåIJĮ":112037,"èĥ½èĢĹ":112038,"èı©æıIJ":112039,"è¿ij两年":112040,"è¿Ķ乡":112041,"马ä¸Ĭå°±":112042,"äºĮçŃīå¥ĸ":112043,"水管":112044,"æ³ķåѦ":112045,"çģŃçģ«":112046,"大å§IJ":112047,"åij¨è½¬":112048,"æľīæľŁ":112049,"æľīæľŁå¾Ĵ":112050,"æľīæľŁå¾ĴåĪij":112051,"å°įæĸ¹":112052,"ç¥ŀèī²":112053,"æ²¹èĦĤ":112054,"ä¸īçĤ¹":112055,"ä¸įåĪ©äºİ":112056,"äºĭä¸ļéĥ¨":112057,"å°±è·Ł":112058,"å¼ĢæĶ¯":112059,"å°ı女åŃ©":112060,"åħ±åIJĮåĬªåĬĽ":112061,"çĶļèĩ³è¿ĺ":112062,"è¿ĻåIJį":112063,"è¿Ļç¬Ķ":112064,"çݯåį«":112065,"æľīç§į":112066,"è§ĨåĬĽ":112067,"çĨŁçŁ¥":112068,"åħ¬ç§¯éĩij":112069,"æ¶Īéĺ²å®īåħ¨":112070,"é¢ĩ为":112071,"大èħ¿":112072,"éĿ¶":112073,"çķĪ":112074,"æľįåĬ¡åĮº":112075,"å¼Ģåĩº":112076,"深度èŀįåIJĪ":112077,"æĹłå¿§":112078,"æŁ¥éĺħ":112079,"ç»Īç»ĵ":112080,"ä¿Ŀç¨İ":112081,"è¨İè«ĸ":112082,"å½ĵåģļ":112083,"è·³èĪŀ":112084,"寧":112085,"女çİĭ":112086,"è®°èĢħåľ¨":112087,"åħ¨äº§ä¸ļéĵ¾":112088,"è´¯éĢļ":112089,"åħ´ä¸ļ":112090,"éĻįåΰ":112091,"å°ģéĿ¢":112092,"åħ¨éĿ¢æİ¨è¿Ľ":112093,"奶èĮ¶":112094,"éĢīåĿĢ":112095,"äºĨä¸Ģåľº":112096,"åIJĮä¼´":112097,"议论":112098,"æIJĵ":112099,"诸èijĽ":112100,"诸èijĽäº®":112101,"å¹²åĺĽ":112102,"æµģæĦŁ":112103,"ä¸ĵä¸ļçŁ¥è¯Ĩ":112104,"ç͵ç«Ļ":112105,"åĩıå¼±":112106,"åĩºåħ¥":112107,"åIJĦçľģ":112108,"éĿŀ常é«ĺ":112109,"åľ°æ¯¯":112110,"åıijæĸĩ":112111,"çĦī":112112,"çĥ§çĥ¤":112113,"å£ģ纸":112114,"æģ¶åĮĸ":112115,"èĬ¸":112116,"èĥĸåŃIJ":112117,"çĩĴ":112118,"çľģéĴ±":112119,"çĻ¾å¼º":112120,"çIJĨ工大åѦ":112121,"éĴ¢æĿIJ":112122,"åĽ½æľīèµĦ产":112123,"æĪĺæľº":112124,"æ³Ħéľ²":112125,"åIJİéĿ¢çļĦ":112126,"æ°´èµĦæºIJ":112127,"æ¢ħèĬ±":112128,"åĨĻçĿĢ":112129,"ä¹ĭ声":112130,"æĹłåı¯":112131,"æĺİæľĿ":112132,"ç«ĭæĸ¹ç±³":112133,"ç·£":112134,"æĶ¾è¿ĩ":112135,"ç¦ıçͰ":112136,"å¾Ĺä½ı":112137,"åıĹä¼Ĺ":112138,"ä¸Ń级":112139,"çĹħåıĺ":112140,"ä¸Ģçŀ¬éĹ´":112141,"æĿĥéĩį":112142,"人æĢ§åĮĸ":112143,"åĮ»çĸĹåį«çĶŁ":112144,"ä¸įåΰä½į":112145,"æĻºèĥ½å®¶å±ħ":112146,"饮ç͍":112147,"æ¼Ķåıĺ":112148,"é«ĺç´łè´¨":112149,"ä¹Ļæĸ¹":112150,"åģľçķĻåľ¨":112151,"èİ·æī¹":112152,"ç©¿æ¢Ń":112153,"å®¢åľº":112154,"æĮ½åĽŀ":112155,"京åŁİ":112156,"çĶŁåij½åĬĽ":112157,"實éļĽ":112158,"çĩĪ":112159,"åĨįçݰ":112160,"çݰå®ŀä¸Ń":112161,"æľīä¿¡å¿ĥ":112162,"çĸıéĢļ":112163,"åĺ´åĶĩ":112164,"鼷éĶĭ":112165,"èıľåįķ":112166,"éħ¯":112167,"è¶ħé«ĺ":112168,"å¾Īé«ĺåħ´":112169,"çĶŁæ®ĸ":112170,"éĢłä»·":112171,"误åĮº":112172,"æĨĭ":112173,"好æ¶Īæģ¯":112174,"å´Ń":112175,"以èĩ´":112176,"å¼Ģçİ©ç¬ij":112177,"çĽijè§Ĩ":112178,"å·¡å¯Ł":112179,"å¾·å·ŀ":112180,"æĹ©æĹ©":112181,"éĹªç͵":112182,"æĪªåĽ¾":112183,"åı¯ä»¥æł¹æį®":112184,"æīĭèīº":112185,"æİ¥è½¨":112186,"ç§įæĹı":112187,"æĢĢéĩĮ":112188,"åİ»åĮ»éĻ¢":112189,"ä¸ĢäºĮ":112190,"å¼ĢéĺĶ":112191,"åĩıéĢŁ":112192,"ä½Ĩä»İ":112193,"éĢĻä¸Ģ":112194,"åĩıåħį":112195,"主é¢ĺæķĻèĤ²":112196,"å¼Ģ工建设":112197,"蹦":112198,"æľĪ饼":112199,"ä¸ĭæ²ī":112200,"å°Ĭ严":112201,"éĻĩ":112202,"å®ŀæľ¨":112203,"å»łåķĨ":112204,"声称":112205,"èĢĥåľº":112206,"å¸ĥé²ģ":112207,"èĩªæĿ¥":112208,"èĩªæĿ¥æ°´":112209,"éĴ¾":112210,"年以ä¸Ĭ":112211,"大åıĶ":112212,"ä»ĸå·²ç»ı":112213,"åħ¨æĿij":112214,"èģĶç³»ç͵è¯Ŀ":112215,"为导åIJij":112216,"åΤå¤Ħ":112217,"对éĺµ":112218,"缮æ¨Ļ":112219,"åIJįé¢Ŀ":112220,"客æ°Ķ":112221,"横åIJij":112222,"çŃīåĨħ容":112223,"åĩłçĤ¹":112224,"è°Ī论":112225,"ä¸įä¹ı":112226,"å±ķçݰåĩº":112227,"è¾ĥéķ¿":112228,"éĢĨ转":112229,"å°ıæĻĤ":112230,"æĺ¯å¤ļä¹Ī":112231,"æľ¬æľĪ":112232,"è¿ijè§Ĩ":112233,"æĪIJç«ĭ以æĿ¥":112234,"代表çĿĢ":112235,"æĬ¥å¤į":112236,"æĪıæĽ²":112237,"è¨ŃåĤĻ":112238,"åħ¥èĤ¡":112239,"å¾ģæľį":112240,"é«ĺåĩº":112241,"èĪŀåı°ä¸Ĭ":112242,"å¿ĥåĬ¨":112243,"两çĤ¹":112244,"缸çķ¶":112245,"èĻĽ":112246,"主页":112247,"åĩłå®¶":112248,"æĹłä¸į":112249,"åįıå®ļ":112250,"æĸIJ":112251,"å¯ĵæĦı":112252,"åħ¨çº¿":112253,"æįķé±¼":112254,"åı¯ä»¥ä»İ":112255,"æľīè¿Ļæł·çļĦ":112256,"æģ¶éŃĶ":112257,"åĮħåŃIJ":112258,"æģ¤":112259,"å¼Ģå¥ĸç»ĵæŀľ":112260,"ä¸įæŃ»":112261,"èĹį":112262,"å¼¯æĽ²":112263,"海峡":112264,"éĶĢæ¯ģ":112265,"çļĦçĭ¬çī¹":112266,"示æĦı":112267,"ä¸įèĥ½åĨį":112268,"èĥ½æĬĬ":112269,"éĺ²çº¿":112270,"ä¸įå°ijäºİ":112271,"æ±Ģ":112272,"çļĦéĤ£ä¸Ģ":112273,"羣æĥħ":112274,"åŀ®":112275,"被æīĵ":112276,"åĽ½å®ī":112277,"ç¾İå¦Ļ":112278,"è¿Ļåĩł":112279,"åĩºéģĵ":112280,"æľįåĬ¡äºİ":112281,"æĪIJæŀľè½¬åĮĸ":112282,"æīįåįİ":112283,"天é¹ħ":112284,"åĩłä¸ªäºº":112285,"åĢĺèĭ¥":112286,"èĢ½è¯¯":112287,"æĬĹæĪĺ":112288,"è¡ĮéĬ·":112289,"æĿ¥è¢Ń":112290,"åĢŁéĮ¢":112291,"èįīèİĵ":112292,"ä¸¥æł¼æī§è¡Į":112293,"举è¡ĮäºĨ":112294,"å¤ĸç±į":112295,"已达":112296,"æĿijåħļæĶ¯éĥ¨":112297,"è¡Ŀ":112298,"éĻįèĩ³":112299,"æµ·éĩı":112300,"é¤IJé¦Ĩ":112301,"æĢ¥å¿Ļ":112302,"æ·±è¿ľ":112303,"å¾Ģè¿Ķ":112304,"ç¨İåĬ¡å±Ģ":112305,"å¹¿æ³ĽåºĶç͍":112306,"è®®åijĺ":112307,"æĹłæķĮ":112308,"çľ¼åħī":112309,"çĥŃè¡Ģä¼łå¥ĩ":112310,"æŃIJ":112311,"äºĨäºĽ":112312,"è¿ĿèĥĮ":112313,"è¿Ļæĺ¯ä¸Ģç§į":112314,"ä¸į稳å®ļ":112315,"大家åĪĨ享":112316,"表çı¾":112317,"åīįåįģ":112318,"è·¯è¿ĩ":112319,"æĴ©":112320,"åIJĮæĥħ":112321,"ä¹łä¿Ĺ":112322,"åıijè´¢":112323,"åºĶæľīçļĦ":112324,"æĿİæŁIJ":112325,"èĤĽ":112326,"马åħĭ":112327,"éĢļåijĬ":112328,"巨人":112329,"ä¸ĢåĽ¢":112330,"éĢĻæ¬¡":112331,"ä¸įäºĨè§£":112332,"æĸ½è¡Į":112333,"èij¡èIJĦçīĻ":112334,"åıĺå¾ĹæĽ´åĬł":112335,"æı£":112336,"åĪĽæĸ°èĥ½åĬĽ":112337,"çķħéĶĢ":112338,"表æī¬":112339,"æ¯ĶåĪ©":112340,"æ¯ĶåĪ©æĹ¶":112341,"åĮ»çĸĹä¿ĿéĻ©":112342,"æĵį纵":112343,"伤亡":112344,"æµİå®ģ":112345,"åıĺäºĨ":112346,"æľ¬æ¬¡æ´»åĬ¨":112347,"åľŁè±ª":112348,"æĥ³åĬŀæ³ķ":112349,"æĺķ":112350,"å½ĵæĻļ":112351,"åĩºå±Ģ":112352,"çĥŃè®®":112353,"è°Īè°Ī":112354,"æĻĭåįĩ":112355,"åĬ¿å¿ħ":112356,"çϻ山":112357,"éĤ£åĦ¿":112358,"åIJĥåΰ":112359,"ä¹ĭåŁİ":112360,"å¿«æĿ¥":112361,"æ¹Ľæ±Ł":112362,"第ä¸ī个":112363,"åħ¨éĿ¢æıIJåįĩ":112364,"å¥ĸåѦ":112365,"å¥ĸåѦéĩij":112366,"æĬķåħ¥ä½¿ç͍":112367,"é½IJé²ģ":112368,"åı¯ä»¥æĬĬ":112369,"åĴĮä»ĸçļĦ":112370,"è´ŃæĪ¿èĢħ":112371,"æŃ£å¼ıåIJ¯åĬ¨":112372,"åįİæ¶¦":112373,"ä¸įæĸŃå®ĮåĸĦ":112374,"éĴ¢æĿ¿":112375,"累积":112376,"满èĦ¸":112377,"åĽĽæĸ¹":112378,"è´¢çī©":112379,"ä»ĸ们ä¼ļ":112380,"å¤ıæĹ¥":112381,"éĤ£ä¸ªäºº":112382,"éĿłçĿĢ":112383,"çĤ¹äºĨ":112384,"çĤ¹äºĨçĤ¹å¤´":112385,"æ©ĭ":112386,"åıĪ好":112387,"åıĪ好åıĪ":112388,"åıĪ好åıĪå¿«":112389,"éĺµéĺµ":112390,"å°ģ建":112391,"æľ¬çͰ":112392,"çī©ä¸ļæľįåĬ¡":112393,"èĩªè´¸åĮº":112394,"åIJı":112395,"便åĪ©åºĹ":112396,"åĽ½å®¶æłĩåĩĨ":112397,"éĿ¢ç²ī":112398,"èī°è¾Ľ":112399,"æĶ»åħ³":112400,"æīĵåĮħ":112401,"车éĺŁ":112402,"人éĢī":112403,"åı¯ä¸įæĺ¯":112404,"äºĮåįģå¹´":112405,"åIJįå¸Ī":112406,"æµ¦ä¸ľ":112407,"åħ¬è¯ģ":112408,"è¿IJéĢģ":112409,"æĺ¯æľĢ好çļĦ":112410,"æŁĶåĴĮ":112411,"çİĭæŁIJ":112412,"çĹħæĪ¿":112413,"åĨ¶éĩij":112414,"ä¸Ģä»¶äºĭæĥħ":112415,"åį¤":112416,"åı¯æİ§":112417,"çīŁ":112418,"æĭĤ":112419,"å·²äºİ":112420,"人éĢł":112421,"çĶŁçī©åĮ»èį¯":112422,"ä½ĵçݰåĩº":112423,"èĤ²åĦ¿":112424,"èĢģå®ŀ":112425,"åľĸçīĩ":112426,"諸":112427,"ç´¯äºĨ":112428,"æĦŁåħ´è¶£çļĦ":112429,"åĽ¾çīĩæĿ¥æºIJ":112430,"ä¹Łæĺ¯ä¸Ģç§į":112431,"æ¾İæ¹ĥæĸ°éĹ»":112432,"æĹ¶è¡¨ç¤º":112433,"åħīè¾ī":112434,"æĬ¥åºŁ":112435,"å²ģæĹ¶":112436,"éħ®":112437,"æ£Ģä¿®":112438,"åıĺéĢŁ":112439,"åıĺéĢŁç®±":112440,"åľ¨èģĮ":112441,"éı¡":112442,"æįĤ":112443,"çĿ£åĬŀ":112444,"æ°¸ä¸į":112445,"åģļä¸ĢäºĽ":112446,"åİĨæĹ¶":112447,"å·¥ç¨ĭæľºæ¢°":112448,"æģ°å½ĵ":112449,"å°±åľ¨äºİ":112450,"ç§°åij¼":112451,"éĢļ常æĺ¯":112452,"æł·å¼ı":112453,"åij¨ä¸Ģ":112454,"èĭ±éķij":112455,"åĿĩ线":112456,"ä¼łéĹ»":112457,"ç͍æĪ·ä½ĵéªĮ":112458,"èµŀåIJĮ":112459,"骨æĬĺ":112460,"为主ä½ĵ":112461,"æ±Łå±±":112462,"æ¸ħæľĿ":112463,"æĶĢåįĩ":112464,"ä¸įçĽ¸ä¿¡":112465,"éĿ´":112466,"æŃ¦åĬŁ":112467,"åĭ¤åĬ³":112468,"æĿ¥æī¾":112469,"å°ĨæĮģç»Ń":112470,"丫头":112471,"æ¨Ļæºĸ":112472,"裴":112473,"深深çļĦ":112474,"åŃķèĤ²":112475,"è§ĦåĪĴ建设":112476,"æ¸ħçν":112477,"ç²¾åĩĨæī¶è´«":112478,"æīĵçł´äºĨ":112479,"è¿Ļä¸Ģ天":112480,"å·¥ä½ľæĢ»ç»ĵ":112481,"æĹħç¨ĭ":112482,"举èIJ¥":112483,"æĶ¾å°Ħ":112484,"æľīåĩłä¸ª":112485,"éĿŀçī©è´¨":112486,"åIJĥå¾Ĺ":112487,"åŨ":112488,"ä¼ļåıijçĶŁ":112489,"篮æĿ¿":112490,"å¼Ģå°ģ":112491,"麻å°Ĩ":112492,"èııæ³½":112493,"ä¸įåIJĪ":112494,"ç³»åĪĹ产åĵģ":112495,"èѬå¦Ĥ":112496,"ç¾İèªī":112497,"èĩªå·±åĸľæ¬¢":112498,"交æĺĵä¸Ńå¿ĥ":112499,"åIJĪåͱ":112500,"使æĪij":112501,"åĥıç´ł":112502,"带éĺŁ":112503,"ä½Ĩ对äºİ":112504,"æĬĬè¿Ļ个":112505,"èĤĿèĦı":112506,"åįķ纯çļĦ":112507,"æĶ»åĿļæĪĺ":112508,"缼ä¼ļ":112509,"åijµæĬ¤":112510,"æªĢ":112511,"èµ¶ä¸Ĭ":112512,"æ¥Ĭ":112513,"ä¹ħäºĨ":112514,"ç¡Ŀ":112515,"çŃĶé¢ĺ":112516,"ä¿ĿæĮģçĿĢ":112517,"è§ģè¯Ĩ":112518,"çĤ¹åĦ¿":112519,"åįĬ个æľĪ":112520,"æ»ĩ":112521,"浸泡":112522,"ä¼łéĢģ":112523,"åľ¨å¸Ĥåľºä¸Ĭ":112524,"ä¹ĭ乡":112525,"çī¹éķ¿":112526,"éĽŀ":112527,"èªł":112528,"身å¤Ħ":112529,"æŁłæª¬":112530,"身穿":112531,"çľģåħ¬å®ī":112532,"çľģåħ¬å®īåİħ":112533,"åıĻåĪ©äºļ":112534,"åĩłåĪĨéĴŁ":112535,"人åĢij":112536,"åľ°æ®µ":112537,"èĩªåѦ":112538,"ä¹Łè¶ĬæĿ¥è¶Ĭ":112539,"èģĮæĿĥ":112540,"æĸ§":112541,"èĩ»":112542,"å½Ĵ纳":112543,"驾é©Ń":112544,"éĥ¨åĪĨåľ°åĮº":112545,"没æľīæĥ³åΰ":112546,"æĴĩ":112547,"ä¹Įé²ģ":112548,"ä¹Įé²ģæľ¨":112549,"ä¹Įé²ģæľ¨é½IJ":112550,"èĤ²äºº":112551,"çļĦæŃ¥ä¼IJ":112552,"å»¶æľŁ":112553,"æ²¹æ°Ķ":112554,"åģļå®Į":112555,"åľ£åľ°":112556,"丰åİļ":112557,"宽带":112558,"åı¯éĿłçļĦ":112559,"åºŃéĻ¢":112560,"åŃľ":112561,"å°ı康社ä¼ļ":112562,"å®īåħ¨ç®¡çIJĨ":112563,"年第":112564,"æİĴ污":112565,"èĥĮåĮħ":112566,"å®¶ä½ı":112567,"åħ¶å®ŀå°±æĺ¯":112568,"ä¼ļè§ģ":112569,"帮åĬ©ä¼ģä¸ļ":112570,"ç½ijè´Ń":112571,"æĺ¯ä¸įä¼ļ":112572,"飯åºĹ":112573,"æŃ»åİ»":112574,"åħįçĸ«åĬĽ":112575,"æľķ":112576,"åĸĿäºĨ":112577,"轻微":112578,"个æľĪåĨħ":112579,"ç»ĦåĽ¢":112580,"åĴĮå®ĮåĸĦ":112581,"鸽":112582,"æıIJéĢŁ":112583,"西å®īå¸Ĥ":112584,"ä¸Ńå¿ĥ主任":112585,"æĹ¶éĹ´ä¸º":112586,"æľŁæĿĥ":112587,"è¶ķ":112588,"ä¸įä»ħè¦ģ":112589,"æľįä»İ":112590,"é¡ĺæĦı":112591,"ä¸įå°ı":112592,"ä¸įå°ıçļĦ":112593,"ç°ĩ":112594,"窦":112595,"åĪĩæĪIJ":112596,"åĵĪåĪ©":112597,"å¤©çľŁ":112598,"ä¸Ģ次次":112599,"éĩijå¸ģ":112600,"æĢİä¹Īèĥ½":112601,"ç½ijè´·":112602,"ä¼ļ计å¸Ī":112603,"çŁŃ缺":112604,"对æłĩ":112605,"åıĺå¾ĹæĽ´":112606,"åīįåĩłå¤©":112607,"éĺ²æ±Ľ":112608,"彩èϹ":112609,"åĵģä½į":112610,"è¡¨æł¼":112611,"严å¯Ĩ":112612,"æ¯ĽåĪ©çİĩ":112613,"çļĦåį±å®³":112614,"å½ķåζ":112615,"æ°´åĬ¡":112616,"èĥ½å¤Łè®©":112617,"å¹³æĿ¿":112618,"ä¹³æĪ¿":112619,"è¸ıå®ŀ":112620,"é¦ĸåĪĽ":112621,"é¦Ļèķī":112622,"æĬ¥è¡¨":112623,"ä¸ĢæĬ¹":112624,"åĩºçĶŁäºİ":112625,"è²»ç͍":112626,"åĩºè®©":112627,"åIJĪæ³ķæĢ§":112628,"å°¼åħĭ":112629,"åĨ°åĨ·":112630,"é¦Ļæ°Ķ":112631,"åı·ç§°":112632,"èµ·çłģ":112633,"åŁİåİ¿":112634,"çİ©èĢį":112635,"ä¸ĬéĻIJ":112636,"ä¼ļ议精ç¥ŀ":112637,"æĹģè¾¹çļĦ":112638,"便ä¼ļ":112639,"æıŃæĻĵ":112640,"çİ©æĦı":112641,"éĽªå±±":112642,"åIJijçĿĢ":112643,"ä½ĵèĤ²åľ¨çº¿":112644,"说æĺİ书":112645,"åĮĸèĤ¥":112646,"åħļç»Ħ书记":112647,"åĬ¨äºº":112648,"ä¹ĭæīĢ":112649,"æľĪèĩ³":112650,"æľĢå¿«çļĦ":112651,"èĬĤåģĩæĹ¥":112652,"ä¸ĵåľº":112653,"èĢĥä¸Ĭ":112654,"çªŁ":112655,"é²ľè¡Ģ":112656,"è¾ĥ强çļĦ":112657,"æĤĦçĦ¶":112658,"å¤ļä¸ªåĽ½å®¶":112659,"çªĹå¸ĺ":112660,"æŀģå¤§åľ°":112661,"ä¸įç͍æĭħå¿ĥ":112662,"è¿Ļä¹Īåģļ":112663,"åĥ¹æł¼":112664,"ç¾İ丽乡æĿij":112665,"å°ıæĹ¶åĨħ":112666,"ç´§è¿«":112667,"大çģ«":112668,"èĥ³èĨĬ":112669,"æĵįä½ľç³»ç»Ł":112670,"æ®ĭçķĻ":112671,"åĨĻåĩº":112672,"ç¦ģå¿Į":112673,"åĬłçĽŁåºĹ":112674,"è¿ijçϾ":112675,"便åı¯":112676,"æķ´æĶ¹æİªæĸ½":112677,"éĩĩ访æĹ¶":112678,"åĶIJ代":112679,"æ·±åĮĸæĶ¹éĿ©":112680,"çŁ¢":112681,"éĥ½åĸľæ¬¢":112682,"è¶ĬæĿ¥è¶Ĭé«ĺ":112683,"èĬ±æľµ":112684,"头çĸ¼":112685,"å®ī康":112686,"å¢ŀéķ¿çİĩ":112687,"çľ¼çľĭ":112688,"å°±æĺ¯ä¸ºäºĨ":112689,"èĢĮ导èĩ´":112690,"åĬłå¿«å»ºè®¾":112691,"èĬ±æł·":112692,"åĨħå¿ĥçļĦ":112693,"æĺĨå±±":112694,"è³ĩæºIJ":112695,"åĽŀåΰ家":112696,"èıĬèĬ±":112697,"æ°´éĩı":112698,"å¾ģä¿¡":112699,"è¡ĮæĶ¿åĮº":112700,"ä¹ĥæĺ¯":112701,"æĬķèµĦé¡¹çĽ®":112702,"å«ģç»Ļ":112703,"ç¥ŀåľ£":112704,"稳":112705,"æľ¬æĿ¥å°±":112706,"éĢIJä¸Ģ":112707,"èģĮä¸ļæĬĢæľ¯":112708,"ä¸įèī¯ä¿¡æģ¯":112709,"æīĺè¿IJ":112710,"åIJ¯ç¤º":112711,"ä¹ĭåħ§å®¹":112712,"飶":112713,"奢åįİ":112714,"æıŃ示":112715,"æĪIJ为ä¸ŃåĽ½":112716,"æ¶Īè´¹åĵģ":112717,"åħ¬ç͍":112718,"æIJŀå®ļ":112719,"è¯·ä½ł":112720,"æŁļ":112721,"åĨħè¡£":112722,"ä½Ĩä»ĸ们":112723,"ä¿Ŀ湿":112724,"该åİ¿":112725,"饱åĴĮ":112726,"æİ¨åIJij":112727,"èµĦæĸĻæĺ¾ç¤º":112728,"ä¸įå½±åĵį":112729,"人人éĥ½":112730,"åıijå±ķ壮大":112731,"åħ»èĢģæľįåĬ¡":112732,"çĶŁæ´»æ°´å¹³":112733,"åIJĦåİ¿":112734,"ä½łéľĢè¦ģ":112735,"说çļĦæĺ¯":112736,"å¤ĸåªĴ":112737,"æŃ¤äºº":112738,"次è¦ģ":112739,"追赶":112740,"åºĶ该å¦Ĥä½ķ":112741,"æĹ¥åĩĮæĻ¨":112742,"çķ¥æľī":112743,"éĥ½æĥ³":112744,"游ä¹IJ":112745,"è¿Ļ款游æĪı":112746,"平淡":112747,"æĺ¯ä¸ĢåĢĭ":112748,"å¤ĩèĢĥ":112749,"åζæŃ¢":112750,"ä¸Ģå®ļèĥ½":112751,"å¾Ĵå¼Ł":112752,"以çĤº":112753,"åįĥåħĥ":112754,"äºĶåħŃ":112755,"迪士":112756,"迪士尼":112757,"éĺ³æĢ§":112758,"åĨ¬å¥¥ä¼ļ":112759,"å°±æĺ¯åĽłä¸º":112760,"æĮĤéĴ©":112761,"æ¦ĤåĨµ":112762,"åıªè¦ģæľī":112763,"æ²¹çĶ»":112764,"åľ°æłĩ":112765,"ä¸Ĭè°ĥ":112766,"产ä¸ļåĽŃåĮº":112767,"åħ«åįģ":112768,"棱":112769,"æ¶²æĻ¶":112770,"æĿijå§Ķä¼ļ":112771,"çŃ¾çº¦ä»ªå¼ı":112772,"è¿Ļåħ¶ä¸Ń":112773,"åĨĻéģĵ":112774,"示èĮĥåŁºåľ°":112775,"éĩİçĶŁåĬ¨çī©":112776,"鼻åŃIJä¿¡ç®±":112777,"åĽ½éĻħè´¸æĺĵ":112778,"人æĿĥ":112779,"ä¿Ŀ管":112780,"èĭ¥æĤ¨":112781,"åİĭæĬij":112782,"黼":112783,"åľ°çľĭçĿĢ":112784,"éϰ":112785,"ä¸Ģå¹´å¤ļ":112786,"ä»İ容":112787,"ä¸ŃæĸŃ":112788,"å¯Łè§ī":112789,"移交":112790,"é͝":112791,"æĪĸ许æĺ¯":112792,"ç¶ł":112793,"两项":112794,"æľĢåĸľæ¬¢":112795,"æľĢåĸľæ¬¢çļĦ":112796,"å¤ľéĩĮ":112797,"åIJĮä»ģ":112798,"åĪĽæĸ°é©±åĬ¨":112799,"è°ģèĥ½":112800,"飾":112801,"åħīåѦ":112802,"åİĦ":112803,"èĦ±é¢ĸ":112804,"èĦ±é¢ĸèĢĮåĩº":112805,"迦":112806,"æĺ¯ä¸įåı¯èĥ½":112807,"窥":112808,"èĥ½æ»¡è¶³":112809,"宽度":112810,"伦çIJĨ":112811,"åı¯ä»¥èİ·å¾Ĺ":112812,"转ä¼ļ":112813,"å±±æĿij":112814,"éĵºè®¾":112815,"åĩºåĩ»":112816,"æĸĩåĮĸèīºæľ¯":112817,"ä¼ļ议室":112818,"æŃĮ声":112819,"æ»Ķ":112820,"èIJİ缩":112821,"æľįåĬ¡åijĺ":112822,"åıij表äºĨ":112823,"æĸ¼æĺ¯":112824,"æĺİç¡®è§Ħå®ļ":112825,"ç»´å¥ĩ":112826,"水产":112827,"æĬķä¿Ŀ":112828,"éĺ´éģĵ":112829,"èµ¶å¿«":112830,"夺å¾Ĺ":112831,"ä¸ĭåįķ":112832,"çµģåħ¬åı¸":112833,"çݯç»ķ":112834,"å½Ī":112835,"ä½ľé£İ建设":112836,"æĹħ游æĻ¯åĮº":112837,"æľīæĽ´å¤ļçļĦ":112838,"丰å¯Įå¤ļ彩":112839,"çIJĨ财产åĵģ":112840,"åĩºå·®":112841,"ä»İ严治":112842,"ä»İ严治åħļ":112843,"çĽ¸å¹²":112844,"æ»ĭ润":112845,"主åĬŀæĸ¹":112846,"åī§åľº":112847,"æ»ļçIJĥ":112848,"æ©Ħæ¦Ħ":112849,"èĩªä¸»åĪĽæĸ°":112850,"éĢļå¾Ģ":112851,"æł¼å°Ķ":112852,"çļĦä¼ĺçĤ¹":112853,"èĥĮä¸Ĭ":112854,"çªľ":112855,"çĪĨåĩº":112856,"å¹³æķ´":112857,"ä¸ĢèĦļ":112858,"åħ¨ä½ĵåijĺå·¥":112859,"éĻIJå®ļ":112860,"åŁİéķĩåĮĸ":112861,"æ·³":112862,"éĢ®æįķ":112863,"è¡ĮåĬ¨è®¡åĪĴ":112864,"æīĵå¾Ĺ":112865,"åİļéĩį":112866,"纪å½ķçīĩ":112867,"åĿļä¿¡":112868,"央ä¼ģ":112869,"åĨįä¹Łä¸į":112870,"天涯":112871,"åıĤèĢĥèµĦæĸĻ":112872,"æľīæ¯Ĵ":112873,"åIJ¸çº³":112874,"è¶Ĭåıij":112875,"éĩįè¦ģæĦıä¹ī":112876,"åĽ½éĺ²éĥ¨":112877,"è¿Ļ个è¡Įä¸ļ":112878,"æĻ®æŁ¥":112879,"å¼ĤæĢ§":112880,"å»¶è¿Ł":112881,"å°ıå¹ħ":112882,"èĥħ":112883,"综åIJĪæ²»çIJĨ":112884,"æŃ£æĺ¯åĽłä¸º":112885,"产ä¸ļç»ĵæŀĦ":112886,"çłĶç©¶æĬ¥åijĬ":112887,"åģľä¸ĭ":112888,"éķ¿èĢģ":112889,"éĩĿå°į":112890,"åįĹ京å¸Ĥ":112891,"çģĮæºī":112892,"转è¿IJ":112893,"欺è¯Ī":112894,"éĢłåģĩ":112895,"åĪĨå¸ĥå¼ı":112896,"æĦŁè§¦":112897,"æĪijå½ĵæĹ¶":112898,"åıijè§ī":112899,"åĽ¾çº¸":112900,"æĶ¹èī¯":112901,"çĭłçĭł":112902,"åĨ²åĪº":112903,"æĸ°äº¬":112904,"æĸ°äº¬æĬ¥":112905,"ç¥ŀåύ":112906,"秸ç§Ĩ":112907,"çĪº":112908,"å°Ĩè¿İæĿ¥":112909,"工信":112910,"工信éĥ¨":112911,"éĻIJéĩı":112912,"æŃ¢æįŁ":112913,"åѦä¼ļäºĨ":112914,"åįİ缼":112915,"åįİçĽĽé¡¿":112916,"å¾Įä¾Ĩ":112917,"ä¸ĭéĿ¢æĺ¯":112918,"ä¸ĭéĿ¢æĺ¯å°ı":112919,"æIJ¬è¿IJ":112920,"ç¾İæľ¯é¦Ĩ":112921,"æ¸ħåĩī":112922,"å¤ļå¹´åīį":112923,"è©ŀ":112924,"åįĥç±³":112925,"表述":112926,"æ±ŁéŨ":112927,"åĬłæ²¹ç«Ļ":112928,"æľ¬èĥ½":112929,"导读":112930,"åĽ´è§Ĥ":112931,"å¹¶åIJij":112932,"åŁºæľ¬æĥħåĨµ":112933,"æīĵå¼ĢäºĨ":112934,"è¿Ļä¸ī个":112935,"æ±ķ头":112936,"强æľīåĬĽ":112937,"强æľīåĬĽçļĦ":112938,"è¿Ľåľº":112939,"ä¹Ŀæ±Ł":112940,"çIJĥæĺŁ":112941,"好çľĭçļĦ":112942,"大æĪ·":112943,"湯":112944,"å¥ĩå¦Ļ":112945,"ä¹IJåύ":112946,"æĪijçļĦå¿ĥ":112947,"çľī头":112948,"åĨľä¸ļçĶŁäº§":112949,"ç¼ĸçłģ":112950,"åŁºç¤":112951,"åŁºç¤İ":112952,"天æĸĩ":112953,"åĢĭ人è³ĩè¨Ĭ":112954,"åİ»è¿ĩ":112955,"èģĨåIJ¬":112956,"æĶ¾åģĩ":112957,"ä¸įåħ·å¤ĩ":112958,"æ·Ģç²ī":112959,"大佬":112960,"åħ¨å¤©":112961,"åħ¨éĿ¢å»ºæĪIJ":112962,"éļIJå½¢":112963,"ç¼ħç͏":112964,"åIJ³":112965,"è¡ĮæĶ¿æī§æ³ķ":112966,"åŁİåł¡":112967,"èİ«æĸ¯":112968,"èİ«æĸ¯ç§ij":112969,"æīĢæľīæĿĥ":112970,"éĽĨåľĺ":112971,"å±Ģåī¯å±Ģéķ¿":112972,"åĩłä¹İ没æľī":112973,"æ´ģåĩĢ":112974,"ç͵影èĬĤ":112975,"åŃ©ç«¥":112976,"æīĢåģļçļĦ":112977,"æ¸ħ代":112978,"æĸ°çīĪ":112979,"éĵĿåIJĪéĩij":112980,"为æĬĵ":112981,"为æĬĵæīĭ":112982,"åΤå®ļ":112983,"çī¹äº§":112984,"æīĭæ©Ł":112985,"ä¸įåı¯æĪĸ":112986,"ä¸įåı¯æĪĸ缺":112987,"å¸Ĥåľºè§Ħ模":112988,"åĿ¯":112989,"åĮ»åѦéĻ¢":112990,"å¿«è¦ģ":112991,"èĮľ":112992,"æĬĺèħ¾":112993,"äºĨè¿ĩæĿ¥":112994,"æĬ¥åijĬæľŁåĨħ":112995,"çī©ç§į":112996,"ç»Łè®¡å±Ģ":112997,"æī©å»º":112998,"æ¶ħ":112999,"责任人":113000,"éĺİ":113001,"è¯Ħè®®":113002,"å¾Ģäºĭ":113003,"æīĢ示":113004,"æķ´æ´ģ":113005,"éĹºèľľ":113006,"æĹħéĢĶ":113007,"å®ŀè®Ń":113008,"ä¹ĭç§°":113009,"巴士":113010,"éĢŁåº¦å¿«":113011,"ä¸įä»ħå¦ĤæŃ¤":113012,"å®Ŀè´µçļĦ":113013,"åºŁçī©":113014,"河水":113015,"æİ¥çº³":113016,"ç²¾æ¹Ľ":113017,"åħ¶æ¬¡æĺ¯":113018,"顺德":113019,"åħ¬åħ±åį«çĶŁ":113020,"è¤IJèī²":113021,"ä¸įæĥľ":113022,"æĬĢæľ¯æľįåĬ¡":113023,"æİ·":113024,"æ±ĤèģĮ":113025,"ä¸ī峡":113026,"æĬķåħ¥åΰ":113027,"太åIJİ":113028,"åIJ¯åĬ¨ä»ªå¼ı":113029,"缴æİ¥å½±åĵį":113030,"æĸ°æ¬¾":113031,"个乡éķĩ":113032,"çĻ¾äº¿":113033,"庫":113034,"ä¹ŁæŃ£æĺ¯":113035,"åı¶çīĩ":113036,"æľĢæĹ©çļĦ":113037,"æĪĺ绩":113038,"å·¥æľŁ":113039,"æĻļæľŁ":113040,"è¿Ļæł·è¯´":113041,"è¯įè¯Ń":113042,"ä¾Ħ":113043,"æķ£çĥŃ":113044,"éĽĨæĪIJçĶµè·¯":113045,"åIJįè¯į":113046,"æĻºåķĨ":113047,"æĭ¥åłµ":113048,"çĭĤ欢":113049,"è¿Ļèά":113050,"浴室":113051,"åijķåIJIJ":113052,"æľªæĿ¥åıijå±ķ":113053,"ä¸īä½įä¸Ģä½ĵ":113054,"åªĴé«Ķ":113055,"ä¸įå¾Ĺ转载":113056,"åĽłä¸ºå¥¹":113057,"æĺ¾ç¤ºå±ı":113058,"ä¾Ľæļĸ":113059,"éĨ«éĻ¢":113060,"æľīæĦıæĢĿ":113061,"æľīæĦıæĢĿçļĦ":113062,"娱ä¹IJåŁİ":113063,"åįµå·¢":113064,"åĪĽéĢłåĬĽ":113065,"竳èĬĤ":113066,"人大常å§Ķ":113067,"èĢĮçİ°åľ¨":113068,"å¤ĸå©Ĩ":113069,"å¢ŀæĮģ":113070,"äºĶåįĥ":113071,"èĢģå¸Ī们":113072,"æ´ĽæĿī":113073,"æ´ĽæĿī磶":113074,"æİĮæı¡äºĨ":113075,"ä¸ŃåĽ½æĸĩåĮĸ":113076,"æĸ°æĶ¿":113077,"主è¦ģç͍äºİ":113078,"åıijçĥ§":113079,"类似äºİ":113080,"åĮĹæŀģ":113081,"æĪij们认为":113082,"弥漫":113083,"åħ¨çIJĥç»ıæµİ":113084,"é¢IJ":113085,"ä¸Ģèµ·è£ħä¿®":113086,"æĶĴ":113087,"æĭīèIJ¨":113088,"帶ä¾Ĩ":113089,"åĨ·æ°´":113090,"ä¸īåĨľ":113091,"æĿ¿æĿIJ":113092,"è¿ŀè¿ŀ":113093,"éĵ®":113094,"ç»ıèIJ¥çIJĨ念":113095,"山顶":113096,"å¾Īæĥ³":113097,"çĺ«":113098,"å§ĭç»Īä¿ĿæĮģ":113099,"åľ¨å¹¿å·ŀ":113100,"ä¸įåIJĮæĦı":113101,"åıĺåİĭ":113102,"åıĺåİĭåύ":113103,"产éĶĢ":113104,"表éĿ¢ä¸Ĭ":113105,"æīĢ以ä»ĸ":113106,"ç»ıéªĮ丰å¯Į":113107,"éĥ¨å§Ķ":113108,"åħµåĽ¢":113109,"æīĢè¿°":113110,"æķ¦çħĮ":113111,"ç»ıèIJ¥èĮĥåĽ´":113112,"åı£è¯Ń":113113,"失信":113114,"æ¯ı个人çļĦ":113115,"æīĭæĮģ":113116,"æģIJæħĮ":113117,"åł¡åŀĴ":113118,"é¦ħ":113119,"éĵ¸éĢł":113120,"æĭ¿åĩºæĿ¥":113121,"æİ¢æµĭ":113122,"大家ä¸Ģèµ·":113123,"奧":113124,"å®ŀè´¨æĢ§":113125,"å°ıåĦ¿":113126,"èĩºåįĹ":113127,"èĩºåįĹå¸Ĥ":113128,"å¼ĢåıijèĢħ":113129,"åı¯æł¹æį®":113130,"ç®±åŃIJ":113131,"饺åŃIJ":113132,"å¿ĻçĿĢ":113133,"æĿ¥ä¸įåıĬ":113134,"çĽ¸ä¼ł":113135,"åĽ½ç½ij":113136,"èħ¹æ³»":113137,"è¿ĻéĩĮæľī":113138,"é£İæĻ¯åĮº":113139,"åıĤä¿Ŀ":113140,"æŃ»èĢħ":113141,"æĪ´ä¸Ĭ":113142,"æ©Łæ§ĭ":113143,"è¯ķéªĮåĮº":113144,"ä¼łæİĪ":113145,"æµ·è¾¹":113146,"泪水":113147,"缸åħ³åĨħ容":113148,"éĥijå·ŀå¸Ĥ":113149,"åħijçݰ":113150,"两åij¨":113151,"èĬľæ¹ĸ":113152,"ç͵åŃIJä¿¡æģ¯":113153,"红å¤ĸ":113154,"æĹħ游å±Ģ":113155,"å¾Ģå¾Ģä¼ļ":113156,"è¿ħçĮĽ":113157,"ä¼łçľŁ":113158,"æ¸ħæ¾Ī":113159,"å°±è¿ij":113160,"微信群":113161,"ç³»åĪĹæ´»åĬ¨":113162,"ç»ı常ä¼ļ":113163,"è§Ĥæµĭ":113164,"å¿ĥå¾Ĺä½ĵä¼ļ":113165,"éĻĪåĪĹ":113166,"åĮĹæĸĹ":113167,"è«®":113168,"諮詢":113169,"è¿ĺæĺ¯ä¼ļ":113170,"æµĭç®Ĺ":113171,"æĺŁç©º":113172,"宽容":113173,"çī©ä¸ļåħ¬åı¸":113174,"æĪĴæĮĩ":113175,"å¸ħæ°Ķ":113176,"ä¸ĢæŃ¥æŃ¥":113177,"åħ±é¸£":113178,"åĨ³ä¸į":113179,"æİ¥ç®¡":113180,"å¦ĩèģĶ":113181,"æ¯Ķåĸ»":113182,"é²ģè¿ħ":113183,"æĮģçºĮ":113184,"çĽ¸äº²":113185,"å¨ģå°¼æĸ¯äºº":113186,"ç«ĭ项":113187,"åĪĿå§ĭ":113188,"èĩªåζ":113189,"è¿Īè¿Ľ":113190,"ä¸Ĭæ±½":113191,"å®ıä¼Ł":113192,"æł¹æľ¬æ²¡æľī":113193,"æĸ°åĨłçĹħæ¯Ĵ":113194,"åĵªç§į":113195,"康åħ»":113196,"è¡°èĢģ":113197,"å½ķåĥı":113198,"é«Ķé©Ĺ":113199,"ç»ijå®ļ":113200,"é¢Ŀ头":113201,"äºĶæľĪ":113202,"èĬ±å¼Ģ":113203,"ä¸Ģ线åŁİå¸Ĥ":113204,"åĪ°åľº":113205,"æĬķéĻį":113206,"çĹĺçĹĺ":113207,"åıĹä¸įäºĨ":113208,"æīİæł¹":113209,"æĽ´ä½ķåĨµ":113210,"æĬ½æŁ¥":113211,"åĩºè·¯":113212,"审议éĢļè¿ĩ":113213,"ä¸įåĥħ":113214,"èī²è°ĥ":113215,"çϾä½Ļ":113216,"èĤłéģĵ":113217,"æ·±åİļçļĦ":113218,"马åĬĽ":113219,"æĹ©æĻļ":113220,"æŃĮèĪŀ":113221,"éĺ²æĻĴ":113222,"æľĢåIJİä¸Ģ个":113223,"樱èĬ±":113224,"å°ıä¼ĻåŃIJ":113225,"åľ¨å½ĵåľ°":113226,"å°ıä¼Ļ伴们":113227,"èµ·æºIJ":113228,"åħ¨åªĴä½ĵ":113229,"ç°½":113230,"éħ±æ²¹":113231,"æĹłè®ºå¦Ĥä½ķ":113232,"裤åŃIJ":113233,"åģľäº§":113234,"ä¸įçͱå¾Ĺ":113235,"çīµå¼ķ":113236,"ä¼łåĬ¨":113237,"ä¹Ŀé¾Ļ":113238,"åĬłåĽº":113239,"ä¹Łä¸įæķ¢":113240,"æĬĢæľ¯æĶ¯æĮģ":113241,"ä¸Ĭå²Ĺ":113242,"ç»ıéªĮåĴĮ":113243,"æł¼æŀĹ":113244,"åIJ¸éĻĦ":113245,"æľªæĪIJå¹´":113246,"奢ä¾Īåĵģ":113247,"追æį§":113248,"好ä¸į容æĺĵ":113249,"èķ´åIJ«":113250,"ä¿Ŀå®ļ":113251,"æĬ¥ä¸ļ":113252,"æµ·åĨħå¤ĸ":113253,"ä½łçİ°åľ¨":113254,"æ²¹èĢĹ":113255,"è´¨éĩı管çIJĨ":113256,"æ½ľæ°´":113257,"ä¸½æ±Ł":113258,"转åħ¥":113259,"è¿Ļä¹Īä¹ħ":113260,"æĺİ代":113261,"责任åζ":113262,"éĩįå·¥":113263,"大巴":113264,"触åıĬ":113265,"èµ·åĪĿ":113266,"大å¦Ī":113267,"æĸ¯å¡Ķ":113268,"åĨĽå·¥":113269,"书éĻ¢":113270,"峨":113271,"æİ¨çIJĨ":113272,"è¿Ļç¯ĩæĸĩ竳":113273,"è¿ģç§»":113274,"åľ¨åIJĮä¸Ģ":113275,"ç»Ĩç»Ĩ":113276,"åīĬå¼±":113277,"书æĪ¿":113278,"ç¶ĵ常":113279,"è¯ķé¢ĺ":113280,"æĤ£ä¸Ĭ":113281,"çĻ«çĹ«çĹħ":113282,"åĨ²æ´Ĺ":113283,"å¤ĸæı´":113284,"åħĭåζ":113285,"åįģæľĪ":113286,"åģļä¸įåΰ":113287,"ç¾İåĮĸ":113288,"å¦ĤæľŁ":113289,"è¿ĺéľĢ":113290,"å¤©åºľ":113291,"å°±æĦıåij³çĿĢ":113292,"çļĦç¡®æĺ¯":113293,"éªĹå±Ģ":113294,"å°ıç»ĦèµĽ":113295,"è©©":113296,"ä¹Ŀå¹´":113297,"æĻĵå¾Ĺ":113298,"çłĶ究人åijĺ":113299,"大éħĴåºĹ":113300,"ç§ijåѸ":113301,"åħŃåIJĪ":113302,"çķĮå®ļ":113303,"车载":113304,"å¼ĢçĿĢ":113305,"毫æĹłçĸij":113306,"毫æĹłçĸijéĹ®":113307,"è¿IJç»´":113308,"ç¦ģåĮº":113309,"èĦ±èIJ½":113310,"讲å¸Ī":113311,"产ä¸ļåŁºåľ°":113312,"é«ĺæĢ§èĥ½":113313,"åħī彩":113314,"çݰéĺ¶æ®µ":113315,"åĩ¿":113316,"è¾ĥå·®":113317,"饮çĶ¨æ°´":113318,"éĸĭçϼ":113319,"ç½ijåIJ§":113320,"çĮ´åŃIJ":113321,"æŃ¦æŀĹ":113322,"å®īåİ¿":113323,"ä¸įåı¯æĢĿ":113324,"ä¸įåı¯æĢĿè®®":113325,"éĬ·åĶ®":113326,"è´«ç©·":113327,"为åķ¥":113328,"éºĵ":113329,"å¹¾åĢĭ":113330,"è§Ħ模以ä¸Ĭ":113331,"æıļ":113332,"è¢«åĽ°":113333,"缺å¸Ń":113334,"å¿«é¤IJ":113335,"æĬ¢åįł":113336,"æĻŁ":113337,"å¤įæ´»":113338,"æľ¬æĬ¥è®¯":113339,"åĪĽä¸ĭ":113340,"海滩":113341,"éĩı产":113342,"å¦Ĥä½ķåİ»":113343,"车ä½į":113344,"å¯ĩ":113345,"äºĮåįģåĽĽ":113346,"ç»ıæµİæįŁå¤±":113347,"éħįå¥Ĺ设æĸ½":113348,"åŁºæľ¬éĿ¢":113349,"äºī论":113350,"就好åĥı":113351,"çłĶç©¶æĪIJæŀľ":113352,"éĻĪè¿°":113353,"æīĵåĬ¨":113354,"ä¸ĭå·´":113355,"ç§ĴéĴŁ":113356,"对人ä½ĵ":113357,"æĬĢæľ¯çłĶåıij":113358,"åİŁåŃIJ":113359,"æĺ¯ä¸Ģ项":113360,"äºĨä¸Ģ份":113361,"æĮĩçͲ":113362,"ç͍éĩı":113363,"è¿ĺä¸įå¤Ł":113364,"æĶ¿åºľéĩĩè´Ń":113365,"çŁ¥è¯ĨçĤ¹":113366,"ä¸ŃåĽ½æ¢¦":113367,"å¾Īå¼Ģå¿ĥ":113368,"礼è²Į":113369,"éĿŀ常å¤ļ":113370,"éĿŀ常å¤ļçļĦ":113371,"åĽļ":113372,"æĹħé¦Ĩ":113373,"å°½æĥħ":113374,"æŃĮåͱ":113375,"æ²Ļé¾Ļ":113376,"车åİ¢":113377,"客æµģ":113378,"åģıå·®":113379,"积累äºĨ":113380,"æ¡Ķ":113381,"çĶ»çĶ»":113382,"ä¹ŁåºĶ该":113383,"åºĶç͍ç¨ĭåºı":113384,"èĥĥèĤł":113385,"以å¾Į":113386,"豪å®ħ":113387,"æ·±åĬłå·¥":113388,"缴è¨Ģ":113389,"åĮĸçŁ³":113390,"åĽ½éģĵ":113391,"ä¸ĥ个":113392,"ä»İèĢĮ使":113393,"èĤłèĥĥ":113394,"æĹ¥è¶ĭ":113395,"çζåŃIJ":113396,"ç·©":113397,"æĭĽçīĮ":113398,"产å¦ĩ":113399,"çķªèĮĦ":113400,"æĪijéĻ¢":113401,"建çŃijå·¥ç¨ĭ":113402,"å±ķè§Īä¼ļ":113403,"å®¶éķ¿ä»¬":113404,"åĨľä½ľçī©":113405,"æĹ¥å¤ľ":113406,"æĶ»æĵĬ":113407,"è§Ħéģ¿":113408,"èĪŁå±±":113409,"便æ°ij":113410,"åħ«åŃĹ":113411,"ä¸įæĽ¾":113412,"æĶ¯éħį":113413,"çĨ¬å¤ľ":113414,"人é¡ŀ":113415,"ç´ĢéĮĦ":113416,"ç»ıèIJ¥æ´»åĬ¨":113417,"大涨":113418,"å¸Ĥå§Ķ常å§Ķ":113419,"åĪĨéIJĺ":113420,"ä¸Ģ个èģĮä¸ļ":113421,"çĹħåĽł":113422,"è¿Ļ对äºİ":113423,"ä¸įå¾Ĺä¸į说":113424,"åıijçĶµæľº":113425,"æľīæīĢ帮åĬ©":113426,"缮æłĩä»»åĬ¡":113427,"åĽłåľ°":113428,"åĽłåľ°åζ":113429,"åĽłåľ°åĪ¶å®ľ":113430,"å°Ĩè¾¾åΰ":113431,"ç²Ĺç³Ļ":113432,"ç¨³åĽº":113433,"å«£":113434,"çİ°åľ¨å¾Īå¤ļ":113435,"ä¸ĸçķĮ级":113436,"å¼łæŁIJ":113437,"çĤ¹ç¼Ģ":113438,"èijµ":113439,"社ä¼ļç»Ħç»ĩ":113440,"å¾ĢåIJİ":113441,"åĬłæģ¯":113442,"åĻªå£°":113443,"æľīåħ´è¶£":113444,"为æĤ¨æıIJä¾Ľ":113445,"æ²¹æ¼Ĩ":113446,"ç¬¬åĽĽå±Ĭ":113447,"çļĩ宫":113448,"ä¹Ĵä¹ĵ":113449,"ä¹Ĵä¹ĵçIJĥ":113450,"éļ¨èijĹ":113451,"éģ©åIJĪ":113452,"åįĹéĿŀ":113453,"æĵ´":113454,"西æ´ĭ":113455,"åĬłå¯Ĩ":113456,"æĪIJåĬŁä¸¾åĬŀ":113457,"åı£æ°´":113458,"æĪIJ年人":113459,"æīĢæıIJä¾ĽçļĦ":113460,"éļĶå£ģ":113461,"åľ¨äº¬":113462,"å½ĵåľ°æĹ¶éĹ´":113463,"çŃīåIJĦç§į":113464,"é£İæ°Ķ":113465,"å±ĭéĩĮ":113466,"ä¸ĢåŃĹ":113467,"çļĦæĹ¶éĹ´éĩĮ":113468,"åĺ¿åĺ¿":113469,"快讯":113470,"ä¸Ńåľº":113471,"ä¸Ģçĵ¶":113472,"æ»ķ":113473,"é¢Ĩè·ij":113474,"好èݱ":113475,"好èݱåĿŀ":113476,"没åħ³ç³»":113477,"åĩºå¢ĥ":113478,"ä¸įæĺ¯ä¸Ģ个":113479,"éĥ½æĺ¯éĿŀ常":113480,"éľĩåĬ¨":113481,"èİ·èĥľ":113482,"åįļå¼Ī":113483,"æĬļåħ»":113484,"对ç«ĭ":113485,"æľįåĬ¡æľºæŀĦ":113486,"è°£è¨Ģ":113487,"社ä¼ļç§ijåѦ":113488,"åIJ¬è¯´è¿ĩ":113489,"æī³":113490,"æīĵ磨":113491,"åı£æľį":113492,"好åĥıæĺ¯":113493,"以åıĬåħ¶ä»ĸ":113494,"çī¹è´¨":113495,"亲è¿ij":113496,"ä¸Ģç»ı":113497,"æ¶Ŀ":113498,"éŃĶæľ¯":113499,"éģĵ路交éĢļ":113500,"è§Ħ模æľĢ大":113501,"å®ŀæĸ½æĦıè§ģ":113502,"ä¹ŀ":113503,"ä¸Ģä¸ĸ":113504,"åŁ·è¡Į":113505,"è±Ĩçĵ£":113506,"åĪĹ为":113507,"æķħ宫":113508,"çĶŁåij½åij¨æľŁ":113509,"ä¸īç§įèģĮä¸ļ":113510,"详ç»Ĩä»ĭç»į":113511,"å®Įå¤ĩ":113512,"å²©çŁ³":113513,"éļıæīĭ":113514,"飲":113515,"æķĪæŀľåĽ¾":113516,"ç§ĭåĨ¬":113517,"åĬŁå¾·":113518,"è§Ħ竳åĪ¶åº¦":113519,"æĹ¥æ¸IJ":113520,"æīĢéľĢè¦ģ":113521,"æīĢéľĢè¦ģçļĦ":113522,"å²Ľä¸Ĭ":113523,"åĩºåľŁ":113524,"åĽ¾æĸĩ":113525,"ç§ijæĬĢè¿ĽæŃ¥":113526,"éĢļèĥĢ":113527,"èĢģ太太":113528,"èĭĹæľ¨":113529,"éĵ¶å·Ŀ":113530,"å¸IJ篷":113531,"éĿŀè¦ģ":113532,"éħįç͵":113533,"å¤Ħå¢ĥ":113534,"èĤ¡æĿĥæĬķèµĦ":113535,"ä¸Ģ缴åΰ":113536,"åĿĩçͱ":113537,"æĬĹæĹ¥":113538,"æį®ä»ĭç»į":113539,"ä½łåĸľæ¬¢":113540,"åĪĽæĸ°åŀĭ":113541,"åıĺè¿ģ":113542,"è§Ĩå¯Ł":113543,"å®Įåħ¨æ²¡æľī":113544,"åħĥæĹ¦":113545,"åı¯ä¿¡":113546,"åı¦è¡Į":113547,"æĿij级":113548,"åħ¥åľº":113549,"æIJŃæ¡£":113550,"ä¹ŁåĽłæŃ¤":113551,"æį¢æĪIJ":113552,"ä¸įè´Ł":113553,"äºĨ大éĩıçļĦ":113554,"éģĶåΰ":113555,"å¸Ĥåİ¿":113556,"å¹´è¼ķ":113557,"å¿«æīĭ":113558,"å¸Įå°Ķ":113559,"èĩªèIJ¥":113560,"éĽªèĬ±":113561,"æIJģ":113562,"çľ¼ç§ij":113563,"æŃ£ç¢º":113564,"çļĦå§¿æĢģ":113565,"åĿļå®ŀçļĦ":113566,"æĮĩ纹":113567,"æªĶæ¡Ī":113568,"ç½®äºİ":113569,"佩æľį":113570,"豪éŨ":113571,"åĵĴ":113572,"æģ°å¥½":113573,"æª¢æŁ¥":113574,"åĪĿè¡·":113575,"大åĶIJ":113576,"约ä¼ļ":113577,"èĴ¸åıij":113578,"çѹåĪĴ":113579,"å¹´ç»Ī":113580,"è¡Įæ¥Ń":113581,"åħ±éĿĴ":113582,"åħ±éĿĴåĽ¢":113583,"ä¼ļå¼ķèµ·":113584,"ä¸Ńç§ij":113585,"ä¸Ńç§ijéĻ¢":113586,"æĮ¯åĬ¨":113587,"åį´åıijçݰ":113588,"ä¸įåĬ¨äº§":113589,"èĮ¹":113590,"æĪ¿éĹ´éĩĮ":113591,"è´§å¸ģæĶ¿çŃĸ":113592,"æ²»çĻĤ":113593,"æħİéĩį":113594,"å¡ŀå°Ķ":113595,"åĽ½ç±į":113596,"åĽłæŀľ":113597,"çŃīçī¹çĤ¹":113598,"山谷":113599,"ä¸ĭè¼ī":113600,"è®ĵæĪij":113601,"饮éħĴ":113602,"è¿Ļ个游æĪı":113603,"ç»Ŀ大éĥ¨åĪĨ":113604,"åĴ¨è¯¢æľįåĬ¡":113605,"干活":113606,"è®®ä¼ļ":113607,"æ¦Ĥè¿°":113608,"åĪĨåĮº":113609,"æŃ»åIJİ":113610,"ç«ĻçĿĢ":113611,"主è¦ģé¢Ĩ导":113612,"åIJĮåŁİ":113613,"大æłij":113614,"对åѦçĶŁ":113615,"社ä¼ļä¿ĿéĻ©":113616,"å¢ŀèµĦ":113617,"主人åħ¬":113618,"å®£ä¼łæķĻèĤ²":113619,"æĸĩåĮĸ交æµģ":113620,"客æĪ¶":113621,"çŁ¥åIJįåĵģçīĮ":113622,"æ»ŀåIJİ":113623,"äºĴè¡¥":113624,"æĦŁäºº":113625,"åī¿":113626,"åIJİ代":113627,"äºī龸":113628,"æķĻèĤ²åٹè®Ń":113629,"éĿĻèĦī":113630,"ä¹ıåĬĽ":113631,"说åĩºæĿ¥":113632,"çİĭèĢħèį£èĢĢ":113633,"åĢ«":113634,"åįĩèµ·":113635,"éķģ":113636,"åĩºæ¸¸":113637,"éĢļè¡Įè¯ģ":113638,"å·¥ä½ľå²Ĺä½į":113639,"åĮłå¿ĥ":113640,"æĭ¿æĿ¥":113641,"æ´Ĺè¡£æľº":113642,"æĪijä¸įæĥ³":113643,"é¢Ħè§ģ":113644,"æ¼Ķ示":113645,"ä¸ĢçĽ´æ²¡æľī":113646,"è·Łå¥¹":113647,"对çħ§æ£ĢæŁ¥":113648,"ç°¿":113649,"ä¸ĵå¿ĥ":113650,"è®®äºĭ":113651,"åīį端":113652,"åį¡å°Ķ":113653,"è¨Ńå®ļ":113654,"设置äºĨ":113655,"å©ļ纱":113656,"åľ¨åĽ½å¤ĸ":113657,"åı³ä¾§":113658,"è³¼çī©":113659,"å¥ĩèij©":113660,"å¢ŀåĬłå̼":113661,"好è¿IJ":113662,"åĽ½éĻħæľºåľº":113663,"ä¸ĭç§°":113664,"缮åīį为æŃ¢":113665,"ç¥ŀä»Ļ":113666,"å®ĥåı¯ä»¥":113667,"æ¾Ħæ¸ħ":113668,"èĥ½ä½¿":113669,"游åĩ»":113670,"游åĩ»éĺŁ":113671,"åĩ¹":113672,"ä¸įè¦ģåĨį":113673,"åĨ³èĥľ":113674,"åĨ³æĪĺ":113675,"æĭ½":113676,"缼åħ¸":113677,"å¾Īå¥½åľ°":113678,"æľĢç¾İçļĦ":113679,"åĥļ":113680,"å·´åŁº":113681,"å·´åŁºæĸ¯åĿ¦":113682,"æľĢéĢĤåIJĪ":113683,"é«ĺèģĮ":113684,"ä¿Ŀå§Ĩ":113685,"æİĪæ¬Ĭ":113686,"说åΰè¿ĻéĩĮ":113687,"æİ¨å¼Ģ":113688,"çİĩè¾¾":113689,"ä¸īåĪĨä¹ĭä¸Ģ":113690,"管çIJĨä¸Ńå¿ĥ":113691,"交æ±ĩ":113692,"森æŀĹåħ¬åĽŃ":113693,"å¾Ģä¸Ĭ":113694,"éªijè¡Į":113695,"æį®æŃ¤":113696,"纽带":113697,"ç»ŀ":113698,"ä¸īæĸ¹":113699,"æĦıä¹īä¸ĬçļĦ":113700,"æİ¨è¿Ł":113701,"å¤ļæł·æĢ§":113702,"æĥ³èµ·äºĨ":113703,"æİĴåIJį第":113704,"å·¨é¢Ŀ":113705,"æĿŁç¼ļ":113706,"å®īå®ļ":113707,"äºĭ實":113708,"çļĦæĦ¿æľĽ":113709,"è£ħå¤ĩåζéĢł":113710,"人å±ħ":113711,"人å±ħçݯå¢ĥ":113712,"å¿ĺè®°äºĨ":113713,"该游æĪı":113714,"楼ä¸Ĭ":113715,"å¼Ģä¼ļ":113716,"æģ³":113717,"åıĭæĥħéĵ¾æİ¥":113718,"ç¡Ĵ":113719,"ç»ĻäºĪäºĨ":113720,"åģı好":113721,"åĵī":113722,"交éĢļå®īåħ¨":113723,"éĽĮ":113724,"æ²»çĹħ":113725,"è§īå¾Ĺå¾Ī":113726,"衬衫":113727,"å¿ĥæĦ¿":113728,"æ´ŀå¯Ł":113729,"æ°ijæ£Ģå¯ŁéĻ¢":113730,"æıIJçĤ¼":113731,"è¦ģè¿Ľä¸ĢæŃ¥":113732,"驾车":113733,"æĻ®æĥł":113734,"æķĸ":113735,"ç¦ıéŁ³":113736,"éĢģè¾¾":113737,"è§ĦåĪĴ设计":113738,"æīĭå¥Ĺ":113739,"å®īä¿Ŀ":113740,"è¿ĺä¸įå¦Ĥ":113741,"åīįè¿°":113742,"æłĩè®°":113743,"ç´§æİ¥çĿĢ":113744,"æ§IJ":113745,"æ·±æ·±åľ°":113746,"满满çļĦ":113747,"æĺ¥è¿IJ":113748,"æĹ¥äº§":113749,"çαæĬ¤":113750,"åħ¨æĹ¥":113751,"åħ¨æĹ¥åζ":113752,"转åĬ¨":113753,"ç¥Ńç¥Ģ":113754,"ä¹°ä¸ľè¥¿":113755,"å¯¹æľªæĿ¥":113756,"æ¶Ī失äºĨ":113757,"åļ´éĩį":113758,"ä¸īæĿ¡":113759,"éħ¸å¥¶":113760,"éĽĨåĽ¢èĤ¡ä»½":113761,"西路":113762,"åıªå¾Ĺ":113763,"éĢģåİ»":113764,"çĭłæĬĵ":113765,"åĪ©ç͍çİĩ":113766,"ä¸ĭåij¨":113767,"å¥ĭæĪĺ":113768,"æĺ¥èĬĤæľŁéĹ´":113769,"è´Łè´£ä»»":113770,"æĺĤè´µ":113771,"尾巴":113772,"ç¯ĩæĸĩ竳":113773,"åħ®":113774,"è®ĬæĪIJ":113775,"å¹¹":113776,"çĻ»éĮĦ":113777,"ä½Ī":113778,"å·¥åĮł":113779,"åĵªæĢķæĺ¯":113780,"åıįåĵį":113781,"ç§ĥ":113782,"åĩºè½¨":113783,"æĹ¥åĨĽ":113784,"åIJįèªī":113785,"æķıéĶIJ":113786,"æľįåĬ¡æ°´å¹³":113787,"çħ§å°Ħ":113788,"ä¼Ĭæĭī":113789,"ä¼Ĭæĭīåħĭ":113790,"åĨħéĺģ":113791,"èĬĴæŀľ":113792,"ä¸ĩåĪĨ":113793,"éĢĢæ¬¾":113794,"缴æĴŃéĹ´":113795,"æĭ¿åΰäºĨ":113796,"å°İèĩ´":113797,"空æ°Ķä¸Ń":113798,"客æĪ·æľįåĬ¡":113799,"è¿IJåĬ¿":113800,"ç»ĵçŁ³":113801,"ä¸įå¿ħè¦ģçļĦ":113802,"èĥ¶åĽĬ":113803,"çIJĨä¼ļ":113804,"æĬ½åĩº":113805,"空æ°Ķè´¨éĩı":113806,"æ¯ķ竣æĺ¯":113807,"åĨ·æ¼ł":113808,"ä¸Ģå¦Ĥ":113809,"ä¸Ģå¦ĤæĹ¢":113810,"ä¸Ģå¦ĤæĹ¢å¾Ģ":113811,"æĤ£çĹħ":113812,"åĬłæĮģ":113813,"èµŀåĬ©":113814,"é«®":113815,"åij½ä¸Ń":113816,"æĦıä¹īä¸Ĭ":113817,"ä¸įèĪį":113818,"å쬦":113819,"æīĵæī«":113820,"æĺŁåħī":113821,"æĸŃè£Ĥ":113822,"åħ¨å¥Ĺ":113823,"è£ģå®ļ":113824,"马åħĭæĢĿ":113825,"骨骼":113826,"ä¸Ģè·¯ä¸Ĭ":113827,"å®ļæĹ¶":113828,"å·¥ç¨ĭæĬĢæľ¯":113829,"å½¼å¾Ĺ":113830,"æ±²åıĸ":113831,"ä¸Ģè§Ī":113832,"åIJµæŀ¶":113833,"ä¿Ĺç§°":113834,"æłªæ´²":113835,"åºŁæĹ§":113836,"è¡ĮæĺŁ":113837,"åıijçĶŁåıĺåĮĸ":113838,"é¦ĸä»ĺ":113839,"åįģåĪĨéĩįè¦ģ":113840,"æĬĬè¿ĻäºĽ":113841,"ç¥ŀå·ŀ":113842,"æıIJä¾ĽåķĨ":113843,"楷":113844,"å±İ":113845,"çĬ¶åħĥ":113846,"åŁİå¢Ļ":113847,"çľĭä¸Ģçľĭ":113848,"çĶŁäº§èĥ½åĬĽ":113849,"åŁºæľ¬ä¸Ĭéĥ½":113850,"æīĵæī°":113851,"åĪĿ次":113852,"åĩºç¤º":113853,"åħ¶ä¸Ńä¸Ģ个":113854,"çĶŁæĢģç³»ç»Ł":113855,"æīĭæİĮ":113856,"æµİåįĹå¸Ĥ":113857,"åľĭåħ§":113858,"æŃ£å̼":113859,"å¹¾ä¹İ":113860,"æİ¨èįIJéĺħ读":113861,"è¿Ń代":113862,"è°ĥä¾ĥ":113863,"饮åĵģ":113864,"å¢Ļä½ĵ":113865,"åıĺçݰ":113866,"äºĨ好":113867,"äºĨ好åĩł":113868,"ä¸įçķĻ":113869,"çβ":113870,"å°½æĹ©":113871,"æŃ£åľ¨è¿Ľè¡Į":113872,"åĩºéĻ¢":113873,"æĿĢ害":113874,"æıIJ款":113875,"åıijå±ķ空éĹ´":113876,"åīį身":113877,"ä¸įæĸŃå¢ŀ强":113878,"æ·±å±Ĥ次":113879,"容纳":113880,"éĤ£ä»½":113881,"å·¥ä½ľæķĪçİĩ":113882,"æľ¬åĽ½":113883,"失èIJ½":113884,"æŃ£åĽłä¸º":113885,"èĬĤæ°´":113886,"ä¸ĭä¸Ģ代":113887,"çłĶåıijä¸Ńå¿ĥ":113888,"ä¸įçIJĨ":113889,"å®Į好":113890,"ä¿ĿæĬ¤åĮº":113891,"ç»ĵæŀĦè°ĥæķ´":113892,"å¥łå®ļ":113893,"宣称":113894,"éĺ»æĮ¡":113895,"æĴ¤ç¦»":113896,"ä¸įæĸ¹ä¾¿":113897,"åĴķ":113898,"ç¬ijäºĨç¬ij":113899,"çݯå¢ĥ污æŁĵ":113900,"ä½ıæĪ·":113901,"ç»Ŀç¼ĺ":113902,"éϤå°ĺ":113903,"é«ĺå°ļ":113904,"æĢİä¹Īåı¯èĥ½":113905,"éĿ¢èī²":113906,"åķĨæ¥Ń":113907,"çĸ¹":113908,"èµĦæºIJä¼ĺåĬ¿":113909,"è¾ĸåĮºåĨħ":113910,"èĢĢçľ¼":113911,"æij§æ¯ģ":113912,"ä¸ĸçķĮç»ıæµİ":113913,"å¼ķæĿ¥":113914,"ä¸ĢåĪĻ":113915,"æĭĩæĮĩ":113916,"æĬµå¾¡":113917,"éĽį":113918,"åĩĨå¤ĩå·¥ä½ľ":113919,"çıłä¸īè§Ĵ":113920,"ç¨ĢåľŁ":113921,"èİ·å¾ĹæĦŁ":113922,"æĪIJåĬŁçİĩ":113923,"ç½ij约":113924,"ç½ij约车":113925,"èĦIJ":113926,"æķ¬ä¸ļ":113927,"éĩijä»·":113928,"ç²¾é«ĵ":113929,"买车":113930,"åħ³åı£":113931,"åĨįå¤ļ":113932,"æŀģåĵģ":113933,"åIJĦå®¶":113934,"举æĬ¥ç͵è¯Ŀ":113935,"èļĬ":113936,"æĸ¹å½¢":113937,"ç§ijæĬĢæĪIJæŀľ":113938,"æľĢ好æĺ¯":113939,"éĹ®åĢĻ":113940,"红éħĴ":113941,"åĽĽç§į":113942,"ç¿Ĵæħ":113943,"ç¿Ĵæħ£":113944,"åŀ¦":113945,"éĤ£åıª":113946,"é¢ĨæĤŁ":113947,"çľ¼éĥ¨":113948,"æ³°å®ī":113949,"ä»»æľŁ":113950,"磨æįŁ":113951,"æĽ¿æį¢":113952,"åħ¸ç¤¼":113953,"符åIJĪæĿ¡ä»¶":113954,"è¿ĺæľīä»Ģä¹Ī":113955,"åħ±äº«åįķ车":113956,"åı¯åĪĨ为":113957,"åŃ£åIJİ":113958,"åŃ£åIJİèµĽ":113959,"举èİŀå¸Ĥ":113960,"å¿ĥæĦı":113961,"æīŃæĽ²":113962,"ä½ľä¸ºä¸Ģç§į":113963,"è¿Ļéĥ¨åĪĨ":113964,"åıĤä¸İåΰ":113965,"ç½ijçIJĥ":113966,"實çı¾":113967,"ç»Ħè£ħ":113968,"åIJijå¤ĸ":113969,"å·¥ä½ľæĸ¹æ¡Ī":113970,"åįģæĿ¡":113971,"課ç¨ĭ":113972,"颤æĬĸ":113973,"åĵ©":113974,"éĤ®å¯Ħ":113975,"亢":113976,"åħįè²»":113977,"秤":113978,"åºĶæĢ¥ç®¡çIJĨ":113979,"åĽĽäºĶ":113980,"éºĴéºŁ":113981,"å¾ĴæŃ¥":113982,"è¨ĺå¾Ĺ":113983,"çĴIJ":113984,"æĺ¯åIJ¦ä¼ļ":113985,"æĦıè§ģåıįé¦Ī":113986,"éļ¾æĢª":113987,"çªį":113988,"交æİ¥":113989,"两åįĥ":113990,"æĩīç͍":113991,"æľŁéĸĵ":113992,"æIJ¬åΰ":113993,"è®®é¢ĺ":113994,"碧æ¡Ĥ":113995,"碧æ¡ĤåĽŃ":113996,"åģļçĶŁæĦı":113997,"éĻĽä¸ĭ":113998,"è·ĭ":113999,"èĢģ人家":114000,"带åĽŀ":114001,"æŀ¸æĿŀ":114002,"è¡Įéķ¿":114003,"åĨħ容ç®Ģä»ĭ":114004,"梢":114005,"æĮĩæİ§":114006,"éĩįçĹĩ":114007,"ç½ijåıĭ们":114008,"çı¾ä»£":114009,"类产åĵģ":114010,"å¥Ķæ³¢":114011,"渺":114012,"ç²īç¢İ":114013,"è¿Ļåıªæĺ¯":114014,"æ£Ģå¯Łæľºåħ³":114015,"é½Ĭ":114016,"æĪ¿ç§Ł":114017,"å¾·æĭī":114018,"å²ģ以ä¸Ĭ":114019,"纯åĩĢ":114020,"åĪĨå¸ĥåľ¨":114021,"èĥ½å¾Ĺåΰ":114022,"ä¸įå°½":114023,"ç«ŀä»·":114024,"çļĦ带é¢Ĩ":114025,"çļĦ带é¢Ĩä¸ĭ":114026,"ä¸Ńè᝿ĿIJ":114027,"æĿijéķĩ":114028,"ä¸įåı¯éģ¿åħį":114029,"éľ²å¤©":114030,"å°ıå§ijå¨ĺ":114031,"çī©ä»¶":114032,"èijĹä½ľæĿĥ":114033,"æĭĺçķĻ":114034,"éĥ½è§īå¾Ĺ":114035,"æĽ²æĬĺ":114036,"æ·»åĬłåīĤ":114037,"åı¬åĽŀ":114038,"æīİå®ŀæİ¨è¿Ľ":114039,"æĬĦè¢Ń":114040,"åĮĸ身":114041,"缴èIJ¥":114042,"ä¹Łå¸ĮæľĽ":114043,"èį£èªīç§°åı·":114044,"åįĸç»Ļ":114045,"æľīä¸įåIJĮçļĦ":114046,"å¥ĩçī¹":114047,"éĥ½è®¤ä¸º":114048,"å¦ŀ":114049,"æĪIJéķ¿ä¸º":114050,"辩æĬ¤":114051,"主æķĻç»ĥ":114052,"æ³ķå¸ĪèģĮä¸ļ":114053,"æ¤įåħ¥":114054,"索尼":114055,"åIJ¬è¿ĩ":114056,"ä¹łæĥ¯äºĨ":114057,"夺åıĸ":114058,"éŁĵ":114059,"æľ¬è´¨ä¸Ĭ":114060,"æİ¥åĬĽ":114061,"äºij端":114062,"è¦ģåģļ好":114063,"è·¯çģ¯":114064,"åįıåIJĮåıijå±ķ":114065,"æľīå¾ħ":114066,"æ°´åŁŁ":114067,"æIJľçĭIJé¦ĸ页":114068,"è´¨éĩıå®īåħ¨":114069,"åįģäºĮäºĶ":114070,"åĵ®åĸĺ":114071,"èĵ¬åĭĥåıijå±ķ":114072,"åIJį声":114073,"身亡":114074,"çİĭåºľ":114075,"åİŁåĪĻä¸Ĭ":114076,"çĥĺå¹²":114077,"éģĹæ¼ı":114078,"éĿ¢çĽ®":114079,"åĽ½ä¼ļ":114080,"ä¸Ģ缴éĥ½æĺ¯":114081,"æľīä¸Ģä½į":114082,"éħįæľī":114083,"éĻªçĿĢ":114084,"ä¼ģåĽ¾":114085,"æĮīä¸ĭ":114086,"èĵĿåĽ¾":114087,"æ©ĺ":114088,"大å¤ļæĺ¯":114089,"辩论":114090,"æĹĭå¾ĭ":114091,"æĬ¥éĢģ":114092,"æĿ¡è§Ħå®ļ":114093,"åĬ¨éĿĻ":114094,"åĮĪ奴":114095,"æĭľè®¿":114096,"ä¸ĢåĪĢ":114097,"ä»ĸçŁ¥éģĵ":114098,"主æĿĥ":114099,"ä»ĸæĽ¾":114100,"æĴŃç§į":114101,"å£ģåŀĴ":114102,"çī¢è®°ä½¿åij½":114103,"åľ¨è¿Ļæĸ¹éĿ¢":114104,"æīĭèħķ":114105,"æĶ¯æŀ¶":114106,"ä¾Ĩèĩª":114107,"éĩįå¡ij":114108,"å¤ļå±Ĥ次":114109,"ä»ĭè´¨":114110,"éĿ¢åŃĶ":114111,"潮湿":114112,"åİ¿åŁŁ":114113,"游æĪıå½ĵä¸Ń":114114,"å£ŀ":114115,"åĪĹåĩº":114116,"èµĽåĮº":114117,"å¤ļåįĬ":114118,"éĩįçĤ¹å·¥ä½ľ":114119,"æĪij们å¿ħé¡»":114120,"æŁıæŀĹ":114121,"é²ģèĥ½":114122,"æĸ½å±ķ":114123,"åIJĦåĮº":114124,"åħįç¨İ":114125,"èµĽåIJİ":114126,"æľĢéĩįè¦ģ":114127,"ä¸Ģ个好çļĦ":114128,"è¿Ŀæ³ķè¿Ŀè§Ħ":114129,"äºĨè§£æĽ´å¤ļ":114130,"æķ¬è¯·":114131,"ç¬ijçĿĢ说":114132,"ä¸įæĸŃåıijå±ķ":114133,"æijĦå½±å¸Ī":114134,"以éĺ²":114135,"çĤ¸å¼¹":114136,"声åĵį":114137,"ç¤ģ":114138,"æĩ¿":114139,"èĪĨæĥħ":114140,"èĩªçĶ±è´¸æĺĵ":114141,"æķıæį·":114142,"ä¸ī大éĺ¶æ®µ":114143,"èĭĶ":114144,"æĹºåŃ£":114145,"ä¸į满æĦı":114146,"微信åı·":114147,"修为":114148,"çł´è£Ĥ":114149,"éĢĥ离":114150,"æ¯ıèĤ¡":114151,"è¾¾ä¸įåΰ":114152,"æ¯ıå¹´éĥ½":114153,"çģ¯ç¬¼":114154,"æŃ¤åŁºç¡Ģä¸Ĭ":114155,"åĥı个":114156,"åĪĨ娩":114157,"æĻ¾":114158,"ä¸įèĩ³äºİ":114159,"红线":114160,"误解":114161,"ä¸ľè·¯":114162,"æ·®å®ī":114163,"产åѦ":114164,"产åѦçłĶ":114165,"è»ĭ":114166,"è»ĭçĹħ":114167,"åīįæıIJæĺ¯":114168,"æ¯ıä¸Ģ天":114169,"ä¸ĥ大":114170,"æłijåı¶":114171,"èµ°å¾Ĺ":114172,"è¿Ļ两ç§į":114173,"æİıåĩº":114174,"æİIJ":114175,"é¢Ĩ导èĢħ":114176,"ä¸Ģæľµ":114177,"个å¤ļæľĪ":114178,"ä¸Ńåħ³":114179,"ä¸Ńåħ³æĿij":114180,"课åłĤæķĻåѦ":114181,"大åĴĸ":114182,"éģĭç͍":114183,"è¯ļæĦı":114184,"ç»ĦåĽ¾":114185,"è¯ķçĿĢ":114186,"ä¹Ķæ²»":114187,"è¿ĺä¸įæĺ¯":114188,"æľīæĽ´å¥½çļĦ":114189,"åIJİå¤ĩ":114190,"æĸ°çĶŁåĦ¿":114191,"æ°Ķè¡Ģ":114192,"æ²¥éĿĴ":114193,"å±ıéļľ":114194,"æ¥ŃåĭĻ":114195,"æĪij以为":114196,"éķ¿çĽ¸":114197,"èĢģçΏ":114198,"éķĩæ±Ł":114199,"æľºæ¢°è®¾å¤ĩ":114200,"ä½Ĩæĺ¯å¦Ĥæŀľ":114201,"åĿļå®ļä¸į":114202,"åĿļå®ļä¸įç§»":114203,"åĨ²éĶĭ":114204,"ç®Ģ缴æĺ¯":114205,"åĤ¨èĵĦ":114206,"纯ç͵åĬ¨":114207,"漫æŃ¥":114208,"举起":114209,"æģ¶æĢ§":114210,"è¨ĺéĮĦ":114211,"èģĮèĥ½éĥ¨éŨ":114212,"åħ¨éķ¿":114213,"鼻è¦ĸ":114214,"ä¹³èħº":114215,"ä½ķå¤Ħ":114216,"æ¶Īæŀģ":114217,"æŃ£å¤Ħäºİ":114218,"å®īå®ģ":114219,"æĪIJéķ·":114220,"åıĻè¿°":114221,"æºĥçĸ¡":114222,"ä½Ĩçİ°åľ¨":114223,"女æĺŁ":114224,"å©´å¹¼åĦ¿":114225,"æĬķèŀįèµĦ":114226,"éĹ®éĹ®":114227,"æıŃå¼Ģ":114228,"è¯ı":114229,"åIJįå½ķ":114230,"èĺijèıĩ":114231,"åIJĬé¡¶":114232,"æ¹ĸåĮº":114233,"åįĸåľº":114234,"建ç¯":114235,"建ç¯ī":114236,"èݽ":114237,"åIJ¬åIJ¬":114238,"ç«ŀäºīä¼ĺåĬ¿":114239,"åĩºä»»":114240,"æľī两ç§į":114241,"æ©±æŁľ":114242,"褪":114243,"è¯ķåį·":114244,"ç»ıæµİæĬĢæľ¯":114245,"æ·±å±Ĥ":114246,"éĩįè¦ģåĨħ容":114247,"é£İæİ§":114248,"çĬ¶æĢģä¸ĭ":114249,"éĥ¨éĸĢ":114250,"广汽":114251,"è§Ĥæij©":114252,"éģĹçķĻ":114253,"转账":114254,"æĮģä»ĵ":114255,"æĢ»è®¡":114256,"åľĺéļĬ":114257,"æĪ¿ä¸ľ":114258,"éĺĢéŨ":114259,"åħ¬åħ³":114260,"åħ³åĪĩ":114261,"èĤĺ":114262,"æķ¸æĵļ":114263,"ä¸īåįģå¹´":114264,"è§ģè¯ģäºĨ":114265,"å±Ĩ":114266,"çģ°å°ĺ":114267,"æ¦ľé¦ĸ":114268,"è¦ĨçĽĸçİĩ":114269,"ä»Ļ女":114270,"çĶŁäº§æĢ»":114271,"çĶŁäº§æĢ»å̼":114272,"æĪ¿è´·":114273,"æ±ŁåĮº":114274,"åħħçĶµæ¡©":114275,"çϾåIJĪ":114276,"確èªį":114277,"转移åΰ":114278,"éĥ½æĹłæ³ķ":114279,"纪念é¦Ĩ":114280,"çŃ¾ç½²äºĨ":114281,"å¹¶ä¸įå¤ļ":114282,"æĮł":114283,"ä¸į太好":114284,"ä¸ĸ代":114285,"误导":114286,"é«ĺ峰论åĿĽ":114287,"åħ¼å®¹":114288,"龸æ°Ķ":114289,"æĿ¥è®¿":114290,"æīĢ带æĿ¥çļĦ":114291,"æĺ¯ä¸Ģéĥ¨":114292,"æĻļé¥Ń":114293,"åİĨ代":114294,"åIJ¦åīĩ":114295,"ä¹ħä¹ħ":114296,"æľīæķĪæľŁ":114297,"诱åıij":114298,"æĢ»èµĦ产":114299,"æľ¬èº«å°±æĺ¯":114300,"çĶŁäº§åİĤå®¶":114301,"æĹ¶é«¦":114302,"èĢIJç͍":114303,"ä»İå°ıå°±":114304,"æĿ¡çº¦":114305,"èĭ±åĭĩ":114306,"ä¿Ĺè¯Ŀ说":114307,"寺åºĻ":114308,"å¿ĥçIJĨåģ¥åº·":114309,"ä»Ģä¹Īäºĭæĥħ":114310,"æ±īåŃĹ":114311,"çķĻä½ı":114312,"åįĹè·¯":114313,"ä¸ī项":114314,"丢äºĨ":114315,"æĥ³åΰäºĨ":114316,"çѹéĽĨ":114317,"éĻĦåĬłå̼":114318,"西è£ħ":114319,"ä¹ĭä½ľ":114320,"åģļçļĦäºĭ":114321,"çķ¶æĤ¨":114322,"çķ¶æĤ¨åľ¨":114323,"é¦ĸ款":114324,"ä¸įåľ¨ä¹İ":114325,"å·¥ç¨ĭæĸ½å·¥":114326,"éļIJéļIJ":114327,"åıĺ身":114328,"沿éĢĶ":114329,"æĤłæĤł":114330,"ä¿Ŀæļĸ":114331,"çĶŁæ´»åŀĥåľ¾":114332,"渤海":114333,"æŃ¦ä¾ł":114334,"女主è§Ĵ":114335,"举ä¾ĭ":114336,"æ·¨":114337,"çϽé¢Ĩ":114338,"è£ĻåŃIJ":114339,"è¿Ķè¿ĺ":114340,"è¿Īåĩº":114341,"é¾ĻéŨ":114342,"ç»ıæµİä½ĵ":114343,"æĶ¶å®ĺ":114344,"çķĮéĻIJ":114345,"è·³åĩº":114346,"åįĩå̼":114347,"绵éĺ³":114348,"çĸ¤çĹķ":114349,"çľĭæ¸ħ":114350,"æĭĴçµķ":114351,"è¥Ħéĺ³":114352,"课å¤ĸ":114353,"åŃIJåŃĻ":114354,"æŃĮè¯į":114355,"æĪIJåIJį":114356,"溶液":114357,"åĦĴå®¶":114358,"åķĨä¸ļåĮĸ":114359,"辨åĪ«":114360,"å¤ļè¾¾":114361,"ç½ijåºĹ":114362,"ä¹Ŀ大":114363,"ä¹Ŀ大精ç¥ŀ":114364,"æŃ¤ä¸¾":114365,"è¿ŀè½½":114366,"ä¸ĢåĢĭ人":114367,"è³½":114368,"æ¶µçĽĸäºĨ":114369,"è¦ıåĬĥ":114370,"åĽ½æĥħ":114371,"åį«çĶŁåģ¥åº·":114372,"积æŀģåĵįåºĶ":114373,"æĭĻ":114374,"åζåĬ¨":114375,"æĥ³è±¡åĬĽ":114376,"çļĦä¹IJè¶£":114377,"å¼łå®¶çķĮ":114378,"å´İ":114379,"éĩįåŀĭ":114380,"å¤ĸå¢Ļ":114381,"æĶ¾åѦ":114382,"è®¤çľŁåŃ¦ä¹ł":114383,"è´¬å̼":114384,"æ³ķæ¡Ī":114385,"æĬ¤èĤ¤åĵģ":114386,"éĻ·åħ¥äºĨ":114387,"请æĤ¨":114388,"åŀ¢":114389,"æķĻèĤ²èµĦæºIJ":114390,"交æĺĵå¹³åı°":114391,"æĹ¶è£ħ":114392,"ä¼łæŁĵçĹħ":114393,"æ¹ĸæ³Ĭ":114394,"èµĦ管":114395,"åݨå¸Ī":114396,"éĹľéį":114397,"éĹľéįµ":114398,"åĵĪåĵĪåĵĪ":114399,"çĽĹçªĥ":114400,"çĶľç¾İ":114401,"åºĦåĽŃ":114402,"缮åīįå·²ç»ı":114403,"è¾¹ä¸Ĭ":114404,"çģ«èĬ±":114405,"æĬ¥è®°èĢħ":114406,"æģĭæĥħ":114407,"ç´§åĩij":114408,"æ°´æµģ":114409,"è¿Ļæĺ¯æĪij们":114410,"æ³¥åľŁ":114411,"æĽ¾ä»»":114412,"æĸ¹è¨Ģ":114413,"åij¨åħŃ":114414,"åı·æ¥¼":114415,"ä¼ijåģĩ":114416,"误ä¼ļ":114417,"åĽ½åĢº":114418,"åīįå¤ķ":114419,"ä¸¤å¼ł":114420,"éĹ«":114421,"éŃĶ鬼":114422,"æĬĬæĮģ":114423,"èĬĤèĥ½çݯä¿Ŀ":114424,"æ¸ħæ´ģèĥ½æºIJ":114425,"èĤ¥æĸĻ":114426,"é«ĺé¢ij":114427,"å°±æľīäºĨ":114428,"交ä¼ļ":114429,"没éĴ±":114430,"éĽħæĢĿ":114431,"è¦ģåıĬæĹ¶":114432,"åŁ¹åħ»åѦçĶŁ":114433,"欣åĸľ":114434,"çĥŃæ°´åύ":114435,"é¾Ļæ¹ĸ":114436,"äºĮ楼":114437,"æĸ°æµªè´¢ç»ı":114438,"æĸ°åĬ¨èĥ½":114439,"èµ£å·ŀ":114440,"æĭ³å¤´":114441,"æµģåIJij":114442,"ä¹Łæĺ¯å¾Ī":114443,"åıijåĶ®":114444,"ä¸ŃåIJ«æľī":114445,"åIJĵå¾Ĺ":114446,"å·¨æĺŁ":114447,"æĹłæīĢè°ĵ":114448,"æ¯ĽåŃĶ":114449,"åħ¬åħ±äº¤éĢļ":114450,"çĤİçĥŃ":114451,"èµ·èįī":114452,"åĬłçĽŁåķĨ":114453,"说ä¸įåĩº":114454,"大åѦæ¯ķä¸ļ":114455,"å·¥ä¸ļåĽŃ":114456,"éłĺåŁŁ":114457,"åºĨåħ¸":114458,"æµģ产":114459,"èģ²éٳ":114460,"ä¼¼ä¹İæĺ¯":114461,"è´§æºIJ":114462,"æ·±åĪĩ":114463,"æ²»çĸĹæĸ¹æ³ķ":114464,"èµĦæºIJéħįç½®":114465,"ç¶²åıĭ":114466,"çĶ£":114467,"亥":114468,"èº²åľ¨":114469,"社ç§ij":114470,"è»Łé«Ķ":114471,"女è£ħ":114472,"æŃ¡è¿İ":114473,"综åIJĪå®ŀåĬĽ":114474,"æł¼å°ĩ":114475,"åħļåı²åŃ¦ä¹ł":114476,"æľĢåŁºæľ¬":114477,"æľĢåŁºæľ¬çļĦ":114478,"çľĭæľĽ":114479,"åıĹè´¿":114480,"ä¸įä»ħèĥ½":114481,"ä½ķå¿ħ":114482,"ä¸Ģ个å°ıæĹ¶":114483,"ç¾Į":114484,"æĭĽæĶ¶":114485,"çĤĴèĤ¡":114486,"æĿijå¹²éĥ¨":114487,"缸çα":114488,"æ½ľèĥ½":114489,"ä¹į":114490,"æĹ¶è¾°":114491,"欣æħ°":114492,"éĵ¶è¡Įä¸ļ":114493,"çĭŃçªĦ":114494,"éĩįçĤ¹é¢ĨåŁŁ":114495,"çݰå®ŀçĶŁæ´»":114496,"éĮ¯èª¤":114497,"æĸ°è§Ħ":114498,"滥ç͍":114499,"æĹ¶ä¸į":114500,"æĹ¶ä¸įæĹ¶":114501,"帳èĻŁ":114502,"ç¨Ģ缺":114503,"åIJij举":114504,"ä¿Ŀåģ¥åĵģ":114505,"çıŃéķ¿":114506,"äºĴåĭķ":114507,"笼罩":114508,"æ½Ľ":114509,"æļĸå¿ĥ":114510,"è½°çĤ¸":114511,"åºĨ幸":114512,"è²Įä¼¼":114513,"æĵº":114514,"èĢIJ磨":114515,"ä¸ĵä¸ļ人士":114516,"ä¸Ģèάéĥ½æĺ¯":114517,"æ¼³å·ŀ":114518,"åħ¨èĩªåĬ¨":114519,"å½ķç͍":114520,"大è·Į":114521,"æľīæķο̧":114522,"èĩªåĭķ":114523,"ä¸ī个æĸ¹éĿ¢":114524,"港åĮº":114525,"信貸":114526,"éĢļè¯Ŀ":114527,"é«ĺ涨":114528,"æ³Ħæ¼ı":114529,"éħįä¸Ĭ":114530,"åħļå·¥å§Ķ":114531,"被认为":114532,"被认为æĺ¯":114533,"ä¸įä¼ļåĨį":114534,"è°ĥåīĤ":114535,"åıĤèĤ¡":114536,"èĦ±åıij":114537,"å¿łå®ŀ":114538,"åĨħåĪĨæ³Į":114539,"ç¹ģå¿Ļ":114540,"åıĮåĪĽ":114541,"é©»æĿij":114542,"åĪĴç®Ĺ":114543,"éģİä¾Ĩ":114544,"åľ£ç»ı":114545,"èıľé¸Ł":114546,"æĭ¼å¤ļå¤ļ":114547,"ä¸ŃåĽ½æ±½è½¦":114548,"çĥŁèįī":114549,"缴æµģ":114550,"äºĨä¸Ģåı£æ°Ķ":114551,"ä½İæĪIJæľ¬":114552,"æī¾åĽŀ":114553,"èĩªåįij":114554,"總æĺ¯":114555,"æĸĩåĮĸåĪĽæĦı":114556,"天河":114557,"樱æ¡ĥ":114558,"éªijåħµ":114559,"éĩĮéĿ¢æľī":114560,"çİ®":114561,"èĥ½æī¾åΰ":114562,"éĢĥè·ij":114563,"åĪĩå°Ķ":114564,"åĪĩå°Ķ西":114565,"以ä¸ĭæĺ¯":114566,"å²³éĺ³":114567,"çļĦæ¦Ĥçİĩ":114568,"æĬµåζ":114569,"å¸ĪäºĭåĬ¡":114570,"å¸ĪäºĭåĬ¡æīĢ":114571,"åĩĨæĹ¶":114572,"屬æĸ¼":114573,"订è´Ń":114574,"åįłæį®äºĨ":114575,"ä¸ŃéĢĶ":114576,"å°ĭ":114577,"é»ij马":114578,"åİ¿åħ¬å®īå±Ģ":114579,"ä¸ĥæľĪ":114580,"èī²ç´ł":114581,"å¿ĥèĦıçĹħ":114582,"æĹ¶éĻIJ":114583,"æ¯įåħ¬åı¸":114584,"å¹ķåIJİ":114585,"ä¸Ĭæ¦ľ":114586,"å̾åIJijäºİ":114587,"纸ä¸Ĭ":114588,"æ¡ĵ":114589,"éĽĨä½ĵç»ıæµİ":114590,"æĥħå¢ĥ":114591,"è¦ģåģļåΰ":114592,"ç©į極":114593,"åıªæĢķ":114594,"æ¹ĺ西":114595,"çļ±çº¹":114596,"åħ¨åľĭ":114597,"çĦ¡è«ĸ":114598,"好æĦŁ":114599,"åįķä»·":114600,"è¿Ľç¨ĭä¸Ń":114601,"æĺĨä»ij":114602,"åĪĽå®¢":114603,"åħħæĸ¥":114604,"åħĪæĬĬ":114605,"该æĢİä¹ĪåĬŀ":114606,"åĵģå¾·":114607,"åħ¨éĿ¢åıijå±ķ":114608,"è¨ĪåĬĥ":114609,"æĢ»å·¥ä¼ļ":114610,"ä½Ľå±±å¸Ĥ":114611,"æĬĹè¡¡":114612,"å¼Ģåľº":114613,"éĴ±å¸ģ":114614,"åıĭ们":114615,"å«īå¦Ĵ":114616,"ç´¢èµĶ":114617,"è®ĬåĮĸ":114618,"æĮ¤åİĭ":114619,"æĮijè¡ħ":114620,"çŃīä¸Ģæī¹":114621,"æĿ¨æ¬¢":114622,"ä¸ĵå®¶åѦèĢħ":114623,"èĥ½è¾¾åΰ":114624,"èµ°è¿ij":114625,"è´«åĽ°åľ°åĮº":114626,"éĻIJæľŁ":114627,"ä¸į平衡":114628,"åĽ½åĨħå¸Ĥåľº":114629,"èµĽåľº":114630,"éħįèµĦ":114631,"è¦ģèĢĥèĻij":114632,"ä¸ĩåı°":114633,"æľĪæľ«":114634,"éĶ¥":114635,"åŃ«":114636,"æİ¥è§¦åΰ":114637,"åĩºäº§":114638,"æķĻåѸ":114639,"ä½ľå¼Ĭ":114640,"çļĦæľĢåIJİä¸Ģ":114641,"ä¿ĥæĪIJ":114642,"åIJ¸åıĸ":114643,"æ½ľèīĩ":114644,"被éªĹ":114645,"è¾ĵäºĨ":114646,"çĭIJçĭ¸":114647,"åįĩéĻį":114648,"è¿ĻäºĽä¸ľè¥¿":114649,"æĬķèµĦåŁºéĩij":114650,"çĶŁçī©åѦ":114651,"ç½ij绾èIJ¥éĶĢ":114652,"åIJijè®°èĢħ":114653,"èįīåľ°":114654,"æĢ¯":114655,"æľįåĬ¡èĥ½åĬĽ":114656,"éĥģéĹ·":114657,"åįķåĵģ":114658,"å¾Ĺ罪":114659,"æĺĵäºİ":114660,"个å¤ļå°ıæĹ¶":114661,"éĩįä»»":114662,"ä¸Ĭå®ĺ":114663,"æľ¬éĩij":114664,"çı¾åł´":114665,"溢价":114666,"æĺŁè¾°":114667,"æ´»åĬ¨çİ°åľº":114668,"丹麦":114669,"å¸Ŀçİĭ":114670,"æŁ¥æĺİ":114671,"åŃĺåľ¨äºİ":114672,"é¦Ļæ°´":114673,"æĬ½æ£Ģ":114674,"å®ŀéĻħä¸Ĭæĺ¯":114675,"æĸ°å¾ģç¨ĭ":114676,"è´¢åĬ¡ç®¡çIJĨ":114677,"æİĽ":114678,"åĨľåİĨ":114679,"éĥ½èĥ½å¤Ł":114680,"éĤ¯éĥ¸":114681,"çľŁå¯¦":114682,"ç»Ĭ":114683,"åĨµä¸Ķ":114684,"置身":114685,"ç¥Ī祷":114686,"çĿģå¼Ģ":114687,"æĮĩçĤ¹":114688,"å¼Ģæľº":114689,"西å®ģ":114690,"åĮĹ约":114691,"积水":114692,"åĩºåĬ¨":114693,"åıijå±ķ模å¼ı":114694,"转æĬĺ":114695,"èĢĥçĤ¹":114696,"æľīç½ijåıĭ":114697,"è´«åĽ°æĿij":114698,"æĪijä»¬çŁ¥éģĵ":114699,"åĪĨéĶĢ":114700,"å±±èĦī":114701,"æ¯ĶæĭŁ":114702,"ä¼°ç®Ĺ":114703,"æĶ¹å»º":114704,"壮è§Ĥ":114705,"ç§īæĮģ":114706,"æıª":114707,"ç¦Ģ":114708,"åĮĸåѦåĵģ":114709,"ä¸ŃåĽ½åζéĢł":114710,"ä¸Ģæŀ¶":114711,"æīįè¡Į":114712,"æĭĽå¾ħ":114713,"åıĺæį¢":114714,"åīį线":114715,"幸好":114716,"è¿Ļæł·çļĦè¯Ŀ":114717,"å¿ĥè¡Ģ管":114718,"æĢ§çĸ¾çĹħ":114719,"åħ¨èĥ½":114720,"åĪij侦":114721,"ä¿¡æģ¯åıijå¸ĥ":114722,"æĺ¾çĦ¶æĺ¯":114723,"éĿĴéĵľ":114724,"åIJĥä»Ģä¹Ī":114725,"ç͵价":114726,"æ³ķå¾ĭè§Ħå®ļ":114727,"çħ²":114728,"çĵ·åύ":114729,"èĤīç±»":114730,"æıĴåħ¥":114731,"åĹľ":114732,"è¿Łè¿Ł":114733,"ä¸ĢçĤ¹éĥ½ä¸į":114734,"è¿ĺåĮħæĭ¬":114735,"èĪįä¸įå¾Ĺ":114736,"æłĩå¿ĹæĢ§":114737,"æľĪ以æĿ¥":114738,"ç³ĸæŀľ":114739,"éĥ½åºĶ该":114740,"çݯå¢ĥåį«çĶŁ":114741,"èĪªè¡Į":114742,"éĥijéĩį":114743,"ç½ijæĬķ":114744,"åįģä½³":114745,"ç§ģä¸ĭ":114746,"æļ´è·Į":114747,"åĬłå¿«åıijå±ķ":114748,"产åĵģçłĶåıij":114749,"åĪĽéĢłåĩº":114750,"æĢ»è§īå¾Ĺ":114751,"åºķçĽĺ":114752,"èķĬ":114753,"åĩºå¸Ńä¼ļè®®":114754,"主æĿ¿":114755,"æĹ¥æĻļéĹ´":114756,"å®ĺæĸ¹å¾®åįļ":114757,"å¼ķç͍æĹ¥æľŁ":114758,"åķĻæİĪ":114759,"ç͵åŃIJ产åĵģ":114760,"è¡°éĢĢ":114761,"çķĻåŃĺ":114762,"çģ«åĬĽ":114763,"çĴ§":114764,"çļĤ":114765,"åħ¼åħ·":114766,"éĩįè¿Ķ":114767,"é¢Ĩçķ¥":114768,"åĪĩéϤ":114769,"åĨįçĶŁèĥ½æºIJ":114770,"å®ŀåľ¨å¤ª":114771,"çIJĨ论ä¸Ĭ":114772,"ä¸īå±Ĥ":114773,"ä¸ĸçķĮåIJĦåĽ½":114774,"å®ľæĺĮ":114775,"èĢ³è¾¹":114776,"宽æķŀ":114777,"æ±īæĹı":114778,"çϽçϽ":114779,"è¿ĻéĩĮéĿ¢":114780,"çĶŁæ´»ä¹łæĥ¯":114781,"èµŀèµı":114782,"çͷ士":114783,"ä¸Ńä¿Ħ":114784,"车祸":114785,"åīĤéĩı":114786,"éϤåİ»":114787,"左边":114788,"çŃijçī¢":114789,"çīĽå¸Ĥ":114790,"å®¶åĬ¡":114791,"åķĥ":114792,"ç½®æį¢":114793,"ç´«å¤ĸ":114794,"ç´«å¤ĸ线":114795,"å¾Ģåīį":114796,"åĬĽåѦ":114797,"ç´§è·Ł":114798,"缮çļĦåľ¨äºİ":114799,"ç»®":114800,"ç¥Ĥ":114801,"宣è¨Ģ":114802,"äºĮæ°§åĮĸ":114803,"äºĮæ°§åĮĸ碳":114804,"æĹłç¼ĺ":114805,"ç²¾éĢļ":114806,"診":114807,"å¼ķåıijäºĨ":114808,"æľĢåħĪ":114809,"派驻":114810,"ä¸įå¿į":114811,"æĪijçΏ":114812,"å¹´ä¸ĭåįĬå¹´":114813,"æ·ĭå·´":114814,"没éĹ®é¢ĺ":114815,"åºĹåĨħ":114816,"è·ŁæĪij说":114817,"çĶŁäº§çĶŁæ´»":114818,"è§ĤæľĽ":114819,"æ¸į":114820,"被æī§è¡Į":114821,"被æī§è¡Į人":114822,"èĪľ":114823,"æİº":114824,"ä¸Ģç§Ĵ":114825,"èįīåĿª":114826,"åij¼åĴĮ":114827,"åij¼åĴĮ浩":114828,"åij¼åĴĮ浩çī¹":114829,"人æ°ijéĵ¶è¡Į":114830,"çĦķåıij":114831,"è¯ģåĪ¸äº¤æĺĵ":114832,"çķĶ":114833,"æľºèĥ½":114834,"妾":114835,"æĻļå¹´":114836,"å·¥åķĨèģĶ":114837,"åİŁåŀĭ":114838,"è§Ĵ度çľĭ":114839,"æĬ¥ç¤¾":114840,"è¯įæĿ¡":114841,"躲éģ¿":114842,"éĩįåIJ¯":114843,"å¤ķéĺ³":114844,"èĤ¡æĿĥ转让":114845,"åľ¨ä¸Ģ":114846,"åľ¨ä¸ĢæĹģ":114847,"社ä¼ļåĮĸ":114848,"åıijå±ķåİĨç¨ĭ":114849,"æĭĸæ¬ł":114850,"使èĢħ":114851,"ä¸İåIJ¦":114852,"æĸ°å±ĢéĿ¢":114853,"ä»Ĭ天æĪij们":114854,"é½IJèģļ":114855,"对æĪij说":114856,"éĢĴ交":114857,"æľªæĽ¾":114858,"èİĬ":114859,"éĸī":114860,"亲æīĭ":114861,"è§ĴéĢIJ":114862,"æľīé»ŀ":114863,"ç¨İçİĩ":114864,"ä½İ声":114865,"é»ĺå¥ij":114866,"æĻ®æ³ķ":114867,"大ä¸ĵ":114868,"第äºĮ大":114869,"ä½ıåĿĢ":114870,"æĶ¾è¿Ľ":114871,"äºĮæĪĺ":114872,"亲身":114873,"åĽºåĮĸ":114874,"ä¸ĭ乡":114875,"åħ³éĶ®æĬĢæľ¯":114876,"åĽŀæĥ³":114877,"æĬ¥åĪĬ":114878,"æ¶ĤæĬ¹":114879,"èĹıçĿĢ":114880,"ç¥ĿæĦ¿":114881,"åįĩ温":114882,"çĶļèĩ³è¿ŀ":114883,"åħ¬åħĥåīį":114884,"ç¾İæĸ¹":114885,"è¯ļå®ŀ":114886,"æĹłåģ¿":114887,"å¥Ń":114888,"å°ıå¿ĥ翼":114889,"å°ıå¿ĥ翼翼":114890,"两æīĭ":114891,"温馨æıIJ示":114892,"ä»¿çľŁ":114893,"æĥ¶":114894,"èĥ¡åŃIJ":114895,"å·¥ä½ľç«Ļ":114896,"硬çĽĺ":114897,"ç«¿":114898,"åĤ³éĢģ":114899,"åħ¨æł¡":114900,"é²ľæ´»":114901,"çĴĢçĴ¨":114902,"ç»ĵå°¾":114903,"æį¢æĿ¥":114904,"æĪĢ":114905,"ä½İä½į":114906,"ä¸ĩåħĥ以ä¸Ĭ":114907,"åĬłåĪĨ":114908,"æİ¨ä»ĭä¼ļ":114909,"çIJĨèµĶ":114910,"å¾·å°Ķ":114911,"æĬĹè®®":114912,"æ´¼":114913,"åĸ§":114914,"åŁİéĻħ":114915,"å¾Īæ£Ĵ":114916,"人æŃ»äº¡":114917,"ä¼ļå±ķä¸Ńå¿ĥ":114918,"äºĴèģĶäºĴéĢļ":114919,"èĸĦèĨľ":114920,"éĩįé»ŀ":114921,"ç¦ģæ¯Ĵ":114922,"åĨ·ç¬ij":114923,"大家åı¯ä»¥":114924,"é¦ĸ缸":114925,"è¿ijè·Ŀ离":114926,"æµ®çݰ":114927,"ç§ĺè¯Ģ":114928,"èµ·é£ŀ":114929,"æIJ¶":114930,"羣åģĩ":114931,"æģķ":114932,"å°ıåºĹ":114933,"æ°ijçľ¾":114934,"åıijå¸ĥåħ¬åijĬ":114935,"ä¾§éĩį":114936,"å¾ĺå¾Ĭ":114937,"æĢĶ":114938,"æªIJ":114939,"æķ°çĽ®":114940,"åī¯ç§ĺ书éķ¿":114941,"两åı¥":114942,"éļIJçŀĴ":114943,"åıĮåıĮ":114944,"æīĭæĦŁ":114945,"èij¡äº¬":114946,"éģĹå¿ĺ":114947,"鬥":114948,"è¿Ļä¸ªåľ°æĸ¹":114949,"说çļĦè¯Ŀ":114950,"å·¡åĽŀ":114951,"è¿Ŀ竳":114952,"æī¾å·¥ä½ľ":114953,"æĶ¯çIJĥéĺŁ":114954,"裡éĿ¢":114955,"æĺ¾ç¤ºåĩº":114956,"èĩ³å°Ĭ":114957,"两级":114958,"åīįæ®µæĹ¶éĹ´":114959,"çĺ¦èº«":114960,"èĤ¢ä½ĵ":114961,"æ¯į親":114962,"æīĭç»Ńè´¹":114963,"汽车è¡Įä¸ļ":114964,"æİ©çĽĸ":114965,"æİ§èĤ¡éĽĨåĽ¢":114966,"åı£å¾Ħ":114967,"æĶ¿çŃĸæİªæĸ½":114968,"海绵":114969,"åħ¨éķĩ":114970,"äºĭåħ³":114971,"å¸Ńæī§è¡Į":114972,"å¸Ńæī§è¡Įå®ĺ":114973,"éĤ£æ¬¡":114974,"åı¯èĥ½åĩºçݰ":114975,"ä¸Ńå¿ĥåŁİå¸Ĥ":114976,"翻身":114977,"ä¹Łç®Ĺ":114978,"ä¾µçķ¥":114979,"åĸĩåıŃ":114980,"æ¯ı次éĥ½":114981,"è§ħ":114982,"éĻ¢éĻ¢éķ¿":114983,"å§ĭäºİ":114984,"èѦåĬ¡":114985,"è᝿ĿIJ":114986,"å±łæĿĢ":114987,"æľ¬èº«å°±":114988,"éļıæĹ¶éļı":114989,"éļıæĹ¶éļıåľ°":114990,"åĶ®åįĸ":114991,"æĹłäººé©¾é©¶":114992,"é¢ħ":114993,"åĵģ質":114994,"åĺ²ç¬ij":114995,"è·ijåİ»":114996,"åħĭéĩĮæĸ¯":114997,"çķ¸å½¢":114998,"修饰":114999,"磩éĺµ":115000,"éŁ³ä¹IJä¼ļ":115001,"æŁ³å·ŀ":115002,"齡":115003,"ä¼ļè°Ī":115004,"æŃ£çīĪ":115005,"ä¹ŁåIJĮæł·":115006,"æļ§æĺ§":115007,"è¡ĮæĶ¿éĥ¨éŨ":115008,"ä¹ĸä¹ĸ":115009,"èĤ¤èī²":115010,"æĹ¶ä»»":115011,"羣åĪĩ":115012,"æľĪä¸ĭ":115013,"æľĪä¸ĭæĹ¬":115014,"举æĸ¹è´¢å¯Į":115015,"è£ħä¿®åħ¬åı¸":115016,"éĢĢè¿ĺ":115017,"åĭĺå¯Ł":115018,"åĵ¥ä¼¦":115019,"åĵ¥ä¼¦æ¯Ķäºļ":115020,"çĭ¬ä¸Ģ":115021,"çĭ¬ä¸ĢæĹł":115022,"çĭ¬ä¸ĢæĹłäºĮ":115023,"è°ĥåij³":115024,"åİĭè¿«":115025,"åħ¨çIJĥæľĢ大":115026,"åł¡éķ¿":115027,"æĽ´ä½İ":115028,"åĪĨéĴŁåIJİ":115029,"åĽŀä¾Ĩ":115030,"åζåīĤ":115031,"åijĬè¯ī大家":115032,"çĤ¹éĴŁ":115033,"åįģä¸īå±Ĭ":115034,"åij¨åĽĽ":115035,"è¿Ļæł·ä¸Ģ":115036,"è¿Ļæł·ä¸ĢæĿ¥":115037,"èĭŁ":115038,"æľĽåİ»":115039,"æĪIJè¯Ń":115040,"å½ĵåį³":115041,"ç¬ij声":115042,"ä¹ĭåĬ¿":115043,"åĪijäºĭæ¡Īä»¶":115044,"æĮĤçĿĢ":115045,"ä½ķç§į":115046,"å°ı游æĪı":115047,"åĽ½å®¶æĪĺçķ¥":115048,"åĨ·åĨ·":115049,"å®ľå®¾":115050,"æIJºç¨ĭ":115051,"è¶ĭäºİ":115052,"åıįçľģ":115053,"常说":115054,"ä¸ĩæĪ·":115055,"åĥµå°¸":115056,"åįĥä¸ĩåĪ«":115057,"åıijçݰéĹ®é¢ĺ":115058,"åı¯çŁ¥":115059,"éŨæĪ·ç½ijç«Ļ":115060,"åģ¥åº·äº§ä¸ļ":115061,"åı³è¾¹":115062,"æµ·è¿IJ":115063,"è¿ijä¹İ":115064,"åĮ»æ²»":115065,"æĢ»ç®Ĺ":115066,"ä¸ĢåĪĨéĴŁ":115067,"æĭ§":115068,"ä¹Łæľīä¸ĢäºĽ":115069,"ä¾Ľç͵åħ¬åı¸":115070,"å»īä»·":115071,"帮ä»ĸ":115072,"æŃ¤æ¬¡æ´»åĬ¨":115073,"åıªèĥ½è¯´":115074,"èĬĭ":115075,"çīĩ段":115076,"åŃĺåľ¨éĹ®é¢ĺ":115077,"ä½łä¼ļåıijçݰ":115078,"è½®å»ĵ":115079,"ç½ijéĢļ":115080,"æ»¨æ±Ł":115081,"æİĪä¿¡":115082,"é»İæĺİ":115083,"ä¸įå±ŀäºİ":115084,"约åįł":115085,"éķ¿æ²Ļå¸Ĥ":115086,"èĥļèĥİ":115087,"åħĥä»¶":115088,"éĻĨåĨĽ":115089,"購買":115090,"æĮĩæľĽ":115091,"å®ŀä¹łçĶŁ":115092,"çī¹çĤ¹æĺ¯":115093,"çıłæ±Ł":115094,"çľĭä¸įåĩº":115095,"ä¸įè§ģäºĨ":115096,"ç¼ī":115097,"éĺµèIJ¥":115098,"åĶIJæľĿ":115099,"没å¿ħè¦ģ":115100,"åĽ½åľŁèµĦæºIJ":115101,"ç»ıæµİåѦ家":115102,"åIJĪèĤ¥å¸Ĥ":115103,"çIJ¢ç£¨":115104,"ç¡®åĪĩ":115105,"åŁİå¸Ĥåıijå±ķ":115106,"çŃ·åŃIJ":115107,"人æ°ijæľįåĬ¡":115108,"满åĪĨ":115109,"è¿·ä¿¡":115110,"ä½ľèĢħæľ¬äºº":115111,"æĸĩ竳æĿ¥æºIJ":115112,"ç«Ļç«ĭ":115113,"æŀĦæĪIJäºĨ":115114,"è¾Ľåĭ¤":115115,"è¶ħ强":115116,"éĶļ":115117,"åīįä¸īåŃ£åº¦":115118,"å°±è§īå¾Ĺ":115119,"å´ĩé«ĺ":115120,"è¶Ĭä¾Ĩ":115121,"è¶Ĭä¾Ĩè¶Ĭ":115122,"å¸ĤåľºèIJ¥éĶĢ":115123,"综åIJĪç´łè´¨":115124,"åŃļ":115125,"侮辱":115126,"äºĮåŃĹ":115127,"å·¥ä½ľä»»åĬ¡":115128,"åı²ä¸ĬæľĢ":115129,"æľĢä¼ĺ":115130,"åIJ©åĴIJ":115131,"表çϽ":115132,"èİ«åIJį":115133,"èİ«åIJįåħ¶":115134,"èİ«åIJįåħ¶å¦Ļ":115135,"å¹£":115136,"åIJĮå¿Ĺ们":115137,"建设çĶ¨åľ°":115138,"åĦĢ":115139,"éħįåģ¶":115140,"弩":115141,"åͱçīĩ":115142,"æīĭèĦļ":115143,"åħ¼ä»»":115144,"åģľæĶ¾":115145,"æŃ£å®Ĺ":115146,"æĸ°åĨľæĿij":115147,"åĤ¬çĶŁ":115148,"æīĢåŃ¦æł¡":115149,"å¿µä½Ľ":115150,"åͤéĨĴ":115151,"åħ±åĪĽ":115152,"æĭīä¸ģ":115153,"èĥĮçĿĢ":115154,"çĶŁæĢģä¿ĿæĬ¤":115155,"åı£å¤´":115156,"æĸ¹åIJijçĽĺ":115157,"調æķ´":115158,"æĭĽèģĺä¿¡æģ¯":115159,"åħ¶ä»ĸåĽ½å®¶":115160,"ç®Ģæĺĵ":115161,"åĮ¿åIJį":115162,"è¯Ħæµĭ":115163,"æĺ¯ä¸Ģ座":115164,"çīĭ":115165,"足迹":115166,"çIJĨè§£åĴĮ":115167,"æľĢåıĹ":115168,"å¿ĥè·³":115169,"çĪ¶è¦ª":115170,"éĿŀ常åĸľæ¬¢":115171,"èĭ¦éļ¾":115172,"æĬĢå¸Ī":115173,"æ°ijæĦı":115174,"æĪĺåĽ½":115175,"æĽ¿è¡¥":115176,"津贴":115177,"ä¸ŃåĽ½ä¼łç»Ł":115178,"åIJĦè¡Į":115179,"åIJĦè¡ĮåIJĦ":115180,"åIJĦè¡ĮåIJĦä¸ļ":115181,"第äºĶå±Ĭ":115182,"èį·èĬ±":115183,"æĦıèŃĺ":115184,"票价":115185,"åĪĨæµģ":115186,"æĿİçϽ":115187,"æ±ŁåĮĹ":115188,"æİĴæĸ¥":115189,"ä½ĵéĩı":115190,"åĮħåIJ«äºĨ":115191,"åĪĺæŁIJ":115192,"çݰå¦Ĥä»Ĭ":115193,"å·¥èīºåĵģ":115194,"è¿Ļç§įæĸ¹æ³ķ":115195,"åĬŀåħ¬æ¥¼":115196,"ç͵工":115197,"çħĻ":115198,"åį¡çīĩ":115199,"å¹´å¹´åºķ":115200,"ä¸ĵ项èµĦéĩij":115201,"åĮ»ç§ij":115202,"åĮ»ç§ij大åѦ":115203,"åĽŀ头çľĭ":115204,"ä¸įå±ij":115205,"èĩªé©¾":115206,"没æĶ¶":115207,"æīĵçĮİ":115208,"èĦ¸éĥ¨":115209,"åıĥèĢĥ":115210,"å°Ĩ士":115211,"è´«åĽ°äººåı£":115212,"çIJĨæĥ³ä¿¡å¿µ":115213,"é£İå°ļ":115214,"人æīįéĺŁä¼į":115215,"çij¾":115216,"æĿ¥è¿ĻéĩĮ":115217,"æ´Ĺ涤":115218,"å¹´èĸª":115219,"èĭįçϽ":115220,"ä¸ĩäºĭ":115221,"è¯¾æľ¬":115222,"åºĵéĩĮ":115223,"ç´¾":115224,"ç´¾åijĺ":115225,"èµŀç¾İ":115226,"ç©¿æĪ´":115227,"è£½ä½ľ":115228,"èµŀæĪIJ":115229,"ä¸Ģä¾§":115230,"å½ĵåľ°äºº":115231,"æĭİ":115232,"纸质":115233,"ä½Ļ个":115234,"éĶĤçĶµæ±ł":115235,"æľºåŀĭ":115236,"éĻ¢éϢ士":115237,"åģļå·¥":115238,"å¼łè´´":115239,"ç¥Ľæĸij":115240,"æ®ĸæ°ij":115241,"å¥ij约":115242,"æ¹ĺæ½Ń":115243,"æIJĸ":115244,"åŃĺè´§":115245,"交éĢļ大åѦ":115246,"è¶ģçĿĢ":115247,"æĸĩçī©ä¿ĿæĬ¤":115248,"å¤ĩæĪĺ":115249,"éĩĩ纳":115250,"åįĬæľĪ":115251,"æľĢåħ³éĶ®":115252,"æľĢåħ³éĶ®çļĦ":115253,"æİ¥éĢģ":115254,"æĶ¶åī²":115255,"åıįåĢĴ":115256,"çĥĽ":115257,"æ½Ķ":115258,"ä¼Łå¤§å¤įåħ´":115259,"çļĦè¯Ŀè¯Ń":115260,"容å¿į":115261,"å®ļéĩı":115262,"æķĹ":115263,"åĵģçīĮ形象":115264,"æīŃ转":115265,"åĽ½å®¶éĩįçĤ¹":115266,"èĨĿçĽĸ":115267,"ä¸Ģ楼":115268,"大éϏ":115269,"éĤªæģ¶":115270,"åĽŀåij³":115271,"çĮ¿":115272,"çĿ¡åīį":115273,"æĹłè¾ľ":115274,"çĹħæ¯ĴæĦŁæŁĵ":115275,"æľºæ¢°åĮĸ":115276,"çĤ¹äº®":115277,"溶解":115278,"åĩłä¹İæīĢæľī":115279,"è·ijéģĵ":115280,"ç͵è§Ĩæľº":115281,"åı¨":115282,"æijĩäºĨ":115283,"æijĩäºĨæijĩ头":115284,"èĩªè´Ł":115285,"综åIJĪåĪ©ç͍":115286,"èĩªå¦Ĥ":115287,"åİŁä¾Ĩ":115288,"ä¹Łä¸įæĥ³":115289,"èĬĤ课":115290,"è¿ĩåī©":115291,"çͲçĬ¶":115292,"çͲçĬ¶èħº":115293,"æĸ°ä¸ĸ纪":115294,"èĩªä¸»åĵģçīĮ":115295,"é«ĺå±Ĥ次":115296,"ä¸Ģè§Ĵ":115297,"è¡Įäºĭ":115298,"ç¥ĸåħĪ":115299,"å©ļåIJİ":115300,"éĹ´éļĻ":115301,"ç¼ĿéļĻ":115302,"è¿ĻæĶ¯":115303,"ä¸įæĸŃåĪĽæĸ°":115304,"å¾®åŀĭ":115305,"æĽĻåħī":115306,"享ç͍":115307,"ä¸ŃåĽ½ç§»åĬ¨":115308,"éĹŃçݯ":115309,"æī§æĦı":115310,"åıijå±ķæł¼å±Ģ":115311,"æł¸å¿ĥåĮº":115312,"éªļæī°":115313,"åħļåĴĮåĽ½å®¶":115314,"ä¸ŃåĽ½æĶ¿åºľ":115315,"帶èijĹ":115316,"ä¸ĩåįĥçĵ¦":115317,"åħ©äºº":115318,"äºİæĺ¯æĪij":115319,"åĽºä½ĵ":115320,"çªģå¦Ĥ":115321,"çªģå¦Ĥåħ¶":115322,"çªģå¦Ĥåħ¶æĿ¥":115323,"éĩĮç¨ĭç¢ij":115324,"çαç¾İ":115325,"æŁ¥éªĮ":115326,"åıĮèµ¢":115327,"éĹªåħī":115328,"楼å®ĩ":115329,"æĻı":115330,"æľīè¶³å¤ŁçļĦ":115331,"æŁĶæĢ§":115332,"ä¿¡æģ¯å®īåħ¨":115333,"管线":115334,"å¹¶ä¸įä¼ļ":115335,"åύ件":115336,"ä½łåºĶ该":115337,"çĿĢå®ŀ":115338,"æĺİæ¸ħ":115339,"æĬĹçĶŁç´ł":115340,"æīĵæŃ»":115341,"å®Įåħ¨ä¸įåIJĮ":115342,"èĬ±æ¤Ĵ":115343,"æĶ¾å®½":115344,"ä½İ端":115345,"åĽĽèĤ¢":115346,"åĮĹäº¬èµĽè½¦":115347,"éĽĨå¸Ĥ":115348,"æľªå©ļ":115349,"大å¹ħæıIJåįĩ":115350,"建çŃij设计":115351,"çĭ¬æľīçļĦ":115352,"æİ¢éĻ©":115353,"æ²³æµģåŁŁ":115354,"æħķ容":115355,"被çĽĹ":115356,"åĵºä¹³":115357,"èıģ":115358,"æĥ¬æĦı":115359,"è¶ĬæĿ¥è¶Ĭ好":115360,"广大群ä¼Ĺ":115361,"å¾·èĤ²":115362,"å¸Ĥåľºä»·æł¼":115363,"奥巴":115364,"奥巴马":115365,"èĬĤ缮ä¸Ń":115366,"两款":115367,"ä¸ĩä½Ļåħĥ":115368,"ç»´å°Ķ":115369,"çĶŁçī©ç§ijæĬĢ":115370,"åIJ¬èµ·æĿ¥":115371,"çłļ":115372,"æĭŁå®ļ":115373,"æ²¹çͰ":115374,"声èªī":115375,"建çŃijä¸ļ":115376,"éĻIJè´Ń":115377,"çīĩåŃIJ":115378,"çķľç¦½":115379,"ç½ijé¦ĸ页":115380,"ä¼Ĺçѹ":115381,"æĴŀåĩ»":115382,"åīįä¸įä¹ħ":115383,"åīįä¸ĸ":115384,"åĽĽä¸ªæĦıè¯Ĩ":115385,"æµĭç»ĺ":115386,"éĺ²ç©º":115387,"漫éķ¿çļĦ":115388,"æ²IJæµ´":115389,"æ¯Ķè¾ĥç®Ģåįķ":115390,"æµĭå®ļ":115391,"åĽŀè°ĥ":115392,"让人们":115393,"èĴĭä»ĭ":115394,"èĴĭä»ĭçŁ³":115395,"ç»ĵæĻ¶":115396,"å¢ŀæ·»äºĨ":115397,"æĿ¡è¯Ħ论":115398,"åī¯ä¼ļéķ¿":115399,"ä½ıæīĢ":115400,"ç»ĻåĩºäºĨ":115401,"è°ĥéħį":115402,"æ²ĸ":115403,"æľīç͍":115404,"æľīç͍çļĦ":115405,"ä¸ĢæĿ¡é¾Ļ":115406,"éĩİå¤ĸ":115407,"ç¼ĺåĪĨ":115408,"æ°¸è¿ľä¸įä¼ļ":115409,"æŀľæłij":115410,"大åıijå¿«ä¸ī":115411,"麻éĨī":115412,"äºijéĽĨ":115413,"åİ»åĵªéĩĮ":115414,"åħ¥å¸Ĥ":115415,"ä»»æĢ§":115416,"建档":115417,"建档ç«ĭ":115418,"建档ç«ĭåį¡":115419,"ä¸Ģ棵":115420,"社åįĢ":115421,"çĽ¸ä¼´":115422,"åļ·":115423,"å¡«åħħ":115424,"ä¸ĢæĹı":115425,"ç¾ģ":115426,"åıĸè¯ģ":115427,"èΰéĺŁ":115428,"åİĤåĮº":115429,"è¡·å¿ĥ":115430,"åıijå±ķéĺ¶æ®µ":115431,"é«ĺ强度":115432,"åĹĵåŃIJ":115433,"é¢Ĩè¡Ķ":115434,"楼主":115435,"大èĴľ":115436,"æŀķ头":115437,"粮油":115438,"é»Ħçĵľ":115439,"æĵĴ":115440,"å°ıçĭĹ":115441,"æĶ¹éĿ©å§Ķ":115442,"åįģåĪĨéĴŁ":115443,"é²ľèī³":115444,"åħ³ç¾½":115445,"çĭĢæħĭ":115446,"å®ŀç͍æĢ§":115447,"å°ijè§ģ":115448,"é£ŀæī¬":115449,"çͰéĩİ":115450,"æIJĤ":115451,"è¿Ļ个è¯į":115452,"åºĶæĢ¥é¢Ħæ¡Ī":115453,"è§Ĵ度æĿ¥çľĭ":115454,"æķ¬çķı":115455,"æ³ķå®Ŀ":115456,"åĸĦæĦı":115457,"æīĵæĸŃ":115458,"对åĨ³":115459,"çµķå°į":115460,"åĢŁæŃ¤":115461,"å¼ĢæºIJ":115462,"å°ı說":115463,"祺":115464,"å²ģ以ä¸ĭ":115465,"éĢĢå½¹åĨĽäºº":115466,"ä¸įä¹ħåīį":115467,"åĩºåİĤ":115468,"讽åĪº":115469,"æĿ¥çľĭçľĭåIJ§":115470,"éŃĶåħ½":115471,"çķĻä¸ĭæĿ¥":115472,"å±ħ室":115473,"åłħæĮģ":115474,"çľĭäºĨä¸Ģ":115475,"çľĭäºĨä¸Ģçľ¼":115476,"éĽĨåĽ¢æĹĹä¸ĭ":115477,"æĪĺæĪĺç»ĦåIJĪ":115478,"è®¤çľŁèIJ½å®ŀ":115479,"汽车产ä¸ļ":115480,"çī©çIJĨåѦ":115481,"æķµ":115482,"éĴĿ":115483,"åĽ¢éķ¿":115484,"ä¸įæĸŃæī©å¤§":115485,"èĤ©è´Ł":115486,"åıijå±ķ缮æłĩ":115487,"è³ĩéĩij":115488,"åīįç½®":115489,"ä¸ŃåĽ½åı¤ä»£":115490,"æŃ»åĪij":115491,"åħħåĪĨä½ĵçݰ":115492,"åħ³éŨ":115493,"ç¾İæĦŁ":115494,"æīĵåħ¥":115495,"æĬijéĥģçĹĩ":115496,"å°ijçĪ·":115497,"æłijæŀĿ":115498,"æ¶Īæģ¯ç§°":115499,"æ´Ľåħĭ":115500,"åį¯":115501,"è¿ĪåIJij":115502,"æİ¨åĭķ":115503,"ä»İä¸ļèĢħ":115504,"åݻ买":115505,"欢快":115506,"æĭ¥æĮ¤":115507,"马桶":115508,"æĬĬæİ§":115509,"æĶ¿åħļ":115510,"å¼łæī¬":115511,"客æłĪ":115512,"红æĺŁ":115513,"éĢģæĿ¥":115514,"åħ¨åŁŁæĹħ游":115515,"èĩªç§ģ":115516,"åįģäºĮæĿ¡":115517,"åı¹æģ¯":115518,"ä¸Ģèīĺ":115519,"ä¿Ŀè´¹":115520,"æĸ½å·¥çİ°åľº":115521,"æľī幸":115522,"ç»ŃèĪª":115523,"åı¯èĥ½æľĥ":115524,"èĥĮåıĽ":115525,"ä½£éĩij":115526,"ä¸īçŃīå¥ĸ":115527,"å¾Ī满æĦı":115528,"游æĪıåľ¬":115529,"群éĩĮ":115530,"æŀĦä»¶":115531,"åºıå¹ķ":115532,"太æ¹ĸ":115533,"æľ¨è´¨":115534,"æĻĭæ±Ł":115535,"çµĤæĸ¼":115536,"è·³è·ĥ":115537,"åĢºæĿĥ人":115538,"çŃī诸å¤ļ":115539,"æĶ¾åĩº":115540,"åħ³éĶ®æĹ¶åĪ»":115541,"æĦŁæŁĵèĢħ":115542,"é£ŀè¡Įåijĺ":115543,"èĥĨåĽº":115544,"èĥĨåĽºéĨĩ":115545,"æĬ±æŃī":115546,"åij¨äºĮ":115547,"æĸ°æĹ¶æľŁ":115548,"åĨ·éĵ¾çµģ":115549,"è¿Ļç§įæĸ¹å¼ı":115550,"该æĿij":115551,"åĽŀé¦Ī":115552,"åŁºçĿ£æķĻ":115553,"人åıĤ":115554,"æŀ¯çĩ¥":115555,"æī¹åıijå¸Ĥåľº":115556,"åħħåĪĨèĤ¯å®ļ":115557,"å¸ĤæĶ¿åįı":115558,"äºĭæ¥Ń":115559,"龸çİĭ":115560,"çĥŃæIJľ":115561,"åįģä¹Ŀ大":115562,"ä¼´æľī":115563,"ç¾İåĽ½æĢ»ç»Ł":115564,"åŁİå¸Ĥ管çIJĨ":115565,"ä¸ĭ令":115566,"èĥ¸åı£":115567,"åıªçŁ¥éģĵ":115568,"åij¨ä¸ī":115569,"ç͍æĪ¶":115570,"éѝ":115571,"å¿ĥè¡Ģ":115572,"带头人":115573,"åĮ»åĬ¡":115574,"åĮ»åĬ¡äººåijĺ":115575,"æİ§åζåύ":115576,"ä½ľåĵģåĨħ容":115577,"æĪĺåıĭ":115578,"åİĨå¹´":115579,"ä¸įåħĭ":115580,"ä¸įåħĭä¸įåıĬ":115581,"æĹ¥æŃ£å¼ı":115582,"è±IJå¯Į":115583,"ç¨İè´¹":115584,"æĹ¶æķĪ":115585,"å±ķä½į":115586,"è¡¡éĺ³":115587,"æĪ¿è²¸":115588,"çĪĨ款":115589,"ä¹IJæĦı":115590,"çͷ䏻":115591,"寬":115592,"æľĥèѰ":115593,"ä¹ĭå¤ľ":115594,"åIJĮ樣":115595,"ä¸įè¦ģ太":115596,"ä¼Ĭæĸ¯":115597,"ä¼Ĭæĸ¯åħ°":115598,"åŁºæľ¬åİŁåĪĻ":115599,"åİ»æİī":115600,"ä½İä¿Ŀ":115601,"个交æĺĵ":115602,"个交æĺĵæĹ¥":115603,"èģĬèģĬ":115604,"åĽĽä½į":115605,"åħļç»ĦæĪIJåijĺ":115606,"主è¦ģä»İäºĭ":115607,"å½±éŁ³":115608,"åĨĴåĩº":115609,"åij¼åIJ¸éģĵ":115610,"è¾¾å°Ķ":115611,"æľ¨åľ°æĿ¿":115612,"诡å¼Ĥ":115613,"çģ¯åħ·":115614,"çģ«çĥ§":115615,"è§£èĦ±":115616,"æĦĪåıij":115617,"æ¹ĸå·ŀ":115618,"é£İä¿Ĺ":115619,"æĸ°å½¢åĬ¿":115620,"æĸ°å½¢åĬ¿ä¸ĭ":115621,"è²Ŀ":115622,"èĦĵ":115623,"åĬ¨åĬĽçĶµæ±ł":115624,"é£ŀèι":115625,"飧æĢ§":115626,"åĪ©çī©":115627,"åĪ©çµ¦":115628,"ä¸į认è¯Ĩ":115629,"ç¼ĸç»ĩ":115630,"ä½ľåĿĬ":115631,"èģĮä¸ļæĬĢèĥ½":115632,"çľĭè¦ĭ":115633,"åĽ´æ£ĭ":115634,"æĺıè¿·":115635,"å½Ĵå±ŀäºİ":115636,"æĤ¬å´ĸ":115637,"éĨ«çĻĤ":115638,"å®ĭ代":115639,"åºĦæĿij":115640,"èĹķ":115641,"çĮĽçĦ¶":115642,"çĩĥæĸĻçĶµæ±ł":115643,"å®ŀä½ĵåºĹ":115644,"ä¸į足以":115645,"æĥħç·":115646,"æĥħç·Ĵ":115647,"å»ĬåĿĬ":115648,"ç͵åı°":115649,"åºĶåĬĽ":115650,"ä¸Ńå°ıåѦçĶŁ":115651,"èĥ¡åIJĮ":115652,"éī´åĪ«":115653,"åĨħç½®":115654,"乱象":115655,"æ¬ĬçĽĬ":115656,"å¼ĢæĶ¾å¼ı":115657,"åįļæĸĩ":115658,"讲课":115659,"çŃīåİŁåĽł":115660,"穷人":115661,"äº¤æĽ¿":115662,"æĬ¤çħ§":115663,"åıijå±ķæľºéģĩ":115664,"客åķĨ":115665,"åıįä¹ĭ":115666,"ç±³é¥Ń":115667,"å¹¶åıij":115668,"å¹¶åıijçĹĩ":115669,"æ±īåŃIJ":115670,"æŀľåĽŃ":115671,"对æĪijæĿ¥è¯´":115672,"åģıåIJij":115673,"æī¹ç¤º":115674,"读åIJİ":115675,"读åIJİæĦŁ":115676,"æĺİæĻº":115677,"åĽ´çĿĢ":115678,"åıį转":115679,"æĿ¨å¹Ĥ":115680,"ä¸ĵåįĸ":115681,"ä¸ĵåįĸåºĹ":115682,"åıĹéĻIJ":115683,"åºŁè¯Ŀ":115684,"æŀģå°ij":115685,"åįĪåIJİ":115686,"è¿Ľä¿®":115687,"åīĬåĩı":115688,"æľ¬ç§ijçĶŁ":115689,"ä¼ĺéĢī":115690,"åħīçħ§":115691,"åıĻäºĭ":115692,"åıĸæļĸ":115693,"åĮĹè·¯":115694,"æ¦ķ":115695,"èİĨçͰ":115696,"楼å±Ĥ":115697,"天èĬ±":115698,"天èĬ±æĿ¿":115699,"çĤľ":115700,"å·²ç»ıæľīäºĨ":115701,"è¶¾":115702,"çͳåįļ":115703,"ç͵éĺ»":115704,"åĬŁè¯¾":115705,"æŃ¥æŃ¥":115706,"éĤ£ä¹Ī容æĺĵ":115707,"æŃ¤æĸĩ":115708,"ä½°":115709,"计è¾ĥ":115710,"çīĩéĿ¢":115711,"ç͵影éĻ¢":115712,"ä¸įåħ¬å¹³":115713,"ä¸īæľŁ":115714,"æĹħ游èµĦæºIJ":115715,"å¤ļç§įå½¢å¼ı":115716,"è£Ĥç¼Ŀ":115717,"åIJİæİĴ":115718,"硬度":115719,"åĽŀæļĸ":115720,"éģĵæķĻ":115721,"è´«è¡Ģ":115722,"æ¸ħé¦Ļ":115723,"伤çĹħ":115724,"æĦı義":115725,"çļĦç¼ĺ":115726,"çļĦç¼ĺæķħ":115727,"åºĦ严":115728,"åıªæĺ¯ä¸ºäºĨ":115729,"æīĵæĬĺ":115730,"以ä¾Ĩ":115731,"滿足":115732,"çİĽä¸½":115733,"風éļª":115734,"æĸĩç§ij":115735,"éħįå¤ĩäºĨ":115736,"è¿Ľé£Ł":115737,"æ¶¡":115738,"è·¯ç¨ĭ":115739,"åı«å£°":115740,"ä¸Ńå¿ĥåŁİåĮº":115741,"æľīæīĢä¸įåIJĮ":115742,"張貼":115743,"é¢ĦæĬ¥":115744,"æľīå¤ļä¹Ī":115745,"è¿Ľè¡Įåħ¨éĿ¢":115746,"æĽ¾ç¶ĵ":115747,"ä¸ī代":115748,"å®ı大":115749,"æ¸ħæī«":115750,"éĢīåĩº":115751,"åĵªä¸Ģ个":115752,"主義":115753,"ä¾Ŀæĵļ":115754,"çļ®éĿ©":115755,"èµ¶æĿ¥":115756,"çŃĽæŁ¥":115757,"æ¨Ł":115758,"ä¿ĿèįIJ":115759,"åIJĥæĥĬ":115760,"æľĭåıĭ们对":115761,"ä»ĸæĺ¯ä¸Ģ个":115762,"åºŁæ°Ķ":115763,"æ»ħ":115764,"è´¢ç¨İ":115765,"æĿijæĿijæ°ij":115766,"èµĦäº§è´ŁåĢº":115767,"å®īå¨ľ":115768,"缮åīįåĽ½åĨħ":115769,"æĦŁè§īèĩªå·±":115770,"çµIJåIJĪ":115771,"éͦæłĩ":115772,"éͦæłĩèµĽ":115773,"æĽ´æ·±":115774,"åŁºæķ°":115775,"éħ¿éħĴ":115776,"çī¹èī²äº§ä¸ļ":115777,"åİĭå®ŀ":115778,"ä¾Ŀæ³ķ追究":115779,"æ·¡å®ļ":115780,"ç®ĢçĽ´å°±æĺ¯":115781,"å£ĵåĬĽ":115782,"æ°ijå¿ĥ":115783,"ä¸įåIJĪéĢĤ":115784,"çͱæŃ¤åı¯è§ģ":115785,"èµŀèªī":115786,"澤":115787,"åĩłå¹´åīį":115788,"åIJīä»ĸ":115789,"çł´æįŁ":115790,"è½»è½»åľ°":115791,"å²Ľå±¿":115792,"æĦıå¢ĥ":115793,"ä»Ģä¹Īåı«":115794,"åģĩè£ħ":115795,"éĢģè´§":115796,"å¹ķå¢Ļ":115797,"妥åįı":115798,"åĽ½æĹĹ":115799,"äºĨå¾Īä¹ħ":115800,"åĪĨ辨çİĩ":115801,"ç´Ķ":115802,"éĺ³åĮº":115803,"åĩŃçĿĢ":115804,"åģľè½¦ä½į":115805,"京éĥ½":115806,"éĶ£":115807,"æĵ¾":115808,"è¿ĽéŨ":115809,"åĪĺæµ·":115810,"åĽĽçº§":115811,"女足":115812,"è¡ĮæĶ¿å®¡æī¹":115813,"éģ¥æİ§":115814,"ä¸įéĮ¯":115815,"å¾Ĺå¾Ī好":115816,"ä¸ºçĽ®çļĦ":115817,"ä»įæľª":115818,"ç²¾è£ħ":115819,"éĢįéģ¥":115820,"尽头":115821,"çºłç¼ł":115822,"éłĺå°İ":115823,"æĭħè´Ł":115824,"æĪĸèĢħåħ¶ä»ĸ":115825,"åıªä¸įè¿ĩæĺ¯":115826,"åı®åĺ±":115827,"åģĩåĨĴ":115828,"æļĸæ°Ķ":115829,"çĽIJåŁİ":115830,"被è§Ĩ为":115831,"诺è´Ŀå°Ķ":115832,"ç»ĻäºĨæĪij":115833,"è¿ijåįĥ":115834,"éĩįåĽŀ":115835,"éĨĴäºĨ":115836,"çĶµè§£":115837,"忽çķ¥äºĨ":115838,"èĥĮéĥ¨":115839,"æĸĩæĺİåŁİå¸Ĥ":115840,"æºħ":115841,"è²ĵ":115842,"æĬµæĮ¡":115843,"åĸľæ¬¢åIJĥ":115844,"éĿĻéĿĻåľ°":115845,"å¾Īæ·±":115846,"åŁºç¡ĢçŁ¥è¯Ĩ":115847,"è¿ĩéĶĻ":115848,"çIJĨç§ij":115849,"交æµģåIJĪä½ľ":115850,"èĪĶ":115851,"èª¿æŁ¥":115852,"æħĪæĤ²":115853,"éĴ°":115854,"èĩ´ç͵":115855,"å®£ä¼łæ´»åĬ¨":115856,"åıĺéĩı":115857,"çļĦ人æĿ¥è¯´":115858,"æĹ¶éļĶ":115859,"ä¸įç®¡ä½ł":115860,"缸è¿ij":115861,"è´µéĩijå±ŀ":115862,"ä¹Łä¸įåı¯èĥ½":115863,"ç²īæľ«":115864,"åįĹçĵľ":115865,"çϽ马":115866,"åħīæºIJ":115867,"éĩijå¥ĸ":115868,"çĭ¬è§Ĵ":115869,"çĭ¬è§Ĵåħ½":115870,"妨ç¢į":115871,"ç»ĻåĬĽ":115872,"ä½Ĩä»į":115873,"å¼łå®¶åı£":115874,"èIJ¬åħĥ":115875,"渲æŁĵ":115876,"éķ¿å¤§äºĨ":115877,"è®°èĢħäºĨè§£":115878,"æĢĢçĿĢ":115879,"è¦ģåѦä¼ļ":115880,"游æĪı代":115881,"游æĪı代ç»ĥ":115882,"äºĮçϾ":115883,"æĦıè¯Ĩå½¢æĢģ":115884,"çݺ":115885,"计åĪĴçĶŁèĤ²":115886,"æī¾åĩĨ":115887,"åħ°èĬ±":115888,"è¿Ļ座åŁİå¸Ĥ":115889,"污泥":115890,"å®ĺæĸ¹å¾®ä¿¡":115891,"å½Ĵå±ŀ":115892,"æ°§æ°Ķ":115893,"éģİç¨ĭä¸Ń":115894,"åį°è±¡æ·±åĪ»":115895,"稳妥":115896,"çµIJæĿŁ":115897,"åŃķæľŁ":115898,"çĿĥ":115899,"åĿļåĽº":115900,"顺åĬ¿":115901,"æŀľèͬ":115902,"éĨ«å¸«":115903,"åİ®":115904,"ä¹Łæĺ¯å¦ĤæŃ¤":115905,"é¦Ĵ头":115906,"缸åĬ©":115907,"干线":115908,"ä¸Ģæľ¬ä¹¦":115909,"绥":115910,"æĮ¯å¥ĭ":115911,"èĤ¾èĦı":115912,"åĭķçī©":115913,"é£ŀè·ĥ":115914,"èıľåĵģ":115915,"å¤ļä½Ļ":115916,"å¤ļä½ĻçļĦ":115917,"éĢĿä¸ĸ":115918,"æģĭ人":115919,"å¼ĢåıijåĪ©ç͍":115920,"顺丰":115921,"éĩİå¿ĥ":115922,"æł¡å¤ĸ":115923,"æģIJé¾Ļ":115924,"éĿ¢åħ·":115925,"éķ¿è¾Ī":115926,"éļıå¤Ħ":115927,"éļıå¤Ħåı¯è§ģ":115928,"紧缺":115929,"éĩįä¸Ń":115930,"éĩįä¸Ńä¹ĭ":115931,"éĩįä¸Ńä¹ĭéĩį":115932,"奥æĸ¯":115933,"奥æĸ¯åį¡":115934,"ä¸Ģ个å¤ļ":115935,"ä¸Ģ个å¤ļæľĪ":115936,"ä¸įåı¯ç¼ºå°ij":115937,"æĸ°æł¼å±Ģ":115938,"æıIJæĮ¯":115939,"è¡Įè´¿":115940,"æ¼Ĥæµģ":115941,"èģĬåŁİ":115942,"åħ´å»º":115943,"è´¨æ£Ģ":115944,"ç§ģæľį游æĪı":115945,"æĽ´éĩįè¦ģ":115946,"è´®":115947,"çħľ":115948,"转åıĺ为":115949,"è¿Ļ两年":115950,"ä¿Ŀé²ľ":115951,"æī§æķĻ":115952,"çĥ¨":115953,"å¼Ģåıij建设":115954,"è¿IJèIJ¥ç®¡çIJĨ":115955,"误差":115956,"京åī§":115957,"å¸IJåı·":115958,"å·¥ä½ľä½ľé£İ":115959,"ä¸ĸä¿Ĺ":115960,"çϽ宫":115961,"å¤©åĽ½":115962,"å¤©åĽ½ç»§ç»Ń":115963,"å·´æĸ¯":115964,"èIJ¥åĪ©":115965,"åĵģæł¼":115966,"æĿijæ°ij们":115967,"æĪ¿è½¦":115968,"çŃīçĹĩçĬ¶":115969,"å¦Ĥå®ŀ":115970,"宸":115971,"å±Ĥ级":115972,"éĶĻè¿ĩäºĨ":115973,"ç»ĵå®ŀ":115974,"ç¬ijèĦ¸":115975,"羣å®ŀæĢ§":115976,"éĥ½å¸ĤæĬ¥":115977,"é¥Ńèıľ":115978,"åºĶ注æĦı":115979,"æĬ½çĥŁ":115980,"伪éĢł":115981,"åīįä¸Ģ天":115982,"éŃĶé¾Ļ":115983,"éŃĶé¾Ļ令çīĮ":115984,"约è°Ī":115985,"绣çѹæİ¨è¿Ľ":115986,"让ç͍æĪ·":115987,"åħ¨éĿ¢èIJ½å®ŀ":115988,"å¼Ħå¾Ĺ":115989,"è°Īæģĭçα":115990,"鸣æĪIJéķ¿":115991,"鸣æĪIJéķ¿è®°":115992,"æ´ĭæ´ĭ":115993,"çĸıæķ£":115994,"éĿ¢ç§¯çº¦":115995,"æµĵ缩":115996,"æĸ¯é¡¿":115997,"çĶŁæĢģåľĪ":115998,"æī§å¯¼":115999,"ç§»éĢģ":116000,"齿轮":116001,"æł¹æľ¬å°±ä¸į":116002,"缩åĩı":116003,"èµ°ä¸ĭåİ»":116004,"çĿ«æ¯Ľ":116005,"ä¹Łä¸įéĶĻ":116006,"åıįæĺłåĩº":116007,"èĭ¦æģ¼":116008,"缸åħ³æĶ¿çŃĸ":116009,"é«ĺ楼":116010,"ç²īèī²":116011,"æĬķèµĦé¢Ŀ":116012,"ä¸įç»ı":116013,"ä¸įç»ıæĦı":116014,"å®ģæĦ¿":116015,"èĪĮ头":116016,"æ»ĭçĶŁ":116017,"å®ģåİ¿":116018,"åīįåĪĹèħº":116019,"åĩ³":116020,"é£Łæ¬²":116021,"åıĸèĥľ":116022,"éĻ¢åŃIJ":116023,"ç´łè´¨æķĻèĤ²":116024,"滨å·ŀ":116025,"æĬ¢æĬĵ":116026,"å¼Ĥåij³":116027,"åĴļ":116028,"åĬį":116029,"宽éĺĶ":116030,"æļ´æ¶¨":116031,"æĥłåıĬ":116032,"è§Ħç¨ĭ":116033,"ä¾Ľåħ»":116034,"éĢģå¾Ģ":116035,"å±±åºĦ":116036,"举äºļ":116037,"å±ķé¦Ĩ":116038,"è§£éĶģ":116039,"æĹłè§Ĩ":116040,"éĻįèIJ½":116041,"è¿ŀäºij":116042,"è¿ŀäºij港":116043,"åıĤè°ĭ":116044,"çİĸ":116045,"ç¬ĥ":116046,"èĢĹè´¹":116047,"æī¿å¾·":116048,"社ä¼ļæķĪçĽĬ":116049,"åįĹæµ·ç½ij":116050,"åĪĽä¼¤":116051,"èIJ±":116052,"åħħæ²Ľ":116053,"ç½ijç«Ļ建设":116054,"大åºĨ":116055,"åĨįéĢł":116056,"åŃĹæł·":116057,"åħ¨æ°ijåģ¥èº«":116058,"èĮ«èĮ«":116059,"æµ®åĬ¨":116060,"åīįåı°":116061,"å¢ŀ设":116062,"éĢĽè¡Ĺ":116063,"åĢĴéĹŃ":116064,"æ³ķå¾ĭ顾éĹ®":116065,"çĸ®":116066,"çĹħçĹĩ":116067,"空åīį":116068,"请æķĻ":116069,"èĥľä»»":116070,"æĿĢèıĮ":116071,"æĪĺæĸĹæľº":116072,"ç»ĺåζ":116073,"å¤Ħæĸ¹":116074,"çªģåĽ´":116075,"çĮ«åĴª":116076,"æĬ¥åijĬæĺ¾ç¤º":116077,"ç¿Ł":116078,"çķ¶åľ°":116079,"æľĢéļ¾":116080,"纪å§Ķ书记":116081,"ä½İåİĭ":116082,"èĻļ空":116083,"è¿Ļéĥ¨ç͵影":116084,"产ä¸ļåįĩ级":116085,"è°·çα":116086,"è°·çαåĩĮ":116087,"æĬ¼éĩij":116088,"女æĸ¹":116089,"éĴ»çłĶ":116090,"æļĹæļĹ":116091,"è¿·ä½ł":116092,"æīĢè¬Ĥ":116093,"å¨ģå»ī":116094,"å¼ĢæľĹ":116095,"å²Ķ":116096,"çģ«çĤ¬":116097,"åIJĪçIJĨæĢ§":116098,"åħ¬åĬŀ":116099,"ä¼ļä¼ļéķ¿":116100,"éĺ´è°ĭ":116101,"å¼Ģå±Ģ":116102,"æĻ®éĢļè¯Ŀ":116103,"å᡿ĭī":116104,"å°ijåIJĥ":116105,"éĹªèĢĢ":116106,"æŀľæ±ģ":116107,"æī§è¡ĮåĬĽ":116108,"è°Ľ":116109,"æĬ¢åĬ«":116110,"é«ĺéĢŁåıijå±ķ":116111,"飬":116112,"åįĹæ²Ļ":116113,"é«ĺçŃīåŃ¦æł¡":116114,"æį¢ä¸ª":116115,"åı¯èĥ½åŃĺåľ¨":116116,"æĬĴ":116117,"è°±åĨĻ":116118,"被æĬĵ":116119,"æĿ¯åŃIJ":116120,"èĬĤèĥ½åĩıæİĴ":116121,"æ°ĶåĢĻåıĺåĮĸ":116122,"åĪĨåĪ¥":116123,"ä¸Ńæŀ¢":116124,"欢åij¼":116125,"åħī纤":116126,"è¿Ļ群":116127,"çľ¼çķĮ":116128,"åħ±åIJĮåıijå±ķ":116129,"çݰä»Ĭ":116130,"éĹ»è¨Ģ":116131,"çī¹èī²å°ıéķĩ":116132,"æķij人":116133,"éĻįæ°´":116134,"ä¸ĸçķĮä¸Ģæµģ":116135,"å°±é¤IJ":116136,"çŀ¥":116137,"å¤įä»ĩ":116138,"ç¾½æ¯Ľ":116139,"ç¾½æ¯ĽçIJĥ":116140,"è´©åįĸ":116141,"æºIJæ³ī":116142,"æĢ»ä½ĵè§ĦåĪĴ":116143,"åĬ¨æĦŁ":116144,"ä¸Ģ审":116145,"åĢŁéĴ±":116146,"è§ģæķĪ":116147,"èĬ±èįī":116148,"åIJĮä¸ļ":116149,"æŁ¥è©¢":116150,"åĽ½éĻħåIJĪä½ľ":116151,"ä¾ĽåĽ¾":116152,"åģ´":116153,"æłĵ":116154,"缸éĢļ":116155,"è°ĪåıĬ":116156,"è¿ĩç¨ĭå½ĵä¸Ń":116157,"é¦Ļèıĩ":116158,"åįģåĽĽæĿ¡":116159,"ä¸Ģå¼Ģå§ĭå°±":116160,"ä¸ĵåijĺ":116161,"æĺİ顯":116162,"æīĵéĢłåĩº":116163,"ä¸ĭéĿ¢æĪij们":116164,"æľºæ²¹":116165,"åı°è¯į":116166,"åŃIJå¼Ł":116167,"æľĢ常è§ģçļĦ":116168,"æĪijè®°å¾Ĺ":116169,"ç»°":116170,"æĤ¬æµ®":116171,"è¿ĺ羣æĺ¯":116172,"æĮĤåı·":116173,"åıĭåĸĦ":116174,"éĩį伤":116175,"çħ§äº®":116176,"æŃ¦èѦ":116177,"åĩºçݰéĹ®é¢ĺ":116178,"è¸Ĭè·ĥ":116179,"åľ°çIJĥä¸Ĭ":116180,"å¸Ĥ人大":116181,"åıĹ害人":116182,"å²IJ":116183,"åIJĮåѸ":116184,"éĩijèŀįå¸Ĥåľº":116185,"æľīçļĦçݩ家":116186,"å¸ĤæķĻèĤ²":116187,"å¸ĤæķĻèĤ²å±Ģ":116188,"åIJĦå¼Ĥ":116189,"ç·ļä¸Ĭ":116190,"æģº":116191,"æľī大éĩıçļĦ":116192,"åķĨæĬ¥":116193,"åįķåįķ":116194,"åħ¨é¢Ŀ":116195,"ä¾ĿæĹ§æĺ¯":116196,"好åĩłä¸ª":116197,"åĸµ":116198,"éĩįæķ´":116199,"çĶŁæ´»è´¨éĩı":116200,"æİ¢è®¿":116201,"åį°èĬ±":116202,"缼è¡Į":116203,"å¾®è§Ĥ":116204,"èĪįå¾Ĺ":116205,"åºŁå¼ĥçī©":116206,"积èĵĦ":116207,"å®ļå±ħ":116208,"æĤ¼":116209,"èĮ¸":116210,"çļĦ帮åĬ©":116211,"çļĦ帮åĬ©ä¸ĭ":116212,"亿åIJ¨":116213,"åŃĶéĽĢ":116214,"è¿ĻæĿ¡è·¯":116215,"饵":116216,"æĦĪåĬł":116217,"éķį":116218,"ä½ľæ¡Ī":116219,"èįĶæŀĿ":116220,"太å°ij":116221,"跻身":116222,"åħ¬çĽĬæ´»åĬ¨":116223,"çϽæĸij":116224,"æĬĢæľ¯æ°´å¹³":116225,"帧":116226,"æĹłçŁ¥":116227,"åºĶ该æĢİä¹Ī":116228,"éĢĢå¸Ĥ":116229,"æ¸Ń":116230,"åħ»çĮª":116231,"驼":116232,"ç¾¤å²Ľ":116233,"大åį«":116234,"ä¹ĺçĶ¨è½¦":116235,"èı²å°Ķ":116236,"è´´åIJ§":116237,"åģľä¸ĭæĿ¥":116238,"æľīæľºç»ĵåIJĪ":116239,"åĪ»èĭ¦":116240,"çļĦåľ°":116241,"çļĦåľ°æŃ¥":116242,"è¯ĬæīĢ":116243,"å¼ĢæĪĺ":116244,"èĢģçīĮ":116245,"çѹçłģ":116246,"åħ«å¤§ä»¥æĿ¥":116247,"楼æĪ¿":116248,"åŃĻæĤŁ":116249,"åŃĻæĤŁç©º":116250,"åħĴåŃIJ":116251,"第ä¸ĢæĿ¡":116252,"社交åªĴä½ĵ":116253,"æĥ³èµ·æĿ¥":116254,"大æ´ĭ":116255,"æĭ¼éٳ":116256,"è¿Ľåįļä¼ļ":116257,"è¿ĩåħ³":116258,"æ²¼":116259,"ç©¿æIJŃ":116260,"éĤ£ä¸Ģ天":116261,"çł´éŨ":116262,"æĬķæłĩ人":116263,"赢家":116264,"èĻļå¼±":116265,"æ¿ĥ":116266,"å®īæ£Ģ":116267,"客家":116268,"çĭ¬ç«ĭèij£äºĭ":116269,"æīĭåĬ¿":116270,"åīµéĢł":116271,"åľĨ满å®ĮæĪIJ":116272,"为主线":116273,"好å¥ĩå¿ĥ":116274,"é¢ĨåľŁ":116275,"çªĸ":116276,"åħ¸åŀĭæ¡Īä¾ĭ":116277,"çªģåıijäºĭä»¶":116278,"åºķæ°Ķ":116279,"头æĻķ":116280,"å®Ľå¦Ĥ":116281,"觸":116282,"æ¸ħæ·¡":116283,"åļ¼":116284,"åģľç͵":116285,"ç²īå°ĺ":116286,"éĻįä½İæĪIJæľ¬":116287,"æĶ¾æīĭ":116288,"è®°èĢħ表示":116289,"æĭĸå»¶":116290,"éªĩ":116291,"æ®ĭå¿į":116292,"çľģæķĻèĤ²":116293,"çľģæķĻèĤ²åİħ":116294,"é«ĺé¢Ŀ":116295,"éĦĻ":116296,"æ¥ŀ":116297,"åĨħç§ij":116298,"èIJ¥ä¸ļé¢Ŀ":116299,"åŁºçŁ³":116300,"æµģæ·Į":116301,"主æĹ¨":116302,"éĺIJéĩĬ":116303,"建åįİ":116304,"æĥĬåı¹":116305,"çī¢åĽºæłijç«ĭ":116306,"æĺ¯åIJ¦åŃĺåľ¨":116307,"建åĨĽ":116308,"éĽ¾éľ¾":116309,"åħ¬è®¤":116310,"åħ¬è®¤çļĦ":116311,"æ°¨åŁº":116312,"æ°¨åŁºéħ¸":116313,"åīįåĩłå¹´":116314,"åιéĤ£":116315,"æ±Łä¸ľ":116316,"å·¥æ¥Ń":116317,"ä¸ĢçĤ¹ä¹Łä¸į":116318,"修士":116319,"äºĨä¸Ģéģį":116320,"åĪģ":116321,"æ»ļæ»ļ":116322,"åĪĨæł¡":116323,"羣çα":116324,"è¡ĢèĦī":116325,"æĢ¥åī§":116326,"ä¸Ģ群人":116327,"羯":116328,"æĪIJé¾Ļ":116329,"ç²¾ç¥ŀçĹħ":116330,"缸åħ³äººåijĺ":116331,"éĿĵ丽":116332,"ä¸īåŃ£åº¦":116333,"åĪĴå®ļ":116334,"ä¸ĸçķĮ第ä¸Ģ":116335,"éĢļä¿Ĺ":116336,"åķĨä¸ļåľ°äº§":116337,"åĬŁèĥ½æĢ§":116338,"èµĦæľ¬ä¸»ä¹ī":116339,"详è§ģ":116340,"æĬĵæįķ":116341,"æĸĩæĺĮ":116342,"å®Ŀå®ī":116343,"è£ħéħįå¼ı":116344,"æºIJæºIJ":116345,"æºIJæºIJä¸įæĸŃ":116346,"çĶŁæĢķ":116347,"纵åIJij":116348,"壽":116349,"çľ¼è¢ĭ":116350,"èĤīä½ĵ":116351,"åı¤ä»Ĭ":116352,"èŀįåªĴä½ĵ":116353,"åģī":116354,"æł¼æľĥåĵ¡":116355,"çĥ·":116356,"åĬŁç͍":116357,"æīŃ磩":116358,"绿èī²éĢļéģĵ":116359,"åī§ç»Ħ":116360,"å¼±åĬ¿":116361,"è´¨éĩıéĹ®é¢ĺ":116362,"éĻIJé¢Ŀ":116363,"éªĨ":116364,"éģµä¹ī":116365,"å¯Ŀ室":116366,"æĥ³å¿µ":116367,"åł±åijĬ":116368,"ä»ħ次":116369,"ä»ħ次äºİ":116370,"èŀįåĪĽ":116371,"æĭĽèģĺä¼ļ":116372,"åºĬåŀ«":116373,"转åŀĭåıijå±ķ":116374,"ä¸ŃåĽ½çĶµä¿¡":116375,"åIJ¬è¯Ŀ":116376,"è«ĭæ±Ĥ":116377,"大éĥ¨åĪĨ人":116378,"æ´»å¾Ĺ":116379,"åĵŃæ³£":116380,"è¶Ļ":116381,"åıijçĹħçİĩ":116382,"ä¸į符":116383,"åĨĽå®ĺ":116384,"é¢Īæ¤İ":116385,"æĸ°åĨłçĸ«æĥħ":116386,"æŁ¬åŁĶ":116387,"æŁ¬åŁĶ寨":116388,"ä»»ä½ķå½¢å¼ı":116389,"人éĻħ":116390,"人éĻħåħ³ç³»":116391,"æĢ»æī¿åĮħ":116392,"å¹³åĿĩæ¯ı":116393,"æģŃåĸľ":116394,"åĦĺ":116395,"åħµé©¬":116396,"è¿Łåΰ":116397,"工伤":116398,"çīĪæĿĥå½Ĵ":116399,"çīĪæĿĥå½ĴåİŁ":116400,"æĭ¥æĬ¤":116401,"ç³Ĭæ¶Ĥ":116402,"å¹²æ¶ī":116403,"å°ijä¸įäºĨ":116404,"æĥ³æī¾":116405,"è´¹çİĩ":116406,"该éĻ¢":116407,"èŀįåĮĸ":116408,"è¿İåIJĪ":116409,"è§ĨåIJ¬èĬĤ缮":116410,"æł¼ç¶²ç«Ļ":116411,"çľīæ¯Ľ":116412,"欢è¿İ大家":116413,"å®¶åºŃæķĻèĤ²":116414,"ä¾µèļĢ":116415,"ç»Ļä½łä»¬":116416,"è¡Ģ液循çݯ":116417,"å¯Ħæīĺ":116418,"å°ĸåı«":116419,"以ä¸ĭåĩłä¸ª":116420,"è¿ĺ以为":116421,"åħ¶ä»ĸçݩ家":116422,"ç¬ijç¬ij":116423,"æīĵåIJ¬":116424,"èĩªçĦ¶ç§ijåѦ":116425,"åŁºç«Ļ":116426,"ä¹Ŀå·ŀ":116427,"ä¿Ŀ驾":116428,"ä¿Ŀ驾æĬ¤":116429,"ä¿Ŀ驾æĬ¤èĪª":116430,"æĶ¾çľ¼":116431,"çŁ¥åIJįä¼ģä¸ļ":116432,"縮":116433,"稽":116434,"æļĩ":116435,"使çĶ¨ç¶²è·¯":116436,"é¢ĦçķĻ":116437,"大象":116438,"åıijæĺİä¸ĵåĪ©":116439,"æĸĩ娱":116440,"éĢłç¦ı":116441,"湿润":116442,"éĿ¢æĿ¡":116443,"æ¶Īè´¹åįĩ级":116444,"è®Ĭå¾Ĺ":116445,"åĩłåIJį":116446,"ä»Ħ":116447,"认æ¸ħ":116448,"è¿ľæĻ¯":116449,"æıĴ座":116450,"诸侯":116451,"åıĺæĢģ":116452,"ç¦ı彩":116453,"è´§æŀ¶":116454,"失æİ§":116455,"ç§»åĬ¨ç«¯":116456,"ä¸Ĭåı¸":116457,"éĢłçº¸":116458,"å¸ĥæľĹ":116459,"çĴĩ":116460,"åı°åįĹ":116461,"åĮĹ京åĨ¬å¥¥":116462,"èĵĿçīĻ":116463,"éķ¿çŁŃ":116464,"æĬĺå°Ħ":116465,"ç»ijæŀ¶":116466,"å¯Ĵåģĩ":116467,"è½¬åŁºåĽł":116468,"æĢ¥äºİ":116469,"æŃ£åĵģ":116470,"åħħ滿":116471,"大纲":116472,"æĬĹä½ĵ":116473,"è¨ĵç·´":116474,"æĶ¶ç´§":116475,"æ¯Ķè³½":116476,"åħµåĬĽ":116477,"æľ¬æĽ¸":116478,"äºĮ代":116479,"æĢ¥è¯Ĭ":116480,"æĸĩæ¡Ī":116481,"ç»ıåķĨ":116482,"æĻ¨æĬ¥":116483,"æ£ĺ":116484,"æĢ»ä¹¦è®°åľ¨":116485,"åıĹéĤĢ":116486,"äºĶåĽĽ":116487,"å²ŃåįĹ":116488,"çαåIJĥ":116489,"åŁĥå°Ķ":116490,"å¿ĥå¢ĥ":116491,"è¦ĨçĽĸéĿ¢":116492,"å®ŀåľ¨æĺ¯å¤ª":116493,"æł¹åºķ":116494,"纷纷表示":116495,"åĹħ":116496,"éļıçĿĢæĹ¶éĹ´":116497,"åİĨåı²æĤłä¹ħ":116498,"éħī":116499,"æĢ»éĺŁ":116500,"主é¢ĺæ´»åĬ¨":116501,"éĹ®åį·":116502,"é©¿ç«Ļ":116503,"æı¡ä½ı":116504,"åı¯èĥ½å¯¼èĩ´":116505,"æ°ijéĸĵ":116506,"éĸĭåķŁ":116507,"ä½Ĩä¸įéĻIJ":116508,"ä½Ĩä¸įéĻIJäºİ":116509,"åįģéĩĮ":116510,"娥":116511,"æįŁèĢĹ":116512,"çĸı导":116513,"çݯ氧":116514,"ç¥ŀéĢļ":116515,"çαå°Ķ":116516,"çαå°Ķåħ°":116517,"æľ´å®ŀ":116518,"å¿«æĬ¥":116519,"æĶ¶åıĹ":116520,"æĪĸ許":116521,"èĥĮéĿ¢":116522,"æĸĩåĮĸä¼łåªĴ":116523,"ä¸īåĢĭ":116524,"æĶ»åĬ¿":116525,"å®ī举":116526,"å®īä¸ľå°¼":116527,"åĿĩå·²":116528,"顾èĻij":116529,"éĦŃ":116530,"è¿Ļå®¶åħ¬åı¸":116531,"åħ¬åijĬç§°":116532,"æıIJä¾Ľä¼ĺè´¨":116533,"稳æŃ¥æİ¨è¿Ľ":116534,"å¤įè¯ķ":116535,"å°Ĩé¢Ĩ":116536,"è°Īèµ·":116537,"å¨Ħ":116538,"è¿ŀ线":116539,"æ©ŁéĹľ":116540,"åºĶçĶ¨åľºæĻ¯":116541,"çĶ»åĥı":116542,"è´¢è¿IJ":116543,"ä¿Ŀéļª":116544,"çĹħçIJĨ":116545,"æ¯Ľä¸»å¸Ń":116546,"ä¸Ŀ毫ä¸į":116547,"çαå¥ĩ":116548,"çαå¥ĩèīº":116549,"ä¸ĵå®¶ç»Ħ":116550,"åij¼åͤ":116551,"éĭ¼":116552,"çģ¸":116553,"é¢ĨåħĪåľ°ä½į":116554,"æıIJæĭĶ":116555,"龸éģĵ":116556,"å±±åĿ¡":116557,"èĿİ":116558,"沸èħ¾":116559,"该项":116560,"ä»ĬçĶŁ":116561,"ä¸Ģç¯ĩæĸĩ竳":116562,"æĸ¹å¼ıè¿Ľè¡Į":116563,"é»ij客":116564,"æĶ¹åĬ¨":116565,"主é¡Į":116566,"æķ£å¸ĥ":116567,"ä»Ģä¹Īåľ°æĸ¹":116568,"åĮĸåIJĪ":116569,"åĮĸåIJĪçī©":116570,"éĿĻç͵":116571,"æĢ»æĶ¶åħ¥":116572,"å§Ķç»Ħç»ĩ":116573,"å§Ķç»Ħç»ĩéĥ¨":116574,"éĿĻæĢģ":116575,"èĢģåŃĹåı·":116576,"室åıĭ":116577,"éĥ½ä¸įæķ¢":116578,"æŀ¶åŃIJ":116579,"ç쵿ķı":116580,"审è§Ĩ":116581,"æĤ£åĦ¿":116582,"山寨":116583,"èĸªèµĦ":116584,"é©°æı´":116585,"éĥ¨åĪĨåĨħ容":116586,"好似":116587,"æĪIJåijĺåĽ½":116588,"åľ¨æĪijçľĭæĿ¥":116589,"åħ³æ³¨åº¦":116590,"éĻĪæŁIJ":116591,"è¿Ļç§įäºĭæĥħ":116592,"éĢīå®ļ":116593,"ç²¾åŃIJ":116594,"å£ģçĶ»":116595,"æ±Łæ·®":116596,"é«ĺæĺĤ":116597,"æł¼åĬĽ":116598,"輩":116599,"åѦåłĤ":116600,"æĤ¨åIJĮæĦı":116601,"ä¸ĢåĪĩéĥ½æĺ¯":116602,"潤":116603,"éĸĥ":116604,"å¸ĮæľĽèĩªå·±":116605,"ä¿ĺ":116606,"æ±Łåİ¿":116607,"æ³¾":116608,"ç§ijæķĻ":116609,"æīĵè¿Ľ":116610,"ä¸įæħİ":116611,"å¯ĴåĨ¬":116612,"æ¸Ķæ°ij":116613,"鼷æĸ¯":116614,"主宰":116615,"æĹħ游度åģĩ":116616,"ç͵åŃIJéĤ®ä»¶":116617,"æ±Ĥå©ļ":116618,"éļİæ®µ":116619,"åģ¥èº«æĪ¿":116620,"注æĺİåĩºå¤Ħ":116621,"äºĭæķħåıijçĶŁ":116622,"级以ä¸Ĭ":116623,"åŃĺæ´»":116624,"æĸ½èĤ¥":116625,"èľľèľĤ":116626,"嵩":116627,"æĮĸæİĺæľº":116628,"æĬĹæĭĴ":116629,"ä¼łå¯¼":116630,"æĺ¯ä»Ģä¹Īåij¢":116631,"ä¸Ĭå¹´åIJĮæľŁ":116632,"建åħļ":116633,"çĶŁæħĭ":116634,"ä¿Ŀä½ı":116635,"款车åŀĭ":116636,"人èĦī":116637,"éļIJèͽ":116638,"失æķĪ":116639,"éģ¿åŃķ":116640,"ç®Ģ便":116641,"è°¢è°¢ä½ł":116642,"å®Īä½ı":116643,"æĶ¾æĺł":116644,"è¨Īçķ«":116645,"çݰ代çµģ":116646,"é¤IJ廳":116647,"æķħå±ħ":116648,"大大å°ı":116649,"大大å°ıå°ı":116650,"çī¹åΫ声æĺİ":116651,"éģįåıĬ":116652,"å¿ĥçIJĨåĴ¨è¯¢":116653,"è³´":116654,"çĮ®è¡Ģ":116655,"å·²ç»ıè¾¾åΰ":116656,"æīĵæĭĽåij¼":116657,"åıĮè¾¹":116658,"ä¸Ģæĸ¹éĿ¢æĺ¯":116659,"å´ĩå°ļ":116660,"éĺ¿å¯Į":116661,"éĺ¿å¯Įæ±Ĺ":116662,"æĮģæľī人":116663,"è±ģ":116664,"é£İçŃĿ":116665,"åĬ¨èį¡":116666,"äºĨä¸Ģä¼ļ":116667,"äºĨä¸Ģä¼ļåĦ¿":116668,"ä¸ĩ象":116669,"çľĭç͵è§Ĩ":116670,"åįģä¸īæĿ¡":116671,"çĮĽçĥĪ":116672,"è¦ģä¸įçĦ¶":116673,"太æŀģæĭ³":116674,"å¼ķçĪĨ":116675,"ç»ıè¿ĩå¤ļå¹´":116676,"游æĪıéĩĮçļĦ":116677,"é¾Ļæ³ī":116678,"æłĩéħį":116679,"è®ĵä»ĸåĢij":116680,"éĢłæŀĹ":116681,"åĮºåŁŁæĢ§":116682,"亿ä¸ĩ":116683,"æĪĺçķ¥å¸ĥå±Ģ":116684,"éķĩæĶ¿åºľ":116685,"åĶ®ç¥¨":116686,"çĶŁäº§å·¥èīº":116687,"éķĩåħļå§Ķ":116688,"ä¸Ńå°ıåŀĭ":116689,"æľ¨è̳":116690,"河边":116691,"èĦ¾èĥĥ":116692,"欢è¿İæĤ¨":116693,"åıĺå¼Ĥ":116694,"缤纷":116695,"åŀĥåľ¾æ¡¶":116696,"辩è¯ģ":116697,"车åºĵ":116698,"æ¯Ķçİĩ":116699,"åħ´æĹº":116700,"详ç»ĨäºĨè§£":116701,"å®īå±ħ":116702,"çħ§æĸĻ":116703,"æĸ¹æīį":116704,"赦":116705,"åĨķ":116706,"å¥Ķèµ´":116707,"å®Ŀ鸡":116708,"åľºåĿĩ":116709,"缮åīįæŃ£åľ¨":116710,"åIJŀåϬ":116711,"è¿°èģĮ":116712,"æĩµ":116713,"å¥ĩçijŀ":116714,"ä»įå°Ĩ":116715,"èĪī辦":116716,"å·¥åķĨå±Ģ":116717,"å¡ijèĥ¶":116718,"åĬŀå®ŀäºĭ":116719,"æĸ¹æĸ¹éĿ¢":116720,"æĸ¹æĸ¹éĿ¢éĿ¢":116721,"æĸĩåĮĸèĬĤ":116722,"åħ¥èģĮ":116723,"鸥":116724,"ç©¿éĢı":116725,"ä»¥ä¹łè¿ijå¹³":116726,"åį±éļª":116727,"æľ¦èĥ§":116728,"åİĨåı²æĢ§":116729,"æķŀå¼Ģ":116730,"ä¼Ļä¼´åħ³ç³»":116731,"çŁ¿åĮº":116732,"åĽ½éĻħåľ¨çº¿":116733,"ä¼łå¥ĩéĩĮéĿ¢":116734,"è¿ijäºĽ":116735,"è¿ijäºĽå¹´":116736,"åĬ£åĬ¿":116737,"æĶ»åĩ»åĬĽ":116738,"æĻºéĢł":116739,"禧":116740,"çİĭåħĪçĶŁ":116741,"éĨ«çĶŁ":116742,"åĽĽé¡¹":116743,"å®ŀæĻ¯":116744,"åĪĿåĪĽ":116745,"å¿ĥ裡":116746,"æĻ¶ä½ĵ":116747,"交éĻħ":116748,"让æ¶Īè´¹èĢħ":116749,"课æĸĩ":116750,"æİĴæ°Ķ":116751,"å¹¶ä¸įæĦıåij³":116752,"çĽ¸å£°":116753,"第ä¸Ģå±Ĭ":116754,"åİŁèijĹ":116755,"鼾":116756,"没æľī太大":116757,"补水":116758,"çµģä¼ģä¸ļ":116759,"第äºĮæī¹":116760,"åħ¶å®ĥéĹ®é¢ĺ":116761,"æİĮéŨ":116762,"责任å¿ĥ":116763,"é¤IJåħ·":116764,"ç¾Ĭæ¯Ľ":116765,"没æľīå¿ħè¦ģ":116766,"ä¹IJåĽ¢":116767,"è¿ĽåŁİ":116768,"ä¸ĢçĤ¹åĦ¿":116769,"身形":116770,"çļ®èĤ¤çĹħ":116771,"æĺ±":116772,"å¢ŀèĩ³":116773,"è첿ĺİ":116774,"æıIJè´¨":116775,"ä½ĵèĤ²åľº":116776,"çŃ¹å»º":116777,"é¬Ĩ":116778,"车çīĮ":116779,"éļĶéŁ³":116780,"è´Łè´£åIJĮå¿Ĺ":116781,"丰ç¡ķ":116782,"ä½ĽéĻĢ":116783,"äºīåIJµ":116784,"庶":116785,"æ·¡æ°´":116786,"å°ıçĶ·åŃ©":116787,"ç§ģèĩª":116788,"åĮĸè¿Ľç¨ĭ":116789,"æĪĺ士æĿ¥è¯´":116790,"æ²¹èħ»":116791,"èĦ±è´«èĩ´å¯Į":116792,"æĹ¥å¸¸å·¥ä½ľ":116793,"交èŀį":116794,"åĨľè´¸":116795,"åĨľè´¸å¸Ĥåľº":116796,"åĵĪçĻ»":116797,"çĶµè´¹":116798,"èµĺ":116799,"åıĮèħ¿":116800,"æĵĶå¿ĥ":116801,"æĿ¥å½¢å®¹":116802,"使åij½æĦŁ":116803,"éĤ£ä¹Īç®Ģåįķ":116804,"èĬĻèĵī":116805,"åĢŁæ¬¾äºº":116806,"ç§Ģ丽":116807,"è®ĵä»ĸ":116808,"严åİīæīĵåĩ»":116809,"è³ŀ":116810,"æļ«":116811,"çħ¤æ°Ķ":116812,"çάä¸Ĭ":116813,"æ½ĩæ´Ĵ":116814,"太ä¹ħ":116815,"åij½åIJį为":116816,"è·¯çͱ":116817,"è·¯çͱåύ":116818,"驯":116819,"æıIJæĹ©":116820,"æĬĹåĩ»çĸ«æĥħ":116821,"åĩĽ":116822,"交åıĭ":116823,"éĶĢåĶ®æ¸łéģĵ":116824,"毫ä¸įçĬ¹è±«":116825,"èIJ¥åľ°":116826,"çłĶ究表æĺİ":116827,"鱼类":116828,"æį¢å±Ĭ":116829,"æİ¡åıĸ":116830,"çīĨ":116831,"缼å¼Ģ":116832,"æ²§æ¡ij":116833,"åºŃ审":116834,"ç»ıæŁ¥":116835,"åĬłå¼·":116836,"缸æ¯Ķäºİ":116837,"ä¸ĵçıŃ":116838,"ä½ĵåŀĭ":116839,"被害":116840,"被害人":116841,"æĶ¶æ¬¾":116842,"åħ·æľīèī¯å¥½":116843,"é«ĺå³°æľŁ":116844,"åģıä½İ":116845,"åĦŁ":116846,"åĨľä¸ļç§ijæĬĢ":116847,"ç®ĬæĥħåĨµ":116848,"å¦Ĥæŀľçݩ家":116849,"éķ¿çº¦":116850,"第åħŃå±Ĭ":116851,"åħ¬å¼ĢæĭĽèģĺ":116852,"åĪĩæĸŃ":116853,"迫使":116854,"çĸĹç¨ĭ":116855,"第äºĮç§į":116856,"ä¸įåħį":116857,"å¹²èѦ":116858,"çŁ³æ¦´":116859,"åĹ£":116860,"两类":116861,"çε士":116862,"åŁİ乡å±ħæ°ij":116863,"æŃ¤é¡¹":116864,"缴è¾ĸ":116865,"缴è¾ĸå¸Ĥ":116866,"åij¼åºĶ":116867,"éĴ¯":116868,"ç¦ıå¾·":116869,"æľºèº«":116870,"æĵįåľº":116871,"æ¿Ĵ临":116872,"人群ä¸Ń":116873,"èĤ¡æ°ij":116874,"åѽ":116875,"æ³ķåħ°":116876,"é¨İ":116877,"糯米":116878,"æĢ»çļĦ":116879,"æĢ»çļĦæĿ¥è¯´":116880,"åħ¸éĽħ":116881,"æĸ°éĻĪ":116882,"æĸ°éĻĪ代谢":116883,"缮çĿ¹":116884,"é¢Ħè¨Ģ":116885,"è·Įçł´":116886,"æĸ°ç¯ĩ竳":116887,"æ¯ĴæĢ§":116888,"åĸĿèĮ¶":116889,"æŁ¥èİ·":116890,"亮丽":116891,"çĶŁäº§åķĨ":116892,"æĶ¹æĪIJ":116893,"为äºĨæĽ´å¥½":116894,"深交":116895,"深交æīĢ":116896,"æİĥ":116897,"ä¹ĻèĤĿ":116898,"泸å·ŀ":116899,"åħĪè¿ĽæĬĢæľ¯":116900,"è¾ĵç»Ļ":116901,"æķ£æĪ·":116902,"æĢĿç»´æĸ¹å¼ı":116903,"åºĹ主":116904,"è°ĭæ±Ĥ":116905,"游æĪıæĬĢå·§":116906,"ä¸Ģ年级":116907,"çľ¼è§Ĵ":116908,"ä¸Ńä»ĭæľºæŀĦ":116909,"å·§åIJĪ":116910,"éĺ²çĽĹ":116911,"导è´Ń":116912,"æĪĬ":116913,"æĽ´éĢĤåIJĪ":116914,"åŁºæľ¬ä¿¡æģ¯":116915,"马ä¸ģ":116916,"åħ»æ®ĸåľº":116917,"åıįè¿ĩæĿ¥":116918,"æİ¨å´ĩ":116919,"å¯ĨåĪĩåħ³æ³¨":116920,"åŁºéĩijç»ıçIJĨ":116921,"æĮīéĶ®":116922,"åĨħéĥ¨æİ§åζ":116923,"æĪIJåijĺåįķä½į":116924,"æľ¯è¯Ń":116925,"åζæľį":116926,"åĪļéľĢ":116927,"æ£Ģç´¢":116928,"大大æıIJé«ĺ":116929,"åģ¥åº·ç®¡çIJĨ":116930,"èĩªæŃ¤":116931,"客æĪ·éľĢæ±Ĥ":116932,"丰èĥ¸":116933,"èµ·éĩį":116934,"èµ·éĩįæľº":116935,"æ¬łç¼º":116936,"æ¡ĪåŃIJ":116937,"æĥħ人èĬĤ":116938,"åħļæł¡":116939,"è¢ľ":116940,"该åī§":116941,"è¿·å¤±ä¼łå¥ĩ":116942,"ç»ļ丽":116943,"åķª":116944,"æĹłç§ģ":116945,"é̲ä¸ĢæŃ¥":116946,"第ä¸Ģ竳":116947,"åύåħ·":116948,"åĨľèµĦ":116949,"確實":116950,"åºıåĪĹ":116951,"娱ä¹IJå¹³åı°":116952,"èŀįèµĦç§Łèµģ":116953,"èµĦæºIJåħ±äº«":116954,"èģ½åΰ":116955,"æIJŀå¾Ĺ":116956,"ç»§ç»Ńä¿ĿæĮģ":116957,"åIJ¯èĴĻ":116958,"çľº":116959,"ä¸Ŀè·¯":116960,"设æĸ½å»ºè®¾":116961,"æİ¥åľ°":116962,"æİ¥åľ°æ°Ķ":116963,"第ä¸īåŃ£åº¦":116964,"åŁºè°ĥ":116965,"åıijéŁ³":116966,"社ä¼ļèµĦæľ¬":116967,"éĽĩ主":116968,"è¿ŀèĥľ":116969,"没åķ¥":116970,"廢":116971,"èµ¶èµ´":116972,"æ¼ĶåĮĸ":116973,"åı¤æĢª":116974,"çİĭçĪ·":116975,"é¢ĦåħĪ":116976,"å¼Ģåħ·":116977,"åĽŀé¦ĸ":116978,"åľ°ä¸ĭæ°´":116979,"å°ıç¼ĸä¸Ģèµ·":116980,"èµİåĽŀ":116981,"åľ°è²Į":116982,"åĪĿä¸ī":116983,"åı¯ç͍äºİ":116984,"éģĹ迹":116985,"è¿Ļæī¹":116986,"èĸªæ°´":116987,"å¿ħçĦ¶ä¼ļ":116988,"æ²½":116989,"éįĭ":116990,"第ä¸Ģéĥ¨":116991,"åĪĬçī©":116992,"å®ŀä¾ĭ":116993,"æ¸ħåĩĢ":116994,"ä¸ĬèµĽåŃ£":116995,"åĽ¾è¡¨":116996,"éĤ®è½®":116997,"åĵªè£¡":116998,"缸è§ģ":116999,"æī°ä¹±":117000,"æ¯ıæ¯ı":117001,"è¿Ļè¾ĪåŃIJ":117002,"ç¡«éħ¸":117003,"äºī缸":117004,"溯æºIJ":117005,"åĩºä¼Ĺ":117006,"çİīçŁ³":117007,"åħ±çĶŁ":117008,"æĹ¶éĹ´æ®µ":117009,"éĩįè¦ģæĮĩ示":117010,"æ¶Īè´¹éľĢæ±Ĥ":117011,"éķ¿éķ¿":117012,"éķ¿éķ¿çļĦ":117013,"å®īæĬļ":117014,"å¢ŀé«ĺ":117015,"æľ¬è½®":117016,"äº²çľ¼":117017,"é£İæ³¢":117018,"èĢģå¦Ī":117019,"æĶ¶è´¹æłĩåĩĨ":117020,"åĨħéĻĨ":117021,"æĮ¥åıij":117022,"åįĩåѦ":117023,"èĥ¸åīį":117024,"åģıè¿ľ":117025,"纯æ´ģ":117026,"æĸ½å·¥åįķä½į":117027,"身价":117028,"è´¢åĬĽ":117029,"纶":117030,"è£ħçͲ":117031,"æĺ¾ç¤ºåύ":117032,"毫åįĩ":117033,"æ·±çŁ¥":117034,"è̶ç©":117035,"è̶ç©Į":117036,"è¾ĥéĩı":117037,"åľ¨è¿ĩ渡":117038,"åľ¨è¿ĩæ¸¡æľŁ":117039,"èĮĹ":117040,"ä¸Ģ个æĺŁæľŁ":117041,"èĬ·":117042,"è´¿èµĤ":117043,"æ¿ķ":117044,"æĩĤäºĭ":117045,"ç§§":117046,"åħħå½ĵ":117047,"åĽ½ç«ĭ":117048,"èĬ±çĵ£":117049,"éĤĦè¦ģ":117050,"åħ¬åľĴ":117051,"触åĬ¨":117052,"æ³°å·ŀ":117053,"ä»Ģä¹Īæł·":117054,"æ»ĭåħ»":117055,"è¯ĦåΤ":117056,"æĮ¥æīĭ":117057,"èĦĪ":117058,"姥姥":117059,"è¿IJè´¹":117060,"æ¯ħåĬĽ":117061,"å¿ĥæĻº":117062,"ä¸įæİĴéϤ":117063,"第ä¸ī代":117064,"éĢĢè´§":117065,"æĺŁéĻħ":117066,"æ°¸åĪ©":117067,"æĬ¤åį«":117068,"çıŃ车":117069,"è¨Ģè¡Į":117070,"繪":117071,"主åĬ¨æĢ§":117072,"å·¥ç¨ĭè´¨éĩı":117073,"éĥĬåĮº":117074,"ä¸Ģæłĭ":117075,"ä½Ĩå®ŀéĻħä¸Ĭ":117076,"ä¸ī大èģĮä¸ļ":117077,"åij¼åı«":117078,"女åħĴ":117079,"è¯ģåΏæĬķèµĦ":117080,"èĢĥæħ®":117081,"çĤ«èĢĢ":117082,"治好":117083,"åĺ¶":117084,"èĥ¤":117085,"åħīä¼ıåıijç͵":117086,"åĩłæŃ¥":117087,"æīĢæīĢ":117088,"æīĢæīĢéķ¿":117089,"çħ§æł·":117090,"åĵ¥ä»¬":117091,"è¯Ľ":117092,"è¿Ļä¸ĢåĪ»":117093,"çŁ¿çī©è´¨":117094,"ä¸įå¾Ĺå·²":117095,"åIJĮ缣":117096,"ç»Ĩå¾®":117097,"è·¯èĻİ":117098,"çϾèĬ±":117099,"æ··æ²Į":117100,"ä¸Ĭæµ·è¯ģåΏ":117101,"éĢĢç¨İ":117102,"èµŀåı¹":117103,"æī®æ¼Ķ游æĪı":117104,"åIJįåĪĹ":117105,"åIJįåĪĹåīį":117106,"åIJįåĪĹåīįèĮħ":117107,"ç±³å°Ķ":117108,"ä»Ģä¹ĪåİŁåĽł":117109,"å®īåħ¨ä¿Ŀéļľ":117110,"ä¸Ģåıªæīĭ":117111,"ä¹³ä¸ļ":117112,"ä¸įçĶĺ":117113,"æĥħåķĨ":117114,"æĮ¡ä½ı":117115,"åİŁåĽłä¹ĭä¸Ģ":117116,"è¿Ļ两天":117117,"çĥĺçĦĻ":117118,"豬":117119,"ä½łä»¥ä¸º":117120,"没è§ģè¿ĩ":117121,"åĵªå®¶å¥½":117122,"åīįä»»":117123,"è¿Ľè´§":117124,"éĢĢåĽŀ":117125,"串èģĶ":117126,"èĩ³æĸ¼":117127,"åĨ°æ·ĩ":117128,"åĨ°æ·ĩæ·ĭ":117129,"æŁ¥çľĭ详æĥħ":117130,"çı¾å¯¦":117131,"æİ¨æµĭ":117132,"æİ¥æīĭ":117133,"éļ¶å±ŀäºİ":117134,"åŁİå¸Ĥ群":117135,"æĿİåħĪçĶŁ":117136,"çŁ¿æ³īæ°´":117137,"çī¹ä»·":117138,"æĽ´å¤ļ精彩":117139,"ç¨ĭå¼ı":117140,"读æĩĤ":117141,"å±ıèͽ":117142,"奥æŀĹ":117143,"奥æŀĹåĮ¹":117144,"奥æŀĹåĮ¹åħĭ":117145,"红èĸ¯":117146,"奮":117147,"å®Ŀçİī":117148,"網絡":117149,"è²§":117150,"欧å¼ı":117151,"çϽç³ĸ":117152,"èĩªçĦ¶çģ¾å®³":117153,"åijĬè¯ī她":117154,"å»ļ":117155,"çĤ¹åĩ»æŁ¥çľĭ":117156,"é£İ湿":117157,"èµĦ产éĩįç»Ħ":117158,"ä¹Łä¸įä¾ĭå¤ĸ":117159,"åįĬ个å°ıæĹ¶":117160,"åIJ¸å¼ķæĽ´å¤ļ":117161,"æĹ¶éĹ´èĬĤçĤ¹":117162,"æĶ¶çº³":117163,"åIJ¸æ¯Ĵ":117164,"èĢģ乡":117165,"çIJħ":117166,"æľĢçµĤ":117167,"åıįæĦŁ":117168,"çĶ¨å¾®ä¿¡":117169,"çĶ¨å¾®ä¿¡æī«":117170,"éĢŁçİĩ":117171,"大çĨĬçĮ«":117172,"åı¯æĥ³":117173,"åı¯æĥ³èĢĮ":117174,"åı¯æĥ³èĢĮçŁ¥":117175,"åĴ§":117176,"èµ°åħ¥":117177,"碳éħ¸":117178,"èĮĥåĨ°":117179,"èĮĥåĨ°åĨ°":117180,"被åΤ":117181,"积æŀģæİ¨åĬ¨":117182,"足足":117183,"ç²ĴåŃIJ":117184,"大å®Ĺ":117185,"大å®ĹåķĨåĵģ":117186,"ç½ij绾ç§ijæĬĢ":117187,"æĽ¼åŁİ":117188,"å·²ä¹ħ":117189,"å·²ä¹ħçļĦ":117190,"秦çļĩ":117191,"秦çļĩå²Ľ":117192,"ä»»æķĻ":117193,"å͝ç¾İ":117194,"æ·¡åĮĸ":117195,"æ¡ĤèĬ±":117196,"çŁ¥è¯ĨåĪĨåŃIJ":117197,"æĩĴå¾Ĺ":117198,"主åħ¬":117199,"设计çIJĨ念":117200,"賺":117201,"æīĢæıIJä¾Ľ":117202,"æīĢæıIJä¾Ľä¹ĭ":117203,"æĶ»åħĭ":117204,"åĤ¾":117205,"è¯Ńæ³ķ":117206,"åįĥåı¤":117207,"éĸĭæĶ¾":117208,"第ä¸ĢèĬĤ":117209,"éĤĦæ²Ĵ":117210,"éĢĥçĶŁ":117211,"æ³Ĺ":117212,"åİ¿å§Ķ书记":117213,"ä½ľèĢħæīĢæľī":117214,"çħ½":117215,"ç»ħ":117216,"æłħ":117217,"æľ´ç´ł":117218,"çijķçĸµ":117219,"åĮħåĮħ":117220,"æ°ij主åħļ":117221,"ä¸įè¿ľå¤Ħ":117222,"å¥ĩå¼Ĥ":117223,"åĺ»åĺ»":117224,"æī¼":117225,"ç¿»å¼Ģ":117226,"æĢİèĥ½":117227,"éģ´éĢī":117228,"è§£éĩĭ":117229,"å¹¼ç¨ļ":117230,"è¦ģ好好":117231,"è¶´åľ¨":117232,"ç´¢åıĸ":117233,"ç»ĪçĶŁ":117234,"åħ¨æµģç¨ĭ":117235,"éģ©çķ¶":117236,"åįıè°ĥåıijå±ķ":117237,"æĬ¥ä»ĩ":117238,"ç§ijæĬĢåĽŃ":117239,"ä»Ģä¹Īéĥ½ä¸į":117240,"æľĢåIJİä¸Ģ次":117241,"ç»Ļ人ä¸Ģç§į":117242,"æł¸å®ļ":117243,"被åĪĹåħ¥":117244,"æĦıæĥ³ä¸įåΰ":117245,"èĢĥæŁ¥":117246,"åľ¨æŃ¤ä¹ĭåīį":117247,"æīĵçIJĥ":117248,"è¶ĬæĿ¥è¶Ĭå°ij":117249,"å®ļå¾ĭ":117250,"è¡ĮæĶ¿æľºåħ³":117251,"ä½ıæĪ¿åħ¬ç§¯":117252,"å°ıå§IJå§IJ":117253,"ä¸īèı±":117254,"修补":117255,"èŀĥèŁ¹":117256,"西çͲ":117257,"æĢł":117258,"çŃīå¤ļ项":117259,"产ä¸ļéĽĨèģļ":117260,"ä»·æł¼ä¸Ĭ涨":117261,"åħ¬åħ±åľºæīĢ":117262,"è¢ĭåŃIJ":117263,"æĨ§æĨ¬":117264,"çļĦæĸ¹å¼ıæĿ¥":117265,"åĪ°è´¦":117266,"çģ½":117267,"å·´èı²":117268,"å·´èı²çī¹":117269,"æ¼Ķä¹ł":117270,"èŃ¦ç¤ºæķĻèĤ²":117271,"çķıæĥ§":117272,"å¼ķæµģ":117273,"æĶ¶æĶ¯":117274,"å±Ĥåĩº":117275,"å±Ĥåĩºä¸į":117276,"å±Ĥåĩºä¸įç©·":117277,"æijĩæ»ļ":117278,"辦çIJĨ":117279,"纵è§Ĥ":117280,"æķijæµİ":117281,"å®¶éĥ½çŁ¥éģĵ":117282,"åĮ¯":117283,"å°ı鸣":117284,"ä»»åĭĻ":117285,"计åħ¥":117286,"ç«ŀéĢī":117287,"å¼ĢèįĴæĹ¶æľŁ":117288,"åij¨æģ©":117289,"åij¨æģ©æĿ¥":117290,"交ç»ĩ":117291,"çķ¢æ¥Ń":117292,"æł¹æį®èĩªå·±":117293,"æĸ°äººçݩ家":117294,"åѵåĮĸåύ":117295,"éĩĩæļĸ":117296,"å¹³åĿĩæ°´å¹³":117297,"åħ¬å¼Ģ课":117298,"失åĪ©":117299,"伺æľį":117300,"çĬģ":117301,"忽æĤł":117302,"主è¦ģéĽĨä¸Ń":117303,"æ¤įæłij":117304,"æ¯ĹéĤ»":117305,"èĩºçģ£":117306,"åĩºåĽ½çķĻåѦ":117307,"æĬĹéľĩ":117308,"æĥ©æĪĴ":117309,"å¹´åºķåīį":117310,"åĴ¸éĺ³":117311,"æ°ijå±ħ":117312,"大çIJĨçŁ³":117313,"éĿ³":117314,"éķĸ":117315,"æ¸ħè¿ľ":117316,"è£ħè½½":117317,"èĩĢ":117318,"å½±ä¸ļ":117319,"å¼ŁåħĦ":117320,"æĤ²è§Ĥ":117321,"çĿĢçľ¼äºİ":117322,"æįįåį«":117323,"åī¥å¤º":117324,"ç¯Ĩ":117325,"å¾Īéķ¿æĹ¶éĹ´":117326,"è¥Ł":117327,"第ä¸ĢçϾ":117328,"ä¸ĢåĪĨéĴ±":117329,"æĸ°éĹ»è®°èĢħ":117330,"éķ·æľŁ":117331,"æ³ķæĪĺç»ĦåIJĪ":117332,"è°ģçŁ¥éģĵ":117333,"èħ°éĥ¨":117334,"æ±īåł¡":117335,"åħ¥çĿ¡":117336,"åįĸæİī":117337,"æ¶Īè²»èĢħ":117338,"æĥ¯ä¾ĭ":117339,"æĥ³äºĨ":117340,"æĥ³äºĨæĥ³":117341,"èĢģæĹ§å°ıåĮº":117342,"ä¼łè¨Ģ":117343,"åĪĨæķ°çº¿":117344,"æµģ泪":117345,"ç»Ħç»ĩé¢Ĩ导":117346,"äºļåĨĽ":117347,"å¢ŀå̼æľįåĬ¡":117348,"å¾¹":117349,"ä¼¶":117350,"äºĽè®¸":117351,"å¸ĥèݱ":117352,"强æĤį":117353,"宫廷":117354,"绿èĮ¶":117355,"åĮ¡":117356,"å¾ĪæŃ£å¸¸":117357,"æĺ¥å¤ı":117358,"æ¯Ļ":117359,"è¯Ħæ¯Ķ":117360,"åĩ¡äºĭ":117361,"æĬīæĭ©":117362,"åĢĴéľī":117363,"éĩį度":117364,"åįıä¼ļä¼ļéķ¿":117365,"å¿§èĻij":117366,"ä¸ĭä¸Ģç¯ĩ":117367,"沪深":117368,"æĪİ":117369,"æīĵä»Ĺ":117370,"åįĪé¥Ń":117371,"å¹´é¾Ħ段":117372,"ä¸ŃåĽ½è¶³çIJĥ":117373,"设计æĸ¹æ¡Ī":117374,"åºĶçĶ¨æŁ¥çľĭ":117375,"é¢ĦæĸĻ":117376,"åĹ¡":117377,"ç¥ĸçζ":117378,"çļĦä¸Ģåijĺ":117379,"æ´Ĺå¹²åĩĢ":117380,"åİĨåı²æĸ°":117381,"åİĨåı²æĸ°é«ĺ":117382,"çĭ¬åħ·":117383,"æħĭ度":117384,"æīĵ交":117385,"æīĵ交éģĵ":117386,"é»ĦçŁ³":117387,"çĽ¼æľĽ":117388,"çī§åľº":117389,"转弯":117390,"åįĩåįİ":117391,"åĨįä¹Łæ²¡æľī":117392,"èĭ±æīį":117393,"æĽ´åIJį为":117394,"åĢŁç͍":117395,"çºłéĶĻ":117396,"ç»Ŀ对ä¸įä¼ļ":117397,"çİĭçīĮ":117398,"çĽĨåľ°":117399,"失è°ĥ":117400,"好象":117401,"é³¥":117402,"ä¿Ŀä¿®":117403,"åĽĽä¸ªèĩªä¿¡":117404,"头çļ®":117405,"åİŁåīĩ":117406,"æĬ¥æ¡Ī":117407,"奴éļ¶":117408,"å³Ļ":117409,"è°ĥæĸĻ":117410,"ä¹Łè¨±":117411,"èIJ½åΰ":117412,"èIJ½åΰå®ŀ":117413,"èIJ½åΰå®ŀå¤Ħ":117414,"çĦļçĥ§":117415,"çĶŁæ´»çݯå¢ĥ":117416,"åºĶåıĬæĹ¶":117417,"è¶Ĭè¿ĩ":117418,"æĦŁè¬Ŀ":117419,"æĻ¯å¾·":117420,"æĻ¯å¾·éķĩ":117421,"çĬĢ":117422,"身éĤĬ":117423,"ç¨İåĬ¡æĢ»å±Ģ":117424,"åĩĢåľŁ":117425,"ä¾µåįł":117426,"åĬ¨å·¥":117427,"å¹´ä¹ĭ":117428,"å¹´ä¹ĭä¹ħ":117429,"第äºĮèĬĤ":117430,"åĬ¨çī©åĽŃ":117431,"第ä¸Ģ书记":117432,"éħļ":117433,"çĶŁäº§è®¾å¤ĩ":117434,"æŁIJç§įç¨ĭ度":117435,"åľŃ":117436,"åĩŃåĢŁçĿĢ":117437,"éĺħè§Ī":117438,"çϽæ²Ļ":117439,"æ²¹çĥŁ":117440,"çªģçł´åı£":117441,"åıĹå½±åĵį":117442,"åı¯ä»¥æĽ´å¥½":117443,"å³°å̼":117444,"æĿĤè´¨":117445,"宿è¿ģ":117446,"çĽĺæ´»":117447,"æ¿Ģèµ·":117448,"åĦ¿ç§ij":117449,"åĿIJèIJ½åľ¨":117450,"æĮªå¨ģ":117451,"æµ·å²Ľ":117452,"绣绣":117453,"éύ":117454,"ä¼ĺäºİ":117455,"å°Īå®¶":117456,"ä¸ĢéĤĬ":117457,"èIJĬ":117458,"äºĨä¸Ģåı£":117459,"æ²ĥå°Ķæ²ĥ":117460,"æŃ£å¸¸ä½¿ç͍":117461,"æĻ®éģįåŃĺåľ¨":117462,"丰满":117463,"çĶ»åį·":117464,"åºĶæĶ¶":117465,"åºĶæĶ¶è´¦":117466,"åºĶæĶ¶è´¦æ¬¾":117467,"å®Įæķ´çĥŃ":117468,"å®Įæķ´çĥŃæ¦ľ":117469,"注è§Ĩ":117470,"çĨĦ":117471,"躬":117472,"éĶĢåĶ®äººåijĺ":117473,"è¶ĭåIJij":117474,"çĦ¦æĢ¥":117475,"åįģå¹´åīį":117476,"ä¼łç»Łäº§ä¸ļ":117477,"質éĩı":117478,"åĩ¤åĩ°ç½ij":117479,"èµĦæºIJæķ´åIJĪ":117480,"æ¶Įåħ¥":117481,"æĸĩåĮĸä¼łæĴŃ":117482,"çķĮ第ä¸Ģ":117483,"æ°´æ³µ":117484,"宫殿":117485,"æİ¢å¯»":117486,"ä¿®åīª":117487,"æĦıè¦ĭ":117488,"ç´Ĭä¹±":117489,"æĽī":117490,"çĻ½è¡£":117491,"èĻİåį«":117492,"ç´§æī£":117493,"å¤Ħå¤Ħéķ¿":117494,"åĪĽå»ºå·¥ä½ľ":117495,"红æŀ£":117496,"饼干":117497,"äºĨåįĬ天":117498,"ä¼ļå½±åĵįåΰ":117499,"çĽ¸ä¿¡å¤§å®¶":117500,"èħ¾é£ŀ":117501,"å°±å¦ĤåIJĮ":117502,"ä¸ĭéĿ¢å°ıç¼ĸ":117503,"æ°ijèIJ¥ç»ıæµİ":117504,"æĻ¦":117505,"è£ħæī®":117506,"é»ijå¤ľ":117507,"常德":117508,"å·¥ä¸ļ大åѦ":117509,"æĺİçŁ¥":117510,"éĺŁåijĺ们":117511,"åIJ¬è¯¾":117512,"æ¯ıéļĶ":117513,"羣æĺ¯å¤ª":117514,"åIJĪä½ľåħ±èµ¢":117515,"çIJĨåıij":117516,"æīįå¹²":117517,"çľĭèµ·ä¾Ĩ":117518,"殿ä¸ĭ":117519,"å®īéĺ³":117520,"æīĢ产çĶŁçļĦ":117521,"éĽĩä½£":117522,"æĬ¬èµ·å¤´":117523,"æį®æĬ¥éģĵ":117524,"éļĨéĩį举è¡Į":117525,"交éĶĻ":117526,"è¶ħé¢Ŀ":117527,"åĮĸçĸĹ":117528,"é¡Ĩ":117529,"纵深":117530,"çĪ±åĽ½ä¸»ä¹ī":117531,"éĻ¢åī¯éĻ¢éķ¿":117532,"讳":117533,"羣æŃ£åģļåΰ":117534,"åѤåįķ":117535,"èĩªçĦ¶èĢĮ":117536,"èĩªçĦ¶èĢĮçĦ¶":117537,"修身":117538,"èĬ¹":117539,"æģ¯æģ¯":117540,"æģ¯æģ¯çĽ¸åħ³":117541,"é©¾æł¡":117542,"æİ©é¥°":117543,"æ³½è¿ŀ":117544,"æ³½è¿ŀæĸ¯åŁº":117545,"举æŃ¢":117546,"管çIJĨä½ĵåζ":117547,"åħ¶ä¸Ńä¹ĭä¸Ģ":117548,"æĿ¾å¼Ľ":117549,"æĭ¦æĪª":117550,"åį«åģ¥":117551,"åį«åģ¥å§Ķ":117552,"ä»İåݻ年":117553,"åĤ¢":117554,"è´Ń票":117555,"åĽ¾æłĩ":117556,"河西":117557,"æ°ijæĶ¿å±Ģ":117558,"ç§ģèIJ¥":117559,"å¤ĸåĽ½è¯Ń":117560,"干货":117561,"æĵ¦æĭŃ":117562,"åľ°ä¸Ń":117563,"åľ°ä¸Ńæµ·":117564,"æµĵæµĵ":117565,"æµĵæµĵçļĦ":117566,"å§ĭ建":117567,"å§ĭ建äºİ":117568,"ç¶ĵæŃ·":117569,"è·¯æ¼Ķ":117570,"æļ´é£İ":117571,"åŁºè¾ħ":117572,"æī¶è´«å·¥ä½ľ":117573,"ä¸Ģ缴å¤Ħäºİ":117574,"æĥħè¶£":117575,"äºĮåŃ£åº¦":117576,"åİĮæģ¶":117577,"顺åĪ©å®ĮæĪIJ":117578,"æŁ¥å°ģ":117579,"顶端":117580,"ä¸įåŃķ":117581,"ä¸Ģ大åłĨ":117582,"被æ·ĺæ±°":117583,"æĺ¯ç͍æĿ¥":117584,"æľĢåIJĪéĢĤ":117585,"äº®çľ¼":117586,"å¹¶ä¸įæĺ¯å¾Ī":117587,"ç§ijçłĶéĻ¢":117588,"ç§ijçłĶéĻ¢æīĢ":117589,"ç²Ł":117590,"é¢Īéĥ¨":117591,"é»ĺé»ĺåľ°":117592,"é«ĺä¸ŃçĶŁ":117593,"æĹıèĩªæ²»åİ¿":117594,"æķĻåŃ¦è´¨éĩı":117595,"æĪĺçģ«":117596,"åĿİåĿ·":117597,"æIJŃä¹ĺ":117598,"è¯ĹæĦı":117599,"åĪijèѦ":117600,"åĩºæ±Ĺ":117601,"åįģåħŃæĿ¡":117602,"请åıĬæĹ¶":117603,"åĨľä¸ļ大åѦ":117604,"èIJ½åı¶":117605,"æĢ»èĢĮè¨Ģ":117606,"æĢ»èĢĮè¨Ģä¹ĭ":117607,"æĿľåħ°":117608,"æĿľåħ°çī¹":117609,"éĻªä½ł":117610,"åħ¬æĬ¥":117611,"çķĻè¨ĢæĿ¿":117612,"éĺħåİĨ":117613,"ç«¶çĪŃ":117614,"ç»ĻåĪ«äºº":117615,"æĹ¥æĬ¥ç¤¾":117616,"åĿIJèIJ½":117617,"åĿIJèIJ½äºİ":117618,"éĩijåŃĹ":117619,"éĩijåŃĹå¡Ķ":117620,"åĽ¤":117621,"è¯Ŀåī§":117622,"æĮģç»Ńæİ¨è¿Ľ":117623,"æ¼ıæ°´":117624,"詳細":117625,"æĢĢæĬ±":117626,"åıĺå¹»":117627,"饥饿":117628,"éļIJ身":117629,"ä¸ªèµĽåŃ£":117630,"åĵ¡å·¥":117631,"æģ¢å¤įæŃ£å¸¸":117632,"äºĨ好å¤ļ":117633,"æĺŁå·´":117634,"æĺŁå·´åħĭ":117635,"åħīçݯ":117636,"å¸ħåĵ¥":117637,"çĻ½éĽª":117638,"ç¨įç¨į":117639,"计æıIJ":117640,"æĦĽæĥħ":117641,"éİĸ":117642,"ä¿¡éĺ³":117643,"è§Ģå¯Ł":117644,"å¦Ĥæŀľä½łæĥ³":117645,"缸æ¯Ķä¹ĭä¸ĭ":117646,"è§£å¼Ģ":117647,"æīĵåį°æľº":117648,"身躯":117649,"ç²¾ç¥ŀæĸĩæĺİ":117650,"èĤ¡æĮĩ":117651,"å¾®åĪĽ":117652,"红èĮ¶":117653,"èĩ´çĻĮ":117654,"æģ©æĸ½":117655,"èħ¿éĥ¨":117656,"大åŀĭå¤ļ人":117657,"å®īåĢį":117658,"è¾ħ导åijĺ":117659,"èĪªéģĵ":117660,"å¸ĥå°Ķ":117661,"åįĹå®ģå¸Ĥ":117662,"ä¸ĬçıŃæĹı":117663,"ä¾§ç»ĵæŀĦæĢ§":117664,"追éļı":117665,"å½ĵåľ°æĶ¿åºľ":117666,"èµ°åĩºæĿ¥":117667,"éĩijèŀįä¸ļ":117668,"ä¸Ľä¹¦":117669,"é¡¹çĽ®ç»ıçIJĨ":117670,"è¿ĩæĪ·":117671,"骨æŀ¶":117672,"è¡Ļ":117673,"ä»Ģ麽":117674,"èħĭ":117675,"è¦ģ害":117676,"åľ¨åºĬä¸Ĭ":117677,"代è¨Ģ人":117678,"並å°ĩ":117679,"åIJĦ个æĸ¹éĿ¢":117680,"è°´è´£":117681,"åħ±æĮ¯":117682,"åį³å°ĨåΰæĿ¥":117683,"èĤºçĻĮ":117684,"ä¾ĽéĶĢ":117685,"丼æŀĹ":117686,"èµĥ":117687,"åįģä½Ļå¹´":117688,"åĭĺæİ¢":117689,"飵åij³":117690,"èĭ¦ç¬ij":117691,"æľĢ大ç¨ĭ度":117692,"éĩįçĤ¹åħ³æ³¨":117693,"ä¹ĭ举":117694,"满æĢĢ":117695,"åıĹåΰ影åĵį":117696,"æĭĽæĬķæłĩ":117697,"è¡¥é½IJ":117698,"西红":117699,"è¥¿çº¢æŁ¿":117700,"鬧":117701,"è£ħåį¸":117702,"éĤ»éĩĮ":117703,"èĤĩäºĭ":117704,"æİĴæ¯Ĵ":117705,"åѤåĦ¿":117706,"鼶è·Ŀ离":117707,"å®ŀå¹²":117708,"çľĭæŁ¥çľĭ":117709,"æĶ¶è´¹ç«Ļ":117710,"ç»·":117711,"åħ¬çĽĬæĢ§":117712,"éĢĴç»Ļ":117713,"æĶ»æīĵ":117714,"æĺŁçº§éħĴåºĹ":117715,"æĺİåªļ":117716,"çį¨ç«ĭ":117717,"è¯Ŀè¯ŃæĿĥ":117718,"ä¸ĢæŃ¥ä¸ĢæŃ¥":117719,"书æ³ķå®¶":117720,"æľªç»ıæİĪæĿĥ":117721,"çŁ³èĨı":117722,"åĩŃä»Ģä¹Ī":117723,"çļĦæĹ¥":117724,"çļĦæĹ¥åŃIJéĩĮ":117725,"诱人":117726,"çϾåĪĨçϾ":117727,"èĪĪè¶£":117728,"å¼łåħĪçĶŁ":117729,"èĢģçĪ·åŃIJ":117730,"æ³¢çī¹":117731,"åŁºéĩij份é¢Ŀ":117732,"æ²Ļåıijä¸Ĭ":117733,"å¥ĭæĸĹ缮æłĩ":117734,"æ°¢èĥ½":117735,"æ²ĥå°ĶçİĽ":117736,"義åĭĻ":117737,"éŁ³ç®±":117738,"æ²ī浸":117739,"æ²īæµ¸åľ¨":117740,"èĭ±åľĭ":117741,"çģ¯çģ«":117742,"è¿Ľé¡¹":117743,"两端":117744,"ä¹Ķ丹":117745,"èĦ¸é¢Ĭ":117746,"åıijå±ķæ½ľåĬĽ":117747,"åĭķä½ľ":117748,"åĵĪä½Ľ":117749,"å®´ä¼ļ":117750,"æ§į":117751,"ç«ĭå¿Ĺ":117752,"ç¡ķ士åѦä½į":117753,"åĭĭ竳":117754,"è¿Ļåľºæ¯ĶèµĽ":117755,"æĮģå¹³":117756,"éķĢéĶĮ":117757,"èĭ±çī¹":117758,"èĭ±çī¹å°Ķ":117759,"æķĻèģĮå·¥":117760,"åĬŁåĬĽ":117761,"该æ¡Ī":117762,"ä¸Ģæ¢Ŀ":117763,"åĺīå¹´":117764,"åĺīå¹´åįİ":117765,"è¿«ä¸įåıĬ":117766,"è¿«ä¸įåıĬå¾ħ":117767,"è¿Ļ个æĹ¶ä»£":117768,"精彩æĴŃæĬ¥":117769,"人èĦ¸":117770,"人èĦ¸è¯ĨåĪ«":117771,"æ£Ģå¯Łå®ĺ":117772,"å°ıèħ¿":117773,"éĨĴ缮":117774,"åħļæĢ»":117775,"åħļæĢ»æĶ¯":117776,"æĪŁ":117777,"èĮ«çĦ¶":117778,"è±ĨæµĨ":117779,"主治":117780,"éĿĴæµ·çľģ":117781,"åĪijäºĭ责任":117782,"çł°":117783,"ä¹ĭæ¬ĬåĪ©":117784,"äºĶå®ĺ":117785,"è¿·æĥij":117786,"åħ¥åºĵ":117787,"家纺":117788,"弹簧":117789,"åįģäºĶæĿ¡":117790,"ç»Ļå®Ŀå®Ŀ":117791,"èĪªç©ºèĪªå¤©":117792,"å¾Ģå¤ĸ":117793,"å¼ķåĬĽ":117794,"çľ¼çļ®":117795,"æ¶īè¶³":117796,"æĿ¥å®¾":117797,"åľ¨çº¿è§Ĵèī²":117798,"çĥŃéĶĢ":117799,"æµģéĢĿ":117800,"泡泡":117801,"éĻįå¹ħ":117802,"è´ŁéĿ¢å½±åĵį":117803,"红楼":117804,"红楼梦":117805,"éļĶçĿĢ":117806,"侥幸":117807,"许ä¹ħ":117808,"åĴĮçĿ¦":117809,"èѽ":117810,"使ç͍èĢħæĪĸ":117811,"ä¹°åįķ":117812,"è¿´":117813,"é£İæīĩ":117814,"æķĻ師":117815,"æ¡ĮåŃIJä¸Ĭ":117816,"å¾Īæ¼Ĥ亮":117817,"åł±å°İ":117818,"第ä¸ĢåŃ£åº¦":117819,"ç©©å®ļ":117820,"æĤ²åĵĢ":117821,"çĿĢåĬĽæīĵéĢł":117822,"æĮŁ":117823,"路桥":117824,"åijIJ":117825,"åľ£è¯ŀèĬĤ":117826,"çļĩåŃIJ":117827,"ä»ĩæģ¨":117828,"éħĿéħ¿":117829,"ä¸įéĹ´":117830,"ä¸įéĹ´æĸŃ":117831,"æĮĩå°ĸ":117832,"ä¸ŃåĽ½ç½ij游":117833,"åŀ£":117834,"æĦıè§ģ建议":117835,"æ¯ħçĦ¶":117836,"亮度":117837,"èģĶè°Ĭ":117838,"å½ķåħ¥":117839,"åĦ²":117840,"å¨ĺå®¶":117841,"ç§ijå°Ķ":117842,"ä¹Łæ²¡ä»Ģä¹Ī":117843,"æł¹æį®ä¸įåIJĮ":117844,"åı¶ä¿®":117845,"å̼å®Ī":117846,"æľ«ç«¯":117847,"å΍":117848,"åĤµåĭĻ":117849,"èģ¯åIJĪ":117850,"å¥ĩå¹»":117851,"èĻļæŀĦ":117852,"é»Ħæĺı":117853,"å¹³åĿ¦":117854,"æµģæ°ĵ":117855,"æĸ°åŁºå»º":117856,"æĮ½æķij":117857,"åįİå°Ķ":117858,"åįİå°Ķè¡Ĺ":117859,"æľĢåıĹæ¬¢è¿İ":117860,"ç»Ń约":117861,"å¼Ĭ端":117862,"éŃĶæ³ķå¸Ī":117863,"éŃĶæ³ķå¸ĪåĴĮ":117864,"åħ·ä½ĵåĨħ容":117865,"çIJīçĴĥ":117866,"æī©å®¹":117867,"èĮ¶åĽŃ":117868,"主ä¹īèĢħ":117869,"ç«ĭéĿ¢":117870,"æİ¥åıĹéĩĩ访":117871,"åĩºåħ¥å¢ĥ":117872,"ç§ijåįı":117873,"éĴ³":117874,"çµIJæ§ĭ":117875,"ç»ĵæŀľæĺ¾ç¤º":117876,"åı°è´¦":117877,"å°±æĿ¥çľĭçľĭ":117878,"èĩªæķij":117879,"åıįæĩī":117880,"åİ»åĵªåĦ¿":117881,"è¿Ļé¦ĸ":117882,"è¿Ļé¦ĸæŃĮ":117883,"åIJ¬ä¼Ĺ":117884,"å¤ĸ壳":117885,"ä½ĵèĤ²é¦Ĩ":117886,"實æĸ½":117887,"èŀºä¸Ŀ":117888,"æĭīåįĩ":117889,"çĮĽåľ°":117890,"åħ¨åĽ½äººæ°ij":117891,"æĤīå°¼":117892,"æĹı群":117893,"åĽ¢åijĺ":117894,"两个å°ıæĹ¶":117895,"åľ¨çݩ家":117896,"åľ¨çݩ家ä¸Ń":117897,"çĶľçĶľ":117898,"æĬķè¡Į":117899,"åįĶæľĥ":117900,"éĻ¡":117901,"åĬłå·¥åİĤ":117902,"æ¦ĨæŀĹ":117903,"æŃ»è§Ĵ":117904,"åĨħå¹ķ":117905,"æīĢæľīæĥħèĬĤ":117906,"åĪ·åį¡":117907,"æ°´èĤ¿":117908,"èĥĥåı£":117909,"å«Įå¼ĥ":117910,"沮丧":117911,"ä¸ī年级":117912,"æ¶Ĥå±Ĥ":117913,"å¿ĥ仪":117914,"å¿ĥ仪çļĦ":117915,"å¤Ń":117916,"é¦ĸè½®":117917,"æĹłè®ºæĺ¯åħ¶":117918,"éĢıæ°Ķ":117919,"äºĮåįģäºĶ":117920,"箫":117921,"åĬŁåĬ³":117922,"çѾä¸ĭ":117923,"æ²īè¿·":117924,"æķijåij½":117925,"éĹªéĹª":117926,"åIJĥäºı":117927,"å±ķåĵģ":117928,"åį³æĹ¶åıijçĶŁ":117929,"ç¶ľ":117930,"ç¶ľåIJĪ":117931,"æłĩæĺİ":117932,"çľĭç͵影":117933,"åħ¬ç«ł":117934,"éĺ¿æ£®":117935,"éĺ¿æ£®çº³":117936,"身åĪĽéĢł":117937,"身åĪĽéĢłçļĦ":117938,"æ¸Ľå°ij":117939,"å̼å¾Ĺåħ³æ³¨":117940,"鼶åĶ®åķĨ":117941,"æįĨç»ij":117942,"è¸ıåħ¥":117943,"èĽŁ":117944,"æŁ´çº³":117945,"èĢģåħµ":117946,"绿èī²çݯä¿Ŀ":117947,"é¹Ń":117948,"éº»æľ¨":117949,"æıŃçīĮ":117950,"è¿Ļ款车":117951,"ç¾İå¾·":117952,"ç¾İå¾·åħ¬åı¸":117953,"æ¶§":117954,"è°ģçŁ¥":117955,"æ´ĭèij±":117956,"æ¯įæł¡":117957,"ä¸ĢéĹª":117958,"çͷ䏻è§Ĵ":117959,"æĹłçº¿ç͵":117960,"å±łå®°":117961,"æĺ¯éŁ©åĽ½":117962,"æĺ¯éŁ©åĽ½å¨±":117963,"容è²Į":117964,"åĿĩ使åħ¶":117965,"太快":117966,"å¹´çͱ":117967,"å¹´çĶ±çĽĽ":117968,"èĭ¦èĭ¦":117969,"åĬĽè¿ĺæĺ¯":117970,"åĬĽè¿ĺæĺ¯èĩª":117971,"æĨ©":117972,"èģ¯çµ¡":117973,"å;":117974,"åħ·æľīæĪĺ士":117975,"追éĹ®":117976,"åłĨæĶ¾":117977,"åıį驳":117978,"å®ŀäºĭæ±Ĥ":117979,"å®ŀäºĭæ±Ĥæĺ¯":117980,"åѸéĻ¢":117981,"åįģåĩłä¸ª":117982,"æķijæĬ¤":117983,"æķijæĬ¤è½¦":117984,"ç½ijç»ľä¼łæĴŃ":117985,"åįģåħ«å±Ĭ":117986,"éĥ¨åī¯":117987,"éĥ¨åī¯éĥ¨éķ¿":117988,"çĹ´è¿·":117989,"管çIJĨæĿ¡ä¾ĭ":117990,"èŀį为ä¸Ģä½ĵ":117991,"æĢ»äº§å̼":117992,"è³ĵ":117993,"ä¸ĥæĺŁ":117994,"çıŃç»Ħ":117995,"绣é¢Ĩ":117996,"请大家":117997,"éĩijéϵ":117998,"èĪħèĪħ":117999,"æµ·æ¹¾":118000,"æĸ½çŃĸ":118001,"享èªī":118002,"麥":118003,"端åįĪ":118004,"绿åŁİ":118005,"確ä¿Ŀ":118006,"å·´æĭī":118007,"åĨĴçĿĢ":118008,"æħ·æħ¨":118009,"个人è§ĤçĤ¹":118010,"ä¹Ļçĥ¯":118011,"ç¡ħè°·":118012,"éĸĭå±ķ":118013,"å°ļ书":118014,"åĿļ飧":118015,"庵":118016,"èĢģé¾Ħ":118017,"èĢģé¾ĦåĮĸ":118018,"çľ¨çľ¼":118019,"绿水":118020,"绿水éĿĴå±±":118021,"书é¦Ļ":118022,"主åĬĽåĨĽ":118023,"æīįæĺ¯çľŁæŃ£":118024,"æĬ¢åħĪ":118025,"æĪIJå°±æĦŁ":118026,"éĩįæŀĦ":118027,"éĴ¢åİĤ":118028,"æĪIJ份":118029,"èĬ±çº¹":118030,"ä¹ĭäºī":118031,"å¹²ç»Ĩèĥŀ":118032,"æĹ¢åı¯ä»¥":118033,"ç¹ģçIJIJ":118034,"æĦļèł¢":118035,"éĿŀ常æĺİæĺ¾":118036,"ä½ĵ彩":118037,"æĬĢæ³ķ":118038,"æĿĨèıĮ":118039,"å¹¿æ³Ľåħ³æ³¨":118040,"åĮĹå®ĭ":118041,"å§Ĭ妹":118042,"åįıåĬŀ":118043,"æ·®åįĹ":118044,"çĥı":118045,"æ´ĹèĦ¸":118046,"åıĹ访":118047,"åıĹ访èĢħ":118048,"éĩįè¦ģåĽłç´ł":118049,"å½±è§Ĩåī§":118050,"综èīºèĬĤ缮":118051,"èľķåıĺ":118052,"äºĮ线":118053,"äºĮ线åŁİå¸Ĥ":118054,"ä¼Ĭå§ĭ":118055,"çıĬçijļ":118056,"èĩªæŁ¥":118057,"åħ¥åĽŃ":118058,"åĩ¶æīĭ":118059,"åħ¬è¯ī":118060,"éģĩéļ¾":118061,"éĩĩçŁ¿çŃī":118062,"èĩªçIJĨ":118063,"åĸ·æ¶Ĥ":118064,"æī©åħħ":118065,"éĢıè§Ĩ":118066,"é«ĺéĢŁå¢ŀéķ¿":118067,"åĽ¾çĶ»":118068,"ç¾¹":118069,"èĤĩåºĨ":118070,"è¾ľè´Ł":118071,"èµĶä»ĺ":118072,"è·¡":118073,"åģ¥åº·æĪIJéķ¿":118074,"以ä¸ĬåѦåİĨ":118075,"åıĸå¾Ĺ以åıĬ":118076,"æ²ī积":118077,"åįģä¹Ŀå±Ĭ":118078,"缸éĹľæľįåĭĻ":118079,"æī§åĭ¤":118080,"åī¯åİ¿éķ¿":118081,"寰":118082,"åģľæ»ŀ":118083,"淹没":118084,"çŁ³çģ°":118085,"çį¸":118086,"å̦":118087,"ç¾İåªĴ":118088,"æķĻæ¡Ī":118089,"åĬłçĽĸ":118090,"åħ¬å¼ĢèµĽ":118091,"å¥łåŁº":118092,"æĺĨèĻ«":118093,"çŀħ":118094,"磷éħ¸":118095,"äºīåĪĽ":118096,"çİĭæĻĵ":118097,"ç¼ĵåĨ²":118098,"åİļåİļ":118099,"åİļåİļçļĦ":118100,"æŀ£åºĦ":118101,"ç²¾çĽĬ":118102,"ç²¾çĽĬæ±Ĥ":118103,"ç²¾çĽĬæ±Ĥç²¾":118104,"åĪĨæĶ¯æľºæŀĦ":118105,"å®ŀæĸ½ç»ĨåĪĻ":118106,"æĸ°èµĽåŃ£":118107,"總統":118108,"éĢłè¡Ģ":118109,"é¢ĩåħ·":118110,"é»ĦåŁĶ":118111,"è¡ĢèĦĤ":118112,"交éĢļå·¥åħ·":118113,"å³¥":118114,"æĹıèĩªæ²»å·ŀ":118115,"寺éĻ¢":118116,"確å®ļ":118117,"æ¦Ĥ念èĤ¡":118118,"æĦŁå®ĺ":118119,"æŁľåı°":118120,"åĶĶ":118121,"çŀŃ解並":118122,"æĢ»ä»·":118123,"åIJ¸åħ¥":118124,"æĢ¼":118125,"æĻļéĹ´":118126,"å±Ĭæ¯ķä¸ļçĶŁ":118127,"çĶŁå§ľ":118128,"éĺħ读åħ¨æĸĩ":118129,"å¾ĹåΰæľīæķĪ":118130,"æIJľæķij":118131,"åİĨæĿ¥":118132,"èŃīæĺİ":118133,"åĥ»":118134,"èĨ³é£Ł":118135,"åĦĦåħĥ":118136,"æīĵåİĭ":118137,"宾客":118138,"åķ¼":118139,"ä¸ĢçϾå¤ļ":118140,"æ·±åħ¥äººå¿ĥ":118141,"æ¢ħå·ŀ":118142,"çłĶåѦ":118143,"åħ³ä¹İ":118144,"è¼Ľ":118145,"亲åıĭ":118146,"éħįæĸĻ":118147,"æĪijçĪ±ä½ł":118148,"è´¸æĺĵæĪĺ":118149,"æľīèī²":118150,"æľīèī²éĩijå±ŀ":118151,"æįIJåĬ©":118152,"为é¦ĸ":118153,"为é¦ĸçļĦ":118154,"å¯ĮåĬĽ":118155,"çĶ·ç¥ŀ":118156,"é³³":118157,"æµĩæ°´":118158,"åIJ±":118159,"æĺİç¡®æıIJåĩº":118160,"åı¹äºĨ":118161,"åı¹äºĨåı£æ°Ķ":118162,"礼æĭľ":118163,"è¿Ļ个åIJįåŃĹ":118164,"ä¿¡å¾Ĵ":118165,"å¿Ĺ强":118166,"éĻIJæĹ¶":118167,"æĶ¶è²»":118168,"åĨľå®¶ä¹IJ":118169,"å°ıé¾ĻèϾ":118170,"èIJ½å¹ķ":118171,"æ§Ł":118172,"åѦ龸":118173,"æĪĸå¤ļ":118174,"æĪĸå¤ļæĪĸ":118175,"æĪĸå¤ļæĪĸå°ij":118176,"座è°Īä¼ļä¸Ĭ":118177,"æ¶¼":118178,"éŃĶçİĭ":118179,"å²±":118180,"é¡¶å±Ĥ":118181,"é¡¶å±Ĥ设计":118182,"èĦijåŃIJéĩĮ":118183,"éĻ¢åŃIJéĩĮ":118184,"轩è¾ķ":118185,"身å¿ĥåģ¥åº·":118186,"èħij":118187,"éĹľæ³¨":118188,"åıĤåĬłä¼ļè®®":118189,"ä¸ŃåįİæĸĩåĮĸ":118190,"追寻":118191,"å®īçĦ¶":118192,"é£Ļåįĩ":118193,"éŁŃèıľ":118194,"鸦":118195,"åĤ¨éĩı":118196,"çĶ·æĸ¹":118197,"å¤ĩ份":118198,"æijĶåĢĴ":118199,"润æ»ijæ²¹":118200,"é̼è¿ij":118201,"çͳè¯ī":118202,"鸣类":118203,"çŁ³æ²¹åĮĸå·¥":118204,"åĿļæŀľ":118205,"è¿Ļå®¶ä¼Ļ":118206,"æĭĴä¸į":118207,"羣çļ®":118208,"è·ĿéĽ¢":118209,"è¿ĺæĮº":118210,"éĽķåĥı":118211,"åĪĿæģĭ":118212,"æıIJä¾ĽæĽ´å¤ļ":118213,"æŁ¥çľĭåħ¨æĸĩ":118214,"æķ°åŃĹè´§å¸ģ":118215,"åĸīåĴĻ":118216,"åı¦ä¸Ģä½į":118217,"åĤ¬åĮĸ":118218,"åĤ¬åĮĸåīĤ":118219,"ä»İæĿ¥æ²¡":118220,"å¯ĨåĪĩ缸åħ³":118221,"éĥ¨ä¸»ä»»":118222,"产åĵģç»ıçIJĨ":118223,"並åIJĮæĦı":118224,"èIJ½åħ¥":118225,"å±ıå¹ķä¸Ĭ":118226,"åħ¬åı¸ç«łç¨ĭ":118227,"æį¢åı¥è¯Ŀ":118228,"æį¢åı¥è¯Ŀ说":118229,"ä½įæĸ¼":118230,"ä½Ķ":118231,"åĩ»æĿĢ":118232,"缸è¾ĥ":118233,"缸è¾ĥäºİ":118234,"ç²½åŃIJ":118235,"åįĹæŀģ":118236,"宫é¢Ī":118237,"è£ģåijĺ":118238,"æĺİç»Ĩ":118239,"ä»·å̼éĵ¾":118240,"åĽĽä¸ªæĸ¹éĿ¢":118241,"æĥħåĨµæĿ¥çľĭ":118242,"æĮijåīĶ":118243,"æ®ĺ":118244,"æŀģåĬĽ":118245,"çĸijéļ¾":118246,"æĬµæĬĹåĬĽ":118247,"æĢ¥éĢŁ":118248,"æĪĮ":118249,"ä½İä¼°":118250,"éĹªè¿ĩ":118251,"æģ¬":118252,"èµŀæī¬":118253,"ä»ĸå¦Ī":118254,"æĪIJ为ä¸ĢåIJį":118255,"æ´Ĺ礼":118256,"é¢Ħ计å°Ĩ":118257,"åħĪè¿Ľåįķä½į":118258,"è¼Ķ":118259,"éĢĥèĦ±":118260,"çݰåŃĺ":118261,"èĢģèĻİæľº":118262,"åįģä¸ĥæĿ¡":118263,"åı¦ä¸ĢåįĬ":118264,"温æĥħ":118265,"åī¥ç¦»":118266,"ä¸ĸè´¸":118267,"å®ĺåı¸":118268,"å¾Īå·®":118269,"éĹ´è·Ŀ":118270,"请注æĦı":118271,"åı²è¯Ĺ":118272,"åĪ©åύ":118273,"è¿IJç®Ĺ":118274,"沦为":118275,"該使ç͍èĢħ":118276,"èĮ¬":118277,"éĶ¦ç»£":118278,"åı²æĸĻ":118279,"ç쵿´»æĢ§":118280,"èģĶ社":118281,"æĹłåĬ©":118282,"æĬĹæ°§åĮĸ":118283,"èıľèĤ´":118284,"éĢłèι":118285,"æİīèIJ½":118286,"å¤įæŁ¥":118287,"åĭĥåĭĥ":118288,"åij¼å£°":118289,"給äºĪ":118290,"åIJĮäºĭ们":118291,"ç½°":118292,"è¯ķæİ¢":118293,"åħ³éĶ®åŃĹ":118294,"æįIJçĮ®":118295,"ç»Łè®¡æķ°æį®":118296,"åĪĽä½ľèĢħ":118297,"ä¸ĭåįĬ":118298,"ä¸ĭåįĬåľº":118299,"æī¿æĭħ责任":118300,"端æŃ£":118301,"ç©¿è¡£":118302,"ä¼łçIJĥ":118303,"åĬ©éķ¿":118304,"åĩ±":118305,"éķ¶åµĮ":118306,"é£ŀç¿Ķ":118307,"è¾ĵåįµ":118308,"è¾ĵåįµç®¡":118309,"ä¸ĩåħ¬éĩĮ":118310,"æİ¨å¹¿åºĶç͍":118311,"å¿«æ¨Ĥ":118312,"ç§½":118313,"èī°å·¨":118314,"åIJ¬å®Į":118315,"åĿļ硬":118316,"å¥¥åľ°":118317,"å¥¥åľ°åĪ©":118318,"é¢ĵ":118319,"èĻIJå¾ħ":118320,"ä¾Ľæ±Ĥ":118321,"éľīç´ł":118322,"伪è£ħ":118323,"ä¹¡åľŁ":118324,"åĩ¡æľ¬ç½ij":118325,"åĩ¡æľ¬ç½ij注":118326,"ä¼ĬåĪ©":118327,"è¡¡æ°´":118328,"æĽ´åĥıæĺ¯":118329,"åĪĨéĴŁå·¦åı³":118330,"è¦ı模":118331,"äºĶåĪĨéĴŁ":118332,"åºĹåĬłçĽŁ":118333,"åĽ°éĽ£":118334,"åħ³åģľ":118335,"æĢĿ绪":118336,"åĴ½åĸī":118337,"缸符":118338,"çĥ¦èºģ":118339,"æĻĤæľŁ":118340,"åijĪçı¾":118341,"è§£æķ£":118342,"诱导":118343,"éļĶçĥŃ":118344,"çĮ¶":118345,"åįĹå®ĭ":118346,"æ·±åħ¥äºĨè§£":118347,"çŃĶçĸij":118348,"æĺ¼å¤ľ":118349,"åįĥä¼ı":118350,"åĬ³åĬ¡æ´¾éģ£":118351,"红è±Ĩ":118352,"åĿıäºĭ":118353,"çĤ¹æ»´":118354,"å°±ä¸ļå²Ĺä½į":118355,"约åIJĪ":118356,"åħįéϤ":118357,"éĢĨåĬ¿":118358,"éĩįéĩijå±ŀ":118359,"å®ĺ宣":118360,"ä½İå»ī":118361,"æģ¨ä¸įå¾Ĺ":118362,"å¾Ĺ天":118363,"å¾Ĺ天çĭ¬":118364,"å¾Ĺ天çĭ¬åİļ":118365,"ä¸Ģå°ģä¿¡":118366,"æĬ½å¥ĸ":118367,"è¾Ĺ转":118368,"çķĻå®Ī":118369,"çķĻå®ĪåĦ¿ç«¥":118370,"çŃĶåį·":118371,"å·¨åŀĭ":118372,"æľĢ好ä¸įè¦ģ":118373,"æµĻæ±Łå¤§åѦ":118374,"æĨ¨":118375,"æı¡æīĭ":118376,"éĴĪç»ĩ":118377,"æİĴ骨":118378,"çĤ½":118379,"å°ģè£ħ":118380,"åįĢåŁŁ":118381,"空æ°ĶåĩĢåĮĸ":118382,"åħīå½±":118383,"åĢĴå¡Į":118384,"å§ļæĺİ":118385,"æ¤į被":118386,"åѦåīį":118387,"åѦåīįæķĻèĤ²":118388,"èĬĿåĬł":118389,"èĬĿåĬłåĵ¥":118390,"缩水":118391,"ä½Ł":118392,"åľ¨çº¿åĴ¨è¯¢":118393,"èµıæŀIJ":118394,"éĿĴèĽĻ":118395,"æĬ±ä½ı":118396,"èĮĤåIJį":118397,"åħ¨åĬĽæīĵéĢł":118398,"åįļ士åѦä½į":118399,"æ²§å·ŀ":118400,"åĻ¢":118401,"æĿĤçī©":118402,"åĪ»çĶ»":118403,"æįħ":118404,"å¾®éĩı":118405,"å¾®éĩıåħĥç´ł":118406,"ä¸ĢåĽŀäºĭ":118407,"鸡èĤī":118408,"åĪ©æ¶¦çİĩ":118409,"æīįç®Ĺ":118410,"å¾®å¦Ļ":118411,"棵æłij":118412,"贪婪":118413,"åĩıå̼":118414,"梦å¢ĥ":118415,"åı¯è§Ĩ":118416,"åı¯è§ĨåĮĸ":118417,"广大å¸Ĥæ°ij":118418,"ä¸ĵä¸ļä»İäºĭ":118419,"ç»ı纬":118420,"ç´§çĽ¯":118421,"çŁ¥å·±":118422,"è¤ļ":118423,"æĸĩåĮĸåºķèķ´":118424,"åݦéŨå¸Ĥ":118425,"临港":118426,"对åħ¶çľŁå®ŀ":118427,"岸边":118428,"è¦ĸçĤº":118429,"æĬĹçĻĮ":118430,"åĶIJå®ĩ":118431,"ä¸įå¾Ĺè¶ħè¿ĩ":118432,"å¨ģæħij":118433,"æ¡Ĩæŀ¶åįıè®®":118434,"èµ°ç§ģ":118435,"åĽ¢å§Ķ":118436,"夸大":118437,"æ¬Ħ":118438,"ç¥ŀç»ıç³»ç»Ł":118439,"æijĦå½±ä½ľåĵģ":118440,"èĬ¥":118441,"å®īåºĨ":118442,"海滨":118443,"æŀĦæĢĿ":118444,"çĮĤ":118445,"åı©":118446,"éĺIJæĺİ":118447,"éģģ":118448,"精油":118449,"ç©´ä½į":118450,"æĬ¤èº«":118451,"æĬ¤èº«ç¬¦":118452,"æĮĩå°İ":118453,"åŃĺåľ¨ä¸Ģå®ļ":118454,"å¯ĤéĿĻ":118455,"æµ·å¤ĸå¸Ĥåľº":118456,"éĿ¡":118457,"综åIJĪå¾ģ":118458,"ä¿IJ":118459,"è¨Īç®Ĺ":118460,"æĺİæľĹ":118461,"äºļè¿IJ":118462,"äºļè¿IJä¼ļ":118463,"åīįçŀ»æĢ§":118464,"åĮ®ä¹ı":118465,"产ä¸ļæī¶è´«":118466,"èĦijæµ·":118467,"èĦijæµ·ä¸Ń":118468,"åħļçļĦé¢Ĩ导":118469,"åĪĺéĤ¦":118470,"æµģæĺŁ":118471,"æĵĤ":118472,"æĶĢçĻ»":118473,"åĴĶ":118474,"ä¸Ģä¸ĭåŃIJå°±":118475,"è¯Ĭæ²»":118476,"使åĬ²":118477,"åīµä½ľ":118478,"éĵŃè®°":118479,"éĴ±è´¢":118480,"æĹ¥æĬ¥è®°èĢħ":118481,"çĥŁçģ«":118482,"èĥľè´Ł":118483,"åįļ主":118484,"ä¸ŃåĽ½èģĶéĢļ":118485,"ç½ijç«Ļé¦ĸ页":118486,"å°±å¤Ł":118487,"å°±å¤ŁäºĨ":118488,"æīijåħĭ":118489,"å±ħå§Ķä¼ļ":118490,"è°¬":118491,"å®īåħ¨äºĭæķħ":118492,"åķĨçĶ¨è½¦":118493,"循çݯç»ıæµİ":118494,"æ·¤":118495,"èĢĥè¯ģ":118496,"å®ĿèĹı":118497,"å®Įç»ĵ":118498,"çłĶåıijæĬķåħ¥":118499,"å²ij":118500,"æģŃæķ¬":118501,"离éĢĢä¼ij":118502,"水墨":118503,"å©¶":118504,"è¯Ĺåı¥":118505,"å®ģæ³¢å¸Ĥ":118506,"å¼±çĤ¹":118507,"åģľçīĮ":118508,"奶油":118509,"å¥ĩ纳河":118510,"æĨĤ":118511,"社ä¼ļå®ŀè·µ":118512,"è´Ŀ壳":118513,"çłĤæµĨ":118514,"èιåıª":118515,"宣æī¬":118516,"综åIJĪæķ´æ²»":118517,"åĤij":118518,"æ°ijæĹıæĸĩåĮĸ":118519,"éĩįçݰ":118520,"积æ·Ģ":118521,"åħ¬çĦ¶":118522,"çħī":118523,"缸èģļ":118524,"æ±¾":118525,"纹çIJĨ":118526,"çĩĥçħ¤":118527,"æŃ¤ç§į":118528,"ç¾İå¦Ĩ":118529,"åįĥçĵ¦":118530,"çIJĽ":118531,"驾驶è¯ģ":118532,"éĺ¶æ¢¯":118533,"ä¸Ŀä¸Ŀ":118534,"å¾Īå¤ļäºĭæĥħ":118535,"åħīéĺ´":118536,"èijĹä½ľæ¬Ĭ":118537,"åħ§éĥ¨":118538,"çĽ¸å¯¹æĿ¥è¯´":118539,"éĸĴ":118540,"éľĩæħij":118541,"說話":118542,"æĨij":118543,"ç«¥è£ħ":118544,"ä½ıæĪ¿åĴĮ":118545,"ä½ıæĪ¿åĴĮåŁİ":118546,"å·²ç»ıè¶ħè¿ĩ":118547,"ä¾¦å¯Ł":118548,"çŁ¿çī©":118549,"ä¾Ľå¤§å®¶":118550,"çī¹éĤĢ":118551,"ç¨ĭåºıåijĺ":118552,"çķľçī§ä¸ļ":118553,"æ°ª":118554,"çijª":118555,"åĢĴåľ¨":118556,"åĢĴåľ¨åľ°":118557,"æ¯Ģ":118558,"梯éĺŁ":118559,"æİ¥èijĹ":118560,"æĬĹèıĮ":118561,"è¤ĩ":118562,"ç¬Ļ":118563,"æ¯Ķä¸Ĭå¹´":118564,"鸡汤":118565,"åŃ¦ä¹łæĪIJ绩":118566,"æĸijæĸĵ":118567,"åħĪ导":118568,"åĪĹ举":118569,"è°ĥæŁ¥æĺ¾ç¤º":118570,"æ©«":118571,"ä¹Ŀåįģ":118572,"è°¢éŁµ":118573,"è·¨è¶Ĭå¼ı":118574,"女æĢ§æľĭåıĭ":118575,"èIJ¥åħ»ä»·å̼":118576,"å®ŀè·µç»ıéªĮ":118577,"èĭıå·ŀå¸Ĥ":118578,"çĵ¶åŃIJ":118579,"æĸ°çļĦä¸Ģ":118580,"æĸ°çļĦä¸Ģå¹´":118581,"æĺİæĻ°":118582,"å®łçα":118583,"åŃĹ第":118584,"æľĹ诵":118585,"纳æĸ¯":118586,"éĢĨè¡Į":118587,"è«ĭæĤ¨":118588,"è«ĭæĤ¨æıIJä¾Ľ":118589,"èĥ¸æĢĢ":118590,"第ä¸ĥå±Ĭ":118591,"强壮":118592,"代åŃķ":118593,"æ±¶å·Ŀ":118594,"å®¶åĸ»":118595,"å®¶åĸ»æĪ·":118596,"å®¶åĸ»æĪ·æĻĵ":118597,"èħ®":118598,"åIJ¯è¿ª":118599,"æĹłéļľç¢į":118600,"èĻķçIJĨåıĬ":118601,"æĿ¥åİĨ":118602,"å®ŀåĬ¡":118603,"ä¹Łéļıä¹ĭ":118604,"æĬĢèĥ½åٹè®Ń":118605,"åѤç«ĭ":118606,"åīģ":118607,"éĥ´å·ŀ":118608,"æĶ¶æķĽ":118609,"éł»éģĵ":118610,"èį£å¹¸":118611,"èİ«è¿ĩäºİ":118612,"æŃ¤æĻĤ":118613,"纪å§ĶçĽij":118614,"纪å§ĶçĽijå§Ķ":118615,"缸éĤ»":118616,"åı¦ä¸Ģè¾¹":118617,"çªĴæģ¯":118618,"æľīå¾Īå¤ļç§į":118619,"æ¯ıéĢ¢":118620,"éĹ®ä¸ĸ":118621,"累累":118622,"éĿĴæĺ¥æľŁ":118623,"è·¯åĨµ":118624,"åħĭèݱ":118625,"è¿Ħä»Ĭ为æŃ¢":118626,"æĥĬå¥ĩ":118627,"跨度":118628,"éħ¿éĢł":118629,"åĩĭ":118630,"è¿ijä¸īå¹´":118631,"åĨħ马":118632,"åĨħ马å°Ķ":118633,"æıį":118634,"è¿Ľå±ķæĥħåĨµ":118635,"èĮ§":118636,"æľīåºıæİ¨è¿Ľ":118637,"æĢ»åĨłåĨĽ":118638,"æĪIJ绩åįķ":118639,"éĽ»è©±åıĬ":118640,"ç´§å¯Ĩç»ĵåIJĪ":118641,"åºĬä½į":118642,"é¹Ĭ":118643,"æķ£åıijçĿĢ":118644,"åĭŁèµĦ":118645,"æ°¨éħ¸":118646,"彩ç¥ŀ":118647,"è®Ģåıĸ":118648,"éĩ῏©":118649,"ä¸ŃåŃĺåľ¨çļĦ":118650,"ç¾İéºĹ":118651,"ä¸įæĸŃå¢ŀåĬł":118652,"è½®æµģ":118653,"æİ¥åIJ¬":118654,"年产å̼":118655,"åįĥåħĭ":118656,"æĪĺåľºä¸Ĭ":118657,"çħ§é¡§":118658,"å¹²éĥ¨éĺŁä¼į":118659,"åį°ç«ł":118660,"ä¸Ģèĩ´æĢ§":118661,"è¿ŀå¤ľ":118662,"åħħè£ķ":118663,"é»ijåIJįåįķ":118664,"åĩĢæ°´":118665,"ä¸Ģ大æĹ©":118666,"åĮħ袱":118667,"çĬ¯è§Ħ":118668,"çIJĨè«ĸ":118669,"æŀģæĺĵ":118670,"骸":118671,"å¨ĺå¨ĺ":118672,"åĽ¢åľĨ":118673,"亿åħĥ以ä¸Ĭ":118674,"åĪ©ç͍æĤ¨çļĦ":118675,"带æĿ¥æĽ´å¤ļ":118676,"ä¸Ń央空è°ĥ":118677,"æľĪèĸª":118678,"çĮľæĥ³":118679,"åĪºå®¢":118680,"ä½ľæģ¯":118681,"åįķè°ĥ":118682,"äºĴåĪ©":118683,"å¦Ĥæľīä¾µæĿĥ":118684,"å°ıå·§":118685,"åįģåł°":118686,"åĵĪåĵĪåĵĪåĵĪ":118687,"è¾¹éĻħ":118688,"æłĩè¯Ń":118689,"åĪĩåħ¥çĤ¹":118690,"éĢĨè¢Ń":118691,"è¯ķåīĤ":118692,"绿è±Ĩ":118693,"è®ļ":118694,"åŁºçĿ£å¾Ĵ":118695,"壬":118696,"åħ¨æĺİæĺŁ":118697,"éĢīç§Ģ":118698,"èĪĮå°ĸ":118699,"ä¸įåIJĮç±»åŀĭ":118700,"çĥŁåĽ±":118701,"ç쵿°Ķ":118702,"åĮºç®¡å§Ķä¼ļ":118703,"åĨľåī¯":118704,"åĨľåī¯äº§åĵģ":118705,"èĶļæĿ¥":118706,"沪æĮĩ":118707,"åħ»æ®ĸæĪ·":118708,"æĸĹå¿Ĺ":118709,"é¦ĸé¢Ĩ":118710,"è¡Ģèħ¥":118711,"åĬłç´§":118712,"ä¸Ģèĩ´å¥½è¯Ħ":118713,"第ä¸īèĬĤ":118714,"æī¬å°ĺ":118715,"交éĢļæŀ¢çº½":118716,"鼶ç¢İ":118717,"é»ijæ´ŀ":118718,"çľĭä¸įæĩĤ":118719,"å±ŀå®ŀ":118720,"主åŁİåĮº":118721,"å¨Ľ":118722,"å¨Ľæ¨Ĥ":118723,"ç¬ijæĦı":118724,"èĻ¹æ¡¥":118725,"åIJĦ个çݯèĬĤ":118726,"çķ¥å¾®":118727,"èĢķèĢĺ":118728,"æľ¬åľºæ¯ĶèµĽ":118729,"æĪIJè´¥":118730,"éĢīèĤ¡":118731,"èªŀè¨Ģ":118732,"çŃĶ辩":118733,"èĩªä¹ł":118734,"棺":118735,"ä¸ĩ欧åħĥ":118736,"åģľå·¥":118737,"对åħ¶è¿Ľè¡Į":118738,"积æŀģéħįåIJĪ":118739,"ä¹¾åĿ¤":118740,"å¦ĸæĢª":118741,"èļĮåŁł":118742,"èµĦ产è¯Ħä¼°":118743,"è°ĥçļ®":118744,"éϤå¤ķ":118745,"åĽ´å¢Ļ":118746,"æľįå½¹":118747,"æ·±æ¸Ĭ":118748,"é¢Ħåζ":118749,"çĥ½":118750,"å®ī稳":118751,"建æŀĦ":118752,"çĭĻåĩ»":118753,"主åĭķ註åĨĬ":118754,"éĥ½æľīèĩªå·±":118755,"æİĴåIJį第ä¸Ģ":118756,"麻辣":118757,"çĢļ":118758,"çĥŁèĬ±çĪĨ":118759,"çĥŁèĬ±çĪĨ竹":118760,"èĩªçĦ¶ä¿ĿæĬ¤":118761,"ä»Ļå¢ĥ":118762,"为äºĨéģ¿åħį":118763,"åĨ·åºĵ":118764,"è§£æĶ¾æĢĿæĥ³":118765,"åĪĿäºĮ":118766,"ä½ĵè´´":118767,"é¦ĸå¯Į":118768,"迪æĭľ":118769,"æļĤç¼ĵ":118770,"æĶ¯æĮģåĬĽåº¦":118771,"侦æİ¢":118772,"马åĪº":118773,"åĮĹæ±½":118774,"ç¹ŀ":118775,"è°İè¨Ģ":118776,"éĢ£çºĮ":118777,"å·³":118778,"ä»»ä½ķæĹ¶åĢĻ":118779,"车èģĶç½ij":118780,"åįķ项":118781,"å¸Ńåį·":118782,"建çŃijæĿIJæĸĻ":118783,"ä¸Ńç§ĭèĬĤ":118784,"ç¡ķ士çłĶç©¶":118785,"ç§ģç«ĭ":118786,"åħļåĴĮæĶ¿åºľ":118787,"æľ¬æ¬¡äº¤æĺĵ":118788,"èººåľ¨åºĬä¸Ĭ":118789,"ç½ijåıĭè¯Ħ论":118790,"å¦Ŀ":118791,"害ç¾ŀ":118792,"åħ¬ç«ĭåĮ»éĻ¢":118793,"ä¸ŀ":118794,"çĶŁçī©è´¨":118795,"åºĶéĤĢ":118796,"æĬ½åıĸ":118797,"åĩłå¼ł":118798,"æijĺç¼ĸ":118799,"ç»ĺæľ¬":118800,"详解":118801,"强硬":118802,"æľĢåħĪè¿ĽçļĦ":118803,"æĭĽèĤ¡":118804,"æĭĽèĤ¡ä¹¦":118805,"åįĥæĸ¹":118806,"åįĥæĸ¹çϾ":118807,"åįĥæĸ¹çĻ¾è®¡":118808,"éħįéŁ³":118809,"驾çħ§":118810,"å¾ģæĪĺ":118811,"èªĵè¨Ģ":118812,"æĭľå¸Ī":118813,"æĭľå¸ĪåѦ":118814,"æĭľå¸ĪåѦèīº":118815,"æĬ±åĽ¢":118816,"ç±³ç²ī":118817,"éĿŀ常éĢĤåIJĪ":118818,"èĪªæµ·":118819,"履约":118820,"åįģåħ«æĿ¡":118821,"éĶ»éĢł":118822,"éĩįè¦ģ举æİª":118823,"åıijæĮ¥ä½ľç͍":118824,"æ·ļ":118825,"人社":118826,"人社å±Ģ":118827,"è¯ķçĤ¹å·¥ä½ľ":118828,"éĺľéĺ³":118829,"æ¡ĥåľĴ":118830,"æ°ijä¼ģ":118831,"æ´ģçϽ":118832,"贵宾":118833,"åħ¬ç¤¾":118834,"è§īæĤŁ":118835,"è®°å¿ĨåĬĽ":118836,"æľĥåĵ¡è¨»åĨĬ":118837,"æŃ¤æ¡Ī":118838,"麻çĹ¹":118839,"çıĢ":118840,"æĸ©èİ·":118841,"çĶ·åŃ©åŃIJ":118842,"å±ĢéĻIJäºİ":118843,"åĭĺæŁ¥":118844,"åIJĥ饱":118845,"èĬ¬åħ°":118846,"æ£ķèī²":118847,"ç¦ıç¥ī":118848,"çͳèĬ±":118849,"æµ·çĽĹ":118850,"èĶij":118851,"æĸĩåѸ":118852,"æ´»æĢ§çĤŃ":118853,"缴éĢļ车":118854,"è°¢éĤĢ":118855,"躺çĿĢ":118856,"åľĥ":118857,"æ¯ıæĹ¥ç»ıæµİ":118858,"åħ¬åħ±æĸĩåĮĸ":118859,"讲æķħäºĭ":118860,"å¯Łçľĭ":118861,"æĤłéĹ²":118862,"åľ°åĿª":118863,"æ¶Įçݰåĩº":118864,"é«ĺçŃīéĻ¢æł¡":118865,"èĮĦåŃIJ":118866,"éĺ²åį«":118867,"ä¾ĭè¡Į":118868,"æĺ¾éľ²":118869,"æĸ°å¸¸æĢģ":118870,"ç»Ŀä½³":118871,"å¯Įæ°ij":118872,"以人æ°ij":118873,"以人æ°ij为":118874,"éĤ¢åı°":118875,"å±ķæ¼Ķ":118876,"çϼå¸ĥ":118877,"è´Łè½½":118878,"åģı离":118879,"æ°¸éģł":118880,"éĩįè¦ģåİŁåĽł":118881,"åįıä¼ļä¼ļåijĺ":118882,"é﾿°ij":118883,"çĶŁäº§è½¦éĹ´":118884,"çģµåĬ¨":118885,"两年åīį":118886,"æĸ¹åľĨ":118887,"æ´»ä¸ĭåİ»":118888,"ä¸ĸçķĮè§Ĥ":118889,"éªĹåıĸ":118890,"ç¾İè²Į":118891,"èĥ½çľĭåĩº":118892,"çϼæı®":118893,"è§Ĥå½±":118894,"åīĥ":118895,"åIJĪèµĦåħ¬åı¸":118896,"å©§":118897,"å¹²æĹ±":118898,"åħŃ个æľĪ":118899,"尤为éĩįè¦ģ":118900,"èĤ½":118901,"ç§¦åĽ½":118902,"æīĺç¦ı":118903,"建çŃijå¸Ī":118904,"åįĩ级æĶ¹éĢł":118905,"å°ıé¢Ŀ":118906,"å°ıé¢Ŀ贷款":118907,"两个维æĬ¤":118908,"æĭįæĭį":118909,"åı¯çĸij":118910,"æį¢åıĸ":118911,"æŃ¦å£«":118912,"èµĸ以":118913,"èµĸ以çĶŁåŃĺ":118914,"æĮļ":118915,"殿åłĤ":118916,"èĩªçĦ¶çķĮ":118917,"ç£ģåľº":118918,"å¦Ĥä½ķçľĭå¾ħ":118919,"ä»ĬæĹ¥å¤´æĿ¡":118920,"è¥¿åŁŁ":118921,"èİ·è¯Ħ":118922,"é¢¨æł¼":118923,"ä¿ĦåĽ½":118924,"æīĵæĭ¼":118925,"å®£ä¼łçīĩ":118926,"å¾Īæĸ¹ä¾¿":118927,"ä¾Ľç»Ļä¾§":118928,"纪念ç¢ij":118929,"毫åħĭ":118930,"èĬ³é¦Ļ":118931,"å·¥åķĨéĵ¶è¡Į":118932,"请çĤ¹åĩ»":118933,"缪":118934,"æĹłæķ°æ¬¡":118935,"èį¯å¸Ī":118936,"èħ¸":118937,"游èīĩ":118938,"åĮ¾":118939,"å·¡èĪª":118940,"æ²»çIJĨä½ĵç³»":118941,"èIJ¥éĢłèī¯å¥½":118942,"æ··æ·Ĩ":118943,"éĢļçķħ":118944,"åĬ³ç´¯":118945,"ä»ĵä½į":118946,"å¢ŀéķ·":118947,"éļIJ约":118948,"æĿĤå¿Ĺ社":118949,"åħ»èĤ²":118950,"åı¯èĥ½åıijçĶŁ":118951,"èĢĥ試":118952,"西侧":118953,"åĬłåĢį":118954,"主æĮģåı¬å¼Ģ":118955,"çķ¢ç«Ł":118956,"éĹ®è¯¢":118957,"æµ·æ£ł":118958,"èĹ©":118959,"注æĺİæĿ¥æºIJ":118960,"æ£Ģçĸ«":118961,"请åģĩ":118962,"æĬļæij¸":118963,"èĵĦçĶµæ±ł":118964,"è·Łä¸įä¸Ĭ":118965,"çݰ代社ä¼ļ":118966,"çѹèµĦ":118967,"ä½ĵèĤ²å½©ç¥¨":118968,"延误":118969,"è¾Ľè¾£":118970,"éĿ¢å®¹":118971,"åį°è®°":118972,"çģŃ亡":118973,"ç´łé£Ł":118974,"åħ´èĩ´":118975,"éľĢè¦ģç͍":118976,"éľĢè¦ģç͍åΰ":118977,"å®Ŀå¦Ī":118978,"ç£ĭåķĨ":118979,"éļ¶å±ŀ":118980,"è´¡çĮ®åĬĽéĩı":118981,"åħ¬åħ±èµĦæºIJ":118982,"大éĺª":118983,"åĨĽè®Ń":118984,"æĤ¬å¿µ":118985,"社ä¼ļ稳å®ļ":118986,"å¹²äºĭåĪĽä¸ļ":118987,"æľīæĿ¡ä»¶":118988,"æľīæĿ¡ä»¶çļĦ":118989,"ä¸Ģå¹´ä¸Ģ度":118990,"åİ¥":118991,"强奸":118992,"豪车":118993,"æİĮæŁľ":118994,"æ°´åΩ工ç¨ĭ":118995,"峪":118996,"积æŀģä½ľç͍":118997,"æµ·æ·Ģ":118998,"æµ·æ·ĢåĮº":118999,"çĥŃæĴŃ":119000,"åĿļæĮģä¸įæĩĪ":119001,"åıĮèĦļ":119002,"绣æĪĺ":119003,"ä»»ä½ķ人éĥ½":119004,"åľ°ä¸ĭ室":119005,"åĨ¶çĤ¼":119006,"è°ħè§£":119007,"æ¸Ķèι":119008,"太éĺ³åŁİ":119009,"被æįķ":119010,"计ç®Ĺåύ":119011,"西åĮ»":119012,"èĪĴå¿ĥ":119013,"桦":119014,"éģ²":119015,"åĬij":119016,"è¨Ĺ":119017,"èݺ":119018,"åĸ¬":119019,"çĵ¯":119020,"åĺĺ":119021,"åłķ":119022,"æķĿ":119023,"åij¦":119024,"èĭŀ":119025,"æŃ¹":119026,"æĵ¬":119027,"æ£Ħ":119028,"èε":119029,"奪":119030,"çļĭ":119031,"æĶ¸":119032,"åľ©":119033,"ç¤Ļ":119034,"ç¢ĺ":119035,"éıĪ":119036,"æĦķ":119037,"ç¹³":119038,"èĺ¸":119039,"è²Ĥ":119040,"æ¼²":119041,"æij¹":119042,"æĶĿ":119043,"åŃ¢":119044,"èķŃ":119045,"騰":119046,"æ½¼":119047,"éħ°":119048,"æĴ¥":119049,"蹬":119050,"é¨Ļ":119051,"踹":119052,"éģIJ":119053,"çĺĢ":119054,"èĽ¤":119055,"æĤĸ":119056,"çĴŀ":119057,"ç£IJ":119058,"æİ°":119059,"è¾Ĭ":119060,"å¾ij":119061,"æİĸ":119062,"éģŀ":119063,"éĤ¸":119064,"éĽı":119065,"æĨİ":119066,"æľ½":119067,"çį»":119068,"ç®Ķ":119069,"褶":119070,"æļ¢":119071,"æĺµ":119072,"çıĤ":119073,"æĤ¸":119074,"åģµ":119075,"åĻľ":119076,"壯":119077,"æĴ®":119078,"æģį":119079,"å©ķ":119080,"篱":119081,"éĺĻ":119082,"çīł":119083,"è£ĺ":119084,"è³¢":119085,"éĩľ":119086,"éĵł":119087,"èİĺ":119088,"æ®Ĩ":119089,"çϏ":119090,"è´ı":119091,"ç²±":119092,"å«¡":119093,"åĨ¢":119094,"è¤Ĵ":119095,"æĩĬ":119096,"éľĵ":119097,"塵":119098,"æĭ£":119099,"å»Ł":119100,"飽":119101,"é¢Į":119102,"åļİ":119103,"æ·º":119104,"èĨł":119105,"åİŃ":119106,"åļĩ":119107,"åijĥ":119108,"çĴĭ":119109,"çѱ":119110,"æĭ·":119111,"èį§":119112,"éͰ":119113,"åѰ":119114,"èĵĵ":119115,"èĨ½":119116,"æŀī":119117,"åĸ½":119118,"çĽĶ":119119,"çŃIJ":119120,"ç¾ļ":119121,"èħĮ":119122,"辫":119123,"æ³ĵ":119124,"çͬ":119125,"èŁ²":119126,"åĸª":119127,"å¦ĵ":119128,"è¬Ģ":119129,"çĤĬ":119130,"æĽľ":119131,"æ±IJ":119132,"è´Ī":119133,"èįĢ":119134,"æĬł":119135,"碾":119136,"æ«ĥ":119137,"éŀł":119138,"èijĨ":119139,"祯":119140,"å½Ŀ":119141,"é¦į":119142,"åĮ£":119143,"æľŃ":119144,"åĿĤ":119145,"ä¿ij":119146,"èĵ®":119147,"çijĽ":119148,"æīī":119149,"èĩŁ":119150,"貫":119151,"çİ¥":119152,"æ·¼":119153,"åݲ":119154,"é³Į":119155,"å³Ń":119156,"åijĽ":119157,"é§":119158,"é§IJ":119159,"éģ·":119160,"俪":119161,"æĢĤ":119162,"è¾į":119163,"å±į":119164,"åĭģ":119165,"å¥ļ":119166,"éļħ":119167,"éĴ´":119168,"è¼Ŀ":119169,"宦":119170,"èIJĥ":119171,"çĺĭ":119172,"æĨ¶":119173,"æĤħ":119174,"è¾Ļ":119175,"åijľ":119176,"çłº":119177,"éĢŀ":119178,"æµļ":119179,"éĸ£":119180,"èĸ©":119181,"éĻĭ":119182,"çĤĻ":119183,"èªķ":119184,"丣":119185,"é¹½":119186,"ç±Į":119187,"è´°":119188,"éĭª":119189,"çľ©":119190,"æĴIJ":119191,"èĨº":119192,"éŀĺ":119193,"ç¾²":119194,"窮":119195,"ç´IJ":119196,"æ®´":119197,"纾":119198,"èºį":119199,"ç´ĭ":119200,"çĦĸ":119201,"çĶº":119202,"çī½":119203,"çĤ¯":119204,"ç¼Ķ":119205,"æ¯ĵ":119206,"嬰":119207,"梧":119208,"äºŁ":119209,"è¢ħ":119210,"çįĦ":119211,"è¿¥":119212,"æ¼¾":119213,"çĿij":119214,"績":119215,"é¦ĭ":119216,"é¤ħ":119217,"æ¹Ħ":119218,"æĺĩ":119219,"æŀŃ":119220,"èĸ°":119221,"æŁij":119222,"榻":119223,"åĻĹ":119224,"åĻ´":119225,"棣":119226,"åͧ":119227,"çĨ¹":119228,"輯":119229,"å¢Ł":119230,"é²²":119231,"æĪĽ":119232,"èī¦":119233,"èĬ®":119234,"åĺŁ":119235,"帥":119236,"å¿»":119237,"çĮĿ":119238,"寵":119239,"賦":119240,"èĽ¾":119241,"滾":119242,"çĤķ":119243,"éĵ¬":119244,"èĴ¿":119245,"éĴ¨":119246,"çĥĻ":119247,"ç²ķ":119248,"æĥ¦":119249,"溧":119250,"é¢į":119251,"éħ£":119252,"峦":119253,"ç±ģ":119254,"çĥĥ":119255,"åĨĹ":119256,"åıģ":119257,"缧":119258,"ç½µ":119259,"éĴĹ":119260,"å¬ī":119261,"è°ı":119262,"ç³§":119263,"è¾Ń":119264,"æ·¬":119265,"èŁĴ":119266,"诩":119267,"è¦ĥ":119268,"çĻĸ":119269,"é½Ĵ":119270,"çĪIJ":119271,"ç®į":119272,"ç¼İ":119273,"磺":119274,"诫":119275,"褲":119276,"æĵł":119277,"èIJ¦":119278,"çĿ¬":119279,"è°į":119280,"éĦ°":119281,"æł¾":119282,"é¡ı":119283,"縱":119284,"桨":119285,"éĨ¬":119286,"襲":119287,"讪":119288,"婺":119289,"èįŁ":119290,"åĮĿ":119291,"çĨł":119292,"èĽĬ":119293,"æ¸ļ":119294,"å´½":119295,"鲤":119296,"åķ°":119297,"åĮķ":119298,"ä¸IJ":119299,"讥":119300,"åı½":119301,"åı¼":119302,"çļ¿":119303,"è¿Ĥ":119304,"åIJĨ":119305,"å±¹":119306,"èĩ¼":119307,"讹":119308,"é©®":119309,"纫":119310,"æ±ŀ":119311,"æĬ¡":119312,"èĭĩ":119313,"åIJł":119314,"åIJŃ":119315,"åIJ®":119316,"å²ĸ":119317,"ä½ĥ":119318,"çĭĪ":119319,"åºĩ":119320,"åIJĿ":119321,"éŰ":119322,"æ±¹":119323,"忱":119324,"æĭĦ":119325,"æĭĹ":119326,"èĮī":119327,"èĭĽ":119328,"èĮģ":119329,"çŁ¾":119330,"èĻı":119331,"åij»":119332,"åĴĦ":119333,"å¿¿":119334,"èĤ®":119335,"çĭŀ":119336,"çĸŁ":119337,"çĸĻ":119338,"çĸļ":119339,"æ³ŀ":119340,"å¸ļ":119341,"å±ī":119342,"è¿¢":119343,"驹":119344,"çİ·":119345,"çıĬó":119346,"çıĬół":119347,"çıĬółĦ":119348,"çıĬółĦģ":119349,"æĮİ":119350,"æĭ´":119351,"åŀĽ":119352,"èį¤":119353,"æ®ĥ":119354,"çĽ¹":119355,"åĵĨ":119356,"è´»":119357,"毡":119358,"çĭ°":119359,"çĭ¡":119360,"æŁĴ":119361,"æģĥ":119362,"诬":119363,"è¢Ħ":119364,"诲":119365,"èļ¤":119366,"èĢĻ":119367,"åŁĤ":119368,"æįİ":119369,"æįĮ":119370,"æ¢Ĩ":119371,"éħĮ":119372,"çł¾":119373,"æ®ī":119374,"åĶł":119375,"æĻĮ":119376,"èļ£":119377,"èļª":119378,"èļĵ":119379,"鸯":119380,"åĶģ":119381,"åĶĨ":119382,"åĢĶ":119383,"èĪĢ":119384,"豺":119385,"èĥ°":119386,"鸵":119387,"鸳":119388,"é¦ģ":119389,"ç¾Ķ":119390,"æ¶£":119391,"æ¶ķ":119392,"æĤ¯":119393,"诽":119394,"è°Ĩ":119395,"ç¥Ł":119396,"绢":119397,"æįº":119398,"æį¶":119399,"æį»":119400,"æİĤ":119401,"èıł":119402,"èIJ¤":119403,"éħĹ":119404,"çľ¶":119405,"åķĦ":119406,"èļ¯":119407,"èĽĢ":119408,"åͬ":119409,"帷":119410,"éĵIJ":119411,"éĵĽ":119412,"åģİ":119413,"å¾Ļ":119414,"èĦ¯":119415,"è±ļ":119416,"çĮĸ":119417,"çĹĬ":119418,"æ¶®":119419,"æĥŃ":119420,"æĤ´":119421,"æĥĭ":119422,"è°ļ":119423,"æı©":119424,"æIJĢ":119425,"æIJĶ":119426,"æ¦Ķ":119427,"æ¤Ń":119428,"éĽ³":119429,"åĸ³":119430,"è·Ľ":119431,"èľĵ":119432,"èľĴ":119433,"é¹ĥ":119434,"éĶĦ":119435,"çĶ¥":119436,"çŃı":119437,"çĮ©":119438,"çĮ¬":119439,"çĮ¾":119440,"çĹ¢":119441,"çĹª":119442,"æĥ°":119443,"çªĺ":119444,"è°¤":119445,"éļĺ":119446,"å©¿":119447,"é¹ī":119448,"çijĻ":119449,"æĸŁ":119450,"椿":119451,"éħª":119452,"éĽ¹":119453,"åŦ":119454,"è··":119455,"è·º":119456,"è·¤":119457,"èľĪ":119458,"èľĹ":119459,"å¹Į":119460,"é¦ı":119461,"èªĬ":119462,"æ¼ĵ":119463,"è¤Ĥ":119464,"èĶĹ":119465,"èͼ":119466,"åħ¢":119467,"裳":119468,"èľ»":119469,"èĿĩ":119470,"åĺĢ":119471,"é͹":119472,"ç®ķ":119473,"箩":119474,"çĺ©":119475,"çĺŁ":119476,"æ¼±":119477,"寥":119478,"骡":119479,"æĴµ":119480,"æĴ¬":119481,"è±Į":119482,"åĺ¹":119483,"èĿł":119484,"èĿĮ":119485,"èĿĹ":119486,"èĿĻ":119487,"éķIJ":119488,"稼":119489,"ç¯ĵ":119490,"èĨĽ":119491,"鲫":119492,"çĺª":119493,"鲨":119494,"æĨĶ":119495,"ç¿©":119496,"褥":119497,"ç¼Ń":119498,"åĻ©":119499,"çĵ¢":119500,"éľİ":119501,"踱":119502,"è¹Ĥ":119503,"èŁĨ":119504,"鹦":119505,"篡":119506,"çĺ¸":119507,"窿":119508,"ç¼°":119509,"èĹIJ":119510,"è¹ĭ":119511,"èŁĭ":119512,"èŁĢ":119513,"赡":119514,"èĩĬ":119515,"é³Ħ":119516,"ç³ł":119517,"æĩ¦":119518,"åļ£":119519,"éķ°":119520,"é³į":119521,"ç°¸":119522,"çĻ£":119523,"é³ĸ":119524,"é¬ĵ":119525,"èłķ":119526,"éľ¹":119527,"èºı":119528,"黯":119529,"çĵ¤":119530,"çŁĹ":119531,"ä¹Ĥ":119532,"ä¹ľ":119533,"åħĢ":119534,"å¼ĭ":119535,"åŃij":119536,"åŃĵ":119537,"幺":119538,"äºĵ":119539,"廿":119540,"ä¸ı":119541,"åįħ":119542,"ä»ĥ":119543,"ä»ī":119544,"ä»Ĥ":119545,"åĪĪ":119546,"çĪ»":119547,"åįŀ":119548,"éĹ©":119549,"讣":119550,"夬":119551,"çĪ¿":119552,"æ¯ĭ":119553,"éĤĹ":119554,"éĤĽ":119555,"èī½":119556,"èī¿":119557,"åıµ":119558,"ä¸ķ":119559,"åĮľ":119560,"åĬ¢":119561,"åįŁ":119562,"åı±":119563,"åı»":119564,"仨":119565,"代":119566,"仡":119567,"仫":119568,"ä»ŀ":119569,"åį®":119570,"æ°IJ":119571,"çĬ°":119572,"åĪį":119573,"éĤĿ":119574,"éĤĻ":119575,"讦":119576,"è®§":119577,"讫":119578,"å°»":119579,"éĺ¡":119580,"å°ķ":119581,"å¼ģ":119582,"èĢĴ":119583,"çİİ":119584,"çİij":119585,"åľ¬":119586,"æī¦":119587,"åľª":119588,"åľ¹":119589,"æīª":119590,"åľ®":119591,"åľ¯":119592,"èĬĬ":119593,"èĬį":119594,"èĬĦ":119595,"èĬ¨":119596,"èĬij":119597,"èĬİ":119598,"èĬĹ":119599,"äºĺ":119600,"åİį":119601,"夼":119602,"æĪį":119603,"å°¥":119604,"乩":119605,"æĹ¯":119606,"æĽ³":119607,"å²Į":119608,"屺":119609,"åĩ¼":119610,"åĽ¡":119611,"éĴĩ":119612,"ç¼¶":119613,"æ°ĺ":119614,"æ°ĸ":119615,"çīĿ":119616,"ä¼İ":119617,"ä¼Ľ":119618,"ä¼¢":119619,"佤":119620,"仵":119621,"ä¼¥":119622,"ä¼§":119623,"ä¼ī":119624,"伫":119625,"åĽŁ":119626,"æ±Ĩ":119627,"åĪĸ":119628,"å¤Ļ":119629,"æĹ®":119630,"åĪİ":119631,"çĬ·":119632,"çĬ¸":119633,"èĪĽ":119634,"åĩ«":119635,"éĤ¬":119636,"饧":119637,"æ±Ķ":119638,"æ±ľ":119639,"æ±Ĭ":119640,"å¿ĸ":119641,"å¿ı":119642,"è®´":119643,"讵":119644,"è®·":119645,"èģ¿":119646,"èī®":119647,"åݾ":119648,"å¦ģ":119649,"纡":119650,"纣":119651,"纥":119652,"纨":119653,"çİķ":119654,"çİĻ":119655,"æĬŁ":119656,"æĬĶ":119657,"åľ»":119658,"åĿį":119659,"æĬĥ":119660,"ã§IJ":119661,"èĬ«":119662,"èĬ¾":119663,"èĭĪ":119664,"èĭ£":119665,"èĭĭ":119666,"èĬ¼":119667,"èĭĮ":119668,"èĭģ":119669,"èĬ©":119670,"èĬª":119671,"èĬ¡":119672,"èĬŁ":119673,"èĭĦ":119674,"èĭİ":119675,"èĭ¡":119676,"æĿĮ":119677,"æĿĵ":119678,"æĿĪ":119679,"å¿ij":119680,"åŃĽ":119681,"éĤ´":119682,"éĤ³":119683,"å¥ģ":119684,"è±ķ":119685,"å¿Ĵ":119686,"欤":119687,"轫":119688,"è¿ĵ":119689,"éĤ¶":119690,"å¿IJ":119691,"åį£":119692,"éĤº":119693,"æĹ°":119694,"åijĭ":119695,"åijĴ":119696,"åijĵ":119697,"åijĶ":119698,"åijĸ":119699,"æĹ¸":119700,"åIJ¡":119701,"èϬ":119702,"åIJ½":119703,"åIJ£":119704,"åIJ²":119705,"å¸ı":119706,"å²Ī":119707,"å²ĺ":119708,"åħķ":119709,"åĽµ":119710,"åĽ«":119711,"éĴĬ":119712,"éĴĭ":119713,"éĴĮ":119714,"è¿ķ":119715,"æ°Ļ":119716,"æ°ļ":119717,"çī¤":119718,"ä½ŀ":119719,"ä½ļ":119720,"ä½Ŀ":119721,"ä½Ĺ":119722,"å½·":119723,"ä½ĺ":119724,"ä½¥":119725,"豸":119726,"åĿĮ":119727,"èĤŁ":119728,"å¥Ĥ":119729,"åĬ¬":119730,"çĭģ":119731,"鸳":119732,"饨":119733,"饩":119734,"饫":119735,"饬":119736,"åºij":119737,"åºĭ":119738,"çĸĶ":119739,"çĸĸ":119740,"èĤĵ":119741,"éű":119742,"éĹ³":119743,"çĤĢ":119744,"æ²£":119745,"æ²ħ":119746,"æ²Ķ":119747,"沤":119748,"æ²ı":119749,"æ²ļ":119750,"汩":119751,"汨":119752,"沨":119753,"æ±´":119754,"æ²Ĩ":119755,"沩":119756,"æ³IJ":119757,"æĢĥ":119758,"æĢĦ":119759,"å¿¡":119760,"忤":119761,"忾":119762,"æĢħ":119763,"忪":119764,"æĢĨ":119765,"å¿Ń":119766,"忸":119767,"è¯Ĥ":119768,"è¯ĥ":119769,"è¯ħ":119770,"è¯ĭ":119771,"è¯Į":119772,"è¯Ĵ":119773,"éĻĤ":119774,"éĻī":119775,"妩":119776,"妪":119777,"妣":119778,"å¦Ĺ":119779,"妫":119780,"å§Ĵ":119781,"妤":119782,"åĬŃ":119783,"åĪŃ":119784,"éĤ°":119785,"çºŃ":119786,"纰":119787,"纴":119788,"çİ¡":119789,"çİŃ":119790,"çİł":119791,"çİ¢":119792,"çݦ":119793,"çĽĤ":119794,"å¿Ŀ":119795,"åĮ¦":119796,"åĿ©":119797,"æĬ¨":119798,"æĭ¤":119799,"åĿ«":119800,"æĭĪ":119801,"åŀĨ":119802,"æĬ»":119803,"åĬ¼":119804,"æĭĥ":119805,"æĭĬ":119806,"åĿ¼":119807,"åĿ»":119808,"ã§Ł":119809,"åĿ¨":119810,"åĿŃ":119811,"æĬ¿":119812,"åĿ³":119813,"èĭ·":119814,"èĭ¤":119815,"èĮı":119816,"èĭ«":119817,"èĭľ":119818,"èĭ´":119819,"èĭĴ":119820,"èĭĺ":119821,"èĮĮ":119822,"èĭ»":119823,"èĭĵ":119824,"èĮļ":119825,"èĮĨ":119826,"èĮij":119827,"èĮĵ":119828,"èĮĶ":119829,"èĮķ":119830,"èĮĢ":119831,"èĭķ":119832,"æŀ¥":119833,"æŀĩ":119834,"æĿª":119835,"æĿ³":119836,"æŀ§":119837,"æĿµ":119838,"æŀ¨":119839,"æŀŀ":119840,"æŀĭ":119841,"æĿ»":119842,"æĿ·":119843,"æĿ¼":119844,"磸":119845,"çłĢ":119846,"åγ":119847,"å¥Ħ":119848,"æ®ģ":119849,"éĥı":119850,"è½Ń":119851,"éĥħ":119852,"鸢":119853,"缱":119854,"æĺĻ":119855,"æĿ²":119856,"æĺĥ":119857,"åĴĤ":119858,"åij¸":119859,"æĺĢ":119860,"æĹ»":119861,"æĺī":119862,"çĤħ":119863,"çķĢ":119864,"èĻ®":119865,"åĴĢ":119866,"åij·":119867,"黾":119868,"åij±":119869,"åij¤":119870,"åĴĨ":119871,"åĴĽ":119872,"åij¶":119873,"åij£":119874,"åĴĿ":119875,"å²¢":119876,"岿":119877,"岬":119878,"岫":119879,"å¸Ļ":119880,"å²£":119881,"å³ģ":119882,"åĪ¿":119883,"å²·":119884,"åīĢ":119885,"å¸Ķ":119886,"å³Ħ":119887,"æ²ĵ":119888,"åĽ¹":119889,"ç½Ķ":119890,"éĴį":119891,"éĴİ":119892,"éĴı":119893,"éĴĴ":119894,"éĴķ":119895,"éĤ¾":119896,"è¿®":119897,"çī¦":119898,"竺":119899,"迤":119900,"ä½¶":119901,"ä¾ij":119902,"ä¾ī":119903,"èĩ¾":119904,"ä¾Ĺ":119905,"ä¾ı":119906,"侩":119907,"ä½»":119908,"ä½¾":119909,"侪":119910,"ä½¼":119911,"佯":119912,"侬":119913,"å¸Ľ":119914,"ä¾Ķ":119915,"å¾Ĥ":119916,"åν":119917,"éĥĦ":119918,"ç±´":119919,"çĵ®":119920,"æĪĹ":119921,"èĤ¼":119922,"äıĿ":119923,"èĤ±":119924,"èĤ«":119925,"è¿©":119926,"éĥĩ":119927,"çĭİ":119928,"çĭį":119929,"çĭĴ":119930,"åĴİ":119931,"饯":119932,"饴":119933,"åĨ½":119934,"åĨ¼":119935,"åºĸ":119936,"çĸł":119937,"çĸĿ":119938,"åħĸ":119939,"åĬ¾":119940,"ð¬ī":119941,"ð¬ī¼":119942,"çĤĺ":119943,"çĤĿ":119944,"çĤĶ":119945,"æ³Ķ":119946,"æ²Ń":119947,"æ³·":119948,"æ³±":119949,"æ³ħ":119950,"æ³ł":119951,"泺":119952,"æ³ĸ":119953,"泫":119954,"æ³®":119955,"æ²±":119956,"泯":119957,"æĢĻ":119958,"æĢµ":119959,"æĢ¦":119960,"æĢĽ":119961,"æĢı":119962,"æĢį":119963,"ã¤":119964,"ã¤ĺ":119965,"æĢ©":119966,"æĢ«":119967,"æĢ¿":119968,"å®ķ":119969,"穹":119970,"å®ĵ":119971,"è¯ĵ":119972,"è¯Ķ":119973,"è¯ĸ":119974,"è¯ĺ":119975,"æĪ¾":119976,"è¯Ļ":119977,"æĪ½":119978,"éĥĵ":119979,"è¡©":119980,"ç¥Ĩ":119981,"ç¥İ":119982,"ç¥ĩ":119983,"è¯ľ":119984,"è¯Ł":119985,"诣":119986,"诤":119987,"诧":119988,"诨":119989,"æĪķ":119990,"éĻĶ":119991,"妲":119992,"妯":119993,"å§Ĺ":119994,"å¸ij":119995,"åŃ¥":119996,"驽":119997,"èϱ":119998,"迨":119999,"ç»Ģ":120000,"ç»ģ":120001,"ç»Ĥ":120002,"é©·":120003,"驸":120004,"ç»ī":120005,"ç»Į":120006,"éªĢ":120007,"ç;":120008,"çıı":120009,"çıIJ":120010,"çıij":120011,"çݳ":120012,"顸":120013,"çıī":120014,"çıĪ":120015,"æĭ®":120016,"åŀŃ":120017,"æĮĿ":120018,"æĮŀ":120019,"åŀ¤":120020,"èµ³":120021,"è´²":120022,"åŀ±":120023,"åŀĮ":120024,"åŀ§":120025,"åŀĵ":120026,"æĮ¦":120027,"åŀł":120028,"èįļ":120029,"èįij":120030,"è´³":120031,"èįľ":120032,"èİĴ":120033,"èĮ¼":120034,"èĮ´":120035,"èĮ±":120036,"èİĽ":120037,"èįŀ":120038,"èĮ¯":120039,"èįı":120040,"èįĩ":120041,"èįĥ":120042,"èįł":120043,"èĮŃ":120044,"åŀ©":120045,"èį¥":120046,"èį¦":120047,"èį¨":120048,"èį©":120049,"åīĭ":120050,"èįª":120051,"èį¬":120052,"èį®":120053,"æŁ°":120054,"æłī":120055,"æŁĺ":120056,"æłĬ":120057,"æŁ©":120058,"æŀ°":120059,"æłĮ":120060,"æŁĻ":120061,"æŀµ":120062,"æŀ³":120063,"æŁŀ":120064,"æŁĿ":120065,"æłĢ":120066,"æŁ¢":120067,"æłİ":120068,"æŁĪ":120069,"æŁģ":120070,"æŀ·":120071,"æŁ½":120072,"åīĮ":120073,"éħĬ":120074,"éĥ¦":120075,"çĶŃ":120076,"çłĹ":120077,"çłĺ":120078,"çłĴ":120079,"æĸ«":120080,"çłŃ":120081,"çłľ":120082,"èĢ·":120083,"èĻº":120084,"æ®Ĥ":120085,"æ®ĩ":120086,"æ®Ħ":120087,"è½±":120088,"è½²":120089,"è½³":120090,"è½¶":120091,"轸":120092,"èĻ¿":120093,"æ¯ĸ":120094,"è§ĩ":120095,"å°ľ":120096,"åĵIJ":120097,"çľĦ":120098,"çľį":120099,"ðł³":120100,"ðł³IJ":120101,"éĥ¢":120102,"çľĩ":120103,"çľĬ":120104,"çľĪ":120105,"禺":120106,"åĵĤ":120107,"åĴ´":120108,"æĽ·":120109,"æĺ´":120110,"åĴ¦":120111,"åĵĵ":120112,"åĵĶ":120113,"çķİ":120114,"åij²":120115,"èĥĦ":120116,"çķĭ":120117,"çķĪ":120118,"èϼ":120119,"èĻ»":120120,"çĽħ":120121,"åĴ£":120122,"åĵķ":120123,"åīIJ":120124,"éĥ§":120125,"åĴ»":120126,"åĽ¿":120127,"åĴ¿":120128,"åĵĮ":120129,"åĵĻ":120130,"åĵļ":120131,"åĴ©":120132,"åĴ¤":120133,"åĵĿ":120134,"åĵı":120135,"åĵŀ":120136,"å³£":120137,"ç½ĺ":120138,"å³Ĵ":120139,"峤":120140,"å³ĭ":120141,"è´¶":120142,"éĴļ":120143,"éĴ¡":120144,"éĴ£":120145,"éĴ¤":120146,"éĴ«":120147,"æ°¡":120148,"çī¯":120149,"éĥľ":120150,"ç§ķ":120151,"ç§Ń":120152,"竽":120153,"ç¬Ī":120154,"俦":120155,"俨":120156,"ä¿ħ":120157,"åıŁ":120158,"åŀ¡":120159,"çī®":120160,"ä¿£":120161,"ä¿ļ":120162,"çļĪ":120163,"ä¿Ł":120164,"éĢħ":120165,"å¾ĩ":120166,"å¾ī":120167,"èĪ¢":120168,"éĥĹ":120169,"ä¿İ":120170,"éĥ¤":120171,"çΰ":120172,"éĥĽ":120173,"çĵ´":120174,"èĥ¨":120175,"èĥª":120176,"èĥĽ":120177,"èĥĤ":120178,"èĥĻ":120179,"èĥį":120180,"èĥĹ":120181,"èĥĿ":120182,"æľIJ":120183,"èĥ«":120184,"鸨":120185,"åĮį":120186,"çĭ¨":120187,"çĭ¯":120188,"é£ij":120189,"çĭ©":120190,"çĭ²":120191,"è¨ĩ":120192,"éĢĦ":120193,"æĺĿ":120194,"饷":120195,"饸":120196,"饹":120197,"åŃª":120198,"å¨Ī":120199,"庥":120200,"çĸ¬":120201,"çĸ£":120202,"çĸ¥":120203,"çĸŃ":120204,"åºł":120205,"ç«ij":120206,"é£Ĵ":120207,"éĹ¼":120208,"éĹ¾":120209,"éĹ¿":120210,"éĺĤ":120211,"ç¾ij":120212,"迸":120213,"ç±¼":120214,"éħĭ":120215,"çĤ»":120216,"çĥĢ":120217,"çĤ·":120218,"æ´±":120219,"æ´¹":120220,"æ´§":120221,"æ´Į":120222,"æµĥ":120223,"æ´ĩ":120224,"æ´Ħ":120225,"æ´Ļ":120226,"æ¶İ":120227,"æ´İ":120228,"æ´«":120229,"æµį":120230,"æ´®":120231,"æ´µ":120232,"æµĴ":120233,"æµĶ":120234,"æµķ":120235,"æ´³":120236,"æģ¸":120237,"æģĵ":120238,"æģ¹":120239,"æģ«":120240,"æģ»":120241,"æģĤ":120242,"æģª":120243,"æģ½":120244,"宥":120245,"æīĥ":120246,"衲":120247,"衽":120248,"è¡¿":120249,"è¢Ĥ":120250,"ç¥ľ":120251,"ç¥ĵ":120252,"ç¥ļ":120253,"诮":120254,"ç¥Ĺ":120255,"祢":120256,"诰":120257,"诳":120258,"鸩":120259,"æĺ¶":120260,"åĴ«":120261,"å¼Ń":120262,"çīģ":120263,"èĥ¥":120264,"éĻŁ":120265,"å§®":120266,"å¨Ĩ":120267,"å§Ŀ":120268,"å§£":120269,"å§ĺ":120270,"å§¹":120271,"羿":120272,"çĤ±":120273,"磾":120274,"ç»Ķ":120275,"éªģ":120276,"éªħ":120277,"ç»Ĺ":120278,"综":120279,"éªĪ":120280,"èĢĸ":120281,"æĮĪ":120282,"çı¥":120283,"çıĻ":120284,"顼":120285,"çı°":120286,"çı©":120287,"çı§":120288,"çı£":120289,"çıŀ":120290,"çIJ¤":120291,"çı²":120292,"æģļ":120293,"åŁķ":120294,"åŁĺ":120295,"åŁĻ":120296,"åŁļ":120297,"æĮ¹":120298,"èĢĨ":120299,"èĢĦ":120300,"åŁĴ":120301,"æįĭ":120302,"è´½":120303,"åŀ¸":120304,"æįĥ":120305,"çĽį":120306,"èį¸":120307,"èݳ":120308,"èİ´":120309,"èݪ":120310,"èİł":120311,"èİľ":120312,"èİħ":120313,"èį¼":120314,"èİ©":120315,"èį½":120316,"èݸ":120317,"èį»":120318,"èݨ":120319,"鸪":120320,"èݼ":120321,"æł²":120322,"æł³":120323,"æ¡¡":120324,"æ¡İ":120325,"æ¡¢":120326,"桤":120327,"æ¢ĥ":120328,"æłĿ":120329,"æ¡ķ":120330,"æ¡ģ":120331,"æ¡§":120332,"æ¡ħ":120333,"æłŁ":120334,"æ¡ī":120335,"æł©":120336,"éĢij":120337,"éĢĭ":120338,"å½§":120339,"鬲":120340,"è±ĩ":120341,"éħIJ":120342,"é̦":120343,"åİĿ":120344,"åѬ":120345,"çłĿ":120346,"çł¹":120347,"çł§":120348,"çł·":120349,"糣":120350,"çł¼":120351,"çł¥":120352,"çł£":120353,"åīŀ":120354,"çł»":120355,"è½¼":120356,"è½¾":120357,"è¾Ĥ":120358,"鸫":120359,"趸":120360,"é¾Ģ":120361,"鸬":120362,"èĻĶ":120363,"羬":120364,"åĶĽ":120365,"çľĻ":120366,"åĵ§":120367,"åĵ½":120368,"æĻģ":120369,"鸮":120370,"è¶µ":120371,"è¶¿":120372,"çķĽ":120373,"èļ¨":120374,"èļľ":120375,"èļį":120376,"èļĭ":120377,"èļ¬":120378,"èļĿ":120379,"èļ§":120380,"åĶ¢":120381,"åľĦ":120382,"åĶ£":120383,"åĶı":120384,"çĽİ":120385,"åĶij":120386,"å´Ĥ":120387,"å´ĥ":120388,"罡":120389,"ç½Ł":120390,"è§Ĭ":120391,"èµħ":120392,"éĴ²":120393,"éĴµ":120394,"éĴ¹":120395,"éĴº":120396,"éĴ½":120397,"éĴ¼":120398,"éĴ¿":120399,"éĵĢ":120400,"éĵĦ":120401,"éĵĨ":120402,"éĵĪ":120403,"éĵī":120404,"éĵĬ":120405,"éĵĭ":120406,"éĵĮ":120407,"éĵį":120408,"ä¥":120409,"䥽":120410,"éĵİ":120411,"æ°©":120412,"æ°¤":120413,"æ°¦":120414,"毪":120415,"èĪIJ":120416,"ç§£":120417,"ç§«":120418,"çĽī":120419,"ç¬Ħ":120420,"ç¬ķ":120421,"ç¬Ĭ":120422,"ç¬ı":120423,"ç¬Ĩ":120424,"俸":120425,"俵":120426,"åģĮ":120427,"俳":120428,"ä¿¶":120429,"å̬":120430,"åĢı":120431,"æģģ":120432,"åĢŃ":120433,"俾":120434,"åĢľ":120435,"éļ¼":120436,"éļ½":120437,"åĢĮ":120438,"åĢ¥":120439,"èĩ¬":120440,"éĥ«":120441,"å̍":120442,"è¡Ħ":120443,"é¢Ģ":120444,"å¾ķ":120445,"èĪ«":120446,"衾":120447,"èĥ¯":120448,"èĥ±":120449,"èĥ´":120450,"èĥŃ":120451,"èĦį":120452,"èĥ¼":120453,"èĦĴ":120454,"鸱":120455,"鸲":120456,"çĭ·":120457,"çĮģ":120458,"çĭ³":120459,"çĮĥ":120460,"çĭº":120461,"éĢĸ":120462,"æ¡Ģ":120463,"饽":120464,"åĩĩ":120465,"æĮĽ":120466,"亳":120467,"çĸ³":120468,"çĸ´":120469,"çĸ¸":120470,"çĸ½":120471,"çĹĪ":120472,"çĸ±":120473,"çĹĤ":120474,"çĹī":120475,"è¡®":120476,"é¢ĥ":120477,"æģ£":120478,"æĹĨ":120479,"æĹĦ":120480,"æĹĥ":120481,"éĺĥ":120482,"éĺĦ":120483,"è¨ļ":120484,"éĺĨ":120485,"æģĻ":120486,"ç²ij":120487,"çĥľ":120488,"çĥ©":120489,"çĥĬ":120490,"åī¡":120491,"éĥ¯":120492,"çĥ¬":120493,"æ¶ij":120494,"浯":120495,"æ¶ŀ":120496,"æ¶Ł":120497,"å¨ij":120498,"æ¶ł":120499,"æµŀ":120500,"æ¶ĵ":120501,"æµ¥":120502,"æ¶Ķ":120503,"æµľ":120504,"æµł":120505,"æµ£":120506,"æĤļ":120507,"æĤŃ":120508,"æĤĿ":120509,"æĤĴ":120510,"æĤĮ":120511,"æĤĽ":120512,"çªĪ":120513,"åīľ":120514,"诹":120515,"诼":120516,"è¢Ĵ":120517,"袢":120518,"诿":120519,"è°Ģ":120520,"è°Ĥ":120521,"è°Ħ":120522,"è°ĩ":120523,"å±IJ":120524,"å±Ļ":120525,"éϬ":120526,"åĭIJ":120527,"å¥ĺ":120528,"çīĤ":120529,"èļ©":120530,"éϲ":120531,"å¨Į":120532,"å¨ī":120533,"娲":120534,"娴":120535,"娣":120536,"å¨ĵ":120537,"å©Ģ":120538,"çķļ":120539,"éĢ¡":120540,"绳":120541,"éªĬ":120542,"绡":120543,"éªĭ":120544,"绦":120545,"绨":120546,"éªİ":120547,"éĤķ":120548,"鸶":120549,"å½Ĺ":120550,"èĢľ":120551,"çĦĺ":120552,"èĪĤ":120553,"çIJı":120554,"çIJĩ":120555,"麸":120556,"æı¶":120557,"åŁ´":120558,"åŁ¯":120559,"æį¯":120560,"æİ³":120561,"æİ´":120562,"åŁ¸":120563,"åŁµ":120564,"èµ§":120565,"åŁ¤":120566,"æįŃ":120567,"é̵":120568,"åŁĿ":120569,"åłĭ":120570,"åłį":120571,"æİ¬":120572,"鸷":120573,"æį½":120574,"æİĬ":120575,"åłī":120576,"æİ¸":120577,"æį©":120578,"æİ®":120579,"æĤ«":120580,"åŁŃ":120581,"åŁ½":120582,"æİĩ":120583,"æİ¼":120584,"èģĥ":120585,"èIJģ":120586,"èıĺ":120587,"åłĩ":120588,"èIJĺ":120589,"èIJĭ":120590,"èı½":120591,"èıĸ":120592,"èIJľ":120593,"èIJ¸":120594,"èIJij":120595,"棻":120596,"èıĶ":120597,"èıŁ":120598,"èIJı":120599,"èı¹":120600,"èıª":120601,"èıħ":120602,"èıĢ":120603,"èı°":120604,"èı¡":120605,"梿":120606,"æ¢ı":120607,"è§ĭ":120608,"æ¡´":120609,"æ¡·":120610,"æ£ģ":120611,"æ¡«":120612,"æ£Ĥ":120613,"åķ¬":120614,"éĥ¾":120615,"æķķ":120616,"è±ī":120617,"éĦĦ":120618,"éħŀ":120619,"ç¡İ":120620,"ç¡Ń":120621,"ç¡ĸ":120622,"ç¡Ĺ":120623,"ç¡IJ":120624,"ç¡ĩ":120625,"ç¡Į":120626,"鸸":120627,"çĵł":120628,"åĮı":120629,"åİ©":120630,"æ®Ĵ":120631,"æ®ĵ":120632,"æ®į":120633,"èµī":120634,"鼩":120635,"è¾Ħ":120636,"åłij":120637,"çľŃ":120638,"羦":120639,"åķ§":120640,"æĻ¡":120641,"æĻ¤":120642,"çľµ":120643,"åľĬ":120644,"åĸı":120645,"åķī":120646,"åĭĸ":120647,"æĻŀ":120648,"å͵":120649,"æĻĹ":120650,"åķŃ":120651,"çķ¦":120652,"趺":120653,"åķ®":120654,"è·Ħ":120655,"èļ¶":120656,"èĽĦ":120657,"èĽİ":120658,"èĽĨ":120659,"èļ°":120660,"åľī":120661,"èļ±":120662,"èĽī":120663,"èĽı":120664,"èļ´":120665,"åķģ":120666,"åķķ":120667,"åĶ¿":120668,"åķIJ":120669,"åͼ":120670,"åĶ·":120671,"åķĸ":120672,"åķµ":120673,"åķ¶":120674,"åķ·":120675,"åͳ":120676,"åͰ":120677,"åķľ":120678,"帻":120679,"å´ļ":120680,"å´¦":120681,"帼":120682,"å´®":120683,"å´¤":120684,"å´Ĩ":120685,"èµĩ":120686,"èµĪ":120687,"èµĬ":120688,"éĵij":120689,"éĵĴ":120690,"éĵĹ":120691,"éĵĻ":120692,"éĵŁ":120693,"éĵ¡":120694,"éĵ¢":120695,"éĵ£":120696,"éĵ¤":120697,"éĵ§":120698,"éĵ¨":120699,"éĵ©":120700,"éĵª":120701,"éĵ«":120702,"éĵ¯":120703,"éĵ°":120704,"éĵ±":120705,"éĵ³":120706,"éĵµ":120707,"éĵ·":120708,"çī¾":120709,"鸹":120710,"ç§¾":120711,"é̶":120712,"笺":120713,"çŃĩ":120714,"笸":120715,"笪":120716,"笮":120717,"笳":120718,"笥":120719,"笤":120720,"笳":120721,"笾":120722,"ç¬ŀ":120723,"åģ¾":120724,"åģĥ":120725,"åģķ":120726,"åģĪ":120727,"åĤĢ":120728,"åģ¬":120729,"åģ»":120730,"çļij":120731,"çļİ":120732,"鸻":120733,"å¾ľ":120734,"èΏ":120735,"èĪ»":120736,"èĪ´":120737,"èĪ·":120738,"é¾Ľ":120739,"ç¿İ":120740,"èĦ¬":120741,"èĦĺ":120742,"èĦ²":120743,"åĮIJ":120744,"çĮĹ":120745,"çĮ¡":120746,"çĮŀ":120747,"æĸĽ":120748,"çĮķ":120749,"é¦Ĺ":120750,"é¦ĥ":120751,"é¦Ħ":120752,"鸾":120753,"庹":120754,"庾":120755,"çĹĶ":120756,"çĹį":120757,"ç¿Ĭ":120758,"æĹĮ":120759,"æĹİ":120760,"袤":120761,"éĺĩ":120762,"éĺĪ":120763,"éĺī":120764,"éĺĬ":120765,"éĺĭ":120766,"éĺį":120767,"éĺı":120768,"ç¾Ł":120769,"ç²Ŀ":120770,"çĦIJ":120771,"çĦĵ":120772,"çĦĹ":120773,"æ·ħ":120774,"æ·ŀ":120775,"æ¸İ":120776,"æ¶¿":120777,"æ·ĸ":120778,"æĮ²":120779,"æ·ł":120780,"涸":120781,"æ¸ij":120782,"æ·¦":120783,"æ·Ŀ":120784,"涪":120785,"æ·Ļ":120786,"æ¶«":120787,"æ¸Į":120788,"æĤ»":120789,"æĤ±":120790,"æĥĿ":120791,"æĥĺ":120792,"æĥĨ":120793,"æĥļ":120794,"æĥĩ":120795,"æĥ®":120796,"çªķ":120797,"è°Į":120798,"æīĪ":120799,"çļ²":120800,"è°ij":120801,"è£Ĩ":120802,"袷":120803,"è£ī":120804,"è°Ĵ":120805,"è°Ķ":120806,"è°ķ":120807,"è°ĸ":120808,"è°Ĺ":120809,"è°Ļ":120810,"è°Ŀ":120811,"é̝":120812,"éĥ¿":120813,"éļĪ":120814,"ç²ľ":120815,"éļį":120816,"éļĹ":120817,"å©Ĭ":120818,"娼":120819,"å©¢":120820,"婵":120821,"èĥ¬":120822,"è¢Ī":120823,"ç¿Į":120824,"æģ¿":120825,"欸":120826,"绫":120827,"éªIJ":120828,"绯":120829,"ç»±":120830,"éªĴ":120831,"绲":120832,"éªĵ":120833,"ç»¶":120834,"绺":120835,"ç»»":120836,"绾":120837,"éªĸ":120838,"ç¼ģ":120839,"èĢł":120840,"çIJ«":120841,"çIJµ":120842,"çIJ¶":120843,"çIJ¥":120844,"çIJ¨":120845,"çIJ°":120846,"çIJ®":120847,"çIJ¯":120848,"çIJ¬":120849,"çIJļ":120850,"è¾ĩ":120851,"é¼ĭ":120852,"æı³":120853,"åłŀ":120854,"æIJ½":120855,"æı¸":120856,"æıł":120857,"åłĻ":120858,"è¶Ħ":120859,"æıĸ":120860,"é¢ī":120861,"å¡Ħ":120862,"æı¿":120863,"èĢĭ":120864,"æıĦ":120865,"èĽ©":120866,"èĽ°":120867,"å¡Ĩ":120868,"æijĴ":120869,"æıĨ":120870,"æİ¾":120871,"èģĴ":120872,"èijij":120873,"èijļ":120874,"éĿ°":120875,"éĿ¸":120876,"èij³":120877,"èijº":120878,"èij¸":120879,"èIJ¼":120880,"èij¶":120881,"èĴĮ":120882,"èijŃ":120883,"楮":120884,"棼":120885,"æ¤Ł":120886,"棹":120887,"椤":120888,"棰":120889,"èµį":120890,"æ¤ĭ":120891,"æ¤ģ":120892,"椪":120893,"æ¤IJ":120894,"é¹ģ":120895,"éħ¤":120896,"éħ¢":120897,"éħ¡":120898,"é¹Ĥ":120899,"æ®ļ":120900,"æ®Ľ":120901,"鼱":120902,"è¾ĭ":120903,"æ¤ł":120904,"è¾İ":120905,"çĿĦ":120906,"çĿĩ":120907,"çĿĥ":120908,"æĪ¢":120909,"åĸĭ":120910,"åĹĴ":120911,"åĸĥ":120912,"åĸ±":120913,"åĸ¹":120914,"æĻ·":120915,"åĸĪ":120916,"è·ĸ":120917,"è·Ĺ":120918,"è·ŀ":120919,"è·ļ":120920,"è·İ":120921,"è·ı":120922,"è·Ĩ":120923,"èĽ±":120924,"èĽ²":120925,"èĽŃ":120926,"èĽ³":120927,"èĽIJ":120928,"èĽĶ":120929,"èĽŀ":120930,"èĽ´":120931,"èĽĺ":120932,"åĸģ":120933,"åĸŁ":120934,"åķ¾":120935,"åĹĸ":120936,"åĸij":120937,"åĹŁ":120938,"åĹŀ":120939,"åĸĻ":120940,"åµĺ":120941,"åµĸ":120942,"å´´":120943,"éģĦ":120944,"è©Ī":120945,"åµİ":120946,"嵬":120947,"åµĽ":120948,"嵯":120949,"åµĿ":120950,"嵫":120951,"å¹Ħ":120952,"åµĭ":120953,"èµķ":120954,"éĵ»":120955,"éĵ¼":120956,"éĵ¿":120957,"éĶĥ":120958,"éĶĨ":120959,"éĶĩ":120960,"éĶī":120961,"éĶı":120962,"éĶij":120963,"éĶĴ":120964,"éĶĶ":120965,"éĶķ":120966,"æİ£":120967,"磬":120968,"æ°°":120969,"毳":120970,"毽":120971,"çĬĬ":120972,"çĬĦ":120973,"çĬĭ":120974,"é¹Ħ":120975,"çĬį":120976,"åµĩ":120977,"é»į":120978,"ç¨ĥ":120979,"ç¨Ĥ":120980,"çŃļ":120981,"çѵ":120982,"çŃĮ":120983,"åĤ£":120984,"åĤĪ":120985,"èĪĦ":120986,"çīį":120987,"åĤ¥":120988,"åĤ§":120989,"éģij":120990,"åĤ©":120991,"徨":120992,"åªŃ":120993,"çķ²":120994,"å¼ij":120995,"ç¿ķ":120996,"é¹Ĩ":120997,"èħĪ":120998,"èħĵ":120999,"èħĨ":121000,"èħ´":121001,"èħļ":121002,"èħ±":121003,"鱿":121004,"é²Ģ":121005,"é²Ĥ":121006,"çĮ¢":121007,"çĮ¹":121008,"çĮ¥":121009,"é£ĵ":121010,"è§ŀ":121011,"è§ļ":121012,"çĮ±":121013,"é¢İ":121014,"飧":121015,"é¦ĩ":121016,"é¦Ĭ":121017,"亵":121018,"èĦĶ":121019,"è£Ĵ":121020,"çĹ£":121021,"çŨ":121022,"çŦ":121023,"çĹŀ":121024,"çŤ":121025,"çŧ":121026,"èµĵ":121027,"竦":121028,"çĵ¿":121029,"åķ»":121030,"é¢ı":121031,"é¹ĩ":121032,"éĺij":121033,"éĺĴ":121034,"éĺķ":121035,"ç²ŀ":121036,"éģĴ":121037,"åѳ":121038,"çĦ¯":121039,"çĦľ":121040,"çĦ±":121041,"é¹Ī":121042,"渫":121043,"æ¹®":121044,"æ¹İ":121045,"æ¹ľ":121046,"æ¹į":121047,"湫":121048,"溲":121049,"æ¹Ł":121050,"æºĨ":121051,"æ¹²":121052,"æ¹Ķ":121053,"æ¹ī":121054,"渥":121055,"æ»ģ":121056,"æĦł":121057,"æĥº":121058,"æĦ¦":121059,"æĥ´":121060,"æĦĢ":121061,"æĦİ":121062,"æĦĶ":121063,"åĸ¾":121064,"å¯IJ":121065,"è°Ł":121066,"裢":121067,"è£İ":121068,"裥":121069,"祾":121070,"è°ł":121071,"è°¡":121072,"è°¥":121073,"è°§":121074,"åѱ":121075,"å¼¼":121076,"å·½":121077,"éªĺ":121078,"媪":121079,"å·¯":121080,"ç¿ļ":121081,"çļ´":121082,"éªĽ":121083,"ç¼Ĥ":121084,"ç¼ĥ":121085,"ç¼Ħ":121086,"å½ĺ":121087,"ç¼ĩ":121088,"ç¼Ī":121089,"ç¼Į":121090,"ç¼ij":121091,"ç¼Ĵ":121092,"ç¼Ĺ":121093,"飨":121094,"èĢ¢":121095,"çijģ":121096,"çijĹ":121097,"çijĦ":121098,"éģ¨":121099,"éªľ":121100,"飫":121101,"é«¡":121102,"塬":121103,"éĦ¢":121104,"è¶Ķ":121105,"è¶ij":121106,"æijħ":121107,"æijģ":121108,"èľĩ":121109,"æIJĭ":121110,"æIJª":121111,"æIJIJ":121112,"æIJĽ":121113,"æIJł":121114,"æijĪ":121115,"å½Ģ":121116,"æ¯Ĥ":121117,"æIJ¦":121118,"æIJ¡":121119,"èĵģ":121120,"æĪ¡":121121,"èĵį":121122,"éĦŀ":121123,"èĵIJ":121124,"èĵ¦":121125,"é¹ĭ":121126,"èĴ½":121127,"èĵĸ":121128,"èĵĬ":121129,"èĴ¯":121130,"èĵŁ":121131,"èĵij":121132,"èĴº":121133,"èĵł":121134,"èĴŁ":121135,"èĴ¡":121136,"èĴ¹":121137,"èĴ´":121138,"èĴĹ":121139,"èĵ¥":121140,"æ¥Ķ":121141,"æ¥Ĥ":121142,"æ¥Ŀ":121143,"楫":121144,"楸":121145,"椴":121146,"æ§Į":121147,"楯":121148,"çļĻ":121149,"æ¦Ī":121150,"æ§İ":121151,"æ¦ī":121152,"楦":121153,"楣":121154,"楹":121155,"椽":121156,"åī½":121157,"éħ©":121158,"èľĥ":121159,"ç¢Ľ":121160,"ç¢ĵ":121161,"硼":121162,"ç¢ī":121163,"ç¢ļ":121164,"ç¢ĩ":121165,"ç¢ľ":121166,"é¹Į":121167,"è¾ı":121168,"é¾ĥ":121169,"é¾ħ":121170,"訾":121171,"ç²²":121172,"çĿļ":121173,"åĹª":121174,"éŁª":121175,"åĹ·":121176,"åĹī":121177,"çĿ¨":121178,"çĿ¢":121179,"éĽİ":121180,"çĿ¥":121181,"åĹij":121182,"åĹ«":121183,"åŬ":121184,"åĹĶ":121185,"åĹĿ":121186,"æĪ¥":121187,"åĹĦ":121188,"çħ¦":121189,"æļĦ":121190,"éģ¢":121191,"æļĮ":121192,"è·¬":121193,"è·¶":121194,"è·¸":121195,"è·IJ":121196,"è·£":121197,"è·¹":121198,"èĽ¸":121199,"èľĬ":121200,"èľį":121201,"èľī":121202,"èľ£":121203,"çķ¹":121204,"èĽ¹":121205,"åĹ¥":121206,"åĹ²":121207,"åĹ³":121208,"åĹĮ":121209,"åĹį":121210,"åĹIJ":121211,"åŤ":121212,"åŵ":121213,"罨":121214,"åµĬ":121215,"åµ´":121216,"骰":121217,"éĶĹ":121218,"éĶĽ":121219,"éĶľ":121220,"éĶĿ":121221,"éĶŀ":121222,"éĶŁ":121223,"éĶ¢":121224,"é͍":121225,"éĶ©":121226,"éĶŃ":121227,"éͱ":121228,"éĽī":121229,"æ°²":121230,"çĬı":121231,"æŃĥ":121232,"ç¨ŀ":121233,"ç¨Ĺ":121234,"ç¨Ķ":121235,"çŃł":121236,"çŃ¢":121237,"çŃ®":121238,"çѲ":121239,"çīĴ":121240,"æķ«":121241,"å¾Ń":121242,"æĦĨ":121243,"èīĦ":121244,"è§İ":121245,"毹":121246,"è²Ĭ":121247,"è²ħ":121248,"è²ī":121249,"é¢Ķ":121250,"èħł":121251,"èħ©":121252,"èħ¼":121253,"èħŃ":121254,"èħ§":121255,"å¡į":121256,"媵":121257,"é²ħ":121258,"é²Ĩ":121259,"é²ĩ":121260,"é²Ī":121261,"é²ĭ":121262,"é²IJ":121263,"èĤĦ":121264,"é¹IJ":121265,"é£ķ":121266,"è§¥":121267,"éģĽ":121268,"é¦IJ":121269,"é¹ij":121270,"亶":121271,"çĺĥ":121272,"çű":121273,"çĹ¼":121274,"çĹ¿":121275,"çĺIJ":121276,"çĺģ":121277,"çĺĨ":121278,"éºĤ":121279,"æŃĨ":121280,"æĹĴ":121281,"éĺĸ":121282,"éĺĹ":121283,"ç¾§":121284,"è±¢":121285,"ç²³":121286,"çĮ·":121287,"çħ³":121288,"çħ¨":121289,"çħħ":121290,"çħĬ":121291,"çħ¸":121292,"çħº":121293,"æ»Ł":121294,"溱":121295,"æºĺ":121296,"æ¼Ń":121297,"滢":121298,"溥":121299,"溽":121300,"è£Ł":121301,"溻":121302,"溷":121303,"æ»Ĺ":121304,"滫":121305,"溴":121306,"æ»ı":121307,"æ»ĥ":121308,"滦":121309,"æºı":121310,"æ»Ĥ":121311,"æ»ĵ":121312,"æºŁ":121313,"滪":121314,"æĦ«":121315,"æħĬ":121316,"é²İ":121317,"éªŀ":121318,"çªł":121319,"窣":121320,"裱":121321,"裨":121322,"裾":121323,"裰":121324,"ç¦Ĭ":121325,"è°©":121326,"è°ª":121327,"媾":121328,"å««":121329,"媲":121330,"å«Ĵ":121331,"å«Ķ":121332,"媸":121333,"ç¼Ļ":121334,"ç¼ľ":121335,"ç¼Ľ":121336,"è¾Ķ":121337,"éªĿ":121338,"ç¼Ł":121339,"缡":121340,"ç¼¢":121341,"ç¼£":121342,"éªŁ":121343,"èĢ¥":121344,"çĴĪ":121345,"çijŃ":121346,"çįĴ":121347,"è§ı":121348,"æħĿ":121349,"å«ł":121350,"åıĨ":121351,"æij½":121352,"å¢ģ":121353,"æĴĤ":121354,"æijŀ":121355,"æĴĦ":121356,"ç¿¥":121357,"è¸ħ":121358,"æijŃ":121359,"å¢ī":121360,"å¢Ĵ":121361,"æ¦ĸ":121362,"綦":121363,"èĶ«":121364,"èĶ·":121365,"éĿº":121366,"éĿ¼":121367,"éŀħ":121368,"éĿ¿":121369,"çĶį":121370,"è͏":121371,"èĶŁ":121372,"èĶº":121373,"æĪ¬":121374,"èķĸ":121375,"èĶ»":121376,"èĵ¿":121377,"æĸ¡":121378,"é¹ķ":121379,"èĵ¼":121380,"æ¦Ľ":121381,"榧":121382,"榫":121383,"æ¦Ń":121384,"æ§Ķ":121385,"榱":121386,"æ§ģ":121387,"æ§ł":121388,"榷":121389,"åĥ°":121390,"éħ½":121391,"éħ¹":121392,"碡":121393,"碴":121394,"碣":121395,"碲":121396,"èĩ§":121397,"豨":121398,"殡":121399,"éľģ":121400,"èľļ":121401,"é¾ĩ":121402,"é¾Ī":121403,"äģ":121404,"äģĸ":121405,"çĿ½":121406,"åĺŀ":121407,"åĺĪ":121408,"åĺĮ":121409,"åĺģ":121410,"æļĿ":121411,"è¸Į":121412,"è¸ī":121413,"èľŀ":121414,"èľ¥":121415,"èľ®":121416,"èĿĪ":121417,"èľ´":121418,"èľ±":121419,"èľ©":121420,"èľ·":121421,"èľ¿":121422,"èŀĤ":121423,"èľ¢":121424,"åĺ¡":121425,"é¹Ĺ":121426,"åĺ£":121427,"åĺ¤":121428,"åĺļ":121429,"åĹ¾":121430,"åĺ§":121431,"ç½´":121432,"ç½±":121433,"å¹Ķ":121434,"å¶Ĥ":121435,"å¹Ľ":121436,"èµĻ":121437,"ç½Ĥ":121438,"骷":121439,"骶":121440,"é¹ĺ":121441,"éͲ":121442,"éĶ´":121443,"éͶ":121444,"éĶ·":121445,"é͏":121446,"é͵":121447,"éķĤ":121448,"çĬĴ":121449,"ç®IJ":121450,"箦":121451,"ç®§":121452,"箸":121453,"箬":121454,"ç®ħ":121455,"箪":121456,"箾":121457,"箢":121458,"ç®ĵ":121459,"åĥĸ":121460,"åĦĨ":121461,"åĥ³":121462,"åĥŃ":121463,"åĬģ":121464,"åĥ®":121465,"éŃĥ":121466,"éŃĨ":121467,"çĿ¾":121468,"èīĭ":121469,"éĦ±":121470,"èĨĪ":121471,"èĨij":121472,"é²ij":121473,"é²Ķ":121474,"é²ļ":121475,"é²Ľ":121476,"é²Ł":121477,"çįIJ":121478,"è§«":121479,"éĽĴ":121480,"夤":121481,"é¦ij":121482,"éĬ®":121483,"塾":121484,"çĺĮ":121485,"çĺĬ":121486,"çĺĺ":121487,"çĺĻ":121488,"æĹĸ":121489,"èĨĤ":121490,"éĺļ":121491,"éĦ¯":121492,"é²ŀ":121493,"粿":121494,"ç²¼":121495,"ç³ģ":121496,"æ§Ĭ":121497,"é¹ļ":121498,"çĨĺ":121499,"çĨ¥":121500,"æ½¢":121501,"æ¼ķ":121502,"滹":121503,"漯":121504,"æ¼¶":121505,"æ½ĭ":121506,"æ½´":121507,"漪":121508,"æ¼ī":121509,"漩":121510,"æ¾ī":121511,"æħµ":121512,"æIJ´":121513,"窨":121514,"寤":121515,"ç¶®":121516,"è°®":121517,"褡":121518,"è¤Ļ":121519,"è¤ĵ":121520,"è¤Ľ":121521,"è¤Ĭ":121522,"è°¯":121523,"è°°":121524,"è°²":121525,"å±£":121526,"é¹Ľ":121527,"嫱":121528,"å«ĸ":121529,"嫦":121530,"å«ļ":121531,"å«ĺ":121532,"é¼IJ":121533,"çŀĢ":121534,"é¹ľ":121535,"éªł":121536,"ç¼¥":121537,"缦":121538,"ç¼§":121539,"缨":121540,"骢":121541,"缫":121542,"è̦":121543,"ȩ̀":121544,"çĴľ":121545,"çĴİ":121546,"çĴģ":121547,"å¥Ń":121548,"髯":121549,"é««":121550,"æĴ·":121551,"æĴħ":121552,"èµŃ":121553,"æĴ¸":121554,"éĭĨ":121555,"æĴĻ":121556,"æĴº":121557,"å¢Ģ":121558,"èģ©":121559,"è§IJ":121560,"éŀij":121561,"èķĻ":121562,"éŀĴ":121563,"èķĪ":121564,"èķ¨":121565,"èķ¤":121566,"èķŀ":121567,"èķº":121568,"çŀ¢":121569,"èķĥ":121570,"èķ²":121571,"èµľ":121572,"æ§¿":121573,"樯":121574,"æ§Ń":121575,"æ¨Ĺ":121576,"æ¨ĺ":121577,"æ§²":121578,"éĨĮ":121579,"éĨħ":121580,"éĿ¥":121581,"éŃĩ":121582,"é¤į":121583,"ç£Ķ":121584,"ç£Ļ":121585,"éľĪ":121586,"è¾ĺ":121587,"é¾ī":121588,"é¾Ĭ":121589,"è§ij":121590,"çŀĮ":121591,"çŀĭ":121592,"çŀij":121593,"åĺŃ":121594,"åĻİ":121595,"å϶":121596,"é¢Ļ":121597,"æļ¹":121598,"åĻĺ":121599,"è¸Ķ":121600,"è¸Ŀ":121601,"è¸Ł":121602,"è¸Ĵ":121603,"踬":121604,"踮":121605,"踯":121606,"踺":121607,"è¸ŀ":121608,"èĿ½":121609,"èĿ¾":121610,"èĿ»":121611,"èĿ°":121612,"èĿ®":121613,"èŀĭ":121614,"èĿĵ":121615,"èĿ£":121616,"èĿ¼":121617,"åĺ¬":121618,"é¢ļ":121619,"åĻį":121620,"åĻĻ":121621,"åĻĮ":121622,"åĻĶ":121623,"é¢Ľ":121624,"å¹ŀ":121625,"幡":121626,"å¶Ļ":121627,"å¶Ŀ":121628,"骺":121629,"éķĬ":121630,"éķī":121631,"éķĮ":121632,"éķı":121633,"éķĴ":121634,"éķĵ":121635,"éķĶ":121636,"稷":121637,"ç®´":121638,"ç¯ij":121639,"ç¯ģ":121640,"ç¯Į":121641,"çīĸ":121642,"åĦĭ":121643,"èĻ¢":121644,"é¹ŀ":121645,"èĨĺ":121646,"é²ł":121647,"鲡":121648,"é²¢":121649,"é²£":121650,"é²¥":121651,"é²§":121652,"鲩":121653,"çįĹ":121654,"çįł":121655,"觯":121656,"é¦ĵ":121657,"é¦Ķ":121658,"麾":121659,"å»Ľ":121660,"çĺĽ":121661,"çĺ¼":121662,"çĺ¢":121663,"çĺł":121664,"é½ij":121665,"ç¾°":121666,"ð¥»":121667,"ð¥»Ĺ":121668,"ç³Į":121669,"ç³į":121670,"ç³ħ":121671,"çĨľ":121672,"çĨµ":121673,"æ¾į":121674,"æ¾Į":121675,"潸":121676,"潦":121677,"æ½²":121678,"éĭĪ":121679,"æ½Ł":121680,"潺":121681,"寮":121682,"窳":121683,"è°³":121684,"褴":121685,"è¤Ł":121686,"褫":121687,"è°µ":121688,"çĨ¨":121689,"屦":121690,"åĭ°":121691,"æĪ®":121692,"èĿ¥":121693,"缬":121694,"ç¼®":121695,"缯":121696,"骣":121697,"çķ¿":121698,"èĢ©":121699,"è̍":121700,"èĢª":121701,"çĴŁ":121702,"éĿĽ":121703,"çĴł":121704,"çĴĺ":121705,"èģ±":121706,"èŀ¯":121707,"é«»":121708,"é«Ń":121709,"髹":121710,"æĵĢ":121711,"çĶı":121712,"æĵŀ":121713,"縳":121714,"磬":121715,"é¢ŀ":121716,"èķ»":121717,"é¢Ł":121718,"èĸ¤":121719,"èĸ¨":121720,"æªł":121721,"èĸı":121722,"èĸ®":121723,"èĸľ":121724,"èĸħ":121725,"樾":121726,"æ©Ľ":121727,"æ©ĩ":121728,"樵":121729,"æªİ":121730,"橹":121731,"樽":121732,"樨":121733,"橼":121734,"墼":121735,"æ©IJ":121736,"ç¿®":121737,"éĨIJ":121738,"éĨį":121739,"éĨļ":121740,"磲":121741,"èµĿ":121742,"殪":121743,"éľı":121744,"éĮ¾":121745,"è¾ļ":121746,"éģ½":121747,"æ°ħ":121748,"çŀŁ":121749,"çŀł":121750,"çŀ°":121751,"åļĦ":121752,"åļĨ":121753,"åϤ":121754,"æļ¾":121755,"è¹Ģ":121756,"踵":121757,"踽":121758,"è¹ī":121759,"è¹ģ":121760,"èŀ¨":121761,"èŀĪ":121762,"èŀħ":121763,"èŀŃ":121764,"èŀł":121765,"èŀŁ":121766,"åϱ":121767,"åĻ«":121768,"åĻ»":121769,"åϼ":121770,"ç½¹":121771,"åľľ":121772,"ä¦":121773,"ä¦ĥ":121774,"éķĹ":121775,"éķĺ":121776,"éķļ":121777,"éķĽ":121778,"éķĿ":121779,"éķŀ":121780,"éķł":121781,"æ°ĩ":121782,"æ°Ĩ":121783,"ç©ij":121784,"ç¯Ŀ":121785,"篥":121786,"篦":121787,"篪":121788,"ç¯Ļ":121789,"çĽ¥":121790,"åĬĵ":121791,"翱":121792,"éŃī":121793,"éŃĪ":121794,"å¾¼":121795,"æŃĻ":121796,"èĨ¦":121797,"èĨĻ":121798,"é²®":121799,"é²±":121800,"é²³":121801,"é²´":121802,"é²µ":121803,"é²·":121804,"é²»":121805,"çį´":121806,"çįŃ":121807,"çį¬":121808,"éĤĤ":121809,"é¹§":121810,"廨":121811,"èµŁ":121812,"çĺ°":121813,"廪":121814,"çĺ¿":121815,"çĺµ":121816,"çĺ´":121817,"çĻĥ":121818,"çĺ³":121819,"éºĩ":121820,"éºĪ":121821,"嬴":121822,"å£ħ":121823,"ç³Ĺ":121824,"çĶij":121825,"çĩİ":121826,"çĩł":121827,"çĩĶ":121828,"çĩ§":121829,"æ¿ij":121830,"æ¿ī":121831,"æ½ŀ":121832,"æ¾§":121833,"æ¾¹":121834,"æ¾¥":121835,"æ¾¶":121836,"æ¿Ĥ":121837,"褰":121838,"窸":121839,"å¬ĸ":121840,"çĬŁ":121841,"éļ°":121842,"å¬Ĺ":121843,"颡":121844,"ç¼±":121845,"ç¼²":121846,"ç¼³":121847,"çĴ©":121848,"çĴª":121849,"èŀ«":121850,"æĵ¤":121851,"å£ķ":121852,"è§³":121853,"ç½Ħ":121854,"æĵ¢":121855,"èĸ¹":121856,"éŀ¡":121857,"éŀ¬":121858,"èĸ·":121859,"èĹĵ":121860,"èĹģ":121861,"æªĦ":121862,"檩":121863,"æĩĭ":121864,"éĨ¢":121865,"翳":121866,"ç¤ħ":121867,"磴":121868,"鹩":121869,"é¾ĭ":121870,"é¾Į":121871,"è±³":121872,"å£ij":121873,"é»»":121874,"åļı":121875,"åļħ":121876,"è¹ij":121877,"è¹Ĵ":121878,"è¹Ĭ":121879,"èŁ¥":121880,"èŀ¬":121881,"èŀµ":121882,"çĸĥ":121883,"èŀ³":121884,"èŁij":121885,"åļĵ":121886,"ç½½":121887,"ç½¾":121888,"å¶·":121889,"黾":121890,"é»Ŀ":121891,"é«ģ":121892,"é«Ģ":121893,"éķ¡":121894,"éķ¢":121895,"éķ£":121896,"éķ¦":121897,"éķ§":121898,"éķ©":121899,"éķª":121900,"éķ«":121901,"ç½ħ":121902,"ç°Į":121903,"篾":121904,"篼":121905,"ç°ĸ":121906,"ç°ĭ":121907,"é¼¢":121908,"åĦ¡":121909,"鹪":121910,"é¼¾":121911,"çļ¤":121912,"éŃį":121913,"é¾ł":121914,"ç¹ĩ":121915,"è²ĺ":121916,"éĤĪ":121917,"è²Ķ":121918,"èĩĮ":121919,"èĨ»":121920,"èĩĨ":121921,"èĩĥ":121922,"é²¼":121923,"é²½":121924,"é³Ģ":121925,"é³ĥ":121926,"é³ħ":121927,"é³ĩ":121928,"é³Ĭ":121929,"èŀ½":121930,"çĩ®":121931,"鹫":121932,"ç³ľ":121933,"縻":121934,"çĻį":121935,"éºĭ":121936,"æĩij":121937,"æ¿¡":121938,"æ¿®":121939,"æ¿ŀ":121940,"æ¿ł":121941,"濯":121942,"è¹ĩ":121943,"è¬ĩ":121944,"éĤĥ":121945,"è¥ģ":121946,"æªĹ":121947,"æĵĺ":121948,"åŃº":121949,"éļ³":121950,"嬷":121951,"èŁĬ":121952,"鹬":121953,"éįª":121954,"éıĬ":121955,"é¬Ī":121956,"é¬ĥ":121957,"çŀ½":121958,"éŀ¯":121959,"éŀ¨":121960,"éŀ«":121961,"éŀ§":121962,"éŀ£":121963,"èĹľ":121964,"èĹł":121965,"éĨª":121966,"è¹Ļ":121967,"ç¤ĵ":121968,"çĩ¹":121969,"餮":121970,"çŀ¿":121971,"æĽĽ":121972,"颢":121973,"èºĩ":121974,"è¹ļ":121975,"èŁĽ":121976,"èŁª":121977,"èŁł":121978,"èŁ®":121979,"é¹®":121980,"黳":121981,"黣":121982,"é«ħ":121983,"é«Ĥ":121984,"éķ¬":121985,"éķŃ":121986,"éķ¯":121987,"馥":121988,"ç°Ł":121989,"ç°ª":121990,"鼬":121991,"鼳":121992,"èīŁ":121993,"é³İ":121994,"é³ı":121995,"é³IJ":121996,"çĻŀ":121997,"çĻĶ":121998,"糨":121999,"蹩":122000,"éİı":122001,"éĤĭ":122002,"é¬ı":122003,"æĶī":122004,"éŀ²":122005,"éŀ´":122006,"èĹ¿":122007,"èĺ§":122008,"èĺħ":122009,"éĨ®":122010,"éĨ¯":122011,"éħĥ":122012,"éľª":122013,"éľŃ":122014,"龨":122015,"黼":122016,"åļ¯":122017,"è¹°":122018,"è¹¶":122019,"è¹½":122020,"è¹¼":122021,"è¹´":122022,"è¹¾":122023,"蹿":122024,"èłĸ":122025,"èłĵ":122026,"èŁ¾":122027,"èłĬ":122028,"黢":122029,"é«ĭ":122030,"é«Į":122031,"éķ²":122032,"ç±Ģ":122033,"é½ģ":122034,"éŃij":122035,"èī¨":122036,"é³ĵ":122037,"é³Ķ":122038,"é³ķ":122039,"é³Ĺ":122040,"é³Ļ":122041,"éıĸ":122042,"羸":122043,"ã¸Ĩ":122044,"çĢ£":122045,"çĢĽ":122046,"襦":122047,"è°¶":122048,"è¥ŀ":122049,"骥":122050,"ç¼µ":122051,"çĵĴ":122052,"æĶĺ":122053,"èĺ©":122054,"èĺĸ":122055,"éĨ´":122056,"éľ°":122057,"éħĨ":122058,"çŁį":122059,"èºħ":122060,"é¼į":122061,"å·ī":122062,"黩":122063,"黥":122064,"黪":122065,"éķ³":122066,"éķ´":122067,"é»§":122068,"çºĤ":122069,"çĴº":122070,"鼯":122071,"èĩľ":122072,"é³ľ":122073,"é³Ŀ":122074,"é³Ł":122075,"çį¾":122076,"åŃĢ":122077,"骧":122078,"çĵĺ":122079,"é¼Ļ":122080,"éĨº":122081,"礴":122082,"颦":122083,"æĽ©":122084,"é³¢":122085,"éºĿ":122086,"å¤Ķ":122087,"çĪĿ":122088,"çģı":122089,"禳":122090,"éIJ¾":122091,"ç¾¼":122092,"èł¡":122093,"è̱":122094,"é¹³":122095,"æ°į":122096,"é¥ķ":122097,"èºIJ":122098,"é«ij":122099,"éķµ":122100,"ç©°":122101,"é¥Ķ":122102,"鬻":122103,"鬣":122104,"è¶±":122105,"æĶ«":122106,"æĶ¥":122107,"颧":122108,"èºľ":122109,"é¼¹":122110,"çϝ":122111,"èł²":122112,"èł¹":122113,"èºŀ":122114,"è¡¢":122115,"çģŀ":122116,"襻":122117,"çºĽ":122118,"鬣":122119,"æĶ®":122120,"åĽĶ":122121,"é¦ķ":122122,"æĪĨ":122123,"ç΍":122124,"é½ī":122125,"äºį":122126,"å°¢":122127,"å½³":122128,"åį¬":122129,"殳":122130,"ðłĻ¶":122131,"æ¯Į":122132,"éĤĺ":122133,"æĪĭ":122134,"åľ¢":122135,"æ°ķ":122136,"ä¼ĭ":122137,"ä»Ŀ":122138,"åĨ®":122139,"æ°¿":122140,"æ±Ī":122141,"æ°¾":122142,"å¿ī":122143,"å®Ħ":122144,"ð¬£Ļ":122145,"è®±":122146,"æīŀ":122147,"åľ²":122148,"åľ«":122149,"èĬı":122150,"èĬĥ":122151,"æľ³":122152,"æľ¸":122153,"ð¨Ļ":122154,"ð¨Ļ¸":122155,"éĤ¨":122156,"åIJĴ":122157,"åIJĸ":122158,"å±¼":122159,"å±¾":122160,"辿":122161,"éĴĨ":122162,"仳":122163,"ä¼£":122164,"ä¼Ī":122165,"çĻ¿":122166,"çĶª":122167,"éĤł":122168,"çĬ´":122169,"åĨ±":122170,"éĤ¡":122171,"ð¬ĩķ":122172,"æ±ĭ":122173,"äľ":122174,"äľ£":122175,"è®»":122176,"ð¬£ŀ":122177,"åŃĸ":122178,"ð¬ĺĵ":122179,"纩":122180,"çİĴ":122181,"çİĵ":122182,"çİĺ":122183,"çİļ":122184,"åά":122185,"ð«ŃŁ":122186,"åĿľ":122187,"åĿī":122188,"æī½":122189,"ð«Ń¢":122190,"åĿĭ":122191,"æīº":122192,"ã§ij":122193,"æ¯IJ":122194,"èĬ°":122195,"èĬ£":122196,"èĭĬ":122197,"èĭī":122198,"èĬĺ":122199,"èĬ´":122200,"èĬł":122201,"ð«ĩ":122202,"ð«ĩŃ":122203,"èĬ¤":122204,"æĿķ":122205,"æĿĻ":122206,"æĿĦ":122207,"æĿ§":122208,"æĿ©":122209,"å°ª":122210,"å°¨":122211,"轪":122212,"ð«IJĦ":122213,"åĿĴ":122214,"èĬĪ":122215,"æĹ´":122216,"æĹµ":122217,"åijĻ":122218,"ãķ":122219,"ãķ®":122220,"å²į":122221,"ð«µ":122222,"𫵷":122223,"å²ł":122224,"å²ľ":122225,"åijĩ":122226,"åĨı":122227,"è§ĥ":122228,"å²Ļ":122229,"ä¼¾":122230,"ãijĩ":122231,"ä¼Ń":122232,"ä½ĸ":122233,"ä¼²":122234,"ä½ģ":122235,"é£ı":122236,"çĭĥ":122237,"éŶ":122238,"æ±§":122239,"汫":122240,"ð£²ĺ":122241,"ð£²Ĺ":122242,"æ²Ħ":122243,"æ²ĺ":122244,"ð¬ĩĻ":122245,"æ±Ń":122246,"ã³ĩ":122247,"æ²ĩ":122248,"å¿®":122249,"忳":122250,"忺":122251,"𬣡":122252,"ç¥ĥ":122253,"è¯ĩ":122254,"éĤ²":122255,"è¯İ":122256,"è¯IJ":122257,"å±ĥ":122258,"ð«¸":122259,"𫸩":122260,"å²Ĭ":122261,"éĺ½":122262,"䢺":122263,"éĺ¼":122264,"妧":122265,"å¦ĺ":122266,"ð¨ļ":122267,"ð¨ļķ":122268,"纮":122269,"驲":122270,"ð«ĺľ":122271,"纻":122272,"ð¬ĺĺ":122273,"ð«ĺĿ":122274,"纼":122275,"çݤ":122276,"çİŀ":122277,"çݱ":122278,"çİŁ":122279,"éĤ½":122280,"éĤ¿":122281,"åĿ¥":122282,"åĿ°":122283,"åĿ¬":122284,"åĿ½":122285,"å¼Ĩ":122286,"è̵":122287,"䢼":122288,"ð¦Ń":122289,"ð¦Ńľ":122290,"èĮĭ":122291,"èĭ§":122292,"èĭ¾":122293,"èĭł":122294,"æŀħ":122295,"ãŃİ":122296,"æŀĺ":122297,"æŀį":122298,"çŁ¼":122299,"磻":122300,"åĮ¼":122301,"ð¬¨Ĥ":122302,"ð¬Ģ©":122303,"ð¬Ģª":122304,"æĹ¿":122305,"æĺĦ":122306,"æĺĴ":122307,"æĺĪ":122308,"åĴī":122309,"åĴĩ":122310,"åĴį":122311,"å²µ":122312,"å²½":122313,"岨":122314,"å²ŀ":122315,"å³Ĥ":122316,"ãŁ":122317,"ãŁĥ":122318,"åĽ·":122319,"𬬩":122320,"éĴIJ":122321,"éĴĶ":122322,"éĴĸ":122323,"çī¥":122324,"ä½´":122325,"åŀĪ":122326,"ä¾ģ":122327,"ä¾¹":122328,"佸":122329,"佺":122330,"éļ¹":122331,"ãijĬ":122332,"ä¾Ĥ":122333,"ä½½":122334,"ä¾ĺ":122335,"éĥĪ":122336,"èĪł":122337,"éĥIJ":122338,"éĥĥ":122339,"æĶ½":122340,"èĤŃ":122341,"èĤ¸":122342,"èĤ·":122343,"çĭī":122344,"çĭĿ":122345,"饳":122346,"å¿ŀ":122347,"çĤĮ":122348,"çĤĨ":122349,"æ³Ļ":122350,"沺":122351,"æ³Ĥ":122352,"æ³ľ":122353,"æ³ĥ":122354,"æ³ĩ":122355,"æĢĬ":122356,"å³ĥ":122357,"穸":122358,"ç¥ĭ":122359,"ç¥Ĭ":122360,"ð«į£":122361,"𬣳":122362,"𬩽":122363,"鸤":122364,"å¼¢":122365,"弨":122366,"éĻij":122367,"𬮿":122368,"éĻİ":122369,"ð¬¯Ģ":122370,"åįº":122371,"乸":122372,"å¦Ń":122373,"å§Ī":122374,"ð«°":122375,"ð«°Ľ":122376,"迳":122377,"åıķ":122378,"𬳵":122379,"驵":122380,"𬳶":122381,"äĮ":122382,"äĮ¹":122383,"驺":122384,"ð«łĬ":122385,"ç»ĭ":122386,"ç»IJ":122387,"çłī":122388,"èĢĶ":122389,"ãĽĥ":122390,"çݶ":122391,"çıĩ":122392,"çıħ":122393,"ð¬įĽ":122394,"çıĭ":122395,"çݹ":122396,"çıĮ":122397,"çİ¿":122398,"飨":122399,"åŀļ":122400,"åŀ¯":122401,"åŀĻ":122402,"åŀ²":122403,"åŁı":122404,"åŀį":122405,"èĢĩ":122406,"é¿į":122407,"åŀİ":122408,"åŀ´":122409,"åŀŁ":122410,"åŀŀ":122411,"æĮĵ":122412,"åŀµ":122413,"åŀı":122414,"æĭ¶":122415,"èįĸ":122416,"èįģ":122417,"èįĻ":122418,"èįĽ":122419,"èĮĪ":122420,"èĮ½":122421,"èįĦ":122422,"èĮº":122423,"ð¬ľ¬":122424,"èįĵ":122425,"èĮ³":122426,"ð¦°":122427,"𦰡":122428,"èĮĽ":122429,"èįŃ":122430,"ãŃķ":122431,"æŁ·":122432,"æŁĥ":122433,"æŁĬ":122434,"æŀ¹":122435,"æłIJ":122436,"æŁĸ":122437,"éĥļ":122438,"åīħ":122439,"ä´ĵ":122440,"迺":122441,"åİĸ":122442,"çłĨ":122443,"çłij":122444,"çłĦ":122445,"èĢı":122446,"å¥ĵ":122447,"ä¶":122448,"ä¶®":122449,"è½µ":122450,"è½·":122451,"è½¹":122452,"轺":122453,"æĺº":122454,"ðª¾":122455,"𪾢":122456,"æĺ½":122457,"缷":122458,"åĴ¡":122459,"åĴº":122460,"æĺ³":122461,"æĺ£":122462,"æĺ¤":122463,"æĺ«":122464,"æĺ¡":122465,"åĴ¥":122466,"æĺª":122467,"èĻ·":122468,"èϏ":122469,"åĵĥ":122470,"å³ĺ":122471,"èĢij":122472,"å³Ľ":122473,"𪨰":122474,"å³Ĺ":122475,"å³§":122476,"帡":122477,"éĴĺ":122478,"ð«ĵ§":122479,"éĴľ":122480,"𬬮":122481,"𬬱":122482,"ð¬¬Ń":122483,"éĴª":122484,"éĴ¬":122485,"éĴŃ":122486,"磧":122487,"秬":122488,"ä¿«":122489,"èĪģ":122490,"ä¿ľ":122491,"ä¿Ļ":122492,"ä¿į":122493,"åŀķ":122494,"è¡İ":122495,"èĪ£":122496,"å¼ĩ":122497,"ä¾´":122498,"鸧":122499,"äı¡":122500,"èĥł":122501,"ð¦Ļ¶":122502,"èĥĪ":122503,"èĥ©":122504,"èĥ£":122505,"æľı":122506,"é£IJ":122507,"è¨Ħ":122508,"饻":122509,"庤":122510,"çĸ¢":122511,"çĤ£":122512,"çĤŁ":122513,"ã¶":122514,"ã¶²":122515,"æ´Ń":122516,"æ´ĺ":122517,"æ´ĵ":122518,"æ´¿":122519,"ã³ļ":122520,"æ³ļ":122521,"æµĪ":122522,"æµī":122523,"æ´¸":122524,"æ´ij":122525,"æ´¢":122526,"æ´Ī":122527,"æ´ļ":122528,"æ´º":122529,"æ´¨":122530,"æµIJ":122531,"ã³ĺ":122532,"æ´´":122533,"æ´£":122534,"æģĶ":122535,"宬":122536,"çªĢ":122537,"æīĤ":122538,"è¢Ĩ":122539,"ç¥ı":122540,"ç¥IJ":122541,"ç¥ķ":122542,"åıļ":122543,"éϧ":122544,"éĻŀ":122545,"å¨Ģ":122546,"å§ŀ":122547,"å§±":122548,"姤":122549,"å§¶":122550,"å§½":122551,"æŀ²":122552,"ç»ĸ":122553,"éªĥ":122554,"ð¬ĺ¡":122555,"𬳽":122556,"ð¬ĺ©":122557,"ð«Ħ§":122558,"å½ĸ":122559,"éªī":122560,"æģĿ":122561,"çıª":122562,"çıĽ":122563,"çı¹":122564,"çIJĬ":122565,"çݼ":122566,"çıĸ":122567,"ðªŁ":122568,"ðªŁĿ":122569,"çı½":122570,"çı¦":122571,"çı«":122572,"çıĴ":122573,"ð¬į¤":122574,"çı¢":122575,"çıķ":122576,"çıĿ":122577,"ð«Ń¼":122578,"åŁĹ":122579,"åŀ¾":122580,"åŀº":122581,"åŁĨ":122582,"åŀ¿":122583,"åŁĮ":122584,"åŁĩ":122585,"èݰ":122586,"èĮĿ":122587,"ð¬ľ¯":122588,"éĦĢ":122589,"èݶ":122590,"èİĿ":122591,"äĵĸ":122592,"èİĻ":122593,"æł»":122594,"æ¡ł":122595,"ð¬Ĥ":122596,"ð¬Ĥ©":122597,"æ¡Ħ":122598,"æ¢ł":122599,"æł´":122600,"梴":122601,"æłĴ":122602,"éħİ":122603,"éħı":122604,"ð«łĨ":122605,"çłµ":122606,"çłł":122607,"çł«":122608,"糬":122609,"ç¡ģ":122610,"æģ§":122611,"ç¿ĥ":122612,"éĥª":122613,"ð¨IJ":122614,"ð¨IJĪ":122615,"è¾Ģ":122616,"è¾ģ":122617,"ð¬Į":122618,"ð¬ĮĹ":122619,"åīķ":122620,"èµĢ":122621,"åĵ¢":122622,"æĻħ":122623,"æĻĬ":122624,"åĶĿ":122625,"åĵ³":122626,"åĵ±":122627,"åĨĶ":122628,"æĻĶ":122629,"æĻIJ":122630,"çķĸ":122631,"èļĦ":122632,"èļĨ":122633,"ð«ij":122634,"ð«ij¡":122635,"帱":122636,"å´ģ":122637,"峿":122638,"𪨶":122639,"å´Ħ":122640,"帨":122641,"å´Ģ":122642,"èµĨ":122643,"𬬸":122644,"éĴ·":122645,"𬬻":122646,"𬬹":122647,"𬬿":122648,"ð¬Ńģ":122649,"çľļ":122650,"çĶ¡":122651,"笫":122652,"åĢ»":122653,"åĢ´":122654,"èĦ©":122655,"åĢ®":122656,"åĢķ":122657,"åĢŀ":122658,"ð«¢":122659,"𫢸":122660,"åĢĵ":122661,"å̧":122662,"è¡ĥ":122663,"èĻĴ":122664,"èĪŃ":122665,"èΝ":122666,"èĪ¥":122667,"çĵŀ":122668,"鬯":122669,"鸰":122670,"èĦİ":122671,"æľĵ":122672,"èĥ²":122673,"èĻĵ":122674,"é±½":122675,"çĭ´":122676,"å³±":122677,"çĭ»":122678,"çľ¢":122679,"ð«Ĺ§":122680,"åĭį":122681,"çĹĦ":122682,"çĸ°":122683,"çĹĥ":122684,"ç«ĺ":122685,"ç¾ĸ":122686,"ç¾ĵ":122687,"æ¡Ĭ":122688,"æķī":122689,"çĥł":122690,"çĥĶ":122691,"çĥ¶":122692,"çĥ»":122693,"ð¬ĬĪ":122694,"æ¶į":122695,"浡":122696,"æµŃ":122697,"浬":122698,"æ¶Ħ":122699,"æ¶¢":122700,"æ¶IJ":122701,"æµ°":122702,"æµŁ":122703,"æµĽ":122704,"æµ¼":122705,"æµ²":122706,"æ¶ĺ":122707,"æĤĪ":122708,"æĤĥ":122709,"æĤ¢":122710,"ð¬ĴĪ":122711,"å®§":122712,"çªħ":122713,"çªĬ":122714,"çªİ":122715,"æīħ":122716,"æīĨ":122717,"袪":122718,"è¢Ĺ":122719,"袯":122720,"祧":122721,"éļº":122722,"åł²":122723,"çĸį":122724,"ð¨º":122725,"ð¨ºĻ":122726,"éĻ´":122727,"çĥĿ":122728,"çł®":122729,"ãĽļ":122730,"åĵ¿":122731,"ç¿Ģ":122732,"ç¿Ĥ":122733,"åīŁ":122734,"𬳿":122735,"ð«Ħ¨":122736,"绤":122737,"éªį":122738,"ð¬ĺ«":122739,"äĤ":122740,"äĤ®":122741,"çIJİ":122742,"çı¸":122743,"çıµ":122744,"çIJĦ":122745,"çIJĪ":122746,"çIJĢ":122747,"çıº":122748,"æİŃ":122749,"åłİ":122750,"åłIJ":122751,"åŁ¼":122752,"æİİ":122753,"åŁ«":122754,"åłĮ":122755,"æĻ¢":122756,"ð«®":122757,"ð«®ĥ":122758,"æİŀ":122759,"åŁª":122760,"壸":122761,"ãĻį":122762,"èģį":122763,"èıĿ":122764,"èIJļ":122765,"èı¥":122766,"èİ¿":122767,"äĵ«":122768,"åĭļ":122769,"äĵ¬":122770,"èIJĨ":122771,"èıĤ":122772,"èıį":122773,"èı¼":122774,"èIJ£":122775,"äĵ¨":122776,"èıī":122777,"äĵĽ":122778,"梼":122779,"梽":122780,"桲":122781,"梾":122782,"桯":122783,"梣":122784,"æ¢Į":122785,"桹":122786,"æķĶ":122787,"åİ£":122788,"ç¡Ķ":122789,"é¿İ":122790,"ç¡Ļ":122791,"ç¡ļ":122792,"ç¡Ĭ":122793,"ç¡į":122794,"åĭĶ":122795,"ä´ķ":122796,"é¾ģ":122797,"éĢ´":122798,"åĶª":122799,"åķ«":122800,"ç¿Ī":122801,"ã«":122802,"ã«°":122803,"æĻĻ":122804,"çķ¤":122805,"ð¬±ĸ":122806,"è¶¼":122807,"è·Ĥ":122808,"èĽĥ":122809,"èļ²":122810,"ð¬Ł½":122811,"èļº":122812,"åķ´":122813,"äİĥ":122814,"å´§":122815,"å´Ł":122816,"å´ŀ":122817,"å´Ĵ":122818,"å´Į":122819,"å´¡":122820,"éĵı":122821,"ð«ĵ¯":122822,"ð«Ł¹":122823,"éĵķ":122824,"ð«Ł¼":122825,"éĵĸ":122826,"éĵĺ":122827,"éĵļ":122828,"éĵŀ":122829,"éĵ¥":122830,"éĵ´":122831,"çī»":122832,"çī¿":122833,"ç¨Ĩ":122834,"笱":122835,"笯":122836,"åģ°":122837,"åģ¡":122838,"鸺":122839,"åģŃ":122840,"åģ²":122841,"åģģ":122842,"ã¿":122843,"ã¿ł":122844,"éĦħ":122845,"åģĵ":122846,"å¾Ľ":122847,"è¡Ĵ":122848,"èγ":122849,"èβ":122850,"鸼":122851,"æĤĨ":122852,"éĦĥ":122853,"çĵ»":122854,"äĿ":122855,"äĿĻ":122856,"èĦ¶":122857,"èĦŀ":122858,"èĦŁ":122859,"äı²":122860,"é±¾":122861,"çĮĩ":122862,"çĮĬ":122863,"çĮĦ":122864,"è§ĸ":122865,"ðłħ":122866,"ðłħ¤":122867,"庱":122868,"庼":122869,"庳":122870,"çĹĵ":122871,"ä´Ķ":122872,"ç««":122873,"åłĥ":122874,"éĺĮ":122875,"ç¾Ŀ":122876,"ç¾ķ":122877,"çĦĨ":122878,"çĥº":122879,"çĦĮ":122880,"æ·ı":122881,"ð¬ĩ¹":122882,"æ·Ł":122883,"æ·ľ":122884,"æ·´":122885,"æ·¯":122886,"æ¹´":122887,"æ¶´":122888,"ð¬į¡":122889,"ã¥":122890,"ã¥Ħ":122891,"æĥĽ":122892,"æĥĶ":122893,"æĤ°":122894,"æĥĻ":122895,"å¯ģ":122896,"éĢŃ":122897,"ð¬¤ĩ":122898,"ð«į¯":122899,"袼":122900,"è£Ī":122901,"祲":122902,"ð¬¤Ĭ":122903,"ð«į²":122904,"è°ŀ":122905,"èī´":122906,"弸":122907,"å¼¶":122908,"ð¬¯İ":122909,"éļĥ":122910,"å©ŀ":122911,"娵":122912,"婼":122913,"åªĸ":122914,"婳":122915,"å©į":122916,"å©Į":122917,"å©«":122918,"婤":122919,"å©ĺ":122920,"å©ł":122921,"ð¬ĺ¬":122922,"ð¬ĺŃ":122923,"ð¬´Ĥ":122924,"ð«ĺ¦":122925,"绹":122926,"ð«Łħ":122927,"ð¬ĺ¯":122928,"éªķ":122929,"ð«ĺ§":122930,"絾":122931,"çı·":122932,"çIJ²":122933,"çIJ¡":122934,"çIJŁ":122935,"çIJĶ":122936,"çIJŃ":122937,"åł¾":122938,"åł¼":122939,"æıķ":122940,"ãĻĺ":122941,"åł§":122942,"åĸĨ":122943,"åł¨":122944,"å¡ħ":122945,"åłł":122946,"çµ·":122947,"ðª£":122948,"𪣻":122949,"ð¡İ":122950,"ð¡İļ":122951,"èijľ":122952,"æĥİ":122953,"èIJ³":122954,"èijĻ":122955,"éĿ¬":122956,"èij´":122957,"èĴĩ":122958,"èĴĪ":122959,"éĦļ":122960,"èĴī":122961,"èĵĩ":122962,"èIJ©":122963,"èij°":122964,"èijİ":122965,"éĦij":122966,"èĴİ":122967,"èijĸ":122968,"èĴĦ":122969,"èIJ¹":122970,"棤":122971,"棽":122972,"棫":122973,"æ¤ĵ":122974,"æ¤ij":122975,"ð¬ĥ":122976,"ð¬ĥĬ":122977,"é¹Ģ":122978,"æ¤Ĩ":122979,"æ£ĵ":122980,"棬":122981,"棪":122982,"æ¤Ģ":122983,"æ¥Ĺ":122984,"ð¬·":122985,"ð¬·ķ":122986,"çͦ":122987,"éħ¦":122988,"è§Į":122989,"奡":122990,"çļķ":122991,"硪":122992,"欹":122993,"è©Ł":122994,"ð«IJIJ":122995,"è¾Į":122996,"æ£IJ":122997,"é¾Ĥ":122998,"ð¬¹":122999,"𬹼":123000,"黹":123001,"çīļ":123002,"çĿİ":123003,"æĻ«":123004,"æĻª":123005,"æĻ±":123006,"ð§":123007,"ð§¿":123008,"ð§¿¹":123009,"èĽij":123010,"çķ¯":123011,"æĸĿ":123012,"åĸ¤":123013,"å´¶":123014,"åµģ":123015,"ð«¶":123016,"ð«¶ĩ":123017,"å´¾":123018,"åµħ":123019,"å´¿":123020,"åµļ":123021,"ç¿Ļ":123022,"ð«ĸ®":123023,"åľĮ":123024,"åľIJ":123025,"èµij":123026,"èµĴ":123027,"é¿ı":123028,"éĵ¹":123029,"ð¬ŃĬ":123030,"éĵ½":123031,"ð¨±ĩ":123032,"ð«ĵ¶":123033,"éĶĬ":123034,"éĶį":123035,"éĶİ":123036,"ð¬Ńİ":123037,"éĶĵ":123038,"çĬĩ":123039,"é¢ĭ":123040,"ç¨Į":123041,"çŃĢ":123042,"çŃĺ":123043,"çŃľ":123044,"çŃ¥":123045,"çŃħ":123046,"åĤĥ":123047,"åĤī":123048,"ç¿Ľ":123049,"åĤĴ":123050,"åĤķ":123051,"èξ":123052,"çķ¬":123053,"ð«ĸ¯":123054,"èĦ¿":123055,"èħĺ":123056,"äIJ":123057,"äIJĥ":123058,"èħĻ":123059,"èħĴ":123060,"ð¬±Ł":123061,"é²ĥ":123062,"çĮ°":123063,"ð«Ľ":123064,"ð«ĽŃ":123065,"çĮ¯":123066,"ãº":123067,"ãºĦ":123068,"é¦ī":123069,"åĩĵ":123070,"éĦĹ":123071,"ð«·":123072,"ð«··":123073,"å»ĭ":123074,"å»Ĩ":123075,"éĦĮ":123076,"ç²¢":123077,"éģĨ":123078,"æĹIJ":123079,"𬮱":123080,"çĦŀ":123081,"ð¬Ĭ¤":123082,"欻":123083,"ð£¸":123084,"𣸣":123085,"æºļ":123086,"æºģ":123087,"æ¹Ŀ":123088,"渰":123089,"æ¹ĵ":123090,"ã´":123091,"ã´Ķ":123092,"æ¸Ł":123093,"æºł":123094,"渼":123095,"æºĩ":123096,"æ¹£":123097,"æ¹ij":123098,"æºŀ":123099,"æĦIJ":123100,"æĦĥ":123101,"æķ©":123102,"ç͝":123103,"棨":123104,"æīĬ":123105,"裣":123106,"祼":123107,"å©»":123108,"åªĨ":123109,"åªŀ":123110,"ãĽ¹":123111,"åªĵ":123112,"åªĤ":123113,"åªĦ":123114,"毵":123115,"çŁŀ":123116,"ð¬´ĥ":123117,"ð«ĺ¨":123118,"ç¼Ĭ":123119,"ç¼IJ":123120,"éªĻ":123121,"çijĥ":123122,"çijĵ":123123,"çijħ":123124,"çijĨ":123125,"ä´ĸ":123126,"çijĸ":123127,"çijĿ":123128,"çijĶ":123129,"çijĢ":123130,"ð¤§":123131,"ð¤§Ľ":123132,"çij³":123133,"çijĤ":123134,"å¶ħ":123135,"çijij":123136,"éģĺ":123137,"é«¢":123138,"å¡¥":123139,"åł½":123140,"赪":123141,"æijĽ":123142,"å¡Ŀ":123143,"æIJĴ":123144,"æIJĮ":123145,"èĴ±":123146,"èĴ¨":123147,"èĵı":123148,"èĶĢ":123149,"èĵ¢":123150,"èĵĤ":123151,"èĴ»":123152,"èĵ£":123153,"椹":123154,"楪":123155,"æ¦ĥ":123156,"æ¦ħ":123157,"æ¥Ĵ":123158,"楩":123159,"æ¦ĩ":123160,"椸":123161,"æ¥Ļ":123162,"æŃħ":123163,"ð¬ª":123164,"𬪩":123165,"ç¢ĥ":123166,"ç¢ı":123167,"ð¬ĴĶ":123168,"ç¢Ī":123169,"äĥħ":123170,"ç¡¿":123171,"éĦł":123172,"è¾Ĵ":123173,"ð¬¨İ":123174,"ð«IJĵ":123175,"é¾Ĩ":123176,"è§ľ":123177,"ä£":123178,"ä£ĺ":123179,"æļķ":123180,"é¹į":123181,"ð««":123182,"ð««ĩ":123183,"ã¬Ĭ":123184,"æļħ":123185,"è·±":123186,"èľIJ":123187,"èľİ":123188,"åµ²":123189,"èµĹ":123190,"骱":123191,"éĶĸ":123192,"ð«ĵ¹":123193,"éĶĺ":123194,"éͳ":123195,"éͧ":123196,"éĶª":123197,"ð¬Ńļ":123198,"éĶ«":123199,"éͬ":123200,"ð¬ŃĽ":123201,"ç¨ij":123202,"ç¨Ļ":123203,"äħ":123204,"äħŁ":123205,"ð¬ķ":123206,"ð¬ķĤ":123207,"çŃ»":123208,"çѼ":123209,"çѶ":123210,"çѦ":123211,"çѤ":123212,"åĤº":123213,"é¹İ":123214,"åĥĩ":123215,"èīħ":123216,"èīī":123217,"è°¼":123218,"è²Ĩ":123219,"èħ½":123220,"èħ¨":123221,"èħ¯":123222,"é²ī":123223,"é²Ĭ":123224,"é²Į":123225,"ä²Ł":123226,"ð¬¶ĭ":123227,"ð¬¶į":123228,"é²ı":123229,"éĽĬ":123230,"çĮº":123231,"é£Ķ":123232,"è§Ł":123233,"ð¦Ŀ¼":123234,"é¦Į":123235,"è£Ľ":123236,"å»Ĵ":123237,"çĺħ":123238,"éĦĺ":123239,"é¹Ĵ":123240,"éĦľ":123241,"éºĢ":123242,"éĦ£":123243,"éĺĺ":123244,"ð«Ķ¶":123245,"çħģ":123246,"çħĥ":123247,"çħ´":123248,"çħĭ":123249,"çħŁ":123250,"çħĵ":123251,"æ»ł":123252,"æºį":123253,"溹":123254,"æ»Ĩ":123255,"æ»ī":123256,"溦":123257,"溵":123258,"æ¼·":123259,"æ»§":123260,"æ»ĺ":123261,"æ»į":123262,"æĦŃ":123263,"æħ¥":123264,"æħĨ":123265,"塱":123266,"ð«ĮĢ":123267,"裼":123268,"ç¦ĭ":123269,"ç¦Ķ":123270,"ç¦ĺ":123271,"ç¦Ĵ":123272,"è°«":123273,"é¹Ķ":123274,"ð«ĸ³":123275,"æĦį":123276,"å«Ħ":123277,"媱":123278,"æĪ¤":123279,"åĭł":123280,"æĪ£":123281,"ð«ĺª":123282,"ð«ĺ¬":123283,"ç¼ŀ":123284,"è̤":123285,"çij§":123286,"ð«ŀ":123287,"ð«ŀ©":123288,"çij¨":123289,"çij±":123290,"çij·":123291,"çij¢":123292,"æĸł":123293,"æijı":123294,"å¢ķ":123295,"å¢Ī":123296,"å¢IJ":123297,"å¢ĺ":123298,"æij´":123299,"éĬİ":123300,"ð¡IJ":123301,"ð¡IJĵ":123302,"å¢ļ":123303,"æĴĸ":123304,"ðª¤":123305,"ðª¤Ĺ":123306,"éĿ½":123307,"éŀģ":123308,"èĶĮ":123309,"èĶĪ":123310,"èĵ°":123311,"è͹":123312,"èĶĬ":123313,"åĺı":123314,"榰":123315,"æ¦ij":123316,"æ§ļ":123317,"ð£Ĺ":123318,"ð£Ĺĭ":123319,"æ§ľ":123320,"æ¦į":123321,"çĸIJ":123322,"ð¬¸ĺ":123323,"éħº":123324,"éħ¾":123325,"éħ²":123326,"éħ´":123327,"碶":123328,"äĥİ":123329,"ð¬ĴĹ":123330,"碨":123331,"ð¥Ķ":123332,"ð¥Ķ²":123333,"碹":123334,"碥":123335,"åĬĤ":123336,"ð«ļĸ":123337,"ä´Ĺ":123338,"夥":123339,"çŀį":123340,"é¹ĸ":123341,"ã¬İ":123342,"è·½":123343,"èľ¾":123344,"å¹ĸ":123345,"å¶į":123346,"åľĻ":123347,"ð¨±ı":123348,"éĶº":123349,"éͼ":123350,"éͽ":123351,"ð¬Ń¤":123352,"é;":123353,"éĶ¿":123354,"éķĥ":123355,"éķĦ":123356,"éķħ":123357,"é¦Ŀ":123358,"é¹Ļ":123359,"箨":123360,"ç®ĸ":123361,"åĬĦ":123362,"åĥ¬":123363,"åĥ¦":123364,"åĥĶ":123365,"åĥİ":123366,"æ§ĥ":123367,"ãϦ":123368,"é²Ĵ":123369,"é²ķ":123370,"ð«ļķ":123371,"é²ĸ":123372,"é²Ĺ":123373,"é²ĺ":123374,"é²Ļ":123375,"ð¬¶IJ":123376,"ð¬¶ı":123377,"ð©½":123378,"𩽾":123379,"å¤IJ":123380,"çįį":123381,"é£Ĺ":123382,"ð¬¸ļ":123383,"åĩĺ":123384,"å»ij":123385,"å»Ļ":123386,"çĺĹ":123387,"çĺ¥":123388,"çĺķ":123389,"é²Ŀ":123390,"éĦ«":123391,"çĨĩ":123392,"æ¼¹":123393,"æ¼ĸ":123394,"æ½Ĩ":123395,"漤":123396,"潩":123397,"æ¼¼":123398,"æ¼´":123399,"ã½":123400,"ã½ı":123401,"æ¼Ī":123402,"æ¼ĭ":123403,"æ¼»":123404,"æħ¬":123405,"窬":123406,"çªŃ":123407,"ã®":123408,"㮾":123409,"ð¬¤Ŀ":123410,"è¤ķ":123411,"禼":123412,"ç¦ļ":123413,"éļ©":123414,"å«ķ":123415,"å«Ń":123416,"å«ľ":123417,"嫪":123418,"ð¬ĻĤ":123419,"ã»":123420,"㻬":123421,"麹":123422,"çĴĨ":123423,"漦":123424,"åıĩ":123425,"墣":123426,"墦":123427,"墡":123428,"åĬIJ":123429,"èĸģ":123430,"èķ°":123431,"èĶĥ":123432,"é¼Ĵ":123433,"æ§±":123434,"é¹Ŀ":123435,"ç£ı":123436,"ç£ī":123437,"殣":123438,"æħŃ":123439,"éľħ":123440,"æļµ":123441,"æļ²":123442,"æļ¶":123443,"踦":123444,"踣":123445,"äĹĸ":123446,"èĿĺ":123447,"èĿ²":123448,"èĿ¤":123449,"åĻĩ":123450,"åĻĤ":123451,"åĻĢ":123452,"ç½¶":123453,"å¶²":123454,"å¶ĵ":123455,"ãłĩ":123456,"å¶Ł":123457,"å¶Ĵ":123458,"éķĨ":123459,"éķĪ":123460,"éķĭ":123461,"éķİ":123462,"ð¬Ń©":123463,"éķķ":123464,"稹":123465,"åĦĩ":123466,"çļŀ":123467,"çļĽ":123468,"ä´ĺ":123469,"èīİ":123470,"èīı":123471,"é¹Ł":123472,"ð©¾ĥ":123473,"鲦":123474,"鲪":123475,"鲬":123476,"æ©¥":123477,"è§Ń":123478,"é¹ł":123479,"鹡":123480,"ç³ĩ":123481,"ç³Ī":123482,"翦":123483,"é¹¢":123484,"é¹£":123485,"çĨĽ":123486,"æ½ĸ":123487,"æ½µ":123488,"ãµ":123489,"ãµIJ":123490,"æ¾Ĥ":123491,"æ¾Ľ":123492,"çij¬":123493,"æ½½":123494,"æ½¾":123495,"æ½ı":123496,"æĨŃ":123497,"æĨķ":123498,"𬸣":123499,"æĪŃ":123500,"褯":123501,"禤":123502,"ð«į½":123503,"嫽":123504,"éģ¹":123505,"ð¬´Ĭ":123506,"çĴ¥":123507,"çĴ²":123508,"çĴĴ":123509,"æĨĻ":123510,"æĵIJ":123511,"éĦ¹":123512,"èĸ³":123513,"éŀĶ":123514,"é»ĩ":123515,"ð¬ŀ":123516,"ð¬ŀŁ":123517,"èķĹ":123518,"èĸ¢":123519,"èķ¹":123520,"æ©ŀ":123521,"æ©ij":123522,"橦":123523,"éĨij":123524,"è§±":123525,"磡":123526,"ð¥ķ":123527,"ð¥ķ¢":123528,"ç£ľ":123529,"è±®":123530,"ð«Ł¦":123531,"ð¬ºĪ":123532,"ð«łľ":123533,"é¹¾":123534,"èϤ":123535,"æļ¿":123536,"æĽĮ":123537,"æĽĪ":123538,"ã¬ļ":123539,"è¹ħ":123540,"踶":123541,"äĹĽ":123542,"èŀĹ":123543,"çĸģ":123544,"ãłĵ":123545,"幪":123546,"ðª©":123547,"ðª©ĺ":123548,"嶦":123549,"ð¬Ń¬":123550,"ð¨±ij":123551,"ð¬Ń¯":123552,"é¦ŀ":123553,"ç©Ħ":123554,"ç¯ļ":123555,"篯":123556,"ç°ī":123557,"é¼½":123558,"è¡ł":123559,"缦":123560,"èŀ£":123561,"縢":123562,"é²Ń":123563,"鲯":123564,"é²°":123565,"鲺":123566,"é²¹":123567,"ð«Ĺ´":123568,"亸":123569,"çĻĢ":123570,"çĺŃ":123571,"𬸦":123572,"ç¾±":123573,"ç³Ĵ":123574,"çĩĭ":123575,"çĨ»":123576,"çĩĬ":123577,"çĩļ":123578,"çĩı":123579,"æ¿©":123580,"æ¿ĭ":123581,"澪":123582,"æ¾½":123583,"æ¾´":123584,"æ¾Ń":123585,"æ¾¼":123586,"æĨ·":123587,"æĨº":123588,"æĩĶ":123589,"é»ī":123590,"å¬Ľ":123591,"鹨":123592,"翯":123593,"ð«Ħ·":123594,"çĴ±":123595,"𤩽":123596,"çĴ¬":123597,"çĴ®":123598,"髽":123599,"æĵ¿":123600,"èĸ¿":123601,"èĸ¸":123602,"æªij":123603,"æ«Ĩ":123604,"æªŀ":123605,"éĨ¨":123606,"ç¹Ħ":123607,"磹":123608,"磻":123609,"çŀ«":123610,"çŀµ":123611,"è¹IJ":123612,"èŁı":123613,"ãĺ":123614,"ãĺİ":123615,"ð¬Ń³":123616,"éķ¤":123617,"ð¬Ń¶":123618,"ð«Ķį":123619,"éķ¥":123620,"éķ¨":123621,"ð¬Ń¸":123622,"ð¨±Ķ":123623,"ð¬Ń¼":123624,"ð«Ķİ":123625,"磰":123626,"ç©Ļ":123627,"穾":123628,"穣":123629,"ç°ķ":123630,"ç°ĥ":123631,"ç°ı":123632,"åĦ¦":123633,"éŃĭ":123634,"æĸ¶":123635,"èīļ":123636,"𬸪":123637,"è°¿":123638,"ä²ł":123639,"ð¬¶Ł":123640,"é²¾":123641,"ð¬¶ł":123642,"鲿":123643,"é³ģ":123644,"é³Ĥ":123645,"é³Ī":123646,"é³ī":123647,"çį¯":123648,"äĹª":123649,"é¦ĺ":123650,"è¥ķ":123651,"è¥ļ":123652,"𬶨":123653,"èŀ±":123654,"çĶĵ":123655,"嬬":123656,"嬥":123657,"ð¦Ī":123658,"ð¦Ī¡":123659,"ð«Ħ¸":123660,"çĵĢ":123661,"éĩIJ":123662,"鬶":123663,"çĪĩ":123664,"éŀ³":123665,"éŀ®":123666,"ð¬Łģ":123667,"èĹŁ":123668,"èŦ":123669,"èŨ":123670,"é¹²":123671,"檫":123672,"黡":123673,"ç¤ŀ":123674,"ç¤Į":123675,"ð¥ĸ":123676,"ð¥ĸ¨":123677,"è¹¢":123678,"è¹ľ":123679,"èŁ«":123680,"äĹ´":123681,"åļļ":123682,"é«ĥ":123683,"éķ®":123684,"éķ±":123685,"éħĤ":123686,"馧":123687,"ç°ł":123688,"ç°Ŀ":123689,"ç°°":123690,"鼫":123691,"鼩":123692,"çļ¦":123693,"èĩij":123694,"ä²¢":123695,"é³ij":123696,"é³Ĵ":123697,"é¹±":123698,"鹯":123699,"çĻĹ":123700,"ð¦Ĵ":123701,"ð¦Ĵį":123702,"æĹŀ":123703,"ç¿·":123704,"åĨģ":123705,"äİĸ":123706,"çĢĶ":123707,"çĢį":123708,"çĢĮ":123709,"è¥ľ":123710,"ä´Ļ":123711,"ð¬ĻĬ":123712,"åļŃ":123713,"ã°":123714,"ã°Ģ":123715,"鬷":123716,"éĨŃ":123717,"蹯":123718,"èłĭ":123719,"翾":123720,"é³ĺ":123721,"åĦ³":123722,"åĦ´":123723,"é¼Ĺ":123724,"ð¬¶Ń":123725,"ð©¾Į":123726,"é³ļ":123727,"é³Ľ":123728,"éºij":123729,"éºĸ":123730,"èłĥ":123731,"å½Ł":123732,"嬿":123733,"é¬Ĵ":123734,"èĺĺ":123735,"æ¬Ĥ":123736,"éĨµ":123737,"颥":123738,"çĶĹ":123739,"ð¨Ł":123740,"ð¨Łł":123741,"å·ĩ":123742,"éħħ":123743,"é«İ":123744,"çĬ¨":123745,"𬶮":123746,"ð¨Ń":123747,"ð¨Ńī":123748,"ã¸Į":123749,"çĪĶ":123750,"ç̱":123751,"ç̹":123752,"ç̼":123753,"ç̵":123754,"襫":123755,"åŃħ":123756,"骦":123757,"ð¬Ļĭ":123758,"ḛ̀":123759,"ð¤«":123760,"ð¤«ī":123761,"çĵĸ":123762,"é¬ĺ":123763,"趯":123764,"ð¬ºĵ":123765,"ç½į":123766,"é¼±":123767,"é³ł":123768,"鳡":123769,"é³£":123770,"çĪŁ":123771,"çĪļ":123772,"çģĪ":123773,"éŁĤ":123774,"ç³µ":123775,"èĺ¼":123776,"礵":123777,"é¹´":123778,"èºĶ":123779,"çļŃ":123780,"é¾¢":123781,"鳤":123782,"亹":123783,"ç±¥":123784,"é¼·":123785,"ð«ļŃ":123786,"çİĥ":123787,"éĨ¾":123788,"é½ĩ":123789,"è§¿":123790,"èł¼":123791,"×§":123792,"פ":123793,"׼":123794,"×ķת":123795,"ס":123796,"×Ļ×Ŀ":123797,"צ":123798,"×Ĵ":123799,"×ĺ":123800,"×ķר":123801,"×Ŀ":123802,"×ķ׾":123803,"×ĸ":123804,"à¹Ĥ":123805,"ïº":123806,"ðŁį":123807,"ðŁIJ":123808,"×Ļר":123809,"ï»":123810,"ðŁij":123811,"ðĿIJ":123812,"ðŁı":123813,"ðŁĶ":123814,"ðŁĮ":123815,"ðŁİ":123816,"ðŁĵ":123817,"ף":123818,"ðĿij":123819,"×ķ×ĵ":123820,"ï¦":123821,"Ġ×ķ":123822,"×ķ×ij":123823,"à¸Ńà¸ĩ":123824,"ðĿĺ":123825,"×Ļת":123826,"ðĿķ":123827,"à¸Ĺีà¹Ī":123828,"ائ":123829,"ð٤":123830,"×ķף":123831,"رÙĬ":123832,"×Ļ׾":123833,"ระ":123834,"าย":123835,"ï¯":123836,"ï®":123837,"าม":123838,"âĩ":123839,"ðŁ¥":123840,"ïŃ":123841,"ðĿĻ":123842,"×ķ׳":123843,"á½":123844,"Ġ׼":123845,"ðŁļ":123846,"âļ":123847,"ï§":123848,"×ijר":123849,"×Ļ׳":123850,"á´":123851,"Ġ×Ĺ":123852,"á¼":123853,"ðĿĹ":123854,"Ġ×¢":123855,"×Ļ×Ķ":123856,"ãģ£ãģŁ":123857,"ãģĵãģ¨":123858,"á¸":123859,"ÙĬÙĨ":123860,"ãģªãģĦ":123861,"اع":123862,"ศ":123863,"à¹Īà¸ĩ":123864,"×Ļ×ĵ":123865,"×ŀש":123866,"áĪ":123867,"׳×Ļ":123868,"×Ļ×ij":123869,"ï¥":123870,"ðĿĵ":123871,"Ġ×Ļ":123872,"×ļ":123873,"ัà¸ĩ":123874,"âĵ":123875,"ï¤":123876,"ĠاÙĦØ£":123877,"าà¸ģ":123878,"à¹īà¸Ļ":123879,"à¹Ģร":123880,"×ķ×Ŀ":123881,"á¹":123882,"ึ":123883,"×Ļ×§":123884,"à¸ĭ":123885,"à¸Ħร":123886,"à¸ĺ":123887,"ัà¸ģ":123888,"ðŁķ":123889,"ÙĪÙĨ":123890,"à¸Ńย":123891,"âĬ":123892,"ðĿĴ":123893,"ĠاÙĦع":123894,"าà¸Ļ":123895,"×Ļף":123896,"ÙĦÙĬ":123897,"×Ļש":123898,"à¸Ľà¸£à¸°":123899,"à¹Ģà¸Ľ":123900,"Ġ׳":123901,"×ķס":123902,"à¸ł":123903,"ÙħÙĨ":123904,"×ķ×¢":123905,"×ķ×ŀ":123906,"âĮ":123907,"ð٧":123908,"à¹ĩà¸Ļ":123909,"à¸į":123910,"ãİ":123911,"áµ":123912,"ĠاÙĦس":123913,"×ķ×§":123914,"หล":123915,"ðŁĩ":123916,"âı":123917,"ð٦":123918,"Ġ×Ķ×ŀ":123919,"ÙĪØ§":123920,"Ġת":123921,"ר×IJ":123922,"à¸Ńà¸Ļ":123923,"ษ":123924,"à¹Īว":123925,"×ķצ":123926,"íĹ":123927,"ãĦ":123928,"ï¨":123929,"ï¹":123930,"âİ":123931,"ï²":123932,"ðĿļ":123933,"ðIJ":123934,"à¸Ħว":123935,"หà¸Ļ":123936,"Ġר":123937,"بÙĬ":123938,"รà¹Į":123939,"را":123940,"شر":123941,"×ķ×Ĺ":123942,"×ķפ":123943,"×ķש":123944,"×ķ×Ĵ":123945,"íĿ":123946,"âĽ":123947,"à¸ķิ":123948,"à¹Ģà¸ģ":123949,"ï³":123950,"ï±":123951,"à¸Ķà¹ī":123952,"ë¹":123953,"ï¬":123954,"á¿":123955,"ðŁĽ":123956,"ðĿĸ":123957,"à¹Īาà¸ĩ":123958,"ูà¹ī":123959,"Ġ×Ķ×IJ":123960,"ĠاÙĦØŃ":123961,"פר":123962,"ÙĪÙħ":123963,"à¹Ģล":123964,"íĸ":123965,"×Ļ×¢":123966,"ìĪ":123967,"íĵ":123968,"ðŁħ":123969,"áł":123970,"à¸Ħวาม":123971,"à¸Īะ":123972,"׳×Ķ":123973,"Ġ×§":123974,"à¸Ł":123975,"à¹īà¸ĩ":123976,"หม":123977,"تÙħ":123978,"׾×Ļ":123979,"ÙĬد":123980,"à¹Īà¸Ļ":123981,"×Ĺר":123982,"שר":123983,"à¹Ģà¸Ĺ":123984,"×ŀר":123985,"ëĸ":123986,"عÙĦ":123987,"×ŀ×¢":123988,"â²":123989,"׾×Ķ":123990,"Ġפ":123991,"à¸Ńà¸ģ":123992,"سÙĦ":123993,"×Ļ×ŀ":123994,"ÙĤÙĬ":123995,"íİ":123996,"تØŃ":123997,"×Ļס":123998,"×Ļ×Ĺ":123999,"íĽ":124000,"ï°":124001,"â½":124002,"áī":124003,"áĬ":124004,"á¨":124005,"Ùĩا":124006,"Ġ׾×Ķ":124007,"×ķ×IJ":124008,"Ùħا":124009,"à¹īà¸Ńà¸ĩ":124010,"رب":124011,"ĠاÙĦج":124012,"×ŀ×ĵ":124013,"ÙħÙĦ":124014,"تر":124015,"à¹Ģà¸Ķ":124016,"קר":124017,"íħ":124018,"ì¼":124019,"ê¿":124020,"ãĪ":124021,"áIJ":124022,"ðŁĹ":124023,"ê¦":124024,"áĭ":124025,"ðĿĶ":124026,"à¹Ģà¸Ľà¹ĩà¸Ļ":124027,"à¹ĥห":124028,"มา":124029,"วà¹Īา":124030,"มี":124031,"ีà¹ī":124032,"à¹Ħมà¹Ī":124033,"ÙĨÙĬ":124034,"ؤ":124035,"รา":124036,"×ķ×Ļ":124037,"ãĤĪãģĨ":124038,"ิà¸Ķ":124039,"×Ļפ":124040,"×Ĺ׾":124041,"ÙĤد":124042,"à¹Ģส":124043,"×Ļ×ĺ":124044,"à¸ģล":124045,"ר׼":124046,"×ķ׼":124047,"×Ļ׼":124048,"ëĪ":124049,"ëĥ":124050,"ðŁĸ":124051,"áħ":124052,"â¼":124053,"ãī":124054,"à¹Ħà¸Ķà¹ī":124055,"ת×Ļ":124056,"×Ļ×IJ":124057,"ĠاÙĦØ¥":124058,"à¸łà¸²":124059,"ริ":124060,"ÙĤØ©":124061,"ØŃد":124062,"ê»":124063,"ì±":124064,"ת×Ĺ":124065,"ìº":124066,"âĭ":124067,"áĦ":124068,"á¾":124069,"âµ":124070,"â¾":124071,"ĠÙĪØ§ÙĦ":124072,"׳×ķ":124073,"ÙĢ":124074,"ÙĬا":124075,"à¸ģà¹ĩ":124076,"×ŀ×Ķ":124077,"ãģĦãĤĭ":124078,"عد":124079,"ĠاÙĦÙĨ":124080,"Ġ×Ķש":124081,"ئ":124082,"ัà¹īà¸ĩ":124083,"รัà¸ļ":124084,"ÙĪÙĤ":124085,"ãģ§ãģį":124086,"à¹Ģà¸ŀ":124087,"׼׾":124088,"×ĺר":124089,"ัà¸Ķ":124090,"à¸Ńา":124091,"ì¢":124092,"à¸Ńà¸ļ":124093,"à¸ķร":124094,"à¹Ģà¸Ĭ":124095,"ìĶ":124096,"ãģĹãģ¾":124097,"ëģ":124098,"ëķ":124099,"ðŁĻ":124100,"âĴ":124101,"á¶":124102,"à¹ģล":124103,"ÙĨا":124104,"à¹ĥหà¹ī":124105,"à¹Ħà¸Ľ":124106,"×£":124107,"ัว":124108,"าà¸ĩ":124109,"×ĵר":124110,"×ij׾":124111,"פ×Ļ":124112,"Ġ×ĵ":124113,"ĠاÙĦÙģ":124114,"à¹Ģà¸Ĥ":124115,"ש×Ķ":124116,"×IJר":124117,"ë¬":124118,"ãģ«ãģª":124119,"ÑĢо":124120,"วิ":124121,"Ùħر":124122,"×IJת":124123,"Ùĥر":124124,"سب":124125,"ÙĨت":124126,"ãģĹãģĦ":124127,"اج":124128,"à¸Ńรà¹Į":124129,"ÙĥÙĦ":124130,"سÙħ":124131,"สิ":124132,"×Ļצ":124133,"ëĿ":124134,"íľ":124135,"ìī":124136,"áĨ":124137,"ÙĩÙħ":124138,"à¸Ļีà¹ī":124139,"ãģĤãĤĭ":124140,"ãģĦãģ¦":124141,"سÙĬ":124142,"׾×IJ":124143,"در":124144,"ãģļ":124145,"ÙĪØ¬":124146,"ĠاÙĦØ®":124147,"صر":124148,"íı":124149,"à¹īาà¸ĩ":124150,"ุà¸Ķ":124151,"×ķ×ĺ":124152,"×ij×¢":124153,"íĨ":124154,"à¸Ĭา":124155,"รม":124156,"ש×ŀ":124157,"×ŀס":124158,"ê´":124159,"ì´":124160,"ëľ":124161,"ì¿":124162,"ì©":124163,"ë»":124164,"â¤":124165,"ðŁĨ":124166,"áĮ":124167,"áķ":124168,"ذا":124169,"à¸Ĺำ":124170,"à¸ķà¹Ī":124171,"ĠاÙĦÙĤ":124172,"ÙĦÙĥ":124173,"ูà¹Ī":124174,"à¸Ħุ":124175,"ÙĬÙħ":124176,"׳×Ļ×Ŀ":124177,"ืà¹Īà¸Ń":124178,"ÙĪØ¹":124179,"ãĤĩ":124180,"اÙĤ":124181,"Ġ×ij×¢":124182,"à¹Ģม":124183,"جÙħ":124184,"ừ":124185,"ãģĵãģ¨ãģĮ":124186,"بد":124187,"×ķ×Ķ":124188,"ש׾":124189,"Ùĩر":124190,"à¹Ģà¸Ļ":124191,"ãģ¹":124192,"íĭ":124193,"ì»":124194,"ì½":124195,"ëŃ":124196,"ìĮ":124197,"íĢ":124198,"ëĮ":124199,"ëº":124200,"ãĬ":124201,"à¹ĥà¸Ļ":124202,"Ġ×Ĵ":124203,"à¹Ĩ":124204,"à¸Īาà¸ģ":124205,"วย":124206,"à¹ĥà¸Ĭ":124207,"à¸ĩาà¸Ļ":124208,"ĠاÙĦØ´":124209,"اØŃ":124210,"à¹īาà¸Ļ":124211,"ืà¹Īà¸Ńà¸ĩ":124212,"×IJ×Ļ":124213,"بÙĦ":124214,"ã썿ĢĿ":124215,"×ł×¡":124216,"ãģ¾ãģĽ":124217,"ÙĥÙĨ":124218,"ער":124219,"ĠاÙĦد":124220,"שת":124221,"íŀ":124222,"Ùħس":124223,"صÙĦ":124224,"×ķ׳×Ķ":124225,"ارة":124226,"ÙĦÙħ":124227,"สม":124228,"Ø£ÙĨ":124229,"תר":124230,"×IJ×ŀ":124231,"عب":124232,"خت":124233,"ãĤĥ":124234,"ì¡":124235,"ì£":124236,"ива":124237,"สั":124238,"ึà¸ģ":124239,"ì¸":124240,"ëĨ":124241,"алÑĮн":124242,"ì³":124243,"ìį":124244,"ê¼":124245,"ê½":124246,"ìı":124247,"ãĮ":124248,"ãı":124249,"ï©":124250,"êª":124251,"áİ":124252,"Ġ×ĸ":124253,"à¸ģัà¸Ļ":124254,"×Ļ×ķ":124255,"à¸Ħà¸Ļ":124256,"׳×ķת":124257,"à¸ľà¸¹à¹ī":124258,"à¹ĥà¸Ī":124259,"ãģĦãģŁ":124260,"Ù쨱":124261,"×ĺ×Ļ":124262,"צ×Ļ":124263,"ãĤĤãģ®":124264,"ĠاÙĦص":124265,"ãģ¾ãģĽãĤĵ":124266,"دة":124267,"×ij×Ļ":124268,"ĠاÙĦر":124269,"Ġ×ŀ×IJ":124270,"สำ":124271,"à¹Ģห":124272,"عر":124273,"ãģªãģı":124274,"à¸ģระ":124275,"×ij×ĵ":124276,"à¹Ģà¸Ī":124277,"×Ļ×ļ":124278,"×Ĺ×Ļ":124279,"ÙĬع":124280,"ש×ij":124281,"ÙĨØ©":124282,"ÙĪØ¶":124283,"ÙĦÙģ":124284,"ÙĢÙĢ":124285,"פע":124286,"íĪ":124287,"×ŀ×§":124288,"à¸IJ":124289,"ØŃØ©":124290,"اص":124291,"Ñĭва":124292,"à¸Ħม":124293,"วั":124294,"à¸Ľà¸¥":124295,"ìŁ":124296,"íļ":124297,"ë´":124298,"ëij":124299,"ëī":124300,"ëĩ":124301,"ì¨":124302,"ë±":124303,"ëİ":124304,"â¬":124305,"á¥":124306,"áĹ":124307,"áĽ":124308,"áį":124309,"Å©":124310,"à¸Ķี":124311,"ôi":124312,"Ġס":124313,"׾×ķ":124314,"á»Ŀi":124315,"à¸Ħุà¸ĵ":124316,"ây":124317,"à¸Ļา":124318,"×Ĺ×ĵ":124319,"×ĵ×Ļ":124320,"หา":124321,"جÙĦ":124322,"à¹Ģว":124323,"ãĤĩãģĨ":124324,"ÙħØ©":124325,"ĠاÙĦÙĥ":124326,"Ġ×Ķ×¢":124327,"جر":124328,"×ĸר":124329,"اط":124330,"×Ľ×ª":124331,"×ķ׳×Ļ×Ŀ":124332,"ØŃÙħ":124333,"ê¶":124334,"رÙĥ":124335,"Ġ×ľ×¢":124336,"×ķ×ĸ":124337,"สร":124338,"צ׾":124339,"Ø¢":124340,"است":124341,"à¹Īม":124342,"خر":124343,"צע":124344,"×Ļר×ķת":124345,"ادة":124346,"شار":124347,"×ŀ×Ĺ":124348,"íĴ":124349,"à¹Ģรีย":124350,"×Ĺ×§":124351,"اث":124352,"รà¸ĩ":124353,"à¹Ģà¸ķ":124354,"à¸Īำ":124355,"à¸Ŀ":124356,"à¹Īาย":124357,"à¸Ħล":124358,"ÙĤÙĪ":124359,"иÑĩеÑģк":124360,"à¸ĵà¹Į":124361,"ัย":124362,"Ùħع":124363,"ë¨":124364,"ë¿":124365,"ë®":124366,"ï´":124367,"ì¥":124368,"ì«":124369,"ëµ":124370,"á¡":124371,"âį":124372,"ðĵ":124373,"â°":124374,"à¸Ĥà¸Ńà¸ĩ":124375,"Ùĭ":124376,"à¸ģัà¸ļ":124377,"ãģ®ãģ§":124378,"à¹īว":124379,"à¸Ńยà¹Īาà¸ĩ":124380,"ãģŃ":124381,"á»ĩt":124382,"à¸ķà¹īà¸Ńà¸ĩ":124383,"×ŀ×Ļ":124384,"à¹ģà¸ļ":124385,"×Ĵר":124386,"ÙĪÙģ":124387,"ÙĤÙĦ":124388,"à¸łà¸²à¸ŀ":124389,"ר×Ļ":124390,"ลา":124391,"ÙĬس":124392,"Ġצ":124393,"ÙĬÙģ":124394,"Ġ×ĺ":124395,"à¸ľà¸¥":124396,"áng":124397,"รว":124398,"Ġ×ŀש":124399,"×IJ×ķת":124400,"×ĸ×Ķ":124401,"ูà¸ģ":124402,"à¸Ļัà¸ģ":124403,"اÙĨÙĬ":124404,"دا":124405,"ãģ³":124406,"׼ף":124407,"ãĤīãĤĮ":124408,"ãĤĮãģ°":124409,"תק":124410,"úc":124411,"ÙĪØ²":124412,"×Ļר×Ķ":124413,"Ġngh":124414,"ánh":124415,"Ġ×ķ×IJ":124416,"á»ħ":124417,"สุà¸Ķ":124418,"ëį°":124419,"اض":124420,"اÙĦÙĬ":124421,"بار":124422,"عÙħ":124423,"à¸ļา":124424,"تج":124425,"à¸ŀร":124426,"×ķר×Ķ":124427,"ảng":124428,"Ø®ÙĦ":124429,"à¸ī":124430,"ắc":124431,"ש×Ļ×Ŀ":124432,"íĶ":124433,"Ù쨳":124434,"×Ļ×Ĵ":124435,"пÑĢ":124436,"ĠاÙĦØ«":124437,"سط":124438,"รูà¹ī":124439,"ีà¹Īย":124440,"à¸Ńà¸Ķ":124441,"ãģªãĤĬ":124442,"×Ĵ×ĵ":124443,"ãģĦãģ¾ãģĹãģŁ":124444,"סק":124445,"خص":124446,"laÅŁ":124447,"енно":124448,"بØŃ":124449,"สà¸Ļ":124450,"ฮ":124451,"ר×IJש":124452,"ÙħÙĪ":124453,"دÙĬد":124454,"ษา":124455,"×ķ×ļ":124456,"ãĥ§ãĥ³":124457,"à¸ķุ":124458,"Ġêµ":124459,"ĠÑģво":124460,"צ×ij":124461,"à¸Ńม":124462,"à¸Ľà¸£":124463,"تع":124464,"×Ķת":124465,"اÙħÙĦ":124466,"×ŀ׳":124467,"ç¶ļ":124468,"ฤ":124469,"íį":124470,"ëĺ":124471,"ë¤":124472,"ìij":124473,"â´":124474,"ãĭ":124475,"ĠباÙĦ":124476,"á»ģu":124477,"ĠاÙĦÙĦ":124478,"à¸ķัว":124479,"ذÙĩ":124480,"ึà¸ĩ":124481,"à¹ĥà¸Ĭà¹ī":124482,"á»ĵng":124483,"à¸Ļั":124484,"มาà¸ģ":124485,"ãĥŁ":124486,"×ŀ×ķ":124487,"à¸Ĺย":124488,"á»Ļi":124489,"ằ":124490,"ảo":124491,"à¹Ĥà¸Ķ":124492,"×IJ׾":124493,"สาม":124494,"ÙĪØ¨":124495,"à¸Ĺุ":124496,"ยัà¸ĩ":124497,"עת":124498,"×ķ׳×ķת":124499,"à¸Ĥึ":124500,"à¸Ĥึà¹īà¸Ļ":124501,"à¸ģà¹Ī":124502,"ẫ":124503,"á»ijc":124504,"ãģĹãĤĩãģĨ":124505,"á»ĭch":124506,"Ġ×IJ×ķת":124507,"Ġש×IJ":124508,"׼×ķ׾":124509,"á»Ļc":124510,"عة":124511,"à¸Ĺี":124512,"à¹Ģà¸Ń":124513,"Ùĥت":124514,"ãģ»":124515,"ẻ":124516,"ìĹħ":124517,"à¸Ńà¸Ńà¸ģ":124518,"اÙĨت":124519,"à¹Ħร":124520,"Ġ×IJ×Ĺר":124521,"طر":124522,"ÙĨد":124523,"ืà¹īà¸Ń":124524,"Ø·ÙĦ":124525,"×IJ×Ķ":124526,"uyên":124527,"íĸī":124528,"×ij×Ķ":124529,"à¸Ħà¹Ī":124530,"à¸Ĭà¹Īว":124531,"ãģĤãĤĬãģ¾ãģĻ":124532,"ÙĬب":124533,"ק׾":124534,"ãĥĻ":124535,"Ä©":124536,"سر":124537,"าว":124538,"ãĤ±":124539,"à¸ļริ":124540,"ר×Ĵ":124541,"á»ĥu":124542,"ØŃت":124543,"×ķ×ŀ×Ļ":124544,"بÙĨ":124545,"êµIJ":124546,"ÄŁu":124547,"ãģªãĤĵ":124548,"×ij×§":124549,"Ġפר":124550,"ắn":124551,"ØŃÙĦ":124552,"×ij×Ĺ":124553,"ấu":124554,"×ij×ķ×ĵ":124555,"ãĥ¯":124556,"Ġ׾ק":124557,"ัà¸į":124558,"à¸ŀิ":124559,"×Ĺ×Ķ":124560,"×ĸ׼":124561,"ãĥ¼ãĥł":124562,"ÑĤелÑĮ":124563,"×ŀ×Ļ×ĵ":124564,"ÙĬØ®":124565,"ẳ":124566,"تص":124567,"à¸ĺิ":124568,"è¾¼":124569,"ìĵ":124570,"ÙĥØ©":124571,"ÙĤب":124572,"à¸Ħà¹Į":124573,"à¹īาย":124574,"à¸ĵะ":124575,"าะ":124576,"ëĴ":124577,"ê¾":124578,"ë·":124579,"ìĩ":124580,"êº":124581,"ìģ":124582,"ëĢ":124583,"ì¾":124584,"ë½":124585,"ëļ":124586,"ìŃ":124587,"ìİ":124588,"áij":124589,"ëĹ":124590,"êĴ":124591,"à¡":124592,"à¬":124593,"ðIJĮ":124594,"ãĩ":124595,"ðĿĦ":124596,"Ġ׾×IJ":124597,"ãģ¨ãģĦãģĨ":124598,"Ġnhi":124599,"×Ļ×ķת":124600,"Ġש×Ķ":124601,"à¹ģลà¹īว":124602,"Æ°á»Ľc":124603,"à¸Ķà¹īวย":124604,"à¸Ĺาà¸ĩ":124605,"×ł×ª":124606,"פת":124607,"à¹ģà¸ķà¹Ī":124608,"ưng":124609,"à¸Ńยูà¹Ī":124610,"à¹īำ":124611,"Ġ×IJ׾":124612,"ÙĥÙħ":124613,"ấp":124614,"ลà¸ĩ":124615,"ãģŁãĤģ":124616,"×Ĵ׾":124617,"หร":124618,"ĠÑĢе":124619,"à¹Ģà¸Ĥà¹īา":124620,"ÙĤر":124621,"Ġ×Ķס":124622,"ÙĪÙĬ":124623,"สามาร":124624,"สามารà¸ĸ":124625,"Äĥn":124626,"à¸Ńี":124627,"פ×ķ":124628,"×Ļ׳×ķ":124629,"วัà¸Ļ":124630,"ặc":124631,"íķĻ":124632,"×ŀת":124633,"êu":124634,"ẹ":124635,"ÙģÙĬ":124636,"×ŀצ":124637,"à¸Ħา":124638,"ãģĿãģĨ":124639,"ãĢħ":124640,"از":124641,"اÙĩ":124642,"ר×Ļ×Ŀ":124643,"ấn":124644,"หาร":124645,"ạt":124646,"ÙĨÙĩ":124647,"à¹Ģà¸Ħร":124648,"جÙĩ":124649,"׼×Ļ":124650,"ắt":124651,"à¸Ħà¹īา":124652,"رة":124653,"ãĥı":124654,"ÙĥÙĪÙĨ":124655,"ứng":124656,"Ġìļ°":124657,"ยà¹Į":124658,"à¹Īวà¸Ļ":124659,"à¸ģำ":124660,"ثر":124661,"Ñģи":124662,"ĠاÙĦØ·":124663,"Ġ×Ķצ":124664,"ĠØ·":124665,"ĠاÙĦÙĪ":124666,"ê¹Į":124667,"ØŃÙĬ":124668,"ارات":124669,"à¹Ģà¸ĭ":124670,"با":124671,"гÑĢ":124672,"รี":124673,"ืà¸Ńà¸Ļ":124674,"عت":124675,"ÙĤاÙĦ":124676,"دÙħ":124677,"Ø¡":124678,"Ġ×ŀ×§":124679,"×ĵ×Ļ×Ŀ":124680,"×¢×ľ":124681,"ãģĴ":124682,"ëĭĺ":124683,"×¢×Ķ":124684,"Ġìĸ´":124685,"ÑģÑĮ":124686,"ÙĤØ·":124687,"ãĥĽ":124688,"èĢĥãģĪ":124689,"à¹ģà¸Ļ":124690,"ÙĪØ§Øª":124691,"âu":124692,"ĠìĤ¬ëŀ":124693,"หว":124694,"ĠاÙĦØ£Ùħ":124695,"Ġ×Ķ×ŀש":124696,"بÙĪ":124697,"à¸Ĭà¸Ļ":124698,"ãĤĵãģ§ãģĻ":124699,"วà¸Ļ":124700,"à¸ģรรม":124701,"×ŀ×ķ×ĵ":124702,"ÙĥاÙĨ":124703,"×ķ×£":124704,"олог":124705,"تÙĨ":124706,"à¸ķà¹Į":124707,"ê²ĥ":124708,"ר×ĺ":124709,"ừng":124710,"×ķ×ij×Ķ":124711,"ÙħØŃ":124712,"ĠЧ":124713,"פ×Ĵ":124714,"สà¸ĸ":124715,"ãģĭãĤĬ":124716,"ınız":124717,"à¹Ģย":124718,"ãĥ¼ãĥ³":124719,"ãģĬãĤĬ":124720,"פש":124721,"ิà¸ķ":124722,"Ø·ÙĨ":124723,"×Ļת×Ļ":124724,"×IJ׳":124725,"çek":124726,"ìª":124727,"×ŀ×ij":124728,"ศา":124729,"ãĤ¹ãĤ¿":124730,"à¸ļุ":124731,"×ĵ×ijר":124732,"ãģĦãģı":124733,"สะ":124734,"à¹Ģหล":124735,"ิà¸ĩ":124736,"à¸ŀัà¸Ļ":124737,"ãģĦãģŁãģł":124738,"ãĤĤãĤī":124739,"à¹īม":124740,"ãģĵãģ¨ãģĮãģ§ãģį":124741,"ารà¹Į":124742,"ุà¸ĩ":124743,"íij":124744,"ì¯":124745,"ë¼":124746,"íĤ":124747,"ì·":124748,"ê¡":124749,"áı":124750,"áĴ":124751,"ðĿľ":124752,"á©":124753,"ðŁĦ":124754,"ðIJ¤":124755,"Ġש׾":124756,"Ġ×ŀ×Ķ":124757,"à¹ģละ":124758,"Ġ׼׾":124759,"ẽ":124760,"á»Ļng":124761,"ذÙĬ":124762,"ле":124763,"×¥":124764,"ãģªãģ©":124765,"ĠÙĪØ£":124766,"หà¸Ļà¹īา":124767,"ãģ¾ãģ§":124768,"à¸ķà¹Īà¸Ń":124769,"à¸Ĺัà¹īà¸ĩ":124770,"ãģłãģij":124771,"à¹ģà¸ļà¸ļ":124772,"à¹Ģรา":124773,"פ׾":124774,"ãģŁãģĦ":124775,"à¹Ģลย":124776,"ãģ£ãģ¦ãģĦãĤĭ":124777,"ếp":124778,"ึà¹Īà¸ĩ":124779,"ê´Ģ":124780,"ê³Ħ":124781,"׼×ķ":124782,"à¹Ģรืà¹Īà¸Ńà¸ĩ":124783,"×§×Ļ":124784,"êµŃ":124785,"פס":124786,"تÙĬ":124787,"ãĥĦ":124788,"Ġ×Ķ×Ĺ":124789,"ги":124790,"ר×IJ׾":124791,"×ŀ׾":124792,"ĠØ£ÙĬ":124793,"ĠعÙĦÙĬ":124794,"ãģĭãģ£ãģŁ":124795,"ש×Ļ":124796,"дÑĥ":124797,"×ŀף":124798,"׳×ĺ":124799,"׳×Ļת":124800,"miÅŁ":124801,"׼×Ŀ":124802,"Ġ×ijר":124803,"Ġ׾×ij":124804,"ĠÐĽ":124805,"çe":124806,"×ķ׳×Ļ":124807,"ãĤĪãģĨãģ«":124808,"פ×ķר":124809,"ãĥį":124810,"ÙĥÙĬ":124811,"×Ĺת":124812,"ÙģÙĦ":124813,"Ġ×Ķ×§":124814,"Ġ×Ķ×ij":124815,"Ġ×ŀס":124816,"à¹Īาà¸Ļ":124817,"пеÑĢ":124818,"à¹Īาว":124819,"Ġ×ij×IJ":124820,"ĠÙĪÙĩ":124821,"à¸Ļำ":124822,"Ġ×ijש":124823,"׳ק":124824,"ãģ©ãģĨ":124825,"ש×ķת":124826,"×ĵ×Ķ":124827,"à¹Ģà¸ļ":124828,"ÙĨس":124829,"Ġìļ°ë¦¬":124830,"สà¹Īวà¸Ļ":124831,"ลัà¸ĩ":124832,"جز":124833,"Ġ×Ĺ×Ļ":124834,"Ùĥثر":124835,"ละ":124836,"Ùĩد":124837,"ĠÙĪØ¨":124838,"اÙĦÙħ":124839,"à¹ģม":124840,"Æ¡i":124841,"Ġ×ij×Ĺ":124842,"ữa":124843,"à¹Ģà¸Ĺศ":124844,"à¸ķัà¹īà¸ĩ":124845,"огда":124846,"׾ק":124847,"دد":124848,"สรà¹īาà¸ĩ":124849,"à¸Ĭี":124850,"Ù쨶":124851,"à¹ģห":124852,"uyá»ĩn":124853,"รัà¸ģ":124854,"á»ĩm":124855,"สา":124856,"פק":124857,"ียà¸ĩ":124858,"à¸ķà¹Īาà¸ĩ":124859,"à¸Ħรัà¹īà¸ĩ":124860,"ØŃÙĤ":124861,"à¹Ģà¸Ńà¸ĩ":124862,"ائÙĬ":124863,"×ĺ×¢":124864,"اÙĦØ©":124865,"ิà¹Īม":124866,"ãĤ½":124867,"دÙī":124868,"Ġר×IJ":124869,"ãģ£ãģ¨":124870,"ãĥĥãĥĹ":124871,"ÙĬرة":124872,"ê±´":124873,"×ŀ×IJ":124874,"×ķ×ķ":124875,"بع":124876,"ãģ²":124877,"ราย":124878,"×ĵ×Ŀ":124879,"تÙģ":124880,"à¸ķà¸ģ":124881,"ạng":124882,"ãĤĴè¦ĭ":124883,"à¸Ĭั":124884,"Æ°á»Ł":124885,"Æ°á»Łng":124886,"جب":124887,"×ķ×ŀר":124888,"ĠìĤ¬ëŀĮ":124889,"óng":124890,"รั":124891,"Ġ×Ķ×ĸ":124892,"רצ":124893,"Ġ×Ĺ×ĵ":124894,"ذÙĦÙĥ":124895,"×ķר×Ļ":124896,"ãģ¡ãĤĥ":124897,"Ù쨹":124898,"Ġ׾צ":124899,"ái":124900,"à¹ĩà¸ļ":124901,"ãģİ":124902,"à¸ģิ":124903,"ạc":124904,"ë©°":124905,"ãģªãĤĭ":124906,"×ķ׾×Ŀ":124907,"à¹ģà¸Ĺ":124908,"×ķ×¥":124909,"меÑĤ":124910,"Ã¼ÅŁ":124911,"ÑĢÑı":124912,"à¸Ĵ":124913,"ÑģÑĤоÑı":124914,"عÙĪØ¯":124915,"Ùħار":124916,"طة":124917,"à¸ŀื":124918,"кÑĢ":124919,"à¹ģà¸ģ":124920,"à¹Ĥรà¸ĩ":124921,"×ij×Ļ×ĺ":124922,"ê²ł":124923,"×ķ׾×Ķ":124924,"ØŃر":124925,"ืà¹Īà¸Ńà¸Ļ":124926,"×ķ×ijר":124927,"×Ĺש":124928,"ãĥķãĤ¡":124929,"×ŀ×ĺ":124930,"út":124931,"Ġdön":124932,"ắng":124933,"ëłĩ":124934,"ẳng":124935,"วà¸ģ":124936,"صد":124937,"خط":124938,"à¸Ńั":124939,"ãĤıãĤĮ":124940,"سÙĦاÙħ":124941,"à¹Ģรà¹ĩ":124942,"×Ļש×Ļ":124943,"جاÙĦ":124944,"ãģijãĤĭ":124945,"à¸Ĭาà¸ķิ":124946,"ÙĪØ§ÙĤ":124947,"à¹Ĥà¸Ļ":124948,"ãģ¦ãģĹãģ¾":124949,"اعة":124950,"ãĤŃãĥ£":124951,"à¸įา":124952,"ÙĦاÙĤ":124953,"ิà¸ģ":124954,"ĠÑģов":124955,"ÑĢак":124956,"×Ļ׳×Ļ":124957,"Ã¼ÄŁ":124958,"Ã¼ÄŁÃ¼":124959,"×§×ij":124960,"à¹Īà¸Ńà¸ĩ":124961,"Ġgerçek":124962,"à¸Ĺั":124963,"ованиÑı":124964,"×ŀ׼":124965,"سة":124966,"×Ļ×£":124967,"leÅŁ":124968,"Ùħؤ":124969,"ĠìĿĺ":124970,"à¸IJาà¸Ļ":124971,"ĠÑģоб":124972,"ĠêµŃ":124973,"עצ":124974,"зв":124975,"สà¸ĩ":124976,"زÙĦ":124977,"ãģıãĤĮ":124978,"иÑĢÑĥ":124979,"تأ":124980,"полн":124981,"ìĺĢ":124982,"ÙĨØ´":124983,"׼×IJ":124984,"ÙħØ´":124985,"à¸Ķà¹Į":124986,"ÙĪÙĬÙĦ":124987,"à¹ģà¸Ĥ":124988,"ãģ£ãģ¦ãģĹãģ¾":124989,"ноÑģÑĤ":124990,"вл":124991,"ÙħÙĤ":124992,"راج":124993,"å¤ī":124994,"ëĽ":124995,"â¸":124996,"ìIJ":124997,"à»":124998,"áļ":124999,"â»":125000,"êĻ":125001,"â§":125002,"ðĴ":125003,"ðĿĩ":125004,"Ġ×IJת":125005,"ĠÙĦÙĦ":125006,"ĠØ£ÙĨ":125007,"Ġ×ķ×Ķ":125008,"ãģ«ãģ¯":125009,"Ġ×Ļש":125010,"تÙĩ":125011,"ÃŃnh":125012,"ÙĬات":125013,"Ġ×ij×ŀ":125014,"à¸Ļัà¹īà¸Ļ":125015,"à¸Ļà¹īำ":125016,"Ãło":125017,"à¸ķาม":125018,"ãģ®ãģ¯":125019,"dır":125020,"Ġnghi":125021,"ặt":125022,"×ŀ×Ļ×Ŀ":125023,"ãģ¦ãģĦãĤĭ":125024,"Ġ×ijת":125025,"หรืà¸Ń":125026,"ĠسÙĬ":125027,"ãģªãĤī":125028,"à¹Ĥà¸Ķย":125029,"ıyor":125030,"à¸Ńีà¸ģ":125031,"á»ĩnh":125032,"Ñĭм":125033,"à¸Ĺุà¸ģ":125034,"Ġ׾×Ĺ":125035,"Ġ×Ķר":125036,"Ġ×Ķ×Ļ":125037,"à¸ŀระ":125038,"à¹Ģวลา":125039,"Ġغ":125040,"ẫn":125041,"mÄ±ÅŁ":125042,"׼×Ķ":125043,"á»ijn":125044,"ãģ§ãģĹãĤĩãģĨ":125045,"ãĥ¢":125046,"à¸Ľà¸µ":125047,"ס×Ļ":125048,"ãģĵãĤį":125049,"Ġ׾פ":125050,"รà¸ĸ":125051,"ê¸Ī":125052,"à¸ģวà¹Īา":125053,"무":125054,"á»įng":125055,"ãĤĵãģ§":125056,"ãĤĪãģĨãģª":125057,"á»ĵi":125058,"ãĤ¬":125059,"สà¹Īà¸ĩ":125060,"×Ļ׳×Ķ":125061,"à¸ĸูà¸ģ":125062,"à¸Īัà¸Ķ":125063,"Ġ×Ķ×Ĵ":125064,"ãĥľ":125065,"×ŀ×ķת":125066,"ÙĪÙĥ":125067,"ëĭ¨":125068,"ĠØ«":125069,"ãģ®ãģĮ":125070,"à¹Ģหà¹ĩà¸Ļ":125071,"عا":125072,"à¸Ļิ":125073,"Åŀ":125074,"à¸Ńะ":125075,"ãģĪãĤĭ":125076,"Ø«ÙĦ":125077,"ØŃÙħد":125078,"à¹Ģà¸ģิà¸Ķ":125079,"פשר":125080,"פ×Ķ":125081,"มิ":125082,"ئÙĬس":125083,"à¸Ĺำà¹ĥหà¹ī":125084,"×¢×ĵ":125085,"ìĭ¤":125086,"à¸Ĭà¹Īวย":125087,"ĠاÙĦÙħÙĨ":125088,"زÙĬ":125089,"عÙĬ":125090,"Ġ׼×IJ":125091,"ạnh":125092,"ỹ":125093,"ãĤĵãģª":125094,"สู":125095,"צר":125096,"Æ°á»Ľng":125097,"×ķ×ķ×Ķ":125098,"à¹Ĥล":125099,"ĠاÙĦÙĩ":125100,"วา":125101,"หลาย":125102,"Ñīе":125103,"à¸Ĥà¹īà¸Ń":125104,"à¹īà¸Ńย":125105,"بط":125106,"каÑı":125107,"ĠØ¢":125108,"ĠиÑģ":125109,"ĠاÙĦغ":125110,"à¸ģา":125111,"à¸Ļà¹Īา":125112,"ÙĬÙĪ":125113,"×ij×ķר":125114,"á»ħn":125115,"วà¸ĩ":125116,"×Ļ×ĸ":125117,"ì²Ń":125118,"ним":125119,"룰":125120,"×Ĵ×ķר":125121,"صØŃ":125122,"ÙĦÙĪ":125123,"×Ĺ×ķת":125124,"สุ":125125,"رÙĬÙĤ":125126,"ס×ĺ":125127,"Ġ×ŀ×¢":125128,"ãĥĨãĤ£":125129,"à¸Ħิà¸Ķ":125130,"ãĤįãģĨ":125131,"à¹Ħล":125132,"à¸Ļà¹Į":125133,"á»ıi":125134,"ÑģÑĤÑĢо":125135,"สà¸Ķ":125136,"สาร":125137,"ÙĪÙĦØ©":125138,"ầm":125139,"รà¹Īว":125140,"รà¹Īวม":125141,"รุ":125142,"ĠاÙĦسÙĬ":125143,"ìĺģ":125144,"Ġ×ŀ×ij":125145,"פ×ĺ":125146,"à¸ķิà¸Ķ":125147,"×ĺ×Ļ×Ŀ":125148,"Ġ무":125149,"ÙĤدÙħ":125150,"ĠdÃ¼ÅŁ":125151,"ائÙĦ":125152,"мÑĭ":125153,"ØŃس":125154,"ÙĪØµ":125155,"×Ļ×§×Ķ":125156,"ãģ§ãģ¯ãģªãģĦ":125157,"à¹Ģหม":125158,"оÑĢÑĤ":125159,"íĨµ":125160,"ãģIJ":125161,"кÑĢа":125162,"ียว":125163,"عار":125164,"ئة":125165,"íĥĢ":125166,"ãģ«ãģªãĤĬ":125167,"جة":125168,"ÙĪÙĤع":125169,"ÑĮÑı":125170,"×ķצ×Ķ":125171,"ש×Ŀ":125172,"بÙĤ":125173,"Ġ×Ļ×Ķ":125174,"ÙĬØ·":125175,"ımız":125176,"деÑĢж":125177,"×Ļשר×IJ׾":125178,"غÙĬر":125179,"รà¸Ńà¸ĩ":125180,"à¹Ģรียà¸Ļ":125181,"Ġ×Ķ×ĺ":125182,"หมาย":125183,"ÙħÙĩ":125184,"اÙ쨩":125185,"ĠоÑĢг":125186,"ÙĪÙī":125187,"ãĥ©ãĤ¤":125188,"×ŀ׳×Ķ":125189,"ĠÄijo":125190,"ĠгоÑĢ":125191,"اÙħØ©":125192,"楽":125193,"Ø«ÙĬر":125194,"à¸ģิà¸Ī":125195,"á»ĵn":125196,"ÙĨب":125197,"ÑĢÑĥд":125198,"ìĹĪ":125199,"Ġ×Ĺ×ijר":125200,"ÑĢаж":125201,"ạch":125202,"تÙĪ":125203,"à¹Ĥม":125204,"×ij×Ļ×ij":125205,"ĠíĨµ":125206,"acaģı":125207,"جÙĦس":125208,"à¹Ģà¸Ľà¸¥":125209,"วà¸Ķ":125210,"à¸Ńล":125211,"ãģŁãĤĬ":125212,"à¸Ľà¸±à¸į":125213,"ĠìķĮ":125214,"عرÙģ":125215,"à¹Ħà¸Ł":125216,"أخ":125217,"å¤ļãģĦ":125218,"à¸Ķัà¸ĩ":125219,"Ø´Ùģ":125220,"ãģ£ãģ¦ãģĦãģ¾ãģĻ":125221,"×Ľ×ł×¡":125222,"ÑĨе":125223,"еÑģп":125224,"ÙħاÙħ":125225,"à¸ŀืà¹īà¸Ļ":125226,"иÑĩеÑģки":125227,"خد":125228,"ÙĥÙĪÙħ":125229,"Ġ×Ķר×IJש":125230,"تاب":125231,"é£Łãģ¹":125232,"ืà¸Ļ":125233,"оÑĢо":125234,"Ġböl":125235,"×ķ×Ĺ×ĵ":125236,"دÙĬر":125237,"ắm":125238,"دع":125239,"ãģķãģĽ":125240,"à¸ĺร":125241,"à¸ĺรรม":125242,"ãģĭãĤĤ":125243,"å¤ļãģı":125244,"rä":125245,"سع":125246,"×Ļ׾×Ķ":125247,"ضر":125248,"ĠاÙĦشر":125249,"×ĸ×ķר":125250,"×¢×ijר":125251,"ạm":125252,"алÑĮно":125253,"رÙĨ":125254,"اÙħج":125255,"׼×ļ":125256,"dıģ":125257,"ден":125258,"ضا":125259,"ÙĦÙĬÙħ":125260,"Ġê·¸ëŁ¬":125261,"تÙħاع":125262,"ارÙĬØ®":125263,"à¹Ĥà¸ķ":125264,"ĠÑģÑĢед":125265,"Ġ׳×ķס":125266,"ÙĤبÙĦ":125267,"оÑĤов":125268,"leÅŁtir":125269,"ĠмеÑģÑĤ":125270,"سÙĦÙħ":125271,"Ġעצ":125272,"ĠاÙĦسÙĦ":125273,"еÑĤÑĮ":125274,"ابة":125275,"нак":125276,"สà¸ĸาà¸Ļ":125277,"Ġ×ij׳":125278,"à¸ļัà¸Ļ":125279,"׼׳":125280,"ĠÃ¶ÄŁ":125281,"ãģ¨è¨Ģ":125282,"uyến":125283,"diÄŁ":125284,"áºŃu":125285,"ÑĢаÑģ":125286,"ãĤ·ãĥ§ãĥ³":125287,"nız":125288,"×ķ×ĵ×Ķ":125289,"تس":125290,"ÙħاÙĦ":125291,"à¹Ģหà¸ķุ":125292,"ยว":125293,"à¸ŀัà¸ģ":125294,"ãģĦãģªãģĦ":125295,"ĠкаÑĩ":125296,"ลà¹Į":125297,"×¨×Ľ×ª":125298,"ÅŁtur":125299,"×ŀ×ķס":125300,"ãģ¥":125301,"бол":125302,"عÙħاÙĦ":125303,"×ķרת":125304,"ÑĨион":125305,"ศึà¸ģ":125306,"à¸ı":125307,"ÑĢен":125308,"اسÙĬ":125309,"ائر":125310,"à¹Ĥà¸Ľà¸£":125311,"Ġseç":125312,"غÙĬ":125313,"ÑįÑĤ":125314,"енн":125315,"ãģªãģ®":125316,"×Ļש×Ķ":125317,"×Ļפ×ķר":125318,"ãģŁãĤģãģ«":125319,"زة":125320,"Ġçoc":125321,"ãĤ¯ãĥª":125322,"ÑĪен":125323,"ãĤıãģij":125324,"رÙĬد":125325,"ĠÑĢаÑģÑģ":125326,"Ùĥات":125327,"สà¸Ńà¸ļ":125328,"ceÄŁi":125329,"ãĤ¿ãĤ¤":125330,"à¸ļร":125331,"ĠاÙĦبر":125332,"׳×ķ×¢":125333,"rün":125334,"راض":125335,"ศาส":125336,"à¸ķรà¹Į":125337,"ãģįãģŁ":125338,"×ķ׾×ĵ":125339,"еÑĢи":125340,"íĹĺ":125341,"ắp":125342,"تعÙĦ":125343,"Ùĥد":125344,"иÑĤелÑĮно":125345,"Ø·Ùģ":125346,"ĠавÑĤом":125347,"Ġ×ŀצ":125348,"ÑĪиÑħ":125349,"اتÙģ":125350,"ĠÑħоÑĤ":125351,"ÙİØ§":125352,"ãģıãĤĭ":125353,"×Ķפ":125354,"à¹Ĥà¸Ĺ":125355,"à¹ģà¸ŀ":125356,"à¹Īà¸Ńย":125357,"ĠاÙĦÙħØ´":125358,"à¸ģารà¸ĵà¹Į":125359,"аниз":125360,"×Ķ׾":125361,"ظÙħ":125362,"ยุ":125363,"liÄŁ":125364,"à¹Ħà¸Ĥ":125365,"à¸ĸืà¸Ń":125366,"öz":125367,"ãģijãģ¦":125368,"à¹Ģà¸ľ":125369,"ุม":125370,"ãĥĹãĥ¬":125371,"Ġ×Ķ×IJ×Ĺר":125372,"ختÙĦÙģ":125373,"à¸İ":125374,"ÙĦاØŃ":125375,"Ġdüzen":125376,"צ×Ķ":125377,"ساء":125378,"×ķר×ļ":125379,"×ķ×ĵ×Ļ":125380,"ÑĢаÑĦ":125381,"ÅŁtır":125382,"ãģ«åħ¥":125383,"ãģĪãģ°":125384,"صÙĪÙĦ":125385,"ĠÐľÐ¾Ñģ":125386,"اÙĩر":125387,"ãģ£ãģ":125388,"ĠлÑİб":125389,"×Ļ×¢×Ķ":125390,"Ġ×Ķ×ŀ×§":125391,"สิà¸Ĺ":125392,"สิà¸Ĺà¸ĺิ":125393,"×Ļ׳×Ŀ":125394,"ÙĦاÙģ":125395,"à¸ŀัà¸Ļà¸ĺ":125396,"×ķ×IJ×Ķ":125397,"มั":125398,"à¸Ĥà¸ĵะ":125399,"доÑĢ":125400,"ãģ¨ãģª":125401,"à¸ģระà¸Ĺ":125402,"acı":125403,"×ķ׾×ķ×Ĵ":125404,"ÑĥÑĪ":125405,"ãĥ¥ãĥ¼":125406,"ãĥ¦":125407,"Ùħست":125408,"ĠaÅŁ":125409,"שק":125410,"פת×Ĺ":125411,"ายà¸Ļ":125412,"íĩ":125413,"ë¢":125414,"ï·":125415,"íī":125416,"ìµ":125417,"ì¬":125418,"ðĿĽ":125419,"ìĴ":125420,"ëĻ":125421,"ê§":125422,"áĸ":125423,"â¨":125424,"â±":125425,"áĺ":125426,"ðĸ":125427,"àł":125428,"áĶ":125429,"ðIJŃ":125430,"ững":125431,"Å©ng":125432,"Ġ×Ķת":125433,"ĠاÙĦا":125434,"Ġ×ŀת":125435,"à¸ĸึà¸ĩ":125436,"òn":125437,"á»ĭnh":125438,"нÑĭм":125439,"Ġcả":125440,"à¸Ķู":125441,"Ġà¹ģà¸ķà¹Ī":125442,"Ġ×ij×Ķ":125443,"ói":125444,"ãģ¨ãģĹãģ¦":125445,"úng":125446,"Ġذ":125447,"Ġ×Ķ׳":125448,"ĠبÙĨ":125449,"ÙĦاÙĦ":125450,"à¹Ħà¸Ĺย":125451,"á»ĩp":125452,"tı":125453,"มัà¸Ļ":125454,"ằng":125455,"á»ijt":125456,"ком":125457,"à¸ĭึà¹Īà¸ĩ":125458,"à¸Ħรัà¸ļ":125459,"à¸ļà¹īาà¸Ļ":125460,"ĠاÙĦÙĬ":125461,"lü":125462,"ÙĪØ³":125463,"ãģłãģ£ãģŁ":125464,"à¹Ģà¸ĩ":125465,"Ġê³µ":125466,"нÑĥ":125467,"ãĤĪãĤĬ":125468,"мÑĥ":125469,"à¹Ģà¸Ĥา":125470,"ãĤĢ":125471,"ние":125472,"ãģ«ãģªãĤĭ":125473,"áºŃy":125474,"ĠÙĪØ§":125475,"볤":125476,"ש×ķ":125477,"áp":125478,"×ĵ×ķ":125479,"ãģ§ãģĹãģŁ":125480,"عض":125481,"Ñģкой":125482,"æĦŁãģĺ":125483,"ÑİÑĤÑģÑı":125484,"Ġ×Ļ׼×ķ׾":125485,"ãĤĵãģł":125486,"ви":125487,"à¹Ģลà¹Īà¸Ļ":125488,"ìĿ´ëĭ¤":125489,"ĠÙĦÙĩ":125490,"à¸Ħืà¸Ń":125491,"تÙĥ":125492,"ÙħÙĥÙĨ":125493,"aģı":125494,"׳×ĵ":125495,"민":125496,"à¹Ħว":125497,"สำห":125498,"สำหรัà¸ļ":125499,"Ñģлед":125500,"tır":125501,"ĠÙĦÙĬ":125502,"ĠاÙĦعÙħÙĦ":125503,"×ij×ķת":125504,"×ij×Ļ×Ŀ":125505,"à¸Ħำ":125506,"à¹Ģà¸Ħรืà¹Īà¸Ńà¸ĩ":125507,"lıģı":125508,"ืà¸Ńà¸ĩ":125509,"جد":125510,"íŀĪ":125511,"ìĭ¬":125512,"×¢×ķת":125513,"สิà¸Ļ":125514,"Ñĩи":125515,"رض":125516,"à¹Ģà¸Ľà¸´à¸Ķ":125517,"à¸Ħà¹Īา":125518,"ìĦł":125519,"ÙĪØ±Ø©":125520,"×§×ĺ":125521,"ìľł":125522,"عÙħÙĦ":125523,"×IJ×Ļ×Ŀ":125524,"׾×Ļ×Ŀ":125525,"à¹ĥหà¸į":125526,"à¹ĥหà¸įà¹Ī":125527,"ừa":125528,"á»įi":125529,"ãģ¶":125530,"ÃŃch":125531,"ãĥĩãĤ£":125532,"×ķר×Ļ×Ŀ":125533,"Ñģо":125534,"ìķ½":125535,"ова":125536,"ÑĩаÑģÑĤ":125537,"à¹Ģà¸Īà¹īา":125538,"пÑĢо":125539,"Ġ×ŀ×Ĺ":125540,"ãĥİ":125541,"×ķ×Ļ×ķת":125542,"Ġде":125543,"ë§Ī":125544,"ì§ģ":125545,"×Ļפ×Ķ":125546,"ĠاÙĦعاÙĦÙħ":125547,"르":125548,"ר×IJ×Ķ":125549,"uyá»ĥn":125550,"×¢×Ļ":125551,"มืà¸Ń":125552,"Ø¥ÙĨ":125553,"รู":125554,"Ġز":125555,"×Ļ×ķ×Ŀ":125556,"à¸ķà¹īà¸Ļ":125557,"ãģ¦ãģĦãģ¾ãģĻ":125558,"ÙħاÙĨ":125559,"ĠÐ¥":125560,"à¸Ľà¸£à¸°à¹Ģà¸Ĺศ":125561,"ỳ":125562,"׾×ij":125563,"à¹Ģà¸Ķà¹ĩ":125564,"ãģŁãģ¡":125565,"à¸Ĺีม":125566,"à¸Ļะ":125567,"ìŰ":125568,"ĠìłĢ":125569,"ÙĦÙĩ":125570,"ợi":125571,"ĠاÙĦز":125572,"دار":125573,"ãĤ³ãĥ³":125574,"мин":125575,"à¹ģหà¹Īà¸ĩ":125576,"à¸Ķัà¸ļ":125577,"׼ר":125578,"жа":125579,"íĸĪ":125580,"×ŀ×ĸ":125581,"ợi":125582,"à¸Ķา":125583,"Ġعبد":125584,"à¹ģร":125585,"×IJתר":125586,"×¢×ł×Ļ":125587,"à¹Ģà¸Ħ":125588,"×ķצר":125589,"ì§Ģë§Į":125590,"ائÙħ":125591,"أس":125592,"uyá»ģn":125593,"Ġ×IJ׳":125594,"×Ĺ׳×ķ":125595,"×ĸ×Ļ":125596,"รà¹īาà¸Ļ":125597,"ĠÐłÐ¾Ñģ":125598,"ĠÐłÐ¾ÑģÑģ":125599,"ربÙĬØ©":125600,"tür":125601,"ãĤĭãģĵãģ¨":125602,"ظر":125603,"бÑĭ":125604,"à¸Ĺีà¹Īสุà¸Ķ":125605,"Ġצר":125606,"èĩªåĪĨ":125607,"лаÑģ":125608,"ĠÑıв":125609,"ĠÑıвлÑı":125610,"à¸ŀรà¹īà¸Ńม":125611,"à¸Ńาà¸Ī":125612,"à¸ļริà¸ģาร":125613,"Ġçı":125614,"ëįĺ":125615,"ĠاÙĦÙħست":125616,"تش":125617,"ש×ķ×ij":125618,"ãĤ´":125619,"Ġyapıl":125620,"ĠاÙĦذ":125621,"ุà¹Īม":125622,"à¸ĸà¹īา":125623,"ìĦ¤":125624,"ì°¨":125625,"ваÑĢ":125626,"à¹Ģà¸ŀิà¹Īม":125627,"Æ°á»Ľi":125628,"Ùĥس":125629,"à¸Ńยาà¸ģ":125630,"ãģ¦ãĤĤ":125631,"Ġгод":125632,"ÙĬار":125633,"à¸ķà¸Ńà¸Ļ":125634,"ĠигÑĢ":125635,"à¹Ħà¸Ķà¹īรัà¸ļ":125636,"ĠاÙĦÙħر":125637,"ÙĤت":125638,"Ġëĺ":125639,"ĠëĺIJ":125640,"ẩn":125641,"ãģĻãĤĭãģĵãģ¨":125642,"×Ĵ×Ŀ":125643,"Ġ×ij×ij":125644,"تد":125645,"ÙĪØ§Ø±":125646,"ãĤ®":125647,"пол":125648,"Ġмог":125649,"ترÙĥ":125650,"ÙĪØ«":125651,"Ġçık":125652,"اة":125653,"à¹Ģà¸Ķียว":125654,"มีà¸Ħวาม":125655,"Ġ×ŀ×Ĵ":125656,"صÙģ":125657,"ĠТак":125658,"Ġ×Ľ×ª":125659,"×Ļ×ĵ×Ļ":125660,"овоÑĢ":125661,"ầy":125662,"สิà¹Īà¸ĩ":125663,"بت":125664,"ürü":125665,"ÙĨج":125666,"หลัà¸ģ":125667,"×Ļ×Ķ×Ŀ":125668,"ÙĤص":125669,"зÑĭ":125670,"×Ľ×ª×ij":125671,"ưu":125672,"mız":125673,"ĠìĦ¸":125674,"лог":125675,"ÙħÙĬÙĦ":125676,"ÙĬج":125677,"íĴĪ":125678,"à¸ŀà¸ļ":125679,"หัว":125680,"зна":125681,"רק":125682,"à¹Ĥร":125683,"Ġ×ijס":125684,"ĠBaÅŁkan":125685,"ĠëͰ":125686,"à¸Ńัà¸Ļ":125687,"ีà¹Īยว":125688,"неÑģ":125689,"à¹Ģà¸Ķิà¸Ļ":125690,"ÙĬاÙĨ":125691,"×ķ׾×Ļ":125692,"اخت":125693,"צ×ķת":125694,"ãģĵãģĵ":125695,"ĠاÙĦاÙĨ":125696,"ĠпÑĢоÑĨ":125697,"ãģ¾ãģł":125698,"×Ľ×¡":125699,"ĠاÙĦØ¢":125700,"ÙĬز":125701,"ĠاÙĦدÙĪÙĦ":125702,"ĠíķĺëĤĺ":125703,"ضع":125704,"ê»ĺ":125705,"ÅĽwi":125706,"ยิ":125707,"ãģ¡ãĤĥãĤĵ":125708,"ĠÙħØ´":125709,"à¸ĺี":125710,"ãģ¨ãģį":125711,"׳×Ļ×ķת":125712,"Ġë¯":125713,"Ġ미":125714,"Ġsı":125715,"ëĭĪê¹Į":125716,"Ġпл":125717,"غÙĦ":125718,"à¹ģรà¸ĩ":125719,"بÙĬر":125720,"ãģĤãĤĬãģ¾ãģĽãĤĵ":125721,"ê·¼":125722,"Ġyüz":125723,"ĠdeÄŁer":125724,"åł´åIJĪ":125725,"ỡ":125726,"маÑĤ":125727,"ราà¸Ĭ":125728,"ÙĪØ±ÙĬ":125729,"жен":125730,"ãģ¾ãĤĬ":125731,"ãģ®ä¸Ń":125732,"×Ļ×ĵ×¢":125733,"à¸Ńุ":125734,"à¸ļà¸Ńล":125735,"à¸Ľà¸±à¸įหา":125736,"زÙħ":125737,"ÄŁa":125738,"à¸Ńืà¹Ī":125739,"à¸Ńืà¹Īà¸Ļ":125740,"пл":125741,"ĠнеобÑħодим":125742,"׼×ij":125743,"à¹Ģศ":125744,"קר×Ķ":125745,"ì²ĺ":125746,"볨":125747,"×ŀ×§×ķ×Ŀ":125748,"jÄħc":125749,"ÙĩÙĦ":125750,"Ġ×¢×ij×ķ×ĵ":125751,"à¹Ħมà¹ī":125752,"à¸ģลัà¸ļ":125753,"×ķ׼׾":125754,"×§×ĵ":125755,"اÙĦÙĬØ©":125756,"رÙĩ":125757,"ãģijãĤĮãģ°":125758,"ĠÙĨÙ쨳":125759,"ãĤ¢ãĥ«":125760,"ìĹĪëĭ¤":125761,"×§×ķר":125762,"неÑĢ":125763,"باب":125764,"ãĤ¶":125765,"سبب":125766,"ÙĦÙĬÙĦ":125767,"صÙĨ":125768,"صدر":125769,"ếm":125770,"à¸Ĭà¹Īวà¸ĩ":125771,"ØŃÙĨ":125772,"Ġ×ij×Ĵ":125773,"×ŀ×ķ×¢":125774,"׾×Ĺ":125775,"大ãģį":125776,"تب":125777,"неÑĤ":125778,"×Ļ×ij×Ķ":125779,"бл":125780,"ãĥĹãĥª":125781,"اصة":125782,"ãģ¤ãģij":125783,"×Ļ×ŀ×ķש":125784,"ãģĮãģĤ":125785,"ëĭ´":125786,"ãģĭãĤĤãģĹ":125787,"ãģĭãĤĤãģĹãĤĮ":125788,"ãģ¡ãĤī":125789,"×ij×ĺ":125790,"ĠbaÄŁ":125791,"×Ļ×Ĺס":125792,"×ij×ķ×¢":125793,"ลี":125794,"פע×Ļ׾":125795,"ими":125796,"gÅĤ":125797,"Ġиме":125798,"خداÙħ":125799,"×IJ×Ļר":125800,"Ġyapt":125801,"ãģ¨ãģĦ":125802,"à¸ĩà¹Īาย":125803,"׾×Ļ×ķ":125804,"ØŃدث":125805,"راÙĤ":125806,"ĠÄIJi":125807,"ادر":125808,"ãģĵãģ¨ãĤĤ":125809,"×ij×Ļר":125810,"Ġвз":125811,"ضاÙģ":125812,"ת×ķ׼":125813,"ÑĢом":125814,"رات":125815,"à¹Ģà¸Ĺà¹Īา":125816,"ãģĺãĤĥ":125817,"ãģĿãģĵ":125818,"اجتÙħاع":125819,"à¹īà¸Ńà¸Ļ":125820,"ÙĤÙħ":125821,"본":125822,"Äŀ":125823,"ש×Ļ×ķ":125824,"×ij׳×Ļ":125825,"ìľĦìĽIJ":125826,"à¹ģà¸Ī":125827,"×Ĺ×ķר":125828,"دÙĬÙĨØ©":125829,"تط":125830,"ằm":125831,"òa":125832,"ยà¸Ńà¸Ķ":125833,"Ġëĭ¹":125834,"สุà¸Ĥ":125835,"×ĵר×ļ":125836,"دÙĨ":125837,"سÙĬÙĨ":125838,"ÙĪÙĤÙģ":125839,"ÑĨÑĭ":125840,"гоÑĤов":125841,"еждÑĥ":125842,"à¸ŀวà¸ģ":125843,"اÙĤتص":125844,"اÙĤتصاد":125845,"czÄĻ":125846,"niÄĻ":125847,"ÑĢеб":125848,"ØŃÙĪ":125849,"à¸Ĺà¹Į":125850,"ãĤĪãģŃ":125851,"дж":125852,"à¸ģลà¹Īาว":125853,"دÙĬØ«":125854,"ãĤ³ãĥŁ":125855,"ÙĤÙĪÙħ":125856,"ĠتØŃ":125857,"à¹Ģà¸ķิ":125858,"اÙ쨏":125859,"à¸Īุ":125860,"رÙĬاض":125861,"×ŀש×ļ":125862,"à¹Ĥย":125863,"еÑĢе":125864,"ãģ¿ãģŁãģĦ":125865,"ìĿ´ëĿ¼":125866,"ĠاÙĦÙħÙĪ":125867,"ĠÑģÑĤо":125868,"à¹Ģรà¹ĩว":125869,"ĠдеÑĤ":125870,"ĠÑģдел":125871,"à¹Ģà¸Ĭืà¹Īà¸Ń":125872,"פ׳×Ļ":125873,"ÙĪØ¶ÙĪØ¹":125874,"×ijס":125875,"à¹ģà¸Ķ":125876,"óc":125877,"ริม":125878,"ÑĢад":125879,"ìĪł":125880,"ãĥ¼ãĤº":125881,"ãģ«ãģĬ":125882,"ино":125883,"פ×Ļ׾":125884,"à¸Ĭัà¹Īà¸Ļ":125885,"×Ĺ×ĵש":125886,"à¹Ģà¸Ļืà¹Īà¸Ńà¸ĩ":125887,"׳×Ļס":125888,"غرب":125889,"ãĤ¸ãĥ£":125890,"สัà¸ĩ":125891,"à¹Ģà¸Ĺีà¹Ī":125892,"à¹Ģà¸Ĺีà¹Īยว":125893,"ëŁ¼":125894,"à¹ģà¸Ł":125895,"ãĥ¼ãĤ·":125896,"ãĥ¼ãĤ·ãĥ§ãĥ³":125897,"Ġвозмож":125898,"جÙħÙĪØ¹":125899,"×ijר×Ļ×Ŀ":125900,"ãĥĪãĥ©":125901,"ĠкаÑĩеÑģÑĤв":125902,"Ø·ÙĬ":125903,"ÑĤÑı":125904,"צ×ķ×¢":125905,"ģını":125906,"عÙĦÙī":125907,"اذ":125908,"ÙĪØ§ÙĤع":125909,"ÙħÙĪØ§":125910,"ائÙĬÙĦ":125911,"кол":125912,"á»ģm":125913,"à¸ľà¸¥à¸´à¸ķ":125914,"×Ļ׳×ĺר":125915,"سÙĥ":125916,"ש×Ļר":125917,"ศึà¸ģษา":125918,"à¸ļั":125919,"ÑĩаÑģ":125920,"×ķפ×Ķ":125921,"×Ļפ×ķ׾":125922,"ĠاÙĦساب":125923,"رÙĬب":125924,"ĠاÙĦبÙĬ":125925,"ãĤ¹ãĥĨ":125926,"Ñĩен":125927,"à¹ģà¸ľ":125928,"Ġ׳ש":125929,"زÙĬد":125930,"ØŃاد":125931,"ëįĶ":125932,"رÙĪØ¹":125933,"à¸Ĺุà¸Ļ":125934,"สมา":125935,"czeÅĦ":125936,"×Ļ×ĵ×Ķ":125937,"ãģ§ãģĤ":125938,"Ġçocuk":125939,"خب":125940,"à¸ļาย":125941,"à¸Ľà¸£à¸°à¸Ĭา":125942,"×ŀש׾":125943,"ãģªãģĭ":125944,"à¸ģาย":125945,"ãĥģãĥ£":125946,"аÑĢи":125947,"ĠÑĩа":125948,"à¸Ķำ":125949,"à¸Ĺัà¹Īว":125950,"ÑĥÑħ":125951,"Ġöz":125952,"Ġì¢ĭ":125953,"جرÙĬ":125954,"ائÙĤ":125955,"à¸łà¸±à¸¢":125956,"طار":125957,"دارة":125958,"Ä©nh":125959,"Ø«ÙĨ":125960,"zellik":125961,"اÙĦت":125962,"Ġgeli":125963,"ãĥķãĤ©":125964,"олод":125965,"ربع":125966,"שת×ŀש":125967,"à¸ļรร":125968,"íĿ¬":125969,"Ġürün":125970,"Ġê·¸ëłĩ":125971,"ศาสà¸ķรà¹Į":125972,"ãģľ":125973,"×Ļ×ij׾":125974,"ĠпÑĢедÑģÑĤав":125975,"سطÙĬÙĨ":125976,"ãĤĴ使":125977,"ĠпомоÑī":125978,"×ķקר":125979,"ãĥ¯ãĥ¼":125980,"Ġyönet":125981,"×Ļקר":125982,"à¸Ĥา":125983,"еÑĢиал":125984,"ØŃÙģ":125985,"Ġ×Ļצ":125986,"à¸Ĺิ":125987,"売":125988,"à¸Ļà¸Ńà¸ģ":125989,"×ķ׼ר":125990,"íĻľ":125991,"á»§y":125992,"ĠاÙĦÙĤر":125993,"×Ļ×ij×ķת":125994,"ÅĽni":125995,"Ùħشار":125996,"ượt":125997,"ĠÙĦدÙĬ":125998,"ÑĤел":125999,"ĠØ¥ÙĦÙĬ":126000,"عÙĦÙĪÙħ":126001,"ìķĺ":126002,"виÑĤ":126003,"à¸Ħะ":126004,"yrı":126005,"ãģ¨ãģ£ãģ¦":126006,"à¹Ģà¸ī":126007,"à¸ĸาม":126008,"ÙĤار":126009,"عÙĦاÙħ":126010,"ặng":126011,"ÙħÙĴ":126012,"×Ļ×ŀת":126013,"سبة":126014,"ãĤ¯ãĥ©":126015,"×ķסף":126016,"ĠпÑĢин":126017,"ãģĦãĤį":126018,"ساس":126019,"عتبر":126020,"วิà¸Ĺย":126021,"วิà¸Ĺยา":126022,"سÙĥر":126023,"ãĤ·ãĥ§":126024,"ãģģ":126025,"ัà¸ģษ":126026,"×ij×ķ×Ķ":126027,"หย":126028,"ãģ¾ãĤĮ":126029,"ĠоÑĢганиз":126030,"казал":126031,"ĠÑģвÑıз":126032,"uyết":126033,"ĠпÑĢоиз":126034,"Ġ×§×ĺ":126035,"à¹ģà¸ģà¹ī":126036,"пÑĥÑģ":126037,"Ġê·¸ê²ĥ":126038,"ëĬIJ":126039,"лекÑģ":126040,"ãĥ¼ãĥĹ":126041,"à¸ķำ":126042,"ת×Ĺ×Ļ׾":126043,"à¸Ńà¸ĩà¸Ħà¹Į":126044,"ẵ":126045,"׳צ":126046,"أش":126047,"Ø´Ùĩ":126048,"ยะ":126049,"à¸ģà¸İ":126050,"ĠاÙĦإسÙĦاÙħ":126051,"едÑĮ":126052,"ãģ²ãģ¨":126053,"ëıĦë¡Ŀ":126054,"ãģ©ãģ®":126055,"Ñĥв":126056,"еÑĩение":126057,"ĠاÙĦتج":126058,"ãģ«è¡Į":126059,"Ġпозв":126060,"ãĤıãĤĬ":126061,"ÙĦاث":126062,"íķĺìĺĢ":126063,"ĠмаÑĢ":126064,"ĠkonuÅŁ":126065,"ãĥ¬ãĤ¹":126066,"ãĤĴæĮģ":126067,"ĠоÑģнов":126068,"×Ĺ×ij":126069,"ÙĪØ¬ÙĪØ¯":126070,"פ×ķף":126071,"воÑĢ":126072,"Ġник":126073,"ãģĭãĤĭ":126074,"ÅŁtırma":126075,"×Ļס×ĺ":126076,"Ø£ÙĦ":126077,"หà¹Į":126078,"иона":126079,"лÑĮн":126080,"ĠгоÑģ":126081,"ĠÐľÐ¾Ñģк":126082,"ÑĢоб":126083,"×ķ×IJ×Ļ":126084,"ãģĬãĤĬãģ¾ãģĻ":126085,"ãģ£ãģ±":126086,"кл":126087,"à¸Ļà¸Ķà¹Į":126088,"رÙĬÙģ":126089,"اسب":126090,"ĠÑĢеÑĪ":126091,"Ġдол":126092,"ãģ¹ãģį":126093,"×Ļ×ij×ķר":126094,"меÑī":126095,"ĠнаÑĪ":126096,"à¹ģà¸Ľà¸¥":126097,"ÑĢиÑĤ":126098,"кÑĥÑģ":126099,"иÑĢа":126100,"аÑĤÑĥÑĢ":126101,"ÙĪØ§ØµÙĦ":126102,"à¹Ģà¸ľà¸¢":126103,"à¸Ńำ":126104,"à¹Ģà¸ģิà¸Ļ":126105,"غÙħ":126106,"ãģĻãģİ":126107,"lıkl":126108,"ÅĦsk":126109,"견":126110,"×Ļ׼×Ķ":126111,"×Ĺש×ij":126112,"ÙĪØ±ÙĬØ©":126113,"ĠдейÑģÑĤв":126114,"×Ĺ׾×ĺ":126115,"Ġ׾×ŀ×¢":126116,"צ׾×Ļ×Ĺ":126117,"еÑĩа":126118,"ÙģØ§Ø¹":126119,"×Ĵ×Ļ×ĵ":126120,"áºŃm":126121,"ÄĻb":126122,"شع":126123,"ãģıãĤĬ":126124,"à¸ŀุ":126125,"едеÑĢ":126126,"à¸Ĥà¸Ļ":126127,"à¸Ħาร":126128,"ĠболÑĮÑĪ":126129,"ãģıãģªãĤĬ":126130,"à¸ĵา":126131,"×ĵ×ķ×Ĵ":126132,"Ġмн":126133,"ä¸ĬãģĮ":126134,"ç¶ļãģį":126135,"ฤษ":126136,"à¸Ĩ":126137,"Ø®ÙĬ":126138,"à¹Ģà¸Ĺà¸ŀ":126139,"สัม":126140,"à¹Ģสà¸Ļ":126141,"à¹Ģสà¸Ļà¸Ń":126142,"ãĥ´":126143,"ĠиÑģÑĤ":126144,"باشر":126145,"ĠÑĥÑĢов":126146,"×ŀ×ķ×ĸ":126147,"abı":126148,"waż":126149,"×ķצ×IJ×Ķ":126150,"ÑĤвеÑĢ":126151,"à¸ŀัà¸Ļà¸ĺà¹Į":126152,"׳×Ĵ×ĵ":126153,"ãĤĭãģĵãģ¨ãģĮãģ§ãģį":126154,"ĠÑĤÑĢеб":126155,"à¸ģรุà¸ĩ":126156,"ØŃتاج":126157,"à¹Ģà¸Ħล":126158,"ãĨ":126159,"ÄĻtr":126160,"Ġszczeg":126161,"Ġרש":126162,"à¸Ĺà¸ĺ":126163,"Ġнек":126164,"ĠнекоÑĤоÑĢ":126165,"вÑĪ":126166,"Ь":126167,"à¹Īวย":126168,"ลุ":126169,"бÑĢÑı":126170,"หมูà¹Ī":126171,"à¹ģà¸ķà¸ģ":126172,"ר׼×Ļ×Ŀ":126173,"Ġíĸī":126174,"ãi":126175,"Ùĥرة":126176,"âŃ":126177,"íIJ":126178,"ãį":126179,"áģ":126180,"â®":126181,"â¥":126182,"ì®":126183,"à¿":126184,"â¿":126185,"áĤ":126186,"á¤":126187,"âł":126188,"íŁ":126189,"ðIJį":126190,"ðIJ°":126191,"ðĿĨ":126192,"ðŁĪ":126193,"Ġ×¢×ľ":126194,"ĠعÙĨ":126195,"ĠÙħع":126196,"Ġ×ĸ×Ķ":126197,"ĠÙħا":126198,"ĠmÃł":126199,"Ġdụ":126200,"á»ĩc":126201,"аÑħ":126202,"sı":126203,"íķĺê³ł":126204,"Ġ×ķ×ij":126205,"ĠÐŁÐ¾":126206,"×ķתר":126207,"ĠÙĦÙħ":126208,"Ġ×ķ׾":126209,"ãģĹãģ¦ãģĦãĤĭ":126210,"Ġ×ŀ×Ļ":126211,"ĠبÙĬÙĨ":126212,"за":126213,"ĠÙĥاÙĨ":126214,"Ġ×Ķ×Ļ×Ķ":126215,"ëħĦ":126216,"×IJ×ķ":126217,"ди":126218,"ĠпеÑĢе":126219,"dı":126220,"Ġ׾ש":126221,"Ġש×ŀ":126222,"ãģĮãģĤãĤĭ":126223,"ãģĦãģĦ":126224,"ÑĢе":126225,"×§×ķ":126226,"или":126227,"ме":126228,"ÙĬت":126229,"ãģ§ãģĤãĤĭ":126230,"Ġво":126231,"à¹ĥหม":126232,"à¹ĥหมà¹Ī":126233,"Ġש×ij":126234,"Ġà¹Ĥà¸Ķย":126235,"ÙĬÙĩ":126236,"ãģ§ãģĻãģĮ":126237,"ãģ¨ãģ¯":126238,"ר×ķ":126239,"Ġà¸ĭึà¹Īà¸ĩ":126240,"ãģ§ãģįãĤĭ":126241,"мо":126242,"à¹Ģà¸ŀืà¹Īà¸Ń":126243,"צ×ķ":126244,"×ĺ×ķ":126245,"ìķĪ":126246,"Ġhá»į":126247,"à¹Ģà¸ĩิà¸Ļ":126248,"ĠاÙĦب":126249,"Ġมี":126250,"물":126251,"Ñģе":126252,"ëĵ¤ìĿ´":126253,"Ġë§IJ":126254,"ĠlỼ":126255,"aÅĤ":126256,"×Ĺ×ijר":126257,"Ġdá»±":126258,"ÙĬØ«":126259,"Ġthá»ĭ":126260,"à¸ģà¹Īà¸Ńà¸Ļ":126261,"Ġ×ij׼׾":126262,"ãģ¸":126263,"ã썿ĢĿãģĦãģ¾ãģĻ":126264,"ảnh":126265,"ยา":126266,"Ù쨧":126267,"สี":126268,"à¸ķา":126269,"ë²ķ":126270,"ãĥªãĥ¼":126271,"ราà¸Ħา":126272,"Ġ×ķ׾×IJ":126273,"ãģ¨ãģĵãĤį":126274,"à¹Ģลืà¸Ń":126275,"diÄŁi":126276,"ÙĪØ§ÙĨ":126277,"Ġ׾×Ķת":126278,"รวม":126279,"פ×Ļ×Ŀ":126280,"à¸ľà¸¡":126281,"жи":126282,"cı":126283,"ÑĢод":126284,"ĠkarÅŁÄ±":126285,"×Ĵ×ķ":126286,"ãģ«ãģ¤":126287,"ãģ«ãģ¤ãģĦãģ¦":126288,"rÃł":126289,"×Ļ×ķתר":126290,"ĠìĨĮ":126291,"×§×Ķ":126292,"ÑģÑĤво":126293,"ãģijãģ©":126294,"gé":126295,"à¸Ķà¹īาà¸Ļ":126296,"çļĦãģ«":126297,"ĠÙĬÙħÙĥÙĨ":126298,"ìĨį":126299,"ÙĬÙĥ":126300,"à¹Ħวà¹ī":126301,"Ñģкий":126302,"ìm":126303,"Ġ׾×IJ×Ĺר":126304,"à¸Ńาหาร":126305,"Ġà¹Ģà¸ŀ":126306,"ราะ":126307,"ลูà¸ģ":126308,"ÑģÑĤа":126309,"Ġìľł":126310,"ÙĤÙĪÙĦ":126311,"боÑĢ":126312,"Ñģкого":126313,"หลัà¸ĩ":126314,"à¸Ĥà¹Īาว":126315,"à¹Ģมืà¸Ńà¸ĩ":126316,"ê°ģ":126317,"tÃł":126318,"ÙĬÙĬÙĨ":126319,"عرض":126320,"ë°©":126321,"ĠëıĻ":126322,"Ġà¹Ģà¸Ľ":126323,"Ġà¹Ģà¸Ľà¹ĩà¸Ļ":126324,"çi":126325,"liÄŁi":126326,"ìĹIJê²Į":126327,"ãĤ¿ãĥ¼":126328,"Ġ×ľ×ª":126329,"פ×ķת":126330,"à¸Ĥà¸Ń":126331,"رس":126332,"ìłIJ":126333,"à¸ľà¹Īาà¸Ļ":126334,"ÑĦи":126335,"جÙĨ":126336,"ì¢ħ":126337,"Ġ×Ķפ":126338,"Ġngo":126339,"á»ĭa":126340,"Ġtá»ķ":126341,"Ġ그리":126342,"à¹Ģมืà¹Īà¸Ń":126343,"ذÙĥر":126344,"ìĸij":126345,"ìĹŃ":126346,"×ĺ׾":126347,"kı":126348,"ĠعÙħÙĦ":126349,"ĠعÙĨد":126350,"à¸ĭืà¹īà¸Ń":126351,"Ġê±°":126352,"ве":126353,"rü":126354,"à¹Ģà¸Ńา":126355,"สà¹Į":126356,"à¸Īà¸Ļ":126357,"סת":126358,"Ġgiả":126359,"ãĤĭãģ¨":126360,"à¸ģำลัà¸ĩ":126361,"ней":126362,"à¸Īริ":126363,"à¸Īริà¸ĩ":126364,"Ġëį":126365,"ĠëįĶ":126366,"à¸Ħà¹Īะ":126367,"ìn":126368,"Ġsüre":126369,"Ġquy":126370,"à¸ļาà¸ĩ":126371,"åıĸãĤĬ":126372,"ר×Ĺ":126373,"×ijת":126374,"ãģĮãģĤãĤĬãģ¾ãģĻ":126375,"רש":126376,"ìĹIJëĬĶ":126377,"Ġ×IJפשר":126378,"ayı":126379,"ãģĮãĤī":126380,"ØŃب":126381,"анÑģ":126382,"سÙĪ":126383,"ĠпÑĢе":126384,"دÙĪ":126385,"ãģ«ãĤĪ":126386,"à¹Ģà¸ģม":126387,"สูà¸ĩ":126388,"makt":126389,"maktad":126390,"maktadır":126391,"Ġönem":126392,"×Ļ×ŀ×Ļ×Ŀ":126393,"бо":126394,"ÙĪÙĬØ©":126395,"à¸£à¸¹à¸Ľ":126396,"à¹Ĥลà¸ģ":126397,"ÙħÙĬع":126398,"ÑģÑĤÑĥп":126399,"à¹Ĥà¸Ń":126400,"دÙĬÙĨ":126401,"ì¤ij":126402,"ãģĹãģı":126403,"à¹Ģสีย":126404,"вÑĭ":126405,"Ùħت":126406,"íĺĦ":126407,"ãĥIJãĥ¼":126408,"اش":126409,"קס":126410,"Ġtụ":126411,"ลà¸Ķ":126412,"Ù쨩":126413,"íijľ":126414,"رج":126415,"kÅĤad":126416,"ĠÅŁey":126417,"ĠØ£Ùħ":126418,"Ġà¹Ģม":126419,"ĠبÙĦ":126420,"ÑģкаÑı":126421,"ãģ¨ãģ®":126422,"Ġìĭ¤":126423,"ấm":126424,"หà¹īà¸Ńà¸ĩ":126425,"à¸Ĭม":126426,"dü":126427,"Ġçek":126428,"Ġê³ł":126429,"×Ĵ×ij":126430,"à¸Ĭีวิ":126431,"à¸Ĭีวิà¸ķ":126432,"Ù쨶ÙĦ":126433,"ฯ":126434,"çı":126435,"Ġبش":126436,"ĠÙĩÙĨا":126437,"ãģįãģ¾ãģĹãģŁ":126438,"tü":126439,"Ġìĺģ":126440,"ĠTürk":126441,"кÑĤ":126442,"פרס":126443,"ãģ¨ãģĦãģĨãģĵãģ¨":126444,"íĶĦ":126445,"à¹ģรà¸ģ":126446,"ר×ķף":126447,"Ġaras":126448,"×ŀצ×IJ":126449,"Ġtá»ī":126450,"سا":126451,"à¸ŀà¸Ń":126452,"ĠاÙĦÙħØŃ":126453,"ãĥ¤":126454,"ĠاÙĦاست":126455,"ÙģÙĨ":126456,"×Ļ×ŀ×Ķ":126457,"رت":126458,"ãģ¨ãĤĤ":126459,"ĠнаÑģ":126460,"пÑĢи":126461,"Ġ×Ĺ×ķ":126462,"ила":126463,"ÙĬØ´":126464,"Ġgöz":126465,"Ġ×ij׳×Ļ":126466,"ımı":126467,"ĠÑĤеÑħ":126468,"Ġhá»Ļ":126469,"غر":126470,"кон":126471,"اØŃت":126472,"Ġà¸ŀ":126473,"à¸Ńà¸Ńà¸Ļ":126474,"à¸Ńà¸Ńà¸Ļà¹Ħล":126475,"à¸Ńà¸Ńà¸Ļà¹Ħลà¸Ļà¹Į":126476,"Ñħо":126477,"Ñıв":126478,"à¹ģสà¸Ķ":126479,"à¹ģสà¸Ķà¸ĩ":126480,"à¹Ģà¸ŀียà¸ĩ":126481,"ÑĤов":126482,"اÙĬ":126483,"Ġ×Ķ×ĵ":126484,"Ġ×ķ׼":126485,"ãĤīãģĦ":126486,"×ķפף":126487,"Ġë¶Ī":126488,"ลà¸Ńà¸ĩ":126489,"طاÙĦ":126490,"Ġни":126491,"ĠÙħست":126492,"ếc":126493,"Ġש׼":126494,"ĠëķĮ문":126495,"วัà¸Ļà¸Ĺีà¹Ī":126496,"×Ļ׾×ĵ":126497,"ØŃا":126498,"еÑĨ":126499,"Ġcứ":126500,"×ĵ×ķר":126501,"ĠÙħØŃ":126502,"ר׼×ij":126503,"بÙĬع":126504,"нии":126505,"ĠاÙĦØ£ÙĪÙĦ":126506,"à¸Ħวร":126507,"ã썿ĢĿãģĨ":126508,"ĠСо":126509,"ائÙĬØ©":126510,"راء":126511,"оÑģоб":126512,"ĠبأÙĨ":126513,"×¢×ķ×ĵ":126514,"ĠÑĤе":126515,"ãģĵãģĨ":126516,"ÑģÑĤÑĢа":126517,"айн":126518,"Ġsöz":126519,"تÙĨا":126520,"à¸Ńิ":126521,"ặp":126522,"ĠìķĦëĭĪ":126523,"íķŃ":126524,"Ġר×IJש":126525,"Ġà¹Ħà¸Ķà¹ī":126526,"Ġ×Ĵ×ĵ":126527,"Ġספר":126528,"обÑīе":126529,"ĠÙĪØ¥":126530,"adaÅŁ":126531,"ãģ¡ãĤĩ":126532,"×§×ķ׾":126533,"ÑĢез":126534,"ĠdÃ¼ÅŁÃ¼n":126535,"Ġ×ij×IJ×ŀ":126536,"Ġìĸ´ëĸ":126537,"ער×ij":126538,"нее":126539,"ĠÑģÑĤÑĢан":126540,"ساÙĨ":126541,"ynı":126542,"ĠاÙĦرئÙĬس":126543,"ãģĹãģª":126544,"Ġ×ł×ª":126545,"ãģ«ãģªãģ£ãģŁ":126546,"gü":126547,"åıĹãģij":126548,"×ľ×ª":126549,"ìłĪ":126550,"ëĬĶëį°":126551,"Ø®ÙĬر":126552,"à¸ķà¹īà¸Ńà¸ĩà¸ģาร":126553,"ĠÙĦØ£ÙĨ":126554,"Ġchá»ĭ":126555,"ÙĪØ©":126556,"à¹ĥส":126557,"ë¶ĢíĦ°":126558,"íķĺë©´":126559,"ữu":126560,"à¹Ģหมืà¸Ńà¸Ļ":126561,"беÑĢ":126562,"ĠìĿ´ìļ©":126563,"ĠÑģеб":126564,"wiÄĻks":126565,"Ġ×ł×¢":126566,"ÑĤÑĥÑĢ":126567,"ĠnghÄ©":126568,"ש×ķ×ĺ":126569,"tiÄŁi":126570,"ĠdeÄŁi":126571,"×IJ×ij":126572,"Ġ×ŀ×ŀ":126573,"ãĥĹãĥŃ":126574,"waÅĤ":126575,"à¸Īึà¸ĩ":126576,"خدÙħ":126577,"×IJ×Ŀ":126578,"Ä±ÅŁÄ±":126579,"czÄħ":126580,"ר×ĵ":126581,"ĠÑĢÑĥб":126582,"خرÙī":126583,"ã쮿ĸ¹":126584,"ĠденÑĮ":126585,"×Ĺ×Ļ×Ŀ":126586,"еÑĤе":126587,"ëĤľ":126588,"×IJ×Ĵ":126589,"×¢×ķר":126590,"ë³Ħ":126591,"åIJĮãģĺ":126592,"ãĤ²":126593,"ר×ļ":126594,"×ķש×IJ":126595,"ìľ¡":126596,"اخ":126597,"צ×Ļ×Ķ":126598,"á»±a":126599,"ãģĪãģ¦":126600,"ש×Ķ×ķ":126601,"анÑĤ":126602,"ลาà¸Ķ":126603,"инг":126604,"ë¡ł":126605,"اعد":126606,"ÙĪØ³Ø·":126607,"Ġвоп":126608,"ĠвопÑĢоÑģ":126609,"ÙħÙĬÙĨ":126610,"à¸Ħà¸ĩ":126611,"×Ļר×Ļ×Ŀ":126612,"ców":126613,"격":126614,"Ġê·¸ëŁ°":126615,"Ġì§Ħ":126616,"Ġש׾×Ķ":126617,"à¹Ģริà¹Īม":126618,"à¸Ĭà¸Ńà¸ļ":126619,"деÑĤ":126620,"ÑİÑīиÑħ":126621,"à¸ļà¸Ńà¸ģ":126622,"æĢĿãģĦ":126623,"عÙĬد":126624,"ס×ŀ":126625,"×Ĵ×Ļ×¢":126626,"צ×ĵ":126627,"بات":126628,"ĠëͰëĿ¼":126629,"à¸Īัà¸ĩ":126630,"ãģłãģijãģ§":126631,"×¢×Ļר":126632,"ĠÑĩел":126633,"ĠÑĩелов":126634,"ĠÑĩеловек":126635,"ãĥĥãĥģ":126636,"à¹Ģà¸ģีà¹Īยว":126637,"à¸Ķิ":126638,"Ġפע":126639,"×Ļ×ŀ×Ļ":126640,"ë°ĺ":126641,"خار":126642,"×ij×Ļת":126643,"×¢×Ļ×Ŀ":126644,"üyor":126645,"ãĤģãģ¦":126646,"клад":126647,"Ġà¸Īาà¸ģ":126648,"à¹Ģà¸Ħย":126649,"สà¸Ńà¸ĩ":126650,"à¹ģà¸Ħà¹Ī":126651,"ẫu":126652,"หà¸Ļัà¸ĩ":126653,"ש׾×ķ×Ŀ":126654,"اÙĨÙĬØ©":126655,"åĩºä¼ļ":126656,"åĩºä¼ļãģĦ":126657,"à¸łà¸²à¸¢":126658,"à¸ļาà¸Ĺ":126659,"à¸Ĭาว":126660,"muÅŁ":126661,"Ġ׾ק×ij׾":126662,"ãĤ·ãĥ£":126663,"ĠÄ°ÅŁ":126664,"×Ĵ×ĵ×ķ׾":126665,"جعÙĦ":126666,"ë³Ģ":126667,"ยิà¹Īà¸ĩ":126668,"à¸Ļาย":126669,"à¸Ļีà¹Ī":126670,"วิà¸ĺี":126671,"ãĤīãģªãģĦ":126672,"ëłĪ":126673,"Ġë¬¸ìłľ":126674,"Ġà¸ģ":126675,"à¸Ĺำà¸ĩาà¸Ļ":126676,"à¹Ģวà¹ĩà¸ļ":126677,"ÑĦе":126678,"楽ãģĹ":126679,"สำà¸Ħ":126680,"สำà¸Ħัà¸į":126681,"رÙħ":126682,"ãģķãĤĮãģ¦":126683,"Ġобла":126684,"ר×IJ×Ļ":126685,"หมà¸Ķ":126686,"ÙĨÙĬØ©":126687,"лин":126688,"ĠeÄŁ":126689,"itim":126690,"ëł¹":126691,"صاÙĦ":126692,"ÅĽl":126693,"à¸ľà¸´à¸Ķ":126694,"ãĥŀãĥ³":126695,"åħ¥ãĤĮ":126696,"à¹Ģà¸ķà¸Ńรà¹Į":126697,"ارÙĬ":126698,"ĠЦ":126699,"dür":126700,"สวย":126701,"립":126702,"رÙĥØ©":126703,"Ġhã":126704,"×Ļת×Ķ":126705,"à¸Ĥà¸Ļา":126706,"à¸Ĥà¸Ļาà¸Ķ":126707,"à¸Īำà¸Ļ":126708,"à¸Īำà¸Ļวà¸Ļ":126709,"ש×ķ×§":126710,"Ġдом":126711,"ì±ħ":126712,"ãģĭãģij":126713,"פ×ķ׾":126714,"à¸Ĭาย":126715,"ÑģмоÑĤÑĢ":126716,"ÑģлÑĥж":126717,"ש×IJ׾":126718,"кÑĢÑĭÑĤ":126719,"Ġìŀĺ":126720,"é«ĺãģĦ":126721,"ĠÑĢÑĥк":126722,"ÙĨص":126723,"дав":126724,"ưỡ":126725,"ưỡng":126726,"راÙħ":126727,"×Ļ׳×Ļ×Ŀ":126728,"ãĥ©ãĥ¼":126729,"ëĦ¤":126730,"Ġتع":126731,"lke":126732,"好ãģį":126733,"æĮģãģ¡":126734,"Ġë§İ":126735,"Ġyük":126736,"ĠÑģоÑģÑĤав":126737,"енÑĤÑĢ":126738,"peÅĤ":126739,"à¹Ģà¸Ľà¸¥à¸µà¹Īย":126740,"à¹Ģà¸Ľà¸¥à¸µà¹Īยà¸Ļ":126741,"íıī":126742,"ãĤĦãģĻ":126743,"×Ĺ×ĸ":126744,"×ijר×Ķ":126745,"루":126746,"ìĶĢ":126747,"بØŃØ«":126748,"à¹Ģà¸ķà¹ĩ":126749,"ówi":126750,"بÙĩ":126751,"ãģįãģ¾ãģĻ":126752,"Ġ×¢×ŀ":126753,"×Ĵ×ķ׾":126754,"езд":126755,"ÙĬÙ쨩":126756,"สà¸Ļà¹ĥà¸Ī":126757,"Ġ×ª×ľ":126758,"ÑıÑī":126759,"ĠسÙĨ":126760,"ĠÙĪØ§ØŃد":126761,"ĠÑģм":126762,"ladı":126763,"ıld":126764,"×Ļרת":126765,"ียà¸Ļ":126766,"ת×Ĺת":126767,"Ġжиз":126768,"à¸ŀั":126769,"à¸ŀัà¸Ĵ":126770,"à¸ŀัà¸Ĵà¸Ļา":126771,"à¸Ĭิ":126772,"اخÙĦ":126773,"ãģ£ãģ¦ãģĦãģŁ":126774,"รัà¸IJ":126775,"ãĤģãĤĭ":126776,"à¹Ĥà¸ģ":126777,"ĠTá»ķ":126778,"Ġhakk":126779,"رÙģ":126780,"ìłĢ":126781,"Ñģоб":126782,"ãģªãģijãĤĮãģ°":126783,"ÙĩÙĪ":126784,"Ġë²ķ":126785,"ãĤĨ":126786,"ĠاÙĦسعÙĪØ¯":126787,"Ġ×IJתר":126788,"اغ":126789,"Ġ׾×ĵ":126790,"à¹ģà¸ķ":126791,"à¹ģà¸ķà¹Īà¸ĩ":126792,"íĮĮ":126793,"ÑĥпиÑĤÑĮ":126794,"à¸ŀืà¹īà¸Ļà¸Ĺีà¹Ī":126795,"×ijת×Ļ":126796,"à¹ĩà¸ģ":126797,"ÅĤat":126798,"Ġê°ľìĿ¸":126799,"ìłķë³´":126800,"ÑĤал":126801,"Ġgüven":126802,"Ġİl":126803,"Ġê°ģ":126804,"Ġبت":126805,"×ŀ×ķ׳×Ķ":126806,"ĠاÙĦØŃÙĥÙĪÙħ":126807,"ÙĤات":126808,"à¹ģà¸ģà¹Ī":126809,"หาà¸ģ":126810,"нÑĮ":126811,"à¸Ľà¸£à¸±à¸ļ":126812,"มาà¸ĵ":126813,"ĠнеÑģк":126814,"Ġض":126815,"สมั":126816,"สมัà¸Ħร":126817,"ãģĮãģĤãĤĬ":126818,"меÑģÑĤ":126819,"Ġ×IJצ׾":126820,"Ġкомпани":126821,"סר":126822,"ÙĬÙħØ©":126823,"ĠÑħоÑĢо":126824,"ĠÑħоÑĢоÑĪ":126825,"Ġ×Ļ×ķ×ĵ":126826,"üs":126827,"×Ĵ×Ļש":126828,"à¸ļà¸Ĺ":126829,"تÙĨظ":126830,"วาà¸ĩ":126831,"มหา":126832,"Ġ׼×ķ׾":126833,"à¸Ĥà¹īาà¸ĩ":126834,"ë°ľ":126835,"год":126836,"дан":126837,"ãģĭãĤĤãģĹãĤĮãģ¾ãģĽãĤĵ":126838,"ãģĵãģ¡ãĤī":126839,"ãĥIJãĤ¤":126840,"eceÄŁi":126841,"دÙĬدة":126842,"ÙĨÙī":126843,"Ġëĭ¤ìĿĮ":126844,"วี":126845,"غا":126846,"лиз":126847,"à¹Ģà¸Ķิ":126848,"à¹Ģà¸Ķิม":126849,"ĠÙĬست":126850,"Ġyılı":126851,"koÅĦ":126852,"ãģ§ãģĹãĤĩãģĨãģĭ":126853,"ãģĤãģª":126854,"ãģĤãģªãģŁ":126855,"ÑĨен":126856,"ĠÙĪØ²":126857,"×IJ×Ļש":126858,"à¹Īà¸Ń":126859,"رØŃ":126860,"ê´ij":126861,"ÑĢаÑģÑĤ":126862,"Ġ×Ķ׾":126863,"ãģĹãģ¦ãĤĤ":126864,"×ŀר׼":126865,"×ŀר׼×ĸ":126866,"éģķãģĦ":126867,"ãģŁãģı":126868,"ĠÑģÑĥд":126869,"веÑģÑĤи":126870,"ĠíķĦìļĶ":126871,"ãĥķãĤ§":126872,"ÑĤелÑĮно":126873,"à¹Ģà¸ŀืà¹Īà¸Ńà¸Ļ":126874,"ÅĤuż":126875,"à¹Ģà¸Ķิà¸Ļà¸Ĺาà¸ĩ":126876,"ש×ķר":126877,"Ġ×ŀ×ĵ":126878,"×ķ×¢×ľ":126879,"ÙĦاÙħ":126880,"à¹Ħà¸ĭ":126881,"лей":126882,"кÑĥÑĢ":126883,"Ả":126884,"à¸Ĺาà¸Ļ":126885,"ì§ij":126886,"ĠгоÑĢод":126887,"רס":126888,"׾×ķ×Ĵ":126889,"masını":126890,"ĠлÑĥÑĩ":126891,"ลà¹Īา":126892,"ìļ¸":126893,"ש×ĺ":126894,"ĠÐĺн":126895,"íĤ¤":126896,"ÙĪÙĦا":126897,"ìķł":126898,"ĠØ£ÙĬضا":126899,"Ùĥار":126900,"ĠاÙĦتع":126901,"สูà¹Ī":126902,"ãĤ¼":126903,"×ij×Ļ×IJ":126904,"ยà¸ģ":126905,"ĠØŃÙĤ":126906,"ربÙĬ":126907,"ãģĺãĤĥãģªãģĦ":126908,"รัà¸ģษา":126909,"ÑħодиÑĤ":126910,"à¸ķà¸Ńà¸ļ":126911,"׳×ĺ×Ļ":126912,"ĠاÙĦÙħج":126913,"تÙħع":126914,"оваÑĤÑĮ":126915,"ÙĦÙĬÙĨ":126916,"×Ļ×ŀ×ķת":126917,"Ġmù":126918,"nÄĻ":126919,"ĠدÙĬ":126920,"׼ש×Ļ×ķ":126921,"Ġhiç":126922,"ëijIJ":126923,"ÙĪØ§Ø¡":126924,"ÙĪØ·":126925,"ĠاÙĦبÙĦ":126926,"à¹ģมà¹ī":126927,"×§×ķת":126928,"ÙĪØ¬Ø¯":126929,"å§ĭãĤģ":126930,"ÙĬئة":126931,"Ġ매":126932,"صبØŃ":126933,"פ×IJ":126934,"гоÑĢ":126935,"ס×Ķ":126936,"بÙĬÙĤ":126937,"ยาà¸ģ":126938,"Ġнад":126939,"ÙĬÙij":126940,"ĠبÙĪ":126941,"ס×ķר":126942,"ÙħÙĥاÙĨ":126943,"ר×ij":126944,"×Ĵ×ĸ":126945,"צת":126946,"bilit":126947,"лаг":126948,"ĠNgo":126949,"×IJ×ķר":126950,"à¸ķà¸Ļ":126951,"íĬ¹":126952,"à¸Ĺีà¹Īà¸Ķี":126953,"à¸Ľà¸£à¸°à¸Īำ":126954,"ование":126955,"ãģĦãģ¤":126956,"ãĥĥãĤ¯ãĤ¹":126957,"åIJĪãĤı":126958,"åIJĪãĤıãģĽ":126959,"×Ļ׳×ķ×Ļ":126960,"ạy":126961,"Ø«ÙĤ":126962,"ĠпÑĢоб":126963,"ĠпÑĢоблем":126964,"ÅŁeh":126965,"ÅŁehir":126966,"عادة":126967,"اÙĨÙĪÙĨ":126968,"à¸ķัวà¹Ģà¸Ńà¸ĩ":126969,"ì¶ķ":126970,"ılan":126971,"бан":126972,"ãĥ³ãĥī":126973,"à¸Īี":126974,"Ġ×Ķש׳×Ļ":126975,"поÑĤ":126976,"×ķ׾×Ļ×Ŀ":126977,"ลัà¸ļ":126978,"ĠÑįÑĤи":126979,"×ijקש":126980,"ë¹ĦìĬ¤":126981,"à¸Ńยà¹Īาà¸ĩà¹Ħร":126982,"×Ļ׾×Ļ":126983,"à¹ĥà¸Ĭà¹Ī":126984,"ĠاÙĦÙĥÙĦ":126985,"ãĥļãĥ¼ãĤ¸":126986,"صة":126987,"ÑĤиÑĢ":126988,"ãĤĵãģ©":126989,"зÑĭк":126990,"wyż":126991,"ÙĩÙĬ":126992,"ĠÙħÙĦÙĬ":126993,"Ġвиде":126994,"ظاÙħ":126995,"داÙĪÙĦ":126996,"×ŀת×Ļ":126997,"Ġsık":126998,"à¹Ģà¸ķิม":126999,"ãĤ¢ãĤ¤":127000,"каÑħ":127001,"צ×Ļ׾":127002,"à¹Ģà¸Ĭà¹Īà¸Ļ":127003,"маг":127004,"магаз":127005,"магазин":127006,"à¸Ľà¸±":127007,"à¸Ľà¸±à¸Ī":127008,"Ġש×Ļר×ķת":127009,"ียม":127010,"ãĥĸãĥ«":127011,"ĠدÙĪÙĦ":127012,"קר×Ļ×Ŀ":127013,"ÙĩÙı":127014,"ово":127015,"Ġüret":127016,"دÙĪÙĨ":127017,"à¹ģà¸Ļว":127018,"à¹Ģà¸Ļืà¹īà¸Ń":127019,"ĠÑĦоÑĤ":127020,"ãĥĺ":127021,"ãģ¤ãģĭ":127022,"ÑıÑģ":127023,"ĠíķĺëĤĺëĭĺ":127024,"ائع":127025,"ĠплаÑĤ":127026,"ìĺĪ":127027,"ĠdostÄĻp":127028,"ÙĪØ¬Ùĩ":127029,"Ġ×Ķ×Ĺ×Ļ":127030,"׳×Ļ×§":127031,"дей":127032,"íĽĦ":127033,"ıy":127034,"بØŃر":127035,"à¹Ģสริม":127036,"Ġ׾×Ĵ":127037,"ذÙĩب":127038,"جÙĬÙĦ":127039,"رÙĥز":127040,"Ġëħ":127041,"Ġëħ¸":127042,"פ×Ļ׾×ķ":127043,"ãģ¾ãģļ":127044,"iriÅŁ":127045,"ĠÙĥÙĬÙģ":127046,"Ġ×ijצ":127047,"ĠêµIJ":127048,"ÑĢоÑģÑģ":127049,"ĠØ´ÙĬ":127050,"Ġiçer":127051,"×Ĵ×ķ×ij×Ķ":127052,"менно":127053,"×¢×ij×Ļר":127054,"×ķ×ŀ×Ķ":127055,"ãĤīãģĹãģĦ":127056,"ãģ¼":127057,"Ñīин":127058,"è²·ãģĦ":127059,"جÙħÙĪØ¹Ø©":127060,"Ġdönem":127061,"Ġ×ij×IJר":127062,"веÑģÑĤ":127063,"×ķר×ķת":127064,"سÙģ":127065,"à¹ģà¸Ĺà¸Ļ":127066,"ĠдокÑĥменÑĤ":127067,"ĠاÙĬ":127068,"جاÙĨ":127069,"צ×ķ×¢×Ļ":127070,"ĠоÑģоб":127071,"ĠاÙĦÙħس":127072,"ÑĢаб":127073,"à¸łà¸¹":127074,"à¸Ķาว":127075,"лекÑĤ":127076,"عÙĤ":127077,"×ķ×ĵ×ķת":127078,"Ġolu":127079,"ĠoluÅŁtur":127080,"ãģ¾ãģ¾":127081,"един":127082,"à¹Ģà¸Ńà¸ģ":127083,"ãĤµãĤ¤":127084,"ëĦĪ":127085,"Ø·ÙĨÙĬ":127086,"Ø·ÙĤØ©":127087,"ĠÐłÐ°Ð·":127088,"ÙĦÙij":127089,"Ñĩем":127090,"Ġ׾×ĺ":127091,"สัà¹Īà¸ĩ":127092,"سرائÙĬÙĦ":127093,"Ġפר×ĺ×Ļ":127094,"деÑģÑĮ":127095,"Ġ׳׼":127096,"اÙĨب":127097,"ÙĬاة":127098,"Ùħبر":127099,"Ġkı":127100,"à¸Ľà¸ı":127101,"à¸Ľà¸ıิ":127102,"à¸ļัà¸ķิ":127103,"×ł×ª×Ļ":127104,"ìĨ¡":127105,"راب":127106,"à¹ĥà¸ķ":127107,"à¹ĥà¸ķà¹ī":127108,"×Ļ×ł×ª":127109,"ÙĪÙĬر":127110,"Ġ×Ķ×ŀ×Ļ":127111,"ейÑĩаÑģ":127112,"×§×ķ×ij":127113,"دراس":127114,"ĠÙħÙĤ":127115,"رÙĬÙĨ":127116,"خاص":127117,"ãģĬéĩij":127118,"Ġجدا":127119,"ãģĨãģ¡":127120,"ëħ¸":127121,"ırım":127122,"æ§ĺ":127123,"ãģ«å¯":127124,"ãģ«å¯¾":127125,"ÑĨев":127126,"Ġvard":127127,"ĠÐIJн":127128,"eÄŁ":127129,"ÑģÑĤвенно":127130,"Ш":127131,"سد":127132,"à¸ģุ":127133,"à¹ģà¸ľà¸Ļ":127134,"รูà¹īส":127135,"รูà¹īสึà¸ģ":127136,"اتØŃاد":127137,"ÑijÑĤ":127138,"×Ĺ×ķ×§":127139,"ãģĻãģIJ":127140,"Ø·ÙĦاÙĤ":127141,"Ġ×§×ķ×ĵ":127142,"à¹ĥà¸Ĭà¹īà¸ĩ":127143,"à¹ĥà¸Ĭà¹īà¸ĩาà¸Ļ":127144,"ãĥ¼ãĤ¿":127145,"Ġsür":127146,"ÑĢок":127147,"ë³ij":127148,"สมาà¸Ĭ":127149,"สมาà¸Ĭิà¸ģ":127150,"ãĥķãĥ¬":127151,"è¾¼ãģ¿":127152,"ãĤ»ãĥ³":127153,"Ġê°Ģì§Ģ":127154,"à¸ľà¹īา":127155,"ÑįÑĤомÑĥ":127156,"иÑĤел":127157,"à¸łà¸±":127158,"à¸ij":127159,"ãĥĸãĥ©":127160,"×Ľ×ª×ķ×ij":127161,"׳×Ŀ":127162,"еннÑĭе":127163,"×¢×¨×Ľ×ª":127164,"ĠìĤ":127165,"ĠìĤ´":127166,"à¸Ĥà¹īา":127167,"׳×ķס":127168,"ãĥ¬ãĥĵ":127169,"ÑĢеÑģ":127170,"à¹Ģลà¸Ĥ":127171,"ثاÙĦ":127172,"ìĹĨ":127173,"ĠÑĩаÑģÑĤ":127174,"าศ":127175,"ãĥªãĤ¢":127176,"uç":127177,"×Ļ׼×ķת":127178,"ลà¹īาà¸Ļ":127179,"ië":127180,"ãĤ¸ãĤ§":127181,"à¸Īà¸Ń":127182,"ÙĪØŃØ¯":127183,"×Ļצ×ķ×ij":127184,"Ġ×ijש׾":127185,"око":127186,"ضة":127187,"ذر":127188,"ĠÑĥд":127189,"İL":127190,"×ķצ×Ļ×Ŀ":127191,"×ĸ×ŀף":127192,"à¸Ľà¸ģ":127193,"íķĻêµIJ":127194,"ساÙħ":127195,"à¹Ħà¸Ķ":127196,"ละà¹Ģà¸Ń":127197,"ละà¹Ģà¸Ńีย":127198,"ละà¹Ģà¸Ńียà¸Ķ":127199,"ảy":127200,"аÑĨион":127201,"ãĤ¹ãĤ¯":127202,"פ×ķס":127203,"รà¹Īาà¸ĩ":127204,"еннÑĭй":127205,"عÙĨ":127206,"عÙĦÙĨ":127207,"ائÙģ":127208,"dÄĻ":127209,"ؤÙĪÙĦ":127210,"׾×ķ×ķ":127211,"Ġ×ijש×ij":127212,"ä»ĬåĽŀ":127213,"ĠاÙĦجÙĨ":127214,"داد":127215,"waÄĩ":127216,"ãĥªãĥ³":127217,"ĠìŀIJìĭł":127218,"اÙĨÙĬا":127219,"ãĥ¡ãĥª":127220,"ÙĦÙĪÙĨ":127221,"à¸Ĺà¹Īà¸Ńà¸ĩ":127222,"à¸Ĺà¹Īà¸Ńà¸ĩà¹Ģà¸Ĺีà¹Īยว":127223,"اÙģÙĬ":127224,"ĠлиÑĪ":127225,"ÙħÙĬØ©":127226,"оÑĤвеÑĤ":127227,"Ñĩин":127228,"ÃĬ":127229,"ãĥ¡ãĥ³":127230,"å®Ł":127231,"éļĽãģ«":127232,"ĠÑĢай":127233,"ãĤ¦ãĥ³":127234,"×Ļר×ķש":127235,"×Ļר×ķש׾×Ļ×Ŀ":127236,"มะ":127237,"Ġara":127238,"казаÑĤÑĮ":127239,"à¸ķัà¸Ķ":127240,"ÑĥÑİÑĤ":127241,"Ġüst":127242,"×Ĵ×ķ×ij":127243,"×Ĵ×ķ×ij×ķת":127244,"malı":127245,"егод":127246,"егоднÑı":127247,"اÙģÙĤ":127248,"à¸Ĭà¹Īà¸Ńà¸ĩ":127249,"Ġözellik":127250,"×Ļצ×ķר":127251,"ĠmiÄĻd":127252,"ĠiliÅŁ":127253,"ĠнаÑħод":127254,"×¢×ĸר":127255,"×ľ×Ľ×ª":127256,"ÙĨتاج":127257,"ĠÑģем":127258,"à¸Īà¹Īาย":127259,"à¸ķรว":127260,"à¸ķรวà¸Ī":127261,"פר×ķ":127262,"à¸Ĥัà¸ļ":127263,"ãģŀ":127264,"Ġпло":127265,"колÑĮ":127266,"×ŀ×¢×ĺ":127267,"íķĺìĭľ":127268,"jÄħce":127269,"ÙĨاÙĨ":127270,"ลีà¸ģ":127271,"нÑĥÑĤ":127272,"ĠобÑĢаз":127273,"Ùĥبر":127274,"ĠاÙĦÙĪØ·ÙĨ":127275,"ãģķãģĽãģ¦":127276,"ÙĤاء":127277,"×ŀ×ĵ×Ļ׳":127278,"yü":127279,"פ×Ļת":127280,"׳×ķף":127281,"ÙħÙĨظ":127282,"หà¸Ļัà¸ģ":127283,"ìŀĪ":127284,"ãĤ«ãĥ¼ãĥī":127285,"عÙĨÙĬ":127286,"под":127287,"ضاء":127288,"à¸Ļà¸ķà¹Į":127289,"×ŀשפ":127290,"วà¹Į":127291,"ר×ķ×§":127292,"สืà¹Īà¸Ń":127293,"פק×Ļ×ĵ":127294,"ãģªãĤīãģªãģĦ":127295,"ĠìŬ룬":127296,"ÙĦج":127297,"ÑīиÑĤ":127298,"ãĥĥãĤ·":127299,"ÙĦÙĬس":127300,"ĠÙĦÙħا":127301,"ìłij":127302,"×ij×Ļף":127303,"ãĥģãĤ§":127304,"Ġgüç":127305,"Ġchứ":127306,"×ķצ×IJ":127307,"קר×ij":127308,"à¹Ĥà¸ŀ":127309,"оÑĩно":127310,"סק×Ļ":127311,"ש׾×Ŀ":127312,"صرÙģ":127313,"ĠLÃł":127314,"×¢×Ļת":127315,"á»·":127316,"à¹Ĥà¸Ńà¸ģ":127317,"à¹Ĥà¸Ńà¸ģา":127318,"à¹Ĥà¸Ńà¸ģาส":127319,"Ġ×Ķ×ĵ×ijר":127320,"à¸Ļัà¹Īà¸Ļ":127321,"زر":127322,"нако":127323,"íļį":127324,"ãĤĤãģ¡":127325,"ãĤĤãģ¡ãĤį":127326,"ãĤĤãģ¡ãĤįãĤĵ":127327,"اÙħت":127328,"عداد":127329,"инÑĭ":127330,"ÅĤyw":127331,"à¸Ħà¸ĵะ":127332,"à¸Ĺะ":127333,"ktör":127334,"×Ļ×Ĺ×Ķ":127335,"Ġме":127336,"ĠмеÑģÑı":127337,"׳×Ķ×Ĵ":127338,"ĠÑģÑĥÑīеÑģÑĤв":127339,"à¸Ļัà¸Ļ":127340,"ÑĦÑĦ":127341,"екÑĤив":127342,"عÙĦÙĪÙħات":127343,"бÑĥд":127344,"à¸Ļัà¸ģà¸ĩาà¸Ļ":127345,"หà¸Ļà¹īาà¸Ĺีà¹Ī":127346,"ÙĤÙĬÙĤ":127347,"ãĤ·ãĥ³":127348,"ãģ«éĸ¢":127349,"×IJר×Ĵ":127350,"ĠпÑĢоÑĤ":127351,"ĠпÑĢоÑĤив":127352,"ĠìŀĪìĸ´":127353,"ÙĤÙĬÙĤØ©":127354,"ìĹĩ":127355,"kür":127356,"ãģ«ãģªãĤĬãģ¾ãģĹãģŁ":127357,"ĠдеÑıÑĤ":127358,"ĠдеÑıÑĤелÑĮ":127359,"פ×ķר×ĺ":127360,"à¸Łà¹īา":127361,"à¹Ģà¸ł":127362,"ĠавÑĤомаÑĤ":127363,"×ĸ×Ļ×§":127364,"Ġolduk":127365,"عاÙħ":127366,"ĠÑĤоÑĢ":127367,"yrıca":127368,"êÌ":127369,"ãĤŃãĥ³ãĤ°":127370,"ãģ«ãģ¨ãģ£ãģ¦":127371,"à¹Ģà¸īà¸ŀ":127372,"à¹Ģà¸īà¸ŀาะ":127373,"ãģ¯ãģļ":127374,"×ŀ×IJ×Ļ":127375,"สะà¸Ķ":127376,"สะà¸Ķวà¸ģ":127377,"ìľ¼ë©°":127378,"à¸ģี":127379,"ฬ":127380,"Ġ×¢×ķש":127381,"à¸łà¸²à¸©à¸²":127382,"à¸Ĺัà¸Ļ":127383,"acakt":127384,"acaktır":127385,"اعدة":127386,"ĠÑĥÑģлÑĥг":127387,"סר×ĺ":127388,"×ķ×ŀ×ķת":127389,"×Ķ×ķר":127390,"×ŀ×ķ×ij":127391,"×ŀ×ķ×ijף":127392,"سÙĬاس":127393,"اتÙ쨧ÙĤ":127394,"×Ķצ׾":127395,"Ùħؤس":127396,"Ġpó":127397,"Ġкни":127398,"×Ļ׼×ķ׾":127399,"à¹Ģหลืà¸Ń":127400,"׼׾׼":127401,"׳×ĸ":127402,"ÑĪие":127403,"rès":127404,"ĠاÙĦØŃÙĤ":127405,"лÑıÑĢ":127406,"หà¸į":127407,"หà¸įิà¸ĩ":127408,"ר×Ĵ×Ļש":127409,"à¹Ģสà¹īà¸Ļ":127410,"ש×ij×ķף":127411,"ôtel":127412,"апÑĢ":127413,"апÑĢимеÑĢ":127414,"ابÙĦ":127415,"ĠÑĢазвиÑĤ":127416,"ĠполÑĮз":127417,"ĠСеÑĢ":127418,"×ķ×ij×Ļ":127419,"róż":127420,"ìĭŃ":127421,"ãĤ¯ãĥĪ":127422,"ãģĹãĤĪãģĨ":127423,"à¸ģรม":127424,"ØŃÙĥÙĪÙħ":127425,"à¹Ĥà¸ļ":127426,"à¸Ĺà¹īาย":127427,"ĠMá":127428,"ĠÑĤÑĭ":127429,"à¸Ħรัว":127430,"ÑĢÑĥб":127431,"ạp":127432,"ĠmÅĤ":127433,"ĠmÅĤod":127434,"ĠgörÃ¼ÅŁ":127435,"ĠgeliÅŁ":127436,"ươi":127437,"×ŀשק":127438,"ÙĢÙĢÙĢÙĢ":127439,"ราว":127440,"ãģĹãģ£":127441,"ãģĹãģ£ãģĭãĤĬ":127442,"ĠÐļон":127443,"Ġkê":127444,"à¹Ĥà¸Ĺร":127445,"èIJ½ãģ¡":127446,"åĩºãģ¦":127447,"ลัà¸ģษ":127448,"Ġ×Ĵ×ij×ķ×Ķ":127449,"ãĥĻãĥ«":127450,"ê±°ëĤĺ":127451,"ë§IJ":127452,"×Ļ׾×ĵ×Ļ×Ŀ":127453,"ĠëĦĪ":127454,"×ŀר×Ļ":127455,"รส":127456,"ãĥŃãĥ³":127457,"ило":127458,"ноÑģÑĤÑĮÑİ":127459,"×ĸר×Ĺ":127460,"пон":127461,"Ġ×Ķש׾":127462,"ê²łìĬµëĭĪëĭ¤":127463,"ĠkiÅŁ":127464,"ĠÐļи":127465,"วร":127466,"داع":127467,"ÅŁim":127468,"ÙĨÙij":127469,"ваÑĤ":127470,"راÙĥ":127471,"باÙĦ":127472,"иде":127473,"Ġ×Ķ×ŀ×Ĺ":127474,"ìĸµ":127475,"تÙģØ§Ø¹":127476,"أت":127477,"ëĬĺ":127478,"ש×Ļת":127479,"ستÙħر":127480,"ĠÑĦак":127481,"ĠاÙĦØ£ÙħرÙĬ":127482,"ëŀ¨":127483,"اسÙħ":127484,"ĠaÄŁ":127485,"Ġçev":127486,"ÙĥÙĪØ±":127487,"ãģķãģ¾":127488,"Ġçöz":127489,"Ġرس":127490,"Äħda":127491,"สà¸Ļุ":127492,"ãģĹãģ¦ãģıãĤĮ":127493,"нÑİ":127494,"leÅŁme":127495,"ãĤªãĥ³":127496,"ãģ¨ãģªãĤĬ":127497,"avaÅŁ":127498,"×ĺ×Ļ×ij":127499,"ØŃض":127500,"×ķצ×IJ×ķת":127501,"ÙĨÙħÙĪ":127502,"ıt":127503,"ĠÑħа":127504,"ĠÑħаÑĢак":127505,"ĠÑħаÑĢакÑĤеÑĢ":127506,"ĠdÅĤ":127507,"ãĥĹãĥ©":127508,"à¸Ĭุม":127509,"à¹Īà¸Ńà¸Ļ":127510,"×ķ×ij׾":127511,"Ñģол":127512,"×ĵ×Ĵ":127513,"аÑĢаÑĤ":127514,"nivers":127515,"ĠgerçekleÅŁtir":127516,"ĠاÙĦÙĦÙĬ":127517,"ระยะ":127518,"ĠÙħختÙĦÙģ":127519,"Ġgönder":127520,"ÙģØ§Ø±":127521,"doÄŁ":127522,"doÄŁan":127523,"صÙĦاØŃ":127524,"Ġyayın":127525,"ãĥĨãĥ³":127526,"รวà¸Ī":127527,"×Ļ×Ĺ×Ļ×ĵ":127528,"ünkü":127529,"ÑĨиалÑĮн":127530,"à¸ļู":127531,"มุ":127532,"hä":127533,"Ø®Ùģ":127534,"å¢Ĺ":127535,"å¢ĹãģĪ":127536,"еÑĩно":127537,"ĠاÙĦسÙĨ":127538,"à¸Ĥาว":127539,"imdi":127540,"Ы":127541,"à¸Ļà¸Ńà¸ģà¸Īาà¸ģ":127542,"à¸ļาล":127543,"תש":127544,"Ġdüzenle":127545,"мÑĭÑģл":127546,"ãģıãģª":127547,"żu":127548,"ĠwspóÅĤ":127549,"Ġназ":127550,"ındaki":127551,"ترة":127552,"ÅŁek":127553,"Ġöd":127554,"ĠÙĪÙĥ":127555,"ĠпозволÑı":127556,"Ġת×ķ׼":127557,"ÙħÙĨتج":127558,"ë§ī":127559,"ĠاÙĦØ«ÙĦاث":127560,"аÑĨиÑİ":127561,"ÙĪØ±ÙĪ":127562,"ÑĭваеÑĤ":127563,"خصص":127564,"ĠاÙĦÙģÙĦ":127565,"ĠاÙĦÙģÙĦسطÙĬÙĨ":127566,"إجر":127567,"إجراء":127568,"اÙĨتخ":127569,"اÙĨتخاب":127570,"ارÙĬØ©":127571,"×ķÖ":127572,"Ø¢ÙĨ":127573,"×ŀ×¢×ķת":127574,"Ġмал":127575,"Ġ×IJ×Ĺ":127576,"à¸Ĺà¹īà¸Ńà¸ĩ":127577,"zeÅĽ":127578,"Ġë§Įëĵ¤":127579,"رÙĬع":127580,"äºĭãĤĴ":127581,"à¸ļริหาร":127582,"׾×ŀ×Ļ×ĵ":127583,"ĠмÑĥж":127584,"ترÙĪ":127585,"ĠباÙĦØ¥":127586,"פ×Ļ×§":127587,"زÙħØ©":127588,"ĠÃ¶ÄŁrenc":127589,"ãĥ¶":127590,"اÙħعة":127591,"×§×ij×ķצ":127592,"×ŀ׳×ķת":127593,"رÙĬÙħ":127594,"Ġоказ":127595,"ãģłãģijãģ©":127596,"Ġhız":127597,"Ġש×IJת":127598,"ãĤ¢ãĥ¼":127599,"Ġmożliwo":127600,"ìĦ¼":127601,"ÙĪØ§Ø¨":127602,"огÑĢаÑĦ":127603,"ĠعبداÙĦ":127604,"ãĤĴè¡Į":127605,"بÙĬÙĦ":127606,"Ġİç":127607,"ยาย":127608,"ĠÑĥÑĩаÑģÑĤ":127609,"ÑĦеÑģÑģ":127610,"ÑĦеÑģÑģиона":127611,"Ấ":127612,"ÙĨÙĬÙĨ":127613,"عدÙĦ":127614,"สรร":127615,"دÙĬÙĦ":127616,"×ij×Ļ×§":127617,"czyÅĤ":127618,"ÑĢоме":127619,"Ġмед":127620,"ìĻĶ":127621,"ãĥ©ãĤ¤ãĥ³":127622,"ĠÑĤеп":127623,"еÑĢÑĮ":127624,"iÄŁi":127625,"вели":127626,"ÑĢиÑģÑĤ":127627,"ס×ķפ":127628,"×ŀ׾×Ĺ":127629,"ĠاÙĦØ¥ÙĨ":127630,"Ġ׾×Ķש":127631,"è¶ĬãģĹ":127632,"ĠÑĢÑĭ":127633,"×ķ×IJר":127634,"رÙĩاب":127635,"פ×ķ×IJ×Ļ":127636,"ĠгоÑģÑĥд":127637,"ĠгоÑģÑĥдаÑĢ":127638,"ĠгоÑģÑĥдаÑĢÑģÑĤв":127639,"ĠاÙĦØ£ÙħÙĬر":127640,"Ùħج":127641,"à¹Ģหมาะ":127642,"ÑĢев":127643,"à¸Ĭีà¸ŀ":127644,"ãĥķãĥĪ":127645,"иÑĩно":127646,"ĠاÙĦÙħؤ":127647,"Ġiht":127648,"íħľ":127649,"دÙĨÙĬ":127650,"رص":127651,"лаÑģÑĤ":127652,"à¹Ģหลà¹Īา":127653,"ılır":127654,"รà¸ĵà¹Į":127655,"×ŀש×Ļ×ļ":127656,"Ġdá»ĭ":127657,"Ø·Ù쨧ÙĦ":127658,"×ĺ×ķף":127659,"Ġ×ij×Ļ׳":127660,"ãģ¾ãģ£ãģŁ":127661,"ложениÑı":127662,"تØŃر":127663,"باØŃ":127664,"à¹Ģสืà¹īà¸Ń":127665,"ãģĻãģĶ":127666,"ltür":127667,"à¸ĩาม":127668,"Ġtü":127669,"ĠпÑĢим":127670,"ĠпÑĢимен":127671,"Ġhayat":127672,"ëĥIJ":127673,"ëĭĮ":127674,"׳×Ļ×ķ":127675,"веден":127676,"ìħ¨":127677,"à¸Īัย":127678,"à¸ģà¹Īà¸Ń":127679,"Ġвод":127680,"оÑģÑĤоÑı":127681,"наÑĤ":127682,"à¹ģหล":127683,"سÙħÙĬ":127684,"à¸Ķำà¹Ģà¸Ļ":127685,"à¸Ķำà¹Ģà¸Ļิà¸Ļ":127686,"wód":127687,"öyle":127688,"ãĥĢãĤ¤":127689,"ÑĪий":127690,"меÑīен":127691,"ãģĹãģ¾ãģĨ":127692,"ãĥīãĥ©":127693,"ÙĪØ¶ØŃ":127694,"à¸Ńà¸Ļุ":127695,"ĠاÙĦاجتÙħاع":127696,"laÅŁma":127697,"à¸Ħà¸Ńà¸Ļ":127698,"×ŀר×Ļ×Ŀ":127699,"ÙĨاÙħج":127700,"שר×ķת":127701,"اÙĦØ£":127702,"ĠksiÄħż":127703,"Ġан":127704,"ÑĢай":127705,"اÙĩرة":127706,"×ŀ×ĵ×Ķ":127707,"ä¸Ģç·":127708,"ä¸Ģç·Ĵ":127709,"ä¸Ģç·Ĵãģ«":127710,"ÑĢиÑĤоÑĢ":127711,"dıkl":127712,"à¹ģà¸ĸ":127713,"à¹ģà¸Ĥà¹Īà¸ĩ":127714,"екÑĤоÑĢ":127715,"×ŀסע":127716,"ÑĢакÑĤи":127717,"uÄŁu":127718,"×ķ×ijת":127719,"สูà¸ķร":127720,"ĠçalÄ±ÅŁm":127721,"ĠçalÄ±ÅŁmalar":127722,"Ġана":127723,"ãĥĽãĥ¼ãĥł":127724,"Ġbölüm":127725,"Ġبص":127726,"олоÑģ":127727,"ĠìķĬëĬĶ":127728,"à¹Īะ":127729,"ÙĪØªØ±":127730,"ä¹Ĺ":127731,"ستخداÙħ":127732,"פ×Ļ×Ļס":127733,"פ×Ļ×Ļס×ij":127734,"פ×Ļ×Ļס×ij×ķ×§":127735,"ĠкÑĢаÑģ":127736,"лик":127737,"رÙĬØŃ":127738,"×ŀש׾×Ķ":127739,"à¹Ģยีà¹Īย":127740,"à¹Ģยีà¹Īยม":127741,"виÑģ":127742,"омн":127743,"ÄŁun":127744,"ãĥŃãĥ¼ãĥ³":127745,"أتÙĬ":127746,"à¸ķรี":127747,"çͳãģĹ":127748,"تÙħر":127749,"ìĹĪìĬµëĭĪëĭ¤":127750,"ĠÙĪØºÙĬر":127751,"redni":127752,"ĠاÙĦصÙģ":127753,"ĠнаÑģÑĤоÑı":127754,"ĠнаÑģÑĤоÑıÑī":127755,"à¸ķรา":127756,"ĠÑĥÑģлов":127757,"ĠÑĥÑģловиÑı":127758,"ÑĨеп":127759,"×Ķ×Ĺ׾×ĺ":127760,"Ø·ÙĬع":127761,"ĠBakan":127762,"ĠاÙĦرÙĪ":127763,"илÑĮно":127764,"ĠмеÑĤ":127765,"à¸Ķà¸Ńà¸ģ":127766,"ãģĭãĤīãģªãģĦ":127767,"ĠпоÑģÑĤоÑı":127768,"ĠпоÑģÑĤоÑıн":127769,"ĠÑĩаÑģ":127770,"üc":127771,"wró":127772,"бÑĥÑĢ":127773,"ãĥIJãĥĥãĤ¯":127774,"ãĥ©ãĥ³ãĥī":127775,"ĠогÑĢ":127776,"สัà¸į":127777,"สัà¸įà¸įา":127778,"มัà¹Īà¸Ļ":127779,"à¸Ħà¸Ńม":127780,"alık":127781,"Ġнед":127782,"ümüz":127783,"ĠÅĽwie":127784,"ério":127785,"×Ļ×IJ×Ķ":127786,"دÙħات":127787,"ırl":127788,"ĠоÑĤз":127789,"ĠоÑĤзÑĭв":127790,"ä»ĺãģį":127791,"Ġkażde":127792,"миниÑģÑĤ":127793,"ãĤ°ãĥ«":127794,"ë°ĸ":127795,"езн":127796,"اÙĦÙģ":127797,"Ġשק׾":127798,"Ùħض":127799,"ãĥĿãĥ¼ãĥĪ":127800,"ÙħÙĨت":127801,"ÙĤÙĬاÙħ":127802,"Ø´ÙĨ":127803,"×Ļר×ķ×¢":127804,"ãĤŃãĥ£ãĥ³":127805,"доÑĢов":127806,"×ŀ×Ļת×Ļ":127807,"ÙĪÙĦÙĪØ¬":127808,"ÙĥاÙģ":127809,"ĠÑĢазлиÑĩ":127810,"иÑĤеÑĤ":127811,"нолог":127812,"ลà¸ĩà¸Ĺุà¸Ļ":127813,"ĠyaklaÅŁ":127814,"ãĥ¬ãĤ¤":127815,"ê²łëĭ¤":127816,"æ±ĤãĤģ":127817,"رÙĪÙģ":127818,"ĠíĬ":127819,"ĠíĬ¹":127820,"ãģ£ãģıãĤĬ":127821,"à¸Ħวามà¸Ħิà¸Ķ":127822,"×Ķ×Ļס×ĺ":127823,"Ø¥ÙĤ":127824,"ãģ¦ãģĦ":127825,"à¹Ĥà¸Ĭ":127826,"ĠBüyük":127827,"ĠФедеÑĢ":127828,"ÑĨин":127829,"ÑĢова":127830,"ĠاÙĦاÙĤتصاد":127831,"Ġchá":127832,"à¸ĺาà¸Ļ":127833,"ë¥ł":127834,"à¹Ħà¸ķ":127835,"ÃŃpio":127836,"Ùĭا":127837,"ĠобÑıз":127838,"Ùĩج":127839,"Ġì¤ijìļĶ":127840,"ãģ®ãģ§ãģ¯ãģªãģĦ":127841,"باراة":127842,"ãĤ¤ãĥ«":127843,"ĠноÑĢм":127844,"á»īnh":127845,"mö":127846,"möglich":127847,"ÑĨип":127848,"ãĤ¢ãĤ¯":127849,"×Ķ×Ļ":127850,"ÑĨиалÑĮно":127851,"ĠÅĽwi":127852,"تÙĤ":127853,"ĠÑģÑĤоим":127854,"بÙĬعÙĬ":127855,"Ġ׾ש×ŀ":127856,"глÑı":127857,"глÑıд":127858,"ãģ¦ãģıãĤĮ":127859,"ÄĻdzi":127860,"à¸Ĥั":127861,"à¸Ĥัà¹īà¸Ļ":127862,"Ø·ÙĤ":127863,"ĠìĹŃ":127864,"ãģ£ãģ¦ãģĹãģ¾ãģĨ":127865,"ĠdeÄŁerl":127866,"ĠdeÄŁerlendir":127867,"Ġülk":127868,"Ġмног":127869,"à¹ĭ":127870,"ë¿IJ":127871,"ĠУкÑĢа":127872,"ÄŁini":127873,"Ġбезоп":127874,"ĠбезопаÑģ":127875,"à¸Ńà¸Ńà¸ģà¹ģà¸ļà¸ļ":127876,"اظ":127877,"ØŃداث":127878,"леÑĢ":127879,"×Ļ×¥":127880,"×Ļ׳×ĺר׳×ĺ":127881,"larınız":127882,"ØŃÙĬØŃ":127883,"żeli":127884,"à¸Ńัà¸ĩ":127885,"à¸Ńัà¸ĩà¸ģ":127886,"à¸Ńัà¸ĩà¸ģฤษ":127887,"ĠоÑĤлиÑĩ":127888,"ัส":127889,"ëŀį":127890,"ожно":127891,"ãĤ¹ãĥĿ":127892,"ĠÑħоÑĩ":127893,"Ġкап":127894,"еÑĩен":127895,"ØŃÙĦØ©":127896,"ÙĬاÙĩ":127897,"нал":127898,"×ķצר×Ļ×Ŀ":127899,"Ġkald":127900,"åĥį":127901,"ĠاÙĦشخص":127902,"Ġзна":127903,"Ġwzgl":127904,"życz":127905,"ê°Ŀ":127906,"à¸ŀลัà¸ĩ":127907,"íģ¼":127908,"Ġöl":127909,"Ġbụ":127910,"Ø´Ùĩر":127911,"Ġзам":127912,"Ġдев":127913,"×Ļ×ĺת":127914,"تعÙĦÙĤ":127915,"ÙĪÙħØ©":127916,"ãĤĴä½ľ":127917,"ãģįãģ¦":127918,"íĥĿ":127919,"rasında":127920,"ãĤĴæİ¢":127921,"ĠÙħباشر":127922,"راجع":127923,"Ġвозд":127924,"ÙħØŃا":127925,"×ķשר":127926,"ĠиÑģÑĤоÑĢ":127927,"มัà¸ģ":127928,"tıģ":127929,"ثار":127930,"ترÙĨت":127931,"à¹ģà¸Ĥà¹ĩ":127932,"à¹ģà¸Ĥà¹ĩà¸ĩ":127933,"поÑĩ":127934,"Ġ×ij×IJ×ķת":127935,"ë¯Ģ":127936,"ëĿ¼ëıĦ":127937,"à¸Ĭัà¸Ķ":127938,"สà¸ķà¹Į":127939,"ãĥĭãĥĥãĤ¯":127940,"иденÑĤ":127941,"ĠгÑĢÑĥпп":127942,"تخ":127943,"áºł":127944,"ยืà¸Ļ":127945,"ยัà¸Ļ":127946,"óry":127947,"TÃľ":127948,"ãģĹãĤĥ":127949,"ĠпÑĢовед":127950,"лÑıеÑĤ":127951,"ÙħØ®":127952,"ยà¸Ńม":127953,"×Ľ×ł×¡×ª":127954,"ĠاÙĦÙħÙĨت":127955,"Ġolmad":127956,"ר׼×ĸ×Ļ":127957,"ĠвÑģÑĤÑĢ":127958,"ĠиÑģÑģлед":127959,"ÑĤвеÑĢж":127960,"بدÙĪ":127961,"еÑĢÑĤ":127962,"ï»·":127963,"±ħ":127964,"สัมà¸ŀัà¸Ļà¸ĺà¹Į":127965,"ิà¹Īà¸Ļ":127966,"צ×Ļ×ij":127967,"wiÄĻt":127968,"Ġì°¸":127969,"ĠzwiÄħz":127970,"سبÙĪØ¹":127971,"ãĥĥãĤ°":127972,"à¸Ľà¸¥à¸Ńà¸Ķ":127973,"à¸Ľà¸¥à¸Ńà¸Ķà¸łà¸±à¸¢":127974,"ãĤĤãĤĬ":127975,"ÙĤدس":127976,"Ġsprz":127977,"Ġsprzeda":127978,"Ġistedi":127979,"Ġkhu":127980,"Ġден":127981,"ĠkoÅĦ":127982,"Ġ×ij×Ĺ×Ļ":127983,"à¹Ģà¸Ĺà¹īา":127984,"×ķס×Ļ×£":127985,"ãĥĭãĥ¥ãĥ¼":127986,"ĠпÑĢедоÑģÑĤ":127987,"ĠпÑĢедоÑģÑĤав":127988,"à¹Ĥà¸Ł":127989,"év":127990,"ĠاÙĦصØŃ":127991,"صØŃاب":127992,"à¹Ģà¸Īà¹ĩà¸ļ":127993,"влек":127994,"วัà¸ķ":127995,"à¸ĸุ":127996,"ãģĵãģ¨ãģĮãģ§ãģįãģ¾ãģĻ":127997,"ÙĤÙĬÙĤÙĬ":127998,"×ķ×Ĺר":127999,"ÑĭÑĪ":128000,"ĠоÑĤно":128001,"ĠоÑĤноÑĪ":128002,"обилÑĮ":128003,"ÙģØŃ":128004,"ınt":128005,"ıntı":128006,"Ġ׾×ij×ĵ":128007,"íİĺìĿ´ì§Ģ":128008,"ãĥĬãĥ«":128009,"ĠÙħساء":128010,"×Ļ×ĺ×ij":128011,"ÑĮеÑĢ":128012,"ëĦ·":128013,"ÑĭÑĤа":128014,"ĠоÑĩеÑĢ":128015,"à¸Ķืà¹Ī":128016,"à¸Ķืà¹Īม":128017,"ĠNgh":128018,"تعب":128019,"ÙĦاÙĤات":128020,"×ķ׾×ķ×Ĵ×Ļ×Ķ":128021,"ĠìĿ´ê²ĥ":128022,"Ġ×Ķ×ijר":128023,"ìľµ":128024,"à¹Ģà¸Ħลืà¹Īà¸Ńà¸Ļ":128025,"ÙĩØ©":128026,"à¸Īำà¹Ģà¸Ľà¹ĩà¸Ļ":128027,"å¤īãģĪ":128028,"wiÅĽcie":128029,"chod":128030,"chodzÄħ":128031,"вÑĢо":128032,"×ŀ×Ĺ×Ļר":128033,"Ġyı":128034,"Ġyıll":128035,"ì¡Į":128036,"à¹Ħหว":128037,"ãģªãģıãģª":128038,"ĠзавиÑģ":128039,"ĠìĺĪìĪĺ":128040,"Ù쨰":128041,"á»§ng":128042,"à¸ŀุà¸Ĺà¸ĺ":128043,"зн":128044,"layan":128045,"ãĤ¡":128046,"à¸ģà¹ĩà¸ķาม":128047,"ĠsaÄŁlam":128048,"รà¸ĵ":128049,"ĠÑģиÑĤ":128050,"ĠÑģиÑĤÑĥ":128051,"ĠاÙĦتÙĨ":128052,"×Ķ×ĸ":128053,"ĠØ·ÙĪÙĬÙĦ":128054,"taÅĤ":128055,"Ġgörd":128056,"å¤īãĤı":128057,"ëĥ¥":128058,"à¸Ħà¹Īà¸Ńย":128059,"×IJ×ķ×ĺ":128060,"ëħIJ":128061,"ãĥ©ãĥ³ãĤ¹":128062,"วัà¸Ĵ":128063,"วัà¸Ĵà¸Ļ":128064,"ĠoluÅŁ":128065,"פע×ķ׾":128066,"ĠszczegóÅĤ":128067,"à¸Ħาสิ":128068,"à¸Ħาสิà¹Ĥà¸Ļ":128069,"powied":128070,"ĠÑĤеб":128071,"หà¸Ļà¹Īวย":128072,"Ġмил":128073,"ØŃÙĥ":128074,"à¸Ĺà¸Ķ":128075,"ĠмаÑĤеÑĢиал":128076,"ÅĤow":128077,"à¹Ģà¸ģีย":128078,"ĠÑģовеÑĢ":128079,"ãĤ©":128080,"à¸Ľà¸£à¸´":128081,"ĠиÑİ":128082,"наÑĩен":128083,"ÑĢенд":128084,"muÅŁtur":128085,"ĠпÑĢодÑĥк":128086,"зд":128087,"ÑıÑĤи":128088,"ÑıÑĤиÑı":128089,"à¹Ģมีย":128090,"راتÙĬج":128091,"Ġamacı":128092,"ש×ķ׾":128093,"ש×ķ׾×Ĺ":128094,"สะà¸Ńา":128095,"สะà¸Ńาà¸Ķ":128096,"פ×Ĵ×¢":128097,"عبة":128098,"dın":128099,"íħĶ":128100,"Ġ×ŀש×Ĺ×§":128101,"Ġfiyat":128102,"ĠзаÑı":128103,"ĠзаÑıв":128104,"à¹Ĥหล":128105,"à¹Ĥหลà¸Ķ":128106,"à¸ģรุà¸ĩà¹Ģà¸Ĺà¸ŀ":128107,"צ×Ļ×Ļף":128108,"ìļ±":128109,"Ùħب":128110,"Ùħباد":128111,"landır":128112,"ĠвеÑģÑĮ":128113,"Ġhük":128114,"ĠÐĴоз":128115,"ÑĩиÑĤÑĭва":128116,"วล":128117,"×ķצע":128118,"à¸Ĥà¸ĵะà¸Ĺีà¹Ī":128119,"ĠaÅŁaģı":128120,"׾×IJ×ķ×ŀ×Ļ":128121,"trzym":128122,"Ã¤ÃŁig":128123,"owoÅĽci":128124,"ãģĿãĤĤ":128125,"ĠrozwiÄħz":128126,"ĠgÅĤówn":128127,"монÑĤ":128128,"×ŀ×ķ×ŀ":128129,"ĠÑģÑĤан":128130,"ÙĦاÙĤØ©":128131,"prowad":128132,"prowadzi":128133,"ĠÑģоÑģÑĤоÑı":128134,"×Ļ×IJ×ķת":128135,"rı":128136,"gı":128137,"ãĥijãĥij":128138,"ĠналиÑĩ":128139,"×Ķצע":128140,"Ġ׳×Ķ":128141,"à¸Ħัà¸ļ":128142,"عراض":128143,"иж":128144,"ÙĩائÙĬ":128145,"ãĤīãģı":128146,"ожеÑĤ":128147,"ĠобоÑĢ":128148,"ĠобоÑĢÑĥд":128149,"أسÙĦ":128150,"à¹ĩà¸Ķ":128151,"ÑĢÑĥÑĤ":128152,"دÙĬÙħÙĤ":128153,"دÙĬÙħÙĤرا":128154,"Ġjeste":128155,"×ķ×ķ×Ļר":128156,"×ij×ĵ×Ļ×§":128157,"деÑĢжива":128158,"ãģĬãģı":128159,"ewnÄĻtr":128160,"ewnÄĻtrzn":128161,"à¸ŀฤ":128162,"Ġ×IJ×ķ×Ķ":128163,"ת×Ĺ×ķש":128164,"Ġzob":128165,"дÑĥм":128166,"ĠÑģÑĭ":128167,"ÙĬرا":128168,"ĠwiÄĻks":128169,"à¹ģà¸ķà¸ģà¸ķà¹Īาà¸ĩ":128170,"lararas":128171,"lararası":128172,"íĺĢ":128173,"ëī´":128174,"×ķ×Ĵ׾":128175,"ĠоÑĤмеÑĤ":128176,"ĠÑĢан":128177,"تÙĥÙĦ":128178,"иÑĤелÑĮн":128179,"à¸Ľà¸£à¸°à¸§à¸±":128180,"à¸Ľà¸£à¸°à¸§à¸±à¸ķิ":128181,"ìŀĸ":128182,"можно":128183,"pieczeÅĦ":128184,"pieczeÅĦst":128185,"못":128186,"ìĬ¨":128187,"×ŀס×ŀ":128188,"Ủ":128189,"ศิ":128190,"ศิล":128191,"à¸¨à¸´à¸¥à¸Ľ":128192,"ĠÅļw":128193,"ãĥĥãĤ·ãĥ§ãĥ³":128194,"unitÃł":128195,"Ġmieszka":128196,"ĠmieszkaÅĦ":128197,"przed":128198,"przedsi":128199,"przedsiÄĻb":128200,"przedsiÄĻbior":128201,"à¸Ľà¸£à¸°à¸ªà¸´à¸Ĺà¸ĺิ":128202,"à¸Ľà¸£à¸°à¸ªà¸´à¸Ĺà¸ĺà¸´à¸łà¸²à¸ŀ":128203,"ยà¹Ī":128204,"ìķĻ":128205,"รวà¸Ķ":128206,"รวà¸Ķà¹Ģรà¹ĩว":128207,"å½ĵãģŁãĤĬ":128208,"älle":128209,"ÑĥеÑĤÑģÑı":128210,"ãn":128211,"ëłµ":128212,"thè":128213,"ãĤĴåĪ©ç͍":128214,"ìµľ":128215,"íĵ¨":128216,"à¸Ĺัà¸ļ":128217,"าà¸Ħม":128218,"ãģĩ":128219,"ëĤĮ":128220,"à¹Ģà¸Ľà¸¥à¹Īา":128221,"â¦":128222,"ë¾":128223,"êĢ":128224,"êĩ":128225,"â¡":128226,"ðŁŁ":128227,"ãIJ":128228,"âº":128229,"áŃ":128230,"áĻ":128231,"áĵ":128232,"á²":128233,"ðĵı":128234,"á¬":128235,"â¯":128236,"ä¨":128237,"êĿ":128238,"ê«":128239,"ðij":128240,"ðĵĥ":128241,"ðĿħ":128242,"":128244,"":128245,"":128247,"ĠعÙĦÙī":128248,"Ġmá»Ļt":128249,"ĠvỼi":128250,"Ġngưá»Ŀi":128251,"ĠØ¥ÙĦÙī":128252,"Ġnhững":128253,"Ġthá»ĥ":128254,"Ġ×IJ×ķ":128255,"Ġ×¢×Ŀ":128256,"اÙĭ":128257,"Ġà¹ģละ":128258,"ĠÙĦا":128259,"Ġnhư":128260,"ĠاÙĦتÙĬ":128261,"Ġ×Ķ×ķ×IJ":128262,"ĠÄijến":128263,"ĠØ£ÙĪ":128264,"Ġvá»ģ":128265,"ĠlÃłm":128266,"Ġsẽ":128267,"ĠcÅ©ng":128268,"Ġợ":128269,"ĠÄijó":128270,"Ġnhiá»ģu":128271,"Ġtại":128272,"Ġtrên":128273,"Ġ×Ĵ×Ŀ":128274,"ĠnhÃł":128275,"Ġ׼×Ļ":128276,"Ġsá»±":128277,"ĠÄijầu":128278,"Ġbá»ĭ":128279,"ĠÙĩذا":128280,"Ġnhất":128281,"Ġphải":128282,"Ġhiá»ĩn":128283,"Ġdụng":128284,"ĠÄijá»Ļng":128285,"ĠاÙĦÙĦÙĩ":128286,"ĠØĮ":128287,"ĠÙĥÙĦ":128288,"Ġviá»ĩc":128289,"ĠnÄĥm":128290,"Ġthì":128291,"Ġhá»įc":128292,"ĠÙĪØª":128293,"té":128294,"ĠاÙĨ":128295,"Ġtôi":128296,"Ġ×IJ׳×Ļ":128297,"Ġ׾×Ļ":128298,"Ġ×ŀ×ķ":128299,"ĠngÃły":128300,"ĠnÆ°á»Ľc":128301,"Ġ×Ķ×Ļ×IJ":128302,"Ġ×IJ×Ļ":128303,"ĠhÆ¡n":128304,"ĠÙĩذÙĩ":128305,"ĠÙĪÙĬ":128306,"ĠاÙĦذÙĬ":128307,"Ġ×ķ×ŀ":128308,"Ġgiá":128309,"Ġnhân":128310,"ĠchÃŃnh":128311,"Ġmình":128312,"ĠÐĿа":128313,"Ġthế":128314,"Ġ×Ļ×ķתר":128315,"Ġ×IJ×Ŀ":128316,"Ġnên":128317,"Ġhợ":128318,"Ġhợp":128319,"Ġcòn":128320,"ĠÙĩÙĪ":128321,"ĠcÆ¡":128322,"Ġrất":128323,"ĠViá»ĩt":128324,"Ġبعد":128325,"Ġש×Ļ":128326,"Ġthá»Ŀi":128327,"Ġcách":128328,"ĠÄijá»ĵng":128329,"Ġно":128330,"Ġtrưá»Ŀng":128331,"ØŁ":128332,"ĠÄijá»ĭnh":128333,"ĠÄijiá»ģu":128334,"×Ļ×Ļ×Ŀ":128335,"Ġthá»±c":128336,"nın":128337,"Ġhình":128338,"Ġnói":128339,"Ġcùng":128340,"Ġ×Ķ×Ķ":128341,"ĠØ¥ÙĨ":128342,"Ġ×IJ×ij׾":128343,"Ġnhưng":128344,"Ġbiết":128345,"Ġже":128346,"Ġchúng":128347,"ĠÄijang":128348,"ĠذÙĦÙĥ":128349,"Ġlên":128350,"Ġkhách":128351,"ĠnÃło":128352,"Ġsá»Ń":128353,"Ġkhác":128354,"Ġë°ı":128355,"Ġlý":128356,"×Ļ×Ļ":128357,"ĠÄijây":128358,"Ġ׾×ŀ":128359,"Ġcần":128360,"Ġtrình":128361,"Ġphát":128362,"ãģ«ãĤĤ":128363,"по":128364,"ĠnÄĥng":128365,"Ġbá»Ļ":128366,"Ġvụ":128367,"ĠÄijá»Ļ":128368,"Ñĩе":128369,"ĠnháºŃn":128370,"ĠtrÆ°á»Ľc":128371,"Ġ×¢×ĵ":128372,"ĠhÃłnh":128373,"ĠØ®ÙĦاÙĦ":128374,"Ġlượng":128375,"Ġcấp":128376,"Ġtá»±":128377,"Ġvì":128378,"Ġtư":128379,"Ġchất":128380,"Ġ׼×ŀ×ķ":128381,"Ġgì":128382,"Ġש׳":128383,"Ġtế":128384,"ת×ķ":128385,"Ġnghiá»ĩp":128386,"Ġmặt":128387,"ĠÙĥÙħا":128388,"Ġ×ij×Ļף":128389,"Ġרק":128390,"Ġthấy":128391,"Ġmáy":128392,"ĠÙģÙī":128393,"Ġdân":128394,"Ġ×IJ×Ĺ×ĵ":128395,"Ġtâm":128396,"Ġ׼×ļ":128397,"Ġ׾×ķ":128398,"во":128399,"Ġtác":128400,"ĠtoÃłn":128401,"ĠÙĪÙħ":128402,"Ġkết":128403,"Ġหรืà¸Ń":128404,"ĠÙĪØ§ÙĦÙħ":128405,"ĠÄijiá»ĥm":128406,"Ġ×ĸ×ķ":128407,"Ġ×ij×ķ":128408,"׼×ķת":128409,"Ġhá»Ļi":128410,"Ġbằng":128411,"تÙĩا":128412,"Ġ׼×ĵ×Ļ":128413,"Ġ×Ķ×Ŀ":128414,"Ġxuất":128415,"ĠÙĤد":128416,"Ġbảo":128417,"Ġtá»ijt":128418,"Ġtình":128419,"ĠÙĩÙĬ":128420,"ĠÄijá»iji":128421,"Ġthiết":128422,"Ġhiá»ĩu":128423,"Ġtiếp":128424,"Ġtạo":128425,"ת×Ķ":128426,"Ġchá»§":128427,"oÅĽÄĩ":128428,"Ġgiú":128429,"Ġgiúp":128430,"Ġý":128431,"Ġquả":128432,"Ġloại":128433,"Ġcô":128434,"Ġô":128435,"Ġông":128436,"Ġ×Ķ×ķ":128437,"ĠاÙĦÙĬÙĪÙħ":128438,"ĠtÃŃnh":128439,"га":128440,"Ġphòng":128441,"ĠÄĥn":128442,"ĠعاÙħ":128443,"Ġvá»ĭ":128444,"larını":128445,"rÃŃa":128446,"ĠtỼi":128447,"ĠÄijưá»Ŀng":128448,"ĠgiỼi":128449,"Ġbản":128450,"Ġcầu":128451,"Ġnhiên":128452,"Ġbá»ĩnh":128453,"Ġthưá»Ŀng":128454,"Ġ×IJ×Ļף":128455,"ĠÄijá»ģ":128456,"Ġhá»ĩ":128457,"Ġ×Ļשר×IJ׾":128458,"Ġquá":128459,"ĠÐĹа":128460,"ãģ®ãģ§ãģĻãģĮ":128461,"ĠÐŁÑĢи":128462,"Ġphần":128463,"ĠÙĪÙĦا":128464,"ĠlỼn":128465,"Ġtrá»ĭ":128466,"Ġcảm":128467,"Ġмо":128468,"Ġdùng":128469,"ĠاÙĦÙī":128470,"ĠعÙĦÙĬÙĩ":128471,"ĠìŀĪìĬµëĭĪëĭ¤":128472,"ÙĬÙĤ":128473,"ĠÙĤبÙĦ":128474,"Ġhoặc":128475,"ĠØŃÙĬØ«":128476,"Ġà¸Ĺีà¹Ī":128477,"ĠغÙĬر":128478,"ĠÄijại":128479,"Ġsá»ijng":128480,"нÑĭми":128481,"Ġthức":128482,"Ġפ×Ļ":128483,"ĠÄijiá»ĩn":128484,"ãģªãģĭãģ£ãģŁ":128485,"Ġgiải":128486,"Ġvẫn":128487,"ĠиÑħ":128488,"Ġönce":128489,"ĠváºŃy":128490,"Ġmuá»ijn":128491,"Ġảnh":128492,"à¹ĥà¸Ļà¸ģาร":128493,"ĠQuá»ijc":128494,"Ġkế":128495,"׳×IJ":128496,"Ġס×Ļ":128497,"Ġyêu":128498,"ãģ®ãģĭ":128499,"ĠÄijẹ":128500,"ĠÄijẹp":128501,"Ġchức":128502,"Ġyıl":128503,"ĠTürkiye":128504,"dé":128505,"ĠÙĤاÙĦ":128506,"Ġdá»ĭch":128507,"ĠolduÄŁu":128508,"Ġchá»įn":128509,"ĠتÙħ":128510,"หà¸Ļึà¹Īà¸ĩ":128511,"ãģķãĤĮãģŁ":128512,"Ġpháp":128513,"ìĽĶ":128514,"Ġtiá»ģn":128515,"ãģĹãģ¾ãģĹãģŁ":128516,"Ġש׾×IJ":128517,"ÙĦØ©":128518,"Ġ׾פ׳×Ļ":128519,"Ġ×ij×Ļת":128520,"ĠHÃł":128521,"ĠØŃت":128522,"ĠØŃتÙī":128523,"Ġ×¢×ķ×ĵ":128524,"Ġnó":128525,"Ġtháng":128526,"à¹Ģลืà¸Ńà¸ģ":128527,"ר×Ķ":128528,"ĠtÄĥng":128529,"Ġcái":128530,"Ġtriá»ĥn":128531,"Ġ×IJ×ķת×ķ":128532,"ìłģìĿ¸":128533,"ĠCông":128534,"Ġ׾×Ķ×Ļ×ķת":128535,"Ġгода":128536,"иÑİ":128537,"Ġبعض":128538,"Ġà¸ģาร":128539,"èī¯ãģĦ":128540,"ÙĪØª":128541,"Ġliên":128542,"ĠÐĿо":128543,"ĠÐĿе":128544,"çļĦãģª":128545,"ĠÙħت":128546,"ĠÑĤакже":128547,"ĠкоÑĤоÑĢÑĭе":128548,"Ġ×Ļ×ĵ×Ļ":128549,"Ġtrá»įng":128550,"ãĤµãĤ¤ãĥĪ":128551,"ìłģìľ¼ë¡ľ":128552,"ĠtáºŃp":128553,"Ġש׾×Ļ":128554,"íķĺê²Į":128555,"ĠtÃłi":128556,"ĠЯ":128557,"Ġrá»ĵi":128558,"اÙĥ":128559,"Ġthương":128560,"Ġ×Ķ×ĸ×Ķ":128561,"ĠÙĪÙħÙĨ":128562,"à¸Ĺีà¹Īมี":128563,"Ġcuá»Ļc":128564,"Ġbüyük":128565,"ãģ¨ãģĭ":128566,"Ġ×ij×Ļ×ķתר":128567,"Ġlần":128568,"Ġgöre":128569,"Ġtrợ":128570,"Ġ×ĺ×ķ×ij":128571,"ÑĤÑĮÑģÑı":128572,"Ġthá»ijng":128573,"Ġ׼ש":128574,"Ġtiêu":128575,"Ġ×ŀ×IJ×ķ×ĵ":128576,"ØĽ":128577,"kÄħ":128578,"Ġà¹ĥà¸Ļ":128579,"Ġvấn":128580,"Ġש׾×ķ":128581,"ĠÄijá»ģu":128582,"ÙģØª":128583,"Ġê²ĥìĿ´":128584,"Ġhóa":128585,"ĠاÙĦعاÙħ":128586,"ĠÙĬÙĪÙħ":128587,"кой":128588,"Ġbiá»ĩt":128589,"ÑģÑĤо":128590,"Ġ×Ķ×Ļ×ķ":128591,"à¸Ĺีà¹Īà¸Īะ":128592,"Ġ×ĵ×Ļ":128593,"Ġ×IJ×ļ":128594,"Ġán":128595,"صÙĪØ±":128596,"ĠtrÃŃ":128597,"ĠÐŁÑĢо":128598,"Ġlá»±c":128599,"ãģĹãģ¦ãģĦãģ¾ãģĻ":128600,"ĠbÃłi":128601,"Ġ×ĸ×IJת":128602,"Ġbáo":128603,"à¸ļà¸Ļ":128604,"ĠëĮĢíķľ":128605,"Ġtiế":128606,"Ġtiếng":128607,"Ġbên":128608,"ãģķãĤĮãĤĭ":128609,"sión":128610,"Ġtìm":128611,"×¢×ķ":128612,"mé":128613,"ниÑı":128614,"ãģ»ãģ©":128615,"Ġà¹Ģà¸ŀราะ":128616,"بة":128617,"Ġë¶Ħ":128618,"Ġ×IJ×ĸ":128619,"à¸Ĺà¹Īาà¸Ļ":128620,"ת×Ŀ":128621,"Ġthêm":128622,"Ġhoạt":128623,"yı":128624,"×ĸ×ķ":128625,"Ġgiá»Ŀ":128626,"Ġbán":128627,"à¸Ĥาย":128628,"Ñĩа":128629,"Ġà¹Ĩ":128630,"ĠاÙĦÙħت":128631,"ĠоÑĩенÑĮ":128632,"Ġbất":128633,"Ġtrẻ":128634,"ÑĤÑĢ":128635,"ĠØ£ÙĨÙĩ":128636,"ĠØ«Ùħ":128637,"Ġ׼×ŀ×Ķ":128638,"Ġkhó":128639,"Ġrằng":128640,"ĠÙĪÙģÙĬ":128641,"ний":128642,"ĠhoÃłn":128643,"tó":128644,"Ġ×IJשר":128645,"ĠìĥĿê°ģ":128646,"Ñģа":128647,"Ġ׼×ijר":128648,"ĠÑįÑĤом":128649,"larının":128650,"Ġchưa":128651,"зи":128652,"Ġdẫn":128653,"ĠÐļак":128654,"جÙĪ":128655,"ĠбÑĭло":128656,"ĠÙĬت":128657,"nı":128658,"ÅĤam":128659,"ĠÙĪÙĩÙĪ":128660,"×ij×ķ":128661,"пи":128662,"רת":128663,"Ġquá»ijc":128664,"жд":128665,"ĠÄijÆ¡n":128666,"Ùĥتب":128667,"Ġmắt":128668,"ระà¸ļ":128669,"ระà¸ļà¸ļ":128670,"ĠÙĥاÙĨت":128671,"Ġthân":128672,"สิà¸Ļà¸Ħà¹īา":128673,"×Ĵ×Ļ":128674,"Ġphương":128675,"à¹Ħมà¹Īà¹Ħà¸Ķà¹ī":128676,"ĠìĦ±":128677,"ĠCác":128678,"Ġ×Ķ×ŀ×ķ":128679,"ĠÑĤем":128680,"Ġ×ĵ×ķ":128681,"à¸Ńะà¹Ħร":128682,"ĠvÄĥn":128683,"ãģªãģ®ãģ§":128684,"ĠNá»Ļi":128685,"Ġ×¢×ķ":128686,"ãĤīãĤĮãĤĭ":128687,"Ġsáng":128688,"Ġgöster":128689,"ãģĵãģ¨ãĤĴ":128690,"Ġtarafından":128691,"Ġма":128692,"ĠпоÑģле":128693,"Ġ׳×Ļת":128694,"Ġ׳×Ļ×ª×Ł":128695,"ĠлеÑĤ":128696,"Ġ׾׳×ķ":128697,"ÑģÑģ":128698,"Ġ×Ļ×ķ":128699,"пе":128700,"ĠÙĪÙĦÙĥ":128701,"ĠÙĪÙĦÙĥÙĨ":128702,"ĠngoÃłi":128703,"ĠÄijá»ĭa":128704,"rzÄħd":128705,"dziaÅĤ":128706,"ĠÙħر":128707,"иÑĤÑĮÑģÑı":128708,"Ġ×IJ×Ĺר×Ļ":128709,"Ġ׾׼׾":128710,"à¸Ĥà¹īà¸Ńม":128711,"à¸Ĥà¹īà¸Ńมูล":128712,"Ġбол":128713,"Ġболее":128714,"جÙħع":128715,"леÑĤ":128716,"Ġlá»ĭch":128717,"ĠÙħØ«ÙĦ":128718,"Ġê·¸ë¦¬ê³ł":128719,"Ġthứ":128720,"ĠdeÄŁil":128721,"ÙĪØŃ":128722,"Ġש׾×ļ":128723,"ĠÙħØŃÙħد":128724,"Ġnếu":128725,"ĠÄijá»ķi":128726,"Ġvừa":128727,"Ġmá»įi":128728,"Ġони":128729,"Ġlúc":128730,"ĠÙĬÙĥÙĪÙĨ":128731,"ì§Ī":128732,"Ġש׾׳×ķ":128733,"ĠÐĶо":128734,"Ġש׳×Ļ":128735,"ลิ":128736,"×IJפשר":128737,"Ġsức":128738,"ê¶Į":128739,"Ġứng":128740,"à¹Ħมà¹Īมี":128741,"Ø·ÙĦب":128742,"ĠÑĩем":128743,"Ġchuyên":128744,"ĠthÃŃch":128745,"Ġ×ķ×Ļ":128746,"íķ©":128747,"ĠÙħصر":128748,"до":128749,"ĠÄijất":128750,"Ġchế":128751,"à¸Ĭืà¹Īà¸Ń":128752,"Ġìĭł":128753,"Ġإذا":128754,"ĠرئÙĬس":128755,"Ġש×Ļש":128756,"Ġgiảm":128757,"Ñģка":128758,"larında":128759,"Ġsợ":128760,"ĠtÃŃch":128761,"ĠÙĦÙĥÙĨ":128762,"ĠبÙħ":128763,"×¢×ķ×ij":128764,"×¢×ķ×ij×ĵ":128765,"ÅĤÄħcz":128766,"larına":128767,"Ġש×Ŀ":128768,"ĠÙĦت":128769,"Ġש×Ķ×ķ×IJ":128770,"tów":128771,"Ġëĭ¤ë¥¸":128772,"ĠØ£Ùĥثر":128773,"ãģ®ãģ§ãģĻ":128774,"׼×Ļ×Ŀ":128775,"ĠolduÄŁunu":128776,"ãģĭãģª":128777,"ãĤĤãģĨ":128778,"ÙĬØŃ":128779,"Ġnhìn":128780,"Ġnghá»ĩ":128781,"ãģ«ãģªãģ£ãģ¦":128782,"па":128783,"Ġquyết":128784,"ÙĦÙĤ":128785,"tá":128786,"Ġluôn":128787,"ĠÄijặc":128788,"Ġ×IJר":128789,"Ġtuá»ķi":128790,"são":128791,"ìϏ":128792,"رد":128793,"ĠبÙĩا":128794,"Ġ×Ķ×Ļ×ķ×Ŀ":128795,"×ķ×ķ×Ļ":128796,"ãģ§ãģĻãģŃ":128797,"ĠÑĤого":128798,"Ġthá»§":128799,"ãģĹãģŁãģĦ":128800,"رÙĤ":128801,"Ġbắt":128802,"гÑĥ":128803,"Ġtá»Ń":128804,"ÑĪа":128805,"Ġà¸Ľà¸µ":128806,"Ġ×Ķ×IJ×Ŀ":128807,"íı¬":128808,"ża":128809,"Ġ×IJת×Ķ":128810,"Ġná»Ļi":128811,"ĠphÃŃ":128812,"ĠÅŁekilde":128813,"Ġlá»Ŀi":128814,"dıģı":128815,"Ġ׼×IJף":128816,"Ġtüm":128817,"Ġmạnh":128818,"ĠMỹ":128819,"ãģĿãĤĵãģª":128820,"Ġnhá»ı":128821,"ãģªãģĮãĤī":128822,"Ġbình":128823,"ıp":128824,"à¸ŀา":128825,"ĠÄijánh":128826,"ĠÙĪÙĦ":128827,"ר×ķת":128828,"Ġ×IJ×Ļ×ļ":128829,"Ġchuyá»ĥn":128830,"Ùĥا":128831,"ãĤĮãĤĭ":128832,"à¹ģมà¹Ī":128833,"ãĤĪãģı":128834,"ĠÙĪÙĤد":128835,"íĸĪëĭ¤":128836,"ĠnÆ¡i":128837,"ãģ«ãĤĪãģ£ãģ¦":128838,"Ġviết":128839,"Ġà¹Ģà¸ŀืà¹Īà¸Ń":128840,"ëIJĺëĬĶ":128841,"ادÙĬ":128842,"ĠÙ쨥ÙĨ":128843,"ì¦Ŀ":128844,"ĠÄijặt":128845,"ĠhÆ°á»Ľng":128846,"Ġxã":128847,"Ġönemli":128848,"ãģłãģ¨":128849,"Ġmẹ":128850,"Ġ×ij×Ļ":128851,"Ġ×ĵ×ijר":128852,"ĠváºŃt":128853,"ĠÄijạo":128854,"Ġdá»±ng":128855,"ĠÑĤом":128856,"ĠÙģÙĬÙĩا":128857,"ĠجÙħÙĬع":128858,"ĠthuáºŃt":128859,"stÄĻp":128860,"Ġtiết":128861,"Ø´ÙĬ":128862,"ĠеÑīе":128863,"ãģĻãĤĭãģ¨":128864,"ĠmÃłu":128865,"ĠÑįÑĤого":128866,"Ġvô":128867,"ĠÐŃÑĤо":128868,"ĠtháºŃt":128869,"Ġnữa":128870,"Ġbiến":128871,"Ġnữ":128872,"Ġ׾׼×Ŀ":128873,"×Ļ×Ļף":128874,"Ġست":128875,"ĠÐŀÑĤ":128876,"Ġphụ":128877,"ê¹Įì§Ģ":128878,"Ġ׾×ļ":128879,"Ġkỳ":128880,"à¹ĥà¸Ħร":128881,"Ġgây":128882,"ĠÙĦÙĦÙħ":128883,"Ġtục":128884,"تÙĬÙĨ":128885,"Ġtrợ":128886,"Ġ׾פ×Ļ":128887,"Ġbá»ij":128888,"ĠÐļа":128889,"ĠÄijình":128890,"owÄħ":128891,"sında":128892,"Ġkhiến":128893,"sız":128894,"Ġкогда":128895,"×¡×ľ":128896,"ĠбÑĭл":128897,"à¸Ļà¹īà¸Ńย":128898,"обÑĢаз":128899,"Ġê²ĥìĿ´ëĭ¤":128900,"ëĵ¤ìĿĢ":128901,"ãģ¸ãģ®":128902,"Ġà¹Ģมืà¹Īà¸Ń":128903,"Ġphục":128904,"Ġ×Ĺ׾ק":128905,"Ġhết":128906,"ĠÄija":128907,"à¹Ģà¸Ķà¹ĩà¸ģ":128908,"íĺķ":128909,"lÃŃ":128910,"ê¸ī":128911,"Ġعدد":128912,"ĠÄijá»ĵ":128913,"Ġgần":128914,"Ġ×Ļ×ķ×Ŀ":128915,"ĠsÄ©":128916,"ÑĢÑıд":128917,"Ġquyá»ģn":128918,"Ġ×IJ׾×IJ":128919,"ÙĩÙħا":128920,"׳×Ļ×Ķ":128921,"׾×ķת":128922,"Ġ×Ķר×ij×Ķ":128923,"Ġtiên":128924,"Ġalın":128925,"Ġdá»ħ":128926,"人ãģĮ":128927,"ноÑģ":128928,"лÑģÑı":128929,"ĠÄijưa":128930,"สาว":128931,"иÑĢован":128932,"Ġ×ŀספר":128933,"×Ĵף":128934,"Ġkiến":128935,"ĠШ":128936,"pé":128937,"бÑĥ":128938,"овой":128939,"ба":128940,"ĠØ¥ÙĦا":128941,"×IJ׾×Ļ":128942,"Ġxây":128943,"Ġbợi":128944,"Ġש×ķ":128945,"人ãģ®":128946,"×§×Ļ×Ŀ":128947,"à¹Ģà¸Ķืà¸Ńà¸Ļ":128948,"Ġkhá":128949,"Ġ×ķ׾×Ķ":128950,"×ĵ×ķת":128951,"Ġ×¢×ij×ķר":128952,"ĠبشÙĥÙĦ":128953,"ĠÙĩÙĨاÙĥ":128954,"ÑĤÑĢа":128955,"ĠíķĺëĬĶ":128956,"รà¸Ńà¸ļ":128957,"owaÅĤ":128958,"hé":128959,"Ġdiá»ħn":128960,"Ġ×Ķ׼׾":128961,"Ġأس":128962,"Ġchuyá»ĩn":128963,"ระà¸Ķัà¸ļ":128964,"ĠNhững":128965,"Ġ×IJ×Ĺת":128966,"ĠØŃÙĪÙĦ":128967,"лов":128968,"׳ר":128969,"Ġ×ķ׳":128970,"ĠchÆ¡i":128971,"Ġiçinde":128972,"ÑģÑĤвÑĥ":128973,"Ġphá»ij":128974,"ĠÑģÑĥ":128975,"ç§ģãģ¯":128976,"Ġchứng":128977,"Ġvá»±c":128978,"à¹ģà¸Ń":128979,"ĠláºŃp":128980,"Ġtừng":128981,"å°ijãģĹ":128982,"ĠNguy":128983,"ĠNguyá»ħn":128984,"ĠÙģÙĬÙĩ":128985,"Ġба":128986,"×Ļ×Ļת":128987,"Ġ×ľ×¢×©×ķת":128988,"Ġ×ŀ׼":128989,"Ġnghiá»ĩm":128990,"Ġмного":128991,"Ġее":128992,"ëIJĺìĸ´":128993,"Ġlợi":128994,"Ġ׾׾×IJ":128995,"Ġ׼ף":128996,"ĠchÃŃ":128997,"ãģ§ãģ®":128998,"×Ĺ×ķ":128999,"ש×ķ×Ŀ":129000,"Ġ×ŀר":129001,"ĠÐĶлÑı":129002,"Åģ":129003,"Ġ׼×IJשר":129004,"ĠMá»Ļt":129005,"ĠÙĪØ§ÙĦت":129006,"ĠìĿ´ëٰ":129007,"ÅŁa":129008,"Ġchiến":129009,"Ġarasında":129010,"Ġ×ij×IJתר":129011,"ãģķãĤĮãģ¦ãģĦãĤĭ":129012,"Ø´ÙĥÙĦ":129013,"Ġtượng":129014,"Ġتت":129015,"ĠCó":129016,"Ġbá»ı":129017,"Ġtá»īnh":129018,"ĠkhÃŃ":129019,"ĠпÑĢоÑģÑĤ":129020,"ĠпÑĢоÑģÑĤо":129021,"ĠÙĪÙĤاÙĦ":129022,"Ġgiáo":129023,"ĠNếu":129024,"×IJ×ŀר":129025,"×¢×ł×Ļ×Ļף":129026,"íݸ":129027,"ÙĩدÙģ":129028,"ĠBá»Ļ":129029,"ĠbÃłn":129030,"Ġnguyên":129031,"Ġgüzel":129032,"สาย":129033,"ì²ľ":129034,"×ŀ×ķר":129035,"Ġphân":129036,"ספק":129037,"×§×ij׾":129038,"ĠاÙĦÙħتØŃ":129039,"ĠاÙĦÙħتØŃدة":129040,"ائد":129041,"Ġ×IJ×ŀר":129042,"ĠkiÅŁi":129043,"ì¤Ģ":129044,"Ġtruyá»ģn":129045,"ĠÙĦÙĩا":129046,"ĠÐľÐ°":129047,"à¸ļริษ":129048,"à¸ļริษั":129049,"à¸ļริษัà¸Ĺ":129050,"Ġש׳×Ļ×Ŀ":129051,"ĠменÑı":129052,"ÅŁe":129053,"Ġdiá»ĩn":129054,"Ġ×IJ׳×Ĺ׳×ķ":129055,"kü":129056,"Ġcá»ķ":129057,"Ġmá»Ĺi":129058,"wä":129059,"ÙħÙĬ":129060,"Ġhiá»ĥu":129061,"ëĭ¬":129062,"Ġ×Ķ×Ĺ׾":129063,"Ġtên":129064,"Ġkiá»ĩn":129065,"ÙĨÙĤÙĦ":129066,"Ġvá»ĩ":129067,"×ĵת":129068,"ĠÐłÐ¾ÑģÑģии":129069,"лÑĥ":129070,"ĠاÙĦعربÙĬØ©":129071,"ĠطرÙĬÙĤ":129072,"Ġ×Ķ×ij×Ļת":129073,"ÑģеÑĢ":129074,"Ġмне":129075,"äu":129076,"Ġtriá»ĩu":129077,"ĠÄijá»§":129078,"Ġר×ij":129079,"تÙĩÙħ":129080,"à¸ĭี":129081,"Ġì§Ģê¸Ī":129082,"liÅĽmy":129083,"دعÙħ":129084,"ãģłãĤįãģĨ":129085,"Ñģкие":129086,"Ġhá»ıi":129087,"Ġ×§×ķ":129088,"ÑĢÑĥÑģ":129089,"ÙĨظر":129090,"ãģ®ãĤĤ":129091,"Ġ×Ķ׼×Ļ":129092,"ĠìĽIJ":129093,"ÙĪÙĩ":129094,"ĠÙĪÙİ":129095,"ĠBạn":129096,"плаÑĤ":129097,"Ġ×ŀ×ŀש":129098,"лÑİб":129099,"ĠнÑĥжно":129100,"Ġthư":129101,"ãģµ":129102,"ãģıãĤīãģĦ":129103,"رش":129104,"ר×ķ×Ĺ":129105,"ĠÙĬتÙħ":129106,"Ġצר×Ļ×ļ":129107,"Ġphá":129108,"มà¸Ńà¸ĩ":129109,"Ġ×ij×IJ×ķפף":129110,"Ġcảnh":129111,"Ġíķľëĭ¤":129112,"Ġ×Ķ×ŀת":129113,"à¸ķà¹Īาà¸ĩà¹Ĩ":129114,"มีà¸ģาร":129115,"ÑģкиÑħ":129116,"ĠÐĴÑģе":129117,"ĠاÙĪ":129118,"جÙĬ":129119,"ãģĵãģ¨ãģ¯":129120,"ĠdÃłi":129121,"Ġhá»ĵ":129122,"èĩªåĪĨãģ®":129123,"à¹Ħหà¸Ļ":129124,"ëĵ¤ìĿĦ":129125,"ĠVÄĥn":129126,"Ġдаж":129127,"Ġдаже":129128,"Ñĭми":129129,"лаÑģÑĮ":129130,"ÙĬÙĪÙĨ":129131,"ÙĨÙĪ":129132,"có":129133,"ãģĹãģ¦ãģĦãģŁ":129134,"ãģłãģĭãĤī":129135,"طاÙĦب":129136,"Ġcá»Ńa":129137,"пÑĢоÑģ":129138,"ãģªãģ©ãģ®":129139,"รุà¹Īà¸Ļ":129140,"Ġchiếc":129141,"лÑĭ":129142,"ĠÑıвлÑıеÑĤÑģÑı":129143,"Ġná»ķi":129144,"ãģ®ãģĬ":129145,"Ġ×IJת×Ŀ":129146,"ĠëķĮ문ìĹIJ":129147,"à¸ģลาà¸ĩ":129148,"ĠbaÅŁka":129149,"ìĦĿ":129150,"ĠÑĨел":129151,"ÙģÙĤ":129152,"ãģ«ãĤĪãĤĭ":129153,"ÙĤا":129154,"Ġçıkar":129155,"Ġcứu":129156,"طا":129157,"Ġשת":129158,"à¹Ĥà¸Ħ":129159,"Ġ×ŀ׾":129160,"Ġ×Ķפר":129161,"Ġгде":129162,"Ġخط":129163,"åīįãģ«":129164,"cjÄĻ":129165,"Ġ×Ĺש×ķ×ij":129166,"ר×Ĵ×¢":129167,"Ġkhoảng":129168,"ĠÄijá»Ŀi":129169,"ĠÐłÐµ":129170,"Ġона":129171,"Ġ×IJ׳×ķ":129172,"ãģ®ãģ«":129173,"ĠاÙĦذÙĬÙĨ":129174,"кÑĥп":129175,"ãĤµãĥ¼ãĥ":129176,"ãĤµãĥ¼ãĥĵ":129177,"ãĤµãĥ¼ãĥĵãĤ¹":129178,"вал":129179,"ге":129180,"Ġgiữa":129181,"ĠKhông":129182,"ĠâĹĭ":129183,"à¸ģลุà¹Īม":129184,"ĠÙħÙĨذ":129185,"à¸Ńà¹Īาà¸Ļ":129186,"ĠÑģпоÑģоб":129187,"ĠÄijá»Ļi":129188,"ĠdiÄŁer":129189,"Ġà¸ĸà¹īา":129190,"ÙħØ«ÙĦ":129191,"Ġ×Ķ×IJ×Ļ":129192,"ĠدÙĪÙĨ":129193,"ÙĬراÙĨ":129194,"Ñīи":129195,"بÙĨاء":129196,"Ġآخر":129197,"ظÙĩر":129198,"Ġ×ij׼":129199,"ĠاÙĦÙħع":129200,"ãĥĴ":129201,"Ġtất":129202,"Ġmục":129203,"ĠdoÄŁru":129204,"ãģŁãĤī":129205,"Ġס×ķ":129206,"Ġxác":129207,"รà¸Ń":129208,"ĠcÄĥn":129209,"Ġонл":129210,"Ġонлайн":129211,"Ġký":129212,"Ġchân":129213,"Ġà¹Ħมà¹Ī":129214,"اØŃØ©":129215,"rán":129216,"׳×Ļ×Ļ×Ŀ":129217,"Ġ×ijף":129218,"ĠÐĸ":129219,"à¸ķรà¸ĩ":129220,"дÑĭ":129221,"Ġsắc":129222,"ÙĦت":129223,"ãĥŃãĥ¼":129224,"ĠÙĦÙĨ":129225,"Ġר×ķ":129226,"ĠdÆ°á»Ľi":129227,"à¹Ģà¸ĺ":129228,"à¹Ģà¸ĺà¸Ń":129229,"eÄŁi":129230,"Ġ×ķש":129231,"ĠÙĦØ£":129232,"Ġgặp":129233,"Ġcá»ij":129234,"ãģ¨ãģ¦ãĤĤ":129235,"رÙĪØ³":129236,"Ġ׾×Ķ×Ļ":129237,"Ġ본":129238,"ä¸ĬãģĴ":129239,"Ġmức":129240,"Ñħа":129241,"Ġìŀ¬":129242,"à¸īัà¸Ļ":129243,"ÑĢÑĥж":129244,"Ġaçık":129245,"ÙĪØ§ÙĦ":129246,"Ġ×ĸ×ŀף":129247,"人ãģ¯":129248,"عÙĬÙĨ":129249,"ÑıÑħ":129250,"Ġ×Ĵ×ĵ×ķ׾":129251,"ר×ķ×ij":129252,"gó":129253,"ëĿ¼ê³ł":129254,"ĠarkadaÅŁ":129255,"ÙĨشر":129256,"ĠгодÑĥ":129257,"ĠболÑĮÑĪе":129258,"ãģ¡ãĤĩãģ£ãģ¨":129259,"Ġcâu":129260,"Ġsát":129261,"íͼ":129262,"Ġtiến":129263,"íķ´ìķ¼":129264,"ĠÙĪØ£ÙĨ":129265,"à¸Ļาà¸Ļ":129266,"Ġ×ij×IJ×ŀצע":129267,"Ġ×ij×IJ×ŀצע×ķת":129268,"Ġ׾ר":129269,"Ġquản":129270,"ĠÙĪØ§ÙĦØ£":129271,"Ġ×IJ×ķת×Ķ":129272,"Ġìĸ´ëĸ¤":129273,"Ġê²ĥìĿĢ":129274,"ØŃسÙĨ":129275,"Ġmất":129276,"à¸Ħูà¹Ī":129277,"ãĥ¬ãĥ¼":129278,"ĠÐĶа":129279,"Ġolması":129280,"Ġthuá»Ļc":129281,"׳×Ĺ":129282,"íĨł":129283,"Ġsöyle":129284,"ãģĿãģĨãģ§ãģĻ":129285,"ĠتÙĥÙĪÙĨ":129286,"лÑĥÑĩ":129287,"׾×Ļ×ļ":129288,"ĠØ£ØŃد":129289,"лиÑģÑĮ":129290,"ĠвÑģего":129291,"Ġ×Ķר×ij":129292,"Ġ못":129293,"oÄŁ":129294,"oÄŁlu":129295,"ĠìĦł":129296,"ĠкаÑĢ":129297,"à¸łà¸²à¸Ħ":129298,"eÅĦ":129299,"Ġà¸ģà¹ĩ":129300,"Ġaynı":129301,"ĠbÃł":129302,"ãģªãĤĵãģ¦":129303,"Ġ모ëĵł":129304,"ÙĤرار":129305,"ãģĹãģªãģĦ":129306,"ĠÐĴо":129307,"ĠÙĪÙĩÙĬ":129308,"ники":129309,"ãĤĮãģŁ":129310,"Ġchuẩn":129311,"רע":129312,"Ù쨱ÙĬÙĤ":129313,"ãĤĴåıĹãģij":129314,"ĠÄijúng":129315,"бе":129316,"׼×ķ×Ĺ":129317,"пÑĥ":129318,"Ġ×ķ×Ĵ×Ŀ":129319,"×ŀ׳×Ļ":129320,"íĸ¥":129321,"צ×Ļ×Ŀ":129322,"à¸ĭิ":129323,"ÙĩÙĨ":129324,"нем":129325,"Ġ×ij×ij×Ļת":129326,"رع":129327,"Ġส":129328,"ĠÄIJÃł":129329,"íķĺëĭ¤":129330,"Ġấy":129331,"×Ĺ×ķ×ĵ":129332,"×Ĺ×ķ×ĵש":129333,"ĠÑĩеÑĢез":129334,"Ñĥл":129335,"ĠBình":129336,"Ġê²ĥìĿĦ":129337,"Ġ×Ĵר":129338,"ä»ĺãģij":129339,"×Ĺ׾ק":129340,"ĠتÙĦÙĥ":129341,"à¹ĥสà¹Ī":129342,"szÄħ":129343,"ÙĤاÙħ":129344,"دÙĪØ±":129345,"ĠÙģÙĤØ·":129346,"Ġhữu":129347,"ĠмогÑĥÑĤ":129348,"Ġgá»įi":129349,"Ġקר":129350,"à¸Īะมี":129351,"تÙĤدÙħ":129352,"Ġعبر":129353,"Ġ׾×Ķ×Ŀ":129354,"ĠÑģамо":129355,"ס×ĵר":129356,"ĠcÃłng":129357,"rÃŃ":129358,"Ġìŀ¥":129359,"ëĵ¤ìĿĺ":129360,"ĠÙĦÙĥ":129361,"поÑĢÑĤ":129362,"Ġkhả":129363,"ĠÑģебÑı":129364,"׳ף":129365,"ĠدÙĪØ±":129366,"Ġmợ":129367,"Ġcây":129368,"Ġfark":129369,"Ġfarklı":129370,"аÑİÑĤ":129371,"Ġtrá»±c":129372,"wiÄĻksz":129373,"Ġthuá»ijc":129374,"ĠتØŃت":129375,"تÙĦ":129376,"овÑĭе":129377,"ëĤł":129378,"Ġвам":129379,"بÙĦغ":129380,"Ġê°ĻìĿĢ":129381,"íĮIJ":129382,"ÙĦب":129383,"Ġnasıl":129384,"Ġодин":129385,"ман":129386,"ĠعÙĦÙĬÙĩا":129387,"би":129388,"Ġפש×ķ×ĺ":129389,"×ijר×Ļ":129390,"Ġש׳×Ķ":129391,"ĠëıĦ":129392,"ĠÄIJại":129393,"Ġ×IJ×ķת×Ŀ":129394,"ĠاÙĦØŃر":129395,"Ġбо":129396,"à¸Īุà¸Ķ":129397,"Ġrõ":129398,"ĠdeÄŁiÅŁ":129399,"Ġëĭ¨":129400,"ĠÑģлÑĥÑĩа":129401,"ĠÑģлÑĥÑĩае":129402,"Ġ×IJ׳ש×Ļ×Ŀ":129403,"×ĵ×£":129404,"ש×ijת":129405,"Ġש׾׼×Ŀ":129406,"Ġchú":129407,"ników":129408,"Ġtanı":129409,"Ġcáo":129410,"ĠÄijá":129411,"Ġ×IJ×ĵ×Ŀ":129412,"Ġê°ķ":129413,"Ġnhiá»ĩm":129414,"Ġ×ľ×¡":129415,"Ġ×Ľ×ª×ij":129416,"Ġ×Ķספר":129417,"ĠÄijÄĥng":129418,"ĠëijIJ":129419,"à¸ľà¸´":129420,"à¸ľà¸´à¸§":129421,"جا":129422,"Ġê°IJ":129423,"رأ":129424,"ستخدÙħ":129425,"ãģ«ãģªãĤĬãģ¾ãģĻ":129426,"Ġtá»·":129427,"×ĺ×ķר":129428,"говоÑĢ":129429,"ĠвоÑģ":129430,"ĠÙħÙĨÙĩا":129431,"иÑĢоваÑĤÑĮ":129432,"ĠÄijầy":129433,"׳×Ĵ":129434,"ĠÙħÙĪ":129435,"ĠÙħÙĪÙĤع":129436,"ר׼×Ļ":129437,"تÙı":129438,"모":129439,"Ġת×ķ":129440,"ÙĬاÙĭ":129441,"à¹ĥà¸Ķ":129442,"ãĤĬãģ¾ãģĻ":129443,"à¸Ńยูà¹Īà¹ĥà¸Ļ":129444,"ĠØ£ÙĪÙĦ":129445,"ĠأخرÙī":129446,"Ġcư":129447,"صار":129448,"×ŀ×Ĺש×ij":129449,"бÑĢа":129450,"ÅĦski":129451,"бÑĢ":129452,"ĠÙĬÙı":129453,"à¸ģิà¸Ļ":129454,"Ġchá»ijng":129455,"ÙħÙı":129456,"Ġà¸Ħืà¸Ń":129457,"ĠتÙĨ":129458,"tÃŃ":129459,"yÄĩ":129460,"Ġmạng":129461,"ÙģÙĪ":129462,"Ġdünya":129463,"קר×IJ":129464,"Ġק׾":129465,"ĠØŃاÙĦ":129466,"cÃŃa":129467,"Ġà¹Ģรา":129468,"Ġר×ķצ×Ķ":129469,"Ġáp":129470,"ë°ķ":129471,"اÙĤØ©":129472,"ниÑİ":129473,"Ġ×IJ׾×ķ":129474,"Ġ×ŀס×ķ":129475,"ãģ§ãģ¯ãģªãģı":129476,"Ġtrả":129477,"Ġקשר":129478,"miÅŁtir":129479,"Ġlưu":129480,"Ġhá»Ĺ":129481,"ĠбÑĭли":129482,"Ġlấy":129483,"عÙĦÙħ":129484,"Ġözel":129485,"æ°ĹãģĮ":129486,"Ġ×ĵר×ļ":129487,"Ùħد":129488,"sını":129489,"׳×ķש×IJ":129490,"rów":129491,"ÑĩеÑĢ":129492,"êµIJìľ¡":129493,"ĠÐľÐ¾":129494,"лег":129495,"ĠVỼi":129496,"วัà¸Ļà¸Ļีà¹ī":129497,"ÑİÑīие":129498,"ãģĬãģĻ":129499,"ãģĬãģĻãģĻ":129500,"ãģĬãģĻãģĻãĤģ":129501,"ëıħ":129502,"Ġ×Ļ×Ķ×Ļ×Ķ":129503,"×ŀ×ĺר":129504,"Ñıми":129505,"Ġlá»±a":129506,"ĠÄijấu":129507,"à¹Ģสียà¸ĩ":129508,"Ġtương":129509,"ëĵ±":129510,"ĠÑģÑĤаÑĢ":129511,"à¹ĥà¸ļ":129512,"วัà¸Ķ":129513,"Ġİstanbul":129514,"Ġà¸Īะ":129515,"à¸ķลาà¸Ķ":129516,"ĠبÙĬ":129517,"à¹ģà¸Ļะ":129518,"à¹ģà¸Ļะà¸Ļำ":129519,"ساعد":129520,"Ġبأ":129521,"Ġkiá»ĥm":129522,"ØŃسب":129523,"à¸Ĭัà¹īà¸Ļ":129524,"Ġ×ķ×¢×ķ×ĵ":129525,"овÑĭÑħ":129526,"оÑģнов":129527,"ĠtrÆ°á»Łng":129528,"צ×ij×¢":129529,"ĠÃŃt":129530,"Ġkỹ":129531,"cré":129532,"Ñıм":129533,"êµ°":129534,"ãģĮãģªãģĦ":129535,"ÙĬÙĦØ©":129536,"ãĥķãĤ£":129537,"رÙī":129538,"ĠÙĬجب":129539,"Ġ×IJ×£":129540,"Ġcá»±c":129541,"ãĤīãĤĮãģŁ":129542,"Ġà¸ľà¸¹à¹ī":129543,"Ġà¸Ń":129544,"larımız":129545,"Ġkadın":129546,"Ġê·¸ëŀĺ":129547,"Ġê·¸ëŀĺìĦľ":129548,"ĠëĺIJëĬĶ":129549,"ĠÄijả":129550,"ĠÄijảm":129551,"Ġ×IJ×ķ×ŀר":129552,"Ġyếu":129553,"ciÄħ":129554,"ciÄħg":129555,"Ġtá»ij":129556,"Ġש×IJ׳×Ļ":129557,"ĠdziaÅĤa":129558,"Ñīа":129559,"ĠÄijÃłn":129560,"sına":129561,"ãģĵãĤĮãģ¯":129562,"Ġ×ij׾×Ļ":129563,"Ġ×ij×Ļשר×IJ׾":129564,"лоÑģÑĮ":129565,"Ġgiữ":129566,"ê°IJ":129567,"ÑĢон":129568,"تجار":129569,"глав":129570,"вин":129571,"Ġhạn":129572,"Ġyapılan":129573,"بس":129574,"Ġà¸ŀรà¹īà¸Ńม":129575,"ê´Ģ리":129576,"mÄ±ÅŁtır":129577,"bü":129578,"rück":129579,"ĠBaÅŁkanı":129580,"ĠÙĦÙĬس":129581,"ĠsÆ¡":129582,"à¸Īัà¸ĩหว":129583,"à¸Īัà¸ĩหวัà¸Ķ":129584,"داء":129585,"Ġ×Ķ׼":129586,"vÃŃ":129587,"ש×IJר":129588,"ĠhÆ°á»Łng":129589,"Ġbóng":129590,"ĠChÃŃnh":129591,"Äħc":129592,"à¹Ģà¸ģีà¹Īยวà¸ģัà¸ļ":129593,"Ġtứ":129594,"Ġtức":129595,"ĠÑĨвеÑĤ":129596,"Ġtá»iji":129597,"ĠnghÄ©a":129598,"ÙĦاعب":129599,"دÙĦ":129600,"Ġפע×Ŀ":129601,"hör":129602,"à¸Ĭุà¸Ķ":129603,"à¸ŀู":129604,"à¸ŀูà¸Ķ":129605,"паÑģ":129606,"ĠÅŁu":129607,"ĠtÆ°á»Łng":129608,"خارج":129609,"Ġâm":129610,"ĠинÑĤеÑĢеÑģ":129611,"еннÑĭÑħ":129612,"×IJ׳×Ļ":129613,"بدأ":129614,"ëĿ¼ëĬĶ":129615,"ì¹´":129616,"æĸ¹ãģĮ":129617,"лив":129618,"Ġà¸Ħà¸Ļ":129619,"ער×ļ":129620,"à¸Ĥà¸Ńà¸ĩà¸Ħุà¸ĵ":129621,"пад":129622,"Ġcạnh":129623,"ĠëĤ¨":129624,"ĠÄijâu":129625,"Ġbiá»ĥu":129626,"ãĤĤãģĤãĤĭ":129627,"׾×Ĵ":129628,"Ġสำหรัà¸ļ":129629,"Ġxuá»ijng":129630,"ס×ķ":129631,"Ġذات":129632,"ĠÐľÐµ":129633,"عاÙĦÙħ":129634,"×IJס":129635,"بÙĬØ©":129636,"شا":129637,"ием":129638,"ĠNgưá»Ŀi":129639,"íĺij":129640,"Ñģлов":129641,"Ġпа":129642,"Ġmẫu":129643,"ĠпÑĢоÑĨеÑģÑģ":129644,"ĠNhÃł":129645,"пÑĢоиз":129646,"пÑĢоизвод":129647,"à¸łà¸²à¸¢à¹ĥà¸Ļ":129648,"Ġà¸ļาà¸Ĺ":129649,"×ŀ׳×ķ":129650,"ĠоÑĢган":129651,"רצ×ķ":129652,"×ķ×ŀ×Ļ×Ŀ":129653,"Ġyazı":129654,"Ġdù":129655,"ãĥ¬ãĥ³":129656,"ÙĪÙĦÙĬ":129657,"ยู":129658,"Ġtrò":129659,"à¹Ģà¸ŀลà¸ĩ":129660,"Ġ×ŀ׾×IJ":129661,"à¸ķล":129662,"à¸ķลà¸Ńà¸Ķ":129663,"ĠÄijạt":129664,"Ġ×Ĺ×ĵש":129665,"póÅĤ":129666,"Ġ×ŀ×ĵ×Ļ":129667,"ujÄħc":129668,"×ŀ׳×Ķ׾":129669,"Ġש×ij×ķ":129670,"Ġ×Ķ×ŀשפ×ĺ":129671,"Ġ×IJ׾×Ķ":129672,"ĠÙĪØ°ÙĦÙĥ":129673,"à¹Ģà¸ŀราะ":129674,"ĠÄijoÃłn":129675,"Ġíķ¨ê»ĺ":129676,"Ġdục":129677,"شت":129678,"Ġula":129679,"ĠulaÅŁ":129680,"Ġquý":129681,"Ġ×Ķ×Ĵ×ĵ×ķ׾":129682,"à¸ķัà¹īà¸ĩà¹ģà¸ķà¹Ī":129683,"Ġשר":129684,"Ø´Ùĩد":129685,"׳ש×Ļ×Ŀ":129686,"à¸ŀล":129687,"رÙĪØ§":129688,"ãĤĮãģ¦":129689,"ĠниÑħ":129690,"Ġдела":129691,"ãģ§ãģįãģªãģĦ":129692,"ÅĤoż":129693,"×IJ×Ĺר":129694,"ì½Ķ":129695,"ãĤ¢ãĥĥãĥĹ":129696,"دÙ쨹":129697,"Ġtiá»ĩn":129698,"Ġkhá»ı":129699,"Ġkhá»ıe":129700,"ĠاÙĦعاÙħØ©":129701,"ãģ«ãģĤãĤĭ":129702,"ĠÄijá»Ļc":129703,"족":129704,"Ġcụ":129705,"йÑĤе":129706,"Ġзакон":129707,"ĠпÑĢоекÑĤ":129708,"ìĸ¸":129709,"ÙĦØŃ":129710,"ĠçalÄ±ÅŁma":129711,"ãĤĴãģĻãĤĭ":129712,"Ñħи":129713,"عاد":129714,"Ġ׳×ŀצ×IJ":129715,"Ġר×Ļ":129716,"à¸Ńà¸Ńà¸ģมา":129717,"ĠTôi":129718,"Ġthần":129719,"ĠÙĬا":129720,"ลาย":129721,"ĠавÑĤо":129722,"Ġsıra":129723,"ĠÙĥØ«ÙĬر":129724,"ÙħÙĬز":129725,"ĠاÙĦعÙĦÙħ":129726,"æĸ¹ãģ¯":129727,"×ķ×¢×ĵ":129728,"ĠоблаÑģÑĤи":129729,"×Ļ׾×Ļ×Ŀ":129730,"ãģĮåĩº":129731,"à¸ĺุ":129732,"à¸ĺุร":129733,"à¸ĺุรà¸ģิà¸Ī":129734,"ÙĤتÙĦ":129735,"ר×IJ×ķ":129736,"Ġngu":129737,"Ġnguá»ĵn":129738,"Ġมา":129739,"Ġплан":129740,"tório":129741,"Ġcuá»iji":129742,"Ñģком":129743,"ĠاÙĦÙħاض":129744,"ĠاÙĦÙħاضÙĬ":129745,"Ġ×ij×¢×ľ":129746,"Ġר×ij×Ļ×Ŀ":129747,"ĠluáºŃn":129748,"ÙĥÙĪ":129749,"à¸Ĺัà¹īà¸ĩหมà¸Ķ":129750,"ван":129751,"Ġthoại":129752,"à¹Ħà¸Ń":129753,"биÑĢ":129754,"ĠاÙĦض":129755,"تا":129756,"ĠÑĢод":129757,"ĠVÃł":129758,"×ŀ×Ļף":129759,"ĠбÑĭла":129760,"ками":129761,"ĠÐĶе":129762,"tık":129763,"קר×Ļ":129764,"ĠeÄŁitim":129765,"ĠÙĥبÙĬر":129766,"بÙĥ":129767,"ĠÙĦÙĪ":129768,"вой":129769,"Ġãģĵãģ®":129770,"ĠÑĤÑĢÑĥд":129771,"myÅĽl":129772,"Ġsư":129773,"à¸ŀีà¹Ī":129774,"Ġà¹ģลà¹īว":129775,"×¢×§":129776,"Ġ×Ĺ×ijרת":129777,"ระหว":129778,"ระหวà¹Īาà¸ĩ":129779,"×Ļ×Ļ×Ķ":129780,"ĠاÙĦÙĨاس":129781,"ünü":129782,"Ġ׾×ŀ×Ķ":129783,"Ġchương":129784,"ĠHá»ĵ":129785,"ارت":129786,"ãĤĪãģĨãģ§ãģĻ":129787,"lá":129788,"×§×Ļ×Ļ×Ŀ":129789,"æľ¬å½ĵ":129790,"æľ¬å½ĵãģ«":129791,"ãģĵãĤĵãģª":129792,"Ñģов":129793,"Ġ×ķ×Ĺ":129794,"à¹Ģà¸ģà¹ĩà¸ļ":129795,"ĠкÑĤо":129796,"à¹Ĥรà¸Ħ":129797,"ĠشرÙĥØ©":129798,"عزÙĬ":129799,"عزÙĬز":129800,"Ø·ÙĦÙĤ":129801,"пÑĥÑģÑĤ":129802,"ÙģØªØŃ":129803,"ëŀĢ":129804,"Ġhãy":129805,"ضÙħ":129806,"린":129807,"åł´åIJĪãģ¯":129808,"ãĤªãĥ¼":129809,"Ġhắn":129810,"Ġ×IJ×ij×Ļ×ij":129811,"Ġש׾×Ķ×Ŀ":129812,"Ġ×Ķ×Ļ×Ļת×Ķ":129813,"ĠاÙĦدÙĪÙĦØ©":129814,"ĠاÙĦÙĪÙĤ":129815,"ĠاÙĦÙĪÙĤت":129816,"ãģĤãģ¾ãĤĬ":129817,"ĠtaÅŁÄ±":129818,"İN":129819,"עסק":129820,"ãģ¦ãģĦãģŁ":129821,"Ġtá»ķng":129822,"ĠاÙĦØ¥ÙĨس":129823,"ĠاÙĦØ¥ÙĨساÙĨ":129824,"ÑĢеÑĪ":129825,"Ġgái":129826,"ĠÑĨен":129827,"ĠÙģÙĤد":129828,"Ùħات":129829,"ãģķãĤĵãģ®":129830,"Ġphù":129831,"×ĺ×Ķ":129832,"ĠÙĪØ§ÙĦتÙĬ":129833,"ĠبÙĥ":129834,"ìĿ´ëĤĺ":129835,"кÑģ":129836,"ÙħÙĬر":129837,"Ġvùng":129838,"ĠاÙĦشعب":129839,"ĠNhưng":129840,"ãĥĢãĥ¼":129841,"Ġ×Ĺ×Ļ×Ļ×Ŀ":129842,"Ġشخص":129843,"×§×ķ×ĵ":129844,"ê²Ģ":129845,"עש":129846,"×¢×ķ׾×Ŀ":129847,"צ×ķר":129848,"عÙĤد":129849,"ĠiÅŁlem":129850,"Ġ×Ķ×ij×IJ":129851,"Ġdưỡng":129852,"à¸Łà¸£à¸µ":129853,"ĠphÃŃa":129854,"ãģ®ä¸Ńãģ§":129855,"Ġпи":129856,"ĠngÃłnh":129857,"нима":129858,"ĠÙĩÙĦ":129859,"Ġ×ķ×IJת":129860,"ĠÄijáng":129861,"équipe":129862,"ĠÑįÑĤоÑĤ":129863,"Ġgörev":129864,"매":129865,"Ġquân":129866,"å¼ķãģį":129867,"æĻĤãģ«":129868,"ĠبÙħا":129869,"×ŀ×Ļת":129870,"Ġülke":129871,"Ġ×ŀ×§×ķ×Ŀ":129872,"×ijף":129873,"æ°ĹæĮģãģ¡":129874,"Ġë§İìĿĢ":129875,"Ġyüksek":129876,"ÑĨенÑĤÑĢ":129877,"ĠÙħجÙĦس":129878,"ç§ģãģ®":129879,"ÙĤدر":129880,"Ġë¶Ģë¶Ħ":129881,"Ġì°¨":129882,"خرج":129883,"ãģĭãģªãĤĬ":129884,"ë³´ëĭ¤":129885,"Ġ×ŀ×Ļ×ĵ×¢":129886,"peÅĤni":129887,"Ġxá»Ń":129888,"ìĹIJìĦľëĬĶ":129889,"ĠباÙĦÙħ":129890,"ĠÙĪÙħا":129891,"ĠÑįÑĤой":129892,"بÙĬÙĨ":129893,"nü":129894,"ØŃز":129895,"ØŃزب":129896,"ĠÑĢабоÑĤа":129897,"ĠNháºŃt":129898,"ÙĦاء":129899,"Ġëĵ¤":129900,"Ġëĵ¤ìĸ´":129901,"ãĤĦãģĻãģĦ":129902,"×Ĺ×ĸ×§":129903,"Ġ×Ķ×Ĺ×ijר×Ķ":129904,"пиÑĤ":129905,"ãģĭãĤīãģ®":129906,"Ġë§IJìĶĢ":129907,"Ġפ×ķ":129908,"ÙĦÙİ":129909,"à¹Ģà¸ķà¹ĩม":129910,"ĠÐļо":129911,"Ġmówi":129912,"ĠtÃŃn":129913,"ר×Ĵש":129914,"פרק":129915,"Ġtrạng":129916,"ĠÐŀн":129917,"×Ĺ×ķ×¥":129918,"ĠعÙĨدÙħا":129919,"Ġبر":129920,"使ãģĦ":129921,"Ġrá»Ļng":129922,"ëĮĢë¡ľ":129923,"íά":129924,"Ġktórych":129925,"вид":129926,"ลูà¸ģà¸Ħà¹īา":129927,"ĠmogÄħ":129928,"Ġש×Ĺ":129929,"×ij×Ĺר":129930,"ãĥĸãĥŃãĤ°":129931,"ĠThÃłnh":129932,"Ġ×Ķר×Ļ":129933,"ĠÑģÑĤаÑĤÑĮ":129934,"ĠHá»Ļi":129935,"à¸ļà¹īาà¸ĩ":129936,"çī¹ãģ«":129937,"ĠÄIJức":129938,"èĢħãģ®":129939,"×¢×ŀ×ķ×ĵ":129940,"×ĺר×Ķ":129941,"Ð¥":129942,"ĠÙħÙħا":129943,"ĠeÅŁ":129944,"ĠнеобÑħодимо":129945,"ников":129946,"Ġüzerinde":129947,"aÅĤa":129948,"Ġchá»ĭu":129949,"ĠاÙĦدÙĬÙĨ":129950,"أخبار":129951,"ĠÄijau":129952,"ãģĮå¤ļãģĦ":129953,"jÄħcych":129954,"دخÙĦ":129955,"larınd":129956,"larından":129957,"Ġsẻ":129958,"à¸ŀิà¹Ģศ":129959,"à¸ŀิà¹Ģศษ":129960,"×ª×Ł":129961,"tıģı":129962,"ĠluáºŃt":129963,"ĠÅŀe":129964,"ãĤ«ãĥ¼":129965,"ãģ®ãģĤãĤĭ":129966,"Ġ×Ķ×IJתר":129967,"ĠاÙĦØ¢ÙĨ":129968,"ıldı":129969,"Ġáo":129970,"ĠнаÑĩал":129971,"Ġviá»ĩn":129972,"Ġ×ij×¢×ķ׾×Ŀ":129973,"знаÑĩ":129974,"×Ļ×ĺ×Ķ":129975,"кам":129976,"ĠÐĺз":129977,"à¹Ģà¸Ĥียà¸Ļ":129978,"à¸Ļà¹īà¸Ńà¸ĩ":129979,"ÑĤÑĢо":129980,"à¹Ģà¸Ł":129981,"Ġжизни":129982,"Ġสà¹Īวà¸Ļ":129983,"ĠváºŃn":129984,"Ġê´Ģ볨":129985,"Ġlâu":129986,"ס×ĺר":129987,"קש":129988,"سÙĬر":129989,"Ġ×IJ×ķת×Ļ":129990,"Ġmôi":129991,"ائب":129992,"ĠоÑģÑĤа":129993,"Ġmón":129994,"Ġ×ij×ŀ×§×ķ×Ŀ":129995,"ĠداخÙĦ":129996,"Ġ×IJ×ķר":129997,"ĠваÑģ":129998,"ÙĥØ´Ùģ":129999,"ìĺ¨":130000,"à¸ĸà¹Īาย":130001,"Ġkullanıl":130002,"Ġtô":130003,"ãģ«ãĤĪãĤĬ":130004,"ĠëĺIJíķľ":130005,"Ġ×¢×ij×ķ×ĵ×Ķ":130006,"Ġriê":130007,"Ġriêng":130008,"Ġyakın":130009,"زا":130010,"Å»":130011,"×IJ×ķ׼׾":130012,"شارÙĥ":130013,"ĠбеÑģ":130014,"×´":130015,"ĠابÙĨ":130016,"ĠTá»ķng":130017,"ÙĨظ":130018,"ÅĽwiad":130019,"ãĤµãĥ¼":130020,"หาย":130021,"ĠGün":130022,"Ġhakkında":130023,"à¹Ģà¸Ĥà¹īามา":130024,"زÙĨ":130025,"ĠÐłÐ¾":130026,"Ġbiá»ĥn":130027,"ãģ©ãģĵ":130028,"Ù쨹ÙĦ":130029,"زع":130030,"פר×ĺ":130031,"Ġ×Ķף":130032,"Ø£ÙĩÙĦ":130033,"Ġthất":130034,"ØŃÙħÙĦ":130035,"ÑĩÑĥ":130036,"ĠìĤ¬ìĭ¤":130037,"ì°¸":130038,"ĠìľĦíķ´":130039,"ÙĪØ¸":130040,"ĠÐŁÐ¾Ð´":130041,"Ġkhoản":130042,"ÑĤен":130043,"ĠÙ쨧ÙĦ":130044,"Ñģад":130045,"à¸Ļà¸Ńà¸Ļ":130046,"ĠاÙĦسعÙĪØ¯ÙĬØ©":130047,"\"ØĮ":130048,"ĠاÙĦÙĴ":130049,"ãĤīãģļ":130050,"Ġtoán":130051,"Ġchắc":130052,"׼×Ļר":130053,"méd":130054,"média":130055,"زÙĪ":130056,"Ġyanı":130057,"פ׳×Ļ×Ŀ":130058,"ØŃظ":130059,"ĠбеÑģп":130060,"ĠбеÑģплаÑĤ":130061,"ĠбеÑģплаÑĤно":130062,"ĠØ£ÙħاÙħ":130063,"à¸Ńาย":130064,"à¸Ńายุ":130065,"רשת":130066,"Ġgá»ĵ":130067,"Ġgá»ĵm":130068,"Ġuá»ijng":130069,"صب":130070,"kır":130071,"ãĥijãĥ¼":130072,"Ġ׾×ĵעת":130073,"ĠкÑĥпиÑĤÑĮ":130074,"׾×ķ×Ĺ":130075,"ÙĪØ¶Ø¹":130076,"ÙĤÙĬÙħ":130077,"à¸Ľà¸²":130078,"жив":130079,"à¸Ķิà¸Ļ":130080,"×IJ×ķפ":130081,"à¹Ģลà¹ĩà¸ģ":130082,"ãĥĥãĥī":130083,"иÑĩеÑģкиÑħ":130084,"ĠChá»§":130085,"кÑĢаÑģ":130086,"ÙĪØµÙĦ":130087,"pÅĤat":130088,"моÑĢ":130089,"Ġ×Ķ×IJ×ķ":130090,"à¸Ńิà¸Ļ":130091,"ĠíķľêµŃ":130092,"гÑĢе":130093,"Ġìłľê³µ":130094,"ì°½":130095,"Ġê°ľìĿ¸ìłķë³´":130096,"Ġnghá»ĭ":130097,"à¸ĭา":130098,"ØŃساب":130099,"ĠbyÅĤa":130100,"ÙħÙĦÙĥ":130101,"иÑĩеÑģкие":130102,"Ġbác":130103,"ضØŃ":130104,"길":130105,"ש×ŀ×¢":130106,"Ġìĸ´ëĸ»":130107,"Ġìĸ´ëĸ»ê²Į":130108,"ìĽĮ":130109,"اتÙĩ":130110,"à¹Ĥรà¸ĩà¹ģ":130111,"à¹Ĥรà¸ĩà¹ģรม":130112,"خدÙħØ©":130113,"ĠÐłÐ°":130114,"׼×ķ׾×Ŀ":130115,"×ŀש×Ĺ×§":130116,"ĠÙĪÙĥاÙĨ":130117,"ס×ķ×£":130118,"ĠاÙĦØŃÙĥÙĪÙħØ©":130119,"Ġ×ij×ĺ":130120,"ĠtráºŃn":130121,"Ġ×Ķ×¢×ķ׾×Ŀ":130122,"ĠÃŃch":130123,"tÄħ":130124,"ש×ŀ×ķ":130125,"Ġ×Ķר×IJש×ķף":130126,"Ġíķĺê³ł":130127,"ãģķãĤī":130128,"ãģķãĤīãģ«":130129,"ãģ«ãģĹãģ¦":130130,"Ġà¸ľà¸¡":130131,"ãģ®ãĤĪãģĨãģª":130132,"ĠÙĪÙĤت":130133,"ãĥįãĥĥãĥĪ":130134,"ÙĦعب":130135,"ÙĪØ´":130136,"ìĺ¬":130137,"Ġหาà¸ģ":130138,"ĠmiaÅĤ":130139,"à¸Ĺà¸Ńà¸ĩ":130140,"иÑĤа":130141,"اصر":130142,"илÑģÑı":130143,"зе":130144,"à¸Ľà¸£à¸°à¸¡à¸²à¸ĵ":130145,"ãģĿãĤĮãģ¯":130146,"Ġbır":130147,"Ġbırak":130148,"صÙĨاع":130149,"Ю":130150,"شعر":130151,"Ġ׳×Ĵ×ĵ":130152,"Ġبسبب":130153,"ãĥĿãĤ¤":130154,"ãĥĿãĤ¤ãĥ³ãĥĪ":130155,"ĠاÙĦجÙĪ":130156,"ĠнеÑģколÑĮко":130157,"Ġkiếm":130158,"ÙģÙİ":130159,"Ġضد":130160,"×ij×Ļ×ĺ×ķ×Ĺ":130161,"تابع":130162,"ÙĨز":130163,"ĠBản":130164,"Ġaçıkl":130165,"Ġaçıklama":130166,"Ġà¸Ħุà¸ĵ":130167,"à¸Ĺา":130168,"ÅĤów":130169,"طب":130170,"ÙĨØŃÙĨ":130171,"Ġ×ŀ×§×ķר":130172,"Ġİs":130173,"Ġдома":130174,"Ġวัà¸Ļ":130175,"ĠdÃłnh":130176,"Ñıн":130177,"миÑĢ":130178,"Ġmô":130179,"ĠvÃłng":130180,"صاب":130181,"sının":130182,"à¸Ħืà¸Ļ":130183,"خبر":130184,"×ĸ׼×ķ":130185,"Ġ×ŀש×Ķ×ķ":130186,"mü":130187,"Ġкомпании":130188,"Ġ×Ķ×¢×Ļר":130189,"ĠÙĥÙĪ":130190,"ÙĤÙĦب":130191,"ĠlỼp":130192,"ики":130193,"׳×ij":130194,"à¹Ĥà¸Ħร":130195,"à¹Ĥà¸Ħรà¸ĩ":130196,"à¹Ĥà¸Ħรà¸ĩà¸ģาร":130197,"×ŀ×ķ×¢×ĵ":130198,"ÑıÑĤÑģÑı":130199,"หลัà¸ĩà¸Īาà¸ģ":130200,"ениÑİ":130201,"Ġשע":130202,"ĠbÆ°á»Ľc":130203,"ãĥ¡ãĥ¼ãĥ«":130204,"ãĤĦãĤĬ":130205,"Ġ×Ļ×ķ×ĵ×¢":130206,"Ġê´Ģíķľ":130207,"ĠاÙĦØ£Ùħر":130208,"Ġbölge":130209,"ĠÑģвой":130210,"ÙĦس":130211,"Ġ×ŀ×Ļ×ķ×Ĺ×ĵ":130212,"ĠëĤ´ìļ©":130213,"ĠأجÙĦ":130214,"ĠÄIJông":130215,"Ġ×ŀ×ł×ª":130216,"Ġìĭľê°Ħ":130217,"ÙĥÙİ":130218,"ãģ¨ãģĦãģĨãģ®ãģ¯":130219,"Ġnależy":130220,"تÙĨظÙĬÙħ":130221,"ĠÑģозда":130222,"Ġphé":130223,"Ġphép":130224,"ãģ§ãģįãģ¾ãģĻ":130225,"ĠعÙĦÙħ":130226,"大ãģįãģª":130227,"ãĤ²ãĥ¼ãĥł":130228,"íħĮ":130229,"Ġ׼×ķ׾׾":130230,"ĠинÑĤеÑĢнеÑĤ":130231,"ĠTừ":130232,"ãģ¨ãģªãĤĭ":130233,"زاÙĦ":130234,"Ġktórym":130235,"Ġnhé":130236,"ìĪľ":130237,"нев":130238,"деÑĢ":130239,"ãĤ¢ãĥĹãĥª":130240,"iá»ĩu":130241,"×ij×Ļ׾":130242,"Ġتس":130243,"ĠÄIJây":130244,"ĠاÙĦخاصة":130245,"Ġà¹Ģà¸Ĭ":130246,"Ġà¹Ģà¸Ĭà¹Īà¸Ļ":130247,"صاد":130248,"Ġdạng":130249,"سعر":130250,"Ġש×Ļ×ŀ×ķש":130251,"×Ĵ×Ļ×Ŀ":130252,"ãģĮãģĤãģ£ãģŁ":130253,"пÑĢов":130254,"пÑĢовод":130255,"Ġ×IJ×Ļ׳×ķ":130256,"Ġ׾ר×IJ":130257,"Ġ׾ר×IJ×ķת":130258,"ĠØ£Ù쨶ÙĦ":130259,"ĠØŃÙĦ":130260,"ĠأبÙĪ":130261,"ê°ķ":130262,"Ġì§ij":130263,"ãģ®ãĤĪãģĨãģ«":130264,"Ġפ׳×Ļ":130265,"ס×Ļ×Ŀ":130266,"ĠÙĪÙĩذا":130267,"Ġkaç":130268,"Ġéén":130269,"Ġê±´":130270,"ë°Ķ":130271,"Ñĥз":130272,"à¸Ĥà¸Ńà¸ĩà¹Ģรา":130273,"iÅĤ":130274,"ĠÐľÑĭ":130275,"Ġchết":130276,"ĠاÙĦثاÙĨÙĬ":130277,"×IJ×§":130278,"Ġ×ķ×¢×ľ":130279,"ĠاÙĦطب":130280,"×ij×ĺ×Ĺ":130281,"ĠجدÙĬدة":130282,"ĠعدÙħ":130283,"عز":130284,"สิà¹Īà¸ĩà¸Ĺีà¹Ī":130285,"ãģĻãĤĮãģ°":130286,"ĠÄijô":130287,"ì£ł":130288,"دÙĤ":130289,"номÑĥ":130290,"Ġká»ĥ":130291,"ãĤ¢ãĥ³":130292,"å¤ļãģıãģ®":130293,"à¸Ľà¸£à¸°à¸ģ":130294,"à¸Ľà¸£à¸°à¸ģà¸Ńà¸ļ":130295,"פע×Ļ׾×ķת":130296,"ĠÑģÑĤол":130297,"mayı":130298,"ãģ¤ãģĦ":130299,"Ġyılında":130300,"Ġà¸Īึà¸ĩ":130301,"koÅĦcz":130302,"ĠThông":130303,"ĠакÑĤив":130304,"нÑģÑĤ":130305,"нÑģÑĤÑĢÑĥ":130306,"ĠÃĸz":130307,"Ġת×ŀ×Ļ×ĵ":130308,"ĠÙĥÙĨت":130309,"ÑģиÑģÑĤем":130310,"prés":130311,"présent":130312,"Ġnâ":130313,"Ġnâng":130314,"gÅĤos":130315,"ĠÙĪØ²ÙĬر":130316,"ØŃصÙĦ":130317,"ĠимееÑĤ":130318,"ØŃرÙĥØ©":130319,"à¸ŀà¹Īà¸Ń":130320,"ãĤĴãģĬ":130321,"ĠاستخداÙħ":130322,"×IJ×Ļר×ķ×¢":130323,"ä»ĸãģ®":130324,"Ġש×Ķ×Ŀ":130325,"ãģĹãģŁãĤī":130326,"ש×ŀ×Ļ":130327,"Ñģла":130328,"mı":130329,"Ġbazı":130330,"Ġíķĺì§Ģë§Į":130331,"×ĵ׾":130332,"Ġyaptıģı":130333,"ãĥĬãĥ¼":130334,"׾×Ļ׾×Ķ":130335,"ãģ¨ãģĦãģ£ãģŁ":130336,"ändig":130337,"ĠÅŁa":130338,"ĠÙģÙĬÙħا":130339,"иÑĤелÑı":130340,"×ŀ×ķש":130341,"à¸Ĥà¸Ńà¸ļ":130342,"lük":130343,"Ġhá»ĵi":130344,"Ġëªħ":130345,"ĠاÙĦÙĥØ«ÙĬر":130346,"צ×IJ":130347,"Ġhazır":130348,"طرÙģ":130349,"اÙĬا":130350,"ĠÄijôi":130351,"енд":130352,"ÙĦغ":130353,"×Ĺ×ĸ×ķר":130354,"ĠвÑģег":130355,"ĠвÑģегда":130356,"ëIJĺê³ł":130357,"×ĵ×ķ×ĵ":130358,"ана":130359,"دÙĪÙĦØ©":130360,"Ġhoạch":130361,"عÙĦا":130362,"عÙĦاج":130363,"Ġ×ķ×¢×ĵ":130364,"×Ķ×Ŀ":130365,"кий":130366,"ÙĦÙIJ":130367,"Ġ×¢×ľ×Ļ×ķ":130368,"ÑİÑīий":130369,"Ġngá»§":130370,"صÙĨع":130371,"ĠاÙĦعراÙĤ":130372,"à¸ķà¹Īà¸Ńà¹Ħà¸Ľ":130373,"ãģŁãģıãģķãĤĵ":130374,"Ġphạm":130375,"ÙĦاÙĨ":130376,"اتÙĩا":130377,"Ġböyle":130378,"تÙĨÙģÙĬ":130379,"تÙĨÙģÙĬذ":130380,"Ġש×Ķ×Ļ×IJ":130381,"ÑģÑĥ":130382,"ยาว":130383,"Ġש×ķ׳×Ļ×Ŀ":130384,"Ġ×ŀ×ķ׾":130385,"ĠÑģил":130386,"Ġ×IJ×Ĺר×Ļ×Ŀ":130387,"Ġphá»§":130388,"ÙĤطع":130389,"ĠThá»§":130390,"à¸Ľà¸£à¸°à¹Ģà¸Ĺศà¹Ħà¸Ĺย":130391,"ÙĨÙĤ":130392,"ĠÄijoạn":130393,"Ġبإ":130394,"пÑĢедел":130395,"×ķת×ķ":130396,"Ġyarı":130397,"пÑĢе":130398,"ĠczÄĻÅĽci":130399,"ØŃÙĥÙħ":130400,"×ķ׳×Ļת":130401,"×¤×¢×ľ":130402,"ãĤĴãģĹãģ¦":130403,"Ġktórzy":130404,"׾×Ŀ":130405,"ĠÄIJiá»ģu":130406,"ĠкоÑĤоÑĢаÑı":130407,"ĠìĿ´ìĥģ":130408,"ãģĤãģ£ãģŁ":130409,"Ġ×ŀ×ĵ×ķ×ijר":130410,"פ×ķ×¢×ľ":130411,"dım":130412,"éĢļãĤĬ":130413,"ĠбÑĥдÑĥÑĤ":130414,"à¹Ģวà¹ĩà¸ļà¹Ħà¸ĭ":130415,"à¹Ģวà¹ĩà¸ļà¹Ħà¸ĭà¸ķà¹Į":130416,"اخر":130417,"×Ĺ×Ļ׾":130418,"Ġ×Ļ׾":130419,"Ġ×Ļ׾×ĵ×Ļ×Ŀ":130420,"×Ĺ×Ļפ":130421,"×Ĺ×Ļפ×ķש":130422,"Ġdòng":130423,"Ġש×ĸ×Ķ":130424,"ÑĮе":130425,"ãģĤãģ¨":130426,"ìŀIJê°Ģ":130427,"×IJ×ĵ":130428,"Ġüz":130429,"Ġüzere":130430,"ظÙĦ":130431,"Ġ×IJ×ķ׾×Ļ":130432,"Ġ×ij×Ļ×ķ×Ŀ":130433,"ÙĦات":130434,"Ġmê":130435,"침":130436,"تØŃد":130437,"تØŃدث":130438,"Ġخاصة":130439,"ĠبرÙĨ":130440,"ĠبرÙĨاÙħج":130441,"ĠHÃłn":130442,"×Ĺס":130443,"ĠÙĪÙĦÙħ":130444,"×¢×Ŀ":130445,"Ġmı":130446,"à¸Łà¸±à¸ĩ":130447,"שע×Ķ":130448,"ÙĪÙģÙĤ":130449,"ס×ij×Ļר":130450,"алÑĮнÑĭй":130451,"×Ĺש×ķ×ij":130452,"ĠnÃłng":130453,"ë³¼":130454,"ĠкоÑĤоÑĢÑĭÑħ":130455,"Ġ×Ĺ×ķ×§":130456,"tör":130457,"ĠлÑĥÑĩÑĪе":130458,"ãĥijãĥ³":130459,"ลà¹Īาสุà¸Ķ":130460,"ĠجدÙĬد":130461,"ÙĬدة":130462,"à¸Ĺรà¸ĩ":130463,"ãĤĪãĤĬãĤĤ":130464,"ÙĦÙĦ":130465,"ãĤĤãģ£ãģ¨":130466,"ש×ĺ×Ĺ":130467,"Ġ×ķ×IJ×Ļ":130468,"Ġgiá»ijng":130469,"إضاÙģ":130470,"קת":130471,"ë§Ŀ":130472,"ĠzostaÅĤ":130473,"ÑĢоз":130474,"×Ļפ×Ļ×Ŀ":130475,"Ġ׼׾׾":130476,"ת×ķ׼ף":130477,"dıģını":130478,"ÙĤسÙħ":130479,"ĠÑģÑĩиÑĤ":130480,"ĠÑģÑĩиÑĤа":130481,"×ĺ×ķת":130482,"Ġưu":130483,"ĠØ¢ÙĦ":130484,"Ġмом":130485,"ĠмоменÑĤ":130486,"ĠاÙĦتعÙĦÙĬÙħ":130487,"×¢×ľ×ķת":130488,"Ġchữa":130489,"Ġyön":130490,"ĠtrÃł":130491,"ĠØŃÙĬÙĨ":130492,"à¸ĭั":130493,"ĠCá":130494,"×¢×ĸ":130495,"ĠاÙĦØ£ÙħÙĨ":130496,"cÃŃ":130497,"Ġvá»ijn":130498,"Ġà¸Ļาย":130499,"обÑĢа":130500,"×§×IJ":130501,"Ġthiếu":130502,"ãĥŀãĥ¼":130503,"สวà¸Ļ":130504,"Ġgá»Ń":130505,"Ġgá»Ńi":130506,"Ġê¹":130507,"Ġê¹Ģ":130508,"Ġthiá»ĩn":130509,"ÙĤع":130510,"wÄĻ":130511,"Ġнам":130512,"ÑĤол":130513,"Ġsân":130514,"ס×ķ×Ĵ":130515,"Ġgeçir":130516,"ÑĤон":130517,"ева":130518,"ĠÙĪØ¶Ø¹":130519,"Ġعشر":130520,"Ñģло":130521,"à¸Īัà¸ļ":130522,"ãĤ·ãĥ¼":130523,"ãĤĤãģĤãĤĬãģ¾ãģĻ":130524,"Ġvẻ":130525,"ĠÄIJá»ĥ":130526,"رÙ쨹":130527,"ĠاÙĦØ£ÙĪÙĦÙī":130528,"ÑĤаÑĢ":130529,"ãģªãģıãģ¦":130530,"ÙħÙİ":130531,"quÃŃ":130532,"×¢×ł×Ļ×Ļ׳":130533,"ген":130534,"Ġhôm":130535,"à¸Īา":130536,"ĠnhỼ":130537,"ĠاÙĦعربÙĬ":130538,"×IJף":130539,"Ġlá»Ļ":130540,"ĠjeÅĽli":130541,"à¹Ģà¸Ĺà¹Īาà¸Ļัà¹īà¸Ļ":130542,"ĠØ£ÙĨÙĩا":130543,"Ġtuy":130544,"Ġtuyá»ĩt":130545,"Ġتص":130546,"ĠتصÙĨÙĬ":130547,"ĠتصÙĨÙĬÙģ":130548,"Ġê·¸ëŁ¬ëĤĺ":130549,"оÑĨен":130550,"à¸ģิà¸Īà¸ģรรม":130551,"ãĤĦãģ£ãģ¦":130552,"Ġkhá»ıi":130553,"Ġlá»ĩ":130554,"ĠاÙĦÙħجتÙħع":130555,"à¸Ńาà¸Īà¸Īะ":130556,"à¸Īะà¹Ģà¸Ľà¹ĩà¸Ļ":130557,"овÑĭй":130558,"ר×Ŀ":130559,"รà¹īà¸Ńà¸Ļ":130560,"ש×ŀש":130561,"人ãģ«":130562,"Ġüzerine":130563,"פר×Ļ":130564,"duÄŁu":130565,"Ñĩик":130566,"Ġmùa":130567,"Ġ×ŀת×ķ×ļ":130568,"ĠcáºŃp":130569,"ĠتارÙĬØ®":130570,"×ij×ľ×ª×Ļ":130571,"Ġì¢Ģ":130572,"ÙĦع":130573,"باÙĨ":130574,"Ġchút":130575,"Ġ×Ķ×ĸ×ŀף":130576,"née":130577,"ĠLiên":130578,"ĠÙĦÙĦØ£":130579,"ØŃدÙĪØ¯":130580,"Ġ×¢×Ľ×©×Ļ×ķ":130581,"воз":130582,"Ġyaptı":130583,"Ġобо":130584,"à¹ĥหà¹īà¸ģัà¸ļ":130585,"Ġ×ij×Ķ×Ŀ":130586,"ãģıãģ¦":130587,"رأس":130588,"ĠÑģÑĢедÑģÑĤв":130589,"ĠBÃłi":130590,"ãģĵãģ¨ãģ«":130591,"ĠìĤ¬íļĮ":130592,"Ġ모ëijIJ":130593,"×ij×IJ":130594,"Ġtrắng":130595,"ĠاÙĦبÙĦد":130596,"ĠHoÃłng":130597,"либо":130598,"ĠдÑĢÑĥгиÑħ":130599,"İR":130600,"Ñĥма":130601,"ĠJeÅĽli":130602,"ãĤĤãģĹ":130603,"Ġvòng":130604,"Ġ×IJתר×Ļ×Ŀ":130605,"ĠÄijá»įc":130606,"ĠвоÑĤ":130607,"ãģłãģĮ":130608,"ë°°":130609,"à¸Ķูà¹ģล":130610,"Ġ×ŀ׼׾":130611,"ìĹIJëıĦ":130612,"газ":130613,"Ġ׳×ķספ×Ļ×Ŀ":130614,"ãģĵãģ¨ãģ§":130615,"ĠتÙĪ":130616,"ãģ§ãģĤãĤĬ":130617,"à¸Ļัà¹Īà¸ĩ":130618,"ĠможеÑĤе":130619,"szÄĻ":130620,"ãģ®ãģł":130621,"ĠÙħÙĨÙĩ":130622,"Ġbá»ķ":130623,"Ġbüt":130624,"Ġbütün":130625,"ë³´ê³ł":130626,"Ġchá»ĵng":130627,"à¹ģà¸Īà¹īà¸ĩ":130628,"ĠVì":130629,"ĠØŃر":130630,"Ġgiản":130631,"ĠÙħدÙĬÙĨØ©":130632,"تطبÙĬÙĤ":130633,"à¸Īิ":130634,"æĹ¥ãģ®":130635,"бил":130636,"à¸ģà¸Ńà¸ĩ":130637,"ê³³":130638,"ĠØ£Ùħا":130639,"ìĨIJ":130640,"Ġtrái":130641,"ĠвÑģем":130642,"ĠسÙĨØ©":130643,"ĠÑģайÑĤ":130644,"ĠгоÑĤов":130645,"пÑĭ":130646,"ĠëIJł":130647,"ĠاÙĦخط":130648,"ĠاÙĦرئÙĬسÙĬØ©":130649,"Ġíķ©ëĭĪëĭ¤":130650,"ĠìķĦëĭĪëĿ¼":130651,"ĠìĿ´ëłĩ":130652,"ĠìĿ´ëłĩê²Į":130653,")ØĮ":130654,"hält":130655,"ĠØ£Ùħر":130656,"ĠعÙħر":130657,"à¸ģà¹ĩà¸Īะ":130658,"Ġà¸Ĺำà¹ĥหà¹ī":130659,"Ġcân":130660,"Ġ×ij׾":130661,"Ġ×ij׾×ij×ĵ":130662,"פסק":130663,"ĠÙĬÙĤÙĪÙĦ":130664,"нÑĥÑĤÑĮ":130665,"à¹ģà¸Ħ":130666,"Ġקצת":130667,"Ġnằm":130668,"Ġhòa":130669,"bilitÃł":130670,"ĠìĹĨëĭ¤":130671,"Ġ׼פ×Ļ":130672,"ÑĢож":130673,"лага":130674,"Ġ×Ķש×Ļ":130675,"ĠNgoÃłi":130676,"ĠÙĪØ¬":130677,"ĠÙĪØ¬ÙĪØ¯":130678,"ĠìľĦíķľ":130679,"ĠusÅĤug":130680,"Ġtuần":130681,"dź":130682,"×ŀ×ķף":130683,"ĠاÙĦعدÙĬد":130684,"Ġchẳng":130685,"สุà¸Ĥà¸łà¸²à¸ŀ":130686,"Ġ×ij×ĵר×ļ":130687,"ĠÑģебе":130688,"ĠìŀĪìĿĦ":130689,"ĠاÙĦØŃاÙĦ":130690,"Ġdá":130691,"Ġcưá»Ŀi":130692,"Ġnghiên":130693,"ieÅĦ":130694,"ĠDương":130695,"ï¼ħ":130696,"شد":130697,"ãģĦãģ¤ãĤĤ":130698,"ĠвÑĭбоÑĢ":130699,"Ġcá»Ļng":130700,"ש×Ļ׳×ķ×Ļ":130701,"Ġchạy":130702,"Ġ×ij×¢×ľ×Ļ":130703,"اخبار":130704,"íķĺë©°":130705,"żÄħ":130706,"جاز":130707,"Ġ׳ר×IJ×Ķ":130708,"ศู":130709,"ศูà¸Ļ":130710,"ศูà¸Ļยà¹Į":130711,"×Ĵ×¢":130712,"Ġ×¢×ĵ×Ļ":130713,"Ġ×¢×ĵ×Ļ×Ļף":130714,"برا":130715,"ÑĨий":130716,"ĠÄIJá»ĵng":130717,"ÙĤاÙĨÙĪÙĨ":130718,"ĠÄijứng":130719,"ãģĹãģŁãĤĬ":130720,"Ġ×Ĺ×Ļ×Ļ":130721,"ĠëIJľ":130722,"ĠëIJľëĭ¤":130723,"ĠмеждÑĥ":130724,"à¸ŀวà¸ģà¹Ģà¸Ĥา":130725,"ĠBắc":130726,"ลำ":130727,"ë°±":130728,"ĠíĻķ":130729,"มาà¸ģม":130730,"มาà¸ģมาย":130731,"банк":130732,"à¸Ńาà¸ģาร":130733,"ĠhÃł":130734,"Ġ׾׳":130735,"à¸Ńà¸Ń":130736,"Ġë°Ķë¡ľ":130737,"лом":130738,"mática":130739,"ĠØŃد":130740,"ابت":130741,"à¸Ĺีà¹Īà¸Ļีà¹Ī":130742,"ĠcoÅĽ":130743,"ÙģÙĬدÙĬ":130744,"ÙģÙĬدÙĬÙĪ":130745,"ĠмеÑģÑĤо":130746,"Ġphút":130747,"มาà¸ģà¸ģวà¹Īา":130748,"×IJפ":130749,"بÙIJ":130750,"ĠPhú":130751,"ì±Ħ":130752,"ĠÙĪØ³ÙĦÙħ":130753,"à¸Īีà¸Ļ":130754,"поÑĤÑĢеб":130755,"Ġ×Ĺ×ĵש×ķת":130756,"Ø´ÙĪ":130757,"Ġעצ×ŀ×ķ":130758,"ĠعÙħÙĦÙĬØ©":130759,"à¸Ħุà¸ĵà¸łà¸²à¸ŀ":130760,"ãģ¾ãģĻãģĮ":130761,"دعÙĪ":130762,"طرÙĤ":130763,"à¹Ħมà¹Īà¸ķà¹īà¸Ńà¸ĩ":130764,"ë²Ķ":130765,"ìĬ¹":130766,"ĠkÃŃch":130767,"ĠìĹĨëĬĶ":130768,"ĠÑĤам":130769,"ĠÙĨØŃÙĪ":130770,"ĠاÙĦÙĤاÙĨÙĪÙĨ":130771,"×Ĺ×ķ×Ŀ":130772,"Ġkız":130773,"Ġ×ĵ×Ļף":130774,"ĠвÑĢемени":130775,"ãģ£ãģŁãĤĬ":130776,"ĠØ´Ùĩر":130777,"ĠìĦľë¹ĦìĬ¤":130778,"עש×Ķ":130779,"Ġgiác":130780,"ĠاÙĦسÙĦاÙħ":130781,"Ġ×IJש":130782,"ĠполÑĥÑĩа":130783,"à¸Īัà¸Ķà¸ģาร":130784,"коÑĢ":130785,"Ġ×Ķ×ĺ×ķ×ij":130786,"รายà¸ģาร":130787,"주ìĿĺ":130788,"à¹ģà¸ķà¹Īละ":130789,"Ġê·¸ëŁ°ëį°":130790,"à¸Ĺีà¹Īà¹Ģà¸Ľà¹ĩà¸Ļ":130791,"Ġת×ķ×ļ":130792,"بÙĬاÙĨ":130793,"ÐĻ":130794,"oÅĽciÄħ":130795,"ÑĤок":130796,"ĠÃĶ":130797,"ĠÃĶng":130798,"à¹Ħมà¹Īà¹ĥà¸Ĭà¹Ī":130799,"ãģ¿ãģ¦":130800,"ÐŁÐ¾":130801,"ĠЧÑĤо":130802,"íĻ©":130803,"×ĺ×ij×¢":130804,"меÑĤÑĢ":130805,"Ġ×ij×ŀ×Ķ":130806,"Ġ×ij×ŀ×Ķ׾":130807,"Ġ×ij×ŀ×Ķ׾×ļ":130808,"ÑĩÑĮ":130809,"קש×Ķ":130810,"знак":130811,"знаком":130812,"ujÄĻ":130813,"×Ļצר":130814,"ĠاÙĦÙħÙĦÙĥ":130815,"ıyla":130816,"×IJ×ŀת":130817,"à¸Ľà¸´à¸Ķ":130818,"×IJ×Ĺ×ĵ":130819,"راد":130820,"ĠmáºŃt":130821,"ëĭ¤ëĬĶ":130822,"Ġlạnh":130823,"ש׾×ķש":130824,"ØŃدÙĬØ«":130825,"تز":130826,"å¹´ãģ®":130827,"ĠкваÑĢ":130828,"ĠкваÑĢÑĤиÑĢ":130829,"ä½ľãĤĬ":130830,"رÙĪØ¨":130831,"ован":130832,"ĠТе":130833,"à¸Īำà¸ģ":130834,"à¸Īำà¸ģัà¸Ķ":130835,"باط":130836,"×Ĵת":130837,"ĠмаÑĪ":130838,"ĠмаÑĪин":130839,"×Ļצ×Ķ":130840,"ãģ»ãģ¨":130841,"ãģ»ãģ¨ãĤĵãģ©":130842,"ÃŃdo":130843,"ĠÑıзÑĭк":130844,"à¸ļิà¸Ļ":130845,"สà¸ĸาà¸Ļà¸Ĺีà¹Ī":130846,"ĠìĹ´":130847,"ãĤ¦ãĤ§":130848,"ĠcÃł":130849,"пан":130850,"åı£ãĤ³ãĥŁ":130851,"Ġرد":130852,"اÙĤت":130853,"ĠÙĥب":130854,"ĠÙĥبÙĬرة":130855,"ÑģÑĤал":130856,"ש×ŀ×Ĺ":130857,"posición":130858,"ĠÙħÙĦÙĬÙĪÙĨ":130859,"ĠìĿ´ìķ¼":130860,"ĠìĿ´ìķ¼ê¸°":130861,"Ġhút":130862,"ĠÅĽwiat":130863,"Ġë°©ë²ķ":130864,"ĠÑģвеÑĤ":130865,"Ġвидео":130866,"ĠاÙĦÙĨظاÙħ":130867,"Ġtrá»Ŀi":130868,"ĠëĮĢíķ´ìĦľ":130869,"ר×ŀת":130870,"تداÙĪÙĦ":130871,"×ķר×ĵ":130872,"ת×ŀ":130873,"ת×ŀ×ķ׳×ķת":130874,"Ġ×ŀף":130875,"Ġдва":130876,"Ġ×Ķ×§×ķ":130877,"æĹ¥ãģ«":130878,"Ġ×Ķ×Ĵ×Ļ×¢":130879,"à¹Ģà¸ŀิà¹Īมà¹Ģà¸ķิม":130880,"Ùħارس":130881,"Ġê²ĥìŀħëĭĪëĭ¤":130882,"ãģªãģĦãģ¨":130883,"Ġnhiá»ĩt":130884,"ëIJ©ëĭĪëĭ¤":130885,"Ġ×ij׳×ķש×IJ":130886,"Ġê°Ģìŀ¥":130887,"Ġvợ":130888,"ĠÄijóng":130889,"צ×Ļ׾×ķ×Ŀ":130890,"ê´Ģê³Ħ":130891,"ваÑı":130892,"×IJ×Ļ×ĸ":130893,"×IJ×Ļ×ĸ×Ķ":130894,"ĠÙĨظاÙħ":130895,"ÙħØŃاÙ쨏":130896,"Ġtải":130897,"기ëıĦ":130898,"à¸Ľà¸±à¸Īà¸Īุ":130899,"à¸Ľà¸±à¸Īà¸Īุà¸ļัà¸Ļ":130900,"׼×ĵ×ķר":130901,"ĠìķĦìĿ´":130902,"׼׳×Ļס":130903,"à¹Ģà¸ķร":130904,"à¹Ģà¸ķรียม":130905,"Ġngoại":130906,"ĠدÙĪÙĦار":130907,"Ġrẻ":130908,"ĠkhÄĥn":130909,"عدد":130910,"شعب":130911,"czyÄĩ":130912,"ĠاÙĦÙĥر":130913,"ĠÑĩеловека":130914,"ĠÙĪØ¥ÙĨ":130915,"×IJ×ĺ":130916,"ĠthÆ¡":130917,"ĠاÙĦرÙĬاض":130918,"опÑĢедел":130919,"опÑĢеделен":130920,"×Ķ×ŀש×ļ":130921,"ĠÐĿово":130922,"зÑĭва":130923,"ĠاÙĦدÙĪÙĦÙĬ":130924,"ĠÄijáp":130925,"ĠкÑĢед":130926,"ĠкÑĢедиÑĤ":130927,"ового":130928,"Ġmôn":130929,"à¸Ľà¸£à¸°à¹Ĥย":130930,"à¸Ľà¸£à¸°à¹Ĥยà¸Ĭà¸Ļ":130931,"à¸Ľà¸£à¸°à¹Ĥยà¸Ĭà¸Ļà¹Į":130932,"ÑģÑĤе":130933,"ĠThá»ĭ":130934,"دÙĬØ©":130935,"×ŀצ×ķ":130936,"ÙģØ§Øª":130937,"×§×ĵ×Ŀ":130938,"ìĿ´ëĿ¼ê³ł":130939,"ÙĪØ®":130940,"Ġ×Ĺ×ĸ":130941,"ĠÑĦоÑĤо":130942,"׾×Ļת":130943,"تÙİ":130944,"ÙĪØ¨Ø±":130945,"йÑĤи":130946,"ĠÃ¶ÄŁren":130947,"Ġ×Ķ×ĸ×ķ":130948,"Ġvá»įng":130949,"ÙĤÙĪØ©":130950,"ĠTây":130951,"ĠÐĿи":130952,"Ġש×ķ×ij":130953,"ãģ¨è¨ĢãĤıãĤĮ":130954,"ãģ©ãĤĵãģª":130955,"×Ĺצ×Ļ":130956,"ï½ľ":130957,"Ġ×ķ×Ķ×ķ×IJ":130958,"ä¸Ģãģ¤":130959,"ĠÑģÑĤоиÑĤ":130960,"niÄħ":130961,"×ĺר×Ļ":130962,"ĠдеÑĤей":130963,"нÑıÑĤÑĮ":130964,"ĠÑģделаÑĤÑĮ":130965,"Ġë§İìĿ´":130966,"ä½ķãģĭ":130967,"ãģĽãĤĭ":130968,"à¹Ħหม":130969,"à¸ķิà¸Ķà¸ķà¹Īà¸Ń":130970,"Ġ×ijת×Ĺ":130971,"Ġ×ijת×Ĺ×ķ×Ŀ":130972,"ìĻĦ":130973,"ì§ĢëĬĶ":130974,"ÑģÑĤаÑĤ":130975,"ÑıÑģн":130976,"üb":130977,"Ġthả":130978,"Ġ×ij×IJ×ŀת":130979,"Ġtuyến":130980,"×ĵ×Ļר×Ķ":130981,"Ġ×IJ×Ļש×Ļ":130982,"×ĸ׼ר":130983,"ãģ°ãģĭãĤĬ":130984,"Ġxét":130985,"׼×Ļ×ķ":130986,"׼×Ļ×ķ×ķף":130987,"diÄŁini":130988,"ĠاÙĦÙħÙĪØ¶ÙĪØ¹":130989,"ĠháºŃu":130990,"à¸Īาà¸ģà¸ģาร":130991,"×ijס×Ļס":130992,"Ġ×ŀ×Ĵ×Ļ×¢":130993,"×ij×Ļ×¢":130994,"ĠÙĪØ¬Ùĩ":130995,"à¹ģà¸Ķà¸ĩ":130996,"à¸Ļาà¸ĩ":130997,"ĠÅŀa":130998,"ì¡´":130999,"ë¡Ģ":131000,"à¸ķะ":131001,"Ġ×Ķ×Ĺ×Ļ×Ļ×Ŀ":131002,"ÙģÙĬد":131003,"ãģ§ãģĻãģĭãĤī":131004,"ê·ľ":131005,"źni":131006,"ĠлÑİдей":131007,"Ġyüzde":131008,"ıyorum":131009,"ĠاÙĦبØŃر":131010,"eño":131011,"паÑĢ":131012,"ÙĬÙĤØ©":131013,"обÑĢ":131014,"ר×ķ×ļ":131015,"تÙĪÙĤع":131016,"ĠاÙĦØ´ÙĬØ®":131017,"åĪĿãĤģãģ¦":131018,"ĠÑĤелеÑĦ":131019,"ĠÑĤелеÑĦон":131020,"Ġthôi":131021,"Ġ×Ļ׼×ķ׾×Ļ×Ŀ":131022,"ĠÅŁirk":131023,"ĠÅŁirket":131024,"Ġìļ°ë¦¬ê°Ģ":131025,"ĠÄijông":131026,"Ġת×ķ×ĵ×Ķ":131027,"ÑģмоÑĤÑĢеÑĤÑĮ":131028,"ĠÙĦÙĩÙħ":131029,"Ġ׾׼":131030,"ĠNó":131031,"ĠØŃاÙĦØ©":131032,"ãģĦãģij":131033,"קר×ķ":131034,"azı":131035,"ãĤ³ãĥ¼":131036,"ĠÙĦÙĦت":131037,"sınız":131038,"ĠHải":131039,"기ìĪł":131040,"ยัà¸ĩà¹Ħมà¹Ī":131041,"ëĭ¤ê³ł":131042,"פ×Ĺ":131043,"Ġ׾×Ĵ×ij×Ļ":131044,"ĠعÙĨÙĩ":131045,"Ġказ":131046,"Ġказино":131047,"بÙĪØ±":131048,"ÑĦеÑĢ":131049,"Ġê°ĻìĿ´":131050,"تسجÙĬÙĦ":131051,"ĠاÙĦÙħرÙĥز":131052,"ĠThái":131053,"даÑĤÑĮ":131054,"×ŀ×Ļ×Ļ׾":131055,"ĠpaylaÅŁ":131056,"ãģ¤ãģ®":131057,"à¹Ģรืà¸Ń":131058,"nça":131059,"׳×ķ×Ĺ":131060,"Ġ×IJפ×Ļ׾×ķ":131061,"ãģ¨èĢĥãģĪ":131062,"ãģ¨ãģĹãģ¦ãģ¯":131063,"à¹Ģà¸Īà¸Ń":131064,"×ŀפ":131065,"ĠgiriÅŁ":131066,"лиÑĤ":131067,"ÑĤелÑı":131068,"Ñijн":131069,"æ°Ĺãģ«":131070,"Ġgó":131071,"Ġgóp":131072,"åĪĩãĤĬ":131073,"Ġ×Ķ×Ĺ×ĵש":131074,"жал":131075,"Ġ×ĵעת":131076,"éģķãģĨ":131077,"à¹Ģà¸Ĥà¹īาà¹Ħà¸Ľ":131078,"Ġסר×ĺ":131079,"eña":131080,"æĸ°ãģĹãģĦ":131081,"رÙİ":131082,"ĠÐIJÑĢ":131083,"Ġphản":131084,"à¸Īะà¹Ħà¸Ķà¹ī":131085,"Ġ×ijצ×ķר×Ķ":131086,"شاÙĩ":131087,"شاÙĩد":131088,"ÙĪØ±Ø¯":131089,"à¹Ģà¸Ļืà¹Īà¸Ńà¸ĩà¸Īาà¸ģ":131090,"илиÑģÑĮ":131091,"à¹ģละà¸ģาร":131092,"Ġ×Ķ×ĸ׼":131093,"Ġ×Ķ×ĸ׼×ķ×Ļ×ķת":131094,"eiÃŁ":131095,"ãĥ¨":131096,"ìĥĪ":131097,"ĠÃĩa":131098,"Ư":131099,"ש×Ĵ":131100,"ÙĬÙĨØ©":131101,"รà¹īà¸Ńà¸ĩ":131102,"ãĤµãĥ³":131103,"ÑĢоÑģÑģий":131104,"ÑĢоÑģÑģийÑģк":131105,"aÄŁa":131106,"ĠнаÑĩина":131107,"ĠصÙĦÙī":131108,"à¸Ĺุà¸ģà¸Ħà¸Ļ":131109,"íļĮìĤ¬":131110,"ĠлиÑĨ":131111,"Ø´ÙĬر":131112,"ĠØ´ÙĬØ¡":131113,"ÙĬÙĨا":131114,"Ġפ×Ĺ×ķת":131115,"Ġiçeris":131116,"Ġiçerisinde":131117,"ĠØ£ØŃÙħد":131118,"Ġżeby":131119,"ì´Ŀ":131120,"Ġпоказ":131121,"Ġименно":131122,"หà¸Ļัà¸ĩส":131123,"หà¸Ļัà¸ĩสืà¸Ń":131124,"ĠÑĤÑĢе":131125,"สัà¸ĩà¸Ħม":131126,"Ø¥ÙIJ":131127,"ãģĮå¿ħè¦ģ":131128,"ÙĬÙijØ©":131129,"פצ":131130,"íĭ°":131131,"ĠÙħجاÙĦ":131132,"׳פש":131133,"кан":131134,"×Ĺ×ķפ":131135,"×Ĺ×ķפש":131136,"ì²ĺëŁ¼":131137,"оваÑı":131138,"зов":131139,"Ġhạ":131140,"ĠdziÄĻki":131141,"×Ļר×ķ":131142,"Ġ׾×ŀצ":131143,"Ġ׾×ŀצ×ķ×IJ":131144,"×Ļ×ĵ×ķ":131145,"Ġsợ":131146,"Ġ׾×Ķ×Ĵ×Ļ×¢":131147,"×§×ij×¢":131148,"Ġchiá»ģu":131149,"ãĥŀãĤ¤":131150,"ĠdÃłng":131151,"à¹ģà¸Łà¸Ļ":131152,"Ġüye":131153,"×Ļ׳×Ĵ":131154,"à¹Ģรียà¸ģ":131155,"ç§ģãģĮ":131156,"thé":131157,"ĠÑĦилÑĮ":131158,"ĠÑĦилÑĮм":131159,"ĠNgÃły":131160,"Ġжен":131161,"ĠженÑīин":131162,"جÙĬد":131163,"nç":131164,"à¸Ľà¸£à¸²":131165,"×Ļ×ŀ×ķ":131166,"Ġná»ģn":131167,"×IJ×ķ׾×Ŀ":131168,"ĠвозможноÑģÑĤÑĮ":131169,"Ġëĭ¤ìĭľ":131170,"è¦ĭãģŁ":131171,"à¸ĸà¸Ļ":131172,"à¸ĸà¸Ļà¸Ļ":131173,"mızı":131174,"ĠÙħجÙħÙĪØ¹Ø©":131175,"cjÄħ":131176,"ĠÐłÐ¤":131177,"à¸ģำหà¸Ļ":131178,"à¸ģำหà¸Ļà¸Ķ":131179,"ĠìĹ¬ê¸°":131180,"landı":131181,"ниÑĨ":131182,"ÑģÑĤве":131183,"Ġ×ĵ×ijר×Ļ×Ŀ":131184,"ĠskÅĤad":131185,"ãĤĬãģ¾ãģĹãģŁ":131186,"ĠоÑĤкÑĢÑĭÑĤ":131187,"нÑıÑĤ":131188,"ĠÑģвоей":131189,"à¸Īิà¸ķ":131190,"ĠкаÑĩеÑģÑĤве":131191,"ĠettiÄŁi":131192,"ìĤ¬íķŃ":131193,"ĠاÙĦÙĬÙħÙĨ":131194,"иÑĩеÑģкий":131195,"ë¸Į":131196,"Ġ×ij×IJרץ":131197,"ĠاسÙħ":131198,"ĠизвеÑģÑĤ":131199,"rão":131200,"ĠattivitÃł":131201,"à¹Ģà¸Ľà¹ĩà¸Ļà¸ģาร":131202,"ĠاÙĦدÙĥت":131203,"ĠاÙĦدÙĥتÙĪØ±":131204,"ĠÙĪØ§ØŃدة":131205,"ĠÑģÑĩеÑĤ":131206,"ĠпÑĢиÑĩ":131207,"ĠпÑĢиÑĩин":131208,"ĠÙĪØ²Ø§Ø±Ø©":131209,"Ġhuyá»ĩn":131210,"ĠÙĥتاب":131211,"à¹ģà¸Ļà¹Īà¸Ļ":131212,"à¹ģà¸Ļà¹Īà¸Ļà¸Ńà¸Ļ":131213,"Ġgünü":131214,"гÑĢÑĥз":131215,"ĠاÙĦخاص":131216,"Ġgörül":131217,"׾×ŀ×ĵ":131218,"ĠìłķëıĦ":131219,"×ķ×ij×Ļ׾":131220,"Ġ×ŀקצ×ķ×¢×Ļ":131221,"ĠоÑģобенно":131222,"à¸Ľà¸£à¸°à¸ģา":131223,"à¸Ľà¸£à¸°à¸ģาศ":131224,"acaģını":131225,"ë¶ģ":131226,"à¸łà¸¹à¸¡à¸´":131227,"ĠÑįлекÑĤ":131228,"ĠÑįлекÑĤÑĢо":131229,"Ġקש×Ķ":131230,"سÙĦØ·":131231,"à¸Ĭà¸Ļะ":131232,"×¢×Ļ׾":131233,"ĠЧе":131234,"à¹ģà¸Ļà¹Ī":131235,"lıģ":131236,"lıģın":131237,"Ġ×ŀ×¢×¨×Ľ×ª":131238,"好ãģįãģª":131239,"มาà¸ģà¸Ĥึà¹īà¸Ļ":131240,"×ŀ×¢×ijר":131241,"ĠاÙĦÙħغرب":131242,"ĠпеÑĢи":131243,"ĠпеÑĢиод":131244,"Ġnhạc":131245,"اÙĪÙĬ":131246,"ĠÙĪØ¹ÙĦÙī":131247,"أخذ":131248,"ĠCô":131249,"תר×ij×ķת":131250,"×Ĵ×Ķ":131251,"Ġktórej":131252,"×IJ×Ļת":131253,"×ij×ķ×IJ":131254,"делÑĮ":131255,"รีวิ":131256,"รีวิว":131257,"жÑĥ":131258,"Ġ×ij×Ĺ×ķ":131259,"еÑĪÑĮ":131260,"ĠØ£ÙĦÙģ":131261,"ĠاÙĦÙĪØ·ÙĨÙĬ":131262,"ĠاÙĦÙħÙĨØ·ÙĤØ©":131263,"nÄħÄĩ":131264,"Ġthiên":131265,"иÑĩеÑģкой":131266,"ĠاÙĦÙħÙĦ":131267,"ĠعÙħ":131268,"ספר":131269,"Ġnhóm":131270,"ÙĪØµÙģ":131271,"ĠChúng":131272,"ĠرÙĤÙħ":131273,"ãģ¾ãģĹãģŁãģĮ":131274,"alité":131275,"ลม":131276,"ĠëĤ´ê°Ģ":131277,"׾ק×ķ×Ĺ":131278,"ĠSÆ¡n":131279,"posição":131280,"miÄĻ":131281,"Ġtránh":131282,"ĠÄIJá»Ļ":131283,"׼×Ĺ":131284,"ãģĤãģ£ãģ¦":131285,"à¸Ńยà¹Īา":131286,"Ġ×ŀ×Ĺ×Ļר":131287,"Ġ×Ķ×Ļת×Ķ":131288,"à¸Ľà¹Īา":131289,"à¸Ńืà¹Īà¸Ļà¹Ĩ":131290,"Ø´ÙĤ":131291,"×ł×¡×Ļ":131292,"림":131293,"ãģ¦ãģĹãģ¾ãģĨ":131294,"Ġ×ŀצ×ij":131295,"ãģ«åĩº":131296,"ÙħÙĪØ§Ø·ÙĨ":131297,"ยัà¸ĩมี":131298,"алÑĮнÑĭе":131299,"sanız":131300,"إسرائÙĬÙĦ":131301,"ĠvÃłi":131302,"ì¤Ħ":131303,"ã썿ĢĿãģ£ãģ¦":131304,"×Ļ×ķ׳×Ļ":131305,"çĶŁãģį":131306,"Ġsâu":131307,"ÑĩиÑģÑĤ":131308,"Ġlá»ħ":131309,"ĠGiá":131310,"à¸Ńà¸¸à¸Ľ":131311,"à¸Ńà¸¸à¸Ľà¸ģร":131312,"à¸Ńà¸¸à¸Ľà¸ģรà¸ĵà¹Į":131313,"Ġnhẹ":131314,"rö":131315,"ס×ĺ×Ļ":131316,"ãģķãĤĵãģĮ":131317,"Ġdầu":131318,"عÙİ":131319,"ترا":131320,"×Ĵ×ĵ׾":131321,"Ġtécnica":131322,"׼׳×Ļ×Ŀ":131323,"תקש":131324,"תקש×ķרת":131325,"Ġнего":131326,"était":131327,"Ġmá»ģm":131328,"ÑģеÑĤ":131329,"ĠnháºŃt":131330,"Ġ×ŀ×¢×ľ":131331,"Ġ×Ķ×¢×ij×ķ×ĵ":131332,"Ġ×Ķ×¢×ij×ķ×ĵ×Ķ":131333,"Ġ×Ĵ×Ļ׾":131334,"ãģ¯ãģªãģĦ":131335,"ائØŃ":131336,"ĠздеÑģÑĮ":131337,"×IJ×Ļ׳×ĺר":131338,"ÙħÙIJ":131339,"Ġ×Ļ×Ĺ×ĵ":131340,"راÙģ":131341,"ì²ĺ리":131342,"×ĵ×¢×ķת":131343,"ì¹ľ":131344,"ĠТо":131345,"ĠThế":131346,"ì¶©":131347,"Ġ׳׼×ķף":131348,"عÙĬØ´":131349,"низ":131350,"ĠجاÙĨب":131351,"×ŀקצ×ķ×¢":131352,"à¹Ĥà¸ĭ":131353,"ÑģÑĥÑĤ":131354,"ìĸ´ìļĶ":131355,"ãĤĴè¦ĭãģ¦":131356,"ارد":131357,"Ġaçıl":131358,"ĠاÙĦØŃÙĬاة":131359,"à¸ģà¹ĩà¹Ħà¸Ķà¹ī":131360,"ãģĿãĤĮãĤĴ":131361,"عضÙĪ":131362,"ĠгÑĢаж":131363,"ĠгÑĢаждан":131364,"à¸Īะà¸ķà¹īà¸Ńà¸ĩ":131365,"ĠìĿ´ë٬":131366,"ĠìĿ´ë٬íķľ":131367,"Ġtrách":131368,"ÙĨÙİ":131369,"Ġkısa":131370,"ÃĶ":131371,"ÑĪка":131372,"ãģ®äºº":131373,"ĠÐŁÐ¾Ñģ":131374,"ĠÐŁÐ¾Ñģле":131375,"ÑĥлÑĮ":131376,"ÙĪØ§Ø¬Ùĩ":131377,"ÙĤرب":131378,"à¸Ľà¸ıิà¸ļัà¸ķิ":131379,"ê°Ļ":131380,"Ġ×ŀ׳":131381,"ĠÑģвои":131382,"براÙħج":131383,"ĠرÙĪ":131384,"пÑĢод":131385,"пÑĢодаж":131386,"ĠbyÅĤy":131387,"วัย":131388,"Ġgörün":131389,"ĠÃĪ":131390,"ÑİÑīим":131391,"ĠÑĤакой":131392,"ÙģÙĪØ±":131393,"ĠÙ쨹ÙĦ":131394,"Ġбел":131395,"ëIJł":131396,"erÃŃa":131397,"ĠÑģвоÑİ":131398,"Ġlã":131399,"Ġlãnh":131400,"à¹Ģà¸ŀืà¹Īà¸Ńà¹ĥหà¹ī":131401,"ÙĤÙĨ":131402,"تطÙĪÙĬر":131403,"Ġsayı":131404,"ĠÑģейÑĩаÑģ":131405,"Ġ×IJ×Ĺרת":131406,"×§×ķפ×Ķ":131407,"×§×ķרס":131408,"ĠسÙħ":131409,"Ġ×ĺ×Ļפ×ķ׾":131410,"ìĿ´ëĿ¼ëĬĶ":131411,"دراسة":131412,"èµ·ãģĵ":131413,"×Ĺ×Ļ׳":131414,"×Ĺ×Ļ׳×ķ×ļ":131415,"×ĵ×§":131416,"Ġë§ŀ":131417,"Ġкоманд":131418,"ĠÐijо":131419,"ĠигÑĢÑĭ":131420,"à¸ļี":131421,"ĠØ£Ùİ":131422,"вен":131423,"ĠاÙĦجدÙĬد":131424,"ĠÙĦØ¥":131425,"Ġ×ķ×IJ׳×Ļ":131426,"Ġ×Ķס×Ļ":131427,"иÑĩеÑģкого":131428,"رÙĪØŃ":131429,"à¸ģารศึà¸ģษา":131430,"ĠTrưá»Ŀng":131431,"игÑĢа":131432,"ılması":131433,"ĠмаÑģÑģ":131434,"ãģ¨ãģįãģ«":131435,"à¸Ĺีà¹Īà¸ľà¹Īาà¸Ļ":131436,"à¸Ĺีà¹Īà¸ľà¹Īาà¸Ļมา":131437,"ĠاÙĦسابÙĤ":131438,"Ġ×ŀ×¢×ĺ":131439,"ваÑĤÑĮ":131440,"mÃ¼ÅŁ":131441,"Ġ׾׼×ļ":131442,"Ġtá»ĭch":131443,"ÙģÙĩÙħ":131444,"تدرÙĬب":131445,"Ø´Ùĥ":131446,"Ġ×ij×ŀ×Ļ":131447,"Ġ×ij×ŀ×Ļ×ķ×Ĺ×ĵ":131448,"ÙĤطاع":131449,"ãģªãģĹ":131450,"×ķצ×Ļ×IJ":131451,"ĠÙĪØ³ÙĬ":131452,"зÑĥ":131453,"Ġyat":131454,"Ġyatırım":131455,"ë§İ":131456,"Ġthắng":131457,"ãģĬ客":131458,"ãģĬ客æ§ĺ":131459,"ĠThiên":131460,"ãģ«å¯¾ãģĹãģ¦":131461,"ÑĢиÑģ":131462,"ÙĨتائ":131463,"ÙĨتائج":131464,"Ġ×ŀשר":131465,"Ġ×ŀשר×ĵ":131466,"ĠتعاÙĦ":131467,"ĠتعاÙĦÙī":131468,"ש׳×Ļ":131469,"ÙĩاÙħ":131470,"×IJ׳ש×Ļ×Ŀ":131471,"Ġżycia":131472,"ĠÑĢÑĥблей":131473,"ÙĬض":131474,"Ġkatıl":131475,"ĠÙħÙĪØ¶ÙĪØ¹":131476,"Ġvardır":131477,"ĠÙħÙĨØ·ÙĤØ©":131478,"ĠTrần":131479,"ĠвеÑģ":131480,"üp":131481,"ÙħÙĪÙĨ":131482,"ÑĪли":131483,"Ġnóng":131484,"Ø®ÙĦÙģ":131485,"ĠСÑĤа":131486,"ĠдоÑĢ":131487,"ĠдоÑĢог":131488,"ĠwÅĤaÅĽnie":131489,"eÄŁin":131490,"Ġhiá»ĥm":131491,"ĠСам":131492,"ê»ĺìĦľ":131493,"ĠÑĦа":131494,"ãģ»ãģĨ":131495,"ãģ»ãģĨãģĮ":131496,"×ķפ×Ļ×¢":131497,"ê°Ī":131498,"دÙĪÙĦ":131499,"Ġthuê":131500,"Ġchá»Ĺ":131501,"Ġëĭ¹ìĭł":131502,"ãģijãĤĮ":131503,"ãģijãĤĮãģ©":131504,"ë³´íĺ¸":131505,"ãģķãĤĮãģ¦ãģĦãģ¾ãģĻ":131506,"Ġнадо":131507,"ĠìĤ¬ëŀĮëĵ¤":131508,"à¹Ģà¸Ĥà¸ķ":131509,"สมัย":131510,"zÅĤ":131511,"تÙĪØ±":131512,"Ġשת×Ļ":131513,"vê":131514,"Ġ×ijת×ķ×ļ":131515,"à¸Ĭัย":131516,"ãģĦãģ£ãģŁ":131517,"ìĿij":131518,"Ġtầ":131519,"Ġtầng":131520,"ש׼ר":131521,"Ġê¸Ģ":131522,"Ġ×Ķש׳×Ķ":131523,"ĠاÙĨÙĩ":131524,"ç«ĭãģ¡":131525,"rés":131526,"führen":131527,"رØŃÙħ":131528,"ê·¹":131529,"ĠâĢ«":131530,"Ġsuất":131531,"à¸Łà¸´":131532,"ÙĬÙĩا":131533,"ĠاÙĦاتØŃاد":131534,"Ġtuyá»ĥn":131535,"ãģ¾ãĤĭ":131536,"Ġmại":131537,"Ġngân":131538,"ãĤ°ãĥ©":131539,"欲ãģĹãģĦ":131540,"سار":131541,"ãĤĤãģ®ãģ§ãģĻ":131542,"кие":131543,"Ġseçim":131544,"åħ¥ãĤĬ":131545,"ãģªãģ©ãĤĴ":131546,"ÑĤÑĢи":131547,"ĠÑģпеÑĨ":131548,"Ġأد":131549,"Ġодно":131550,"ÑĪел":131551,"ãĥĩãĥ¼ãĤ¿":131552,"ãĤ·ãĤ¹ãĥĨ":131553,"ãĤ·ãĤ¹ãĥĨãĥł":131554,"è¡Įãģį":131555,"ã썿ĢĿãģ£ãģŁ":131556,"à¹Ģà¸ģิà¸Ķà¸Ĥึà¹īà¸Ļ":131557,"ĠÑĤож":131558,"ĠÑĤоже":131559,"Ġsạch":131560,"ĠÑģÑĢок":131561,"ĠклиенÑĤ":131562,"ĠÙħشرÙĪØ¹":131563,"Ġaltında":131564,"Ġì·¨":131565,"ä¸Ńãģ®":131566,"ãģķãģĽãĤĭ":131567,"ãģĻãģ¹":131568,"ãģĻãģ¹ãģ¦":131569,"ê°ľë°ľ":131570,"ĠÄijêm":131571,"ãģªãģĦãģ®ãģ§":131572,"ì²ł":131573,"×¢×ij×ĵ":131574,"Ġdấu":131575,"à¸Ħà¸Ļà¸Ĺีà¹Ī":131576,"ĠCách":131577,"تعÙĦÙĬÙħ":131578,"Ġhại":131579,"ãĤ»ãĥķãĥ¬":131580,"ĠÙĨÙ쨳Ùĩ":131581,"ĠíĨµíķ´":131582,"ÑĪло":131583,"ĠнапÑĢав":131584,"ĠнапÑĢавлен":131585,"ÑĢÑĥÑĩ":131586,"íĶĮ":131587,"Ġ×ijר×Ļ×IJ":131588,"ãģ®ãģ¿":131589,"ãģ«ãģĬãģĦãģ¦":131590,"×ij׳ק":131591,"ãĤ¨ãĥ³":131592,"Ø«ÙĦاث":131593,"Ġmỹ":131594,"ĠÑģайÑĤе":131595,"ĠемÑĥ":131596,"تغÙĬ":131597,"تغÙĬÙĬر":131598,"خصÙĪØµ":131599,"ÑĤели":131600,"Ġ×ķ׾׼ף":131601,"פע×Ŀ":131602,"ĠпоÑįÑĤомÑĥ":131603,"راÙĨ":131604,"иÑĤелей":131605,"пиÑģан":131606,"×¢×¥":131607,"ĠìĤ¬ìĹħ":131608,"Ùħز":131609,"جÙħÙĬع":131610,"ë©´ìĦľ":131611,"à¸ľà¸¥à¸´à¸ķà¸łà¸±":131612,"à¸ľà¸¥à¸´à¸ķà¸łà¸±à¸ĵ":131613,"à¸ľà¸¥à¸´à¸ķà¸łà¸±à¸ĵà¸ij":131614,"à¸ľà¸¥à¸´à¸ķà¸łà¸±à¸ĵà¸ijà¹Į":131615,"ĠпÑĢимеÑĢ":131616,"ãĤŃãĥ¼":131617,"lâ":131618,"ĠchÄĥm":131619,"缮ãģ®":131620,"ãģĦãģĭ":131621,"ãģ¨è¨ĢãģĨ":131622,"×ĸ×ķ×Ĵ":131623,"Ġ×ij×ĵ×Ļ":131624,"Ġ×ij×ĵ×Ļ×ķ×§":131625,"ãģĬåºĹ":131626,"à¸ķà¸Ńà¸Ļà¸Ļีà¹ī":131627,"Ġphá»iji":131628,"пÑĤ":131629,"สà¸Ļาม":131630,"Ø·ÙĪ":131631,"صاØŃ":131632,"صاØŃب":131633,"ĠDü":131634,"ĠDünya":131635,"Ġпока":131636,"пал":131637,"ĠÄijảo":131638,"ĠاÙĦÙģÙĪØ±":131639,"ĠاÙĦÙģÙĪØ±Ùĥس":131640,"Ġmáu":131641,"кÑĢеп":131642,"ĠاÙĦساعة":131643,"ĠгоÑĢода":131644,"Ù쨵ÙĦ":131645,"айÑĤе":131646,"Ġдог":131647,"ĠдоговоÑĢ":131648,"Ġإذ":131649,"Ġ×ij׼׾׾":131650,"ÙĬتÙĩ":131651,"×Ĵ×ijר":131652,"Ġbirç":131653,"Ġbirçok":131654,"문íĻĶ":131655,"ãģĿãģĨãģª":131656,"راØŃ":131657,"ĠÙħرة":131658,"ĠденÑĮги":131659,"fä":131660,"à¸Ĥà¹īาว":131661,"ĠÑģовÑĢем":131662,"ĠÑģовÑĢеменн":131663,"׾×Ĺ×¥":131664,"èī¯ãģı":131665,"ĠÙ쨣":131666,"Ġ×ķ×ĸ×Ķ":131667,"Ġзани":131668,"Ġзанима":131669,"Ġê°Ģì§Ģê³ł":131670,"ĠhÆ¡i":131671,"ãģªãģ®ãģĭ":131672,"ãĥĨãĥ¬ãĥĵ":131673,"Ġר×ij×ķת":131674,"à¸ķี":131675,"Ġ×ij×©×ł×ª":131676,"ĠTại":131677,"ĠthuáºŃn":131678,"Ñģел":131679,"Ñijм":131680,"dziÄĩ":131681,"ĠÑģка":131682,"ĠÑģкаÑĩ":131683,"ĠÑģкаÑĩаÑĤÑĮ":131684,"×ķ×ŀ×ķ":131685,"гла":131686,"ĠминÑĥÑĤ":131687,"åĩºãģĻ":131688,"Ġ×Ĺ×Ļ×Ļ×ij":131689,"Ġת×Ĵ×ķ×ij×Ķ":131690,"à¸£à¸¹à¸Ľà¹ģà¸ļà¸ļ":131691,"ниÑĨа":131692,"Ġİn":131693,"Ġأع":131694,"ĠضÙħÙĨ":131695,"ÙħثاÙĦ":131696,"ĠyaÅŁan":131697,"ĠìĹ°êµ¬":131698,"ĠLê":131699,"ש׾×Ĺ":131700,"ãģıãģªãĤĭ":131701,"ìĹĨìĿ´":131702,"ĠÑĤÑĢи":131703,"ĠÑĩаÑģÑĤо":131704,"ĠобÑĢаÑĤ":131705,"пло":131706,"دخ":131707,"دخÙĪÙĦ":131708,"سÙĩ":131709,"à¸Ńาà¸ģ":131710,"à¸Ńาà¸ģาศ":131711,"Ġ׼×ĸ×Ķ":131712,"Ġ×Ķעסק":131713,"ĠاÙĦØ£ÙĨ":131714,"å¹´ãģ«":131715,"עש×ķ":131716,"Ġשע×ķת":131717,"ĠmÃłn":131718,"×IJר×Ļ":131719,"sıyla":131720,"Ù쨱ÙĤ":131721,"ниÑħ":131722,"Ġتست":131723,"è¦ĭãģ¦":131724,"ØŃاÙĪÙĦ":131725,"×IJ×Ļ׼×ķת":131726,"ĠbaÅŁladı":131727,"stÄħ":131728,"stÄħpi":131729,"à¸Ĺีà¹Īà¹Ģรา":131730,"ÙĤرر":131731,"جاب":131732,"Ġ×ijר×ķר":131733,"à¹Ģà¸Ĥà¹īาà¹ĥà¸Ī":131734,"×ŀ×Ĺקר":131735,"alım":131736,"Ġס×Ļפ×ķר":131737,"ãģ§ãģĤãĤĮãģ°":131738,"Ġש×ŀ×ķר×ķת":131739,"Ġ×ķ×ŀ×Ķ":131740,"ãģĵãģĿ":131741,"idée":131742,"ä¸ĭãģķãģĦ":131743,"تÙĨاÙĪÙĦ":131744,"Ġลà¹īาà¸Ļ":131745,"Ġìļ°ë¦¬ëĬĶ":131746,"اÙĨا":131747,"ÑģÑĤой":131748,"боÑĤ":131749,"ĠyaÅŁam":131750,"köy":131751,"Ø¥ÙĦ":131752,"ÑĢÑĭв":131753,"기ìĹħ":131754,"Ġ×Ķ×ŀ×ĵ":131755,"Ġ×Ķ×ŀ×ĵ×Ļ׳×Ķ":131756,"دب":131757,"×¢×Ļ׳×Ļ":131758,"×ŀת×Ĺ":131759,"Ġפר×Ļ":131760,"ãĥĭãĥ¼":131761,"اÙħÙĬ":131762,"Ġnhằm":131763,"ãĤĮãģªãģĦ":131764,"تعرÙģ":131765,"Ġë§ĪìĿĮ":131766,"ìĵ°":131767,"Ġhấp":131768,"ר×Ĵ×Ļ׾":131769,"بÙİ":131770,"ĠrÄĥng":131771,"glÄħd":131772,"ĠÑģиÑģÑĤемÑĭ":131773,"Ġkhóa":131774,"ãģ§ãģĻãĤĪãģŃ":131775,"大ãģįãģı":131776,"기를":131777,"Ġkéo":131778,"ÙĪØ¡":131779,"جاÙħ":131780,"جاÙħع":131781,"Ġ×¢×Ļצ×ķ×ij":131782,"téri":131783,"Ġתש":131784,"Ġ×IJ×ij×Ļ":131785,"ĠChương":131786,"à¸ļริà¹Ģว":131787,"à¸ļริà¹Ģวà¸ĵ":131788,"ãģ¤ãģı":131789,"Ġ×Ĺ×ķ׾":131790,"עת×Ļ×ĵ":131791,"ש×Ļ×ŀ×Ķ":131792,"ëĤ¨":131793,"Ġש×IJ×Ļף":131794,"ĠÙĪØ§ÙĦØ¥":131795,"ÑĦа":131796,"Ġkhám":131797,"Ġ×ĺ×ķ×ij×Ķ":131798,"ĠвÑĭÑģ":131799,"ĠвÑĭÑģоко":131800,"ĠاÙĦØŃدÙĬØ«":131801,"人ãĤĤ":131802,"dÃ¼ÄŁÃ¼":131803,"×Ļ×Ĺ×ķ×ĵ":131804,"تعÙĦÙĬ":131805,"تعÙĦÙĬÙĤ":131806,"lö":131807,"تØŃدÙĬد":131808,"него":131809,"ĠÑĥдоб":131810,"Ġ׾×ŀ×Ļ":131811,"Ġר×ķצ×Ļ×Ŀ":131812,"Ġجاء":131813,"Ġ×ij×ĸ×ŀף":131814,"à¸Ľà¸ģà¸ķิ":131815,"é«ĺãģı":131816,"à¸Ľà¸¥à¸²":131817,"Ġartık":131818,"Ġbugün":131819,"ק׳×Ļ":131820,"Ġkhoá":131821,"ĠÙħرÙĥز":131822,"ĠìŀIJ기":131823,"درجة":131824,"×ŀשר×ĵ":131825,"Ġgiấy":131826,"Ġchóng":131827,"קפ":131828,"ÙĬبة":131829,"ĠczÄĻsto":131830,"вали":131831,"Ùĥب":131832,"ìŁģ":131833,"สà¸ļาย":131834,"à¸Ľà¸£à¸°à¸Ĭาà¸Ĭà¸Ļ":131835,"×Ĵ×ķ×£":131836,"ëŁī":131837,"ãģ®ãģĵãģ¨":131838,"ลà¸Ń":131839,"Ġnghá»ī":131840,"åŃIJãģ©":131841,"åŃIJãģ©ãĤĤ":131842,"à¹Ħà¸Ķà¹īà¸Ńย":131843,"à¹Ħà¸Ķà¹īà¸Ńยà¹Īาà¸ĩ":131844,"×ĵ×¢":131845,"ĠاÙĦتÙī":131846,"ĠÑģовеÑĤ":131847,"ĠqualitÃł":131848,"åĩºãģĹ":131849,"ĠÑĢÑĥков":131850,"ĠÑĢÑĥковод":131851,"รายละà¹Ģà¸Ńียà¸Ķ":131852,"ãģªãģĭãģªãģĭ":131853,"기ê´Ģ":131854,"Ġ×Ĺ×ķש":131855,"Ġ×Ĺ×ķש×ij":131856,"лоÑĤ":131857,"à¸Ļะà¸Ħรัà¸ļ":131858,"×§×ij×ķצ×Ķ":131859,"Ġthái":131860,"Ġש×ij×Ķ":131861,"ĠÑĪкол":131862,"ĠÙĦÙĥÙĦ":131863,"à¹ĥà¸Ļà¸Ĭà¹Īวà¸ĩ":131864,"ĠÙħÙĥاÙĨ":131865,"ëķĮ":131866,"Ġcải":131867,"ĠChÃŃ":131868,"ÑĥÑĩа":131869,"ìĿµ":131870,"Ġxảy":131871,"à¸Ĭà¸Ļิà¸Ķ":131872,"ĠcáºŃu":131873,"кÑĢов":131874,"ssé":131875,"ĠÙĨÙĪØ¹":131876,"ĠТа":131877,"Ø®Ùħس":131878,"פ×ķס×ĺ":131879,"Ġmắc":131880,"ĠÄijem":131881,"à¸ģารà¹ĥà¸Ĭà¹ī":131882,"ר×ķס":131883,"ĠÐĽÐµ":131884,"Ġthá»Ń":131885,"รà¹Īาà¸ĩà¸ģาย":131886,"üzü":131887,"æĹ¥æľ¬ãģ®":131888,"ê³¼ìłķ":131889,"ש×Ļ×IJ":131890,"ĠìŀĪê³ł":131891,"×ij×ķ׾":131892,"ìķħ":131893,"ĠÙĪØ§ÙĦا":131894,"ĠÐĽÐ¸":131895,"ĠвÑģÑij":131896,"Ġużytkow":131897,"×Ĺ×ķ׾":131898,"رÙ쨶":131899,"Ġsonuç":131900,"ãģĦãģ¾ãģĽãĤĵ":131901,"ìĤ¬ìĹħ":131902,"ëĪĦ":131903,"ÑĤек":131904,"ĠudziaÅĤ":131905,"лез":131906,"Ġ×Ķ×Ļ×Ļת×Ļ":131907,"ãĤīãĤĮãģ¦":131908,"ÙħسؤÙĪÙĦ":131909,"رار":131910,"ÑĤан":131911,"ĠÄijÃło":131912,"Ġר×ķ×ij":131913,"Ġ×ijש×ij×Ļ׾":131914,"ä»ĬåĽŀãģ¯":131915,"ãĤ¸ãĥ¥":131916,"Ġ×¢×ijר":131917,"ãģĽãģ¦":131918,"полÑĮ":131919,"aklı":131920,"ĠkÃŃnh":131921,"دت":131922,"ложение":131923,"ĠاÙĦÙħص":131924,"ĠاÙĦÙħصرÙĬ":131925,"à¸Īริà¸ĩà¹Ĩ":131926,"ĠاÙĦشرÙĥØ©":131927,"ĠÄijá»ı":131928,"ãĥĽãĥĨ":131929,"ãĥĽãĥĨãĥ«":131930,"Ñįкон":131931,"Ñįконом":131932,"ĠÙĪØ¹ÙĨ":131933,"Ġ×ª×ł":131934,"Ġ×ª×ł×IJ×Ļ":131935,"ĠاÙĦدÙĪÙĦÙĬØ©":131936,"Ġì§ĢìĹŃ":131937,"ãģ§ãģĻãģĭ":131938,"ĠваÑĢи":131939,"ĠваÑĢианÑĤ":131940,"ĠاÙĦعرب":131941,"ела":131942,"ĠtÆ°á»Ľng":131943,"skÄħ":131944,"Ġmặc":131945,"สัà¸ģ":131946,"ãĥĵãĥ¼":131947,"Ġ×ij×Ĵ׾":131948,"Ġ×ij×Ĵ׾׾":131949,"ãĥķãĤ¡ãĥ³":131950,"×ij×Ļצ":131951,"×ij×Ļצ×ķ×¢":131952,"лиÑģÑĤ":131953,"à¸Łà¸¸":131954,"à¸Łà¸¸à¸ķ":131955,"à¸Łà¸¸à¸ķà¸ļà¸Ńล":131956,"à¸Ŀà¹Īาย":131957,"ìŀIJìĿĺ":131958,"ĠسÙĪÙģ":131959,"Ġש×Ķת":131960,"Ġ걸":131961,"×¢×ij×ķ×ĵ":131962,"ãģĻãĤĭãģĵãģ¨ãģĮ":131963,"ĠÑĩаÑģÑĤÑĮ":131964,"ãĤ¢ãĥ¡ãĥª":131965,"ãĤ¢ãĥ¡ãĥªãĤ«":131966,"Ġtakım":131967,"ĠsỼ":131968,"ĠsỼm":131969,"שר×Ķ":131970,"è¨ĢãģĨ":131971,"лан":131972,"커":131973,"׼׳×Ķ":131974,"ÙĪÙģÙĬ":131975,"íĹĪ":131976,"luÄŁu":131977,"ĠëĮĢíķ´":131978,"Ġ׾×ij×Ļת":131979,"Ġ×Ķר×IJש×ķ׳×Ķ":131980,"صÙħ":131981,"Ġsöyled":131982,"Ġsöyledi":131983,"à¸Ľà¸²à¸ģ":131984,"Ġardından":131985,"ãģĪãģŁ":131986,"à¸Ĺัà¹Īวà¹Ħà¸Ľ":131987,"Ġ׳×ķסף":131988,"болÑĮ":131989,"ãĤĵãģ§ãģĻãģijãģ©":131990,"ĠлиÑĪÑĮ":131991,"Ġ×ij×IJ×Ļ":131992,"ĠбÑĭÑģÑĤÑĢо":131993,"สัà¸Ļ":131994,"Ġ×ijפ׳×Ļ":131995,"леÑĩ":131996,"ĠاÙĦخبر":131997,"Ġsóc":131998,"Ġthú":131999,"ĠпÑıÑĤ":132000,"ãģĬé¡ĺ":132001,"ãģĬé¡ĺãģĦ":132002,"ÑĤин":132003,"ãģ«ãģ¤ãģĦãģ¦ãģ¯":132004,"פף":132005,"ĠдвÑĥÑħ":132006,"à¸įีà¹Ī":132007,"à¸įีà¹Īà¸Ľ":132008,"à¸įีà¹Īà¸Ľà¸¸":132009,"à¸įีà¹Īà¸Ľà¸¸à¹Īà¸Ļ":132010,"опеÑĢ":132011,"ĠاÙĦبشر":132012,"ĠاÙĦÙħاÙĦ":132013,"ıyoruz":132014,"تØŃÙħÙĬÙĦ":132015,"à¸ģะ":132016,"éĸĵãģ«":132017,"×Ĺ×ķש":132018,"ĠNguyên":132019,"ãģĦãģ¦ãģĦãĤĭ":132020,"дÑĥÑĪ":132021,"שפע":132022,"ÑĪÑĥ":132023,"å®ŁéļĽãģ«":132024,"ĠÑĢайон":132025,"ĠChá»ī":132026,"ÙĨصر":132027,"Ġìļ´":132028,"Ġìļ´ìĺģ":132029,"Ġ×Ķ×ĵ×Ļף":132030,"ØŃدد":132031,"رز":132032,"ĠاÙĦدÙħ":132033,"ĠPháp":132034,"ÑĤÑģÑı":132035,"è¦ĭãģĪ":132036,"Ġtiá»ĥu":132037,"Ġsá»Ńa":132038,"аÑİÑĤÑģÑı":132039,"ĠBá":132040,"Ġ×ķ׼׾":132041,"Ðĸ":132042,"ÑĪим":132043,"ìĿ´ëĬĶ":132044,"лев":132045,"dık":132046,"Ġprésente":132047,"Ġaraç":132048,"صدÙĤ":132049,"Ġпомог":132050,"ĠاÙĦشرÙĤ":132051,"ĠÙĪØ§ÙĦذÙĬ":132052,"رÙĬا":132053,"×ij׳×ķת":132054,"Ġngá»ĵi":132055,"ר×ķפ":132056,"ר×ķפ×IJ":132057,"Ġthấp":132058,"ãĤĦãģ¯":132059,"ãĤĦãģ¯ãĤĬ":132060,"ĠاÙĦجدÙĬدة":132061,"éĿŀ常ãģ«":132062,"ÙĬÙĦÙĬ":132063,"쪽":132064,"تعاÙħÙĦ":132065,"ãģłã썿ĢĿãģĦãģ¾ãģĻ":132066,"ÙħÙħ":132067,"иÑĤели":132068,"ãĤµãĤ¤ãĤº":132069,"ادات":132070,"ĠاÙĦÙħاÙĦÙĬØ©":132071,"Ùĥاتب":132072,"кли":132073,"веÑĢÑħ":132074,"ниÑĩ":132075,"Ġ×ľ×¢×ij×ķ×ĵ":132076,"׾×Ļ×Ķ":132077,"ØŃÙİ":132078,"ãĤ¤ãĥĻ":132079,"ãĤ¤ãĥĻãĥ³ãĥĪ":132080,"Ġת×Ĵ×ķ×ij×ķת":132081,"ÑĦон":132082,"ĠдÑĢÑĥгие":132083,"×IJ×ĸ×ķר":132084,"Ġperò":132085,"ìķŀ":132086,"åĢŁãĤĬ":132087,"רצ×Ļ":132088,"×IJ×ĸ":132089,"алÑĮнÑĭÑħ":132090,"Ġê²ĥìľ¼ë¡ľ":132091,"ĠпÑĢаво":132092,"ĠاÙĦأرض":132093,"à¹Ģà¸Ĺà¸Ħ":132094,"à¹Ģà¸Ĺà¸Ħà¹Ĥà¸Ļ":132095,"à¹Ģà¸Ĺà¸Ħà¹Ĥà¸Ļà¹Ĥล":132096,"à¹Ģà¸Ĺà¸Ħà¹Ĥà¸Ļà¹Ĥลย":132097,"à¹Ģà¸Ĺà¸Ħà¹Ĥà¸Ļà¹Ĥลยี":132098,"צר×Ļ":132099,"ĠÐļÑĥ":132100,"ılma":132101,"決ãĤģ":132102,"اÙĪ":132103,"Ġ×ĵ×§×ķת":132104,"à¸Ħรู":132105,"ĠÙħستÙĪÙī":132106,"à¸Ľà¹īà¸Ńà¸ĩ":132107,"à¸Ľà¹īà¸Ńà¸ĩà¸ģัà¸Ļ":132108,"×ĵ×ķ×ŀ×Ķ":132109,"ĠÑģегоднÑı":132110,"سÙĪÙĤ":132111,"ר×Ĺ×ķ×ij":132112,"Ġإدارة":132113,"Ñħож":132114,"éģİãģİ":132115,"à¸Ħà¸Ń":132116,"нÑĥл":132117,"×ķ׼×Ķ":132118,"ÙĪØ§ÙģÙĤ":132119,"׼׾׾":132120,"Ġ×Ķ×ĵ×ķ":132121,"ĠlÄ©nh":132122,"Ġkhảo":132123,"×IJ×ŀצע":132124,"머":132125,"Ġ׼×Ļצ":132126,"Ġ׼×Ļצ×ĵ":132127,"ĠдолжнÑĭ":132128,"หวัà¸ĩ":132129,"ãĥĩãĤ¶":132130,"ãĥĩãĤ¶ãĤ¤ãĥ³":132131,"Ġngá»Ŀ":132132,"ä¸Ńãģ«":132133,"à¸ģลัà¸ļมา":132134,"جÙħاÙĦ":132135,"à¸Ķัà¸ĩà¸ģลà¹Īาว":132136,"سÙĥÙĨ":132137,"سÙĨ":132138,"Ġözellikle":132139,"зеÑĢ":132140,"rzÄĻ":132141,"×ŀ×ķר×Ķ":132142,"Ġlạ":132143,"×ŀ×Ļ׳×Ļ":132144,"ר×Ļת":132145,"ãģĿãĤĮãģĮ":132146,"ãģĭãĤĮ":132147,"ĠÙĬÙħÙĥÙĨÙĥ":132148,"öffentlich":132149,"ган":132150,"ĠاÙĦØŃÙĦ":132151,"ĠmiÄĻdzy":132152,"ĠÑĩаÑģÑĤи":132153,"ujÄħcy":132154,"ĠbaÄŁlı":132155,"ĠiliÅŁki":132156,"ÙģØ§Ø¡":132157,"ãĥªãĥ³ãĤ°":132158,"Ġhãng":132159,"ĠконÑĤÑĢ":132160,"ĠконÑĤÑĢол":132161,"коп":132162,"ש×Ļ×¢":132163,"ש×Ļ×¢×ķר":132164,"ĠÐĴаÑĪ":132165,"Ġ×Ķתק":132166,"ÙħÙĨع":132167,"ĠpolÃŃtico":132168,"Ġголов":132169,"ĠØ¥ÙĬ":132170,"Ø¥ÙĨتاج":132171,"à¸ļิ":132172,"ĠговоÑĢ":132173,"ĠговоÑĢиÑĤ":132174,"Ġphá»ķ":132175,"ĠÑģемÑĮ":132176,"ãģ¯ãģĤãĤĬãģ¾ãģĽãĤĵ":132177,"ĠÙĪØ§Ø³Øª":132178,"×ŀשפ×ĺ":132179,"зем":132180,"×ŀ×ĵ×ijר":132181,"Ġíģ°":132182,"ĠìĿ´ë²Ī":132183,"ê°ĢëĬĶ":132184,"Ġì§ĢìĽIJ":132185,"ĠcaÅĤy":132186,"ĠgeliÅŁtir":132187,"Ñģкое":132188,"posé":132189,"Ġkhô":132190,"à¸ķิà¸Ķà¸ķาม":132191,"missão":132192,"Ġ׾×ŀר":132193,"Ġ׾×ŀר×ķת":132194,"Ġbó":132195,"à¸ķรวà¸Īสà¸Ńà¸ļ":132196,"Ġnghá»ģ":132197,"Ġбиз":132198,"ĠбизнеÑģ":132199,"ÑģÑĤеÑĢ":132200,"ÙĪÙİ":132201,"楽ãģĹãģ":132202,"楽ãģĹãģ¿":132203,"ãģĵãĤĮãģĭãĤī":132204,"wiÄħzan":132205,"สà¸Ńà¸Ļ":132206,"ÙħÙĪØ±":132207,"׳×ĵ׾":132208,"Ġ×Ķ×IJ×ĵ×Ŀ":132209,"Ġмолод":132210,"ØŃÙħا":132211,"ØŃÙħاÙĬØ©":132212,"ÑģÑĤÑĢан":132213,"Ġbuá»ķi":132214,"ת×Ļ×Ļ×Ŀ":132215,"abileceÄŁi":132216,"Lİ":132217,"à¹Ģยà¸Ńะ":132218,"à¸Īร":132219,"سÙĥاÙĨ":132220,"à¸Ļัà¸Ķ":132221,"Ġmấy":132222,"ĠÐijа":132223,"sÅĤaw":132224,"ĠÙģÙĦا":132225,"ĠкоÑĤоÑĢой":132226,"ĠплоÑī":132227,"ĠплоÑīад":132228,"ãĤĤãģĤãĤĬ":132229,"szczÄĻ":132230,"×Ļפ×ķ":132231,"ש×ŀת":132232,"owaÅĤa":132233,"Ġnông":132234,"צ×ij×IJ":132235,"ĠìŀĪìĹĪ":132236,"ãģ¾ãģ¨":132237,"ãģ¾ãģ¨ãĤģ":132238,"ÙĤÙĪØ§Øª":132239,"ãģ¿ãĤĵãģª":132240,"Ġ׼×ŀ×¢×ĺ":132241,"Ġxúc":132242,"ï¼Ĩ":132243,"rÄĻ":132244,"rÄĻcz":132245,"×ĵ×ŀ×Ļ":132246,"ĠtáºŃn":132247,"à¸Ķวà¸ĩ":132248,"ê²½ìłľ":132249,"пÑĥÑĤ":132250,"أربع":132251,"Ġ×ŀשת×ŀש":132252,"ãĤ¿ãĤ¤ãĥĹ":132253,"Ġìłľê°Ģ":132254,"Ġ׾׼ף":132255,"ĠобÑĢазом":132256,"ÙĬÙĥا":132257,"wÅĤ":132258,"wÅĤasn":132259,"ĠاÙĦÙĪØ·ÙĨÙĬØ©":132260,"بÙĬب":132261,"×ŀ׾×Ļ":132262,"кÑĢаÑĤ":132263,"기ìĹIJ":132264,"ÙĤاد":132265,"ĠÙĦدÙī":132266,"à¸Ħวามรูà¹ī":132267,"×ŀ×ĵ×Ļ׳×Ļ×ķת":132268,"겨":132269,"ĠíĺĦìŀ¬":132270,"שת×Ļ":132271,"мол":132272,"Ġmái":132273,"à¸ŀิม":132274,"à¸ŀิมà¸ŀ":132275,"à¸ŀิมà¸ŀà¹Į":132276,"หลวà¸ĩ":132277,"Ġxuyên":132278,"×Ĺסר":132279,"رÙĪÙĨ":132280,"ãģĿãģĨãģĦãģĨ":132281,"ãģĿãĤĮãģŀ":132282,"ãģĿãĤĮãģŀãĤĮ":132283,"Ġ׼ש×Ķ":132284,"ÐŁÑĢав":132285,"×ŀ×ijצע":132286,"عرب":132287,"Ġbüyü":132288,"פ×Ļת×ķ×Ĺ":132289,"à¸Īà¸ļ":132290,"ĠØ£Ùĥبر":132291,"שרת":132292,"×ŀ׼ש×Ļר":132293,"ĠÙĪÙħع":132294,"ãģ®ãģŁãĤģãģ«":132295,"à¸Ļัà¸ļ":132296,"ì°°":132297,"ãĥªãĥķãĤ©":132298,"ãĥªãĥķãĤ©ãĥ¼ãĥł":132299,"Ġcưá»Ŀng":132300,"ĠìłĢíĿ¬":132301,"ÙħÙĨظÙħØ©":132302,"Ġhiçbir":132303,"ãģ§ãģ¯ãģĤãĤĬãģ¾ãģĽãĤĵ":132304,"รà¸Ńย":132305,"ëIJľëĭ¤":132306,"ãģĻãģIJãģ«":132307,"кла":132308,"Ġürünler":132309,"Ġkiá»ĥu":132310,"ĠëĤĺëĬĶ":132311,"ÑĤки":132312,"Ñģим":132313,"Ġchá»īnh":132314,"ãĤĤãģªãģĦ":132315,"ศรี":132316,"æĽ¿ãģĪ":132317,"taÅŁ":132318,"ĠبÙĥÙĦ":132319,"Ġ×ķ×Ļש":132320,"visão":132321,"ä¼Ŀ":132322,"ä¼ĿãģĪ":132323,"ÙĦد":132324,"׾×Ļ×ŀ":132325,"׾×Ļ×ŀ×ķ×ĵ":132326,"tória":132327,"دÙij":132328,"اÙħر":132329,"Ġê·¸ëłĩê²Į":132330,"ĠmateriaÅĤ":132331,"à¸Ĺรา":132332,"à¸Ĺราà¸ļ":132333,"ã쮿ĸ¹ãģĮ":132334,"ãģ¦ãģįãģŁ":132335,"ضغ":132336,"ضغط":132337,"ĠÙĬعÙĨÙĬ":132338,"ело":132339,"×IJ×Ķ×ij×Ķ":132340,"×¢×ŀ":132341,"ÅŁÄ±k":132342,"ìŀIJëĬĶ":132343,"ãĤ¿ãĥ³":132344,"ĠbáºŃt":132345,"×ŀשפ×Ĺ×Ķ":132346,"кÑĢи":132347,"бли":132348,"สัà¸ķ":132349,"สัà¸ķวà¹Į":132350,"ĠسÙĨÙĪØ§Øª":132351,"ĠPhương":132352,"ãģ¦ãģĹãģ¾ãģ£ãģŁ":132353,"ãģªãģľ":132354,"Ġ×ij×IJ×ķ":132355,"Ġcán":132356,"سجÙĦ":132357,"Ġlẽ":132358,"ãĤ±ãĥ¼ãĤ¹":132359,"Ġ×§×Ļ×ij׾":132360,"à¸ļà¸Ĺà¸Ħวาม":132361,"Ġ×ķ׼ף":132362,"ĠпÑĢедÑģÑĤавлен":132363,"Ġná»iji":132364,"Ġcomentário":132365,"ением":132366,"Ġtá»ı":132367,"lÃł":132368,"Ġש×Ķ×Ļ×Ķ":132369,"Ñģлав":132370,"ĠاÙĦÙĪÙĦا":132371,"ĠاÙĦÙĪÙĦاÙĬات":132372,"ÙĦجÙĨØ©":132373,"×§×ķר×IJ":132374,"бÑĭÑĤ":132375,"Ġì¦":132376,"Ġì¦ī":132377,"ãģ§ãģĻãģĹ":132378,"หรืà¸Ńà¹Ħมà¹Ī":132379,"заÑīиÑĤ":132380,"ÙģÙĦسطÙĬÙĨ":132381,"Ġmiá»ħn":132382,"à¹Ģยà¹ĩà¸Ļ":132383,"ĠçalÄ±ÅŁan":132384,"×Ļ×Ĵ×Ķ":132385,"ĠEÄŁ":132386,"ĠEÄŁitim":132387,"ãĥĥãĤ·ãĥ¥":132388,"ĠопÑĭ":132389,"ĠопÑĭÑĤ":132390,"رغ":132391,"رغب":132392,"ĠÑģвоиÑħ":132393,"à¸Ľà¸£à¸°à¸ķ":132394,"à¸Ľà¸£à¸°à¸ķู":132395,"Ġ×ŀ×IJ×ĵ":132396,"׼×ķ׳×Ļ×Ŀ":132397,"à¸Ļี":132398,"ĠвÑĭÑħод":132399,"ãģ®ä¸Ńãģ«":132400,"פ׾×IJ":132401,"ĠÙĪÙĦÙĬس":132402,"פ×ķרס":132403,"פ×ķרס×Ŀ":132404,"ÙħسÙĦÙħ":132405,"Ġngôi":132406,"×ĵ×ŀ×ķת":132407,"ãĤĴ使ãģ£ãģ¦":132408,"ĠпомоÑīÑĮÑİ":132409,"أسر":132410,"блок":132411,"ÙĤÙĩ":132412,"ãģĹãģ¾ãģĦ":132413,"ãģ¨ãģĹãģŁ":132414,"ĠпеÑģ":132415,"ãĥīãĥ«":132416,"×Ĺ×Ŀ":132417,"ãģĹãģªãģĮãĤī":132418,"ĠÐŁÑĢед":132419,"ãĥģãĤ§ãĥĥãĤ¯":132420,"å¼·ãģĦ":132421,"ש×Ļר×ķת":132422,"даеÑĤ":132423,"×Ļ×ij×ķ":132424,"Ġgenç":132425,"илаÑģ":132426,"илаÑģÑĮ":132427,"ĠبÙĦد":132428,"æĤª":132429,"æĤªãģĦ":132430,"Ġ×ŀשת":132431,"æ§ĺãĢħ":132432,"æ§ĺãĢħãģª":132433,"à¸ĺรรมà¸Ĭาà¸ķิ":132434,"ĠÙĥاÙħÙĦ":132435,"ĠاÙĦسÙħ":132436,"×ij×ĺ×Ļ×Ĺ":132437,"cá":132438,"gência":132439,"ãĤ¹ãĤ¿ãĥ¼":132440,"à¸Ĺำà¸ģาร":132441,"×Ļ×ľ×ª":132442,"Ġ×Ļ×ķצ×IJ":132443,"wój":132444,"à¸ļุà¸Ħ":132445,"à¸ļุà¸Ħà¸Ħล":132446,"عتÙħ":132447,"عتÙħد":132448,"ãģĿãĤĮãģ«":132449,"ĠاÙĦتارÙĬØ®":132450,"ÙĤراء":132451,"Ġyönetim":132452,"קשר":132453,"ĠÑģпоÑĢÑĤ":132454,"Ġר×IJש×ķף":132455,"Ġseñal":132456,"Ġchắn":132457,"çĦ¡ãģĦ":132458,"ĠдоÑģÑĤаÑĤ":132459,"ĠдоÑģÑĤаÑĤоÑĩно":132460,"Ġágua":132461,"à¸ģรà¸ĵ":132462,"à¸ģรà¸ĵี":132463,"Ġ×ŀש×ķ":132464,"Ġtrải":132465,"ë²Į":132466,"ujÄħcych":132467,"ÙģØ±Ø¯":132468,"à¹ĥà¸ģล":132469,"à¹ĥà¸ģลà¹ī":132470,"ãĤĭãģ®ãģ¯":132471,"ר×ķ×ķ×Ĺ":132472,"ÙĨÙĥ":132473,"ĠاÙĦÙĨÙĤ":132474,"ãģ®ãģ§ãģĹãĤĩãģĨ":132475,"ãģ®ãģ§ãģĹãĤĩãģĨãģĭ":132476,"ÙħعرÙģ":132477,"ÙħعرÙ쨩":132478,"ÑĥÑīе":132479,"Ġ×ij×¢×Ļקר":132480,"تصÙĦ":132481,"Ġ×Ķ×IJר":132482,"Ġ×Ķ×IJרץ":132483,"ĠÅŀi":132484,"à¸Ĥาà¸Ķ":132485,"íŀĺ":132486,"ãģªãĤĵãģ¨":132487,"ĠìĤ¬ëŀij":132488,"lÃ¼ÄŁÃ¼":132489,"باء":132490,"ĠاÙĦآخر":132491,"ĠfamÃŃlia":132492,"ĠTháng":132493,"ÑīениÑı":132494,"ãĤ¯ãĥŃ":132495,"ĠThứ":132496,"æĽ¸ãģį":132497,"енной":132498,"ìŀ¡":132499,"благ":132500,"благо":132501,"пов":132502,"à¹ģว":132503,"à¸ĩà¸Ħà¹Į":132504,"à¸Ńัà¸Ļà¸Ķัà¸ļ":132505,"ãģĤãģĴ":132506,"รà¹īาย":132507,"ünün":132508,"Ġ×Ļ׼×ķ׾×Ķ":132509,"зон":132510,"ĠÐľÐ¸":132511,"маÑĤеÑĢиал":132512,"Ġë³´ë©´":132513,"ØŃÙ쨏":132514,"êÌģ":132515,"ãģ«ãģĻãĤĭ":132516,"Ġת×IJ":132517,"Ġ×Ķס×ķ":132518,"ĠÑģÑĤоÑĢ":132519,"ĠÑģÑĤоÑĢон":132520,"ãĥĪãĥĥãĥĹ":132521,"ÅĤoÅĽÄĩ":132522,"ëħ¼":132523,"ëĵĿ":132524,"ĠÙĪØ§ÙĦع":132525,"ì¶Ķ":132526,"Ġ×Ļצ×IJ":132527,"ĠÑĢаздел":132528,"алÑĮнаÑı":132529,"×IJ׳ש×Ļ":132530,"spoÅĤ":132531,"spoÅĤec":132532,"spoÅĤeczn":132533,"إعÙĦ":132534,"إعÙĦاÙĨ":132535,"ÙĤÙĪÙī":132536,"íķĺë©´ìĦľ":132537,"تطÙĪØ±":132538,"Ġsiêu":132539,"Ỽt":132540,"дви":132541,"движ":132542,"Ġquần":132543,"kıl":132544,"ĠпÑĢизна":132545,"ĠHã":132546,"ĠHãy":132547,"ĠباÙĦت":132548,"manın":132549,"ãĤ«ãĥ«":132550,"Ġká»·":132551,"ק׾×Ļ":132552,"ëIJĺì§Ģ":132553,"تعÙĦÙħ":132554,"ìĭľìĦ¤":132555,"ìĭ¶":132556,"íĺ¼":132557,"ÙĥÙĬÙģ":132558,"売ãĤĬ":132559,"วิà¸Ĭา":132560,"бал":132561,"ĠØ£ØŃ":132562,"Ġдолжен":132563,"ราà¸ĩ":132564,"ราà¸ĩวั":132565,"ราà¸ĩวัล":132566,"Ùħاء":132567,"جار":132568,"Åļ":132569,"Ġ×ŀ×IJ×ĸ":132570,"ר×ŀ×Ķ":132571,"ãģĭãĤĤãģĹãĤĮãģªãģĦ":132572,"étude":132573,"czÄħc":132574,"Ġgór":132575,"×ł×¡×Ķ":132576,"ÙħÙĬد":132577,"ĠÐŁÐµÑĢе":132578,"أخر":132579,"ãģĿãģ®å¾Į":132580,"à¹Ģà¸Ķียวà¸ģัà¸Ļ":132581,"×ŀ×Ĵ×ķ":132582,"×ŀ×Ĵ×ķ×ķף":132583,"дов":132584,"masına":132585,"×¢×ł×Ķ":132586,"ãĤ±ãĥĥãĥĪ":132587,"סע":132588,"סע×Ļ×£":132589,"ĠTư":132590,"Ġtóc":132591,"íĻľëıĻ":132592,"ĠÐŀд":132593,"ĠÐŀднако":132594,"Ġdolayı":132595,"ؤÙĥد":132596,"ê³Ħíļį":132597,"׾ר":132598,"веÑĩ":132599,"Ġkhợi":132600,"Ġthá»§y":132601,"×ĵף":132602,"รà¸ģ":132603,"à¸ļัà¸ķร":132604,"à¹Ģà¸ģà¹Īา":132605,"ĠاÙĦثاÙĦ":132606,"ĠاÙĦثاÙĦØ«":132607,"Ġpodrá":132608,"ער×Ļ":132609,"ÙĨجاØŃ":132610,"Ġkhắc":132611,"측":132612,"İM":132613,"ãĤ»ãĥĥãĥĪ":132614,"żenia":132615,"Ġ׾×Ĺ×ijר":132616,"erÃł":132617,"ì´Ī":132618,"Ġküç":132619,"Ġküçük":132620,"اتÙĩÙħ":132621,"à¸ĭà¹Į":132622,"ÙħشارÙĥØ©":132623,"ĠاÙĦبط":132624,"Ġdây":132625,"еннÑĭм":132626,"à¸Ĺีà¹Īà¹Ħมà¹Ī":132627,"ÙĤÙİ":132628,"Ġvượt":132629,"Ġtrì":132630,"ĠwpÅĤyw":132631,"AÅŀ":132632,"зо":132633,"ĠاÙĦسÙĬد":132634,"à¸Ĺะà¹Ģล":132635,"ĠÑģодеÑĢжа":132636,"عطÙĬ":132637,"ĠاÙĦعÙĨ":132638,"èĢħãģĮ":132639,"à¹Ģหà¸Ļ":132640,"à¹Ģหà¸Ļืà¸Ń":132641,"ĠbÃŃ":132642,"Ġüzerinden":132643,"ĠVÅ©":132644,"Ġnuôi":132645,"ÙĨÙħ":132646,"алÑĮного":132647,"×¢×Ļף":132648,"ØŃضر":132649,"ĠоÑĤдел":132650,"ëªĩ":132651,"ìķ¡":132652,"ĠÙĦدÙĬÙĩ":132653,"ìĻľ":132654,"Ġsektör":132655,"Ġвозможно":132656,"ĠÐĶж":132657,"Ġhô":132658,"äºĭãģĮ":132659,"иÑĢование":132660,"алÑĮной":132661,"Ġ미êµŃ":132662,"رØŃÙĦ":132663,"ĠÑįкÑģ":132664,"пÑĢавлÑı":132665,"Ġnhá»Ŀ":132666,"ĠÄijẩ":132667,"ĠÄijẩy":132668,"ÙģÙĥر":132669,"ĠÙĪØ£Ø¶Ø§Ùģ":132670,"ãĥIJãĤ¹":132671,"ת×ķ׼׳×Ļת":132672,"ÑĤелей":132673,"ĠØ¥ÙĦÙĬÙĩ":132674,"ãģ¨è¨Ģãģ£ãģ¦":132675,"Ġдве":132676,"Ġchấp":132677,"ĠLö":132678,"à¸Ħลิ":132679,"à¸Ħà¸¥à¸´à¸Ľ":132680,"ĠسÙĪØ±":132681,"ĠسÙĪØ±ÙĬا":132682,"×ŀ×Ĺ×ķ":132683,"stä":132684,"доб":132685,"Ġniá»ĩm":132686,"ãģ®å¤§":132687,"פר×ķ×Ļ×§":132688,"פר×ķ×Ļ×§×ĺ":132689,"ĠChâu":132690,"Ġ×ŀ×Ķ×Ŀ":132691,"Ñģким":132692,"ĠполÑĥÑĩиÑĤÑĮ":132693,"ÙĬÙĪÙħ":132694,"Ø«ÙĪØ±":132695,"פ×ķ׾×Ļ×ĺ":132696,"פ×ķ׾×Ļ×ĺ×Ļ":132697,"ĠмеÑģÑıÑĨ":132698,"åħ¨ãģ¦":132699,"ĠاÙĦÙħجÙĦس":132700,"ĠاÙĦتاÙĦÙĬ":132701,"Ġ×Ĺר":132702,"åIJijãģij":132703,"׼×ŀ×Ķ":132704,"бед":132705,"أعض":132706,"أعضاء":132707,"ÙĪÙĦد":132708,"วà¹Īาà¸Īะ":132709,"Ġbánh":132710,"à¸Ļิย":132711,"à¸Ļิยม":132712,"à¸Ľà¸£à¸°à¸ģัà¸Ļ":132713,"ÑģÑĤавиÑĤÑĮ":132714,"à¸ŀà¸Ļัà¸Ļ":132715,"ĠÑįÑĦÑĦ":132716,"ĠÑįÑĦÑĦекÑĤив":132717,"ĠавÑĤоÑĢ":132718,"ĠÄIJÄĥng":132719,"ĠthÆ°á»Łng":132720,"ãĤĴæĦŁãģĺ":132721,"à¸ģัà¸ļà¸ģาร":132722,"å¾Įãģ«":132723,"ĠyaÄŁ":132724,"ستاÙĨ":132725,"Ġliá»ģn":132726,"ãģĦãģ¾":132727,"iêu":132728,"à¹Ĥà¸Ķà¸Ļ":132729,"ĠÙĦذÙĦÙĥ":132730,"à¹Ĥรà¸ĩà¹Ģรียà¸Ļ":132731,"צ×Ļ×Ĵ":132732,"ĠاÙĦÙħعÙĦÙĪÙħات":132733,"ç§ģãģŁãģ¡":132734,"à¸Ĺีà¹Īà¸Ħุà¸ĵ":132735,"ãģ«ãģªãģ£ãģ¦ãģĦãĤĭ":132736,"×ŀ×ĵ×Ļ׳×Ķ":132737,"×¡×Ľ×Ŀ":132738,"Ġвне":132739,"à¸ŀà¸Ļัà¸ģà¸ĩาà¸Ļ":132740,"ÑĢей":132741,"à¹Ģà¸Īà¹īาหà¸Ļà¹īาà¸Ĺีà¹Ī":132742,"ĠHiá»ĩn":132743,"Ġmédico":132744,"ĠتØŃÙĤÙĬÙĤ":132745,"ÑĮÑĤе":132746,"miÅŁti":132747,"ÙĤÙĬادة":132748,"ãĤıãģĭãĤĬ":132749,"มาà¸Īาà¸ģ":132750,"ëħĢ":132751,"ãģ«éĸ¢ãģĻãĤĭ":132752,"×IJר×Ĵ×ķף":132753,"mètre":132754,"Ġעצ×ŀ×Ļ":132755,"ĠChúa":132756,"รูà¹īà¸Ī":132757,"รูà¹īà¸Īัà¸ģ":132758,"ì£Ħ":132759,"ëĭµ":132760,"à¹ģà¸Ĺà¹ī":132761,"Ġgeçen":132762,"Ġlança":132763,"ĠاÙĦبØŃØ«":132764,"×ĵ×ŀ×ķ":132765,"ãģ¯ãģĺ":132766,"ãģ¯ãģĺãĤģ":132767,"ĠdönÃ¼ÅŁ":132768,"è¿ijãģı":132769,"à¹Ģสม":132770,"à¹Ģสมà¸Ń":132771,"ëĿ½":132772,"Ġüç":132773,"á»ŀ":132774,"ÑĪаÑı":132775,"à¸Ĺร":132776,"ØŃÙĤÙĬÙĤØ©":132777,"à¸Ĥà¸Ńà¸ĩà¸ģาร":132778,"Ġ무ìĹĩ":132779,"Ġ×Ķ׼ר":132780,"ĠاÙĦصÙĬÙĨ":132781,"ĠлÑİди":132782,"à¸ķาย":132783,"بÙĪÙĦ":132784,"Ġviêm":132785,"Ġthiá»ĩu":132786,"à¸ģà¸Ķ":132787,"Ġ׾×ĵ×ijר":132788,"פ׳×Ķ":132789,"×IJר×ij×¢":132790,"سÙī":132791,"ĠاÙĦسÙĬاس":132792,"ĠاÙĦسÙĬاسÙĬØ©":132793,"ydı":132794,"ÙĪØŃØ¯Ø©":132795,"ĠдеÑıÑĤелÑĮноÑģÑĤи":132796,"Ġ×ķ×Ķ×ŀ":132797,"пеÑĩ":132798,"пеÑĩаÑĤ":132799,"иÑĢованиÑı":132800,"ĠÑģог":132801,"ĠÑģоглаÑģ":132802,"Ġ׼×ĵ":132803,"Ġ׼×ĵ×IJ×Ļ":132804,"ĠиÑģполÑĮзоваÑĤÑĮ":132805,"ספ×ķר×ĺ":132806,"Ġilçe":132807,"expérience":132808,"ĠThá»Ŀi":132809,"İK":132810,"à¹Ħà¸Łà¸Łà¹īา":132811,"ëĵ¤ìĹIJê²Į":132812,"à¸Ľà¸£à¸°à¹Ģà¸ł":132813,"à¸Ľà¸£à¸°à¹Ģà¸łà¸Ĺ":132814,"Ġmümk":132815,"Ġmümkün":132816,"Ġ×IJ×ķ×ª×ł×ķ":132817,"ìĦ±ìĿĦ":132818,"ĠìĿ´ìľł":132819,"زÙĬارة":132820,"Ġoldukça":132821,"rób":132822,"ĠØ£ÙĨا":132823,"Ġ×Ķ×ij×Ļ":132824,"Ñģен":132825,"×¢×Ļקר":132826,"×Ļ×ĵ×ķ×¢":132827,"dzÄħ":132828,"ÙħعÙĦÙĪÙħات":132829,"شاب":132830,"Ġparça":132831,"à¸Ļะà¸Ħะ":132832,"باس":132833,"ĠÑĤоÑĢг":132834,"ĠÑĤоÑĢгов":132835,"Ġ×Ĺ×ĵר":132836,"׼ר×ĺ":132837,"׼ר×ĺ×Ļס":132838,"ĠAyrıca":132839,"ệ":132840,"ìľ¨":132841,"ĠÑĤакие":132842,"Ġ×ŀצ×ķ×Ļ":132843,"ãĥ©ãĥ³ãĤŃãĥ³ãĤ°":132844,"ש×Ļ×ķ×ķ×§":132845,"åīįãģ®":132846,"ĠBảo":132847,"ÑīÑĥ":132848,"æĹ©ãģı":132849,"ĠPhòng":132850,"à¸ŀระราà¸Ĭ":132851,"פ×Ĺ×ķת":132852,"Ġгл":132853,"Ġглаз":132854,"à¸Ĺà¹Īา":132855,"Ġdạy":132856,"ÑĢоÑģÑĤ":132857,"à¹Ĥà¸Ķยà¹Ģà¸īà¸ŀาะ":132858,"ĠquáºŃn":132859,"Ġ×Ĺ×ijר×ķת":132860,"même":132861,"mÄ±ÅŁtı":132862,"ĠاÙĦتداÙĪÙĦ":132863,"Ġnạn":132864,"Ġ×Ķ×ĵ×Ļ":132865,"ĠاÙĦطرÙĬÙĤ":132866,"×Ĵ×ķת":132867,"Ġ×Ķ×ĵר×ļ":132868,"ujÄħce":132869,"Ġchữ":132870,"ãĤĤãģ®ãģ®":132871,"ë°Ľ":132872,"ãģķãĤĵãģ¯":132873,"Ġyardım":132874,"ĠاÙĦعÙħ":132875,"Ġì§Ħíĸī":132876,"Ġ×Ļ×Ĺ":132877,"Ġ×Ļ×Ĺס×Ļ":132878,"ĠاÙĦÙħدÙĬÙĨØ©":132879,"Ġcú":132880,"à¸ģีฬ":132881,"à¸ģีฬา":132882,"Ġniên":132883,"misión":132884,"׳×Ļס×Ļ":132885,"׳×Ļס×Ļ×ķף":132886,"ĠвозÑĢаÑģÑĤ":132887,"Ġ×¢×ķש×Ķ":132888,"ĠÙħدÙĬر":132889,"ÑıÑģÑĮ":132890,"ØŃجÙħ":132891,"íĻĺê²½":132892,"ĠاÙĦأخرÙī":132893,"uÃŁer":132894,"ĠاÙĦعاÙĦÙħÙĬØ©":132895,"ĠNgá»įc":132896,"êµIJíļĮ":132897,"ä¸Ĭãģ§":132898,"×Ļ×Ķ×ķ×ĵ":132899,"×Ļ×Ķ×ķ×ĵ×Ļ×Ŀ":132900,"Ùħساعدة":132901,"ĠжизнÑĮ":132902,"ĠпоÑĤомÑĥ":132903,"ĠاÙĦÙħÙħÙĦ":132904,"ĠاÙĦÙħÙħÙĦÙĥØ©":132905,"ĠGör":132906,"رÙIJ":132907,"×ŀ×§×ķ×ŀ×ķת":132908,"åĩºæĿ¥ãĤĭ":132909,"ÑĦÑĤ":132910,"ĠìĿ´ìłľ":132911,"ĠÑĢем":132912,"ĠÑĢемонÑĤ":132913,"ת×ķ×ļ":132914,"æĻĤãģ¯":132915,"ãĤīãĤĮãģªãģĦ":132916,"altı":132917,"å®¶ãģ®":132918,"ĠاÙĦإعÙĦاÙħ":132919,"리ëĬĶ":132920,"ãģĭãĤīãģ¯":132921,"ĠHạ":132922,"ãģĤãģ®":132923,"×ĵ×Ļ×ķף":132924,"رÙĬس":132925,"ĠsocietÃł":132926,"ĠاÙĦÙĥبÙĬر":132927,"Ġ×ij×ŀס":132928,"Ġ×ij×ŀס×Ĵר":132929,"Ġ×ij×ŀס×Ĵרת":132930,"ĠìŀĪìľ¼ë©°":132931,"Ġnặng":132932,"ÙĩÙī":132933,"ĠBÃł":132934,"×ŀר×ķ":132935,"ĠjÄĻ":132936,"ĠjÄĻzy":132937,"ĠjÄĻzyk":132938,"Ġ׼×ŀ×ķ×ijף":132939,"×¢×ľ×Ķ":132940,"à¸Ĺีà¹Īà¹Ħà¸Ķà¹ī":132941,"ãģ¾ãģĹãĤĩãģĨ":132942,"×ŀספר":132943,"ТÐŀ":132944,"سÙĬاسة":132945,"ĠкаждÑĭй":132946,"ë²ł":132947,"tım":132948,"yá»ĩn":132949,"รีà¹Ī":132950,"ĠдеÑĤÑģк":132951,"วิà¸ĺีà¸ģาร":132952,"mówi":132953,"×ĺ×¢×Ŀ":132954,"×Ķצ׾×Ĺ×Ķ":132955,"ضÙĬÙģ":132956,"ĠÑħоÑĤÑı":132957,"ãĤĵãģ§ãģĦãĤĭ":132958,"à¸Ħาà¸Ķ":132959,"à¸Ħรà¸ļ":132960,"ĠкÑĥÑĢÑģ":132961,"ĠbaÅŁarı":132962,"×ijר×ķ":132963,"ÙĬعة":132964,"ĠÐĿÑĥ":132965,"à¸Ħวามà¹Ģà¸Ľà¹ĩà¸Ļ":132966,"Ġ׾×ŀש׾":132967,"Ġì¢ĭìĿĢ":132968,"Ùħؤسس":132969,"Ùħؤسسات":132970,"Ġprécis":132971,"Ġthảo":132972,"à¸ģà¹ĩà¸Ħืà¸Ń":132973,"Ġש׼׾":132974,"führung":132975,"ãģĦãģ§":132976,"à¹ģละมี":132977,"à¸ģà¹ĩมี":132978,"Ġשש":132979,"мел":132980,"Ġкниг":132981,"ĠباÙĦÙĨ":132982,"ĠباÙĦÙĨسبة":132983,"Ġaldı":132984,"ÑĤай":132985,"Ġ×Ĺ×ĵש×Ļ×Ŀ":132986,"å®Łãģ¯":132987,"عÙĪØ§":132988,"ĠìĿĺ미":132989,"изм":132990,"ÑĢабоÑĤаÑĤÑĮ":132991,"Ù쨵":132992,"Ġ×ij׳×ķסף":132993,"ãģ¨ãģĹãģ¦ãĤĤ":132994,"à¹Ģà¸Ľà¹ĩà¸Ļà¸Ĺีà¹Ī":132995,"ĠÑģледÑĥеÑĤ":132996,"èĢĥãģĪãģ¦":132997,"Ġ׼×Ļ×ķ×Ŀ":132998,"ÑģÑĤÑĭ":132999,"׼׾׼׾×Ļ":133000,"æµģãĤĮ":133001,"ãĤĴãģ¤ãģij":133002,"ÑĩаÑĤ":133003,"×Ļ׼×ķף":133004,"×Ļר×Ļ":133005,"larıyla":133006,"ãĤ¤ãĥ¡":133007,"ãĤ¤ãĥ¡ãĥ¼ãĤ¸":133008,"׳×ĸ×§":133009,"Ġciò":133010,"Ġsın":133011,"Ġsınır":133012,"à¸Ļà¸Ħร":133013,"каÑĤ":133014,"Ġlá»Ĺi":133015,"ëŀĮ":133016,"تÙģØ§Øµ":133017,"تÙģØ§ØµÙĬÙĦ":133018,"ëĨĵ":133019,"ĠÙħض":133020,"ilmiÅŁ":133021,"بارÙĥ":133022,"ÐĿÐĺ":133023,"Ġthẩm":133024,"Ġ×IJ×ķת×ļ":133025,"ĠпÑĢиним":133026,"ĠпÑĢинима":133027,"Ġyönt":133028,"Ġyöntem":133029,"Ġ×ŀ×§×ij׾":133030,"Ġktórego":133031,"ê·Ģ":133032,"شرÙģ":133033,"داÙħ":133034,"ãģĦãĤįãģĦãĤį":133035,"ĠAlém":133036,"Ġgörü":133037,"Ġgörünt":133038,"Ġgörüntü":133039,"دس":133040,"ÑĪки":133041,"гÑĢад":133042,"Ġlạc":133043,"Ġsữa":133044,"ãĤīãĤĮãģ¾ãģĻ":133045,"oÃłi":133046,"Ñīен":133047,"ãģĭãģªãģĦ":133048,"Ġпоп":133049,"ĠпопÑĥ":133050,"ĠпопÑĥлÑıÑĢ":133051,"ĠاÙĦÙħÙĪÙĤع":133052,"räg":133053,"A":133054,"íķĦ":133055,"ãĤĴè¦ĭãĤĭ":133056,"اÙħا":133057,"ĠاÙĦØŃرب":133058,"ĠÐŁÐ°":133059,"Ġ׾×IJתר":133060,"Ġtá»ijc":133061,"×ij׾×Ķ":133062,"رئÙĬس":133063,"вÑĥ":133064,"ÙĬدÙĬ":133065,"казан":133066,"Ġ×Ĺש×ij×ķף":133067,"hôtel":133068,"×¢×ķ׳×Ķ":133069,"بÙĨÙĬ":133070,"×ŀ×ķ׾":133071,"ĠднÑı":133072,"éĽ£ãģĹãģĦ":133073,"ведениÑı":133074,"Ġ×ķ×ŀת":133075,"напÑĢимеÑĢ":133076,"ÙĤابÙĦ":133077,"Ġrésultat":133078,"ĠÑĢазвиÑĤиÑı":133079,"رÙij":133080,"ìłĦ문":133081,"ĠاÙĦÙħزÙĬد":133082,"ĠìľĦíķ´ìĦľ":133083,"ëĨį":133084,"íĻķ":133085,"ĠThiết":133086,"íĮ¨":133087,"malıdır":133088,"ĠczÅĤ":133089,"ĠczÅĤowie":133090,"ĠczÅĤowiek":133091,"ĠÙĦبÙĨ":133092,"ĠÙĦبÙĨاÙĨ":133093,"üsü":133094,"ãģªãĤĵãģł":133095,"Ġżycie":133096,"ĠÑħоÑĢоÑĪо":133097,"æĸ¹ãģ«":133098,"ëĭ¤ë©´":133099,"иÑĩеÑģкаÑı":133100,"ער×Ļ׼":133101,"ער×Ļ×Ľ×ª":133102,"ãģ¾ãģĽãĤĵãģ§ãģĹãģŁ":133103,"ĠÑģобой":133104,"Ġgá»Ĺ":133105,"ĠделаÑĤÑĮ":133106,"daÄĩ":133107,"аÑĢа":133108,"różni":133109,"à¹Ģลีà¹ī":133110,"à¹Ģลีà¹īย":133111,"à¹Ģลีà¹īยà¸ĩ":133112,"à¸Ŀาà¸ģ":133113,"ĠتÙĤ":133114,"ĠتÙĤدÙĬ":133115,"ĠتÙĤدÙĬÙħ":133116,"หà¸Ļุà¹Īม":133117,"Ġmücade":133118,"Ġmücadele":133119,"ì§Ģ를":133120,"ãĤ¤ãĤ¹":133121,"Ġأساس":133122,"jÄħcego":133123,"ĠÅŁeh":133124,"нÑĤеÑĢ":133125,"ÑĨиÑİ":133126,"ï»»":133127,"ÑİÑīего":133128,"à¹Ĥà¸Ľà¸£à¹ģ":133129,"à¹Ĥà¸Ľà¸£à¹ģà¸ģรม":133130,"ĠmieÄĩ":133131,"ØŃÙĥÙĪÙħØ©":133132,"ãģ§ãģĹãģŁãģĮ":133133,"×Ļס×Ķ":133134,"ãĤĤãģ®ãĤĴ":133135,"Ġ×ŀ×IJת":133136,"สุà¸Ķà¸Ĺà¹īาย":133137,"ĠcÅ©":133138,"ÙĨسب":133139,"ĠпÑĢоÑĩ":133140,"Ġдней":133141,"ĠÑįÑĤиÑħ":133142,"׾×ŀת":133143,"нÑıÑı":133144,"Ñįк":133145,"Ġì§ĢëĤľ":133146,"มหาวิà¸Ĺยา":133147,"มหาวิà¸Ĺยาล":133148,"มหาวิà¸Ĺยาลัย":133149,"dão":133150,"ĠMáy":133151,"ĠêµŃê°Ģ":133152,"à¸ļุรี":133153,"×Ĵ×Ļ׾":133154,"ĠÑĤÑĭÑģÑı":133155,"ĠÑĤÑĭÑģÑıÑĩ":133156,"ÙģÙĥ":133157,"ĠÐĺÑģ":133158,"è¡ĮãĤıãĤĮ":133159,"פר×ĵ":133160,"ãģ¤ãģį":133161,"à¸Ħรà¸Ńà¸ļ":133162,"à¸Ħรà¸Ńà¸ļà¸Ħรัว":133163,"à¸Ĥึà¹īà¸Ļมา":133164,"ä»ĬæĹ¥ãģ¯":133165,"ĠìĤ¬ëŀĮìĿ´":133166,"עצ×ŀ×Ķ":133167,"поÑĢ":133168,"ĠKỳ":133169,"ĠÆ¡n":133170,"ĠthÄĥm":133171,"Ù쨧ÙĤ":133172,"ãģļãģ«":133173,"Ġ׾קר":133174,"Ġ׾קר×ķ×IJ":133175,"اÙģÙĬØ©":133176,"ÙħÙİØ§":133177,"гаÑĢ":133178,"صÙĦا":133179,"صÙĦاة":133180,"Ġ×ŀ×ĸ×Ķ":133181,"lıģını":133182,"Ġ×IJ×Ļ׳×Ķ":133183,"кÑĢо":133184,"Ġngươi":133185,"Ġвним":133186,"Ġвнимание":133187,"jÄħcy":133188,"ÙĢÙĢÙĢÙĢÙĢ":133189,"ÑģÑħод":133190,"ãģªãĤĵãģĭ":133191,"×ŀ×Ļ׾":133192,"Ġ×Ķ×IJ×Ĺ":133193,"ãĤıãģªãģĦ":133194,"عسÙĥر":133195,"ĠìĦ¸ê³Ħ":133196,"ĠÑĩего":133197,"ĠÑģÑĢедÑģÑĤва":133198,"ĠÐłÐ°Ñģ":133199,"ãģªãģģ":133200,"ÙĨÙ쨳":133201,"ר×Ļ×ķף":133202,"ÑģÑĥд":133203,"ĠìĿ¸ê°Ħ":133204,"ĠاÙĦÙħÙĤبÙĦ":133205,"ÙĨعÙħ":133206,"تÙĪÙ쨱":133207,"ש×ij×¢":133208,"ılm":133209,"ılmÄ±ÅŁ":133210,"Ġ×ľ×ª×ª":133211,"تصÙģ":133212,"×Ķפ×ķ×ļ":133213,"à¹ĥà¸Ļà¸Ľà¸µ":133214,"ìĿ´ê³ł":133215,"ÙģÙĪØ²":133216,"à¸ľà¸¥à¸ĩาà¸Ļ":133217,"ĠGiáo":133218,"à¸ļà¸Ńà¸ģวà¹Īา":133219,"ĠdÄ±ÅŁ":133220,"ĠdÄ±ÅŁÄ±nda":133221,"죽":133222,"ĠdzieÅĦ":133223,"кÑĨии":133224,"иÑĨе":133225,"ãģ®ä¸Ģ":133226,"عش":133227,"пÑĢеÑģÑģ":133228,"หà¸Ļà¹Īà¸Ńย":133229,"ลัà¸ģษà¸ĵะ":133230,"ĠpossibilitÃł":133231,"à¹Ħà¸Ķà¹īรัà¸ļà¸ģาร":133232,"หยุà¸Ķ":133233,"Ġphiên":133234,"çĶŁãģ¾ãĤĮ":133235,"Ø·ÙĪÙĦ":133236,"ÑĦин":133237,"für":133238,"ØŃÙĬاة":133239,"íĸĪìĬµëĭĪëĭ¤":133240,"׼׳×ķת":133241,"à¸Ľà¸£à¸°à¸ª":133242,"à¸Ľà¸£à¸°à¸ªà¸ļ":133243,"à¸Ľà¸£à¸°à¸ªà¸ļà¸ģารà¸ĵà¹Į":133244,"ëIJĺìĹĪ":133245,"Ġkażdy":133246,"Ġluyá»ĩn":133247,"ĠоÑĢганизаÑĨии":133248,"å°ijãģªãģı":133249,"ÑģÑĤÑĢоен":133250,"Ġtécnico":133251,"×§×Ķ׾":133252,"Ġ×ķ×IJ×Ĺ":133253,"ĠعÙĦÙĬÙĥ":133254,"Ñīение":133255,"Ġ×Ķ×Ļ׾×ĵ×Ļ×Ŀ":133256,"ÙĪØ³Ø§Ø¦ÙĦ":133257,"Ġ×ķ×Ķת":133258,"تÙħÙĬز":133259,"ĠÑģказал":133260,"Ġполи":133261,"Ġ×Ķ×ŀס":133262,"ÙĦÙijÙİ":133263,"Ùħؤسسة":133264,"Ġ×ŀ×Ļ×ĵ":133265,"ãģ£ãģ¡":133266,"ĠëĦĪ무":133267,"à¸ŀี":133268,"Ġtặng":133269,"Ġtấn":133270,"רש×Ŀ":133271,"Ġmédica":133272,"Ġ×¢×ķ×ŀ":133273,"Ġ×¢×ķ×ŀ×ĵ":133274,"ÑĦоÑĢ":133275,"Ùħرة":133276,"Ġvatanda":133277,"ĠvatandaÅŁ":133278,"Ġдело":133279,"à¸Ļม":133280,"ãģ¨åIJĮãģĺ":133281,"ÙģÙī":133282,"ÑģоÑĢ":133283,"Ġ×Ķסר×ĺ":133284,"Ġépoca":133285,"ìłķì±ħ":133286,"ĠÑģвÑıзан":133287,"ضرب":133288,"ĠÙĦÙĨا":133289,"Ġużywa":133290,"ĠاÙĦجÙĬØ´":133291,"ÑİÑĢ":133292,"×ijס×ķ×£":133293,"ĠмÑĥ":133294,"ĠмÑĥзÑĭк":133295,"bilité":133296,"Ġmaç":133297,"سÙİ":133298,"تÙĦÙĥ":133299,"ãģ¬":133300,"ÙĬÙĦا":133301,"ÑĪла":133302,"ÙĢÙĢÙĢ":133303,"Ġодной":133304,"зван":133305,"ĠÑģÑĢаз":133306,"ĠÑģÑĢазÑĥ":133307,"ÙĨظÙħ":133308,"راÙĩ":133309,"ĠÙĦÙĩذا":133310,"׼×ķר":133311,"Ġ×Ķש×ij×ķ×¢":133312,"Ġ×Ķשת":133313,"ĠQuảng":133314,"ãĥ«ãĥ¼":133315,"ãģĪãģªãģĦ":133316,"×ĺ×IJ":133317,"Ġmiá»ģn":133318,"ĠPháºŃt":133319,"ĠاÙĦسÙĪÙĤ":133320,"ÄĤ":133321,"ĠاÙĦجÙħع":133322,"ĠاÙĦجÙħعة":133323,"ÑİÑīей":133324,"aÅĤem":133325,"عتÙĤد":133326,"Ø£ÙĦÙħ":133327,"Ñģке":133328,"ĠìĿ´íķ´":133329,"ÙĨسخ":133330,"è¨ĢãģĦ":133331,"добав":133332,"سبÙĤ":133333,"×¢×ķרר":133334,"ÑĤип":133335,"ãģĿãģĵãģ§":133336,"visión":133337,"عÙĪØ¯Ø©":133338,"먹":133339,"×ŀ×ĸר×Ĺ":133340,"ĠØ¥ØŃ":133341,"Ġ׾×ij×Ļף":133342,"Ġ׾צ×IJת":133343,"Ġyardı":133344,"Ġyardımc":133345,"Ġyardımcı":133346,"İZ":133347,"קפ×Ķ":133348,"tré":133349,"liÄŁini":133350,"клÑİÑĩа":133351,"Ġüretim":133352,"Ġayrı":133353,"ĠkiÅŁiler":133354,"à¸Ħà¹īà¸Ļ":133355,"à¸Ħà¹īà¸Ļหา":133356,"ĠSá»±":133357,"Ġ×Ľ×¡":133358,"Ġ×Ľ×¡×£":133359,"ĠÑĤакиÑħ":133360,"ĠXuân":133361,"Ġлег":133362,"Ġлегко":133363,"Ø«ÙĤاÙ쨩":133364,"ÐĿÐŀ":133365,"ãĤ¹ãĤ¿ãĥĥ":133366,"ãĤ¹ãĤ¿ãĥĥãĥķ":133367,"åIJĪãģĦ":133368,"Ġ×Ķש×Ļ×ŀ×ķש":133369,"manız":133370,"ĠÐĴаÑģ":133371,"gün":133372,"ìľĦìĽIJíļĮ":133373,"Ġwspóln":133374,"ĠÑģвое":133375,"íĥģ":133376,"à¹Ģà¸Ļีย":133377,"ÙĪØ¨Ø©":133378,"вÑıз":133379,"ıdır":133380,"ëIJĺìĹĪëĭ¤":133381,"ĠdeÄŁiÅŁtir":133382,"ãĤĭãģĵãģ¨ãģĮ":133383,"Ġ×Ĺ×ĵש×Ķ":133384,"ãĤīãĤĮãģ¦ãģĦãĤĭ":133385,"×Ĺ×Ļ×Ļ×ij":133386,"ĠÐļаÑĢ":133387,"׳×Ļת×ķ×Ĺ":133388,"Ġ×§×ĺף":133389,"ר×ĸ":133390,"ÙĪØº":133391,"èªŃãģ¿":133392,"ĠتÙĤÙĪÙħ":133393,"ĠÙĥاÙĦ":133394,"à¸Ŀึà¸ģ":133395,"Ġë°ľìĥĿ":133396,"ológico":133397,"راع":133398,"à¹ģà¸ģà¹īà¹Ħà¸Ĥ":133399,"ĠÑĢабоÑĤÑĥ":133400,"ÙĨÙijÙİ":133401,"à¸Ńยูà¹Īà¸Ĺีà¹Ī":133402,"ĠاÙĦثاÙĨÙĬØ©":133403,"ĠNhân":133404,"ÑħваÑĤ":133405,"öne":133406,"Ġعدة":133407,"à¹ģสà¸ĩ":133408,"ÑĤоп":133409,"пÑĥÑģка":133410,"شراء":133411,"ĠÐļом":133412,"Ġפע×ķ׾×Ķ":133413,"ìĤ¬ìĿ´":133414,"ìĤ¬ìĿ´íĬ¸":133415,"è¡Įãģ£ãģ¦":133416,"Ġ×Ķ×Ķת":133417,"ĠÑģÑĤоÑĢо":133418,"ĠÑģÑĤоÑĢонÑĭ":133419,"درس":133420,"à¸ĭู":133421,"à¸ķà¹Īำ":133422,"ĠأبÙĬ":133423,"подоб":133424,"ãģ«ãģ¦":133425,"ارتÙģØ§Ø¹":133426,"ĠÙħؤ":133427,"иков":133428,"geführt":133429,"มืà¸Ńà¸ĸืà¸Ń":133430,"ĠÙĦÙĤد":133431,"ĠØ£ÙĨÙij":133432,"سÙĬطر":133433,"ãģ¾ãģļãģ¯":133434,"ס×ĵ":133435,"ÑģколÑĮко":133436,"ãģ¿ãģŁãģĦãģª":133437,"×ĵר×Ĵ":133438,"×¢×Ļ×ĵ":133439,"à¹ĥหà¹īà¸ļริà¸ģาร":133440,"ĠÐĶи":133441,"×ij×¢×Ļ×ķת":133442,"Ġ×Ķ×Ĺ×ķ":133443,"пиÑģÑĮ":133444,"ĠاÙĦØ®ÙĦ":133445,"бав":133446,"Ġİlk":133447,"ĠاÙĦØ®Ùħ":133448,"ĠاÙĦØ®ÙħÙĬس":133449,"ĠÙĬÙĤÙĪÙħ":133450,"æĻĤãģ®":133451,"ĠsÅĤow":133452,"ĠØ£ÙĩÙħ":133453,"Ø®ÙĦÙĤ":133454,"ĠأصبØŃ":133455,"Ġchứa":133456,"Ġthác":133457,"Ù쨧ÙĦ":133458,"Ġchá»Ŀ":133459,"ĠاÙĦخار":133460,"ĠاÙĦخارج":133461,"ĠاÙĦخارجÙĬØ©":133462,"طائر":133463,"ĠtÃł":133464,"ĠtÃłu":133465,"à¸ģลà¹īà¸Ńà¸ĩ":133466,"ĠاÙĦÙħرأ":133467,"ĠاÙĦÙħرأة":133468,"åħ¨ãģı":133469,"ĠÃĸn":133470,"çļĦãģ«ãģ¯":133471,"Ġpièce":133472,"×Ĵ×Ļ×ij":133473,"ĠاÙĦÙĪØ§ÙĤع":133474,"ä»Ĭãģ®":133475,"ĠاÙĦÙħÙĤ":133476,"cznÄħ":133477,"ÙģØ¹Ø§ÙĦ":133478,"енного":133479,"ĠÑĦакÑĤ":133480,"ìĭłì²Ń":133481,"ĠÐŀни":133482,"ĠاÙĦبÙĦاد":133483,"овиÑĩ":133484,"ëıĮ":133485,"ÑĦÑĥнкÑĨи":133486,"Ġìĸ´ëĬIJ":133487,"ãĥķãĤ©ãĥ¼":133488,"dÃŃ":133489,"илоÑģÑĮ":133490,"ÙħÙī":133491,"ĠاÙĦØ£ÙħرÙĬÙĥ":133492,"ĠاÙĦØ£ÙħرÙĬÙĥÙĬØ©":133493,"×ĺ×Ļפ×ķ׾":133494,"íĶĦë¡ľê·¸":133495,"íĶĦë¡ľê·¸ëŀ¨":133496,"Ġש×ķ׳×ķת":133497,"Ø´ÙħÙĦ":133498,"ĠпаÑĢа":133499,"Ġ×Ķ×Ĺ×ķ×§":133500,"ÙĪØ²Ø§Ø±Ø©":133501,"ãģ¨ãģĻãĤĭ":133502,"Ġquảng":133503,"Ġaģır":133504,"ĠاÙĦÙĦج":133505,"ĠاÙĦÙĦجÙĨØ©":133506,"긴":133507,"ĠTân":133508,"جÙħÙĦ":133509,"дол":133510,"à¹ģà¸ŀà¸Ĺย":133511,"à¹ģà¸ŀà¸Ĺยà¹Į":133512,"Ġר×IJש×Ļ":133513,"Ñīей":133514,"Ġçevre":133515,"ĠкомплекÑģ":133516,"Ġ×ij×ŀש×ļ":133517,"Ġaltın":133518,"ĠأعÙħاÙĦ":133519,"ĠÑģвоего":133520,"ãĤĪãģĦ":133521,"×Ĺ׾×Ļ×ĺ":133522,"×ŀ×ł×¢":133523,"Ġר×ij×Ķ":133524,"ĠØ£ÙĬضاÙĭ":133525,"×ĸ׾":133526,"ĠاÙĦسÙĬاسÙĬ":133527,"æĢĿãģĨ":133528,"קרק":133529,"קרקע":133530,"ĠاÙĦÙ쨱ÙĬÙĤ":133531,"биÑĤ":133532,"ק׳×Ķ":133533,"ĠØ¥ÙĨÙĩ":133534,"ĠÐĴам":133535,"ÐłÐŀ":133536,"ãĥĪãĥª":133537,"å¿ħè¦ģãģª":133538,"Ġchâu":133539,"ç¶ļãģij":133540,"Ġçözüm":133541,"gÅĤow":133542,"عÙĤÙĦ":133543,"売ãĤĭ":133544,"iết":133545,"à¸Ĭิà¹īà¸Ļ":133546,"ĠØŃÙĤÙĪÙĤ":133547,"Ø·ÙĦع":133548,"ĠÄijen":133549,"ĠÙĥاÙ쨩":133550,"ãģ®ãģĶ":133551,"Ġë¬":133552,"Ġ물":133553,"Ġë¬¼ë¡ł":133554,"ĠرسÙĪÙĦ":133555,"зам":133556,"замен":133557,"Ġkullanıcı":133558,"×¢×ķ׾":133559,"èī²ãĢħ":133560,"ÑĪиÑĢ":133561,"Ġ×Ĺש":133562,"Ġwygl":133563,"ĠwyglÄħda":133564,"ש×Ļ×ŀ×ķש":133565,"å¿ĺãĤĮ":133566,"×¢×Ļצ×ķ×ij":133567,"ĠاÙĦسÙĪØ±ÙĬ":133568,"å°ijãģªãģĦ":133569,"ĠпоиÑģк":133570,"สำà¸Ļัà¸ģà¸ĩาà¸Ļ":133571,"Ġ×ŀצ×ĵ":133572,"ĠmÃ¼ÅŁ":133573,"ĠmÃ¼ÅŁter":133574,"ĠmÃ¼ÅŁteri":133575,"ĠÙħÙĨÙĩÙħ":133576,"à¸ķำà¹ģ":133577,"à¸ķำà¹ģหà¸Ļ":133578,"à¸ķำà¹ģหà¸Ļà¹Īà¸ĩ":133579,"ÅĽmie":133580,"Ġ×©×ł×ª":133581,"Ġ×Ķפ×Ļ":133582,"פרש":133583,"×¢×ijר×Ļת":133584,"สà¸Ļัà¸ļ":133585,"สà¸Ļัà¸ļสà¸Ļุ":133586,"สà¸Ļัà¸ļสà¸Ļุà¸Ļ":133587,"è¨Ģãģ£ãģ¦":133588,"à¸ģารà¸Īัà¸Ķ":133589,"ĠMoże":133590,"изаÑĨии":133591,"ứt":133592,"ĠÙĪØ¨Ø¹Ø¯":133593,"ĠdeÄŁild":133594,"ĠdeÄŁildir":133595,"Ġת×ŀ":133596,"Ġ×ŀ×ŀ׳×ķ":133597,"話ãĤĴ":133598,"ĠÑĨена":133599,"Ġthúc":133600,"×Ļ×ŀ×ķף":133601,"ĠBáo":133602,"ãĤĴåıĸãĤĬ":133603,"å®īãģĦ":133604,"Ġ×¢×ķש×Ļ×Ŀ":133605,"èĩªåĪĨãģĮ":133606,"lée":133607,"ãĤĭãģ®ãģ§":133608,"иÑĢÑĥеÑĤ":133609,"ãģ¦ãĤĭ":133610,"ستر":133611,"ĠاÙĦØŃÙĬ":133612,"×Ļ׾×ķת":133613,"Ġ×Ĺ×ij":133614,"ÙĤرأ":133615,"تÙħÙĥÙĨ":133616,"سائÙĦ":133617,"prüf":133618,"ãģĭãģijãģ¦":133619,"ĠÑģобÑģÑĤвенно":133620,"ĠìľĦíķĺìŬ":133621,"׾×Ļ×ĺ":133622,"ãģĮå¤ļãģı":133623,"ÙĬتÙĩا":133624,"ç«ĭãģ¦":133625,"มà¸Ńà¸ļ":133626,"ìĭľìŀ¥":133627,"оÑĢа":133628,"ĠsavaÅŁ":133629,"×ĺ×Ļ×ij×Ļ":133630,"×ij׳×ķ":133631,"Ùħاذا":133632,"기ê°Ħ":133633,"ãģªãģ©ãģ§":133634,"Ġ×ŀת×Ĺ×Ļ׾":133635,"Ġnhiá»ħ":133636,"Ġnhiá»ħm":133637,"каÑĢ":133638,"каÑĢÑĤ":133639,"Ġ׾×Ķשת×ŀש":133640,"׳×Ļ×Ĺ":133641,"ادÙĬØ©":133642,"รายà¸ĩาà¸Ļ":133643,"ĠprzykÅĤad":133644,"Ñīий":133645,"ØŃضÙĪØ±":133646,"Ġhôn":133647,"ÃĿ":133648,"ת×ķצ×IJ×ķת":133649,"رابط":133650,"Ġbếp":133651,"ĠполÑĥÑĩи":133652,"åĩºä¼ļãģĦç³»":133653,"à¸Ľà¸¥à¹Īà¸Ńย":133654,"ĠاÙĦشباب":133655,"اÙĩÙĦ":133656,"ä»Ĭãģ¾ãģ§":133657,"رجع":133658,"ãĤ¶ãĥ¼":133659,"ÙĤÙģ":133660,"ĠGroÃŁ":133661,"ĠíļĮìĽIJ":133662,"اجر":133663,"Ġ×ij×ŀקר×Ķ":133664,"Ġsegurança":133665,"fühl":133666,"ãģ¦ãģĦãģı":133667,"หมà¸Ń":133668,"ĠкоÑĤоÑĢом":133669,"ĠNÄĥm":133670,"ĠdÅĤugo":133671,"ÙħÙĨØŃ":133672,"ש×ķ×ķ×Ļ":133673,"ĠØ£ÙĬاÙħ":133674,"à¸ªà¸łà¸²à¸ŀ":133675,"rzÄħ":133676,"شرÙĥات":133677,"ãĤĴèĢĥãģĪ":133678,"даÑĢ":133679,"à¸Ľà¸£à¸°à¸Ĭุม":133680,"Ġ×ķ×IJ×ĸ":133681,"iá»ĩn":133682,"Ġtươi":133683,"ש×Ļ×Ĺ":133684,"à¸Ńà¹Īà¸Ńà¸Ļ":133685,"æĽ¸ãģĦãģ¦":133686,"Ġngữ":133687,"×ij×Ļ×ĺ×Ĺ":133688,"×ij×Ļ×ĺ×Ĺ×ķף":133689,"Ġsẵ":133690,"Ġsẵn":133691,"ì§ĢëıĦ":133692,"ĠпÑĢеп":133693,"ĠпÑĢепаÑĢаÑĤ":133694,"ĠнаÑĥÑĩ":133695,"ĠÃľnivers":133696,"ĠÃľniversites":133697,"ĠÃľniversitesi":133698,"Ġ×Ĵ×ĵ×ķ׾×Ķ":133699,"Ġ×Ķ×ł×ª":133700,"Ġ×Ķ×ł×ª×ij×¢":133701,"ãģ§ãģĤãģ£ãģŁ":133702,"ĠmiesiÄħ":133703,"ĠmiesiÄħc":133704,"гÑĢам":133705,"гÑĢамм":133706,"ĠبشأÙĨ":133707,"ĠÑħÑĢ":133708,"×§×Ļ×ĵ":133709,"×§×Ļ×ĵ×ķ×Ŀ":133710,"Ø´Ùĥر":133711,"Ġá»ķ":133712,"Ġá»ķn":133713,"ãģĮãģĤãģ£ãģ¦":133714,"ãģķãĤĮãģ¾ãģĻ":133715,"Ġ×Ĺ×ķ×ĵ":133716,"Ġ×Ĺ×ķ×ĵש×Ļ×Ŀ":133717,"ÙħÙĪØ§Ø¬Ùĩ":133718,"ÙħÙĪØ§Ø¬ÙĩØ©":133719,"أشخاص":133720,"بغ":133721,"à¹Ģรียà¸Ļรูà¹ī":133722,"ãģĹãģ¦ãģĦãģı":133723,"Ġsạn":133724,"å¿ħãģļ":133725,"׳×Ļ×Ĵ":133726,"׳×Ļ×Ĵ×ķ×ĵ":133727,"باÙĦغ":133728,"×Ĺש×ŀ":133729,"×Ĺש×ŀ׾":133730,"Ġnapraw":133731,"ĠnaprawdÄĻ":133732,"Ø´Ùĩاد":133733,"×IJ×ķ×Ķ":133734,"×IJ×ķ×Ķ×ij":133735,"иÑĨÑĭ":133736,"Ġ×Ķר׼×ij":133737,"ëŀij":133738,"Ġתע":133739,"Ġ×Ķ×Ļש":133740,"Ġ×Ķ×Ļשר×IJ":133741,"Ġ×Ķ×Ļשר×IJ׾×Ļ":133742,"Ø£ÙħÙĨ":133743,"ÑİÑīаÑı":133744,"skór":133745,"LERİ":133746,"Ġ×Ķ×IJ×Ĺר×ķף":133747,"×¢×ł×§":133748,"ĠÙĪÙĥÙĦ":133749,"ãģĵãģĵãģ§":133750,"Ġquán":133751,"liÄŁin":133752,"à¸ģà¸İหมาย":133753,"Ø·Ùħ":133754,"أجÙĩ":133755,"أجÙĩزة":133756,"ĠErdoÄŁan":133757,"ãģ§ãģĬ":133758,"ĠвÑĢа":133759,"ĠвÑĢаÑĩ":133760,"ĠPhó":133761,"à¸Ĭัà¹Īว":133762,"à¸Ĭัà¹Īวà¹Ĥม":133763,"à¸Ĭัà¹Īวà¹Ĥมà¸ĩ":133764,"Ġphúc":133765,"×Ļפ×ķת":133766,"×¢×Ļ×ķף":133767,"Ġdużo":133768,"ãĥģãĥ¼ãĥł":133769,"ĠÙĬÙİ":133770,"ĠзадаÑĩ":133771,"Ġ×Ĵ×ij×ķ×Ķ×Ķ":133772,"Ġ׼׼׾":133773,"ложен":133774,"état":133775,"ĠngÄĥn":133776,"èµ·ãģį":133777,"ĠTiến":133778,"صعب":133779,"Ġexperiência":133780,"Ø®Ùħ":133781,"à¸ģารà¸Ĺำà¸ĩาà¸Ļ":133782,"سÙĬد":133783,"ĠDá»±":133784,"ĠкоÑĤоÑĢого":133785,"ladıģı":133786,"Ġkhá»ķ":133787,"Ġê³ĦìĨį":133788,"Ñīик":133789,"สà¹Īวà¸Ļà¸ķัว":133790,"зоÑĢ":133791,"ÙĨÙı":133792,"Ġà¸Ķัà¸ĩ":133793,"Ġà¸Ķัà¸ĩà¸Ļัà¹īà¸Ļ":133794,"Ġcấu":133795,"ĠÄijá»ijc":133796,"оÑĦ":133797,"ĠاÙĦأعÙħاÙĦ":133798,"ãģªãģıãģ¦ãĤĤ":133799,"×ķ׼×Ļ×Ŀ":133800,"à¹ģà¸Ľ":133801,"ĠBên":133802,"ãĥ¯ãĥ³":133803,"Ġgiám":133804,"ĠÅŀu":133805,"Ġdáng":133806,"عÙĦÙĬ":133807,"à¹Ģà¸ģษ":133808,"à¹Ģà¸ģษà¸ķร":133809,"ÙĪØ¬Ø¨":133810,"ннÑĭе":133811,"ÙĤضاء":133812,"à¸Ħวà¸ļ":133813,"à¸Ħวà¸ļà¸Ħุ":133814,"à¸Ħวà¸ļà¸Ħุม":133815,"ãģ¤ãģ¤":133816,"ĠViá»ĩc":133817,"×ŀ×ij×ĺ":133818,"ש×Ļת×ķ×£":133819,"ĠведÑĮ":133820,"kaza":133821,"kazaÅĤ":133822,"à¸ķำรวà¸Ī":133823,"ãĤ¿ãĥ«":133824,"ĠповÑĭ":133825,"ĠповÑĭÑĪен":133826,"ĠSợ":133827,"ĠìĦ¤ëªħ":133828,"ĠÃĩünkü":133829,"ìĥĿíĻľ":133830,"Ö¾":133831,"ãĤĮãģ¦ãģĦãĤĭ":133832,"Ġ×ijר×IJש":133833,"ר×ķ×Ĵ":133834,"ĠоÑĦи":133835,"ĠоÑĦиÑĨиалÑĮн":133836,"ĠÑĥÑģÑĤанов":133837,"ĠÑĥÑģÑĤановлен":133838,"ĠاÙĦÙħصر":133839,"ĠاÙĦÙħصرÙĬØ©":133840,"ĠÐŁÐ¾ÑįÑĤомÑĥ":133841,"ÙĨصÙģ":133842,"ĠÙĪØ§ÙĦÙĨ":133843,"ĠhÃłi":133844,"à¸Ħิ":133845,"ĠAprès":133846,"ì³IJ":133847,"à¹Ģà¸ĭีย":133848,"×ĵ×ŀ×Ķ":133849,"activité":133850,"à¸Ħิà¸Ķวà¹Īา":133851,"ÑĤÑĢен":133852,"à¹Ģฮ":133853,"ãĥıãĤ¤":133854,"ãģĮå¢ĹãģĪ":133855,"еннаÑı":133856,"Ġìĺ¤ëĬĺ":133857,"ãĥ¢ãĥ³":133858,"ĠконеÑĩно":133859,"ĠÙħÙĤابÙĦ":133860,"clé":133861,"Ġhü":133862,"Ġthẳng":133863,"ìłģìĿ´":133864,"ĠÐIJлекÑģ":133865,"ĠÐIJлекÑģан":133866,"ĠÐIJлекÑģандÑĢ":133867,"ãĥŀãĥ³ãĤ·ãĥ§ãĥ³":133868,"ãģ²ãģ¨ãģ¤":133869,"ãģªãģĬ":133870,"à¹Ģà¸Īà¹īาà¸Ĥà¸Ńà¸ĩ":133871,"ëĵľë¦¬":133872,"شاء":133873,"ĠsaÄŁlık":133874,"ĠÅŁimdi":133875,"×Ļ×IJ׾":133876,"تأثÙĬر":133877,"أسب":133878,"أسباب":133879,"ĠвÑĭполнен":133880,"лок":133881,"ש×Ļ×ij×Ķ":133882,"Ġlắm":133883,"ĠTrÆ°á»Ľc":133884,"Ġ×Ķ×¢×ľ":133885,"리를":133886,"ĠÑĢеж":133887,"ĠÑĢежим":133888,"inté":133889,"intégr":133890,"×Ĵ׳×Ļ":133891,"ĠاÙĦشعر":133892,"Ġmilhões":133893,"Ġpequeño":133894,"ãĤ³ãĥ¼ãĤ¹":133895,"×ķ׼×Ĺ":133896,"à¹Ģà¸Ĭà¹īา":133897,"شرÙĤ":133898,"Ġhương":133899,"รัà¸IJà¸ļาล":133900,"à¸ģลาย":133901,"à¸ģลายà¹Ģà¸Ľà¹ĩà¸Ļ":133902,"ĠподÑħод":133903,"תש×ķ×ij×Ķ":133904,"ãģıãģªãģ£ãģ¦":133905,"ĠاÙĦØ£ÙħÙħ":133906,"ĠHá»įc":133907,"ĠwspóÅĤpr":133908,"ĠwspóÅĤprac":133909,"ÑĩÑĥв":133910,"ÑĩÑĥвÑģÑĤв":133911,"ÃŃstico":133912,"à¹Ģà¸ģาะ":133913,"ìĽĢ":133914,"Ġназад":133915,"ãĤĭãĤĪãģĨãģ«":133916,"ĠСШ":133917,"ĠСШÐIJ":133918,"мон":133919,"ĠAsÃŃ":133920,"×ķר×Ĵ":133921,"полнен":133922,"×ŀ×¡×ľ":133923,"×ŀ×¡×ľ×ķ׾":133924,"à¹Ģลืà¸Ńà¸Ķ":133925,"à¹Ģริà¹Īมà¸ķà¹īà¸Ļ":133926,"ĠاÙĦØ¥Ùħ":133927,"ĠاÙĦØ¥Ùħارات":133928,"צ×Ķר":133929,"ãĥ¡ãĥªãĥĥãĥĪ":133930,"ĠпоÑĤом":133931,"виз":133932,"ĠÙģØªØ±Ø©":133933,"å¾Įãģ®":133934,"ÐĿÐIJ":133935,"×ŀסר":133936,"ÙĬرÙĬ":133937,"pré":133938,"ĠteÅŁek":133939,"ĠteÅŁekkür":133940,"Ġödeme":133941,"داÙĨ":133942,"ãģ¾ãģĹãģ¦":133943,"缮ãģ«":133944,"ĠÑĤеÑĩение":133945,"lard":133946,"lardır":133947,"à¹Ģราà¸Īะ":133948,"ספ×Ļ":133949,"ĠÙĪÙĥذÙĦÙĥ":133950,"Ġhát":133951,"Ġtá»Ļc":133952,"à¸Ħุย":133953,"Ġbức":133954,"ØŃÙĬÙĨ":133955,"èģŀãģĦãģ¦":133956,"Ùħؤشر":133957,"ĠNhư":133958,"Ġменее":133959,"ละà¸Ħร":133960,"Ñģин":133961,"ĠÑĢек":133962,"ĠÑĢекл":133963,"ĠÑĢеклам":133964,"ĠÙģÙĩÙĪ":133965,"Ġ׾×ĸ":133966,"×Ļ׳×ķת":133967,"ĠÅŁart":133968,"ÑģÑĤавка":133969,"Ġíı¬íķ¨":133970,"ãģ«è¡Įãģı":133971,"ï¼Ŀ":133972,"ĠпозволÑıеÑĤ":133973,"Ġת×ķ׼׾×ķ":133974,"овал":133975,"صÙĦØ©":133976,"Ġ׾ש׳×ķת":133977,"ĠÐĺгÑĢ":133978,"ÙħÙĨتجات":133979,"ĠsatÄ±ÅŁ":133980,"Ñģко":133981,"ĠاÙĦØ«ÙĦاثاء":133982,"Ġ×Ķ×ĵ×ijר×Ļ×Ŀ":133983,"ãģĹãģ¾ãģĹãĤĩãģĨ":133984,"بÙĤÙī":133985,"åĬĽãĤĴ":133986,"ĠÃĩok":133987,"ãĥģãĥ¥":133988,"à¹Ģà¸Ĭืà¹īà¸Ń":133989,"ยุà¸Ħ":133990,"ศาล":133991,"Ġ×§×ķ×ĵ×Ŀ":133992,"×ĸר×Ļ×Ŀ":133993,"ãģ®åł´åIJĪ":133994,"ĠìķĬìķĺ":133995,"ãģĤãĤĬãģ¾ãģĻãģĮ":133996,"×IJשר":133997,"è¡Įãģı":133998,"ãģ»ãģĭ":133999,"æ°Ĺãģ«ãģªãĤĭ":134000,"йдеÑĤ":134001,"íķĺìĺĢëĭ¤":134002,"ستÙħرار":134003,"ĠÐŁÑĢе":134004,"ĠÑģбоÑĢ":134005,"ĠìķĦ무":134006,"ç§ģãĤĤ":134007,"عص":134008,"ĠниÑĩ":134009,"ĠниÑĩего":134010,"ĠпÑĢием":134011,"×§×ķ×ŀ":134012,"ĠìĪĺëıĦ":134013,"Ġì¡´":134014,"Ġì¡´ìŀ¬":134015,"ĠأثÙĨ":134016,"ĠأثÙĨاء":134017,"ĠÙĪØ§ÙĦØŃ":134018,"ãģĮãģ§ãģįãĤĭ":134019,"Ġת×Ķ":134020,"Ġת×Ķ×Ļ×Ķ":134021,"רף":134022,"ĠÑģвÑıзи":134023,"×Ĵשת":134024,"ÑģпекÑĤ":134025,"ס×ij×Ļ×ij":134026,"ס×ij×Ļ×ij×Ķ":134027,"ĠíķĦìļĶíķľ":134028,"تخصص":134029,"Ġжив":134030,"ĠживоÑĤ":134031,"ĠMayıs":134032,"تعا":134033,"تعاÙĪÙĨ":134034,"ĠعÙĨÙĩا":134035,"ówki":134036,"ĠاÙĦÙģÙĦسطÙĬÙĨÙĬ":134037,"ãģłãģijãģ§ãģªãģı":134038,"ìĿ¸ì§Ģ":134039,"ĠاÙĦسÙĪØ¯":134040,"ĠاÙĦسÙĪØ¯Ø§ÙĨ":134041,"إجراءات":134042,"Ġkötü":134043,"Ġ×Ļתר":134044,"×Ĵ×Ļש×Ķ":134045,"Ġצ×ķר×ļ":134046,"รà¸ĸย":134047,"รà¸ĸยà¸Ļà¸ķà¹Į":134048,"ÑħоÑĤ":134049,"ÐłÐIJ":134050,"ÙĪØ·ÙĨ":134051,"Ġsayısı":134052,"ס×Ĺר":134053,"ÙħÙĪÙĦ":134054,"ãĤĴæĮģãģ£ãģ¦":134055,"عاÙĨ":134056,"Ġtá»Ļi":134057,"ĠвÑĭÑĪе":134058,"Ġtầm":134059,"ãĥĪãĥ¬":134060,"×Ļצ×ķ":134061,"มุม":134062,"سÙĪØ¯":134063,"ìłĦìŀIJ":134064,"ãĤµãĥŃãĥ³":134065,"ìĤ°ìĹħ":134066,"ĠоÑģнован":134067,"Ø®Ù쨶":134068,"רצ×Ķ":134069,"بÙĬض":134070,"×ķÖ¹":134071,"ס×Ļ×Ļ×¢":134072,"Ġש×IJ×Ļ":134073,"ĠاÙĦÙĤرآÙĨ":134074,"ĠТакже":134075,"×ŀש×ŀ×¢×ķת":134076,"سÙĩÙĦ":134077,"Ġ×Ķ׳×Ķ":134078,"ãĤĴãģĹãģ¦ãģĦãĤĭ":134079,"×Ļ×Ļס":134080,"×Ķ×ķ×IJ":134081,"ĠBÃŃ":134082,"Ġмало":134083,"ĠëͰëĿ¼ìĦľ":134084,"Ġר×Ĺ×ij":134085,"ãģĮé«ĺãģĦ":134086,"ÙĪØ§Ø³":134087,"ìĤ¼":134088,"×ł×¢":134089,"ãģ£ãģ¡ãĤĥ":134090,"ĠTüm":134091,"à¸Ńีà¸ģà¸Ķà¹īวย":134092,"ãģĹãģ¦ãģıãģłãģķãģĦ":134093,"ÙĨشاط":134094,"ãĥĹãĥ©ãĥ³":134095,"алиÑģÑĮ":134096,"×ĵ×ľ×ª":134097,"ĠwczeÅĽ":134098,"ĠwczeÅĽniej":134099,"ĠÑįÑĤим":134100,"Ġthá»ĭt":134101,"à¸ļัà¸į":134102,"à¸ļัà¸įà¸Ĭี":134103,"ãģļãģ£ãģ¨":134104,"ÑĢин":134105,"ĠswojÄħ":134106,"íķĺëĬĶëį°":134107,"Ġë§Įëĵ¤ìĸ´":134108,"تشÙĥ":134109,"تشÙĥÙĬÙĦ":134110,"ائÙĩ":134111,"Ġ׾פ×Ĺ×ķת":134112,"ãĥĭãĥ¥":134113,"ãĥĭãĥ¥ãĥ¼ãĤ¹":134114,"׼×IJף":134115,"ãģ§ãģįãģŁ":134116,"звон":134117,"ĠstaÅĤ":134118,"×Ĺ×ijרת×Ļ":134119,"ĠأعÙĦÙĨ":134120,"à¹ģà¸ļà¸ļà¸Ļีà¹ī":134121,"بدء":134122,"ãĤģãģŁ":134123,"Ġ×ŀש×ŀ×¢×ķת":134124,"Ġ×ŀש×ŀ×¢×ķת×Ļ":134125,"örü":134126,"Ġhạnh":134127,"zähl":134128,"ĠLý":134129,"Ġ×ij×Ķת":134130,"Ġ×ij×Ķת×IJ×Ŀ":134131,"баÑĢ":134132,"ì¦Ī":134133,"ä»ĬåĽŀãģ®":134134,"Ġyü":134135,"Ġyüks":134136,"Ġyüksel":134137,"ãĤ½ãĥ¼":134138,"ãģĤãĤĮ":134139,"×ª×ľ×ŀ×Ļ×ĵ":134140,"ãģ¤ãģª":134141,"×ij׳×Ļ×Ŀ":134142,"Ġxếp":134143,"ĠмÑĥжÑĩин":134144,"ĠاÙĦÙĥتاب":134145,"׼×ŀ×ķת":134146,"Ġçe":134147,"ĠçeÅŁ":134148,"ĠçeÅŁit":134149,"ĠçeÅŁitli":134150,"×ĵ×Ļר×ķת":134151,"à¸ļุà¸į":134152,"ĠاÙĦØ¥ÙĦÙĥ":134153,"ĠاÙĦØ¥ÙĦÙĥترÙĪ":134154,"ĠاÙĦØ¥ÙĦÙĥترÙĪÙĨÙĬ":134155,"ĠباÙĦإض":134156,"ĠباÙĦإضاÙ쨩":134157,"Ġyönel":134158,"Ġyönelik":134159,"mysÅĤ":134160,"à¸Ķà¹īวยà¸ģาร":134161,"à¸ģารà¸Ĺำ":134162,"овÑĭм":134163,"أزÙħØ©":134164,"æİ¢ãģĹ":134165,"íļ¨":134166,"Ġ×ķ×IJ×Ŀ":134167,"Ġnghiêm":134168,"ÑĪин":134169,"кал":134170,"Ġcrianças":134171,"èĩªåĪĨãģ§":134172,"Ġнай":134173,"ĠнайÑĤи":134174,"ĠSá»ij":134175,"ĠÃ¶ÄŁrenciler":134176,"ãĥ¶æľĪ":134177,"Ñģан":134178,"ĠJá":134179,"ĠkonuÅŁma":134180,"شرط":134181,"ëĪĪ":134182,"arrière":134183,"ضرÙĪØ±Ø©":134184,"ãĥĶãĥ³":134185,"עשר":134186,"аÑĢÑĮ":134187,"جÙħاع":134188,"Ġdéco":134189,"Ġ×Ļ×Ķ×ķ×ĵ×Ļ":134190,"à¸ŀลาà¸Ķ":134191,"ĠÙĬÙĥÙĨ":134192,"ĠجاÙħعة":134193,"طبÙĤ":134194,"ĠboÅŁ":134195,"×ķ×ķ×IJ":134196,"×ŀ×ĵ×¢":134197,"×§×ij×ķצת":134198,"פ×Ļר":134199,"jÄħcym":134200,"Ùħشا":134201,"ÙħشاÙĥÙĦ":134202,"צפ×ķף":134203,"إست":134204,"×ŀ׼ר":134205,"سÙħع":134206,"Ġкакой":134207,"ÑĤвоÑĢ":134208,"ØŃج":134209,"ÙģØ±Ø¶":134210,"пÑĢавлен":134211,"Ġникак":134212,"Ġmiá»ĩ":134213,"Ġmiá»ĩng":134214,"Ã¼ÃŁ":134215,"иÑĢовал":134216,"׾×ŀ×ķת":134217,"次ãģ®":134218,"ÙĦØ·":134219,"à¸ķัà¸Ļ":134220,"×Ķת×Ĺ×Ļ׾":134221,"ĠfotoÄŁ":134222,"ĠfotoÄŁraf":134223,"طرØŃ":134224,"à¸Ńà¸Ńà¸ģà¹Ħà¸Ľ":134225,"Ġyên":134226,"Ġпок":134227,"ĠпокÑĥп":134228,"ĠпокÑĥпа":134229,"ÑĨÑĥ":134230,"ĠкомпÑĮÑİ":134231,"ĠкомпÑĮÑİÑĤеÑĢ":134232,"ĠاÙĦÙĥرÙĬÙħ":134233,"تصÙħ":134234,"تصÙħÙĬÙħ":134235,"Ġоказа":134236,"Ġzarówn":134237,"Ġzarówno":134238,"ëĮĢì¶ľ":134239,"ãĤ»ãĥ³ãĤ¿ãĥ¼":134240,"ĠjakoÅĽci":134241,"æĤ©":134242,"æĤ©ãģ¿":134243,"Ø£ÙĨÙĪ":134244,"Ø£ÙĨÙĪØ§Ø¹":134245,"ë¹ł":134246,"Ġìłķë§IJ":134247,"Ġkẻ":134248,"ĠÑģайÑĤа":134249,"Ġ×Ķער×ij":134250,"Ùĩز":134251,"presión":134252,"ĠÑģÑĤен":134253,"ãģ£ãģ¦ãĤĭ":134254,"Ġhızlı":134255,"ÐļÐIJ":134256,"×ŀשפ×Ĺת":134257,"ĠÙĨÙĩا":134258,"ĠÙĨÙĩاÙĬØ©":134259,"ãģ¾ãģĦ":134260,"оÑħÑĢан":134261,"รà¹īà¸Ńย":134262,"ลึà¸ģ":134263,"ĠÙĪØ¨Ø§ÙĦ":134264,"ãĤĤãģ®ãģĮ":134265,"ר׼×Ļ×ij":134266,"ãĤ¤ãĥ¤":134267,"سؤ":134268,"سؤاÙĦ":134269,"ĠÙĦØ£ÙĨÙĩ":134270,"ĠkonuÅŁtu":134271,"ÐļÑĥпиÑĤÑĮ":134272,"Ġש×IJת×Ķ":134273,"ĠÙĪØ§ÙĦس":134274,"ĠmożliwoÅĽci":134275,"Ġprób":134276,"ëͰ":134277,"ãģ©ãĤĮ":134278,"ĠÐľÐ¸Ð½":134279,"ĠоÑĢганизм":134280,"ãģ«å¯¾ãģĻãĤĭ":134281,"ĠPré":134282,"Ġprivé":134283,"chè":134284,"ãģĦãģŁãģłãģį":134285,"สà¸Ļุà¸ģ":134286,"ajÄħce":134287,"ĠDzi":134288,"ĠDziÄĻki":134289,"ÅĤatw":134290,"rän":134291,"ränk":134292,"æĿ¥ãģŁ":134293,"Ġ×Ķ×Ļ×Ķ×ķ×ĵ×Ļ":134294,"ãĤ¬ãĥ¼":134295,"ĠÑĢад":134296,"ĠÑĢади":134297,"кÑĤив":134298,"Ø£Ùĩد":134299,"Ø£ÙĩداÙģ":134300,"ש×IJ×Ļר":134301,"ãģ¦ãģĦãģªãģĦ":134302,"Ġfrüh":134303,"Ġокол":134304,"Ġоколо":134305,"Ġregião":134306,"ĠÑĩиÑģле":134307,"Ġponiew":134308,"Ġponieważ":134309,"ìĦ¼íĦ°":134310,"Ġbầu":134311,"Ġê·":134312,"Ġê·ľ":134313,"Ġê·ľìłķ":134314,"ĠHòa":134315,"ĠÑĤоÑĤ":134316,"ãĤĤå¤ļãģĦ":134317,"ĠاÙĦإسÙĦاÙħÙĬØ©":134318,"ãģĭãģĦ":134319,"Ñįн":134320,"ĠÑĥказан":134321,"ĠÑĤакое":134322,"ï¼³":134323,"ëĮĢíķĻ":134324,"ĠgeniÅŁ":134325,"ĠاÙĦØ®ÙĬ":134326,"ĠاÙĦØ®ÙĬارات":134327,"ãĤĴè¡ĮãģĨ":134328,"ש×ŀ×Ķ":134329,"ĠLÃłm":134330,"ÙĪÙĨÙĬ":134331,"Ġ×IJ׾×Ļ×ķ":134332,"Äĺ":134333,"à¹Ħมà¹Īสามารà¸ĸ":134334,"人ãģ¨":134335,"برز":134336,"×Ļס×ķ×ĵ":134337,"×Ĵ׾×Ļ":134338,"ĠÙĬÙĨا":134339,"ĠÙĬÙĨاÙĬر":134340,"ĠкаÑĢÑĤин":134341,"Ġtôn":134342,"à¹Ģà¸ģร":134343,"à¸Ħà¸Ķี":134344,"Ġ׾×IJ×ķר×ļ":134345,"ãĤĤãĤīãģĨ":134346,"ãģĭãģĭãĤĭ":134347,"ании":134348,"ĠaraÅŁtırma":134349,"ÙĦاØŃظ":134350,"ãģĦãĤĦ":134351,"ĠTÃłi":134352,"Ġà¸Ļà¸Ńà¸ģà¸Īาà¸ģ":134353,"Ġà¸Ļà¸Ńà¸ģà¸Īาà¸ģà¸Ļีà¹ī":134354,"ĠÄIJảng":134355,"ãģ£ãģ¦ãģįãģŁ":134356,"Ġà¸ĭึà¹Īà¸ĩà¹Ģà¸Ľà¹ĩà¸Ļ":134357,"Ġtả":134358,"ĠmożliwoÅĽÄĩ":134359,"ĠSản":134360,"Ġİki":134361,"Ġcắt":134362,"سأÙĦ":134363,"Ġbakım":134364,"شب":134365,"à¸ķีà¹ī":134366,"à¸ŀยาย":134367,"à¸ŀยายาม":134368,"à¸ªà¸±à¸Ľ":134369,"à¸ªà¸±à¸Ľà¸Ķา":134370,"à¸ªà¸±à¸Ľà¸Ķาหà¹Į":134371,"ë°Ģ":134372,"еÑĢÑĭ":134373,"Ġcánh":134374,"Ġthuế":134375,"تبع":134376,"ãģ«åħ¥ãĤĮ":134377,"ÑİÑģÑĮ":134378,"íļĮìĿĺ":134379,"ç°¡åį":134380,"ç°¡åįĺ":134381,"ç°¡åįĺãģ«":134382,"Ġtrúc":134383,"ĠاÙĦÙĥÙĪÙĬ":134384,"ĠاÙĦÙĥÙĪÙĬت":134385,"ãĤıãģijãģ§ãģĻ":134386,"ĠÑģвоб":134387,"ĠÑģвобод":134388,"ĠÑĥÑĩаÑģÑĤник":134389,"สิà¹īà¸Ļ":134390,"ĠпÑĢоÑĦеÑģÑģиона":134391,"ĠпÑĢоÑĦеÑģÑģионалÑĮн":134392,"ÑģпоÑĢ":134393,"×Ĺ×ķ×ij×Ķ":134394,"ÙħعÙĨÙī":134395,"ĠاÙĦÙģØªØ±Ø©":134396,"สูà¸ĩสุà¸Ķ":134397,"ãĤıãģļ":134398,"ĠÄijè":134399,"ĠÄijèn":134400,"æ¯Ķãģ¹":134401,"าà¸ĺิ":134402,"Ġmożemy":134403,"à¹ģà¸ĭ":134404,"à¸Īะà¹Ħมà¹Ī":134405,"Ġsắp":134406,"ÐļÐŀ":134407,"Ġpráctica":134408,"ÙĪÙĥاÙĦØ©":134409,"è¾¼ãĤĵãģ§":134410,"ológica":134411,"ĠеÑī":134412,"ĠеÑīÑij":134413,"تعدÙĬÙĦ":134414,"ĠØ£Ùĥد":134415,"Ġצר×Ļ׼":134416,"Ġצר×Ļ׼×Ļ×Ŀ":134417,"Ø«Ùħ":134418,"ĠкÑĢÑĥ":134419,"ĠкÑĢÑĥп":134420,"×ij×Ļ×§×ķרת":134421,"Ġì¡°ê¸Ī":134422,"ãģ¨ãģįãģ¯":134423,"Ġbạc":134424,"ĠÑĢаÑģпол":134425,"ĠÑĢаÑģполож":134426,"ĠÑĢаÑģположен":134427,"زÙĬÙĨ":134428,"ĠÐļÑĢоме":134429,"ĠاÙĦÙĨظر":134430,"×Ķ×ķ×ĵ":134431,"ĠاÙĦسبت":134432,"ã썿ĢĿãģĦ":134433,"ĠpaÅĦst":134434,"ĠpaÅĦstw":134435,"ĠÙĦÙĬست":134436,"ĠбÑĥдÑĥ":134437,"à¸Ĺัà¸Ļà¸Ĺี":134438,"ราม":134439,"ØŃصÙĪÙĦ":134440,"ãģĹãģ¦ãģıãĤĮãĤĭ":134441,"ĠاÙĦإسرائÙĬÙĦ":134442,"ĠاÙĦإسرائÙĬÙĦÙĬ":134443,"ãģĵãĤĮãģ¾ãģ§":134444,"ìĤ¬ë¥¼":134445,"Ġsürü":134446,"à¹Ģวà¸Ńรà¹Į":134447,"à¹Ģà¸ĭà¸Ńรà¹Į":134448,"Ġutilisé":134449,"ĠÑģиÑģÑĤема":134450,"Ġdwó":134451,"Ġdwóch":134452,"Ġpróprio":134453,"Ġëĵ±ìĿĦ":134454,"arrêt":134455,"ĠЧа":134456,"×IJ×ŀ׳×ķת":134457,"عارض":134458,"à¹Ģà¸ģมสà¹Į":134459,"Ġ׾×Ķ×ij×Ļף":134460,"Ġ׾×ij×Ĺ":134461,"Ġ׾×ij×Ĺ×ķר":134462,"สาà¸Ĥา":134463,"ĠÐľÐ¾Ñģкве":134464,"بعد":134465,"ĠاÙĦÙĤرار":134466,"ĠÄIJá»ĭa":134467,"Ġ×Ĺ×Ĵ":134468,"ÙģØªØ±":134469,"ÙĪÙĨØ©":134470,"Ġ×Ķ×ĸ×IJת":134471,"å¸Ĥãģ®":134472,"ãģ»ãģĹãģĦ":134473,"Ġ×ij×¢×Ļר":134474,"ĠÑĤепеÑĢÑĮ":134475,"ìĬµëĭĪê¹Į":134476,"à¹Ħมà¹Īว":134477,"à¹Ħมà¹Īวà¹Īา":134478,"à¹Ħมà¹Īวà¹Īาà¸Īะ":134479,"×ŀ×IJ×Ķ":134480,"æĥħåł±":134481,"æĥħåł±ãĤĴ":134482,"غÙĨ":134483,"ĠпоÑı":134484,"ĠпоÑıви":134485,"éģİãģĶ":134486,"تشغ":134487,"تشغÙĬÙĦ":134488,"вел":134489,"Ġ×Ĺ×ŀ":134490,"ãģ¨ãģªãĤĬãģ¾ãģĻ":134491,"ĠraÄŁ":134492,"ĠraÄŁmen":134493,"ãģĭãģ©ãģĨ":134494,"ãģĭãģ©ãģĨãģĭ":134495,"енко":134496,"ì§Ģê³ł":134497,"Ġ×IJ׾×Ļ×Ķ":134498,"ĠØ£ÙĦ":134499,"à¸Īำหà¸Ļ":134500,"à¸Īำหà¸Ļà¹Īาย":134501,"nızı":134502,"Ġ׾ק×Ĺת":134503,"Ø£ÙĩÙħ":134504,"Ø£ÙĩÙħÙĬØ©":134505,"تغÙĬر":134506,"ש×Ĺר":134507,"ס×ķפר":134508,"×ĵ×Ļר":134509,"èī¯ãģĭãģ£ãģŁ":134510,"×ŀ׾×Ĺ×ŀ×Ķ":134511,"ÑģÑĤвие":134512,"ÑĤÑĢаÑĤ":134513,"ĠاÙĦأخ":134514,"ĠاÙĦأخÙĬرة":134515,"ĠاÙĦØŃصÙĪÙĦ":134516,"Ġcrédito":134517,"צ×Ļ×¢":134518,"ãĥ¬ãĥĻãĥ«":134519,"برÙĬ":134520,"ëIJIJ":134521,"ãģłãģ£ãģ¦":134522,"ĠrealtÃł":134523,"سÙ쨱":134524,"×ķ׳×ķ":134525,"×Ĵ×ķ×ĵ":134526,"×Ĵ×ķ×ĵ׾":134527,"ฮา":134528,"ãģĹãģ¦ãģĬãĤĬãģ¾ãģĻ":134529,"ĠgÃł":134530,"Ġ׾×ijצע":134531,"å¼ķè¶ĬãģĹ":134532,"Ġ×ŀ×Ļ׾×Ļ":134533,"Ġ×ŀ×Ļ׾×Ļ×ķף":134534,"Ùħدر":134535,"Ùħدرسة":134536,"פ×ķ×ĺ":134537,"à¸Ļà¹īำมัà¸Ļ":134538,"ëģĿ":134539,"عÙĥس":134540,"ĠÙĤض":134541,"ĠÑĢÑĭб":134542,"خطط":134543,"×ŀ×ķס×ĵ":134544,"Ġ׼׾׾×Ļ":134545,"ĠкоÑĤоÑĢое":134546,"צ×Ļ×ķף":134547,"ĠмеÑģÑĤа":134548,"ãģĭãģ¤":134549,"гÑĢÑĥпп":134550,"׾×Ļ׾":134551,"ת×ķ×IJר":134552,"ë³µì§Ģ":134553,"à¹ģà¸ľà¹Īà¸Ļ":134554,"Ġ×ijעת":134555,"æĻĤéĸĵãĤĴ":134556,"ï¼£":134557,"ãģ¨ãģĦãģĨãģĵãģ¨ãģ§":134558,"Ġ׾×Ķ×§":134559,"Ġ׾×ĸ×Ķ":134560,"ĠìłĢëĬĶ":134561,"ĠاÙĦإرÙĩاب":134562,"ĠìŀĪëĬĶëį°":134563,"ĠÑĤогда":134564,"Ġ×Ķצ×Ļ":134565,"×ķ׾×ĺ":134566,"Ġרפ×ķ×IJ×Ļ":134567,"ãģĵãģ¨ãģ§ãģĻ":134568,"ĠÄijÃŃch":134569,"ØŃÙĬا":134570,"Ġ×Ķ×ŀש×Ĺ×§":134571,"ãģľãģ²":134572,"Ġ×ŀ×IJפשר":134573,"ãģ¿ãģ¾ãģĹãģŁ":134574,"ĠاÙĦØ£ÙħÙĬرÙĥÙĬ":134575,"ÙħجتÙħع":134576,"Ġساب":134577,"ĠسابÙĤ":134578,"׼×Ļ׾":134579,"Ế":134580,"ãĥªãĤ¹ãĥĪ":134581,"Ġìĥ":134582,"ĠìĥĪ":134583,"ĠìĥĪë¡ľ":134584,"ĠìĥĪë¡ľìļ´":134585,"ĠDá»ĭch":134586,"à¹Ģหมาะสม":134587,"ĠاÙĦÙĨبÙĬ":134588,"׾׾":134589,"ÙĨع":134590,"Ðĵлав":134591,"ÐĵлавнаÑı":134592,"Ùħرض":134593,"Ġ×ķ×ĵ":134594,"تÙĤÙĬ":134595,"تÙĤÙĬÙĬÙħ":134596,"Ġbảng":134597,"ĠÙģÙĤاÙĦ":134598,"×¢×ŀ×Ļ":134599,"дÑĢа":134600,"Ġsuá»ijt":134601,"سرعة":134602,"Ġcá»Ń":134603,"Ġ×Ķ×Ļ×Ĺ×Ļ×ĵ":134604,"سعÙĬد":134605,"à¸Ńาà¸Ĭีà¸ŀ":134606,"ĠسÙĪØ§Ø¡":134607,"ãĤ½ãĥķãĥĪ":134608,"ĠлиÑĩно":134609,"ĠÐļоÑĢ":134610,"اÙĩتÙħ":134611,"اÙĩتÙħاÙħ":134612,"à¸Ńà¸Ķี":134613,"à¸Ńà¸Ķีà¸ķ":134614,"ãģIJãĤīãģĦ":134615,"Ġihtiya":134616,"Ġihtiyaç":134617,"ãģ¾ãģ§ãģ®":134618,"ìĭľìĬ¤":134619,"ìĭľìĬ¤íħľ":134620,"ÑĢÑĥÑĪ":134621,"ãĤĦãģ£ãģ±":134622,"ãĤĦãģ£ãģ±ãĤĬ":134623,"кеÑĢ":134624,"Ġży":134625,"Ġżyw":134626,"клон":134627,"Ġlượt":134628,"þ":134629,"даÑĩи":134630,"türk":134631,"غÙĪ":134632,"ĠигÑĢок":134633,"Ġphê":134634,"Ġ×©×¢×ľ":134635,"ĠاÙĦÙħدÙĨÙĬ":134636,"ĠìŬ룬ë¶Ħ":134637,"ער×Ļ×Ŀ":134638,"ÑħодÑıÑĤ":134639,"Ġxứ":134640,"ÐĹа":134641,"ĠÙģØ±Øµ":134642,"à¸Īะà¸Ĺำà¹ĥหà¹ī":134643,"íģ´":134644,"×¢×ij×ķר":134645,"à¹Ģหลà¹Īาà¸Ļีà¹ī":134646,"èĢĥãģĪãĤĭ":134647,"ÑĢеÑģÑĤ":134648,"ннÑĭй":134649,"Ġcầm":134650,"داخÙĦ":134651,"ĠÙħÙĦÙĬار":134652,"ĠÐIJл":134653,"ĠвÑĢемен":134654,"à¸Ĭà¹Īวยà¹ĥหà¹ī":134655,"ר×Ļ×ķת":134656,"ëĵ¯":134657,"飲ãģ¿":134658,"׳׾":134659,"שתף":134660,"ĠاÙĦسعÙĪØ¯ÙĬ":134661,"uÃŁ":134662,"ìĿ¸ëį°":134663,"ĠìĿ¼ë°ĺ":134664,"ÅĤÄĻ":134665,"Ġmá»iji":134666,"×ŀ×Ļ׳":134667,"ĠاÙĦأطÙ쨧ÙĦ":134668,"Ġçıkan":134669,"école":134670,"×§×Ļש":134671,"×§×Ļש×ķר":134672,"ĠоÑģÑĥÑīеÑģÑĤв":134673,"ĠоÑģÑĥÑīеÑģÑĤвлÑı":134674,"×ij×IJר":134675,"à¹Ħà¸Ľà¸Ķà¹īวย":134676,"Ġ×¢×ķ׾×Ķ":134677,"à¸ģà¹ĩà¹Ħมà¹Ī":134678,"ãĥ¢ãĥĩ":134679,"ãĥ¢ãĥĩãĥ«":134680,"تØŃÙĪÙĦ":134681,"Ġодного":134682,"ת×Ĺ×Ļ×ľ×ª":134683,"Ġتخ":134684,"Ġchcia":134685,"ĠchciaÅĤ":134686,"ãĥIJãĥ³":134687,"èĢħãģ¯":134688,"ĠÙħØŃÙĦ":134689,"Ñģлож":134690,"Ñģложн":134691,"ĠtÄĻ":134692,"Ġçıkt":134693,"Ġçıktı":134694,"ĠCÆ¡":134695,"à¹Ħà¸Ķà¹īà¹Ģลย":134696,"ırken":134697,"à¹Ģà¸Ĥà¹īาสูà¹Ī":134698,"ÙħØŃÙĥ":134699,"ÙħØŃÙĥÙħØ©":134700,"à¸Ħุà¹īม":134701,"à¸Ļà¹Īาà¸Īะ":134702,"лÑİд":134703,"деÑģÑı":134704,"деÑģÑıÑĤ":134705,"ĠлÑİбой":134706,"تØŃرÙĬر":134707,"צע×ĵ":134708,"ĠеÑij":134709,"ĠاÙĦØŃÙĥÙħ":134710,"ĠصباØŃ":134711,"à¹Ģà¸ļà¸Ńรà¹Į":134712,"Ġróżnych":134713,"гиб":134714,"ĠÑģоÑĤ":134715,"ĠÑģоÑĤÑĢÑĥд":134716,"ĠÑģоÑĤÑĢÑĥдник":134717,"ĠобÑĬем":134718,"פ×ĺר":134719,"ãģĻãģĶãģı":134720,"ãģ«éĸ¢ãģĹãģ¦":134721,"вол":134722,"Ø«ÙħاÙĨ":134723,"Ġdần":134724,"æĬľ":134725,"æĬľãģij":134726,"Ġעש":134727,"Ġעש×ķ×Ļ":134728,"ס×ķף":134729,"ãģªãģ®ãģ§ãģĻ":134730,"ãģ¯ãģ©ãģĨ":134731,"×ŀער×ij":134732,"ï¼°":134733,"Ùħصر":134734,"ÙħÙĨاسب":134735,"ÙħÙĨاسبة":134736,"ä¸Ĭãģ®":134737,"×IJ×Ļש×ķר":134738,"ĠìĦ¤ì¹ĺ":134739,"×ŀ×ĵ×Ļ׳×ķת":134740,"×ŀרת":134741,"ãĤĭãģ®ãģĮ":134742,"دÙİ":134743,"ĠاÙĦشرÙĥات":134744,"ìĭľê°Ħ":134745,"ĠÑĢеÑĪение":134746,"ãģĻãĤĭãģ®ãģ¯":134747,"ĠìŀIJìĭłìĿĺ":134748,"׾×ŀ×ķ":134749,"ãģ¨ãģĵãĤįãģ§":134750,"Ġקצר":134751,"Ġmãi":134752,"Ġkültür":134753,"ãĥ©ãĤ¤ãĥĸ":134754,"à¸ľà¸¹à¹īหà¸įิà¸ĩ":134755,"æĻĤéĸĵãģĮ":134756,"клÑİÑĩи":134757,"diÄŁiniz":134758,"มาà¸ģà¹Ĩ":134759,"تØŃÙħÙĦ":134760,"Ġhạt":134761,"ãĤ¦ãĤ£":134762,"пле":134763,"×ŀ׾×IJ":134764,"ÅĤó":134765,"Ġgá»ijc":134766,"Ġ×IJ×ķ×ĵ×ķת":134767,"หวาà¸Ļ":134768,"ĠاÙĦÙĪØ²":134769,"ĠاÙĦÙĪØ²Ø±Ø§Ø¡":134770,"ëĵ¤ê³¼":134771,"ĠصØŃ":134772,"ĠصØŃÙĬÙ쨩":134773,"Ġмм":134774,"تدخÙĦ":134775,"Ġpersönlich":134776,"ĠزÙĬ":134777,"ĠزÙĬادة":134778,"ãĤ·ãĤ¢":134779,"Ġngắn":134780,"à¸Ħลิà¸ģ":134781,"Ġsông":134782,"Ġtüket":134783,"ÑįÑĦÑĦ":134784,"ÑįÑĦÑĦекÑĤ":134785,"ש×Ļ×ij":134786,"Ġاعت":134787,"تض":134788,"تضÙħÙĨ":134789,"ĠاÙĦÙħشرÙĪØ¹":134790,"Ġprodução":134791,"ĠпÑĢименÑı":134792,"ниÑĨÑĭ":134793,"주ëĬĶ":134794,"رÙı":134795,"ĠmÆ¡":134796,"Ġhayatı":134797,"ëŁ½":134798,"Ġücret":134799,"Ġyanında":134800,"Ġprática":134801,"×ij×Ļ×§×ķר":134802,"ÃľN":134803,"ÑģоÑĤ":134804,"ãĤıãģijãģ§":134805,"Ġдолго":134806,"×ª×Ľ×ķ":134807,"ĠìķĦëĭĮ":134808,"ëį°ìĿ´":134809,"Ġçiz":134810,"ĠchoÄĩ":134811,"Ġ×Ķ×Ļת":134812,"Ġ×Ķ×Ļתר":134813,"Ġsoát":134814,"׼×ij×ĵ":134815,"à¹Ģลà¹Īา":134816,"ĠдеÑĢ":134817,"ĠдеÑĢев":134818,"ãĤĴåħ¥ãĤĮ":134819,"×Ĺ×ķס":134820,"×Ĺ×ķסר":134821,"جÙĬÙĨ":134822,"tón":134823,"onné":134824,"ĠполноÑģÑĤÑĮÑİ":134825,"人ãģŁãģ¡":134826,"Ġprêt":134827,"본":134828,"Ġdécembre":134829,"cılar":134830,"Ġתת":134831,"Ġê²½ìļ°ìĹIJëĬĶ":134832,"ÙĪØ¹Ø¯":134833,"è¦ĭãĤĭ":134834,"วิà¸Īัย":134835,"ë¶Ī":134836,"زÙĪØ§":134837,"زÙĪØ§Ø¬":134838,"dì":134839,"ãģ§ãģĻãĤĪ":134840,"Ġводо":134841,"ĠÙĬÙĪØ¬Ø¯":134842,"ÑģоÑģÑĤоÑı":134843,"ÐŀС":134844,"ĠÄIJó":134845,"×Ĺפש":134846,"Ġצ×Ļ×ij×ķר":134847,"ĠاÙĦÙĤØ·":134848,"ĠاÙĦÙĤطاع":134849,"ĠимеÑİÑĤ":134850,"ĠpháºŃn":134851,"×Ľ×¡×¤×Ļ":134852,"полниÑĤелÑĮ":134853,"éĻIJãĤĬ":134854,"ĠÑģÑĢав":134855,"ĠÑģÑĢавн":134856,"ÙħاÙĦÙĥ":134857,"×ĵר×ķ×Ŀ":134858,"çļĨãģķãĤĵ":134859,"ØŃÙĤÙĤ":134860,"à¹ģหลà¹Īà¸ĩ":134861,"ĠاÙĦرسÙħÙĬ":134862,"оÑĩки":134863,"×ĺ×ij×Ĺ":134864,"Ġcanlı":134865,"Ġ׾׾":134866,"Ġ׾׾×ŀ×ķ×ĵ":134867,"×ŀ×ij×ķ":134868,"×ª×Ľ":134869,"×ª×Ľ×ł×Ļת":134870,"ĠاÙĦÙħشار":134871,"ĠاÙĦÙħشارÙĥØ©":134872,"İÅŀ":134873,"ĠسÙĬاسÙĬ":134874,"волÑĮ":134875,"ĠÑģпÑĢав":134876,"æĿ¥ãģ¦":134877,"פ×ķר×ķ×Ŀ":134878,"สำà¹Ģรà¹ĩ":134879,"สำà¹Ģรà¹ĩà¸Ī":134880,"ĠÅŁÃ¶yle":134881,"ĠzostaÅĤa":134882,"ĠHü":134883,"ר×ķש":134884,"دÙĦÙĬÙĦ":134885,"ÑĢид":134886,"שף":134887,"×ŀ×§×ķר":134888,"ĠÑĥÑĩ":134889,"ĠÑĥÑĩеб":134890,"ĠÑįÑĤа":134891,"кова":134892,"à¸ķà¸Ļà¹Ģà¸Ńà¸ĩ":134893,"ÙĨÙIJ":134894,"à¸Ńีà¸ģà¸Ħรัà¹īà¸ĩ":134895,"ระà¸ļุ":134896,"Ġdữ":134897,"ĠاÙĦØŃاÙĦÙĬ":134898,"׼×ķ׼":134899,"׼×ķ׼×ij":134900,"Ġ×ŀ×IJשר":134901,"Ġtrụ":134902,"ÑĤелем":134903,"Ġвли":134904,"ĠвлиÑı":134905,"Ġש×IJת×Ŀ":134906,"Ġuwag":134907,"ĠuwagÄĻ":134908,"×ĺ×Ļת":134909,"×IJ×ĵ×Ŀ":134910,"à¸Ķุ":134911,"Ġ×Ķ×IJ׾×Ķ":134912,"ĠkarÄ±ÅŁ":134913,"ĠÄIJá»iji":134914,"даÑİÑĤ":134915,"ãģªãģ®ãģ«":134916,"Äħcych":134917,"à¹Ģà¸Ļà¹īà¸Ļ":134918,"ãģĹãģ¦ãģĹãģ¾ãģĨ":134919,"intérieur":134920,"ĠfÃŃsica":134921,"ĠÐŁÐ¾Ð»":134922,"ãģĹãģķ":134923,"à¸Ĺำà¹Ħม":134924,"ĠLâm":134925,"ĠاÙĦÙħسÙĦÙħ":134926,"ĠاÙĦÙħسÙĦÙħÙĬÙĨ":134927,"صØŃØ©":134928,"ìĹĦ":134929,"à¹Ģà¸Ķà¹ĩà¸Ķ":134930,"ĠÑĥÑĩеÑĤ":134931,"âÌģ":134932,"ĠبÙĦا":134933,"ĠاÙĦاجتÙħاعÙĬ":134934,"פרס×Ŀ":134935,"ãĥķãĥ©":134936,"ĠÐļогда":134937,"mieÅĽci":134938,"ĠبÙĬÙĨÙħا":134939,"Ġ×ŀ×IJ×ŀר×Ļ×Ŀ":134940,"Ġ×ij×IJ×ĸ×ķר":134941,"×ķש×Ļ×Ŀ":134942,"ĠÑģдела":134943,"entrée":134944,"à¹Ģà¸Ħà¹īา":134945,"Ñĥгл":134946,"ĠاÙĦÙģÙĨÙĬ":134947,"ĠÐĴоÑĤ":134948,"à¸Ĺีà¹Īมา":134949,"×ķצ×Ĵ":134950,"ÙĤدرة":134951,"Ġ목":134952,"Ġ목ìłģ":134953,"íıīê°Ģ":134954,"ĠاÙĦأربع":134955,"ĠاÙĦأربعاء":134956,"פס×Ļ×§":134957,"ĠÑıвлÑıÑİÑĤÑģÑı":134958,"بÙĪÙĨ":134959,"ì°¾":134960,"×ŀ×¢×¨×Ľ":134961,"×ŀ×¢×¨×Ľ×ķת":134962,"ãĤ·ãĤ§":134963,"ĠباÙĦØ£":134964,"íĸĪëįĺ":134965,"ĠاÙĦبرÙĨاÙħج":134966,"ĠاÙĦØ£ØŃد":134967,"ĠmÅ©":134968,"ĠmÅ©i":134969,"паÑĤ":134970,"بث":134971,"ĠÑĨенÑĭ":134972,"Ġ×ij×ª×ľ":134973,"è¨ĢãĤıãĤĮ":134974,"ĠاÙĦÙħجاÙĦ":134975,"ĠìĦ¸ìĥģ":134976,"Ġ×Ĵ×ķפ":134977,"ĠнаÑĪей":134978,"ĠкомпаниÑı":134979,"бин":134980,"ölü":134981,"×Ļ×Ļ×ĺ":134982,"Ġ×ŀספ×Ļ×§":134983,"ยัà¸ĩà¸Ħà¸ĩ":134984,"ĠЧи":134985,"ĠанÑĤи":134986,"ĠÑģÑĢеди":134987,"สà¹Īวà¸Ļà¹ĥหà¸įà¹Ī":134988,"оÑĩка":134989,"íĬ¹ë³Ħ":134990,"วà¹Īาà¸ĩ":134991,"гоÑĢод":134992,"باÙĥ":134993,"à¹Ģสีà¹Īย":134994,"à¹Ģสีà¹Īยà¸ĩ":134995,"ãĤĤãĤīãģĦ":134996,"×§×ķ×Ŀ":134997,"ãģĽãģļ":134998,"ĠاÙĦÙĤاÙĩرة":134999,"Ġ×ij׼×ļ":135000,"ÙħشارÙĬع":135001,"باØŃØ«":135002,"ĠпоÑĩ":135003,"ĠпоÑĩÑĤи":135004,"ĠÑĦоÑĢма":135005,"Sİ":135006,"Ġ×ŀצ×Ļ×¢":135007,"ลื":135008,"ลืม":135009,"ĠÑĤеÑĢ":135010,"ĠÑĤеÑĢÑĢиÑĤоÑĢ":135011,"ĠÑĤеÑĢÑĢиÑĤоÑĢии":135012,"ĠвмеÑģÑĤ":135013,"ĠвмеÑģÑĤе":135014,"dıkları":135015,"opération":135016,"à¹Ĥห":135017,"صدÙĬ":135018,"صدÙĬÙĤ":135019,"íĸīìłķ":135020,"تجا":135021,"تجاÙĪØ²":135022,"Ġsuç":135023,"Ġarty":135024,"Ġartyku":135025,"ĠartykuÅĤ":135026,"ãĤ·ãĥ§ãĥĥãĥĹ":135027,"שפ":135028,"שפ×Ļ×¢":135029,"Ġ×Ķש×Ļר×ķת":135030,"à¹ģà¸ĸม":135031,"ë¸Ķ":135032,"ĠukÅĤad":135033,"Ġ×ķ׼×Ļ":135034,"หลาà¸ģ":135035,"หลาà¸ģหลาย":135036,"æĸ¹ãĤĤ":135037,"Ġpodróż":135038,"ĠEÄŁer":135039,"ĠкомнаÑĤ":135040,"ĠÑģамÑĭÑħ":135041,"ĠвкÑĥÑģ":135042,"беж":135043,"Ġ×ij×§×ķ":135044,"æİĽãģij":135045,"ãģ¿ãĤĭãģ¨":135046,"ĠiliÅŁkin":135047,"ĠÙĬعÙħÙĦ":135048,"ĠподаÑĢ":135049,"Ġyazılı":135050,"ãĤĴå¾Ĺ":135051,"ĠwystÄĻp":135052,"à¸Ĺีà¹Īà¹ĥà¸Ĭà¹ī":135053,"ØŃادث":135054,"ÙĪÙĬد":135055,"кÑĥлÑĮÑĤ":135056,"кÑĥлÑĮÑĤÑĥÑĢ":135057,"à¸ģารà¹ģà¸Ĥà¹Īà¸ĩ":135058,"à¸ģารà¹ģà¸Ĥà¹Īà¸ĩà¸Ĥ":135059,"à¸ģารà¹ģà¸Ĥà¹Īà¸ĩà¸Ĥัà¸Ļ":135060,"ÙħÙĪØ¸":135061,"ÙħÙĪØ¸Ùģ":135062,"ÙĬÙħÙĬ":135063,"ãĤĵãģ§ãģĻãģĮ":135064,"diÄŁim":135065,"diÄŁimiz":135066,"ĠÐŁÐµÑĢ":135067,"ĠÐŁÐµÑĢв":135068,"Ġmão":135069,"ĠÑģез":135070,"ĠÑģезон":135071,"Ġ×Ķ×ŀ×¢":135072,"ÙħجÙħÙĪØ¹Ø©":135073,"ĠинÑĦоÑĢмаÑĨии":135074,"iếc":135075,"ãng":135076,"ĠÄijấy":135077,"ãģĶç´":135078,"ãģĶç´¹":135079,"ãģĶç´¹ä»ĭ":135080,"Ġadım":135081,"à¹Ħหล":135082,"ĠпÑĢакÑĤи":135083,"ĠпÑĢакÑĤиÑĩ":135084,"ĠпÑĢакÑĤиÑĩеÑģ":135085,"ĠпÑĢакÑĤиÑĩеÑģки":135086,"ĠاÙĦÙĨÙ쨳":135087,"ĠÑĢабоÑĤе":135088,"ÙĦÙĬÙģ":135089,"ĠاÙĦجÙĨÙĪØ¨":135090,"ĠводÑĭ":135091,"ì¹Ļ":135092,"ĠмиÑĢа":135093,"ĠÄijừng":135094,"ĠпÑĢоÑĤиво":135095,"ĠÑģÑĤÑĢанÑĭ":135096,"ลู":135097,"ìĤ¶":135098,"kreÅĽl":135099,"Ġbulund":135100,"ĠbulunduÄŁu":135101,"à¹ģสà¸Ļ":135102,"ãĤ±ãĤ¢":135103,"ת×Ĺ×ķ×ŀ×Ļ":135104,"ר׼×Ķ":135105,"Ġ׾ק×ķ×Ĺ":135106,"Ġ׾ק×ķ×Ĺ×ķת":135107,"Ġ×Ľ×ª×ķ×ijת":135108,"ĠÙĦÙĥÙħ":135109,"بشر":135110,"ĠrÃłng":135111,"Ġ×ŀ×Ķ×ŀ":135112,"Ġ×IJ×Ĺר×ķת":135113,"Ġбон":135114,"ĠбонÑĥÑģ":135115,"ï½Ĺ":135116,"à¹ģยà¸ģ":135117,"ãģĤãģªãģŁãģ®":135118,"ĠÑĥÑĩаÑģÑĤие":135119,"ĠEyl":135120,"ĠEylül":135121,"ĠçalÄ±ÅŁmaları":135122,"خطر":135123,"ìĿ½":135124,"à¸ģารà¹ĥà¸Ĭà¹īà¸ĩาà¸Ļ":135125,"Ġанализ":135126,"תק×ij׾":135127,"нием":135128,"Ġİns":135129,"Ġİnsan":135130,"ĠبÙĪØ§Ø³":135131,"ĠبÙĪØ§Ø³Ø·Ø©":135132,"Ġ×ł×Ľ×ł×¡":135133,"Ġ×Ķ×ŀ×Ļ×ĵ×¢":135134,"Ġço":135135,"ĠçoÄŁu":135136,"á»ĺ":135137,"ĠêµŃ민":135138,"ãĤĤãģĦãģĦ":135139,"Ġ׼׾×Ļ":135140,"ĠÑģÑĢедне":135141,"gÅĤo":135142,"gÅĤoÅĽ":135143,"Ġnegó":135144,"Ġnegócio":135145,"ĠÑĢегиÑģÑĤ":135146,"ĠÑĢегиÑģÑĤÑĢа":135147,"ĠÑĢегиÑģÑĤÑĢаÑĨии":135148,"Ġtrá»ĵng":135149,"ĠпÑĢÑı":135150,"ĠпÑĢÑıмо":135151,"ëłĪìĿ´":135152,"Ġkém":135153,"кле":135154,"à¸Ļำมา":135155,"ĠÑĦин":135156,"ĠÑĦинанÑģ":135157,"ĠÑĦинанÑģов":135158,"Ġkiá»ĩm":135159,"ยัà¸ĩà¹Ħ":135160,"ยัà¸ĩà¹Ħà¸ĩ":135161,"ยิà¸ĩ":135162,"à¹Ĥà¸Ľ":135163,"ĠполÑĥÑĩил":135164,"×Ļ×ĸ×Ŀ":135165,"à¹ģละà¸Ħวาม":135166,"ĠвообÑīе":135167,"صÙĬر":135168,"ãĥıãĥ³":135169,"ĠاÙĦÙĤاد":135170,"ĠاÙĦÙĤادÙħ":135171,"ĠبدÙĪÙĨ":135172,"عظÙħ":135173,"×ª×ł×ķ×¢":135174,"×ª×ł×ķ×¢×Ķ":135175,"Ø£ÙħÙĦ":135176,"ãģķãģĪ":135177,"ÑĤем":135178,"ÑĤемпеÑĢ":135179,"ÑĤемпеÑĢаÑĤÑĥÑĢ":135180,"Ġ׾×Ļצ×ķר":135181,"ĠrÄĻk":135182,"رسÙĦ":135183,"ìŀIJ를":135184,"Ġ×Ļצ×Ļרת":135185,"ÙĨبÙĬ":135186,"ÑĩнаÑı":135187,"تØŃÙĦÙĬÙĦ":135188,"Ġмик":135189,"ĠмикÑĢо":135190,"ĠSöz":135191,"Ġforça":135192,"Ñģон":135193,"ĠاÙĦعرا":135194,"ĠاÙĦعراÙĤÙĬ":135195,"ĠHá»ĵng":135196,"ãģĻãĤĭãģŁãĤģãģ«":135197,"à¸Ĺีà¹Īà¸Ńยูà¹Ī":135198,"Ġ×ķ×IJ×£":135199,"صÙĬد":135200,"ĠìķĬê³ł":135201,"รัà¸ĩ":135202,"ĠاÙĦتÙĪØ§ØµÙĦ":135203,"à¹Ģมà¸ķร":135204,"ÑĥÑģÑĤÑĢой":135205,"ÑĥÑģÑĤÑĢойÑģÑĤв":135206,"mıyor":135207,"ĠباسÙħ":135208,"Ġ×ķ׼×ķ":135209,"ĠGül":135210,"á»IJ":135211,"Ãītat":135212,"غاÙĦ":135213,"Ø¥ÙĨØ´":135214,"Ø¥ÙĨشاء":135215,"Tİ":135216,"à¸Ĥà¹īาม":135217,"Ġtroch":135218,"ĠtrochÄĻ":135219,"إص":135220,"إصابة":135221,"ĠثاÙĨÙĬ":135222,"ĠاÙĦصØŃØ©":135223,"Ġ×ĸ×Ķ×ķ":135224,"jÄħcej":135225,"ãĥĢãĥ³":135226,"ìĿ¸ìĿ´":135227,"ĠволоÑģ":135228,"ëIJĺë©´":135229,"ĠzakÅĤad":135230,"ãģĻãģĵãģ¨":135231,"以ä¸Ĭãģ®":135232,"Ġ×Ķ×ŀ×§×ķ×Ŀ":135233,"ÙħشاÙĩ":135234,"ÙħشاÙĩدة":135235,"Ñĩив":135236,"بش":135237,"ยà¹īาย":135238,"Ġsürdür":135239,"ĠNẵ":135240,"ĠNẵng":135241,"ĠигÑĢаÑĤÑĮ":135242,"Ġê·¸ëŁ¬ë©´":135243,"ãĥķãĥ«":135244,"ลà¹Īะ":135245,"Ġtendrá":135246,"ĠbÃły":135247,"à¹Ģà¸Ľà¹ĩà¸Ļà¸ľà¸¹à¹ī":135248,"Ġoko":135249,"ĠokoÅĤo":135250,"wÅĤa":135251,"wÅĤaÅĽci":135252,"wÅĤaÅĽciw":135253,"æĢĿãĤı":135254,"ĠYaÅŁ":135255,"ĠBá»ĩnh":135256,"íıŃ":135257,"بÙĬد":135258,"קרף":135259,"à¹Ģศร":135260,"à¹Ģศรษ":135261,"à¹Ģศรษà¸IJ":135262,"à¹Ģศรษà¸IJà¸ģิà¸Ī":135263,"ĠاÙĦØ£ÙĪØ±ÙĪ":135264,"ĠاÙĦØ£ÙĪØ±ÙĪØ¨ÙĬ":135265,"fläche":135266,"ä¹ĹãĤĬ":135267,"Ġbá»ģn":135268,"Ùĩب":135269,"æľĢãĤĤ":135270,"Ġsaç":135271,"à¸Ńำà¹Ģà¸ł":135272,"à¸Ńำà¹Ģà¸łà¸Ń":135273,"Ġأج":135274,"ĠاÙĦداخÙĦ":135275,"ĠاÙĦداخÙĦÙĬØ©":135276,"×ĺ×ķ×ij":135277,"ãĤĤãģªãģı":135278,"ĠлиÑĨа":135279,"à¹ģลà¹īวà¸ģà¹ĩ":135280,"×ĸ׼×Ļר":135281,"ĠquÃł":135282,"ĠÙĥذÙĦÙĥ":135283,"صØŃÙģ":135284,"ĠÃĤu":135285,"ÙĪØ¨Ø§":135286,"à¹Ģà¸Ľà¸¥à¸µà¹Īยà¸Ļà¹ģà¸Ľà¸¥":135287,"à¹Ģà¸Ľà¸¥à¸µà¹Īยà¸Ļà¹ģà¸Ľà¸¥à¸ĩ":135288,"à¸ķัวà¸Ńยà¹Īาà¸ĩ":135289,"Ġrápida":135290,"Ġtasar":135291,"Ġtasarım":135292,"ĠعÙĦÙĬÙĩÙħ":135293,"ס×ķ׾":135294,"cılı":135295,"cılık":135296,"ĠرغÙħ":135297,"ìĭľíĤ¤":135298,"Ġ×IJ׾ק":135299,"Ġ×IJ׾ק×ĺר":135300,"Ġ×IJ׾ק×ĺר×ķ׳×Ļ":135301,"à¹ģà¸ļà¹Īà¸ĩ":135302,"Ġhạng":135303,"ãģ£ãģ¦ãģıãĤĮ":135304,"ĠÙĨتÙĬ":135305,"ĠÙĨتÙĬجة":135306,"ıklı":135307,"غاÙĨ":135308,"à¸Ĥà¹īà¸Ńà¸Ħวาม":135309,"à¸Ľà¸¥à¸²à¸¢":135310,"ĠØ£Ùħس":135311,"à¸Ĺีà¹Īà¹Ģà¸ģีà¹Īยว":135312,"à¸Ĺีà¹Īà¹Ģà¸ģีà¹Īยวà¸Ĥ":135313,"à¸Ĺีà¹Īà¹Ģà¸ģีà¹Īยวà¸Ĥà¹īà¸Ńà¸ĩ":135314,"Ġdéfin":135315,"Ġdéfini":135316,"ÙģÙĨاد":135317,"ÙģÙĨادÙĤ":135318,"à¹Ħà¸Ķà¹īวà¹Īา":135319,"ãģªãģĦãĤĪãģĨãģ«":135320,"Ġprópria":135321,"ĠPhát":135322,"ãĤĦãģĻãģı":135323,"สวยà¸ĩาม":135324,"ê³łìļĶ":135325,"ÑıеÑĤ":135326,"ãģĭãĤĤãģĹãĤĮãģ¾ãģĽãĤĵãģĮ":135327,"ترجÙħ":135328,"ĠкÑĢаÑģив":135329,"Ġ×ŀר×IJש":135330,"деж":135331,"ĠÙĬÙĪÙĨ":135332,"ĠÙĬÙĪÙĨÙĬÙĪ":135333,"ÑģкоÑĢ":135334,"ĠKasım":135335,"ê³Ħìķ½":135336,"коÑģ":135337,"ĠнаÑĢÑĥ":135338,"ĠнаÑĢÑĥÑĪен":135339,"Ġduże":135340,"accès":135341,"Ġhá»ĵng":135342,"ĠvÅ©":135343,"ãģĦãģŁãģĹãģ¾ãģĻ":135344,"Ġ×ĺ×Ļ":135345,"Ġ×ĺ×Ļ×ķ׾":135346,"lıkları":135347,"Ġquê":135348,"ëħ¸ëıĻ":135349,"ìķĶ":135350,"CIÃĵN":135351,"Ġtắc":135352,"pressão":135353,"ĠìŀĪìľ¼":135354,"สิà¸Ĺà¸ĺิà¹Į":135355,"íĥĦ":135356,"Ġ×Ķ×ŀ×ŀש׾×Ķ":135357,"å¬īãģĹãģĦ":135358,"ĠÄIJặc":135359,"ÙĨزÙĦ":135360,"ĠдÑĢÑĥгой":135361,"дÑĥÑĤ":135362,"ìĪĻ":135363,"Ġthụ":135364,"à¹Ģสร":135365,"à¹Ģสรà¹ĩ":135366,"à¹Ģสรà¹ĩà¸Ī":135367,"Ġtoplant":135368,"Ġtoplantı":135369,"×IJ×ŀף":135370,"×ķ×ľ×ª":135371,"помн":135372,"ĠyoÄŁun":135373,"ÅĦskiego":135374,"ì°©":135375,"ĠØ«ÙĦاث":135376,"ĠØ«ÙĦاثة":135377,"Ġlắng":135378,"릴":135379,"ราà¸Ĭà¸ģาร":135380,"ĠÑģлова":135381,"á»Ĩ":135382,"à¸Ķีà¸ģวà¹Īา":135383,"ãģĶãģĸãģĦãģ¾ãģĻ":135384,"Ġдиз":135385,"Ġдизайн":135386,"férence":135387,"lıklar":135388,"ãģªãĤĵãģ§ãģĻ":135389,"ajÄħcy":135390,"Ġëĭ¤ìĸij":135391,"Ġëĭ¤ìĸijíķľ":135392,"×§×Ļר":135393,"ØŃار":135394,"สูà¹ī":135395,"Ġzro":135396,"Ġzrobi":135397,"ĠzrobiÄĩ":135398,"×ŀ×Ļ׼×Ķ":135399,"à¸Ĭà¹Īวยà¹Ģหลืà¸Ń":135400,"ĠÑįÑĤÑĥ":135401,"ë´ī":135402,"楽ãģĹãģĦ":135403,"سÙĪØ±":135404,"íķĺê±°ëĤĺ":135405,"ÙħؤتÙħر":135406,"ĠpoczÄħ":135407,"ĠpoczÄħtk":135408,"ĠpoczÄħtku":135409,"ĠعربÙĬ":135410,"اÙĦأر":135411,"اÙĦأردÙĨ":135412,"à¸Ķร":135413,"Åĵuvre":135414,"ĠÙĪÙĥاÙĨت":135415,"ĠÅĽredni":135416,"خضر":135417,"Ġchuyến":135418,"нÑĤ":135419,"ĠìķĮê³ł":135420,"Ġvá»Ŀi":135421,"Ġ×ij×Ļ×ĵ×Ļ":135422,"×ŀ×ĵ×ķ×ijר":135423,"ÙĪÙ쨱":135424,"ÙĬØ¡":135425,"×ł×Ľ×¡":135426,"ĠÐĽÐ°":135427,"лон":135428,"Ġxấu":135429,"ÙģÙĬÙĨ":135430,"Ġfévrier":135431,"ĠÐŀна":135432,"ĠVá»ģ":135433,"ĠÅŁeyler":135434,"ĠполÑĥÑĩен":135435,"зад":135436,"Ġnét":135437,"à¹Ħà¸Ľà¸¢à¸±à¸ĩ":135438,"×Ĺש×ij×ķ":135439,"à¸ļัà¸Ļà¸Ĺ":135440,"à¸ļัà¸Ļà¸Ĺึà¸ģ":135441,"ĠgerçekleÅŁ":135442,"иÑĩеÑģкое":135443,"ìĪĺê°Ģ":135444,"ثبت":135445,"ãģ¤ãģ¾ãĤĬ":135446,"ĠÑĥÑģловиÑıÑħ":135447,"ëĭ¤ê°Ģ":135448,"รายà¹Ħà¸Ķà¹ī":135449,"׼×IJ×ij":135450,"à¹Ĥà¸Ľà¸£à¹Ĥม":135451,"à¹Ĥà¸Ľà¸£à¹Ĥมà¸Ĭัà¹Īà¸Ļ":135452,"jähr":135453,"jährige":135454,"ק׳×Ļ×Ŀ":135455,"×ŀ×ķ×§":135456,"×ŀ×ķ×§×ĵ":135457,"ãģ«è¡Įãģ£ãģ¦":135458,"Ø¢ÙĦ":135459,"ведение":135460,"Ġ×ľ×Ľ×ª×ķ×ij":135461,"جÙħÙĩ":135462,"جÙħÙĩÙĪØ±ÙĬØ©":135463,"à¸īà¸ļ":135464,"à¸īà¸ļัà¸ļ":135465,"ĠCòn":135466,"à¸ľà¸ªà¸¡":135467,"ãģªãģ©ãģĮ":135468,"×IJ×Ķ×ij":135469,"ĠдейÑģÑĤвиÑı":135470,"yız":135471,"à¹Ħมà¹Īà¹Ģà¸Ħย":135472,"جÙĪØ²":135473,"×Ķ×Ĺ׾×ĺ×Ķ":135474,"fällt":135475,"ãĥĵãĤ¸":135476,"ãĥĵãĤ¸ãĥį":135477,"ãĥĵãĤ¸ãĥįãĤ¹":135478,"Ġ×IJ×Ļ׳×Ŀ":135479,"ĠнаÑħодиÑĤÑģÑı":135480,"ĠdziÅĽ":135481,"ستطÙĬع":135482,"׾×Ļף":135483,"Ø®ÙĦاÙģ":135484,"ÙĩÙIJ":135485,"Ġatrás":135486,"íĺģ":135487,"ãĤĴãģĶ":135488,"Ġ×Ķ×ŀ×ķצר":135489,"ĠBakanlıģı":135490,"ÑİÑīее":135491,"ÙħÙĨاط":135492,"ÙħÙĨاطÙĤ":135493,"Ù쨝":135494,"à¸Ļำà¹Ħà¸Ľ":135495,"Ġваж":135496,"Ġважно":135497,"Ġmạch":135498,"׼׳×ķ":135499,"بعث":135500,"lanması":135501,"Ġayr":135502,"Ġayrıl":135503,"ìĤ¬íļĮ":135504,"dÃŃa":135505,"pÅĤyw":135506,"اÙħÙĬØ©":135507,"íĺľ":135508,"×IJ׳×Ĵ׾":135509,"×IJ׳×Ĵ׾×Ļת":135510,"ĠìŀĪëĭ¤ëĬĶ":135511,"Ġساعة":135512,"ĠëĤĺíĥĢ":135513,"bö":135514,"à¸Ħัà¸Ļ":135515,"ĠdziaÅĤania":135516,"Ø©Ùĭ":135517,"ĠngÅ©":135518,"׳צ×Ĺ":135519,"ãģ¯ãģĤãĤĭ":135520,"ĠyaÅŁÄ±nda":135521,"stück":135522,"caracter":135523,"caracterÃŃsticas":135524,"Ġrá»Ńa":135525,"ĠÙħختÙĦÙ쨩":135526,"ãģ«ãģĬãģijãĤĭ":135527,"à¹ģà¸ŀà¸ĩ":135528,"วิà¹Īà¸ĩ":135529,"תפ×ķ":135530,"ساÙĩÙħ":135531,"使ãģĨ":135532,"ÙĥرÙĬ":135533,"×IJפ×Ļ":135534,"...............":135535,"ĠÑĤаким":135536,"×Ļ׼×ķ×Ļ":135537,"شبÙĩ":135538,"جÙĬر":135539,"ãģĿãģ®ãģ¾ãģ¾":135540,"acjÄĻ":135541,"ĠاÙĦترÙĥ":135542,"ĠاÙĦترÙĥÙĬ":135543,"ĠпÑĢавилÑĮно":135544,"ĠتعÙħÙĦ":135545,"à¸ģลà¹īา":135546,"Ġbiên":135547,"Ġ×ij׳×Ļ×Ļת":135548,"ĠклÑĥб":135549,"Ġ×ŀש×Ķ":135550,"вÑĪий":135551,"ãģĵãģ¨ãģĮãģ§ãģįãĤĭ":135552,"à¸ŀัà¸Ļà¸ĺุ":135553,"à¸ŀัà¸Ļà¸ĺุà¹Į":135554,"ר×ķ×Ŀ":135555,"ĠاÙĦÙ쨱ÙĨ":135556,"ĠاÙĦÙ쨱ÙĨسÙĬ":135557,"à¹Ģà¸Ľà¹ĩà¸Ļà¸Ħà¸Ļ":135558,"ãģĹãģ¦ãģĬãĤĬ":135559,"Ġthầy":135560,"ãĤĵãģłãģijãģ©":135561,"ì͍":135562,"ÙħدÙĨ":135563,"تÙĪÙĨ":135564,"ĠмеÑĤал":135565,"ĠмеÑĤалл":135566,"ĠinÃŃcio":135567,"à¸Ńà¸Ńà¸ģà¸Īาà¸ģ":135568,"ëĴ¤":135569,"Ġcuá»ijn":135570,"Ġbuá»Ļc":135571,"ÙĨسÙĬ":135572,"ächt":135573,"×ŀ×Ļ׳×Ļ×Ŀ":135574,"ãģķãģ¦":135575,"ãģĮãģ§ãģį":135576,"ÑĬем":135577,"Ġtái":135578,"ĠЧÑĤ":135579,"ĠЧÑĤобÑĭ":135580,"à¸Ľà¸¥à¸¹à¸ģ":135581,"à¸Ĭุมà¸Ĭà¸Ļ":135582,"нÑģкий":135583,"Ġvững":135584,"Ġ×Ķ׾×ij":135585,"ële":135586,"Ġשע×ijר":135587,"ваÑĤÑĮÑģÑı":135588,"бой":135589,"عÙĪÙĨ":135590,"à¹ģà¸Ķà¸Ļ":135591,"Ġספר×Ļ×Ŀ":135592,"Ġtuyên":135593,"Ġnhiêu":135594,"ĠQuý":135595,"Ġhuyết":135596,"ãĤıãģĭãĤīãģªãģĦ":135597,"Ġ×ŀ׼ף":135598,"Ġ×Ķק׾":135599,"Ġ׾×IJ×ķר":135600,"ĠÄIJiá»ĩn":135601,"شؤ":135602,"شؤÙĪÙĨ":135603,"Ġ×ŀ×Ĺפש":135604,"ĠпоÑģÑĤоÑıнно":135605,"×ŀ×Ļר":135606,"ìħĶ":135607,"ÐŀÑģ":135608,"ÐŀÑģнов":135609,"×ĸ×Ļת":135610,"ĠHá":135611,"ĠÑĩаÑģов":135612,"×IJ×ķ׾×Ļ":135613,"Ġmát":135614,"خرÙĪ":135615,"خرÙĪØ¬":135616,"ÙĤضا":135617,"ÙĤضاÙĬا":135618,"à¹Ģà¸Ľà¸Ńรà¹Į":135619,"ĠÙĬÙĪÙĦ":135620,"ĠÙĬÙĪÙĦÙĬÙĪ":135621,"à¹Ĥà¸Ĺษ":135622,"׳פ׾":135623,"ת×ķש":135624,"ת×ķש×ij×Ļ":135625,"Ġvários":135626,"×ŀר×IJ×Ķ":135627,"ëĿ¼ìĿ´":135628,"ÙĨغ":135629,"×ijצע":135630,"гон":135631,"ĠÄIJược":135632,"عÙı":135633,"пÑĥÑģк":135634,"ĠÙĪØ§ÙĦÙģ":135635,"ücü":135636,"×Ļ×§×Ļ×Ŀ":135637,"ĠسبÙĬÙĦ":135638,"׾×ijף":135639,"ĠاÙĦÙĤرÙĨ":135640,"ס×ķת":135641,"ĠQuáºŃn":135642,"ãģĵãĤĮãģĮ":135643,"ãĥĸãĥ©ãĥ³ãĥī":135644,"×Ĵ×ŀר":135645,"ĠwartoÅĽci":135646,"ĠÙĪØ¨ÙĬÙĨ":135647,"Ġdạ":135648,"ÐIJв":135649,"ÐIJвÑĤо":135650,"Ġolacaktır":135651,"à¸Ļà¸Ĺà¹Į":135652,"Ùħطار":135653,"Ġ×¢×§×ij":135654,"Ġתפ":135655,"ãģĹãģ¦ãģĦãģ¦":135656,"צ×ŀ×Ĺ":135657,"à¸Īà¸Ńà¸ĩ":135658,"Ġöde":135659,"ìį¨":135660,"ÙĨاس":135661,"調ãģ¹":135662,"ĠогÑĢомн":135663,"ë³´íĹĺ":135664,"×ĺ×§":135665,"×ĺקס×ĺ":135666,"ĠbaÅŁv":135667,"ĠbaÅŁvuru":135668,"Ġpomys":135669,"ĠpomysÅĤ":135670,"ãģ«ä¹Ĺ":135671,"Ġש׼ף":135672,"ĠاÙĦÙħسؤÙĪÙĦ":135673,"Ġзан":135674,"ĠзанÑıÑĤ":135675,"Ġdương":135676,"ãĥĹãĥ¬ãĤ¤":135677,"ลà¸ļ":135678,"ÑĤика":135679,"ĠAralık":135680,"Ġнедо":135681,"Ġmá»Ļ":135682,"Ġoran":135683,"Ġoranı":135684,"Ġktór":135685,"ĠktórÄħ":135686,"Ġ×Ķ×IJ×Ĺר×ķ׳×ķת":135687,"ائÙĨ":135688,"ÅĦs":135689,"ÅĦska":135690,"åĽ½ãģ®":135691,"×ŀ×ĺ×Ļ":135692,"ĠвопÑĢоÑģÑĭ":135693,"à¸Ńà¸ĩà¸Ħà¹Įà¸ģร":135694,"×ŀ×ķצ×IJ":135695,"Ġpóź":135696,"Ġpóźniej":135697,"ש×ŀ×IJ׾":135698,"Ġkaps":135699,"Ġkapsam":135700,"Ġkapsamında":135701,"Ġmáquina":135702,"ĠÅĽwiecie":135703,"ĠhoÃłng":135704,"Ġözgü":135705,"×Ĵ×ķר×Ŀ":135706,"ãģĤãģŁãĤĬ":135707,"à¸ķัà¸Ķสิà¸Ļ":135708,"à¸ķัà¸Ķสิà¸Ļà¹ĥà¸Ī":135709,"бÑĢи":135710,"ãģ«ãģªãĤĭãģ¨":135711,"تÙĥÙĪÙĨ":135712,"Ġ×ķ×Ķ×Ļ×IJ":135713,"Ġchiếu":135714,"ÑģÑĤанав":135715,"ÑģÑĤанавли":135716,"ÑģÑĤанавлива":135717,"×ŀ×ķ×Ĵ":135718,"cité":135719,"ĠKörper":135720,"Ġש×Ĵ×Ŀ":135721,"عظ":135722,"عظÙĬÙħ":135723,"Ġ×Ķ×IJ×Ļש×Ļ":135724,"Ġmatière":135725,"ĠÙģÙĪÙĤ":135726,"Ġkto":135727,"ĠktoÅĽ":135728,"à¸Ļà¹Ĥย":135729,"à¸Ļà¹Ĥยà¸ļาย":135730,"å¾ħãģ¡":135731,"à¹Ģมà¸Ļ":135732,"à¹Ģมà¸Ļู":135733,"AÃĩÃĥO":135734,"Ġtù":135735,"Ġtùy":135736,"ãĥĪãĥ³":135737,"ĠоÑĤказ":135738,"Ġ×ŀ×ķצר":135739,"ülü":135740,"ãģķãĤĵãģ«":135741,"Ġ×Ĺ×ķ×ij":135742,"קר×Ļ×IJ×Ķ":135743,"ĠاÙĦخدÙħات":135744,"ĠÙĦÙħدة":135745,"رؤ":135746,"رؤÙĬØ©":135747,"ãĤĴè¦ĭãģ¤ãģij":135748,"à¸Łà¸²":135749,"Ġréussi":135750,"à¸Ļัà¸ģà¹Ģรียà¸Ļ":135751,"ĠÑĩиÑģл":135752,"à¸ģารà¹Ģลà¹Īà¸Ļ":135753,"Ġhazırl":135754,"Ġhazırlan":135755,"ĠпеÑĢвÑĭй":135756,"лим":135757,"ĠоÑĤзÑĭвÑĭ":135758,"ĠwyjÄħ":135759,"ĠwyjÄħtk":135760,"ĠØ£ÙĤÙĦ":135761,"ס×ļ":135762,"Ġê²°ìłķ":135763,"Ġ׾×ŀעש×Ķ":135764,"Ġlắp":135765,"à¹ģà¸ļร":135766,"à¹ģà¸ļรà¸Ļà¸Ķà¹Į":135767,"วà¹Īาà¹Ģà¸Ľà¹ĩà¸Ļ":135768,"Ġبدا":135769,"ĠبداÙĬØ©":135770,"ãģ¨ãģĦãģĨãģ®ãģĮ":135771,"иÑĩеÑģким":135772,"à¸ģารà¸ŀัà¸Ĵà¸Ļา":135773,"ĠbÃło":135774,"ĠmiaÅĤa":135775,"ywaÄĩ":135776,"ĠMärz":135777,"ĠÙĨسبة":135778,"Ġéconomique":135779,"×ĸ×ŀ":135780,"×ĸ×ŀ׳×Ļ×Ŀ":135781,"æŃ¢ãĤģ":135782,"Ġtá»§":135783,"íķĺìĭł":135784,"Ġkażdego":135785,"straÃŁe":135786,"à¸Ĭีà¹ī":135787,"à¹Ģà¸ļา":135788,"ÑĢеÑģÑĥÑĢÑģ":135789,"евой":135790,"شباب":135791,"à¸ķà¹Īาà¸ĩà¸Ľà¸£à¸°à¹Ģà¸Ĺศ":135792,"Ġ×IJ×Ļש":135793,"Ġ×IJ×Ļש×Ļת":135794,"×Ļ×ķפ":135795,"×Ļ×ķפ×Ļ":135796,"ĠìļĶ구":135797,"ì¡°ìĤ¬":135798,"ãģ£ãģŁãĤī":135799,"׾×Ļ×§":135800,"миниÑģÑĤÑĢ":135801,"ãĤĤãģ®ãģ¯":135802,"Ġlương":135803,"Ġнаи":135804,"Ġнаибол":135805,"Ġнаиболее":135806,"íİĺ":135807,"à¹ģà¸ŀà¹ī":135808,"ãĤŃãĥ¥":135809,"ĠкоÑĤоÑĢÑĭм":135810,"à¹ģà¸Ĺà¸ĩ":135811,"à¹ģà¸Ĺà¸ĩà¸ļà¸Ńล":135812,"Ġ׳×Ļ×Ķ":135813,"Ġ׳×Ļ×Ķ×ķ׾":135814,"âĤª":135815,"ĠGiải":135816,"ĠиÑģполÑĮзова":135817,"ëł¥ìĿĦ":135818,"ãģĹãģĭãĤĤ":135819,"à¸ģà¹ĩà¸ķà¹īà¸Ńà¸ĩ":135820,"ĠÑĢеб":135821,"ĠÑĢебен":135822,"ĠÑĢебенка":135823,"تÙĪØ§ØµÙĦ":135824,"ãĤ°ãĥ«ãĥ¼ãĥĹ":135825,"ãĤĦãĤī":135826,"à¹Ģà¸Ľà¸´à¸Ķà¸ķัว":135827,"бÑĢо":135828,"ë°ĸìĹIJ":135829,"ÙĨÙİØ§":135830,"×Ķ×Ĵ":135831,"×Ķ×Ĵ׳×Ķ":135832,"à¸Ĺรั":135833,"à¸Ĺรัà¸ŀ":135834,"à¸Ĺรัà¸ŀยà¹Į":135835,"Ġkhá»iji":135836,"עצ×ŀ×ķ":135837,"болезн":135838,"Ġë°ĽìķĦ":135839,"มà¸Ļ":135840,"มà¸Ļุ":135841,"มà¸Ļุษ":135842,"มà¸Ļุษยà¹Į":135843,"âĹĨ":135844,"×ŀצ׾×Ļ×Ĺ":135845,"Ñıвление":135846,"ÙħØ·ÙĦ":135847,"ÙħØ·ÙĦÙĪØ¨":135848,"خاÙĦÙģ":135849,"تÙĪÙĤÙģ":135850,"ãģ§ãģįãģ¾ãģĽãĤĵ":135851,"оÑģÑĤей":135852,"меÑĩа":135853,"기ëĬĶ":135854,"תשע":135855,"صÙĬب":135856,"Ġ×ij×¢×ķ×ĵ":135857,"à¸Ĥà¸Ńà¸ĩà¹Ģà¸Ĥา":135858,"ÑĤÑıж":135859,"ĠÑĥпÑĢав":135860,"ĠÑĥпÑĢавлениÑı":135861,"Ġgénér":135862,"ĠthÃŃ":135863,"פ×ļ":135864,"ĠرÙħض":135865,"ĠرÙħضاÙĨ":135866,"Ġtruyá»ĩn":135867,"إعداد":135868,"ãĤµãĥĿãĥ¼ãĥĪ":135869,"Ġполно":135870,"خاÙħ":135871,"ÐŁÐµÑĤ":135872,"ÐŁÐµÑĤеÑĢ":135873,"ÐŁÐµÑĤеÑĢбÑĥÑĢ":135874,"ÐŁÐµÑĤеÑĢбÑĥÑĢг":135875,"ÙħÙĨتدÙī":135876,"ãģķãĤĮãģ¾ãģĹãģŁ":135877,"ĠëĮĢíķĺìŬ":135878,"à¸ľà¸¹à¹īà¸Ĺีà¹Ī":135879,"Ġ×ŀ×IJ×ķ":135880,"׾׳×ĵ":135881,"оÑĩнÑĭе":135882,"ĠнаÑĩала":135883,"Ġ׾×Ļ׾×ĵ×Ļ×Ŀ":135884,"овое":135885,"ãģĻãĤĭãģĵãģ¨ãģ§":135886,"ĠاÙĦÙĨÙģ":135887,"ĠاÙĦÙĨÙ쨷":135888,"ìŀĪëĬĶ":135889,"غÙĨÙĬ":135890,"פ×ĵ":135891,"ãĤ¾":135892,"ĠCré":135893,"ãģ©ãģ¡ãĤī":135894,"ثاÙĨ":135895,"ÑĢабаÑĤ":135896,"ÑĢабаÑĤÑĭва":135897,"Ġê°Ļëĭ¤":135898,"à¸Īั":135899,"à¸Īัà¸ģร":135900,"Ġchụ":135901,"Ġchụp":135902,"ĠмаÑģÑĤ":135903,"ĠмаÑģÑĤеÑĢ":135904,"Ġnắm":135905,"ĠÑģÑĤали":135906,"Ġ×Ķ×IJ×Ļר×ķ×¢":135907,"ãĤ½ãĥ³":135908,"åĪĨãģĭãĤĬ":135909,"طبع":135910,"بدا":135911,"gráfico":135912,"геÑĢ":135913,"à¸Ķำà¹Ģà¸Ļิà¸Ļà¸ģาร":135914,"Ġsaldır":135915,"Ġsaldırı":135916,"вÑĪиÑħ":135917,"ãģĭãģ£ãģŁãģ§ãģĻ":135918,"Ġyapıyor":135919,"ĠاÙĦÙģØª":135920,"צרפת":135921,"здоÑĢов":135922,"×ij×¢×ľ":135923,"Ġ×IJ×ŀ×Ļת×Ļ":135924,"ĠобÑĭ":135925,"ĠобÑĭÑĩ":135926,"ĠобÑĭÑĩно":135927,"Ġ׾×ķ×ŀר":135928,"تÙĥÙĨ":135929,"تÙĥÙĨÙĪÙĦÙĪØ¬":135930,"تÙĥÙĨÙĪÙĦÙĪØ¬ÙĬا":135931,"Ġhakkı":135932,"ĠÑĢав":135933,"ĠÑĢавно":135934,"رÙĬÙĥ":135935,"Ġ×ij×ŀ×Ļ×ĵ":135936,"Ġ×ij×ŀ×Ļ×ĵ×Ķ":135937,"à¹ģà¸ģà¹īว":135938,"Ġìĸĺ":135939,"Ġìĸĺ기":135940,"ãģĹãģ¦ãģĦãģ¾ãģĹãģŁ":135941,"Ġkısm":135942,"Ġkısmı":135943,"걸":135944,"åĨħãģ®":135945,"ì§ķ":135946,"à¹Ģหมืà¸Ńà¸Ļà¸ģัà¸Ļ":135947,"ĠÙģÙIJ":135948,"ĠÙģÙIJÙĬ":135949,"ÙĤاعدة":135950,"Ġmożesz":135951,"ÙħصاÙĦ":135952,"ÙħصاÙĦØŃ":135953,"ãģ¾ãģŁãģ¯":135954,"бег":135955,"Ġsıc":135956,"Ġsıcak":135957,"ÑĩиÑģ":135958,"ÑĩиÑģлен":135959,"Ġног":135960,"ãĥģãĥ£ãĥ³":135961,"ãĥ«ãĥī":135962,"Ġgió":135963,"Ġsını":135964,"Ġsınıf":135965,"иваÑĤÑĮ":135966,"Ġquên":135967,"Ġìłģ":135968,"Ġìłģìļ©":135969,"ĠJoão":135970,"ÙģØ§Ø¯":135971,"ĠGlück":135972,"à¸Ĺà¸Ńà¸Ķ":135973,"Ġgói":135974,"ï¼Ĭ":135975,"Ġdétail":135976,"ĠدÙĬسÙħ":135977,"ĠدÙĬسÙħبر":135978,"ë¡ľìĦľ":135979,"×ŀ×ķ×Ĺ":135980,"à¹Ħฮ":135981,"ĠоÑĤд":135982,"ĠоÑĤдÑĭÑħ":135983,"Ġkhuyến":135984,"à¸Ħà¸Ńย":135985,"ĠجÙĨÙĬ":135986,"ĠجÙĨÙĬÙĩ":135987,"ĠاÙĦدÙģØ§Ø¹":135988,"à¸Ļà¹īำหà¸Ļัà¸ģ":135989,"ĠìĤ¬ëŀĮëĵ¤ìĿ´":135990,"Ġthừa":135991,"ĠÃ¶ÄŁrenci":135992,"ĠпомоÑīи":135993,"ĠczÄĻÅĽÄĩ":135994,"ש×ĺר":135995,"ĠNhi":135996,"ĠNhiá»ģu":135997,"׳צ×Ļ":135998,"ĠнаÑĪем":135999,"ĠkarÅŁÄ±laÅŁ":136000,"Ġ×Ķש׳×Ļ×Ŀ":136001,"ĠÄIJưá»Ŀng":136002,"Ġtrú":136003,"ĠÑĢазлиÑĩнÑĭÑħ":136004,"ĠاÙĦØ´Ùĩر":136005,"Ġ×ľ×¢×ķ׾×Ŀ":136006,"ØŃجر":136007,"ĠÄijá»ķ":136008,"ĠìĿĺíķ´":136009,"à¸ļà¹Īà¸Ńย":136010,"Ġ×Ķ×Ļ׾×ĵ":136011,"ãģ¨ãģªãģ£ãģŁ":136012,"Ġ×Ĺ×ķ×ķת":136013,"Ġש×Ļר×ķת×Ļ":136014,"Äħcy":136015,"سرÙĬ":136016,"Kİ":136017,"פ׳×ķ":136018,"ÑģÑĤÑĢÑĥкÑĤÑĥÑĢ":136019,"ÑĤÑĢÑĥд":136020,"Ġ×Ķקר":136021,"Ġ×Ķקר×ķ×ij":136022,"ĠtháºŃm":136023,"èģŀãģį":136024,"ÙĤÙĪÙĬ":136025,"клÑİÑĩен":136026,"ÑĤеÑħ":136027,"ÑĤеÑħнолог":136028,"è¡Įãģ£ãģŁ":136029,"Ġ×ķ×IJ×Ļף":136030,"ĠÅŁeklin":136031,"ĠÅŁeklinde":136032,"rô":136033,"ÑĢог":136034,"ĠновÑĭе":136035,"Ġס×ij×Ļ×ij":136036,"ĠtecnologÃŃa":136037,"×¡×Ľ":136038,"×¡×Ľ×ķ×Ŀ":136039,"ĠÅŀub":136040,"ĠÅŀubat":136041,"Ġ×Ķ×ŀ׾×IJ":136042,"Ġwypos":136043,"Ġwyposaż":136044,"ãģ¯ä½ķ":136045,"ãĤ¬ãĥ³":136046,"ê°ĸ":136047,"Ġкакие":136048,"Ġçocuklar":136049,"Ġ׾צ×ĵ":136050,"Ġkayıt":136051,"ĠмеÑģÑĤе":136052,"ÙħدÙĬÙĨØ©":136053,"Ġ׼×Ĵ":136054,"Ġ׼×Ĵ×ķף":136055,"ãģĹãģ¦ãĤĭ":136056,"ĠÙħاÙĬÙĪ":136057,"ãģ£ãģ¦ãģĹãģ¾ãģ£ãģŁ":136058,"ĠпÑĢогÑĢаммÑĭ":136059,"à¹ģลà¸Ļà¸Ķà¹Į":136060,"ãĥ¯ãĤ¤":136061,"ער×ķ×¥":136062,"Ñģид":136063,"ĠBöyle":136064,"Ġì²ĺìĿĮ":136065,"Ġתפק×Ļ×ĵ":136066,"ĠTrên":136067,"íĥĪ":136068,"ĠÐłÐ¾ÑģÑģий":136069,"ĠÐłÐ¾ÑģÑģийÑģкой":136070,"ĠsÃłn":136071,"Ġrègle":136072,"ĠyaklaÅŁÄ±k":136073,"à¹Ģลิà¸ģ":136074,"ĠدائÙħ":136075,"Ġ×ķ×Ĵ":136076,"ابر":136077,"Ġbè":136078,"ĠاÙĦÙĤدÙħ":136079,"ĠÑĢеÑĪениÑı":136080,"hiên":136081,"ÑĤик":136082,"ÄĦ":136083,"à¸ļรรยาà¸ģ":136084,"à¸ļรรยาà¸ģาศ":136085,"רצ×ķף":136086,"åĭķãģį":136087,"ĠGäste":136088,"Ġ기본":136089,"ĠÙĬعرÙģ":136090,"ĠSá»Ń":136091,"gÅĤÄĻb":136092,"à¹Ģà¸Ńส":136093,"×IJ×ŀ×Ļף":136094,"ĠпÑĥнк":136095,"ĠпÑĥнкÑĤ":136096,"Ġ×Ļ×ķ×ĵ×¢×Ļ×Ŀ":136097,"ãĤ«ãĥ©ãĥ¼":136098,"Ġ×ijס×ĵר":136099,"Ġbuá»ĵn":136100,"йÑĤ":136101,"йÑĤеÑģÑĮ":136102,"ãĤĴæ±ĤãĤģ":136103,"Ġ×IJ×ª×Ľ×Ŀ":136104,"Ġ모르":136105,"ظرÙĪÙģ":136106,"ÑĩеÑģÑĤво":136107,"ìĸ´ìĦľ":136108,"Ġодна":136109,"Ġkapı":136110,"Ġëħ¸ëł¥":136111,"ĠKüche":136112,"ĠاÙĦتش":136113,"Ø·ÙĬب":136114,"ĠíĬ¹íŀĪ":136115,"ĠвÑĭпÑĥÑģ":136116,"ĠвÑĭпÑĥÑģк":136117,"×ĵת×Ļ":136118,"ĠuÄŁ":136119,"ĠuÄŁra":136120,"ائÙĩا":136121,"Ġthoát":136122,"ãģªãĤĤãģ®":136123,"ÑijÑĢ":136124,"기ê°Ģ":136125,"ĠgeliÅŁme":136126,"تØŃÙĤ":136127,"تØŃÙĤÙĤ":136128,"ĠопаÑģ":136129,"бÑĢоÑģ":136130,"หุ":136131,"หุà¹īà¸Ļ":136132,"ì¼Ģ":136133,"ãĤ¹ãĥŀ":136134,"ãĤ¹ãĥŀãĥĽ":136135,"Ø£Ù쨱":136136,"Ø£ÙģØ±Ø§Ø¯":136137,"ĠThá»±c":136138,"Ġthắ":136139,"ãĥªãĥ³ãĤ¯":136140,"Ġniá»ģm":136141,"ĠHöhe":136142,"عÙħار":136143,"ÙĥÙĪØ±ÙĪÙĨ":136144,"ÙĥÙĪØ±ÙĪÙĨا":136145,"ĠÄIJến":136146,"ĠÑģамом":136147,"ĠÑĤеле":136148,"ĠÄijoán":136149,"à¸Ħวามà¸Ħิà¸Ķà¹Ģหà¹ĩà¸Ļ":136150,"ĠдиÑģк":136151,"أطÙ쨧ÙĦ":136152,"มารà¹Į":136153,"à¸Ĺหาร":136154,"à¸Ĺà¸Ļ":136155,"ĠبعÙĬد":136156,"ĠاÙĦÙĩÙĨد":136157,"åĩºãģĹãģ¦":136158,"Ġkarde":136159,"ĠkardeÅŁ":136160,"×Ķ×Ļס×ĺ×ķר":136161,"×Ķ×Ļס×ĺ×ķר×Ļ×Ķ":136162,"éģ¸ãģ³":136163,"عاÙħÙĦ":136164,"à¸Ĥยาย":136165,"Ġtürl":136166,"Ġtürlü":136167,"ĠìĿ¼ìĿ´":136168,"Ġmatéria":136169,"Ġ׼׾×ķ×ŀר":136170,"ãĥģãĥ£ãĥ¼":136171,"جÙħاعة":136172,"ĠÑģвоим":136173,"Ø¥ÙĤاÙħØ©":136174,"ä¾ĭãģĪãģ°":136175,"ساب":136176,"آخر":136177,"ÙĤدÙĬر":136178,"×IJ×ŀ×Ļ":136179,"ìĸ»":136180,"Ġ׳×ķספת":136181,"ĠÐĴлад":136182,"ĠÐĴладим":136183,"ĠÐĴладимиÑĢ":136184,"Ġestará":136185,"ãģĵãģĨãģĦãģĨ":136186,"ãĤĴ使ç͍":136187,"มาà¸ķร":136188,"มาà¸ķรà¸IJาà¸Ļ":136189,"ãģ£ãģ½":136190,"Ġnú":136191,"Ġnúi":136192,"ยาà¸ĩ":136193,"ĠاÙĦجÙĨس":136194,"Ġüstün":136195,"ëľ»":136196,"ãĤ»ãĥ«":136197,"ãģ¦ãģĦãģįãģ¾ãģĻ":136198,"Ġ×Ĺ×ķ×ĸ":136199,"Ġ×Ĺ×ķ×ĸר":136200,"ĠÐĵлав":136201,"à¹Ĥà¸Ĭà¸Ħ":136202,"íıIJ":136203,"ÙĨتظر":136204,"Ġ×Ĵ×ij×Ļ":136205,"عÙĤب":136206,"intér":136207,"intérêt":136208,"×ŀפ×Ĵ":136209,"×ŀפ×Ĵש":136210,"Ġthù":136211,"اÙģØª":136212,"Ġ×ŀשפ":136213,"Ġ×ŀשפ×ĺ×Ļ":136214,"ĠÙħÙĪØ§ÙĤع":136215,"è¦ļ":136216,"è¦ļãģĪ":136217,"×ĵ×Ļף":136218,"à¹Ģรืà¹Īà¸Ńà¸ĩราว":136219,"ãģ¾ãģĤ":136220,"Ġghế":136221,"иÑĢÑĥÑİÑĤ":136222,"à¸ģว":136223,"à¸ģวà¹īาà¸ĩ":136224,"ĠповеÑĢ":136225,"ĠповеÑĢÑħ":136226,"ĠповеÑĢÑħноÑģÑĤ":136227,"׳×ĵר":136228,"ĠконÑĨе":136229,"Ġдолжна":136230,"Ġ×Ļש×Ļר":136231,"acaģız":136232,"ìĹĶ":136233,"ĠnÃŃvel":136234,"Ġör":136235,"Ġörnek":136236,"ÙĥÙģ":136237,"ĠФедеÑĢаÑĨии":136238,"Ġ구ìĦ±":136239,"หัวà¹ĥà¸Ī":136240,"ĠVáºŃy":136241,"мед":136242,"меди":136243,"медиÑĨин":136244,"медиÑĨинÑģк":136245,"ازÙĬ":136246,"×Ĵ×ij×ķ׾":136247,"ÑĦÑĢ":136248,"Ġzusätzlich":136249,"à¸ģà¸ģ":136250,"ĠاÙĦاÙĤتصادÙĬØ©":136251,"Ġhè":136252,"luÄŁun":136253,"جÙİ":136254,"à¹Ħà¸Łà¸¥à¹Į":136255,"ÄIJT":136256,"ãģĿãģ®ä»ĸ":136257,"à¸Ĺิà¹īà¸ĩ":136258,"ĠاÙĦØ£ÙĪ":136259,"رسÙħ":136260,"æ°Ĺãģ¥":136261,"ìĿ´ë©°":136262,"ÑĮев":136263,"صط":136264,"ĠاÙĦاستث":136265,"ĠاÙĦاستثÙħار":136266,"à¸Ńาà¸Ħาร":136267,"ĠÑĤоÑĩно":136268,"ĠVân":136269,"à¸Ńร":136270,"à¸Ńรà¹Īà¸Ńย":136271,"ĠاÙĦسÙĨØ©":136272,"ĠcÆ°á»Ľi":136273,"×Ļ×Ķף":136274,"íį¼":136275,"話ãģĹ":136276,"âĹĭ":136277,"ĠìķĬìĿĢ":136278,"ãĥ¡ãĥ¼ãĤ":136279,"ãĥ¡ãĥ¼ãĤ«":136280,"ãĥ¡ãĥ¼ãĤ«ãĥ¼":136281,"ĠÑĤепло":136282,"å½¼ãĤī":136283,"Ġİz":136284,"Ġİzmir":136285,"íĻį":136286,"Ġrượ":136287,"Ġrượu":136288,"æĢĿãģĦåĩº":136289,"ĠPhạm":136290,"Ġcháu":136291,"צ×Ļ×ķת":136292,"ĠìĿ¼ë³¸":136293,"ìĤ¬ëĬĶ":136294,"ĠÑģоздан":136295,"Ġaracı":136296,"Ġער":136297,"Ġער×Ļ׼×Ķ":136298,"ĠíķĺëĤĺëĭĺìĿĺ":136299,"dziÅĤ":136300,"à¸Ľà¸£à¸°à¸ĺาà¸Ļ":136301,"ĠserÃŃa":136302,"ĠìŀĪëıĦë¡Ŀ":136303,"درج":136304,"íķľëĭ¤ëĬĶ":136305,"à¸Ńาà¸Ĺ":136306,"à¸Ńาà¸Ĺิà¸ķ":136307,"à¸Ńาà¸Ĺิà¸ķยà¹Į":136308,"ÑĤелÑĮнÑĭй":136309,"ĠخدÙħات":136310,"×ŀ׳×ĺ":136311,"Ġlược":136312,"ĠSÃłi":136313,"ĠÙĪØ§Ø¶":136314,"ĠÙĪØ§Ø¶ØŃ":136315,"غاز":136316,"ĠdoÄŁal":136317,"Ġ×ijש×Ŀ":136318,"Ġдлин":136319,"Ġإطار":136320,"Ġ×ijספר":136321,"ãĤĴä¸İ":136322,"ãĤĴä¸İãģĪ":136323,"Ġë²ķë¥ł":136324,"ĠÑĥвели":136325,"ĠÑĥвелиÑĩи":136326,"สà¹Ħà¸ķ":136327,"สà¹Ħà¸ķลà¹Į":136328,"à¹Ħà¸ģล":136329,"×ij×Ĺף":136330,"ĠìĿ´íĽĦ":136331,"Ġmunic":136332,"ĠmunicÃŃpio":136333,"تÙħØ«ÙĦ":136334,"ĠÄijáo":136335,"Hôtel":136336,"Ġlá»Ńa":136337,"ĠÄijẳng":136338,"Ñĩки":136339,"شرÙĪ":136340,"شرÙĪØ·":136341,"ĠìĿ´ë¥¼":136342,"ÙĬÙĭا":136343,"×ŀ׾×ļ":136344,"×ŀ×Ķ×Ļר×ķת":136345,"ĠобÑıзаÑĤелÑĮ":136346,"ĠобÑıзаÑĤелÑĮно":136347,"énergie":136348,"Ġmudança":136349,"Ġmụ":136350,"Ġmụn":136351,"Ġnº":136352,"ĠاÙĦتعا":136353,"ĠاÙĦتعاÙĪÙĨ":136354,"ĠاÙĦاجتÙħاعÙĬØ©":136355,"ĠплаÑģÑĤ":136356,"Ġëĵ±ìĿĺ":136357,"ãĥIJãĤ¤ãĤ¯":136358,"ÙĩجÙĪÙħ":136359,"ĠSaúde":136360,"Ġì¤ijìļĶíķľ":136361,"Ġ×Ķצ×Ļ×ij×ķר":136362,"×ª×§×Ł":136363,"ĠاÙĦعاÙĦÙħÙĬ":136364,"ĠболÑĮÑĪой":136365,"ĠÙĥÙĦÙħ":136366,"ĠÙĥÙĦÙħØ©":136367,"ãģ®ãģ§ãģ¯ãģªãģĦãģ§ãģĹãĤĩãģĨãģĭ":136368,"ĠÙħباراة":136369,"Ġש×IJ׳":136370,"Ġש×IJ׳×Ĺ׳×ķ":136371,"ãĤ¹ãĤ¿ãĤ¤ãĥ«":136372,"ĠSaÄŁ":136373,"ĠSaÄŁlık":136374,"Ġhư":136375,"׳×Ĺ×Ķ":136376,"Ġ×ijקר×ij":136377,"طعÙħ":136378,"หิà¸Ļ":136379,"à¸Ĺุà¸ģวัà¸Ļ":136380,"à¸Ħรัà¹īà¸ĩà¸Ĺีà¹Ī":136381,"ĠlÃłnh":136382,"Ġdonné":136383,"ãģĽãģĦ":136384,"جزÙĬرة":136385,"доÑĢож":136386,"ì¼ľ":136387,"تÙĨظÙĬÙģ":136388,"ãĥģãĥ§":136389,"Ġaldıģı":136390,"جاج":136391,"ĠÑĤомÑĥ":136392,"à¸Ľà¸´":136393,"Ġ×ijרשת":136394,"ãģıãģªãĤĬãģ¾ãģĻ":136395,"ĠпÑĢинÑĨип":136396,"Ġ×Ĺ׾×ķ":136397,"ëı¼":136398,"×ķ×Ĵש":136399,"سس":136400,"à¸Ľà¸¹":136401,"Ġhầu":136402,"æĦŁãģĺãĤĭ":136403,"ï¼´":136404,"دÙĪØ§":136405,"ĠÑģмог":136406,"scrição":136407,"ĠtháºŃn":136408,"Ġר×ķ×IJ×Ķ":136409,"обÑĢажен":136410,"ĠاÙĦتجارÙĬØ©":136411,"طبÙĬع":136412,"jÄħcÄħ":136413,"íĸīìľĦ":136414,"ĠновÑĭй":136415,"Ġ×ŀ×Ĺ×ĵש":136416,"æĮ¯ãĤĬ":136417,"gué":136418,"Ġ×IJ×Ļר×ķ×¢":136419,"Ġ×IJ×Ļר×ķ×¢×Ļ×Ŀ":136420,"ĠاÙĦذÙĩب":136421,"×ĵ×IJ":136422,"تاÙĨ":136423,"ãģłãģĹ":136424,"à¸Ńัà¸ķรา":136425,"à¹Ĥà¸Ī":136426,"بÙĦاد":136427,"×Ķ×Ļ×Ļ׳×ķ":136428,"ĠÑģпе":136429,"ĠÑģпеÑĨиалÑĮно":136430,"ĠÅĽwiata":136431,"ãĤĵãģ§ãģĻãĤĪ":136432,"شرÙĥØ©":136433,"ĠpÅĤyt":136434,"Ġsitué":136435,"Ġ׼×IJ׾×Ķ":136436,"ס×ijר":136437,"Ġkażd":136438,"Ġkażdym":136439,"ãĤĴæĮģãģ¤":136440,"׾×Ķ׾":136441,"׾×Ķ׾ף":136442,"ĠwÅĤas":136443,"ĠwÅĤasne":136444,"ĠsaÄŁlan":136445,"×ŀ×¢×ľ×Ķ":136446,"ĠاÙĦاÙĪÙĦ":136447,"ìĹIJìĦľëıĦ":136448,"×IJ×Ļר×ķפ×Ķ":136449,"تÙĤÙĨÙĬØ©":136450,"Ùħائ":136451,"Ùħائة":136452,"ĠcompañÃŃa":136453,"Ġsürek":136454,"Ġsürekli":136455,"ĠиÑģкÑĥÑģ":136456,"ĠиÑģкÑĥÑģÑģÑĤв":136457,"ĠBürger":136458,"ת×Ĺר":136459,"ת×Ĺר×ķת":136460,"à¸ŀรà¹īà¸Ńมà¸ģัà¸ļ":136461,"Ø´Ùħ":136462,"à¸ĸืà¸Ńวà¹Īา":136463,"è¾¼ãĤĢ":136464,"ä¼ijãģ¿":136465,"ĠاÙĦأب":136466,"ĠÑģÑĤоимоÑģÑĤÑĮ":136467,"ĠпÑĢава":136468,"mayın":136469,"หวย":136470,"ĠاÙĦطبÙĬعÙĬ":136471,"à¸Ĺีà¹Īà¸ŀัà¸ģ":136472,"ĠEstá":136473,"ÑĭваÑİÑĤ":136474,"بسÙĬ":136475,"بسÙĬØ·":136476,"Ġ×ij×¢×ijר":136477,"åı¯èĥ½ãģ§ãģĻ":136478,"Ġ×ĵ×ķ׾":136479,"Ġ×ĵ×ķ׾ר":136480,"ÙĩÙİØ§":136481,"воÑĢоÑĤ":136482,"ãģ¦ãģĦãģ¾ãģĹãģŁ":136483,"à¹Ĥà¸Ĺรศ":136484,"à¹Ĥà¸Ĺรศั":136485,"à¹Ĥà¸Ĺรศัà¸ŀ":136486,"à¹Ĥà¸Ĺรศัà¸ŀà¸Ĺà¹Į":136487,"Ġק׳":136488,"ĠاÙĦØ«ÙĨ":136489,"ĠاÙĦØ«ÙĨائÙĬØ©":136490,"Ġcoût":136491,"à¸ķิà¸Ķà¸ķัà¹īà¸ĩ":136492,"Ġörg":136493,"Ġörgüt":136494,"ĠاÙĦØ®ÙĦÙĬ":136495,"ĠاÙĦØ®ÙĦÙĬج":136496,"Ġbá»įn":136497,"×ķ׾×ķ×Ĵ×Ļ":136498,"ëŀľ":136499,"ĠÐijолÑĮ":136500,"ĠÐijолÑĮÑĪ":136501,"×Ĵ×ijר×Ļ×Ŀ":136502,"ÙĤÙĬد":136503,"×ij×Ļ×ĺ×ķ×Ļ":136504,"æīĵãģ¡":136505,"ĠolmuÅŁ":136506,"fäh":136507,"fähig":136508,"ลาà¸Ļ":136509,"ĠÙĤطر":136510,"שפ×Ķ":136511,"èªŃãĤĵãģ§":136512,"à¸Ĥวา":136513,"Ġchiếm":136514,"ãĤ¤ãĥ³ãĤ¿":136515,"ãĤ¤ãĥ³ãĤ¿ãĥ¼ãĥ":136516,"ãĤ¤ãĥ³ãĤ¿ãĥ¼ãĥį":136517,"ãĤ¤ãĥ³ãĤ¿ãĥ¼ãĥįãĥĥãĥĪ":136518,"Ġ׾ש×ŀ×ķר":136519,"ĠترÙĥ":136520,"ĠترÙĥÙĬا":136521,"ר×ķ×ĺ":136522,"ã썿ĢĿãģĦãģ¾ãģĹãģŁ":136523,"ĠاÙĦتÙĤ":136524,"Ġdư":136525,"ãģ¦ãģıãĤĮãĤĭ":136526,"ãģĹãģŁãģĵãģ¨":136527,"Ġróżne":136528,"ĠاÙĦØ·ÙģÙĦ":136529,"ĠPosté":136530,"Ġ×ŀש×ķ×Ŀ":136531,"ÑįÑĢ":136532,"ĠÑĢабоÑĤаеÑĤ":136533,"ãĤ·ãĥª":136534,"ãĤ·ãĥªãĥ¼ãĤº":136535,"Ġ×ij×Ķ×Ĺ׾×ĺ":136536,"×§×Ķ×Ļ׾×Ķ":136537,"ãĤ«ãĥ¡":136538,"ãĤ«ãĥ¡ãĥ©":136539,"O":136540,"ĠìĤ¬ìĿ´":136541,"Ġkì":136542,"ĠthÆ°á»Ľc":136543,"ضبط":136544,"ÙĤبÙĪÙĦ":136545,"åĪ¥ãģ®":136546,"Ġparticulière":136547,"ĠÑģвоем":136548,"Ġעסק":136549,"Ġעסק×Ļ×Ŀ":136550,"×ij×Ĺ×Ļר×ķת":136551,"×ij×Ļ׳×ķ":136552,"à¸ĭà¸Ń":136553,"Ġ×¢×ķ×ijר":136554,"ãģłãģ£ãģŁãģ®ãģ§":136555,"ıldıģı":136556,"Ùħدار":136557,"Ùħدارس":136558,"주ìĭľ":136559,"à¸Ńาศ":136560,"à¸Ńาศัย":136561,"Ġtấm":136562,"à¸ŀิà¸Ī":136563,"à¸ŀิà¸Īาร":136564,"à¸ŀิà¸Īารà¸ĵา":136565,"ÑĤелÑĮнÑĭе":136566,"ÑģкÑĥÑİ":136567,"ÐľÐĺ":136568,"à¹Ģà¸ģา":136569,"à¹Ģà¸ģาหล":136570,"à¹Ģà¸ģาหลี":136571,"×ĵ×Ĺ":136572,"à¹Ģà¸Ĭิà¸ĩ":136573,"ĠدÙĤÙĬÙĤØ©":136574,"íķĻìĥĿ":136575,"Ġש×IJ׾×Ķ":136576,"Ġcontrôle":136577,"Ġsituação":136578,"à¸Ĥà¸Ńà¸ĩà¸ľà¸¹à¹ī":136579,"ÙĨØ·ÙĤ":136580,"ê³¼íķĻ":136581,"หลายà¸Ħà¸Ļ":136582,"Ġnắng":136583,"ÙĤÙı":136584,"ì¡°ê±´":136585,"Ñķ":136586,"ãĥĥãģ¨":136587,"×ŀ×Ļ׾×Ķ":136588,"Grün":136589,"×Ļ×Ļ×¢":136590,"×Ļ×Ļ×¢×ķ×¥":136591,"×ŀ׳׼":136592,"ëŃIJ":136593,"×ŀ×¢×ŀ×ĵ":136594,"สำà¸Ļัà¸ģ":136595,"جدد":136596,"à¸Ħัà¸Ķ":136597,"Ġ×Ķ×ŀשפ":136598,"Ġ×Ķ×ŀשפ×Ĺ×Ķ":136599,"×ŀשק׾":136600,"ÙĦÙı":136601,"Ġtytu":136602,"ĠtytuÅĤ":136603,"ÑĪей":136604,"ĠìĿ¼ë¶Ģ":136605,"ÑĪение":136606,"Ġphóng":136607,"ĠìĹŃìĤ¬":136608,"ãĤ«ãĥ³":136609,"Ġtúi":136610,"ĠÙĨÙĪÙģ":136611,"ĠÙĨÙĪÙģÙħبر":136612,"grün":136613,"ĠاÙĦØ´ÙħاÙĦ":136614,"ÅĽwiadc":136615,"ÅĽwiadczenie":136616,"ער×Ķ":136617,"Ġ×¢×ķ×ij":136618,"Ġ×¢×ķ×ij×ĵ×Ļ×Ŀ":136619,"×ĵ×ķ×Ĵ×ŀ×IJ":136620,"ä»Ĭãģ¯":136621,"Ġvão":136622,"ĠТем":136623,"ÑģилÑĮ":136624,"Ġchợ":136625,"Ùħرا":136626,"ÙħراÙĤب":136627,"à¹Ħมà¹Īรูà¹ī":136628,"Ġرائع":136629,"×IJ׳×Ĺ׳×ķ":136630,"สà¹Īà¸ĩà¹Ģสริม":136631,"צ×Ĺ":136632,"ĠìŀĪìĸ´ìĦľ":136633,"Ġkurulu":136634,"ĠkuruluÅŁ":136635,"ĠÃĸzellik":136636,"ĠÃĸzellikle":136637,"Ġת×Ļ×§":136638,"Ġghé":136639,"ĠsprzÄĻ":136640,"ĠsprzÄĻt":136641,"ער×ķת":136642,"راØŃØ©":136643,"ãģ£ãģį":136644,"ãģ£ãģįãĤĬ":136645,"ĠìķĦëŀĺ":136646,"stituição":136647,"Ġдолжно":136648,"×Ķרש":136649,"×Ķרש×ŀ×Ķ":136650,"×Ķ׾×ļ":136651,"ãģ¡ãģª":136652,"ãģ¡ãģªãģ¿":136653,"ãģ¡ãģªãģ¿ãģ«":136654,"פ×Ĺ×ĵ":136655,"ĠاÙĦجÙħÙĬع":136656,"×ij×¢×ľ×Ļ":136657,"Ġtrùng":136658,"Ġפת×Ĺ":136659,"×ŀ׾×Ĺ×ŀת":136660,"ãĥĨãĥ¼ãĥ":136661,"ãĥĨãĥ¼ãĥŀ":136662,"Ùħتاب":136663,"Ùħتابعة":136664,"Ġ모ìĬµ":136665,"ÙĬص":136666,"åIJĪãģĨ":136667,"ĠYap":136668,"ĠYapı":136669,"ĠÑģказаÑĤÑĮ":136670,"몰":136671,"à¸Ĺีà¹Īสำà¸Ħัà¸į":136672,"ĠìĹĨìĬµëĭĪëĭ¤":136673,"Ġnhắc":136674,"Ġülkeler":136675,"Ġмногие":136676,"íķĺìħ¨":136677,"มาà¸ģà¸Ĺีà¹Īสุà¸Ķ":136678,"à¸ģà¹īา":136679,"à¸ģà¹īาว":136680,"Ġİyi":136681,"леж":136682,"лежа":136683,"ãĤ¸ãĥ§":136684,"à¸Ĺัà¸ŀ":136685,"اÙĪØ±":136686,"Ġ×Ĺ×ijר×Ļ":136687,"Ġ׾ש×Ŀ":136688,"첫":136689,"ĠTá»Ń":136690,"×ŀ×ķ׳×Ļ":136691,"ÙĤÙĪØ¯":136692,"à¸ģระà¹Ģà¸Ľ":136693,"à¸ģระà¹Ģà¸Ľà¹ĭ":136694,"à¸ģระà¹Ģà¸Ľà¹ĭา":136695,"ĠпÑĢоблемÑĭ":136696,"Ġaçıs":136697,"Ġaçısından":136698,"Ġ×Ķ×ŀ׼":136699,"ĠÙħعظÙħ":136700,"ÙĤÙĬاس":136701,"ĠпÑĢодолж":136702,"ĠпÑĢодолжа":136703,"ĠverdiÄŁi":136704,"ĠпÑĢедмеÑĤ":136705,"ãģĦãģ¾ãģĻãģĮ":136706,"ĠëĶ°ë¥¸":136707,"ĠاÙĦÙĤÙĬاÙħ":136708,"ĠØ¥ÙĦÙĬÙĩا":136709,"ТÐIJ":136710,"поз":136711,"ãĤ·ãĥ¥":136712,"ä¸ĬãģĮãĤĬ":136713,"à¹Ģà¸Ķิมà¸ŀัà¸Ļ":136714,"à¸ģุล":136715,"ØŃرÙĬØ©":136716,"×§×ij×ķצ×ķת":136717,"믿":136718,"ĠاÙĦÙħÙĨا":136719,"ĠاÙĦÙħÙĨاطÙĤ":136720,"ĠвÑĭпол":136721,"ĠвÑĭполнÑı":136722,"ãĥĭãĤ¢":136723,"Ġê²°êµŃ":136724,"×Ĺ×ķ×ŀ":136725,"×Ĺ×ķ×ŀר×Ļ×Ŀ":136726,"ĠУкÑĢаинÑĭ":136727,"หà¸Ńม":136728,"ר×Ļס":136729,"ĠÑħоÑĤел":136730,"ĠобÑĢазованиÑı":136731,"Ġkhẳng":136732,"Ġmưa":136733,"Ġgörme":136734,"Ġgüçlü":136735,"سعÙī":136736,"มัà¹Īà¸Ļà¹ĥà¸Ī":136737,"íķĺê²łìĬµëĭĪëĭ¤":136738,"ĠполÑĥ":136739,"Ġfünf":136740,"ã썿ĢĿãģ£ãģ¦ãģĦãģ¾ãģĻ":136741,"Ġê·¸ê²ĥìĿĢ":136742,"ĠdÃ¼ÅŁÃ¼nce":136743,"ìŀł":136744,"ĠHÆ°á»Ľng":136745,"ĠTiá»ĥu":136746,"Ġçift":136747,"ãģijãģ°":136748,"à¸Īà¸Ļà¸ĸึà¸ĩ":136749,"à¸Ĺำà¹Ħà¸Ķà¹ī":136750,"ĠìŀIJì²´":136751,"Ġdõ":136752,"Ġdõi":136753,"à¸Īัà¸Ļ":136754,"à¸Īัà¸Ļà¸Ĺ":136755,"à¸Īัà¸Ļà¸Ĺรà¹Į":136756,"eceÄŁini":136757,"׳×ķער":136758,"غار":136759,"ĠاÙĦØ£ÙħرÙĬÙĥÙĬ":136760,"داعش":136761,"ĠбезопаÑģноÑģÑĤи":136762,"ĠбÑİ":136763,"ĠбÑİдж":136764,"ĠбÑİджеÑĤ":136765,"ãĥĬãĤ¤":136766,"à¸ŀà¸ļวà¹Īา":136767,"daÄŁ":136768,"×IJ×ķפף":136769,"íĹĮ":136770,"ãĥĢãĤ¤ãĤ¨":136771,"ãĥĢãĤ¤ãĤ¨ãĥĥãĥĪ":136772,"ĠëĮĢíĨµ":136773,"ĠëĮĢíĨµëł¹":136774,"Dİ":136775,"Ø£ØŃداث":136776,"ĠAÄŁ":136777,"ĠAÄŁust":136778,"ĠAÄŁustos":136779,"ØŃÙĦÙĪÙĦ":136780,"ĠwÅĽ":136781,"ĠwÅĽród":136782,"ĠÑģооÑĤвеÑĤ":136783,"ĠÑģооÑĤвеÑĤÑģÑĤв":136784,"ĠÑģооÑĤвеÑĤÑģÑĤвии":136785,"ĠLuáºŃt":136786,"Ġ׼׾פ×Ļ":136787,"ĠвеÑī":136788,"ĠвеÑīеÑģÑĤв":136789,"×§×Ļ×¥":136790,"ĠبÙĩذا":136791,"عاش":136792,"à¹Ģà¸Ľà¹ĩà¸Ļà¹Ģรืà¹Īà¸Ńà¸ĩ":136793,"ТÐķ":136794,"Ġ×ij×IJ×Ļ׳×ĺר׳×ĺ":136795,"سعد":136796,"Ġ×Ķ×ĺ×Ļפ×ķ׾":136797,"פ×Ļס":136798,"à¸ĩà¹Īายà¹Ĩ":136799,"ĠGerät":136800,"׾×Ļ×ĵ×Ķ":136801,"ĠÑĢиÑģк":136802,"׾ק×Ĺ":136803,"ннаÑı":136804,"ר×Ļ×ĵ":136805,"пÑĢакÑĤи":136806,"пÑĢакÑĤик":136807,"à¸Ĥัà¹īà¸Ļà¸ķà¸Ńà¸Ļ":136808,"à¸Ļà¹Īารัà¸ģ":136809,"larınızı":136810,"à¸Ńà¸Ļุà¸įา":136811,"à¸Ńà¸Ļุà¸įาà¸ķ":136812,"ĠzdjÄĻcia":136813,"Ġbây":136814,"ÑģÑĢ":136815,"ÑģÑĢоÑĩ":136816,"ãĥĭãĥ³ãĤ°":136817,"Ġöner":136818,"Ġöneri":136819,"ĠновÑĭÑħ":136820,"دعÙĪØ©":136821,"Ġgắn":136822,"ĠاÙĦÙĦبÙĨ":136823,"ĠاÙĦÙĦبÙĨاÙĨÙĬ":136824,"ãĥĨãĤ£ãĥ¼":136825,"ĠصØŃÙĬØŃ":136826,"емÑĭÑħ":136827,"çĸ²ãĤĮ":136828,"ĠпÑĢоиÑģ":136829,"ĠпÑĢоиÑģÑħодиÑĤ":136830,"สà¸ķิ":136831,"ĠTết":136832,"Ġ×Ķ׾׾×ķ":136833,"à¹Ģรืà¹Īà¸Ńà¸ĩà¸Ļีà¹ī":136834,"×ŀ×ij׳×Ķ":136835,"Ġconteúdo":136836,"Ġاخت":136837,"ĠاختÙĬار":136838,"ÙħسÙĦ":136839,"ÙħسÙĦسÙĦ":136840,"ëıĪ":136841,"Ġ׾×Ļ×ĵ":136842,"à¸ŀิà¸ĺี":136843,"ĠÑģовÑģ":136844,"ĠÑģовÑģем":136845,"ãģĮãģĤãĤĬãģ¾ãģĹãģŁ":136846,"Ġsóng":136847,"إصÙĦاØŃ":136848,"ë§ģ":136849,"ÙģÙĬر":136850,"ĠJeżeli":136851,"ìłľëıĦ":136852,"dÅĤug":136853,"ìĥģìĿĦ":136854,"ĠcáºŃn":136855,"Ġhá»įp":136856,"أست":136857,"أستاذ":136858,"Ġ×ŀ×Ļש×Ķ":136859,"Ġ×ŀ×Ļש×Ķ×ķ":136860,"ĠdÃły":136861,"ĠchÃłng":136862,"ãģ¡ãĤĥãĤĵãģ¨":136863,"ĠÄijám":136864,"Ġswój":136865,"Ġpoderá":136866,"ĠоÑĤлиÑĩа":136867,"Ġpériode":136868,"ündig":136869,"×ĺ×¢×Ł":136870,"ÑģÑĤÑĢоиÑĤелÑĮ":136871,"רת×Ļ":136872,"Ġ×Ļ×Ķ×Ļ×ķ":136873,"×ľ×¡":136874,"ĠاÙĦÙħÙĨزÙĦ":136875,"à¸Ļิà¹īว":136876,"иÑĦика":136877,"иÑĦикаÑĨи":136878,"ðŁĺī":136879,"Ġadına":136880,"ãĢĤãĢĤãĢĤ":136881,"×IJ×Ļף":136882,"ס×Ļר":136883,"ĠÙĬعد":136884,"çŃĶãģĪ":136885,"اÙĦجز":136886,"اÙĦجزائر":136887,"енÑĮк":136888,"รห":136889,"รหัส":136890,"ĠTürkçe":136891,"꾸":136892,"Ġ×Ļ×ķ׼׾":136893,"Ġש×ķ׳×Ķ":136894,"Ġ×ij×ŀצ×ij":136895,"ĠдейÑģÑĤвиÑĤелÑĮно":136896,"ĠبأÙĨÙĩ":136897,"×ŀ×§×ĵ":136898,"Ġ×Ķשק":136899,"Ø®ÙĬارات":136900,"Ġfı":136901,"Ġfırs":136902,"Ġfırsat":136903,"ëijĺ":136904,"ĠìĦľìļ¸":136905,"Ġ×Ķ×Ĵ×ķ×£":136906,"رعا":136907,"رعاÙĬØ©":136908,"ĠKết":136909,"кÑģи":136910,"ĠÑĥÑģлÑĥги":136911,"ноÑģÑĤей":136912,"ìļ´ëıĻ":136913,"ĠобÑĬÑı":136914,"ĠобÑĬÑıвл":136915,"неж":136916,"×Ķפ×ļ":136917,"Ġ×ij×¢×Ļ׳×Ļ":136918,"ëĨĴ":136919,"ĠпÑĢоÑĨед":136920,"ĠпÑĢоÑĨедÑĥÑĢ":136921,"Ġihtiy":136922,"Ġihtiyacı":136923,"Ġë°Ķëŀį":136924,"Ġë°ĶëŀįëĭĪëĭ¤":136925,"à¸ģลัว":136926,"ĠÑģложно":136927,"×§×Ļ×Ļ×ŀת":136928,"ĠÄIJình":136929,"ĠÙħÙĦÙģ":136930,"Ġà¹Ĥà¸Ķยมี":136931,"Ġkatkı":136932,"تØŃÙĪÙĬÙĦ":136933,"à¹Ħà¸ŀ":136934,"ĠHá»į":136935,"ñe":136936,"ĠдоÑħод":136937,"Ġthoải":136938,"íķĺìŬìķ¼":136939,"ãĤ¹ãĥĿãĥ¼ãĥ":136940,"ãĤ¹ãĥĿãĥ¼ãĥĦ":136941,"ĠGòn":136942,"Ġkè":136943,"Ġkèm":136944,"é̲ãĤģ":136945,"ãĤ¹ãĥ¼ãĥ":136946,"ãĤ¹ãĥ¼ãĥij":136947,"ãĤ¹ãĥ¼ãĥijãĥ¼":136948,"ĠgiÃłu":136949,"Ġإعادة":136950,"Ġ׾×ķ×§":136951,"Ġ׾×ķ×§×Ĺ":136952,"ĠÑħоÑĩеÑĤ":136953,"×ĺ׾×ķ×ķ":136954,"×ĺ׾×ķ×ķ×Ļ×ĸ":136955,"×ĺ׾×ķ×ķ×Ļ×ĸ×Ļ×Ķ":136956,"Ġthuyết":136957,"ãģĿãĤĮãģ§":136958,"Ġvardı":136959,"à¹Ħรà¹ī":136960,"عبد":136961,"ĠRepública":136962,"ãĥ¼ãĤ¿ãĥ¼":136963,"Ġ×ŀ×IJ×ķת":136964,"à¹Ħà¸Ľà¹ģลà¹īว":136965,"Ġyapılacak":136966,"ãĤ¹ãĤ¿ãĥ¼ãĥĪ":136967,"ãģ»ãģ¼":136968,"ĠkoÅŁ":136969,"ĠмаÑĤеÑĢи":136970,"Ġsiècle":136971,"ĠاÙĦÙħختÙĦÙģ":136972,"ĠاÙĦÙħختÙĦÙ쨩":136973,"Ġ׾קר×IJ":136974,"Ġ׾קר×IJת":136975,"Ġ×Ķפ×ķ×¢×ľ":136976,"Ġtòa":136977,"ĠrÆ¡i":136978,"åij¨ãĤĬ":136979,"à¸Ŀà¸Ļ":136980,"jÅĽÄĩ":136981,"ĠìķĬìĿĦ":136982,"اÙĨتÙĤاÙĦ":136983,"ëĸł":136984,"иваеÑĤ":136985,"ãĥĪãĥ«":136986,"ĠاÙĦÙģÙĦسطÙĬÙĨÙĬØ©":136987,"à¸ģลà¹Īาววà¹Īา":136988,"اÙĥت":136989,"ĠÃĸl":136990,"ĠÑĢеÑĪи":136991,"ĠÑĢеÑĪил":136992,"Ġ׳×ķספ×ķת":136993,"Ġìłķì¹ĺ":136994,"влеÑĩен":136995,"ÙħرØŃÙĦØ©":136996,"Ġcomeça":136997,"Ġyık":136998,"ìĤ´":136999,"à¸ĺà¸Ļา":137000,"à¸ĺà¸Ļาà¸Ħาร":137001,"à¸Ńà¸Ļา":137002,"à¸Ńà¸Ļาà¸Ħ":137003,"à¸Ńà¸Ļาà¸Ħà¸ķ":137004,"Ġpequeña":137005,"ä»ķäºĭãĤĴ":137006,"ĠبذÙĦÙĥ":137007,"Ġнового":137008,"ãģĹãģ¦ãģĦãģªãģĦ":137009,"ĠاÙĦÙħÙĬاÙĩ":137010,"à¸ģà¹ĩà¹Ģà¸Ľà¹ĩà¸Ļ":137011,"ĠжÑĥÑĢ":137012,"ĠжÑĥÑĢнал":137013,"веÑģ":137014,"ختار":137015,"Ġ매ìļ°":137016,"ĠMã":137017,"ĠавÑĤомаÑĤÑĭ":137018,"ضعÙģ":137019,"ĠاÙĦÙģÙĥر":137020,"ãģ§ãģĻãģ®ãģ§":137021,"ãĥ¡ãĥ³ãĥIJãĥ¼":137022,"ĠкÑĢÑĥг":137023,"ĠاÙĦسÙĦطة":137024,"à¸Ħรัà¹īà¸ĩà¹ģรà¸ģ":137025,"à¸ģระà¸Ĺรว":137026,"à¸ģระà¸Ĺรวà¸ĩ":137027,"ÑĨов":137028,"éķ·ãģĦ":137029,"大ãģįãģĦ":137030,"ĠgeçmiÅŁ":137031,"ìĦ±ìĿ´":137032,"Ġצר×Ļ׼×Ķ":137033,"ĠмоÑī":137034,"ĠмоÑīн":137035,"Ġ×§×Ļש":137036,"Ġ×§×Ļש×ķר×Ļ×Ŀ":137037,"ĠNasıl":137038,"гÑĢан":137039,"Ġ×ŀ×ķצר×Ļ×Ŀ":137040,"Ġ×ŀס×ķ×Ĵ":137041,"Ġyür":137042,"Ġyürüt":137043,"Ġ׾×Ĺצ×ķ":137044,"×ķÖ¼":137045,"ĠìŀĪìĹĪëĭ¤":137046,"Ġterör":137047,"ĠThương":137048,"ĠÙĪÙĬÙħ":137049,"ĠÙĪÙĬÙħÙĥÙĨ":137050,"جÙĪÙĨ":137051,"ĠÙĪØºÙĬرÙĩا":137052,"×ŀפ×ķ":137053,"×Ĵ×ķר×ŀ×Ļ×Ŀ":137054,"׼×ij×Ļש":137055,"ĠاÙĦÙĦغ":137056,"ĠاÙĦÙĦغة":137057,"شرÙĥ":137058,"ĠاÙĦراب":137059,"ĠاÙĦرابع":137060,"ĠпÑĢек":137061,"ĠпÑĢекÑĢаÑģ":137062,"ĠпÑĢекÑĢаÑģн":137063,"ĠenergÃŃa":137064,"×§×ĵ×ŀ×Ļ":137065,"ãģıãģªãģ£ãģŁ":137066,"ĠÄijứ":137067,"ĠÄijứa":137068,"Servi":137069,"Serviço":137070,"Ġkaldır":137071,"åĥįãģį":137072,"Ġодеж":137073,"Ġодежд":137074,"물ìĿĦ":137075,"ãģĿãģĨãģ§":137076,"ãģĮãģĤãĤĮãģ°":137077,"ìĻķ":137078,"צ×ĵ×§":137079,"Ġartır":137080,"Ġileti":137081,"ĠiletiÅŁim":137082,"ãĤĪãģĨãģ§":137083,"ãĥĪãĥ¼":137084,"ãĤ¢ãĥĭ":137085,"ãĤ¢ãĥĭãĥ¡":137086,"×ĺ×Ļ×Ļ׾":137087,"ãĥķãĥªãĥ¼":137088,"ãĥĿãĥ³":137089,"ÐŁÑĢо":137090,"ĠعاÙĦÙĬØ©":137091,"ĠÃ¶ÄŁret":137092,"ĠÃ¶ÄŁretmen":137093,"ĠкаÑĩеÑģÑĤва":137094,"Ġ×Ķ×ĺ×ij×¢":137095,"ĠзнаÑİ":137096,"ãģ¦ãģıãĤĭ":137097,"Ġmừng":137098,"ÙħÙĪØª":137099,"ש×ķ×ŀר":137100,"×Ĺ׾×ij":137101,"ĠwzglÄĻ":137102,"ĠwzglÄĻdu":137103,"ë²Ī째":137104,"Ġtá»ĵ":137105,"Ġtá»ĵn":137106,"ãĥ¯ãĥ¼ãĤ¯":137107,"Ġpożycz":137108,"Ġpożyczk":137109,"×Ļ×ķצר×Ļ×Ŀ":137110,"ÙĥرÙħ":137111,"ĠгаÑĢ":137112,"ĠгаÑĢан":137113,"ĠгаÑĢанÑĤи":137114,"ลà¹īาà¸ĩ":137115,"ĠìĺģíĻĶ":137116,"×ĺ×Ļס":137117,"Ġthẻ":137118,"ĠìŀĪëĭ¤ê³ł":137119,"اÙĦتز":137120,"اÙĦتزاÙħ":137121,"ĠнаÑĪи":137122,"isée":137123,"ãģĵãĤĮãĤĴ":137124,"Ġmẽ":137125,"ضÙĦ":137126,"بÙĪØª":137127,"Ġ׼׼×Ķ":137128,"hợ":137129,"ĠاÙĦسÙĪØ±ÙĬØ©":137130,"Ġ×ľ×¢×ķ×ŀ":137131,"Ġ×ľ×¢×ķ×ŀת":137132,"ĠbaÅŁar":137133,"ĠbaÅŁarılı":137134,"еÑģÑĤÑĮ":137135,"à¸Ħรี":137136,"à¸Ħรีม":137137,"ĠìłĦì²´":137138,"ĠسÙĬÙĥÙĪÙĨ":137139,"Ġ×ŀ×ĵ×ķ×¢":137140,"ĠëķĮ문ìĿ´ëĭ¤":137141,"Ġcứng":137142,"gerät":137143,"ĠмиÑĢ":137144,"ĠмиÑĢе":137145,"ĠÙĥÙĬÙģÙĬØ©":137146,"Ġפר×ĺ×Ļ×Ŀ":137147,"ĠgoÅĽci":137148,"иÑĤеÑģÑĮ":137149,"ÑĥÑĪки":137150,"ؤÙħÙĨ":137151,"Ġ×IJ׼ף":137152,"ĠاÙĦرجÙĦ":137153,"Ġlá»įc":137154,"à¹Ģรียà¸ģวà¹Īา":137155,"ãģĵãģ®ãĤĪãģĨãģª":137156,"ë§Įíģ¼":137157,"ĠпеÑĩ":137158,"ÙĪÙĦات":137159,"ĠÃľye":137160,"liÄŁinde":137161,"à¸Ħะà¹ģà¸Ļ":137162,"à¸Ħะà¹ģà¸Ļà¸Ļ":137163,"ãĤĭãģĵãģ¨ãģ¯":137164,"วิà¹Ģà¸Ħร":137165,"วิà¹Ģà¸Ħราะ":137166,"วิà¹Ģà¸Ħราะหà¹Į":137167,"ĠвозможноÑģÑĤи":137168,"ĠاÙĦÙĨساء":137169,"ãĥīãĥ©ãĥŀ":137170,"Ġgüc":137171,"Ġgücü":137172,"Ġtưá»Ŀng":137173,"Ġacompaña":137174,"ãĤ¤ãĥ©":137175,"קצ×ij":137176,"ĠYö":137177,"ĠYönet":137178,"ĠYönetim":137179,"à¸ªà¸±à¸¡à¸ľ":137180,"à¸ªà¸±à¸¡à¸ľà¸±à¸ª":137181,"à¸Ļาม":137182,"ĠÄijợi":137183,"à¹ģหà¹Īà¸ĩà¸Ĭาà¸ķิ":137184,"ãģĿãĤĮãģ§ãĤĤ":137185,"ätig":137186,"ת×ķ×Ŀ":137187,"ĠbaÅŁlat":137188,"ĠвÑģей":137189,"ת×Ļ×§":137190,"ת×Ļ×§×ķף":137191,"ĠNgô":137192,"ĠGeschä":137193,"ĠGeschäfts":137194,"Ø£Ùħ":137195,"Ø£Ùħراض":137196,"à¹Ģà¸Ĺà¸Ħà¸Ļ":137197,"à¹Ģà¸Ĺà¸Ħà¸Ļิ":137198,"à¹Ģà¸Ĺà¸Ħà¸Ļิà¸Ħ":137199,"ĠменÑĮ":137200,"ĠменÑĮÑĪе":137201,"Ġölç":137202,"Ġölçü":137203,"ĠÙĬجعÙĦ":137204,"ĠÄijỡ":137205,"ש×Ļ׾":137206,"ש×Ļ׾×ķ×ij":137207,"ĠGrÃ¶ÃŁe":137208,"ĠÙĩاتÙģ":137209,"รà¹īาà¸Ļà¸Ńาหาร":137210,"×Ķ׾×Ļ׼":137211,"×Ķ׾×Ļ׼×Ļ":137212,"иÑĢÑĥÑİÑī":137213,"èĭ¥ãģĦ":137214,"ĠÃĸzel":137215,"ãģĦãģŁãĤī":137216,"à¸Ħำà¸ĸาม":137217,"ĠzostaÅĤy":137218,"Ġ×Ķס×Ļפ×ķר":137219,"×Ķ×ķ׾":137220,"×Ķ×ķ׾×ļ":137221,"à¹Ģà¸Ĭà¹Īà¸Ļà¸ģัà¸Ļ":137222,"à¹Ĥà¸Ĩ":137223,"à¹Ĥà¸Ĩษ":137224,"à¹Ĥà¸Ĩษà¸ĵา":137225,"×IJרצ×ķת":137226,"×Ĵרפ×Ļ":137227,"Ġaoût":137228,"ĠÙĬرÙĬد":137229,"تÙĪØ¬":137230,"تÙĪØ¬ÙĬÙĩ":137231,"ĠÑįÑĤап":137232,"ãĤ¹ãĤ¿ãĥ³":137233,"Ġkró":137234,"Ġkrótk":137235,"ãĤĴ使ãģĨ":137236,"ì·¨":137237,"éĸ¢ãĤı":137238,"à¸Ķà¹īวยà¸Ħวาม":137239,"à¸Ļำà¹Ģสà¸Ļà¸Ń":137240,"Ġayrıca":137241,"à¸Īà¹īาà¸ĩ":137242,"ĠÑĦоÑĤогÑĢаÑĦ":137243,"ĠвеÑĩ":137244,"ĠвеÑĩеÑĢ":137245,"åĩºãģĹãģŁ":137246,"ĠХо":137247,"Ġ×ŀר×Ĵ×Ļש":137248,"à¹ĥหà¹īà¹Ģà¸Ľà¹ĩà¸Ļ":137249,"ãĤĴ缮":137250,"ãĤĴ缮æĮĩ":137251,"׾×ŀ×Ļ×Ŀ":137252,"nÄħÅĤ":137253,"ĠÑģÑĤанд":137254,"ĠÑģÑĤандаÑĢÑĤ":137255,"ĠSüd":137256,"ĠTâm":137257,"اختبار":137258,"à¹Ģà¸ģà¸Ńรà¹Į":137259,"ÙħسرØŃ":137260,"Ġbiá»ĩn":137261,"بÙı":137262,"ĠصاÙĦ":137263,"ĠصاÙĦØŃ":137264,"ĠPhụ":137265,"íľ´":137266,"ãĥ¬ãĥĵãĥ¥ãĥ¼":137267,"Ġbụng":137268,"Ġrégime":137269,"ĠأشÙĩر":137270,"ĠÑĢабоÑĤник":137271,"à¸Ŀัà¸Ļ":137272,"اعتÙħ":137273,"اعتÙħاد":137274,"ĠзамеÑĤ":137275,"ãģ¾ãģ£ãģ¦":137276,"Ġchặt":137277,"æĿ¥ãĤĭ":137278,"ĠاÙĦÙĤÙĪØ§Øª":137279,"ãģ«åħ¥ãģ£ãģ¦":137280,"تØŃاÙĦÙģ":137281,"ÙħزÙĬد":137282,"ĠÙĬصÙĦ":137283,"ìĹ¼":137284,"à¹Ģà¸Ĭà¹ĩ":137285,"à¹Ģà¸Ĭà¹ĩà¸Ħ":137286,"Ġká»ĭ":137287,"Ġká»ĭp":137288,"ĠìķĦì§ģ":137289,"×IJ׳×Ĵ":137290,"ĠоблаÑģÑĤÑĮ":137291,"ĠpomocÄħ":137292,"Ġ×ķש׾":137293,"ëĵłì§Ģ":137294,"ĠGiám":137295,"ĠStück":137296,"Ġcháy":137297,"ĠëĤĺìĺ¤":137298,"ש×Ļ×ĺת":137299,"×ŀ×ĵר":137300,"×ŀ×ĵר×Ļ×ļ":137301,"Ġsüreç":137302,"ква":137303,"×ij׾×Ļ×Ŀ":137304,"×Ķת×Ļ":137305,"×Ķת×Ļ×Ļ×Ĺס":137306,"ÙĤباÙĦ":137307,"Ġס×ķ×Ĵ":137308,"Ġס×ķ×Ĵ×Ļ":137309,"ÑģÑĤолÑĮ":137310,"ä½ķãĤĤ":137311,"×ĸ׼×ķר":137312,"è²·ãģĨ":137313,"å®īãģı":137314,"à¸Ħรัà¹īà¸ĩà¸Ļีà¹ī":137315,"köp":137316,"ĠÑģеÑĢвиÑģ":137317,"оÑĩнÑĭÑħ":137318,"ê±°ëŀĺ":137319,"تأÙĥ":137320,"تأÙĥÙĬد":137321,"×ĵ׾ק":137322,"ĠпоÑĩем":137323,"ĠпоÑĩемÑĥ":137324,"пиÑģаÑĤÑĮ":137325,"×ijשר":137326,"ĠHÃłng":137327,"ĠTìm":137328,"Ġtrừ":137329,"ãĤ»ãĥĥãĤ¯ãĤ¹":137330,"×ķ׳×Ĵ":137331,"mızda":137332,"пÑģи":137333,"ĠìŀĪ기":137334,"Ġrút":137335,"زاÙĨ":137336,"تÙĨÙĪØ¹":137337,"ÙħÙĤا":137338,"ÙħÙĤاÙĪÙħØ©":137339,"Ġ׾צ×ķר×ļ":137340,"Ġ×ij×Ļר×ķש׾×Ļ×Ŀ":137341,"ãĥ´ãĤ£":137342,"ebile":137343,"ebileceÄŁi":137344,"ãĥ¦ãĥ¼ãĤ":137345,"ãĥ¦ãĥ¼ãĤ¶":137346,"ãĥ¦ãĥ¼ãĤ¶ãĥ¼":137347,"ãĤĴä½ľãĤĭ":137348,"ÑģмеÑĢ":137349,"ÑģмеÑĢÑĤ":137350,"Ġì§ģ":137351,"Ġì§ģìłij":137352,"ĠÐŁÐ°ÑĢ":137353,"ØŃاض":137354,"ØŃاضر":137355,"ÙħÙĥاÙģ":137356,"ÙħÙĥاÙģØŃØ©":137357,"ลิà¸Ļ":137358,"ãģ¦ãģįãģ¦":137359,"ÑĢоÑģл":137360,"ĠÄ°ÅŁte":137361,"ÙĤصÙĬر":137362,"Ġ×ij×Ĵ×Ļ׾":137363,"Ġ×ŀת×IJ×Ļ×Ŀ":137364,"Ġ×Ķ×Ĺ×ĵ":137365,"Ġ×Ķ×Ĺ×ĵש×Ķ":137366,"ר×ķ×¢":137367,"Ġproduktów":137368,"ĠÙħصدر":137369,"неÑĨ":137370,"ĠاÙĦعÙħÙĦات":137371,"Ġçıkma":137372,"ĠدبÙĬ":137373,"×§×Ļף":137374,"ת×IJר":137375,"ת×IJר×Ļ×ļ":137376,"׳×Ļ×Ļ×ĵ":137377,"صراع":137378,"lève":137379,"צ×Ļר":137380,"à¸Ķัà¸Ļ":137381,"à¹ĥหà¹īà¹Ħà¸Ķà¹ī":137382,"ãĤ¿ãĤ¤ãĥł":137383,"Ġgiảng":137384,"Ð¡ÐŁ":137385,"ĠاÙĦÙħØŃÙĦ":137386,"ĠاÙĦÙħØŃÙĦÙĬØ©":137387,"ĠTất":137388,"׾×ķ×ĺ":137389,"há»ķ":137390,"Ġaméric":137391,"Ġaméricain":137392,"Ġ×ijש׾×ij":137393,"Ġ׾×IJ×ķ×ŀ×Ļ":137394,"Ġpeça":137395,"ĠÑĢазнÑĭÑħ":137396,"ãģĦãĤĭãģ¨":137397,"ãĥĩãĥ³":137398,"סקר":137399,"Ġ×Ķ×ŀ×Ĺ×Ļר":137400,"ãģ¨ãģĦãģĨãĤĤãģ®":137401,"رتبط":137402,"ĠиÑģÑĤоÑĩ":137403,"ĠиÑģÑĤоÑĩник":137404,"สมัà¸Ħรสมาà¸Ĭิà¸ģ":137405,"Ġà¸Ĺัà¹īà¸ĩ":137406,"Ġà¸Ĺัà¹īà¸ĩà¸Ļีà¹ī":137407,"ĠTáºŃp":137408,"ãģ£ãģ¦ãģĦãģĨ":137409,"ĠاÙĦÙĪØµÙĪÙĦ":137410,"Ġdécada":137411,"ĠоÑĦоÑĢм":137412,"ĠоÑĦоÑĢмлен":137413,"สำหรัà¸ļà¸ģาร":137414,"Ġogóln":137415,"ãģĨãģ¡ãģ«":137416,"Ġvárias":137417,"ãģĻãģİãĤĭ":137418,"ÙĪÙĩا":137419,"à¹Ĥà¸Ľà¸£à¸Ķ":137420,"ĠÐłÐ¾ÑģÑģиÑı":137421,"人ãĢħ":137422,"ãģĹãģ¦ãģįãģŁ":137423,"Ġsırasında":137424,"Ġngôn":137425,"سÙĨØ©":137426,"تÙħتع":137427,"×ŀ׼×ij×Ļ":137428,"Ġnhấn":137429,"×¢×ŀ×Ļ×ĵ":137430,"Ứ":137431,"жиÑĤÑĮ":137432,"ãĤīãģĽ":137433,"gráf":137434,"gráfica":137435,"ĠÙĤÙĪÙĦ":137436,"ĠÙĤÙĪÙĦÙĩ":137437,"ëĭ¨ì²´":137438,"หà¹īา":137439,"หà¹īาม":137440,"使ãģ£ãģ¦":137441,"ת×Ļ×ij":137442,"ת×Ļ×ijת":137443,"iá»ĥu":137444,"à¹ģà¸Ĭม":137445,"à¹ģà¸Ĭà¸¡à¸Ľ":137446,"à¹ģà¸Ĭà¸¡à¸Ľà¹Į":137447,"Ậ":137448,"ĠëĤĺëĿ¼":137449,"ĠÙħباشرة":137450,"ĠtrÄĥm":137451,"سÙĥÙĪ":137452,"ĠاÙĦذÙī":137453,"Ġbiç":137454,"Ġbiçim":137455,"تراجع":137456,"ĠобеÑģп":137457,"ĠобеÑģпеÑĩ":137458,"ĠобеÑģпеÑĩива":137459,"ĠвоздÑĥÑħ":137460,"ÑĭваÑĤÑĮ":137461,"ÙĦØŃÙĤ":137462,"ĠMüdü":137463,"ĠMüdürl":137464,"ĠMüdürlÃ¼ÄŁÃ¼":137465,"Ġyaptır":137466,"Ġפרס":137467,"Ġפרס×ķ×Ŀ":137468,"Ø·ÙĪØ±":137469,"ÑģÑĤвоваÑĤÑĮ":137470,"ìŀ¥ìĿĦ":137471,"à¸Ĺีà¹Īà¸Ķีà¸Ĺีà¹Īสุà¸Ķ":137472,"à¸Ńัล":137473,"ÑĢÑİ":137474,"ÙħستÙĤبÙĦ":137475,"ÑģлÑĥÑĪ":137476,"ÑģлÑĥÑĪа":137477,"èªįãĤģ":137478,"Ġ׾×Ļ×ŀ":137479,"Ġ׾×Ļ×ŀ×ķ×ĵ×Ļ":137480,"תש×ķ×ij":137481,"תש×ķ×ij×ķת":137482,"ĠgerçekleÅŁtiril":137483,"ĠاÙĦاتÙ쨧ÙĤ":137484,"ĠÑĥÑĢовне":137485,"ĠÑĤÑĢав":137486,"Ġ×Ķ×ŀ×ķף":137487,"ØŃÙģØ§Ø¸":137488,"ĠÙħÙIJ":137489,"ĠÙħÙIJÙĨ":137490,"ĠÙħÙIJÙĨÙĴ":137491,"Ġdemás":137492,"×ŀ×ķ×ĸ×Ļ×§×Ķ":137493,"ש×Ļ×Ĺ×Ķ":137494,"Ġbú":137495,"алÑĮнÑĭм":137496,"ãĤıãģŁ":137497,"ãĤıãģŁãģĹ":137498,"ĠاÙĦÙħÙĪØ§Ø¯":137499,"×ª×Ľ×ł":137500,"×ª×Ľ×ł×ķף":137501,"ãĥŃãĥĥãĤ¯":137502,"hiếu":137503,"ĠÑĥме":137504,"ÙħØŃاÙĪÙĦØ©":137505,"×IJ×ķשר":137506,"ĠконкÑĥÑĢ":137507,"ĠконкÑĥÑĢÑģ":137508,"Ġ×ŀ×ij×Ĺ":137509,"Ġ×ŀ×ij×Ĺ×Ļ×ł×ª":137510,"Ġanlam":137511,"Ġanlamı":137512,"Ġliá»ĩt":137513,"ĠвÑħод":137514,"ĠHình":137515,"ĠÙĨÙĬ":137516,"ĠÙĨÙĬÙĪØ²":137517,"ãĤ¸ãĥ£ãĥ¼":137518,"×ij×Ļ×¥":137519,"ÑĤелÑĮнÑĭÑħ":137520,"à¸Ĺุà¸ģà¸Ńยà¹Īาà¸ĩ":137521,"ĠkiÅŁinin":137522,"Ø£Ùĥثر":137523,"ĠиÑģÑĤоÑĢии":137524,"Ġë³ĢíĻĶ":137525,"×¤×ľ×¡×ĺ":137526,"×¤×ľ×¡×ĺ×Ļ׳×Ļ":137527,"ĠÑģеÑĤ":137528,"ĠÑģеÑĤи":137529,"dıģımız":137530,"íķĺëıĦë¡Ŀ":137531,"×Ķר":137532,"×Ķר×ij×Ķ":137533,"ãģĻãĤĭãģĵãģ¨ãģ¯":137534,"Ġphiếu":137535,"تØŃسÙĬÙĨ":137536,"ĠÅĽrod":137537,"ĠÅĽrodow":137538,"ĠÅĽrodowisk":137539,"ĠÑĢаÑģÑħод":137540,"برÙĬد":137541,"ĠرÙĬ":137542,"ĠرÙĬاÙĦ":137543,"Ġ×ķ׼×ļ":137544,"ì§ĢìļĶ":137545,"׼×ŀ×ķ":137546,"Ġ×¢×ľ×Ļ×Ķ×Ŀ":137547,"fÃŃcio":137548,"Ġkararı":137549,"tıģını":137550,"ĠСов":137551,"ĠСовеÑĤ":137552,"ãģĬéĩijãĤĴ":137553,"междÑĥ":137554,"междÑĥна":137555,"междÑĥнаÑĢод":137556,"междÑĥнаÑĢодн":137557,"Ġmá»Ŀi":137558,"ĠاÙĦØ¥ÙĬر":137559,"ĠاÙĦØ¥ÙĬراÙĨÙĬ":137560,"ĠاÙĦرÙĪØ³ÙĬ":137561,"صÙĨد":137562,"صÙĨدÙĪÙĤ":137563,"ĠاÙĦØ¥ÙĨترÙĨت":137564,"Ġtắm":137565,"ĠÑĤакого":137566,"Ġ×ij׾×ķ×Ĵ":137567,"Ġücrets":137568,"Ġücretsiz":137569,"×Ĺ×ĸ×Ļר":137570,"ìĸ´ìķ¼":137571,"ĠPhần":137572,"ï¼ľ":137573,"Ġ×ĺ×ij×¢":137574,"Ġ×ĺ×ij×¢×Ļ":137575,"×IJ×ŀ×IJ":137576,"اÙĤÙĦ":137577,"Ġcondições":137578,"ÙĤاتÙĦ":137579,"ĠÑĢезÑĥлÑĮÑĤаÑĤе":137580,"ĠÑģвоими":137581,"צ×ij×Ļ×¢":137582,"géni":137583,"Ġzes":137584,"Ġzespo":137585,"ĠzespoÅĤ":137586,"ÑĪив":137587,"Ġפר×ĺ×Ļ×ķת":137588,"ÙħستشÙģ":137589,"ÙħستشÙģÙī":137590,"شرع":137591,"ĠkoÅĽci":137592,"Ġ×Ķ×IJ×Ļ׳×ĺר׳×ĺ":137593,"ĠЧеÑĢ":137594,"поÑĩÑĤ":137595,"Ġactivités":137596,"çŁ¥ãģ£ãģ¦":137597,"Ġ×ij×ĸ×Ķ":137598,"Ġyüzden":137599,"ãģªãĤĬãģ¾ãģĽãĤĵ":137600,"Ġíĺ¹":137601,"Ġíĺ¹ìĿĢ":137602,"Ġ×ŀש׳×Ķ":137603,"ĠÐĴеÑĢ":137604,"Ġ×ij×IJ×ķת×ķ":137605,"éĿ¢çϽ":137606,"éĿ¢çϽãģĦ":137607,"شرØŃ":137608,"gründe":137609,"Ù쨴":137610,"Ù쨴ÙĦ":137611,"Ġséjour":137612,"ë´IJ":137613,"Ġrôle":137614,"شعار":137615,"емÑĭе":137616,"ĠاÙĦجسÙħ":137617,"алÑĮное":137618,"Ġìĥģíĥľ":137619,"D":137620,"ë¯Ģë¡ľ":137621,"ĠÙĨÙĤØ·":137622,"ĠÙĨÙĤطة":137623,"ãģĿãģĨãģł":137624,"ãģĻãĤĭãģ®ãģĮ":137625,"หู":137626,"Ġnhá»ĭ":137627,"Ġeconómica":137628,"ס×ĺ×ķ×ĵ":137629,"ס×ĺ×ķ×ĵ׳×ĺ":137630,"มีà¹Ĥà¸Ńà¸ģาส":137631,"Ġgestão":137632,"รูà¹īวà¹Īา":137633,"Ġloạt":137634,"ĠاÙĦÙħÙı":137635,"ĠاÙĦØŃÙħÙĦ":137636,"ĠاÙĦعÙħÙĦÙĬØ©":137637,"Ġê²ĥëıĦ":137638,"ĠÐľÐ¾Ñģква":137639,"×§×ĺ×ķר":137640,"ĠподÑĢоб":137641,"ĠподÑĢобн":137642,"Ġlưng":137643,"تÙ쨳":137644,"تÙ쨳ÙĬر":137645,"ĠاÙĦبع":137646,"ĠاÙĦبعض":137647,"ئت":137648,"ÐķÐĿ":137649,"ìĹ°êµ¬":137650,"à¹ĥหà¹īà¸Ħุà¸ĵ":137651,"ãģĤãĤĬãģ¾ãģĹãģŁ":137652,"Ġbirka":137653,"Ġbirkaç":137654,"Ġİsl":137655,"Ġİslam":137656,"çĹĽãģ¿":137657,"Ġhảo":137658,"ĠмаÑı":137659,"ĠiÅŁÃ§i":137660,"ש×":137661,"ש×ģ":137662,"à¸ģารà¹Ģมืà¸Ńà¸ĩ":137663,"×ķ×Ķר":137664,"Ġchó":137665,"ëĨĢ":137666,"Ġyanlı":137667,"ĠyanlÄ±ÅŁ":137668,"幸ãģĽ":137669,"×IJר×Ĵ×ķ׳×Ļ":137670,"à¸Ńาà¸Īาร":137671,"à¸Ńาà¸Īารยà¹Į":137672,"ĠинÑĦоÑĢмаÑĨиÑİ":137673,"ÐĵÐŀ":137674,"׳×Ĺש":137675,"ĠìķĮìķĦ":137676,"ĠÑħаÑĢакÑĤеÑĢиÑģÑĤ":137677,"ĠÑħаÑĢакÑĤеÑĢиÑģÑĤик":137678,"à¸Ħุà¸ĵสามารà¸ĸ":137679,"è¦ĭãģĪãĤĭ":137680,"à¸Ĭัà¸Ķà¹Ģà¸Ī":137681,"à¸Ĭัà¸Ķà¹Ģà¸Īà¸Ļ":137682,"ĠdziaÅĤal":137683,"ĠdziaÅĤalnoÅĽci":137684,"à¹Ĥà¸ŀสà¸ķà¹Į":137685,"ĠÐļол":137686,"ĠÙģÙĩÙĬ":137687,"Ġ×ŀפ׳×Ļ":137688,"Ġ×Ķקשר":137689,"ÙħرÙĥ":137690,"ÙħرÙĥز":137691,"Ġhoá":137692,"Ġапп":137693,"ĠаппаÑĢаÑĤ":137694,"Ġpami":137695,"ĠpamiÄĻ":137696,"ĠpamiÄĻta":137697,"Ġçünkü":137698,"×ĵ×ķף":137699,"ãģ¯ãģĵãģ¡ãĤī":137700,"ĠMÃł":137701,"ĠÙĬÙĤدÙħ":137702,"ĠпÑĢез":137703,"ĠпÑĢезиденÑĤ":137704,"à¸Ńุà¸ķ":137705,"à¸Ńุà¸ķสา":137706,"à¸Ńุà¸ķสาห":137707,"à¸Ńุà¸ķสาหà¸ģรรม":137708,"ì§ĢìĽIJ":137709,"Ġ×IJפשר×ķת":137710,"schüt":137711,"schütz":137712,"ĠTiên":137713,"Ġsayılı":137714,"ĠгÑĢÑĥппÑĭ":137715,"оÑĩнÑĭй":137716,"Ġ×ľ×¢×ŀ×ķ×ĵ":137717,"ĠwrzeÅĽ":137718,"ĠwrzeÅĽnia":137719,"ĠÄIJầu":137720,"à¹Ģà¸Ĥà¹īารà¹Īวม":137721,"nızda":137722,"Ø®ÙĬص":137723,"Ġgünc":137724,"Ġgüncel":137725,"ĠÙĦÙĩذÙĩ":137726,"ĠÙĬعتبر":137727,"légi":137728,"ãĤıãģĭãĤĭ":137729,"Ġrừng":137730,"ظÙĩ":137731,"ظÙĩÙĪØ±":137732,"Ġ×ŀ×ij×Ļף":137733,"Ġ기íĥĢ":137734,"åĪĩãĤĮ":137735,"lanmÄ±ÅŁ":137736,"à¸Ĺีà¹Īมีà¸Ħวาม":137737,"Ġhá»ģ":137738,"تÙĪØ¬Ùĩ":137739,"ĠاÙĦإدارة":137740,"Ġútil":137741,"ספ×ķ":137742,"à¸Ħวามรัà¸ģ":137743,"à¹Ĥฮ":137744,"ĠполиÑĤ":137745,"ĠполиÑĤик":137746,"Ġsatın":137747,"ĠÅŀimdi":137748,"×ŀ×ķר×Ļ×Ŀ":137749,"ìķĺëĭ¤":137750,"×Ĺ×ķ×ķ":137751,"×Ĺ×ķ×ķ×Ļ×Ķ":137752,"à¸Ħà¸Ńมà¸ŀิ":137753,"à¸Ħà¸Ńมà¸ŀิว":137754,"à¸Ħà¸Ńมà¸ŀิวà¹Ģà¸ķà¸Ńรà¹Į":137755,"Ġاذا":137756,"تخاذ":137757,"ãĤ¨ãĥ«":137758,"Ġpossibilité":137759,"ยืà¸Ļยัà¸Ļ":137760,"Ġünivers":137761,"Ġüniversite":137762,"ĠاÙĦدÙĪØ±ÙĬ":137763,"ĠìķĬëĬĶëĭ¤":137764,"ĠìĦľë¡ľ":137765,"ØŃاÙĦ":137766,"Ġë¨":137767,"Ġ먼":137768,"Ġ먼ìłĢ":137769,"à¸Ĺีà¹Īà¸ĸูà¸ģ":137770,"ì§ľ":137771,"Ġskóry":137772,"лÑĮÑĨ":137773,"à¹ĥà¸Ĭà¹īà¹Ģวลา":137774,"×ijקשת":137775,"ĠذÙĪ":137776,"æĹ¥ãĢħ":137777,"ĠкоÑĤоÑĢÑĥÑİ":137778,"ĠÑĥÑĢовенÑĮ":137779,"깨":137780,"à¹Ħà¸Ĺ":137781,"ãĤµãĥĹãĥª":137782,"ãĤ¸ãĥ§ãĥ³":137783,"ãģĻãģ¹ãģį":137784,"ĠGór":137785,"ãĥĪãĤ¤":137786,"ãĥĪãĤ¤ãĥ¬":137787,"ĠyaÅŁama":137788,"Ġdá»ĭp":137789,"Ġbữa":137790,"à¸ĭุ":137791,"Ġölüm":137792,"ãģ£ãģ¦ãģıãĤĭ":137793,"à¸ģารà¸Ħà¹īา":137794,"שער":137795,"ĠÑĤипа":137796,"ĠгеÑĢ":137797,"ĠгеÑĢо":137798,"רקע":137799,"Ġuważ":137800,"Ġuważa":137801,"ש×ŀף":137802,"Ġhastalık":137803,"ãĤıãĤĮãĤĭ":137804,"baÅŁÄ±":137805,"ÑĩÑĤо":137806,"Ġ×ij×ŀר׼×ĸ":137807,"Ġìļ°ë¦¬ìĿĺ":137808,"ĠÙĥاÙĨÙĪØ§":137809,"Ġأبر":137810,"ĠأبرÙĬÙĦ":137811,"층":137812,"à¹Ħà¸Ĥà¹Ī":137813,"ĠÙĪÙĦÙĪ":137814,"à¸Ĺัว":137815,"à¸Ĺัวรà¹Į":137816,"ĠÙĪØ£Ùĥد":137817,"à¸Ĭวà¸Ļ":137818,"׾×ķ×§":137819,"æį¨":137820,"æį¨ãģ¦":137821,"Ġİçin":137822,"péri":137823,"Ġyal":137824,"Ġyalnız":137825,"ÑĮÑıн":137826,"Ġgắng":137827,"à¸ģà¹ĩยัà¸ĩ":137828,"ĠУкÑĢаин":137829,"ĠÑģами":137830,"ĠпÑĢоведен":137831,"à¸ķà¸ģà¹ģà¸ķà¹Īà¸ĩ":137832,"ĠQuân":137833,"éparation":137834,"ĠbaÅŁÄ±nda":137835,"Ġznale":137836,"Ġznaleź":137837,"ĠznaleźÄĩ":137838,"ãĤ±ãĥ¼":137839,"ãĥİãĥ¼":137840,"à¸ĸูà¸ģà¸ķà¹īà¸Ńà¸ĩ":137841,"몸":137842,"ĠëıĮ":137843,"ĠëıĮìķĦ":137844,"ĠSchüler":137845,"ĠподгоÑĤов":137846,"ĠподгоÑĤовк":137847,"عرÙĪ":137848,"عرÙĪØ¶":137849,"laÅŁtır":137850,"ĠÑģоÑģÑĤавлÑıеÑĤ":137851,"ĠпÑĢоизвод":137852,"ĠпÑĢоизводÑģÑĤва":137853,"ĠоÑģнове":137854,"ĠØ´ÙħاÙĦ":137855,"à¸ģรี":137856,"ĠgörÃ¼ÅŁme":137857,"оÑĩек":137858,"Ġ×Ĺ×ijר×Ļ×Ŀ":137859,"Ùħخاط":137860,"Ùħخاطر":137861,"ï¼Ń":137862,"רפ×IJ":137863,"ĠMẹ":137864,"ยà¸Ńมรัà¸ļ":137865,"Ġvết":137866,"خذ":137867,"ĠاÙĦتط":137868,"ĠاÙĦتطبÙĬÙĤ":137869,"à¸Ļึà¸ģ":137870,"Ġ×Ķ×Ľ×ł×¡×ª":137871,"ĠогÑĢани":137872,"ĠогÑĢаниÑĩен":137873,"ĠÃĩalÄ±ÅŁ":137874,"ĠاÙĦÙħÙĨتدÙī":137875,"à¸Īำà¸Ļวà¸Ļมาà¸ģ":137876,"ĠÑĤоÑĢÑĢ":137877,"ĠÑĤоÑĢÑĢенÑĤ":137878,"ĠìĤ´ìķĦ":137879,"à¸ŀลัà¸ĩà¸ĩาà¸Ļ":137880,"à¸Ĭัà¸Ļ":137881,"ĠÐIJндÑĢ":137882,"Ġréalisé":137883,"×ŀש×IJ":137884,"à¹ģà¸Ĭ":137885,"à¹ģà¸Ĭรà¹Į":137886,"Ġбог":137887,"มาà¹ģลà¹īว":137888,"ĠاÙĦÙĨار":137889,"Ġolmadıģı":137890,"×ĵ×¢×Ķ":137891,"ĠÑĥвеÑĢ":137892,"ĠÑĥвеÑĢен":137893,"ãĤĭãĤĤãģ®":137894,"أد":137895,"أدÙĪØ§Øª":137896,"Ġ×Ķ×ĸ×ķ×Ĵ":137897,"إعÙĦاÙħ":137898,"há»ı":137899,"ĠNähe":137900,"ĠÑĤеÑģÑĤ":137901,"Ġ×ŀ×ķ׼ר":137902,"Ġë¬¸ìłľê°Ģ":137903,"ת×ķצ×IJ×Ķ":137904,"mó":137905,"móvel":137906,"ĠاÙĦتجارة":137907,"ĠмногиÑħ":137908,"обÑīа":137909,"Ġעסק×Ļ":137910,"ĠEducação":137911,"קש×Ļ×Ŀ":137912,"établ":137913,"établissement":137914,"Ġделе":137915,"иÑĢÑĥеÑĤÑģÑı":137916,"آثار":137917,"Ġ×Ķ×ŀר׼×ĸ×Ļ":137918,"ãĥIJãĥ«":137919,"ĠвÑģÑĤÑĢеÑĩ":137920,"ãģĴãĤĭ":137921,"ĠciÄħ":137922,"ĠciÄħgu":137923,"ÙĬست":137924,"à¸łà¸²à¸§":137925,"à¸łà¸²à¸§à¸°":137926,"Ø£Ùħر":137927,"Ġожи":137928,"Ġожида":137929,"Ġá»§y":137930,"ãĥŀãĥ«":137931,"راس":137932,"оÑĩной":137933,"ת×Ĵ×ķ×ij×ķת":137934,"تعرÙĬÙģ":137935,"ĠÑģоÑĨиалÑĮно":137936,"ãĤĴéĸĭ":137937,"ĠиÑģÑģледова":137938,"Ġdú":137939,"Ġdúvida":137940,"ĠskÅĤ":137941,"ĠskÅĤada":137942,"Ġhäufig":137943,"ĠвÑĭбÑĢ":137944,"ĠвÑĭбÑĢаÑĤÑĮ":137945,"ãģ®ãģ§ãģ¯ãģªãģĦãģĭ":137946,"ĠÑģилÑĮно":137947,"ÑĤвеÑĢжден":137948,"רפ":137949,"רפ×ķ×IJ×Ķ":137950,"æĢĿãģĦãģ¾ãģĻ":137951,"ØŃرص":137952,"ש×ķתף":137953,"Ùħسجد":137954,"à¹Ĥà¸Ĭวà¹Į":137955,"емÑģÑı":137956,"вÑĪие":137957,"Ġмл":137958,"Ġмлн":137959,"Ġ׾×Ķ×ij×Ļ×IJ":137960,"ĠÙĬتعÙĦÙĤ":137961,"à¸ķูà¹ī":137962,"ĠпÑĢаз":137963,"ĠпÑĢазд":137964,"ĠпÑĢаздник":137965,"Ġнем":137966,"Ġнемного":137967,"ĠsÃłng":137968,"تÙĨسÙĬ":137969,"تÙĨسÙĬÙĤ":137970,"Ġtá»Ŀ":137971,"Ġмеди":137972,"ã쫿Ī":137973,"ã쫿λ":137974,"à¸Ħวà¹īา":137975,"ãģĭãģijãĤĭ":137976,"×ij׾×ķת":137977,"ĠÑįкÑģп":137978,"ĠÑįкÑģпеÑĢÑĤ":137979,"ĠдевÑĥÑĪ":137980,"ĠдевÑĥÑĪк":137981,"ĠØŃص":137982,"ÙĨشأ":137983,"ãģĮãģĤãĤĭãģ®ãģ§":137984,"ĠتراÙħ":137985,"ĠتراÙħب":137986,"أسÙĪØ§ÙĤ":137987,"Ġ׾פ׳×ķת":137988,"Ġاﻷ":137989,"ãģ«ãģı":137990,"ãģ«ãģıãģĦ":137991,"ĠأعÙĦÙī":137992,"Ġ׾×Ķ×ŀש×Ļ×ļ":137993,"räu":137994,"ש×ŀ×Ļ×Ŀ":137995,"åĪĨãģij":137996,"ãģĻãģ§":137997,"ãģĻãģ§ãģ«":137998,"×Ķ׾׼×Ķ":137999,"×Ĺ׾×Ļ×£":138000,"Ġì±ħ":138001,"Ġì±ħìŀĦ":138002,"à¹Ģà¸Īริ":138003,"à¹Ģà¸Īริà¸į":138004,"éģĬãģ³":138005,"جسد":138006,"สาà¸ĺ":138007,"สาà¸ĺาร":138008,"สาà¸ĺารà¸ĵ":138009,"Ġbasın":138010,"ÑĢаг":138011,"гад":138012,"ĠhoÅŁ":138013,"íķµ":138014,"×ij×Ĺ×Ļר×Ķ":138015,"×ŀס×ļ":138016,"ĠìłľíĴĪ":138017,"تÙħÙĪÙĬÙĦ":138018,"ĠLưu":138019,"ë¡ľë¶ĢíĦ°":138020,"Ġпоб":138021,"Ġпобед":138022,"ÙħÙĨذ":138023,"常ãģ«":138024,"ÙĤس":138025,"ĠاÙĦÙħصدر":138026,"ĠÙĪØ§ÙĦاست":138027,"Ġkhắp":138028,"ĠاÙĦجاÙĨب":138029,"Ġnguyá»ĩn":138030,"éĸĵéģķãģĦ":138031,"ĠÑģÑĤÑĢа":138032,"ĠÑģÑĤÑĢаÑħ":138033,"ĠÑģÑĤÑĢаÑħов":138034,"รีà¸ļ":138035,"Ġxương":138036,"Ġì°¾":138037,"Ġì°¾ìķĦ":138038,"Ġngại":138039,"гал":138040,"à¸ĭีà¹Ī":138041,"Ġ×ijפ×Ļ×Ļס×ij×ķ×§":138042,"ЦенÑĤÑĢ":138043,"Ġavaliação":138044,"Ġeconómico":138045,"×ĸף":138046,"ĠÐľÐ°Ðº":138047,"Ġinterés":138048,"à¸ģลิà¹Īà¸Ļ":138049,"ÑģÑĤÑĮÑİ":138050,"ĠÄijương":138051,"å¼·ãģı":138052,"ĠKhách":138053,"à¹Ģà¸Ļืà¹īà¸Ńหา":138054,"ĠYazı":138055,"è²·ãģ£ãģ¦":138056,"ÐłÐķ":138057,"à¹Ģà¸ŀิà¹Īมà¸Ĥึà¹īà¸Ļ":138058,"สมà¸ļู":138059,"สมà¸ļูรà¸ĵà¹Į":138060,"ĠмиÑĢов":138061,"×Ĵ׳×Ļ×Ŀ":138062,"ĠÄijức":138063,"à¸Ńารà¹Į":138064,"صاص":138065,"ãģĬãĤĪ":138066,"ãģĬãĤĪãģ³":138067,"êÌī":138068,"ĠاÙĦÙħؤتÙħر":138069,"ĠاÙĦÙħرØŃÙĦØ©":138070,"สà¸Ńà¸ļà¸ĸาม":138071,"Ġà¸Īาà¸ģà¸Ļัà¹īà¸Ļ":138072,"Ġتعد":138073,"ãģĿãģ®ãģŁãĤģ":138074,"Ġkháng":138075,"à¸Ļิà¸Ķ":138076,"ãĥĬãĥ³":138077,"ëĦ¤ìļĶ":138078,"ĠاÙĦاØŃت":138079,"ĠاÙĦاØŃتÙĦاÙĦ":138080,"ìļķ":138081,"Ġмодели":138082,"ĠпÑĢоÑĨенÑĤ":138083,"à¸ŀวà¸ģà¹Ģรา":138084,"Ġ×Ķצ×ĵ":138085,"Ġ×Ķצ×ĵ×ĵ×Ļ×Ŀ":138086,"stände":138087,"׳×Ĵר":138088,"Ġdotyc":138089,"ĠdotyczÄħ":138090,"ĠdotyczÄħce":138091,"ĠÅĽwiÄĻt":138092,"×ŀר×Ķ":138093,"ãģĻãģĶãģĦ":138094,"ãĥĩãĤ£ãĥ³ãĤ°":138095,"à¸ģารสรà¹īาà¸ĩ":138096,"ëĤ¬":138097,"Ġì°¸ìŬ":138098,"ÑģÑħ":138099,"ÑģÑħем":138100,"ÙħÙĪØ³":138101,"Ġnấu":138102,"Ġ׾×ŀ×¢×ľ×Ķ":138103,"à¹Ģà¸Ľà¹īา":138104,"à¹Ģà¸Ľà¹īาหมาย":138105,"Ġmùi":138106,"ائز":138107,"íĽĪ":138108,"×Ĺ×ij×ķר×Ķ":138109,"à¸ľà¸¹à¹īà¹ĥà¸Ĭà¹ī":138110,"Ġpaź":138111,"Ġpaździ":138112,"Ġpaździern":138113,"Ġpaździernika":138114,"ลà¸ĩà¹Ħà¸Ľ":138115,"ÙĤاع":138116,"ĠcháºŃm":138117,"Ġözellikleri":138118,"ĠÄIJo":138119,"ĠÄIJoÃłn":138120,"жение":138121,"Ġhẳ":138122,"Ġhẳn":138123,"ĠaÅŁk":138124,"ï½į":138125,"ãĥijãĤ¹":138126,"×Ķ×ķר×IJ×ķת":138127,"ĠÅ»":138128,"ĠÅ»y":138129,"×ŀ×ĸ׾":138130,"ĠÑĥкÑĢа":138131,"ĠÑĥкÑĢаин":138132,"à¹Ģà¸Ĭิ":138133,"à¹Ģà¸Ĭิà¸į":138134,"ÐłÐĺ":138135,"ĠzwiÄħzku":138136,"×Ķ×Ĺ׾×ĺת":138137,"ãĤĵãģ§ãģĻãĤĪãģŃ":138138,"ãģ¦ãģĬãĤĬ":138139,"ложиÑĤÑĮ":138140,"×ŀ×ķ׳×Ļ×Ŀ":138141,"ฮิ":138142,"ì°¬":138143,"ĠاÙĦÙħشترÙĥ":138144,"ĠdÃ¼ÅŁÃ¼k":138145,"агенÑĤ":138146,"ĠاÙĦأسبÙĪØ¹":138147,"ĠÙĤرÙĬب":138148,"инд":138149,"индив":138150,"индивид":138151,"индивидÑĥ":138152,"индивидÑĥалÑĮн":138153,"förder":138154,"Ġseçen":138155,"Ġseçenek":138156,"Ġétant":138157,"ĠлÑİбим":138158,"казÑĭваеÑĤ":138159,"วิà¸Ļ":138160,"Ġ×Ķ×ij×IJ×Ļ×Ŀ":138161,"Ġдов":138162,"ĠдоволÑĮ":138163,"ĠдоволÑĮно":138164,"×¢×ĵ×Ļ×£":138165,"Ġokre":138166,"ĠokreÅĽ":138167,"ĠokreÅĽlon":138168,"ĠترÙĬد":138169,"à¹Ģมืà¹Īà¸Ńวัà¸Ļà¸Ĺีà¹Ī":138170,"ãĤĪãģĭãģ£ãģŁ":138171,"Cumh":138172,"Cumhur":138173,"Cumhurba":138174,"CumhurbaÅŁ":138175,"CumhurbaÅŁkan":138176,"CumhurbaÅŁkanı":138177,"Ġnợ":138178,"à¸ľà¸¹à¹īà¹Ģลà¹Īà¸Ļ":138179,"Ġcomplète":138180,"à¹Ģà¸ŀศ":138181,"دÙIJ":138182,"Ġdüz":138183,"Ġdüzey":138184,"ãģ§ãģĤãĤĭãģĵãģ¨":138185,"extérieur":138186,"׳":138187,"Ġinformação":138188,"ãĤ¯ãĥªãĥĭãĥĥãĤ¯":138189,"ĠPubli":138190,"ĠPublié":138191,"ר×ķ×ĵ":138192,"à¸Ħà¸§à¸²à¸¡à¸Ľà¸¥à¸Ńà¸Ķà¸łà¸±à¸¢":138193,"ĠØ£ÙĬض":138194,"ĠØ£ÙĬضÙĭا":138195,"تسبب":138196,"ãģ¤ãĤĤãĤĬ":138197,"изма":138198,"à¸Ĥึà¹īà¸Ļà¹Ħà¸Ľ":138199,"ÙĥÙIJ":138200,"ÙĦÙĪÙħ":138201,"Ġשצר":138202,"Ġשצר×Ļ×ļ":138203,"ãģ¯ãĤĤãģ¡ãĤįãĤĵ":138204,"Ġкан":138205,"Ġканал":138206,"ãģ«ãģªãģ£ãģ¦ãģĦãģ¾ãģĻ":138207,"ĠاÙĦØ£Ùĥثر":138208,"تاØŃ":138209,"ÙĨتÙĩ":138210,"ÙĨتÙĩاء":138211,"اÙĪÙĬØ©":138212,"ĠBugün":138213,"нÑģкого":138214,"à¸Ķà¹Īวà¸Ļ":138215,"évolution":138216,"ãģ£ãģ¦ãģĦãģ¾ãģĹãģŁ":138217,"ãĤħ":138218,"ĠVương":138219,"à¸łà¸²à¸ŀย":138220,"à¸łà¸²à¸ŀยà¸Ļ":138221,"à¸łà¸²à¸ŀยà¸Ļà¸ķรà¹Į":138222,"Ġ×Ķצ׾×Ļ×Ĺ":138223,"ĠاÙĦإسÙĦاÙħÙĬ":138224,"ÙĦÙĬب":138225,"Ġedição":138226,"ÑģÑĤÑĢел":138227,"Ġkhúc":138228,"ÙĨÙħÙĪØ°":138229,"ÙĨÙħÙĪØ°Ø¬":138230,"׾צ×Ķ":138231,"ÑģÑĤавил":138232,"à¸ĸา":138233,"สรà¹īาà¸ĩà¸Ħวาม":138234,"ãģĦãģ£ãģ±":138235,"ãģĦãģ£ãģ±ãģĦ":138236,"ÑģÑĤавлен":138237,"ĠاÙĦÙĤدس":138238,"Ġngược":138239,"بخ":138240,"สหร":138241,"สหรั":138242,"สหรัà¸IJ":138243,"Ġأغ":138244,"Ġأغسط":138245,"Ġأغسطس":138246,"ãģĨãģ¾":138247,"ãģĨãģ¾ãģı":138248,"ĠêµŃìłľ":138249,"ØŃضار":138250,"Ġdừng":138251,"æĬ¼ãģĹ":138252,"تÙĪØ§":138253,"تÙĪØ§Ø¬Ø¯":138254,"ש×ŀ×Ĺ×Ķ":138255,"ãģıãĤĵ":138256,"Ġ×ijעצ":138257,"Ġ×ijעצ×Ŀ":138258,"×ŀ׳×Ļ×ķת":138259,"×ķ×Ļ×ĵ":138260,"×ķ×Ļ×ĵ×IJ×ķ":138261,"à¸Ĭิà¸ĩ":138262,"ĠpracÄĻ":138263,"ĠзаÑĤ":138264,"ĠзаÑĤем":138265,"ĠìŀIJìľł":138266,"Ġì¤Ģ":138267,"Ġì¤Ģë¹Ħ":138268,"ĠbáºŃ":138269,"ĠbáºŃc":138270,"Ġ×Ķ×ŀצ×ij":138271,"ĠÙĤÙĬÙħØ©":138272,"à¹Ģà¸Ńà¹Ģà¸Ĭ":138273,"à¹Ģà¸Ńà¹Ģà¸Ĭีย":138274,"Ġperchè":138275,"ĠاÙĦعسÙĥر":138276,"ĠاÙĦعسÙĥرÙĬØ©":138277,"جÙĬب":138278,"ëŀµ":138279,"ÙħÙĩر":138280,"ÙħÙĩرجاÙĨ":138281,"ÙħراÙĥ":138282,"ÙħراÙĥز":138283,"Ġоднако":138284,"à¸Ķีà¹Ĩ":138285,"Ġצפ×ķ":138286,"Ġkullanılan":138287,"Ġкино":138288,"ãĥĨãĤ£ãĥ³ãĤ°":138289,"ĠGiỼi":138290,"تÙĪØ²":138291,"تÙĪØ²ÙĬع":138292,"ยิà¸Ļ":138293,"ยิà¸Ļà¸Ķี":138294,"ĠcÅĵur":138295,"ĠiÅŁaret":138296,"Ġ×ij×¢×ĸר":138297,"Ġ×ij×¢×ĸרת":138298,"ĠпаÑĨи":138299,"ĠпаÑĨиенÑĤ":138300,"ãģ¿ãģŁãģĦãģ§ãģĻ":138301,"вез":138302,"лина":138303,"оде":138304,"Ġ×IJ×ķ×ª×Ł":138305,"dıģınız":138306,"ĠÐIJв":138307,"ĠÐIJвÑĤоÑĢ":138308,"ï¼®":138309,"ĠCần":138310,"ĠاÙĦاخ":138311,"ĠاÙĦاخبار":138312,"Ġê±°ìĿĺ":138313,"Ġatenção":138314,"ĠgeldiÄŁi":138315,"ãĤªãĤ¹":138316,"ãĤªãĤ¹ãĤ¹":138317,"ãĤªãĤ¹ãĤ¹ãĥ¡":138318,"евÑĭе":138319,"кÑĢÑĭл":138320,"à¹Ģà¸Ĭียà¸ĩ":138321,"à¹Ģà¸Ĭียà¸ĩà¹ĥหมà¹Ī":138322,"Ġmarço":138323,"ĠاÙĦÙħادة":138324,"Ġгол":138325,"Ġsprzedaży":138326,"Ġíķ´ê²°":138327,"ĠÐķго":138328,"ê¹Ģ":138329,"Ġ׾ק×ij×ľ×ª":138330,"ĠاÙĦÙģÙĨاÙĨ":138331,"Ġcomunicación":138332,"à¹Ģสà¹īà¸Ļà¸Ĺาà¸ĩ":138333,"íĺ¹":138334,"à¸Ĭำ":138335,"à¸Ĭำระ":138336,"Ġ׼×IJ×ŀ":138337,"Ġ׼×IJ×ŀ×ķר":138338,"à¸Ĭà¹Īาà¸ĩ":138339,"زÙĩر":138340,"Ġklientów":138341,"иваÑİÑĤ":138342,"анг":138343,"׳×ļ":138344,"Ġgá»įn":138345,"ÃľR":138346,"ìĺģìĥģ":138347,"Ġغزة":138348,"ìĿĮìĿĦ":138349,"Ġbezpo":138350,"ĠbezpoÅĽ":138351,"ĠbezpoÅĽredni":138352,"ĠاÙĦÙħÙĪØ§":138353,"ĠاÙĦÙħÙĪØ§Ø·ÙĨ":138354,"ĠاÙĦÙħÙĪØ§Ø·ÙĨÙĬÙĨ":138355,"ãĤĮãģ¾ãģĻ":138356,"ĠмаÑĤÑĩ":138357,"×IJ×ķף":138358,"ĠرسÙħÙĬ":138359,"ĠÑįкон":138360,"ĠÑįконом":138361,"ĠÑįкономиÑĩеÑģк":138362,"ãĥľãĥ¼":138363,"ĠдиÑĢ":138364,"ĠдиÑĢекÑĤоÑĢ":138365,"ĠÑģкоÑĢо":138366,"à¸ļำ":138367,"à¸ļำร":138368,"à¸ļำรุà¸ĩ":138369,"ĠÑĦÑĥÑĤ":138370,"ĠÑĦÑĥÑĤбол":138371,"Ġ×IJ×Ļ׾":138372,"Ġì¤ijêµŃ":138373,"ìľ¤":138374,"eÄŁe":138375,"à¹Ħà¸ģà¹Ī":138376,"traî":138377,"traîn":138378,"ĠÑĤÑĢÑĥб":138379,"à¹Ģà¸ļื":138380,"à¹Ģà¸ļืà¹īà¸Ńà¸ĩ":138381,"à¹ģมà¸Ļ":138382,"ĠتØŃدÙĬØ«":138383,"Ġ×Ľ×¢×ª":138384,"ØŃاسب":138385,"lıģa":138386,"×§×Ļ×Ļ×ŀ×Ļ×Ŀ":138387,"оÑģÑĤÑĮÑİ":138388,"à¸Ŀั":138389,"à¸Ŀัà¹Īà¸ĩ":138390,"شغÙĦ":138391,"ìĽ¹":138392,"Ġкаждого":138393,"Ġbölümü":138394,"หà¸Ļี":138395,"ĠistediÄŁi":138396,"Ġtrưng":138397,"ãĥĮ":138398,"ฮà¸Ń":138399,"Ø£ÙĨØ´":138400,"Ø£ÙĨشطة":138401,"ĠاÙĦÙħسÙĬ":138402,"ĠاÙĦÙħسÙĬØŃ":138403,"ลัà¸ģษà¸ĵà¹Į":138404,"Ġná»Ńa":138405,"à¸Ĺีà¹Īà¸ķà¹īà¸Ńà¸ĩà¸ģาร":138406,"ÑĪек":138407,"лÑij":138408,"Ġש×Ļ×Ķ":138409,"Ġש×Ļ×Ķ×Ļ×Ķ":138410,"Ġkhuôn":138411,"ĠÑĤÑĢебованиÑı":138412,"Ġ×ľ×¢×ĸ×ķר":138413,"ĠاÙĦعÙħر":138414,"ราà¸Ħาà¸ĸูà¸ģ":138415,"ÙĩÙıÙħÙĴ":138416,"üst":138417,"üstü":138418,"Ġденег":138419,"Ġnạ":138420,"à¸Ĥà¸Ļม":138421,"Ġблаг":138422,"Ġблагод":138423,"ĠблагодаÑĢ":138424,"ĠблагодаÑĢÑı":138425,"إسÙĦاÙħ":138426,"à¸Ļิว":138427,"çŁ¥ãĤīãģªãģĦ":138428,"Ø«ÙĤØ©":138429,"ĠголоÑģ":138430,"×IJ×ķר×Ĺ":138431,"Ġtrứng":138432,"Ġодном":138433,"ĠkoÅĦcu":138434,"Ġ×ķרק":138435,"WiÄĻ":138436,"WiÄĻcej":138437,"Ġ×IJ×Ļ׼×ķת":138438,"Ġ×IJ×Ļ׼×ķת×Ļ":138439,"ÑģоÑģ":138440,"Ġjeżeli":138441,"以ä¸ĭãģ®":138442,"å°ıãģķ":138443,"å°ıãģķãģª":138444,"ологии":138445,"ĠобÑģлÑĥж":138446,"ĠобÑģлÑĥжива":138447,"Ùĥتابة":138448,"Ġê´Ģìĭ¬":138449,"עש×Ļר":138450,"Ġarasındaki":138451,"ĠÑĢайона":138452,"ÙĪØ§Ø¬Ø¨":138453,"Ġ×ij×Ĺ×Ļ×Ļ":138454,"íķ´ì£¼":138455,"Ġgóc":138456,"айл":138457,"ĠTình":138458,"æļ®ãĤī":138459,"æļ®ãĤīãģĹ":138460,"æĻĤãģ«ãģ¯":138461,"ĠгоÑĢоде":138462,"Ġ׼×IJ×Ļ׾":138463,"Ġ׼×IJ×Ļ׾×ķ":138464,"ĠCá»Ļng":138465,"ãģ©ãģĨãģĹãģ¦ãĤĤ":138466,"×Ĺ×ķ×£":138467,"تØŃرÙĥ":138468,"ĠÑģловам":138469,"à¸Īะà¸Ĭà¹Īวย":138470,"ĠاÙĦÙħستÙĤبÙĦ":138471,"ÙĤض":138472,"ÙĤضÙĬ":138473,"×ijס×ķפ":138474,"×ijס×ķפ×ķ":138475,"iÄĻÄĩ":138476,"ĠYıl":138477,"Ø´ÙĬØ®":138478,"à¸Ħุà¸ĵà¸Īะ":138479,"ש×ŀ×ķת":138480,"Ġتعرض":138481,"Ġanálise":138482,"ĠÑģобиÑĢа":138483,"à¹Ģà¸ŀà¸Ĭ":138484,"à¹Ģà¸ŀà¸Ĭร":138485,"Ġвели":138486,"Ġвелик":138487,"สัà¹īà¸Ļ":138488,"Ġpopulação":138489,"รà¹Īวมà¸ģัà¸Ļ":138490,"×Ĺ×ŀ":138491,"×Ĺ×ŀ×Ļש×Ļ":138492,"ס×Ļס":138493,"åĨħãģ§":138494,"ĠsobÄħ":138495,"ĠYay":138496,"ĠYayın":138497,"ãĥ¡ãĥĭãĥ¥ãĥ¼":138498,"ĠпÑĢедоÑģÑĤавлÑı":138499,"ãģłã썿ĢĿãģĨ":138500,"Ġê³łê°Ŀ":138501,"Ġодним":138502,"à¹ĥà¸Ļà¹Ģรืà¹Īà¸Ńà¸ĩ":138503,"Ġsá»ķ":138504,"ĠÐĹдеÑģÑĮ":138505,"ĠизменениÑı":138506,"ĠìĿ¼ìĿĦ":138507,"ãģªãģ®ãģł":138508,"кладÑĭва":138509,"ÑĢма":138510,"Ġ×ķ×ij׼׾":138511,"تأÙħÙĬÙĨ":138512,"ĠпÑĢиÑıÑĤ":138513,"ĠпÑĢиÑıÑĤн":138514,"ÙħÙħار":138515,"ÙħÙħارسة":138516,"ãģ¨ãģªãģ£ãģ¦":138517,"ĠجÙħÙĬÙĦ":138518,"Ġì§Ī":138519,"Ġì§Ī문":138520,"Ġquestão":138521,"ié":138522,"iéndo":138523,"หà¹īà¸Ńà¸ĩà¸ŀัà¸ģ":138524,"ãĥijãĥ¼ãĥĪ":138525,"ÑĤвеÑĢжда":138526,"нÑģкой":138527,"зал":138528,"มุà¹Īà¸ĩ":138529,"á»Ĭ":138530,"Ġ×Ķ×IJ×Ĺר×ķ׳×Ķ":138531,"ĠThư":138532,"주민":138533,"ĠاÙĦعب":138534,"évén":138535,"événement":138536,"ÙĤÙĪØ§Ø¹Ø¯":138537,"دÙı":138538,"ĠìķĬìĬµëĭĪëĭ¤":138539,"Ġ보기":138540,"Ġyapılması":138541,"à¹Ģราà¸ģ":138542,"à¹Ģราà¸ģà¹ĩ":138543,"ØŃذر":138544,"ÙĤصر":138545,"ãģ¦ãģĹãģ¾ãģĦãģ¾ãģĹãģŁ":138546,"Ġà¹Ģà¸Ľà¹ĩà¸Ļà¸ķà¹īà¸Ļ":138547,"ãģ¨ãģ«":138548,"ãģ¨ãģ«ãģĭ":138549,"ãģ¨ãģ«ãģĭãģı":138550,"нÑĨе":138551,"звÑĥк":138552,"ãģĹãĤĪãģĨãģ¨":138553,"ĠاÙĦصØŃÙĬØ©":138554,"Ġש×Ķ×Ļ×ķ":138555,"ĠDiÄŁer":138556,"ÙĤÙĦÙĤ":138557,"ãĤ¸ãĥ£ãĥ³":138558,"Ġrá»Ŀi":138559,"ĠлеÑĩ":138560,"ĠлеÑĩениÑı":138561,"تباد":138562,"تبادÙĦ":138563,"צפ×Ķ":138564,"à¸Ħวามà¹Ģหà¹ĩà¸Ļ":138565,"Ġشب":138566,"ĠشبÙĥØ©":138567,"ר×Ļ×§":138568,"Ùħعد":138569,"Ùħعدات":138570,"dıģında":138571,"Ġ×ijש׳×Ļ×Ŀ":138572,"Ġ×Ķ×Ļשר×IJ׾":138573,"Ġ×Ķ×Ļשר×IJ׾×Ļת":138574,"Ġsınav":138575,"׳צ×Ļ×Ĵ":138576,"วัà¸ķà¸ĸุ":138577,"ĠاÙĦبرÙĦÙħ":138578,"ĠاÙĦبرÙĦÙħاÙĨ":138579,"tivitÃł":138580,"ãĤĵãģłãĤįãģĨ":138581,"×§×Ļ×Ļ×ŀ":138582,"ÙĦÙĬÙĥ":138583,"ĠÄijò":138584,"ĠÄijòi":138585,"ĠÐĺнÑĤеÑĢ":138586,"ĠÐĺнÑĤеÑĢнеÑĤ":138587,"ãģ«ãģ¨ãģ£ãģ¦ãģ¯":138588,"ãģ£ãģĵ":138589,"×§×ķס":138590,"ستØŃÙĤ":138591,"æķĻãģĪãģ¦":138592,"ãĥĢãĥ¡":138593,"ĠÙħÙĨزÙĦ":138594,"à¹Ģà¸ĭà¹ĩà¸Ļ":138595,"使ãģĪãĤĭ":138596,"è¦ĭç©į":138597,"è¦ĭç©įãĤĤãĤĬ":138598,"Ø£Ùģ":138599,"Ø£ÙģÙĥار":138600,"ĠигÑĢов":138601,"ĠигÑĢовÑĭе":138602,"ĠmÄĻż":138603,"ĠmÄĻżczy":138604,"ĠmÄĻżczyzn":138605,"ĠاÙĦØŃÙĤÙĬÙĤÙĬ":138606,"عبر":138607,"׼×ķ׾׳×ķ":138608,"íĿ¥":138609,"×ŀ×IJ×ķ×Ĺר":138610,"ختص":138611,"ãĥŀãĥŀ":138612,"Ġ×IJ×Ĺ×ķ×ĸ":138613,"íĮĢ":138614,"Ġrá»iji":138615,"ĠвÑĤоÑĢ":138616,"ĠвÑĤоÑĢой":138617,"Ġlẫn":138618,"пÑĢом":138619,"пÑĢомÑĭÑĪ":138620,"пÑĢомÑĭÑĪлен":138621,"пÑĢомÑĭÑĪленн":138622,"ĠоÑĤноÑĪениÑı":138623,"Ġsứ":138624,"ĠмобилÑĮ":138625,"ĠмобилÑĮн":138626,"ĠÑįÑĤомÑĥ":138627,"Ġtạp":138628,"ĠìĤ¬ê±´":138629,"ĠìķĮ볤":138630,"ÙĥÙı":138631,"ÙĥÙıÙħÙĴ":138632,"Ġ×§×ķר×Ķ":138633,"ĠÑĦиÑĢ":138634,"ĠÑĦиÑĢм":138635,"Ġsıkıntı":138636,"׳׼":138637,"׳׼×ķף":138638,"ÙĪÙĦÙĪØ¬ÙĬ":138639,"ØŃاÙĨ":138640,"Ġloạn":138641,"Ġ×IJ×ľ×£":138642,"Ġmắn":138643,"abhäng":138644,"abhängig":138645,"ĠÑĥÑĢовнÑı":138646,"Ġ׾×ij×ĵ×ķ×§":138647,"ÙĬÙħÙĨ":138648,"layın":138649,"Ġhải":138650,"Ġзавод":138651,"ĠìķĦ주":138652,"สà¸ĸา":138653,"สà¸ĸาà¸ļัà¸Ļ":138654,"Ġgüvenlik":138655,"à¹Ģà¸Ķà¹Īà¸Ļ":138656,"×ij×ĵ×§":138657,"ĠëĪ":138658,"ĠëĪĦ":138659,"ĠëĪĦ구":138660,"éĩįè¦ģãģª":138661,"รà¸Ńà¸ĩรัà¸ļ":138662,"schlie":138663,"schlieÃŁen":138664,"Ġìĸ¼":138665,"Ġìĸ¼ë§Ī":138666,"Ġìĸ¼ë§ĪëĤĺ":138667,"ÑĤики":138668,"íķľëĭ¤ê³ł":138669,"ãģłãģ£ãģŁãĤī":138670,"Ġ×Ķ×Ļ×ĺ×ij":138671,"ãģªãģijãĤĮãģ°ãģªãĤīãģªãģĦ":138672,"âÌ":138673,"ậ":138674,"Ġphạt":138675,"akÄ±ÅŁ":138676,"ãģ¦ãģĹãģ¾ãģĦãģ¾ãģĻ":138677,"à¹Ģà¸ĭà¹ĩ":138678,"ĠСегоднÑı":138679,"Ġinsanların":138680,"Ġdéveloppe":138681,"תפר":138682,"תפר×Ļ×ĺ":138683,"اÙĨتشار":138684,"ê°ij":138685,"François":138686,"Ø£ÙĦع":138687,"Ø£ÙĦعاب":138688,"ãĤĴè¶ħ":138689,"ãĤĴè¶ħãģĪ":138690,"Ġê°ĻìĬµëĭĪëĭ¤":138691,"ãĤ³ãĥ¬":138692,"ĠмеÑģÑıÑĨев":138693,"íĮħ":138694,"ĠاÙĦجاÙħعة":138695,"ìĿ¸íĦ°":138696,"ìĿ¸íĦ°ëĦ·":138697,"×ĵר×ķש":138698,"ĠÙĪØ£Ø´Ø§Ø±":138699,"ĠпÑĢавила":138700,"ãģĿãģĵãģ«":138701,"×Ĺ×ŀ×ĵ":138702,"à¹Ģหà¸ķุà¸ģารà¸ĵà¹Į":138703,"Ġê²½íĹĺ":138704,"ãģ¶ãĤĬ":138705,"׾ש":138706,"׾ש×ķף":138707,"à¹Ģà¸ĸ":138708,"ĠDoÄŁu":138709,"ĠиÑģполÑĮзование":138710,"ĠçocuÄŁu":138711,"магазине":138712,"ĠÄijiá»ĥn":138713,"Ġaslı":138714,"Ġaslında":138715,"Ġdoença":138716,"Ġساع":138717,"Ġساعات":138718,"ĠиÑģполÑĮзованиÑı":138719,"ר×ķצ×Ļ×Ŀ":138720,"ĠзнаÑĩиÑĤ":138721,"ĠÑĢам":138722,"ĠÑĢамкаÑħ":138723,"거리":138724,"ĠпÑĭÑĤа":138725,"ãĥģãĥ³":138726,"ĠпоÑģк":138727,"ĠпоÑģколÑĮ":138728,"ĠпоÑģколÑĮкÑĥ":138729,"إبر":138730,"إبراÙĩ":138731,"إبراÙĩÙĬÙħ":138732,"ĠÑĤÑĢеÑħ":138733,"ĠGenç":138734,"سÙĪÙģ":138735,"ĠveÃŃculo":138736,"ĠNgân":138737,"ĠоÑĩеÑĢедÑĮ":138738,"à¸Ħรึà¹Īà¸ĩ":138739,"×IJ×ij×Ļ":138740,"à¸ķà¹īม":138741,"ãĤĴè¡ĮãģĦ":138742,"ĠاÙĦسابÙĤØ©":138743,"наÑĨи":138744,"наÑĨиона":138745,"наÑĨионалÑĮн":138746,"Ġgestión":138747,"تÙĤد":138748,"ĠاÙĦبÙĬاÙĨ":138749,"ĠاÙĦبÙĬاÙĨات":138750,"ĠاÙĦاÙĨتخاب":138751,"ĠاÙĦاÙĨتخابات":138752,"à¹Ģà¸Ĭà¹Īา":138753,"×ĵ×IJ×Ĵ":138754,"Ġ׾×Ĵ×ŀר×Ļ":138755,"ĠتØŃتاج":138756,"Ġthôn":138757,"à¸ķà¹īà¸Ńà¸Ļ":138758,"à¸ķà¹īà¸Ńà¸Ļรัà¸ļ":138759,"女ãģ®":138760,"女ãģ®åŃIJ":138761,"Ġthợ":138762,"Ø·ØŃÙĨ":138763,"ารà¹Įà¸Ķ":138764,"ת×ŀ×Ļ×ĵ":138765,"ĠÑģамÑĭм":138766,"Ġìĭľíĸī":138767,"إصد":138768,"إصدار":138769,"ĠNghá»ĩ":138770,"ìķķ":138771,"سئ":138772,"سئÙĦ":138773,"à¸Ńาร":138774,"à¸Ńารม":138775,"à¸Ńารมà¸ĵà¹Į":138776,"à¹ģฮ":138777,"׳×ĺ׾":138778,"Ġì¢ĭìķĦ":138779,"×ķ׾׾":138780,"Ġ×ij×Ľ×ª×ij":138781,"ãĤ«ãĥ©":138782,"צע×Ļר×Ļ×Ŀ":138783,"تعبÙĬر":138784,"Ġ×ŀקר×Ķ":138785,"ĠÑĦакÑĤоÑĢ":138786,"ĠتÙħاÙħ":138787,"ĠتÙħاÙħا":138788,"ëįķ":138789,"Ġvưá»Ŀ":138790,"Ġvưá»Ŀn":138791,"ĠdÄ±ÅŁÄ±":138792,"ãģĦãģ¡":138793,"Ġ׾ק׳×ķת":138794,"ĠاÙĦعÙĦاÙĤات":138795,"пÑĥб":138796,"пÑĥбли":138797,"Ø¥ÙĬÙħ":138798,"Ø¥ÙĬÙħاÙĨ":138799,"à¸Ńำà¸Ļา":138800,"à¸Ńำà¸Ļาà¸Ī":138801,"åIJ«ãģ¾ãĤĮ":138802,"ãĤĭãģŁãĤģãģ«":138803,"ס×Ĵ":138804,"ס×Ĵ׳×ķף":138805,"تØŃدÙĬ":138806,"Ġauprès":138807,"ĠاÙĦجÙĩا":138808,"ĠاÙĦجÙĩاز":138809,"Ġ×ŀת×Ĺת":138810,"еннÑĥÑİ":138811,"Ġзим":138812,"à¸ģาà¹ģà¸Ł":138813,"Ġ×ijת×ķר":138814,"Ġnghè":138815,"Ġnghèo":138816,"ĠÐĽÑİ":138817,"ĠÐĽÑİб":138818,"תקצ×Ļ×ij":138819,"×ŀעש×Ķ":138820,"ĠاÙĦبÙĬت":138821,"צ×Ļפ":138822,"ĠобÑıзан":138823,"ĠMá»Ĺi":138824,"ĠТÑĥÑĢ":138825,"ĠÙĪØ¨Ø§ÙĦت":138826,"ĠÙĪØ¨Ø§ÙĦتاÙĦÙĬ":138827,"Ġdécision":138828,"Ġبد":138829,"Ġبدأت":138830,"Ġcục":138831,"Ġbask":138832,"Ġbaskı":138833,"Ġhatırl":138834,"Ġhatırla":138835,"å°ıãģķãģĦ":138836,"Ġgerçekten":138837,"à¸ľà¸±à¸ģ":138838,"åı¯èĥ½ãģª":138839,"×ŀ×IJס":138840,"ĠcrÃŃtica":138841,"ĠìĿĺìĽIJ":138842,"عÙĤÙĪØ¯":138843,"×ĺ׼׳":138844,"×ĺ׼׳×ķ׾×ķ×Ĵ×Ļ×Ķ":138845,"è¨ĢãģĪãģ°":138846,"ĠÙĤÙĨا":138847,"ĠÙĤÙĨاة":138848,"ĠìĿ´ê²ĥìĿĢ":138849,"تصر":138850,"à¸Łà¸±à¸Ļ":138851,"ĠÑĢеÑĨеп":138852,"ĠÑĢеÑĨепÑĤ":138853,"ĠبÙĨÙ쨳":138854,"ÑĢоÑĪ":138855,"ĠмаÑĢÑĤа":138856,"Ġsonras":138857,"Ġsonrası":138858,"×ķ×ijש":138859,"ãĥªãĤ¹ãĤ¯":138860,"ĠFrançais":138861,"á»ļ":138862,"ê°Ķ":138863,"Ġ×Ķ×ijר×Ļת":138864,"פ×Ļצ":138865,"פ×Ļצ×ķ×Ļ":138866,"ĠÙĦÙħاذا":138867,"ĠÐļиев":138868,"ĠÑģмÑĭÑģл":138869,"ê¸Īìľµ":138870,"ãĤ·ãĥ£ãĥ«":138871,"ãĥ©ãĤ¤ãĥĪ":138872,"ìĽĥ":138873,"×ŀ×Ĺר":138874,"ãĨį":138875,"Ġkullanım":138876,"Ġ×IJצ׾׳×ķ":138877,"ĠtÃłn":138878,"ãĥıãĥ¼":138879,"ãģ¨ãģ¨ãĤĤ":138880,"ãģ¨ãģ¨ãĤĤãģ«":138881,"ÑĢег":138882,"ÑĢеги":138883,"ÑĢегион":138884,"ãģªãģıãģªãĤĭ":138885,"Ġchảy":138886,"ĠجÙĩØ©":138887,"ÅĦskiej":138888,"à¸Ńีà¹Ģม":138889,"à¸Ńีà¹Ģมล":138890,"ãģįãģ£ãģ¨":138891,"ĠìĺĪìĤ°":138892,"Ġkitabı":138893,"Ġeducação":138894,"ĠbuluÅŁ":138895,"ологиÑı":138896,"ĠконкÑĢ":138897,"ĠконкÑĢеÑĤ":138898,"×Ĵ×Ļר":138899,"ĠпÑĢедлаг":138900,"ĠпÑĢедлагаеÑĤ":138901,"ĠYên":138902,"Ġíķľë²Ī":138903,"Ġ×ŀר׼×ĸ×Ļ":138904,"à¹Ģà¸Ľà¸´à¸Ķà¹Ģà¸ľà¸¢":138905,"ÑĤвеÑĢд":138906,"ĠHá»ĩ":138907,"ĠÐĵÑĢ":138908,"à¸Ŀà¹īา":138909,"×Ķשק":138910,"×Ķשקע×Ķ":138911,"ĠнаÑĥк":138912,"ìłIJìĿĦ":138913,"ĠнелÑĮ":138914,"ĠнелÑĮз":138915,"ĠнелÑĮзÑı":138916,"гин":138917,"ĠBöl":138918,"ĠBölge":138919,"Ġвла":138920,"ĠвлаÑģÑĤи":138921,"à¹Ģà¸Ļà¹ĩ":138922,"à¹Ģà¸Ļà¹ĩà¸ķ":138923,"골":138924,"Ġöld":138925,"Ġöldür":138926,"×Ľ×ł×¢":138927,"ĠاÙĦÙĩÙĬئة":138928,"تارÙĬØ®":138929,"ĠÐijÑĢ":138930,"ĠÑģмож":138931,"ĠÑģможеÑĤе":138932,"ĠLúc":138933,"à¹Ħà¸Ľà¸ĸึà¸ĩ":138934,"ĠBakanı":138935,"Ġerklärt":138936,"ĠÐIJна":138937,"Ġscène":138938,"åķıãģĦ":138939,"åķıãģĦåIJĪãĤıãģĽ":138940,"ÙħÙĩÙĨد":138941,"ÙħÙĩÙĨدس":138942,"Ġназвание":138943,"иваниÑı":138944,"ãĤĴå¤īãģĪ":138945,"ä»ĺãģįåIJĪ":138946,"ãĥijãĤ½":138947,"ãĥijãĤ½ãĤ³ãĥ³":138948,"æĺİãĤī":138949,"æĺİãĤīãģĭ":138950,"à¹Ģà¸Ńà¸ģสาร":138951,"à¹Ģà¸ģิà¸Ļà¹Ħà¸Ľ":138952,"леп":138953,"ãģĹãģŁãĤĤãģ®":138954,"ĠCâm":138955,"ĠCâmara":138956,"×§×ķ׾׳×ķ×¢":138957,"Ġ×ij×Ĵ×Ļף":138958,"Ġoczy":138959,"ĠoczywiÅĽcie":138960,"attivitÃł":138961,"ãĥĵãĥ¥ãĥ¼":138962,"Ġeducación":138963,"İYE":138964,"ê¹ĮìļĶ":138965,"ãĤ¨ãĥªãĤ¢":138966,"неÑģÑĤи":138967,"Ġmóg":138968,"ĠmógÅĤ":138969,"Ġ×§×ĺ׳×Ļ×Ŀ":138970,"ĠPrä":138971,"Ġ×ľ×¢×ij×ķר":138972,"بÙĨÙī":138973,"зол":138974,"золоÑĤ":138975,"ĠwnÄĻtr":138976,"ĠwnÄĻtrz":138977,"Ġconstrução":138978,"รัà¸ļรà¸Ńà¸ĩ":138979,"سجÙĨ":138980,"Ġ×§×ķ׳":138981,"ס×Ļפ×ķר":138982,"ĠÙħدÙī":138983,"رضÙī":138984,"плав":138985,"ï¼¥":138986,"Ġila":138987,"Ġilaç":138988,"ãĤĭãģ¹ãģį":138989,"ĠÙħÙĪÙĤÙģ":138990,"à¸ģรุ":138991,"à¸ģรุà¸ĵา":138992,"chodzÄħc":138993,"ĠÑĤÑĭÑģ":138994,"ÐķвÑĢо":138995,"ĠÙĬØŃدث":138996,"ãĥ¡ãĤ¤ãĥ³":138997,"ĠاÙĦصØŃÙĬ":138998,"ĠÐĶан":138999,"دعاء":139000,"ãĤ´ãĥ¼ãĥ«":139001,"×©×ł×ª×Ļ":139002,"×©×ł×ª×Ļ×Ļ×Ŀ":139003,"à¸Ķà¹īวยà¸ģัà¸Ļ":139004,"Ġolacaģı":139005,"Ġ×ij×ŀ×Ĺ×Ļר":139006,"×Ķ×§":139007,"×Ķ×§×ŀת":139008,"ãĥ¢ãĥİ":139009,"ĠçalÄ±ÅŁtı":139010,"Ġjóvenes":139011,"ãģĦãģıãĤī":139012,"ĠÙħعدÙĦ":139013,"ĠCÅ©ng":139014,"ĠSegún":139015,"Ġdönemde":139016,"Ġ׾×Ļ×ĵ×Ļ":139017,"ãģįãģ¡":139018,"ãģįãģ¡ãĤĵ":139019,"ãģįãģ¡ãĤĵãģ¨":139020,"Ù쨱ÙĨس":139021,"Ù쨱ÙĨسا":139022,"åIJijãģį":139023,"Ġcampaña":139024,"ĠÑģамоÑģÑĤоÑı":139025,"ĠÑģамоÑģÑĤоÑıÑĤелÑĮно":139026,"á»Ģ":139027,"ÙĤÙĪØ§":139028,"سÙĦاØŃ":139029,"à¸ģระà¹ģ":139030,"à¸ģระà¹ģส":139031,"ĠполÑĮзÑĥ":139032,"nqu":139033,"nquête":139034,"รà¹Īวมà¸ģัà¸ļ":139035,"ëĬIJëĥIJ":139036,"à¸Ĺีมà¸Ĭาà¸ķิ":139037,"Ġyıllık":139038,"ìĬ¬":139039,"ĠأصØŃاب":139040,"illé":139041,"Ġdóla":139042,"Ġdólares":139043,"Ġкож":139044,"Ġкожи":139045,"ลà¹īà¸Ń":139046,"à¹Ģรียà¸ļร":139047,"à¹Ģรียà¸ļรà¹īà¸Ńย":139048,"à¹Ģà¸ŀิ":139049,"à¹Ģà¸ŀิà¹Īà¸ĩ":139050,"ÑĢиÑĤоÑĢи":139051,"Ġíijľ":139052,"ĠíijľíĺĦ":139053,"ĠпеÑĢев":139054,"ĠпеÑĢевод":139055,"פ×Ĵ×Ļ×¢×Ķ":139056,"ĠdeÄŁerlendirme":139057,"ÙģØ§Ø¦":139058,"ĠвÑĭгод":139059,"ınızı":139060,"×ķ׼×Ļ×Ĺ":139061,"ĠдоÑģÑĤиг":139062,"ĠngÃłn":139063,"æĢĿãģ£ãģŁ":139064,"ĠÐķÑģÑĤÑĮ":139065,"ĠاÙĦرغÙħ":139066,"ĠzwiÄħzane":139067,"ربط":139068,"à¸Ļึà¸ĩ":139069,"Ġ׾×Ĺ×ķ×§":139070,"Ġszczególn":139071,"Ġszczególnie":139072,"ĠباستخداÙħ":139073,"ĠfÃŃsico":139074,"עס":139075,"עס×ķ×§":139076,"سÙĦÙĪÙĥ":139077,"ĠاØŃد":139078,"ÑĩÑijÑĤ":139079,"×ĸ׼×Ķ":139080,"Ġlá»ĩnh":139081,"ĠÙĪØŃØª":139082,"ĠÙĪØŃØªÙī":139083,"à¸Ħวามสามารà¸ĸ":139084,"à¸Ńยูà¹Īà¹ģลà¹īว":139085,"à¸ģารà¹Ģà¸Ķิà¸Ļà¸Ĺาà¸ĩ":139086,"تخذ":139087,"צ×Ļ×ķ×ĵ":139088,"ĠاÙĦأس":139089,"ĠاÙĦأسÙĩÙħ":139090,"Ġtá»ĩ":139091,"ãģ£ãģ¦ãģĦãģ¦":139092,"สรุ":139093,"à¸ªà¸£à¸¸à¸Ľ":139094,"ĠкомÑĦ":139095,"ĠкомÑĦоÑĢÑĤ":139096,"ìĺ¤ëĬĶ":139097,"ĠÑĢазв":139098,"ĠÑĢазвива":139099,"ланд":139100,"hänge":139101,"ĠبÙĨسبة":139102,"à¹Ģà¸Ĥียว":139103,"עצ×Ŀ":139104,"Ġ×ľ×ľ×Ľ×ª":139105,"ÑģоÑĨиалÑĮн":139106,"Ġëĭ¤ìĿĮê³¼":139107,"Ġרש×ķ×ŀ":139108,"×ŀר×Ĺ×ij":139109,"سÙĤØ·":139110,"Ġalanı":139111,"ĠÄijá»ĩ":139112,"é£Łãģ¹ãĤĭ":139113,"à¸Ķึà¸ĩ":139114,"Ġgegenüber":139115,"ĠبÙĩذÙĩ":139116,"à¸ĸืà¸Ńà¹Ģà¸Ľà¹ĩà¸Ļ":139117,"ëķħ":139118,"à¸Ħà¸Ļà¹Ħà¸Ĺย":139119,"ãĤ¢ãĤ¦":139120,"ãĤ¢ãĤ¦ãĥĪ":139121,"ศัà¸ģ":139122,"ศัà¸ģà¸Ķิ":139123,"ศัà¸ģà¸Ķิà¹Į":139124,"ÙĤÙĪØ§ÙĨ":139125,"ÙĤÙĪØ§ÙĨÙĬÙĨ":139126,"Ġhá»Ļp":139127,"ãģªãģıãģªãģ£ãģ¦":139128,"Ġ×IJ×ŀ׳":139129,"Ġ×IJ×ŀ׳×Ŀ":139130,"à¹Ģà¸ķืà¸Ńà¸Ļ":139131,"ĠзавиÑģим":139132,"ĠзавиÑģимоÑģÑĤи":139133,"ת×Ļ×IJ":139134,"ת×Ļ×IJ×ķר":139135,"å§ĭãĤģãģŁ":139136,"Ġngá»į":139137,"Ġngá»įt":139138,"íĴį":139139,"ê³¼ìŀ¥":139140,"Ġbại":139141,"ãģ§ãģįãģ¦":139142,"Ġcomeçar":139143,"à¸Ľà¸£à¸²à¸ģ":139144,"à¸Ľà¸£à¸²à¸ģà¸ı":139145,"ĠгодÑĭ":139146,"меÑģ":139147,"ĠاÙĦÙħستÙĪÙī":139148,"ĠÑģамÑĭе":139149,"ллеÑĢ":139150,"ãģ£ãģ¦ãģĹãģ¾ãģĦãģ¾ãģĻ":139151,"ãģ¨ãģ®ãģĵãģ¨":139152,"bió":139153,"à¸ģลà¹Īà¸Ńà¸ĩ":139154,"ĠاÙĦزÙĪØ¬":139155,"ãģ«è¡Įãģ£ãģŁ":139156,"à¸Ħà¹Īà¸Ńà¸Ļ":139157,"à¸Ħà¹Īà¸Ńà¸Ļà¸Ĥà¹īาà¸ĩ":139158,"ĠbaÄŁl":139159,"ĠbaÄŁlant":139160,"ĠbaÄŁlantı":139161,"確ãģĭ":139162,"確ãģĭãģ«":139163,"ãĥľãĥ¼ãĥ«":139164,"çµĤãĤıãĤĬ":139165,"ש×ŀר":139166,"à¸Ĺีà¹Īสามารà¸ĸ":139167,"ÙĦزÙħ":139168,"даеÑĤÑģÑı":139169,"รัà¸ļà¸Ľà¸£à¸°":139170,"รัà¸ļà¸Ľà¸£à¸°à¸Ĺาà¸Ļ":139171,"å¤īãĤıãĤĬ":139172,"ï¼¢":139173,"ĠìĺĪìĪĺëĭĺ":139174,"ãĤĪãģĨãģ¨":139175,"มัà¸ģà¸Īะ":139176,"ĠHương":139177,"ÙĨÙ쨰":139178,"×ŀ×ĵ×ĵ":139179,"ĠìĿ¸ìłķ":139180,"ÑħодиÑĤÑĮ":139181,"ĠзавиÑģиÑĤ":139182,"×ķ×ĵ×Ļ×¢":139183,"ãģĵãģ¨ãģĮãģĤãĤĬãģ¾ãģĻ":139184,"عراÙĤ":139185,"سطØŃ":139186,"à¸ģำà¹Ħร":139187,"ëĵ¤ëıĦ":139188,"×Ļצ×Ļר×Ķ":139189,"ãģĨãģĵãģ¨":139190,"ÙĦاØŃÙĤ":139191,"ãģĦãĤĮãģ°":139192,"ĠиÑģполÑĮзÑĥÑİÑĤ":139193,"ĠBợi":139194,"Ġשק׾×Ļ×Ŀ":139195,"ÑĨикл":139196,"ÐIJÐŀ":139197,"Ġ×ijש׳×Ķ":139198,"ÙĨشط":139199,"Ġש×Ļ׳×ķ×Ļ":139200,"Ġש×Ļ׳×ķ×Ļ×Ļ×Ŀ":139201,"Ġpoblación":139202,"ĠHưng":139203,"ระว":139204,"ระวัà¸ĩ":139205,"رÙĬاضة":139206,"رصد":139207,"تÙĤÙĦÙĬ":139208,"تÙĤÙĦÙĬد":139209,"Ġülkem":139210,"Ġülkemiz":139211,"à¸Ĭะ":139212,"ãĤ¯ãĥªãĥ¼ãĥł":139213,"èģŀãģĦãģŁ":139214,"Ġważ":139215,"Ġważne":139216,"ê±°ëĵł":139217,"ê±°ëĵłìļĶ":139218,"×ŀ×IJ×ij×§":139219,"×Ĺ×ĵש×ķת":139220,"ĠWroc":139221,"ĠWrocÅĤaw":139222,"ĠKültür":139223,"sist":139224,"sistência":139225,"×¢×ĸר×Ķ":139226,"Ġgương":139227,"รà¹īาà¸Ļà¸Ħà¹īา":139228,"ĠÙĪØ£ÙĪØ¶ØŃ":139229,"ándose":139230,"ãĤ·ãĥ¼ãĥ³":139231,"×IJ׳ר×Ĵ":139232,"×IJ׳ר×Ĵ×Ļ×Ķ":139233,"ãģªãģĦãģ§ãģĻ":139234,"Ġkhá»§ng":139235,"Ġ문ìĦľ":139236,"Ġ×ij×ĵ×ijר":139237,"×ĵ×Ļ×ķ":139238,"×ĵ×Ļ×ķ×ķ×Ĺ":139239,"Ġrégl":139240,"ÙħÙĪØ§Ø¯":139241,"обоÑĢ":139242,"обоÑĢоÑĤ":139243,"Ġ×Ķ×ij׾":139244,"Ġ×Ķ×ij׾×ķ×Ĵ":139245,"ØŃاÙħ":139246,"ĠاÙĦعاص":139247,"ĠاÙĦعاصÙħØ©":139248,"пеÑĢаÑĤоÑĢ":139249,"تخÙĦ":139250,"تخÙĦص":139251,"ãģŁãģłãģĹ":139252,"تسÙħ":139253,"à¹Ĥรà¸ĩà¸ŀ":139254,"à¹Ĥรà¸ĩà¸ŀยา":139255,"à¹Ĥรà¸ĩà¸ŀยาà¸ļาล":139256,"ĠYük":139257,"ĠYüksek":139258,"Ġש׳×Ļת":139259,"Ġש׳×Ļ×ª×Ł":139260,"liÄŁe":139261,"Ġפת":139262,"Ġפת×ķ×Ĺ":139263,"ĠbeÄŁ":139264,"ĠbeÄŁen":139265,"Ġ×ŀ×ķר":139266,"Ġ×ŀ×ķר׼×ij":139267,"ĠرساÙĦØ©":139268,"íĨµìĭł":139269,"Ġavalia":139270,"Ġavaliações":139271,"Ġmanh":139272,"Ġmanhã":139273,"Ġìķŀ":139274,"Ġìķŀìľ¼ë¡ľ":139275,"ÙĤتر":139276,"ÙĤترØŃ":139277,"à¹Ģà¸ģืà¸Ń":139278,"à¹Ģà¸ģืà¸Ńà¸ļ":139279,"Ġproposé":139280,"Ø£Ùħا":139281,"Ø£ÙħاÙĥÙĨ":139282,"ĠÐŀÐŀ":139283,"ĠÐŀÐŀÐŀ":139284,"ÙħÙĤار":139285,"ÙħÙĤارÙĨØ©":139286,"ëĦIJ":139287,"ãģĦãģŁãģłãģı":139288,"ÙĤÙĬÙĦ":139289,"ĠнаÑĪиÑħ":139290,"ãĤ«ãĥĥãĥĹ":139291,"×Ĺ×ľ×ª":139292,"Ġëĭ¤ë§Į":139293,"à¸Ĺัà¹Īวà¹Ĥลà¸ģ":139294,"ãĥįãĤ¿":139295,"ØŃساس":139296,"ãģ«ãģªãĤĮ":139297,"جائ":139298,"جائزة":139299,"échange":139300,"économ":139301,"économie":139302,"ТÐĺ":139303,"×¡×ª×Ľ×ľ":139304,"à¸Ĺัà¹īà¸ĩสà¸Ńà¸ĩ":139305,"ĠاÙĦخاÙħ":139306,"ĠاÙĦخاÙħس":139307,"×§×ĺ×¢":139308,"auważ":139309,"à¸ľà¸¹à¹īà¸Ĭาย":139310,"à¹ģà¸Ľà¸¥à¸ģ":139311,"åIJĮæĻĤãģ«":139312,"знаниÑı":139313,"ãģĦãģŁãģłãģįãģ¾ãģĹãģŁ":139314,"Ġ×ŀ×ij׾×Ļ":139315,"à¸Ĥà¸Ńà¹ĥหà¹ī":139316,"ĠاÙĦتربÙĬØ©":139317,"Ġdécouvert":139318,"Ġżyciu":139319,"après":139320,"Ġyab":139321,"Ġyabanc":139322,"Ġyabancı":139323,"ĠbaÅŁlayan":139324,"ìĹĪëįĺ":139325,"Ġhesabı":139326,"Ġë§Įìķ½":139327,"ë§Īëĭ¤":139328,"ĠThánh":139329,"ãĥ´ãĤ¡":139330,"à¸Ľà¸£à¸±à¸ļà¸Ľà¸£":139331,"à¸Ľà¸£à¸±à¸ļà¸Ľà¸£à¸¸à¸ĩ":139332,"ĠMặc":139333,"à¹Ģหà¸ķà¸¸à¸ľà¸¥":139334,"ĠÐijез":139335,"ĠcapacitÃł":139336,"ÅĤeÅĽ":139337,"ĠпÑĢеим":139338,"ĠпÑĢеимÑĥÑīеÑģÑĤв":139339,"ĠÅļwiÄĻt":139340,"Ġpublié":139341,"×ŀעצ×ij":139342,"ÙħشارÙĥات":139343,"à¸łà¸²à¸©":139344,"à¸łà¸²à¸©à¸µ":139345,"Ġdeuxième":139346,"ĠÙħØŃاÙ쨏":139347,"ĠÙħØŃاÙģØ¸Ø©":139348,"ĠSchön":139349,"、":139350,"Ġ×Ķ×ij×¢":139351,"Ġ×Ķ×ij×¢×Ļ×Ķ":139352,"ĠÙĪØ§ÙĦÙĦÙĩ":139353,"è¨Ģãģ£ãģŁ":139354,"à¸ķà¹īาà¸Ļ":139355,"วรรà¸ĵ":139356,"à¸Ĺิศ":139357,"ĠbaÅŁÄ±na":139358,"ĠmogÄĻ":139359,"ש×Ļפ×ķר":139360,"ĠÙĪØ¹Ø¯":139361,"ĠÙĪØ¹Ø¯Ùħ":139362,"Ġhistórico":139363,"Ġkısı":139364,"ĠìĿ´ê²Į":139365,"ĠPolÃŃtica":139366,"ĠÑģиÑĤÑĥаÑĨии":139367,"ĠkoÅĦca":139368,"×ij×ĵ×Ļ×§×Ķ":139369,"ĠاÙĦسÙĬارات":139370,"ãģªãĤīãģ°":139371,"ãĤµãĥ©":139372,"ãĤĭãģĵãģ¨ãģĮãģ§ãģįãĤĭ":139373,"Ġdecisão":139374,"×ķ×ķ×ĵ":139375,"läss":139376,"lässig":139377,"Ġ׾×Ļשר×IJ׾":139378,"ĠÙĬأتÙĬ":139379,"ר×ķ×ĸ":139380,"Ã¶ÄŁ":139381,"Ã¶ÄŁret":139382,"Ã¶ÄŁretim":139383,"Ġдек":139384,"Ġдекаб":139385,"ĠдекабÑĢÑı":139386,"Ġש×Ĺ×ķר":139387,"ãģ¦ãģıãĤĮãģŁ":139388,"عبارة":139389,"Ġélectrique":139390,"ĠاÙĦتÙĨÙħÙĬØ©":139391,"جرÙī":139392,"ĠìĪĺíĸī":139393,"à¸Ĺู":139394,"ĠÑĢеалÑĮно":139395,"ÑģпоÑģоб":139396,"à¸Ħลà¹īาย":139397,"ĠسعÙĪØ¯":139398,"önü":139399,"ĠÙģÙħÙĨ":139400,"تÙĥÙĪ":139401,"تÙĥÙĪÙĬÙĨ":139402,"ĠкаÑĩеÑģÑĤво":139403,"ĠконÑĤак":139404,"ĠконÑĤакÑĤ":139405,"ĠsözleÅŁme":139406,"à¸Ńà¹īาà¸ĩ":139407,"ĠتÙĪÙģ":139408,"ĠتÙĪÙģÙĬر":139409,"×Ķ×ĸ×ĵ":139410,"×Ķ×ĸ×ĵ×ŀ׳×ķת":139411,"ĠØ·ÙĪÙĬÙĦØ©":139412,"Ġtérmino":139413,"Ġ×IJ×Ļפ×Ķ":139414,"ãĥĵãĥ«":139415,"สà¹Ĥม":139416,"สà¹Ĥมสร":139417,"ĠاÙĦاث":139418,"ĠاÙĦاثÙĨÙĬÙĨ":139419,"евиÑĩ":139420,"Ġopinión":139421,"à¸Ľà¸§à¸Ķ":139422,"åı¤ãģĦ":139423,"รà¹Īา":139424,"ĠBiaÅĤ":139425,"ĠÑģÑĤал":139426,"ĠÑģÑĤало":139427,"ólogo":139428,"ĠìķĦëĭĪëĭ¤":139429,"Ġ×IJ×Ļת":139430,"Ġ×IJ×Ļת×ķ":139431,"à¹Ģหà¹ĩà¸Ļวà¹Īา":139432,"à¸ļารà¹Į":139433,"çĦ¼":139434,"çĦ¼ãģį":139435,"ĠìĿ´ìļ©ìŀIJ":139436,"ĠнекоÑĤоÑĢÑĭе":139437,"ksz":139438,"ksztaÅĤ":139439,"ksztaÅĤc":139440,"ãĤŃãĥ£ãĥĥãĤ·":139441,"ãĤŃãĥ£ãĥĥãĤ·ãĥ³ãĤ°":139442,"ĠroÅĽ":139443,"ĠroÅĽlin":139444,"ÑĢажа":139445,"×ij׳×Ļ×Ļ×Ķ":139446,"à¸Ľà¸£à¸ªà¸´":139447,"à¸Ľà¸£à¸ªà¸´à¸ķ":139448,"Ġgördü":139449,"×ŀ׳×Ķ×Ļ×Ĵ":139450,"å¤īãĤıãģ£ãģ¦":139451,"Ġ×IJ×Ķ":139452,"Ġ×IJ×Ķ×ijת×Ļ":139453,"à¹Ģรà¹Īà¸ĩ":139454,"Ġönünde":139455,"Ġê·¸ëĥ¥":139456,"полиÑĤ":139457,"полиÑĤиÑĩеÑģк":139458,"ãĥ¡ãĥĩãĤ£":139459,"ãĥ¡ãĥĩãĤ£ãĤ¢":139460,"ĠDetay":139461,"ĠDetaylı":139462,"ĠاÙĦصÙģØŃØ©":139463,"à¸ģารà¹Ģà¸ĩิà¸Ļ":139464,"Ġìµľê·¼":139465,"׼ש׾":139466,"I":139467,"вÑĪего":139468,"íķĺìĭ¤":139469,"ĠÐŃÑĤ":139470,"ĠÐŃÑĤоÑĤ":139471,"สื":139472,"สืà¸ļ":139473,"Ġngừng":139474,"ĠдокÑĥменÑĤов":139475,"даваÑĤÑĮ":139476,"ĠاÙĦشخصÙĬØ©":139477,"Ġצע×Ļר":139478,"درÙĥ":139479,"سØŃب":139480,"à¹Ħมà¹Īà¸Ħà¹Īà¸Ńย":139481,"Ġ×Ķ×ŀ×§×ķ×ŀ×Ļ":139482,"สัà¹Īà¸ĩà¸ĭืà¹īà¸Ń":139483,"Ġê·¸ê²ĥìĿĦ":139484,"ãģĤãĤĭãģĦ":139485,"ãģĤãĤĭãģĦãģ¯":139486,"×IJ×ķ×ĺ×ķ×ij":139487,"×IJ×ķ×ĺ×ķ×ij×ķס":139488,"кÑĨион":139489,"ĠÐľÐ¾Ð¶Ð½Ð¾":139490,"ãģıãģł":139491,"ãģıãģłãģķ":139492,"ĠинÑĦоÑĢмаÑĨиÑı":139493,"ï»Ł":139494,"ĠìŀijìĹħ":139495,"Ġ×Ļ×ķסף":139496,"إدارة":139497,"ĠاÙĦØŃاج":139498,"×ł×¡×Ļ×¢×Ķ":139499,"изаÑĨиÑı":139500,"×IJ׾×ij":139501,"×IJ׾×ij×ķ×Ŀ":139502,"пед":139503,"Ġ×§×ĺ׳×Ķ":139504,"ĠÙĨÙ쨳Ùĩا":139505,"ĠMinistério":139506,"Ġпен":139507,"ĠпенÑģи":139508,"ãĥIJãĥ©ãĥ³ãĤ¹":139509,"Ġ×Ķת×ķר×Ķ":139510,"Ġtạm":139511,"ĠìĹŃìĭľ":139512,"。":139513,"Ġthá»±":139514,"Ġısı":139515,"컨":139516,"ãģĹãģ£ãģĭãĤĬãģ¨":139517,"Ġxưa":139518,"Ġcặp":139519,"×Ĺ×Ļ×ij×ķר":139520,"วัà¸Ĵà¸Ļà¸ĺรรม":139521,"stär":139522,"stärke":139523,"ĠÑģамÑĭй":139524,"pisa":139525,"pisaÄĩ":139526,"ĠoluÅŁan":139527,"ĠاÙĦØ¥ÙħاÙħ":139528,"ĠcÄĥng":139529,"Ġgünl":139530,"Ġgünlük":139531,"Ġ׳ש×IJר":139532,"Ġkhiá»ĥn":139533,"ç¶ļãģijãĤĭ":139534,"stitución":139535,"Ġcapacité":139536,"Ġjaki":139537,"ĠjakiÅĽ":139538,"вÑĪиÑģ":139539,"вÑĪиÑģÑĮ":139540,"פע×ķ׾×ķת":139541,"ĠØŃÙĬات":139542,"ĠØŃÙĬاتÙĩ":139543,"Ġникогда":139544,"ÐĽÐ¬":139545,"Ġ×Ķ×¢×ķ×ij":139546,"Ġ×Ķ×¢×ķ×ij×ĵ×Ķ":139547,"ĠchÃło":139548,"หลายà¹Ĩ":139549,"ĠÑıн":139550,"ĠÑıнваÑĢ":139551,"ĠÑıнваÑĢÑı":139552,"à¸Īำà¹Ģà¸Ľà¹ĩà¸Ļà¸ķà¹īà¸Ńà¸ĩ":139553,"Ġhöher":139554,"ãģķãĤĮãģ¦ãģĦãģŁ":139555,"สà¸ĩสั":139556,"สà¸ĩสัย":139557,"ĠاÙĦاس":139558,"ĠاÙĦاسÙĦاÙħ":139559,"ĠاÙĦØ´Ùħس":139560,"สà¸ĸาà¸Ļี":139561,"ãĤ¯ãĥ©ãĤ¹":139562,"à¸ŀรร":139563,"à¸ŀรรà¸Ħ":139564,"põ":139565,"põe":139566,"Ġporém":139567,"à¸Ľà¸£à¸°à¸ªà¸ĩ":139568,"à¸Ľà¸£à¸°à¸ªà¸ĩà¸Ħà¹Į":139569,"powiedzie":139570,"powiedzieÄĩ":139571,"ĠмогÑĥ":139572,"Ġжел":139573,"Ġжелез":139574,"ĠاÙĦØ«ÙĤ":139575,"ĠاÙĦØ«ÙĤاÙģÙĬ":139576,"ĠпÑĢавило":139577,"Ġgdyż":139578,"פש×ķ×ĺ":139579,"ÑĢабоÑĤка":139580,"ĠÙĥرة":139581,"شدد":139582,"ÙħارÙĥ":139583,"ÙħÙĥØ©":139584,"ĠподпиÑģ":139585,"×ĺ×ķ×ķ×Ĺ":139586,"ĠÅĽc":139587,"ĠÅĽcian":139588,"ĠرجاÙĦ":139589,"Ġ×ª×ľ×ķ×Ļ":139590,"иÑĪ":139591,"иÑĪÑĮ":139592,"Ġmédec":139593,"Ġmédecin":139594,"ëįĶëĿ¼ëıĦ":139595,"ĠÑĤебÑı":139596,"Ġ׾×Ķ×ķס×Ļ×£":139597,"ãģĬ話":139598,"Ġà¹ģà¸ķà¹Īà¸ģà¹ĩ":139599,"داÙģ":139600,"داÙ쨹":139601,"ĠCùng":139602,"ãĥ»ãĥ»ãĥ»ãĥ»":139603,"ê¶ģ":139604,"ĠdeberÃŃa":139605,"หà¸Ļà¹Īวยà¸ĩาà¸Ļ":139606,"ĠvaÌĢ":139607,"Ġעצ×ŀ":139608,"Ġעצ×ŀ×Ŀ":139609,"à¹Ģà¸Ĭืà¹Īà¸Ńวà¹Īา":139610,"שקע":139611,"Ġ×Ķ׼×ķ׾":139612,"Ġ×Ķ׼×ķ׾׾":139613,"нибÑĥд":139614,"нибÑĥдÑĮ":139615,"ĠëĦĪíĿ¬":139616,"ĠобÑĢаÑī":139617,"ĠобÑĢаÑīа":139618,"Ġ×¢×ij×ķ×ĵת":139619,"ĠاÙĦÙħÙĨتخب":139620,"ıyord":139621,"ıyordu":139622,"ÙĪØ°":139623,"×Ĺש×Ļ×ij×ķת":139624,"Ġ×Ķ×¢×Ļ×§":139625,"Ġ×Ķ×¢×Ļקר×Ļ":139626,"ì¢Į":139627,"ยุà¹Ĥร":139628,"ยุà¹Ĥà¸£à¸Ľ":139629,"ĠапÑĢ":139630,"ĠапÑĢелÑı":139631,"szed":139632,"szedÅĤ":139633,"дон":139634,"à¹Ģà¸ķิà¸ļ":139635,"à¹Ģà¸ķิà¸ļà¹Ĥà¸ķ":139636,"коло":139637,"Ġkażdej":139638,"帰":139639,"帰ãĤĬ":139640,"Ġмилли":139641,"Ġмиллион":139642,"ç¾İåij³ãģĹãģĦ":139643,"تÙĤار":139644,"تÙĤارÙĬر":139645,"ĠìĿ´ë£¨":139646,"ĠìĿ´ë£¨ìĸ´":139647,"Ġsprzedaż":139648,"×Ķ×ķצ×IJ×ķת":139649,"ãĤ¢ãĤ¯ãĤ»":139650,"ãĤ¢ãĤ¯ãĤ»ãĤ¹":139651,"ר×ķ×¥":139652,"ĠгоÑģÑĥдаÑĢÑģÑĤвенн":139653,"Ø£ØŃÙĥ":139654,"Ø£ØŃÙĥاÙħ":139655,"ĠoluÅŁu":139656,"ĠAç":139657,"ĠAçık":139658,"ãĤ¸ãĥ¼":139659,"ç´łæĻ´":139660,"ç´łæĻ´ãĤīãģĹãģĦ":139661,"Ġ×ijש×ij×ķ×¢":139662,"بذ":139663,"بذÙĦ":139664,"สาà¹Ģหà¸ķุ":139665,"Ġpozosta":139666,"ĠpozostaÅĤ":139667,"ØŃرÙħ":139668,"Ġimportância":139669,"leÅŁtirme":139670,"ĠдÑĢев":139671,"Ġmóvil":139672,"ĠAynı":139673,"Ġналог":139674,"Ġналогов":139675,"Ġ×Ĺ×Ļפ×Ķ":139676,"ĠÑĦоÑĢмÑĥ":139677,"à¸Ĺà¸Ķสà¸Ńà¸ļ":139678,"ĠksiÄħżki":139679,"ĠmaÅĤe":139680,"ÙħسأÙĦ":139681,"ÙħسأÙĦØ©":139682,"^^":139683,"çãeste":139684,"éviter":139685,"ĠконÑģÑĤÑĢÑĥк":139686,"ĠконÑģÑĤÑĢÑĥкÑĨи":139687,"ï¾ŀ":139688,"Ġת×ķ׼׳":139689,"ãĤ¹ãĥĪãĥ¬ãĤ¹":139690,"ĠاÙĦاÙĤتصادÙĬ":139691,"×ŀ×ĵ×Ļ":139692,"ĠwÅĤad":139693,"ĠwÅĤadz":139694,"Ø®ÙĪÙģ":139695,"ĠмаÑĤеÑĢиалов":139696,"ãģ¨ãģ£ãģ¦ãĤĤ":139697,"Ġznajdu":139698,"ĠznajdujÄħ":139699,"ÙģØ¦Ø©":139700,"ãģ©ãģ®ãĤĪãģĨãģª":139701,"æĬijãģĪ":139702,"׳×Ĺ׾":139703,"Ġdüny":139704,"Ġdünyan":139705,"Ġdünyanın":139706,"гÑĢани":139707,"гÑĢаниÑĩ":139708,"Ġ×Ķש׾×Ļש×Ļ":139709,"Ġ×Ķ×IJש":139710,"åıĬãģ³":139711,"ìĭŃìĭľ":139712,"ìĭŃìĭľìĺ¤":139713,"Ġдолл":139714,"ĠдоллаÑĢ":139715,"ĠповÑĤоÑĢ":139716,"Ġ×Ĺ×Ļ׳×Ŀ":139717,"תפת×Ĺ":139718,"Ñĥвели":139719,"ÑĥвелиÑĩен":139720,"ãĤ«ãĥª":139721,"rawid":139722,"rawidÅĤow":139723,"×ķ×ķ׾":139724,"ãĥŁãĥ¥":139725,"ì½ĺ":139726,"ĠByÅĤ":139727,"ÐľÐIJ":139728,"عÙIJ":139729,"ĠÑģовеÑĢÑĪ":139730,"ĠÑģовеÑĢÑĪенно":139731,"Ġмой":139732,"Ġ×ķ׾×IJ×Ĺר":139733,"æħ£":139734,"æħ£ãĤĮ":139735,"ØŃاÙ쨏":139736,"Ġ무ë£Į":139737,"à¸Ħà¸ĵะà¸ģรรม":139738,"à¸Ħà¸ĵะà¸ģรรมà¸ģาร":139739,"Ġìĸ´ëĶĶ":139740,"Ġdiferen":139741,"Ġdiferença":139742,"ĠاÙĦأساس":139743,"ĠاÙĦأساسÙĬØ©":139744,"Ġ׾×IJ×Ĺר×ķ׳×Ķ":139745,"ê·ł":139746,"Ġ×Ķש׳×Ļ×Ļ×Ķ":139747,"ìľĦìĽIJìŀ¥":139748,"ลุà¸ģ":139749,"çiler":139750,"Ġ×Ķ×IJ׾×ķ":139751,"èģŀãģı":139752,"Ġ×ķ×IJפ×Ļ׾×ķ":139753,"ĠÑĢеализ":139754,"ĠÑĢеализаÑĨи":139755,"ระยะà¹Ģวลา":139756,"ĠجداÙĭ":139757,"تباع":139758,"ĠvehÃŃculo":139759,"Ġдолг":139760,"à¸Ľà¸£à¸´à¸¡à¸²à¸ĵ":139761,"ì¦IJ":139762,"Ġ׾×ŀ×§×ķ×Ŀ":139763,"ĠìĤ¬ì§Ħ":139764,"à¸Ĭà¹īา":139765,"Ġ×ŀ×¢×ķ׾×Ķ":139766,"Ġgörm":139767,"Ġgörmek":139768,"ĠÙĪÙĩذÙĩ":139769,"пеÑĢв":139770,"пеÑĢвÑĭÑħ":139771,"ê·¸ëŀĺ":139772,"ĠاÙĦبرÙĬØ·":139773,"ĠاÙĦبرÙĬطاÙĨÙĬ":139774,"ĠиÑİнÑı":139775,"ĠÐĵоÑĢ":139776,"Ġ׾ש׾×Ŀ":139777,"ÐIJÐĿ":139778,"ĠназнаÑĩен":139779,"ооÑĢ":139780,"ооÑĢÑĥж":139781,"Ġözelli":139782,"ĠözelliÄŁi":139783,"Ġниже":139784,"ç¶ļãģijãģ¦":139785,"ĠаÑĢенд":139786,"Ġkatılı":139787,"Ġkatılım":139788,"ĠإطÙĦاÙĤ":139789,"ĠÙĪØ¥Ø°Ø§":139790,"ĠокÑĤÑı":139791,"ĠокÑĤÑıбÑĢÑı":139792,"à¹Ĥà¸ķà¹":139793,"à¹Ĥà¸ķà¹Ĭ":139794,"à¹Ĥà¸ķà¹Ĭะ":139795,"Ġoldukları":139796,"ÙħÙĪÙĤع":139797,"ëĤ©":139798,"ã썿ĢĿãģ£ãģ¦ãģĦãĤĭ":139799,"Ġש×Ļ׼×ķ׾":139800,"วาà¸Ķ":139801,"سÙĬÙĦ":139802,"à¸Ĥวั":139803,"à¸Ĥวัà¸į":139804,"تØŃÙĥÙħ":139805,"ìĤŃ":139806,"Ġconnaît":139807,"×ł×¤×ª×Ĺ":139808,"Ġchặ":139809,"Ġchặn":139810,"ĠÙħØŃÙħ":139811,"ĠÙħØŃÙħÙĪØ¯":139812,"ãģ´":139813,"ĠпÑĢодÑĥкÑĨии":139814,"здÑĢав":139815,"ãģĶè¦":139816,"ãģĶ覧":139817,"×IJ×ij×IJ":139818,"Ġvéritable":139819,"ĠØ·ÙģÙĦ":139820,"ãĥĪãĥ©ãĥĸãĥ«":139821,"곡":139822,"Ġת×ŀ×ķ׳×Ķ":139823,"Ġkiên":139824,"ĠÙĤادر":139825,"Ø¥ÙĤÙĦÙĬÙħ":139826,"ĠпÑĢедпÑĢи":139827,"ĠпÑĢедпÑĢиÑıÑĤиÑı":139828,"ĠbÄĥng":139829,"Ġayında":139830,"Ġgấp":139831,"еÑħал":139832,"ĠgiÃłnh":139833,"Ġдав":139834,"Ġдавно":139835,"ìĺĢëĭ¤":139836,"à¸Ļัà¸ģà¹Ģà¸ķ":139837,"à¸Ļัà¸ģà¹Ģà¸ķะ":139838,"Ùħستشار":139839,"ستراتÙĬج":139840,"ستراتÙĬجÙĬ":139841,"رÙħز":139842,"ĠtÄ©nh":139843,"ë¡Ń":139844,"ĠÑĩеÑĤ":139845,"ĠÑĩеÑĤÑĭ":139846,"ĠÑĩеÑĤÑĭÑĢе":139847,"ĠEntão":139848,"Ġصغ":139849,"ĠصغÙĬرة":139850,"×ij×Ļ×ĺ×ķ׾":139851,"خطÙĪØ·":139852,"ĠÑĢазвиÑĤие":139853,"Ġamacıyla":139854,"à¸Ĺีวี":139855,"ĠоÑģÑĤ":139856,"ĠоÑģÑĤалÑĮн":139857,"ש×ķ׾×Ĺף":139858,"Ġ׼׳×Ļס":139859,"Ġ׼׳×Ļס×Ķ":139860,"ĠdáºŃy":139861,"ĠyaÅŁayan":139862,"Ġ×ŀ×Ķ×ķ×ķ×Ķ":139863,"ĠÑĥÑģи":139864,"ĠÑĥÑģили":139865,"×ŀפ×Ļ":139866,"ĠпÑĢоведениÑı":139867,"Ġرب":139868,"ĠربÙħا":139869,"ĠاÙĦØ£ÙĪØ³Ø·":139870,"Ġìľłì§Ģ":139871,"Ġpracownik":139872,"Ġpracowników":139873,"×ŀס×ķרת":139874,"ÙĤارب":139875,"à¸Ħวามรูà¹īสึà¸ģ":139876,"à¹ģหละ":139877,"ĠاÙĦÙĨÙĤد":139878,"Ġ×IJ׾פ×Ļ":139879,"Ùħسئ":139880,"ÙħسئÙĪÙĦ":139881,"евÑĭÑħ":139882,"клÑİÑĩениÑı":139883,"×ij×Ļ׳":139884,"×ij×Ļ׳×Ļ×Ķ×Ŀ":139885,"ש×ķ×IJ×Ķ":139886,"ĠÅŁark":139887,"ĠÅŁarkı":139888,"Ġsürec":139889,"Ġsürecin":139890,"à¹Ģà¸Ħรà¸Ķ":139891,"à¹Ģà¸Ħรà¸Ķิà¸ķ":139892,"ãĥIJãĥ¬":139893,"ĠشأÙĨ":139894,"à¹Ģà¸Ńาà¹Ħวà¹ī":139895,"niÄĻcie":139896,"רצ×Ĺ":139897,"ĠaÅŁama":139898,"׳פ×Ĵ×¢":139899,"Ġthá»Ŀ":139900,"Ġkhuẩn":139901,"diÄŁinde":139902,"ÑıÑīиÑħ":139903,"ãĥĺãĥ«":139904,"Ġüberh":139905,"Ġüberhaupt":139906,"ĠÑĤÑĢебова":139907,"ĠdÅĤugi":139908,"×ĺ×Ļף":139909,"à¸Ĥà¸Ļาà¸Ķà¹ĥหà¸įà¹Ī":139910,"ĠاÙĦØ£Ùĩ":139911,"ĠاÙĦØ£ÙĩÙĦÙĬ":139912,"ĠMüd":139913,"ĠMüdürü":139914,"Ġ×Ļ×Ķ×ķ×ĵ×Ķ":139915,"ÑĭваеÑĤÑģÑı":139916,"ساط":139917,"×Ķ×ª×ł×Ķ×Ĵ":139918,"×Ķ×ª×ł×Ķ×Ĵ×ķת":139919,"à¸ģà¸²à¸£à¸ľà¸¥à¸´à¸ķ":139920,"íĴĢ":139921,"สà¸ĸาà¸Ļà¸ģารà¸ĵà¹Į":139922,"ĠоÑĦ":139923,"ĠоÑĦиÑģ":139924,"ĠÙĦعبة":139925,"ĠstronÄĻ":139926,"Ġר×IJ×ķ×Ļ":139927,"×Ĺ×ij׾":139928,"ĠÑĢÑĭн":139929,"ĠÑĢÑĭнке":139930,"Ġ׾×ŀ×¢×Ł":139931,"اسÙĦ":139932,"หัà¸Ļ":139933,"Ġ×IJ×Ĺ×Ļ":139934,"ĠпÑĢодол":139935,"ê°Ģìŀħ":139936,"Ġ×ijר×Ĺ":139937,"Ġ×ijר×Ĺ×ij×Ļ":139938,"джеÑĢ":139939,"Ġ׾×Ĺ׾":139940,"Ġ׾×Ĺ׾×ķ×ĺ":139941,"Ġ׾×Ĺ׾×ķ×ĺ×Ļף":139942,"ศาสà¸Ļา":139943,"ãĤ¢ãĤ¤ãĥĨ":139944,"ãĤ¢ãĤ¤ãĥĨãĥł":139945,"Ġפר×ķפ":139946,"جزاء":139947,"ลà¸Ńย":139948,"ĠciaÅĤa":139949,"Ġgiết":139950,"ĠзнаÑĩиÑĤелÑĮно":139951,"Ġolmadıģ":139952,"Ġolmadıģını":139953,"нд":139954,"ндекÑģ":139955,"تأÙĥد":139956,"Ġìĸ¸":139957,"Ġìĸ¸ìłľ":139958,"aydın":139959,"ãĥīãĥ¬ãĤ¹":139960,"Ġsắt":139961,"Ġíĺ¸íħĶ":139962,"Ġë¶ģ":139963,"Ġë¶ģíķľ":139964,"ãĥijãĤ¤":139965,"Ġ×ŀש×Ĺ×§×Ļ":139966,"à¸Ħà¸Ļà¸Ńืà¹Īà¸Ļ":139967,"ĠизгоÑĤов":139968,"ĠизгоÑĤовлен":139969,"à¹Ģà¸ģียร":139970,"à¹Ģà¸ģียรà¸ķิ":139971,"תקשר":139972,"ĠÑĢаÑģÑĩеÑĤ":139973,"สà¹Ģà¸ķ":139974,"Ġlänger":139975,"ĠiÅŁlet":139976,"ĠiÅŁletme":139977,"ĠعÙĦÙĬÙĨ":139978,"ĠعÙĦÙĬÙĨا":139979,"élection":139980,"ĠاÙĦغربÙĬØ©":139981,"íĭĢ":139982,"ãĤĤãĤīãģĪ":139983,"Ġкниги":139984,"أسÙħ":139985,"أسÙħاء":139986,"Ġthá»ı":139987,"Ġthá»ıa":139988,"หà¸Ļู":139989,"Ġ×ł×¢×©×Ķ":139990,"à¸łà¸²à¸¢à¹ĥà¸ķà¹ī":139991,"à¸ŀืà¸Ĭ":139992,"رÙĬØ·":139993,"ÙģÙĪØ¶":139994,"ãģĤãĤĬãģĮãģ¨ãģĨãģĶãģĸãģĦãģ¾ãģĹãģŁ":139995,"ש×ĵ×Ķ":139996,"Ġngá»±c":139997,"ĠÑģеÑĢÑĮ":139998,"ĠÑģеÑĢÑĮезн":139999,"Tôi":140000,"Ġfiyatları":140001,"ĠвÑģÑİ":140002,"ĠCódigo":140003,"Ġ×Ķש×IJ":140004,"Ġ×Ķש×IJ׾×Ķ":140005,"ĠPública":140006,"إخ":140007,"إخÙĪØ§ÙĨ":140008,"ĠзаÑıвил":140009,"ãĥ¦ãĥ¼":140010,"ר×IJ×Ļת":140011,"volución":140012,"Ġszko":140013,"ĠszkoÅĤy":140014,"جرÙĬدة":140015,"Ġpensé":140016,"ìī¬":140017,"ĠBüyükÅŁehir":140018,"ĠØ£ÙħرÙĬ":140019,"ĠØ£ÙħرÙĬÙĥÙĬ":140020,"à¸Ļัà¸ģศึà¸ģษา":140021,"Ġtodav":140022,"ĠtodavÃŃa":140023,"ĠСан":140024,"ĠСанкÑĤ":140025,"íķĺìŀIJ":140026,"ØŃÙĪØ§ÙĦ":140027,"׼×ķשר":140028,"à¹Ģลยà¸Ħรัà¸ļ":140029,"Ġalgu":140030,"Ġalguém":140031,"Ù쨲":140032,"Ġçekil":140033,"Ġ×ĵר׼×Ļ×Ŀ":140034,"ãĥIJãĥ©":140035,"à¸ģà¹ĩสามารà¸ĸ":140036,"สà¹Īวà¸Ļลà¸Ķ":140037,"íı°":140038,"ĠPúb":140039,"ĠPúblico":140040,"à¹ģà¸Ļวà¸Ĺาà¸ĩ":140041,"×IJת×Ĵר":140042,"شاش":140043,"شاشة":140044,"ciÅĽni":140045,"ĠÃľrün":140046,"ÙĦÙĪØŃ":140047,"ĠاÙĦبÙĨ":140048,"ĠاÙĦبÙĨÙĥ":140049,"ì¡°ì¹ĺ":140050,"Ġorganización":140051,"ãģĤãĤĬãģĮãģ¨ãģĨãģĶãģĸãģĦãģ¾ãģĻ":140052,"sätze":140053,"ĠÑģемей":140054,"ÙĤصد":140055,"ÑģÑĤвеннÑĭе":140056,"Ġprécéd":140057,"Ġprécédent":140058,"à¸ģรุà¸ĩà¹Ģà¸Ĺà¸ŀฯ":140059,"ãģ¨è¨ĢãģĦ":140060,"×ij׳×Ļ×Ļף":140061,"ĠØŃÙĪ":140062,"ĠØŃÙĪØ§ÙĦÙĬ":140063,"סקס":140064,"ĠsaÄŁlamak":140065,"Ġ׾צ×Ļ×Ļף":140066,"×§×ĵש":140067,"Ġ×Ķ×ŀ×¢×¨×Ľ×ª":140068,"Ġ׾×Ķ×¢×ij×Ļר":140069,"Ġgünd":140070,"Ġgündem":140071,"ĠнаÑĪего":140072,"à¹ĥà¸Ļà¸ŀืà¹īà¸Ļà¸Ĺีà¹Ī":140073,"à¹Ģà¸Ħรืà¸Ń":140074,"à¹Ģà¸Ħรืà¸Ńà¸Ĥ":140075,"à¹Ģà¸Ħรืà¸Ńà¸Ĥà¹Īาย":140076,"ظاÙĩرة":140077,"ÙħÙĨظÙħ":140078,"ÙħÙĨظÙħات":140079,"Ùħتاز":140080,"追ãģĦ":140081,"dıkt":140082,"dıktan":140083,"ĠëįĶìļ±":140084,"ĠÐĿапÑĢимеÑĢ":140085,"twór":140086,"×ŀ×ķעצ×Ķ":140087,"ÙĥÙĪÙĥ":140088,"Щ":140089,"×ŀ×ĺפ׾":140090,"ólica":140091,"訪ãĤĮ":140092,"ĠëĮĢë¶Ģ":140093,"ĠëĮĢë¶Ģë¶Ħ":140094,"ãĤ¯ãĥªãĥĥãĤ¯":140095,"ãĤĴéģ¸":140096,"ãĤĴéģ¸ãģ¶":140097,"Ġpowsta":140098,"ĠpowstaÅĤ":140099,"Ġrazón":140100,"×ij×ķ×Ĺר":140101,"ĠÑģообÑīил":140102,"Ġ×§×ij×ķ×¢":140103,"rêt":140104,"à¸Ķีà¸Ĥึà¹īà¸Ļ":140105,"×ŀסע×ĵ":140106,"×ŀסע×ĵ×ķת":140107,"ĠÃĸsterreich":140108,"Ġ׳×Ĺש×ij":140109,"Ùħبادرة":140110,"ì´ī":140111,"×Ĵ׳×ĺ×Ļ":140112,"ä¿¡ãģĺ":140113,"duÄŁ":140114,"duÄŁunu":140115,"Ġphú":140116,"ĠاÙĦأخÙĬر":140117,"Ġتعتبر":140118,"landırıl":140119,"ãģ¨ãģ¯ãģĦ":140120,"ãģ¨ãģ¯ãģĦãģĪ":140121,"ĠاÙĦØ·ÙĦ":140122,"ĠاÙĦØ·ÙĦاب":140123,"ĠNº":140124,"éģ¿ãģij":140125,"اÙĦÙħع":140126,"اÙĦÙħعرÙĪÙģ":140127,"à¸ªà¸łà¸²":140128,"éĽ¢ãĤĮ":140129,"ĠпомоÑīÑĮ":140130,"ĠзнаеÑĤ":140131,"ãĥĹãĥ¬ãĤ¼":140132,"ãĥĹãĥ¬ãĤ¼ãĥ³ãĥĪ":140133,"Ġsupérieur":140134,"Ġש׾×Ļש×Ļ":140135,"ĠاÙĦÙĨÙĪØ¹":140136,"ãĤĵãģ§ãģĻãģŃ":140137,"à¸Ńà¸ļรม":140138,"Ġgiá»įng":140139,"ĠwzglÄĻd":140140,"ĠاÙĦÙģÙĤر":140141,"èrent":140142,"Ġ×ŀ×IJ×Ĺ":140143,"Ġ×ŀ×IJ×Ĺ×ķר×Ļ":140144,"×Ĵ×Ĵ":140145,"×Ļ×Ļ×ij":140146,"ÙħÙĦاب":140147,"ÙħÙĦابس":140148,"Ġhükü":140149,"Ġhükümet":140150,"Ġ×ŀ×Ĵ×Ļ×ij":140151,"ĠÐŀÑĩ":140152,"ĠÐŀÑĩенÑĮ":140153,"æĹ©ãģĦ":140154,"Ġconstrucción":140155,"Ġthượng":140156,"ï¼ĭ":140157,"Ġcoração":140158,"à¹Ģหลà¹ĩà¸ģ":140159,"ĠBaÅŁb":140160,"ĠBaÅŁbakan":140161,"éĢ£ãĤĮ":140162,"ãģĻãĤĭãģĵãģ¨ãģĮãģ§ãģįãģ¾ãģĻ":140163,"ĠÙĤاÙħت":140164,"ĠاÙĥثر":140165,"ÙģØ§Ø¹ÙĦ":140166,"ĠÑĦоÑĢ":140167,"ĠÑĦоÑĢÑĥм":140168,"غذÙĬ":140169,"ĠiÅŁle":140170,"ĠiÅŁleml":140171,"ĠiÅŁlemleri":140172,"ĠìĤ¬ëŀĮìĿĢ":140173,"ĠìŀijìĦ±":140174,"Ġë§Ī볨":140175,"ÙħجÙĦس":140176,"หมู":140177,"дв":140178,"двиг":140179,"двига":140180,"à¹Ģสียà¸Ĭีวิà¸ķ":140181,"×Ķתפת×Ĺ":140182,"×Ķתפת×Ĺ×ķת":140183,"ĠмеÑĤÑĢо":140184,"ĠÑģенÑĤ":140185,"ĠÑģенÑĤÑı":140186,"ĠÑģенÑĤÑıбÑĢÑı":140187,"ê³§":140188,"Ġ×ľ×¤×¢":140189,"Ġ×ľ×¤×¢×ŀ×Ļ×Ŀ":140190,"à¹Ģà¸ļีย":140191,"詳ãģĹãģı":140192,"çķ°ãģªãĤĭ":140193,"Ġİlçe":140194,"ĠAtat":140195,"ĠAtatür":140196,"ĠAtatürk":140197,"รุà¹Īà¸ĩ":140198,"Ġkaldı":140199,"Ġ주ìŀ¥":140200,"Ġprésence":140201,"Ġнаб":140202,"ĠнаблÑİ":140203,"ĠнаблÑİда":140204,"ĠÑģамого":140205,"×Ĵ×ķש":140206,"×ŀ×ĺ×ķפ":140207,"×ŀ×ĺ×ķפ׾":140208,"ĠвÑĭбиÑĢа":140209,"ĠìŀIJ리":140210,"åĪĨãģĭãĤīãģªãģĦ":140211,"ĠзÑĥб":140212,"Ġש׼×ijר":140213,"Ġدائ":140214,"ĠدائÙħا":140215,"ĠпаÑĢÑĤи":140216,"ï¼²":140217,"ĠاÙĬضا":140218,"ĠÑħоз":140219,"ĠÑħозÑı":140220,"ĠÑħозÑıй":140221,"ĠÑħозÑıйÑģÑĤв":140222,"ĠاÙĦأج":140223,"ĠاÙĦأجÙĨب":140224,"ĠاÙĦأجÙĨبÙĬØ©":140225,"ĠÐĹна":140226,"ĠApós":140227,"ĠÑįнеÑĢ":140228,"ĠÑįнеÑĢги":140229,"Ġyans":140230,"Ġyansı":140231,"ĠJusti":140232,"ĠJustiça":140233,"Ġprévu":140234,"มวล":140235,"ìŀ¥ëĭĺ":140236,"à¸ģระà¸ļ":140237,"à¸ģระà¸ļวà¸Ļ":140238,"à¸ģระà¸ļวà¸Ļà¸ģาร":140239,"×ŀ×ŀ":140240,"×ŀ×ŀ×ķצע":140241,"Ġhẹ":140242,"Ġhẹn":140243,"здание":140244,"ĠakÅŁ":140245,"ĠakÅŁam":140246,"×ĺ×ķפ":140247,"Ġgerekt":140248,"Ġgerekti":140249,"ĠgerektiÄŁini":140250,"Ġnarz":140251,"ĠnarzÄĻdzi":140252,"épo":140253,"époque":140254,"ĠThần":140255,"Ġwysoko":140256,"ĠwysokoÅĽci":140257,"à¸ľà¸¹à¹īà¸Ľ":140258,"à¸ľà¸¹à¹īà¸Ľà¹Īวย":140259,"ĠÙĬبدÙĪ":140260,"ÑĤелÑĮного":140261,"ĠвзглÑıд":140262,"ĠjednÄħ":140263,"ĠìĿĺ견":140264,"Ġà¸Ĥà¸ĵะà¸Ĺีà¹Ī":140265,"פ×Ļ×ĵ":140266,"ìĥģëĭ´":140267,"Ġmỡ":140268,"×Ķ×ŀ׾":140269,"×Ķ×ŀ׾צ×ķת":140270,"ĠÑģоÑģÑĤо":140271,"ĠÑģоÑģÑĤоиÑĤ":140272,"Ġави":140273,"Ġавиа":140274,"ĠLänder":140275,"تصÙĪÙĬر":140276,"×ŀ×ĵ×Ļ×Ķ":140277,"ìłĪì°¨":140278,"ãģ¨ãĤĬ":140279,"ãģ¨ãĤĬãģĤ":140280,"ãģ¨ãĤĬãģĤãģĪ":140281,"ãģ¨ãĤĬãģĤãģĪãģļ":140282,"ĠÑĢÑıд":140283,"ĠÑĢÑıдом":140284,"ĠNhất":140285,"ĠاÙĦÙĥاÙħÙĦ":140286,"×Ĺ׾׾":140287,"ĠGiấy":140288,"צ×ĺר":140289,"צ×ĺרף":140290,"Ġ׾×ij×ĺ׾":140291,"ĠимеÑĤÑĮ":140292,"ס×ŀ×ķ×ļ":140293,"Ġparticipação":140294,"íķľëĭ¤ë©´":140295,"ÙħÙĨتدÙĬ":140296,"ÙħÙĨتدÙĬات":140297,"ĠeÄŁlen":140298,"gänge":140299,"ربØŃ":140300,"ãĤ®ãĥ£":140301,"ĠاÙĦرÙĤÙħ":140302,"à¸ĭà¹īำ":140303,"ĠHóa":140304,"×ŀר×Ĺ×§":140305,"ØŃÙħاÙħ":140306,"بÙĪÙĥ":140307,"ĠArtÃŃculo":140308,"ãĥĦãĤ¢ãĥ¼":140309,"×Ķפ׼×Ķ":140310,"×Ĺ׾×ķף":140311,"ĠпеÑĢеÑħод":140312,"lenmiÅŁ":140313,"زراعة":140314,"Ġseñor":140315,"ãģ£ãģ¦ãģįãģ¦":140316,"إش":140317,"إشارة":140318,"ĠpodÃŃa":140319,"ĠÃľlke":140320,"нÑģкаÑı":140321,"Ġadapté":140322,"Ġdüzenlen":140323,"Ġdüzenlenen":140324,"ĠÑģÑĤала":140325,"ĠÙĬØŃتاج":140326,"Ġnier":140327,"Ġnieruch":140328,"Ġnieruchomo":140329,"ĠnieruchomoÅĽci":140330,"ãģĵãģ¨ãģĮãģĤãĤĭ":140331,"ยà¸Ńà¸Ķà¹Ģยีà¹Īยม":140332,"ĠÙħج":140333,"ĠÙħجاÙĨÙĬ":140334,"Ġзаб":140335,"Ġзабол":140336,"Ġзаболев":140337,"ĠзаболеваниÑı":140338,"ĠÅĽro":140339,"ĠÅĽrodk":140340,"ĠÅĽrodków":140341,"Ġ×Ķ׾×IJ×ķ×ŀ×Ļ":140342,"ĠdokÅĤad":140343,"ĠdokÅĤadnie":140344,"ãģŁãģıãģªãģĦ":140345,"ãģ¯ãģļãģ§ãģĻ":140346,"ã썿ĢĿãģ£ãģ¦ãģĦãģŁ":140347,"écran":140348,"ìĹħì²´":140349,"trzymaÅĤ":140350,"ÑģÑĤвеннÑĭй":140351,"ĠNotÃŃc":140352,"ĠNotÃŃcias":140353,"ÙħرÙĬ":140354,"ÙħرÙĬض":140355,"æ°Ĺè»":140356,"æ°Ĺ軽":140357,"æ°Ĺ軽ãģ«":140358,"ëĵ£":140359,"Ġ×ĵ×ķ×IJר":140360,"Ġ׾×ŀ׳":140361,"Ġ׾×ŀ׳×ķ×¢":140362,"ĠçalÄ±ÅŁÄ±yor":140363,"ĠÅŁidd":140364,"ĠÅŁiddet":140365,"ĠMặt":140366,"ĠateÅŁ":140367,"ĠполÑĥÑĩениÑı":140368,"à¹Ģà¸Ħรืà¹Īà¸Ńà¸ĩมืà¸Ń":140369,"ĠgrÃ¶ÃŁer":140370,"دائ":140371,"دائرة":140372,"Ġbulun":140373,"Ġbulunmaktadır":140374,"à¹Ģหร":140375,"à¹Ģหรีย":140376,"à¹Ģหรียà¸į":140377,"à¸Ļัà¸ģà¸Ĺà¹Īà¸Ńà¸ĩà¹Ģà¸Ĺีà¹Īยว":140378,"Ġalanında":140379,"ĠÑĥзна":140380,"ĠлеÑĩение":140381,"売ãĤĮ":140382,"Ġçevir":140383,"ĠdesteÄŁi":140384,"ĠheiÃŁt":140385,"âĸ²":140386,"ØŃØ·":140387,"à¸Ħำà¸ķà¸Ńà¸ļ":140388,"ãĤªãĥ³ãĥ©ãĤ¤ãĥ³":140389,"Ġ×ij×Ĺ×Ļ×Ļ×Ŀ":140390,"ãĥ¦ãĥĭ":140391,"Ġdüzenleme":140392,"ĠmodalitÃł":140393,"سرط":140394,"سرطاÙĨ":140395,"×ŀ׼×ķף":140396,"ĠданнÑĭй":140397,"ترت":140398,"ترتÙĬب":140399,"à¸ļาà¸ĩà¸Ħà¸Ļ":140400,"ĠÄIJá»ĭnh":140401,"มูล":140402,"มูลà¸Ħà¹Īา":140403,"ÙĨÙĤص":140404,"à¸ģารรัà¸ģษา":140405,"ĠÑĦон":140406,"ĠÑĦонд":140407,"ãĤĪãģĨãģ«ãģªãģ£ãģŁ":140408,"ÙħعاÙĦ":140409,"ÙħعاÙĦجة":140410,"ĠOsman":140411,"ĠOsmanlı":140412,"иÑĩеÑģком":140413,"à¸Ńยาà¸ģà¸Īะ":140414,"ãģķãģ¾ãģĸ":140415,"ãģķãģ¾ãģĸãģ¾":140416,"ãģķãģ¾ãģĸãģ¾ãģª":140417,"Ġת×ķ׼׾":140418,"עצ×ij":140419,"ĠاÙĦعسÙĥ":140420,"ĠاÙĦعسÙĥرÙĬ":140421,"Ġvéhic":140422,"Ġvéhicule":140423,"Ġ×Ļצ×Ĺ×§":140424,"ĠاÙĦÙĪØŃ":140425,"ĠاÙĦÙĪØŃÙĬد":140426,"ĠاÙĦعدÙĪ":140427,"ĠQuản":140428,"Ġê³µëıĻ":140429,"بدÙĦ":140430,"ĠÄijảng":140431,"Ġmá»ĩnh":140432,"Ġniezb":140433,"ĠniezbÄĻ":140434,"ĠniezbÄĻdn":140435,"Ġyayınlan":140436,"обÑīи":140437,"Ġgötür":140438,"צפ":140439,"צפ×ķ×Ļ":140440,"ĠÙĦÙĬبÙĬ":140441,"ĠÙĦÙĬبÙĬا":140442,"ØŃÙĪØ§":140443,"Ġдоб":140444,"ĠдобÑĢо":140445,"иÑĢÑĥем":140446,"ĠاÙĦØŃÙĥÙĪÙħÙĬØ©":140447,"mÃ¤ÃŁig":140448,"Ġedición":140449,"влекаÑĤелÑĮ":140450,"влекаÑĤелÑĮн":140451,"Ġ×ª×©×ľ×ķ×Ŀ":140452,"Ġ×Ķש×ķ׳×Ļ×Ŀ":140453,"มิà¸ĸุ":140454,"มิà¸ĸุà¸Ļ":140455,"มิà¸ĸุà¸Ļายà¸Ļ":140456,"é£Łãģ¹ãģ¦":140457,"ĠìĪĺì§ij":140458,"ס×ij×Ļ":140459,"ĠиÑİлÑı":140460,"Ġà¹Ħà¸Ķà¹īà¹ģà¸ģà¹Ī":140461,"׾×Ĺ×Ŀ":140462,"trä":140463,"trägt":140464,"ãģĿãĤĤãģĿãĤĤ":140465,"ÐĿÐķ":140466,"ĠвнÑĥÑĤ":140467,"ĠвнÑĥÑĤÑĢи":140468,"ãģ¨ä¸Ģç·Ĵãģ«":140469,"ãĤ«ãĥķãĤ§":140470,"Ġ×ij×Ĺ×ĵר":140471,"×Ĺ×ŀש":140472,"ãĤ¨ãĥį":140473,"ãĤ¨ãĥįãĥ«":140474,"ãĤ¨ãĥįãĥ«ãĤ®":140475,"ãĤ¨ãĥįãĥ«ãĤ®ãĥ¼":140476,"à¸Ĥà¸Ńà¸ĩà¸ķัวà¹Ģà¸Ńà¸ĩ":140477,"بÙĤاء":140478,"פס×Ļ׼":140479,"פס×Ļ׼×ķ׾×ķ×Ĵ":140480,"ãĥ¡ãĥĥ":140481,"ãĥ¡ãĥĥãĤ»":140482,"ãĥ¡ãĥĥãĤ»ãĥ¼ãĤ¸":140483,"ÙĦÙĤب":140484,"AÄŀ":140485,"שק×Ļ×¢":140486,"ÙĤساÙħ":140487,"×ĵ×ķ×Ĵ×ŀ×Ķ":140488,"æ·±ãģĦ":140489,"íĸĪëĬĶëį°":140490,"ĠrozwiÄħzanie":140491,"à¸Ļัà¹Īà¸Ļà¹Ģà¸Ńà¸ĩ":140492,"×Ļצ×ij":140493,"Ġtrông":140494,"à¹ĥà¸Ĭà¹īà¸ļริà¸ģาร":140495,"ĠاÙĦÙħÙĪØ³Ùħ":140496,"ĠдеÑĤи":140497,"ãģĹãģĭãģªãģĦ":140498,"ס×Ļף":140499,"Ġréférence":140500,"à¹ģหà¹īà¸ĩ":140501,"ãĤĤãĤīãģ£ãģŁ":140502,"Ġ׾ר׼":140503,"Ġ׾ר׼×ķש":140504,"شعÙĪØ±":140505,"ĠÐijог":140506,"Ġlazım":140507,"Ġ×Ļש׳×Ŀ":140508,"ĠпаÑĢÑĤ":140509,"ĠпаÑĢÑĤнеÑĢ":140510,"ĠÑĥника":140511,"ĠÑĥникалÑĮн":140512,"Ġmatériel":140513,"×ŀרק":140514,"Ġphưá»Ŀng":140515,"Ġзай":140516,"Ġзайм":140517,"ÙģÙĤد":140518,"UniversitÃł":140519,"×¢×¨×Ľ×Ļ×Ŀ":140520,"Ġbaño":140521,"ĠноÑı":140522,"ĠноÑıбÑĢÑı":140523,"à¸Ľà¹īาย":140524,"Ġtats":140525,"Ġtatsäch":140526,"Ġtatsächlich":140527,"ĠÑĤÑĢеÑĤÑĮ":140528,"Ñįм":140529,"ãĥĻãĥ¼ãĤ¹":140530,"Ġnhá»±a":140531,"ìĬ¤íģ¬":140532,"ĠعبداÙĦÙĦÙĩ":140533,"Ġת×ķר×Ķ":140534,"أشÙĬ":140535,"أشÙĬاء":140536,"ĠÙĦÙĦغا":140537,"ĠÙĦÙĦغاÙĬØ©":140538,"ÙħÙĪØ§ÙĤ":140539,"ÙħÙĪØ§ÙĤÙģ":140540,"ĠgÅĤówna":140541,"ĠartÄ±ÅŁ":140542,"Ġ×ŀ×§×ķ×ŀ×Ļ":140543,"ãĤ¯ãĥ©ãĥĸ":140544,"ĠسÙĪÙī":140545,"ĠìŬìĦ±":140546,"اسر":140547,"اسرائÙĬÙĦ":140548,"Ġ×ł×Ľ×ª×ij":140549,"ยà¹īà¸Ńà¸Ļ":140550,"Ġdeberá":140551,"Ġphẫu":140552,"ÑİÑīем":140553,"ĠÙĦدÙĬÙĨا":140554,"×ŀ×ĺ×Ķ":140555,"Ġ׳×ķ׾×ĵ":140556,"ĠвÑģÑĤÑĢеÑĩа":140557,"ãĤīãĤĮãģ¦ãģĦãģ¾ãģĻ":140558,"ĠcaÅĤej":140559,"ยึ":140560,"ยึà¸Ķ":140561,"поÑĤен":140562,"поÑĤенÑĨи":140563,"ĠлиÑĤ":140564,"ĠлиÑĤеÑĢ":140565,"ĠлиÑĤеÑĢаÑĤÑĥÑĢ":140566,"Ġкаждом":140567,"ĠíĮIJ":140568,"ĠíĮIJëĭ¨":140569,"à¸Īู":140570,"Ġpresença":140571,"ãģªãĤĵãģ§":140572,"ÙħÙĬاÙĩ":140573,"инÑĦоÑĢм":140574,"инÑĦоÑĢмаÑĨион":140575,"инÑĦоÑĢмаÑĨионн":140576,"ĠìŀIJìŰ":140577,"ר׼ש":140578,"Ġödül":140579,"ç¶ļãģı":140580,"ĠпÑģ":140581,"ĠпÑģиÑħ":140582,"ĠпÑģиÑħолог":140583,"تذÙĥر":140584,"Ġìŀħìŀ¥":140585,"ลà¸Ķà¹Į":140586,"ìĦłê±°":140587,"ãģ£ãģ¦ãģĬãĤĬãģ¾ãģĻ":140588,"Ġ×Ļ×¢":140589,"Ġ×Ļ×¢×§×ij":140590,"ĠاÙĦطعاÙħ":140591,"ãĥĨãĤ¹ãĥĪ":140592,"ĠTuấn":140593,"Ġparticipación":140594,"×ŀ×ķ×ŀ×Ĺ×Ķ":140595,"×Ĵרס×Ķ":140596,"ĠاÙĦتÙĨÙģÙĬ":140597,"ĠاÙĦتÙĨÙģÙĬذÙĬ":140598,"ĠбезопаÑģн":140599,"gef":140600,"gefähr":140601,"Ø´ÙĪØ±":140602,"ĠmyÅĽli":140603,"ÙĪØ§Ø´ÙĨ":140604,"ÙĪØ§Ø´ÙĨØ·ÙĨ":140605,"׳×ķסע":140606,"ÙĥÙĩ":140607,"ÙĥÙĩرب":140608,"ÙĥÙĩرباء":140609,"ĠmusiaÅĤ":140610,"ìĭ¸":140611,"ãĥĸãĥ©ãĥĥãĤ¯":140612,"Ġcréé":140613,"ÙĨÙĩار":140614,"owoÅĽÄĩ":140615,"ÙħØŃاÙĥÙħ":140616,"ĠwÅĤaÅĽ":140617,"ĠwÅĤaÅĽc":140618,"ĠwÅĤaÅĽciciel":140619,"ĠÙĬؤ":140620,"ĠÙĬؤدÙĬ":140621,"×ŀ×¢×ķ׳":140622,"×IJ×ij׾":140623,"خطأ":140624,"ĠÑħолод":140625,"×ĸ×ķ׾":140626,"ãģĵãĤĮãĤī":140627,"ãģĵãĤĮãĤīãģ®":140628,"Ġbásica":140629,"ฤà¸Ķ":140630,"ฤà¸Ķูà¸ģ":140631,"ฤà¸Ķูà¸ģา":140632,"ฤà¸Ķูà¸ģาล":140633,"èIJ½ãģ¡çĿĢ":140634,"ãģªãģĦãģĵãģ¨":140635,"صÙĪÙħ":140636,"ÙĨجØŃ":140637,"׳ק×ķ×ĵ":140638,"׳ק×ķ×ĵת":140639,"клаÑģÑģ":140640,"íķĺìĭľëĬĶ":140641,"ëĦĺ":140642,"Ġש×IJ×Ļ׳×ķ":140643,"ĠСейÑĩаÑģ":140644,"mayacaģı":140645,"Ġyapılır":140646,"ĠcategorÃŃa":140647,"عباد":140648,"ĠТеп":140649,"ĠТепеÑĢÑĮ":140650,"×Ķ×Ļס×ĺ×ķר×Ļ":140651,"hế":140652,"ãĤ³ãĥ¼ãĥī":140653,"Ġcabeça":140654,"جÙħا":140655,"جÙħاÙĩ":140656,"جÙħاÙĩÙĬر":140657,"ä½İãģĦ":140658,"ĠÑĤоваÑĢов":140659,"à¸Ĭาวà¸ļà¹īาà¸Ļ":140660,"ĠÑģÑĤанов":140661,"ĠÑģÑĤановиÑĤÑģÑı":140662,"ĠавÑĤомобилÑĮ":140663,"ĠÑģлÑĥÑĩай":140664,"à¸Ńัà¸ŀ":140665,"ĠGiriÅŁ":140666,"ĠìĿ¼ëĭ¨":140667,"ĠпÑĢоÑģ":140668,"ĠпÑĢоÑģмоÑĤÑĢ":140669,"ãģªãģıãģªãģ£ãģŁ":140670,"à¸¡à¸µà¸Ľà¸±à¸įหา":140671,"ïºİ":140672,"écoute":140673,"ĠÙħÙĪØ¬ÙĪØ¯":140674,"ĠسرÙĬع":140675,"ĠÙĪÙĩÙĨا":140676,"ĠÙĪÙĩÙĨاÙĥ":140677,"à¸Ħุà¸ĵสม":140678,"à¸Ħุà¸ĵสมà¸ļัà¸ķิ":140679,"Ġìļ°ìĦł":140680,"à¸ŀระà¸ŀุà¸Ĺà¸ĺ":140681,"好ãģ¿":140682,"ظÙĦÙħ":140683,"ĠмакÑģ":140684,"ĠмакÑģималÑĮ":140685,"ĠмакÑģималÑĮно":140686,"ãĥªãĤ¢ãĥ«":140687,"à¹ģมà¹īวà¹Īา":140688,"ĠاÙĦØŃÙĪØ§Ø±":140689,"ãĥĹãĥ©ãĤ¹":140690,"ĠعÙĦاÙĤØ©":140691,"ĠíĸīëıĻ":140692,"Ġgönderil":140693,"Ġlãi":140694,"ĠsaÄŁlıkl":140695,"ĠsaÄŁlıklı":140696,"ĠÑĪаг":140697,"Ġ×ij×IJר×Ķ":140698,"prowadziÄĩ":140699,"ãģĦãģıãģ¤ãģĭ":140700,"ĠبتارÙĬØ®":140701,"Ġ×ij×IJ×ķת×Ķ":140702,"Ġmóc":140703,"ĠÐľÐ½Ðµ":140704,"ãĥĹãĥ¬ãĥ¼":140705,"×IJ×ĸר×Ĺ":140706,"åł´åIJĪãģ«ãģ¯":140707,"使ãģĪ":140708,"à¹Ģรืà¸Ńà¸Ļ":140709,"ĠÐŁÐµÑĤ":140710,"ĠÐŁÐµÑĤÑĢ":140711,"ãģ«åħ¥ãĤĭ":140712,"Ùħادة":140713,"à¹Ģà¸ĩืà¹Īà¸Ńà¸Ļ":140714,"à¹Ģà¸ĩืà¹Īà¸Ńà¸Ļà¹Ħà¸Ĥ":140715,"ĠÑģоÑģÑĤоÑıние":140716,"ônica":140717,"ĠÑĦев":140718,"ĠÑĦевÑĢа":140719,"ĠÑĦевÑĢалÑı":140720,"Ġ×ķ×ĸ":140721,"Ġ×ķ×ĸ×IJת":140722,"à¸Ħริ":140723,"à¸Ħริส":140724,"ĠÐķÑīе":140725,"ãģ£ãģ¦ãģĹãģ¾ãģĦãģ¾ãģĹãģŁ":140726,"ĠпÑĢавиÑĤелÑĮ":140727,"ĠпÑĢавиÑĤелÑĮÑģÑĤв":140728,"Ġtäglich":140729,"Ġëĭ¹ìĭľ":140730,"×ŀ×ķ×¢×ŀ×ĵ":140731,"ĠдвоÑĢ":140732,"æīķ":140733,"æīķãģĦ":140734,"ĠÑģÑĤанеÑĤ":140735,"ĠвоздейÑģÑĤв":140736,"ĠвоздейÑģÑĤви":140737,"Ġfête":140738,"à¹Ģสา":140739,"תק×ķ×ķ×Ķ":140740,"Ġuyar":140741,"Ġuyarı":140742,"à¸ģลัà¸ļà¹Ħà¸Ľ":140743,"Ġgiưá»Ŀng":140744,"Ġва":140745,"ĠваÑĪи":140746,"ĠÄijáºŃu":140747,"ĠSpaÃŁ":140748,"ĠìķĦë§Ī":140749,"à¹Ħà¸Ķà¹īà¸ĩà¹Īาย":140750,"Ġ×Ķ×ŀ×ijקש":140751,"æĸ°ãģŁ":140752,"æĸ°ãģŁãģª":140753,"ılıyor":140754,"план":140755,"Ġ×Ķ×ijר×Ļ×IJ×ķת":140756,"ĠaÄŁrı":140757,"Ġsaygı":140758,"建ãģ¦":140759,"Ġnajwyż":140760,"Ġnajwyższ":140761,"سÙĬاسات":140762,"ãģĬå¾Ĺ":140763,"ĠاÙĦعÙĦÙĬ":140764,"ĠاÙĦعÙĦÙĬا":140765,"Ġcorazón":140766,"ì¹ĺë£Į":140767,"หัวà¸Ĥà¹īà¸Ń":140768,"ĠبØŃÙĬ":140769,"ĠبØŃÙĬØ«":140770,"звезд":140771,"بÙĪØ§Ø¨Ø©":140772,"ÐĽÐĺ":140773,"ÙĦازÙħ":140774,"Ġrozp":140775,"Ġrozpoc":140776,"ĠrozpoczÄĻ":140777,"触ãĤĮ":140778,"ĠاÙĦجÙħÙĩ":140779,"ĠاÙĦجÙħÙĩÙĪØ±":140780,"ĠspÄĻd":140781,"ĠspÄĻdz":140782,"วิà¸Ĺยาศาสà¸ķรà¹Į":140783,"иваеÑĤÑģÑı":140784,"Ġданной":140785,"Ġreprésente":140786,"ĠÄijá»ĭch":140787,"Ġ×¢×ŀ×ķ×§":140788,"à¸Ńัà¸Ļà¸ķร":140789,"à¸Ńัà¸Ļà¸ķราย":140790,"Ġestratég":140791,"Ġestratégia":140792,"padÅĤ":140793,"Ġвполн":140794,"Ġвполне":140795,"ĠпÑĢедоÑģÑĤавлен":140796,"×Ĺ׾×ķ×§":140797,"×Ĺ׾×ķקת":140798,"ãĤ¢ãĥĬ":140799,"ĠاÙĦغذ":140800,"ĠاÙĦغذائÙĬ":140801,"ĠÑĥзн":140802,"ĠÑĥзнаÑĤÑĮ":140803,"à¸ĭà¹īาย":140804,"å½ĵãģ¦":140805,"ØŃÙĬاء":140806,"Ġbásico":140807,"×§×ķ×ij×¢":140808,"ĠاÙĦÙħباراة":140809,"ĠاÙĦÙĩاتÙģ":140810,"Ġ׼׳×Ĵ×ĵ":140811,"à¸Ľà¸£à¸°à¸«à¸¢":140812,"à¸Ľà¸£à¸°à¸«à¸¢à¸±à¸Ķ":140813,"Ðļак":140814,"à¸Ĺีà¹Īà¸Ļà¹Īา":140815,"à¸Ĺีà¹Īà¸Ļà¹Īาสà¸Ļà¹ĥà¸Ī":140816,"ãģ¾ãģģ":140817,"ï½¢":140818,"Ñģкоп":140819,"Ġsonrasında":140820,"ĠurzÄħd":140821,"ĠurzÄħdzenia":140822,"׼×ķ×ķ׳":140823,"׼×ķ×ķ×ł×ª":140824,"Ġ׾×Ķת×ŀ×ķ×ĵ":140825,"Ġ׾×Ķת×ŀ×ķ×ĵ×ĵ":140826,"ĠÑģли":140827,"ĠÑģлиÑĪ":140828,"ĠÑģлиÑĪком":140829,"ĠÑģÑĤÑĥд":140830,"ĠÑģÑĤÑĥденÑĤ":140831,"Ġ×Ķ×ķ×ĵ":140832,"Ġ×Ķ×ķ×ĵ×¢×Ķ":140833,"ë¹Ħìļ©":140834,"à¸Ńยาà¸ģà¹ĥหà¹ī":140835,"Ġbá»ģ":140836,"ยุà¸Ĺà¸ĺ":140837,"ÐĺÐĿ":140838,"سائر":140839,"أصÙĪÙĦ":140840,"ĠاÙĦغرÙģ":140841,"ãģĵãģ¨ãĤĤãģĤãĤĬãģ¾ãģĻ":140842,"è¾¼ãģ¾ãĤĮ":140843,"ĠاÙĦسابع":140844,"Ġcá»§":140845,"ãģĦãģŁãģłãģĦãģŁ":140846,"ì§ĵ":140847,"ìĤ¬ë¬´":140848,"powiedź":140849,"تÙģÙĥ":140850,"تÙģÙĥÙĬر":140851,"иÑĢовки":140852,"ĠíĨµíķ´ìĦľ":140853,"ãĤ¨ãĤ¹ãĥĨ":140854,"ĠдеÑıÑĤелÑĮноÑģÑĤÑĮ":140855,"ĠданнÑĭм":140856,"Ġ×¢×ķר":140857,"Ġ×¢×ķר׼×Ļ":140858,"×ķ×ĵעת":140859,"Ġhayatını":140860,"ĠbÄħd":140861,"ĠbÄħdź":140862,"obsÅĤug":140863,"à¹Ģà¸ŀียà¸ĩà¹ģà¸Ħà¹Ī":140864,"à¸ĭà¹Īา":140865,"è²łãģij":140866,"ĠÑģÑĤÑĢем":140867,"ĠÄijá»īnh":140868,"ĠÐłÑĥÑģ":140869,"ĠNữ":140870,"Ġ׾×Ķש×Ļ×Ĵ":140871,"Ġjednoc":140872,"Ġjednocze":140873,"ĠjednoczeÅĽnie":140874,"Ġ×Ķ×Ĵ×ij×ķ×Ķ":140875,"أخÙĦاÙĤ":140876,"ĠнаÑģел":140877,"ĠнаÑģелениÑı":140878,"ĠÙĬÙĨب":140879,"ĠÙĬÙĨبغÙĬ":140880,"ãģĮãģĭ":140881,"ãģĮãģĭãģĭ":140882,"×Ĵעת":140883,"ÐŀÐł":140884,"ĠналиÑĩии":140885,"Ġë§Īì§Ģ":140886,"Ġë§Īì§Ģë§ī":140887,"ĠíĸīìĤ¬":140888,"ĠtreÅĽci":140889,"Ġê°Ģì¹ĺ":140890,"ì¦ĺ":140891,"Ġаналог":140892,"×Ķצעת":140893,"влад":140894,"владе":140895,"ĠÑģделал":140896,"Ġ׳×Ĵ×Ļש":140897,"Ġ׳×Ĵ×Ļש×ķת":140898,"полнение":140899,"à¸Ĩà¹Īา":140900,"ĠDön":140901,"׼׾׼׾×Ķ":140902,"×ŀ×ĸ×Ĵ":140903,"ÙħÙģ":140904,"ÙħÙģÙĩ":140905,"ÙħÙģÙĩÙĪÙħ":140906,"×Ķ×ĵ":140907,"×Ķ×ĵפס":140908,"×Ķ×ĵפס×Ķ":140909,"ãģĻãģİãģ¦":140910,"ĠгÑĢ":140911,"ĠгÑĢн":140912,"×ŀ×ĺ×ķס":140913,"Ġ기ìĸµ":140914,"ï¾Ł":140915,"ĠpÅĤyn":140916,"ĠGründe":140917,"ĠBücher":140918,"ĠwedÅĤug":140919,"ãģ¾ãģłãģ¾ãģł":140920,"Ġ׳×Ķ×ĵר":140921,"ĠÙĬستطÙĬع":140922,"ĠHiá»ĩp":140923,"ãĤŃãĥ£ãĥ³ãĥļ":140924,"ãĤŃãĥ£ãĥ³ãĥļãĥ¼ãĥ³":140925,"Ġthá»ķ":140926,"Ġeuropéenne":140927,"à¸ļัà¸ĩ":140928,"à¸ļัà¸ĩà¸Ħัà¸ļ":140929,"ĠszczegóÅĤowo":140930,"׳שק":140931,"ãĥķãĥ©ãĥ³ãĤ¹":140932,"×ŀ×ķ×ŀ×Ĺ×Ļ":140933,"Ġcomún":140934,"Ġçarp":140935,"ØŃتÙĬا":140936,"ØŃتÙĬاج":140937,"ØŃتÙĬاجات":140938,"ëĭ´ëĭ¹":140939,"ä½ķ度":140940,"ä½ķ度ãĤĤ":140941,"×ĵ×ij×§":140942,"ãģįãĤĮ":140943,"ãģįãĤĮãģĦ":140944,"Ġкам":140945,"ĠкамеÑĢ":140946,"ĠespecÃŃfico":140947,"Ġteléfono":140948,"à¸ķัà¹īà¸ĩà¸Ńยูà¹Ī":140949,"IÅŀ":140950,"ãģ©ãĤĵãģ©":140951,"ãģ©ãĤĵãģ©ãĤĵ":140952,"עצ×ŀ×IJ×Ļ":140953,"à¸Ķัà¸ĩà¸Ļีà¹ī":140954,"ĠÑĦоÑĢмиÑĢов":140955,"ĠÑĦоÑĢмиÑĢова":140956,"×ķ×ŀ×ij":140957,"Ġkullanımı":140958,"ÐľÐŀ":140959,"עש×Ļ":140960,"עש×Ļ×Ļ×Ķ":140961,"Ġönlem":140962,"à¹Ģà¸Ńà¹ĩ":140963,"à¹Ģà¸Ńà¹ĩม":140964,"×ŀשק×Ļ×¢":140965,"ר×Ļ×Ĺ":140966,"à¸Ĥัà¸Ķ":140967,"ĠíĻľ":140968,"ĠíĻľìļ©":140969,"à¸ĭะ":140970,"ãĤĪãģĨãģ«ãģªãĤĬãģ¾ãģĹãģŁ":140971,"ĠÑĢаÑģпÑĢ":140972,"ĠÑĢаÑģпÑĢоÑģÑĤ":140973,"ĠÑĢаÑģпÑĢоÑģÑĤÑĢан":140974,"ĠÑĢаÑģпÑĢоÑģÑĤÑĢанен":140975,"׼×Ļ×ķף":140976,"ÙĤبض":140977,"تصرÙĬØŃ":140978,"تصرÙĬØŃات":140979,"ĠоÑĢи":140980,"ĠоÑĢиг":140981,"ĠоÑĢигина":140982,"ĠоÑĢигинал":140983,"ĠاÙĦعاÙĦÙĬ":140984,"à¹ģหà¹Īà¸ĩà¸Ļีà¹ī":140985,"ãĥķãĤ¡ãĥ¼":140986,"ãģ¦ãģĦãģį":140987,"ãģ¦ãģĦãģįãģŁãģĦ":140988,"פתר":140989,"פתר×ķ׳×ķת":140990,"Ġ×ij×Ļ×Ĺ":140991,"Ġ×ij×Ļ×Ĺ×ĵ":140992,"Ġodby":140993,"ĠodbyÅĤ":140994,"ĠоÑĩеÑĢед":140995,"Ġtrương":140996,"ãĤŃãĥ³":140997,"×ŀ×ķפ":140998,"×ŀ×ķפע":140999,"ëĵľë¦½":141000,"ëĵľë¦½ëĭĪëĭ¤":141001,"à¸ŀืà¹īà¸Ļà¸IJาà¸Ļ":141002,"ìŀIJ격":141003,"ĠViá»ĩn":141004,"ĠDespués":141005,"Ġ×IJ׾×Ļ׳×ķ":141006,"Ġdurée":141007,"íĩ´":141008,"Ġmüzik":141009,"iếu":141010,"ĠÑĢазмеÑīен":141011,"ĠкÑĥд":141012,"ĠкÑĥда":141013,"غض":141014,"غضب":141015,"ĠTambém":141016,"à¸Īัà¸Ķสà¹Īà¸ĩ":141017,"à¸ģารà¹ģสà¸Ķà¸ĩ":141018,"onomÃŃa":141019,"Ġанг":141020,"Ġангли":141021,"Ġанглий":141022,"ĠанглийÑģк":141023,"Ġznal":141024,"Ġznalaz":141025,"ĠznalazÅĤ":141026,"תר×Ĵ":141027,"תר×Ĵ×ķ×Ŀ":141028,"ĠÑģнов":141029,"ĠÑģнова":141030,"ĠÑĩаÑģа":141031,"Ġcommunauté":141032,"ĠespecÃŃfica":141033,"ĠLá»ĭch":141034,"Ġlié":141035,"ÙģØ¬Ø±":141036,"à¹Ģà¸ģà¹Īà¸ĩ":141037,"عاÙĦ":141038,"عاÙĦج":141039,"Ø£ÙĨظ":141040,"Ø£ÙĨظÙħØ©":141041,"ESİ":141042,"ĠاÙĦØŃدÙĬد":141043,"à¸ŀระà¸Ńà¸ĩà¸Ħà¹Į":141044,"Ġפרשת":141045,"Ġдвиж":141046,"ĠдвижениÑı":141047,"ĠاÙĦجارÙĬ":141048,"à¸ĺาà¸Ļี":141049,"неÑģен":141050,"ĠاÙĦÙĨÙĩائÙĬ":141051,"ĠбеÑĢ":141052,"ĠбеÑĢем":141053,"ĠбеÑĢеменн":141054,"Ġdépartement":141055,"à¹Ģà¸Ĺีย":141056,"à¹Ģà¸Ĺียà¸ļ":141057,"ĠÐľÐ°ÑĢи":141058,"ĠнекоÑĤоÑĢÑĭÑħ":141059,"обеÑģп":141060,"обеÑģпеÑĩен":141061,"×Ĺ×ķ×ĸ":141062,"×Ĺ×ķ×ĸ×Ķ":141063,"ÙĨتج":141064,"à¸Īะà¹Ħà¸Ķà¹īรัà¸ļ":141065,"á»°":141066,"Ġéléments":141067,"عط":141068,"عطاء":141069,"Ġtắt":141070,"iá»ĩm":141071,"ÑİÑīиÑħÑģÑı":141072,"ãģĹãģ°":141073,"ãģĹãģ°ãĤīãģı":141074,"ĠпоможеÑĤ":141075,"à¸Ĥà¸ĵะà¸Ļีà¹ī":141076,"Ġעשר×ķת":141077,"éģķãģ£ãģ¦":141078,"ĠпÑĢог":141079,"ĠпÑĢогн":141080,"ĠпÑĢогноз":141081,"ĠtÅĤ":141082,"ĠtÅĤum":141083,"ĠtÅĤumacz":141084,"Tür":141085,"Türkiye":141086,"ãģįãģ£":141087,"ãģįãģ£ãģĭãģij":141088,"Ġ×Ķ׳×ķ׼":141089,"Ġ×Ķ׳×ķ׼×Ĺ×Ļ":141090,"ĠìĥĿìĤ°":141091,"ĠÑĦоÑĢмÑĭ":141092,"ç¾İãģĹãģĦ":141093,"à¸Ľà¸£à¸¶à¸ģ":141094,"à¸Ľà¸£à¸¶à¸ģษา":141095,"Ġlumière":141096,"ãĤªãĥ¼ãĥĹ":141097,"ãĤªãĥ¼ãĥĹãĥ³":141098,"à¸Ľà¸·à¸Ļ":141099,"วัสà¸Ķ":141100,"วัสà¸Ķุ":141101,"еÑĢÑĤв":141102,"ÙĥÙĦÙģ":141103,"ï½£":141104,"à¸ĺรรมà¸Ķา":141105,"׳×ĺר":141106,"ĠпÑĢедÑģÑĤавлÑıеÑĤ":141107,"Ġanálisis":141108,"Ġbãi":141109,"باÙĤÙĬ":141110,"à¸Ľà¸£à¸°à¹Ģà¸Ķ":141111,"à¸Ľà¸£à¸°à¹Ģà¸Ķà¹ĩà¸Ļ":141112,"ĠÑģлÑĥÑĩаÑı":141113,"ĠÑģлÑĥÑĩаÑıÑħ":141114,"ÐĽÐIJ":141115,"สัà¸ĩà¹Ģà¸ģ":141116,"สัà¸ĩà¹Ģà¸ģà¸ķ":141117,"Ġprzec":141118,"Ġprzecież":141119,"ÙħصÙĦ":141120,"ÙħصÙĦØŃØ©":141121,"ש×ķ×§×ķ׾×ĵ":141122,"ĠобоÑĢÑĥдованиÑı":141123,"ĠtrwaÅĤ":141124,"رÙĪÙħ":141125,"ìķĪëĤ´":141126,"ĠNghá»ĭ":141127,"خش":141128,"à¸ļาà¸Ħาร":141129,"à¸ļาà¸Ħารà¹Īา":141130,"ĠопÑĨион":141131,"ĠÑģозданиÑı":141132,"ãĤ³ãĤ¹ãĥĪ":141133,"Ġ×Ķ×¢×ľ×Ļ":141134,"Ġ×Ķ×¢×ľ×Ļ×ķף":141135,"läuft":141136,"ãĥĻãĤ¹ãĥĪ":141137,"Ġrê":141138,"Ġrêve":141139,"×IJ×ij×Ļ×ij":141140,"×Ļ×Ļ×ļ":141141,"ë¶Ļ":141142,"ãĤ¤ãĥ³ãĥī":141143,"ÅĤoży":141144,"ÅĤożyÄĩ":141145,"عائÙĦ":141146,"عائÙĦØ©":141147,"Ø£ÙĪØ±":141148,"Ø£ÙĪØ±Ø§ÙĤ":141149,"à¸Ĺà¹īà¸Ńà¸ĩà¸ĸ":141150,"à¸Ĺà¹īà¸Ńà¸ĩà¸ĸิà¹Īà¸Ļ":141151,"Ġähn":141152,"Ġähnlich":141153,"ãĥŁãĥĭ":141154,"à¸ľà¸¹":141155,"à¸ľà¸¹à¹īà¸Ļ":141156,"à¸ľà¸¹à¹īà¸Ļำ":141157,"ĠмаÑĤеÑĢиалÑĭ":141158,"ĠкапиÑĤ":141159,"ĠкапиÑĤал":141160,"F":141161,"Ġseçil":141162,"Ġhứng":141163,"Ġintéressant":141164,"ãģ£ãģ¦ãģĦãģı":141165,"ĠeÄŁer":141166,"ëIJĺìĹĪìĬµëĭĪëĭ¤":141167,"ĠanlaÅŁma":141168,"ãģĶåĪ©ç͍":141169,"Ġ×ij×ĸ׼":141170,"Ġ×ij×ĸ׼×ķת":141171,"ëĿ¼ë©´":141172,"ĠÙĬÙĪØ³":141173,"ĠÙĬÙĪØ³Ùģ":141174,"أسÙĦØŃØ©":141175,"ĠGefühl":141176,"ĠноÑĢмалÑĮн":141177,"ãĥĻãĥ³":141178,"ãģķãĤĮãĤĭãģĵãģ¨":141179,"ĠÐijеÑģ":141180,"ãģ¨ãģĦãģĪãģ°":141181,"ĠÙħÙĩÙħ":141182,"ĠÙħÙĩÙħØ©":141183,"ãģ§ãģĹãĤĩãģĨãģŃ":141184,"ĠêµŃëĤ´":141185,"à¹Ģมà¹ĩà¸Ķ":141186,"×ŀ×ijקר":141187,"ĠاÙĦدÙĨÙĬ":141188,"ĠاÙĦدÙĨÙĬا":141189,"à¸Ĭู":141190,"кÑĢÑĥÑĤ":141191,"Ġthoáng":141192,"Ġ׳×ĵר":141193,"Ġ׳×ĵרש":141194,"ĠÑĢаÑģÑģказал":141195,"ĠAuÃŁerdem":141196,"פ×IJר":141197,"פ×IJרק":141198,"Ġ×ŀש×Ĺ×§×Ļ×Ŀ":141199,"צר׼×Ļ×Ŀ":141200,"×ŀ×ĵ×ķ":141201,"×ŀ×ĵ×ķ×Ļ×§":141202,"èĭ¦ãģĹ":141203,"ĠÑģиг":141204,"ĠÑģигнал":141205,"ĠMá»įi":141206,"Ġtrữ":141207,"ĠnastÄĻp":141208,"ĠnastÄĻpnie":141209,"Ġì¶Ķì§Ħ":141210,"ĠاÙĦÙģÙĨد":141211,"ĠاÙĦÙģÙĨدÙĤ":141212,"koÅĦczyÅĤ":141213,"สีà¹Ī":141214,"×§×Ļ×ij":141215,"×§×Ļ×ij×ķ×¥":141216,"ĠнÑĥжнÑĭ":141217,"大åĪĩ":141218,"大åĪĩãģª":141219,"æıĽãģĪ":141220,"ת×ķס":141221,"ת×ķספת":141222,"ãģ£ãģ¦ãģĦãģªãģĦ":141223,"ĠмÑı":141224,"ĠмÑıг":141225,"ĠмÑıгк":141226,"Ġjakie":141227,"ĠjakieÅĽ":141228,"à¸ķำà¸ļ":141229,"à¸ķำà¸ļล":141230,"ĠìŀĪì§Ģ":141231,"×ij×ĺ×IJ":141232,"ĠоÑĤлиÑĩно":141233,"ÙĤÙIJ":141234,"ĠавÑĤомоб":141235,"ĠавÑĤомоби":141236,"ĠавÑĤомобилÑı":141237,"دÙĬÙħÙĤراطÙĬ":141238,"ĠاÙĦÙĪØ§":141239,"ĠاÙĦÙĪØ§ØŃد":141240,"ĠسÙĪØ±ÙĬØ©":141241,"أغÙĦ":141242,"أغÙĦب":141243,"ĠÑįкÑĢан":141244,"ãĥĹãĥ©ãĤ¤":141245,"ĠjesteÅĽ":141246,"ãĥIJãĥª":141247,"Ġ×Ķ×IJ×ķ×ķ×Ļר":141248,"ائÙĥ":141249,"à¸Ńยà¹Īาà¸ĩยิà¹Īà¸ĩ":141250,"ÑĢекÑĤ":141251,"Ġumo":141252,"Ġumoż":141253,"Ġumożli":141254,"Ġumożliw":141255,"Ġumożliwia":141256,"Ġnächste":141257,"ĠìŀĪì§Ģë§Į":141258,"ĠпÑĢедн":141259,"ĠпÑĢедназ":141260,"ĠпÑĢедназнаÑĩен":141261,"Ġmaçı":141262,"Ġpomi":141263,"ĠpomiÄĻd":141264,"ĠpomiÄĻdzy":141265,"ĠاÙĦÙĦÙĤاء":141266,"à¹Ģà¸Ķà¸Ńะ":141267,"ĠновоÑģÑĤи":141268,"×ŀ×Ĺ׾×Ķ":141269,"رÙĬاضÙĬ":141270,"à¸Ķà¸Ļ":141271,"à¸Ķà¸Ļà¸ķรี":141272,"بصر":141273,"ìĬ¤íĥĢ":141274,"scripción":141275,"Ġnapisa":141276,"ĠnapisaÅĤ":141277,"Ġ׳ש×ŀ×¢":141278,"ĠاÙĦÙħØŃÙĦÙĬ":141279,"Ġhiá»ĥn":141280,"×IJ×Ĺ":141281,"×IJ×Ĺר×IJ×Ļ":141282,"ĠгÑĢаниÑĨ":141283,"æīĭç¶ļãģį":141284,"Ùĥسب":141285,"Ġà¹ģà¸ķà¹Īà¸ĸà¹īา":141286,"à¸Ķาวà¸Ļà¹Į":141287,"à¸Ķาวà¸Ļà¹Įà¹Ĥหลà¸Ķ":141288,"ãĤĭãģĵãģ¨ãģĮãģ§ãģįãģ¾ãģĻ":141289,"åŁºæľ¬çļĦãģ«":141290,"ÙĪÙĦاد":141291,"räume":141292,"دÙģØ§Ø¹":141293,"×Ļצע":141294,"ĠOczy":141295,"ĠOczywiÅĽcie":141296,"ĠÅģ":141297,"ĠÅģa":141298,"اÙĦÙĬاب":141299,"اÙĦÙĬاباÙĨ":141300,"áºłI":141301,"ĠBirliÄŁi":141302,"×Ķ×ķצ":141303,"×Ķ×ķצ×IJת":141304,"ĠÄijua":141305,"Ġê·¸ëŁ¬ëĭĪê¹Į":141306,"Ġréalité":141307,"عÙĦاÙĤات":141308,"Jeste":141309,"JesteÅĽ":141310,"Ġмнож":141311,"ĠмножеÑģÑĤво":141312,"K":141313,"ãĥĹãĥŃãĤ¸ãĤ§":141314,"ãĥĹãĥŃãĤ¸ãĤ§ãĤ¯ãĥĪ":141315,"ĠÑĦл":141316,"ظÙĨ":141317,"×Ĵ׾×Ĵ׾":141318,"ĠmÅĤodzie":141319,"ĠmÅĤodzież":141320,"à¸Ļà¹īำà¸ķา":141321,"à¸Ļà¹īำà¸ķาล":141322,"ÐĽÐķ":141323,"×ij×ķ×ĺ":141324,"Ġ׾×Ķ×Ĵ×Ļ×ĵ":141325,"ãģĵãģ¨ãĤĤãģĤãĤĭ":141326,"زاد":141327,"×ŀ×Ļ×ĵ×¢":141328,"ĠgÅĤównie":141329,"ãĥıãĤ¦":141330,"ãĥıãĤ¦ãĤ¹":141331,"бел":141332,"Ġétape":141333,"ðŁĺĢ":141334,"ĠмоделÑĮ":141335,"aģını":141336,"ש×Ĺ×§":141337,"ש×Ĺקף":141338,"Ġniño":141339,"à¸Ĭà¹īาà¸ĩ":141340,"à¹Ģลีย":141341,"ĠÑĦоÑĢме":141342,"ĠاÙĦشرÙĬÙģ":141343,"ĠÑĥдаÑĢ":141344,"arriv":141345,"arrivée":141346,"ĠmiesiÄĻ":141347,"ĠmiesiÄĻcy":141348,"ØŃرÙĥ":141349,"ØŃرÙĥات":141350,"ĠDiá»ħn":141351,"ÐĿЫ":141352,"ãģ¾ãģ£ãģŁãģı":141353,"Ġ×Ļר×ķ×§":141354,"еÑģÑĤеÑģÑĤв":141355,"еÑģÑĤеÑģÑĤвенн":141356,"Ġê·¸ëŁ¼":141357,"ĠاÙĦÙħتÙĪ":141358,"ĠاÙĦÙħتÙĪØ³Ø·":141359,"Ġbénéfic":141360,"Ġbénéficie":141361,"Ġwybra":141362,"ĠwybraÄĩ":141363,"ĠاÙĦزÙħÙĨ":141364,"ĠпÑĢинÑı":141365,"ĠпÑĢинÑıл":141366,"Ù쨱ØŃ":141367,"Ġksz":141368,"ĠksztaÅĤ":141369,"ĠksztaÅĤt":141370,"ק׾×ĺ":141371,"×ij×ĵ×Ļקת":141372,"Ġgiấ":141373,"Ġgiấc":141374,"ĠproprietÃł":141375,"деÑĢжан":141376,"ĠKöln":141377,"ĠGüzel":141378,"×Ļפ×ķ×Ļ":141379,"ĠCuá»Ļc":141380,"ÑįÑĤаж":141381,"ترÙĥÙĬ":141382,"ترÙĥÙĬز":141383,"ложений":141384,"ĠпÑĥ":141385,"ĠпÑĥÑĤи":141386,"اختÙĦاÙģ":141387,"åĩºãģ¦ãģıãĤĭ":141388,"à¸ļุà¸ģ":141389,"âĿ¤":141390,"ÑĦан":141391,"פש×ĺ":141392,"à¸ļัà¸Ļà¹Ģà¸Ĺ":141393,"à¸ļัà¸Ļà¹Ģà¸Ĺิà¸ĩ":141394,"ĠاÙĦساد":141395,"ĠاÙĦسادس":141396,"ĠاÙĦÙĤÙĪÙħ":141397,"ĠاÙĦÙĤÙĪÙħÙĬ":141398,"Ġyönetici":141399,"ÙĩÙĪØ§Øª":141400,"ÙĩÙĪØ§ØªÙģ":141401,"Ġresponsável":141402,"ĠподдеÑĢжива":141403,"ĠاÙĦسÙĦØ·":141404,"ĠاÙĦسÙĦطات":141405,"ãģĹãģ¦ãģĬãģı":141406,"ãĥļãĥĥãĥĪ":141407,"à¸Ľà¸¸à¹Īม":141408,"ĠoglÄħda":141409,"ÙĨاÙĤ":141410,"ÙĨاÙĤØ´":141411,"à¸Ħà¸Ńà¸Ļà¹Ĥà¸Ķ":141412,"ĠMüsl":141413,"ĠMüslü":141414,"ĠMüslüman":141415,"ĠMoż":141416,"ĠMożna":141417,"Ġnumérique":141418,"Ġvá»ı":141419,"ĠسÙĬتÙħ":141420,"ĠyerleÅŁ":141421,"монÑĤаж":141422,"Ġgoût":141423,"ãģ¦ãģĬãĤĬãģ¾ãģĻ":141424,"ĠKhánh":141425,"Ġедин":141426,"ĠединÑģÑĤв":141427,"اÙĨØ®Ùģ":141428,"اÙĨØ®ÙģØ§Ø¶":141429,"ìĭľíĹĺ":141430,"Ġlặng":141431,"ĠÑĢолÑĮ":141432,"à¸ķัวà¹ģà¸Ĺà¸Ļ":141433,"à¸Ħà¹Īาà¹ĥà¸Ĭà¹ī":141434,"à¸Ħà¹Īาà¹ĥà¸Ĭà¹īà¸Īà¹Īาย":141435,"Ġverfüg":141436,"Ġverfügbar":141437,"ìĻĶëĭ¤":141438,"ãģĦãģļ":141439,"ãģĦãģļãĤĮ":141440,"ĠиÑģÑģледованиÑı":141441,"меÑīа":141442,"×Ķ×Ĺ":141443,"×Ķ×Ĺ×ĸר":141444,"à¹ģà¸Łà¸Ĭัà¹Īà¸Ļ":141445,"تصرÙģ":141446,"إرÙĩاب":141447,"ĠexercÃŃcio":141448,"Ġélev":141449,"Ġélevé":141450,"สัà¸įà¸įาà¸ĵ":141451,"ÃĸZ":141452,"ãĥĹãĥŃãĤ°":141453,"ãĥĹãĥŃãĤ°ãĥ©":141454,"ãĥĹãĥŃãĤ°ãĥ©ãĥł":141455,"ĠwewnÄĻtrzn":141456,"Ġhenüz":141457,"é£Ľãģ³":141458,"à¹Ģà¸Ķà¸Ńรà¹Į":141459,"ÑģÑĥж":141460,"ÑģÑĥжден":141461,"شعÙĪØ¨":141462,"ãģ²ãģ¨ãĤĬ":141463,"ĠwyÅĤÄħ":141464,"ĠwyÅĤÄħcznie":141465,"ĠплоÑħо":141466,"ÐĶÐķ":141467,"Ầ":141468,"ÙģØ¹Ø§ÙĦÙĬ":141469,"ÙģØ¹Ø§ÙĦÙĬات":141470,"ĠاÙĦعشر":141471,"ÑģÑĤÑĥпил":141472,"Ġyarg":141473,"Ġyargı":141474,"нÑİÑİ":141475,"×ķ×IJ×ij":141476,"Ġuç":141477,"Ġuçak":141478,"ë²½":141479,"تÙĪÙĤÙĬ":141480,"تÙĪÙĤÙĬع":141481,"Ġì¤ijìĭ¬":141482,"׳×Ļ×ķ×ķ×ĺ":141483,"Ø£ÙĥÙĦ":141484,"ç½®ãģĦãģ¦":141485,"éłĤãģį":141486,"Ġ×Ķת×ij":141487,"Ġ×Ķת×ij×Ļ×¢×Ķ":141488,"Ġdürfen":141489,"ÙħÙĤاÙĦ":141490,"ÙħÙĤاÙĦات":141491,"ĠزÙħÙĨ":141492,"à¸ŀฤศ":141493,"à¸ŀฤศà¸Ī":141494,"à¸ŀฤศà¸Īิà¸ģ":141495,"à¸ŀฤศà¸Īิà¸ģายà¸Ļ":141496,"ĠнеÑģколÑĮ":141497,"ĠнеÑģколÑĮки":141498,"ĠнеÑģколÑĮкиÑħ":141499,"Ġcriança":141500,"มิà¸ķร":141501,"×ŀ׼×Ļר×ķת":141502,"à¸ģารà¸ļริหาร":141503,"Ġtélécharg":141504,"Ġ×IJ×ķ×Ķ×ijת":141505,"ĠBüro":141506,"ä½ľãģ£ãģŁ":141507,"ĠKiÅŁi":141508,"ç¾İåij³ãģĹ":141509,"à¹Ģลยà¸Ħà¹Īะ":141510,"à¸ŀà¸ļà¸ģัà¸ļ":141511,"à¸Īà¹īา":141512,"Ġçer":141513,"Ġçerç":141514,"Ġçerçeve":141515,"ãĤĴä½ľãģ£ãģ¦":141516,"ĠпеÑĢвÑĥÑİ":141517,"×ŀצר×Ļ×Ŀ":141518,"×IJ׾×ķ×Ķ":141519,"×IJ׾×ķ×Ķ×Ļ×Ŀ":141520,"Ġagré":141521,"Ġagréable":141522,"Ġayır":141523,"İLİ":141524,"ãĤ¥":141525,"ĠíĺĦ":141526,"ĠíĺĦìĭ¤":141527,"ثاÙĦØ«":141528,"ת×ĸ":141529,"ת×ĸ×ķ׳×Ķ":141530,"ãģ¨ãģĦãģ£ãģ¦":141531,"ãģ¨ãģĦãģ£ãģ¦ãĤĤ":141532,"ĠابÙĪ":141533,"ĠÑģобак":141534,"é£Łãģ¹ãģŁ":141535,"Ġданном":141536,"à¹Ģลิ":141537,"à¹Ģลิศ":141538,"Ġíļ":141539,"Ġíļ¨":141540,"Ġíļ¨ê³¼":141541,"ãĤĤãĤīãģĪãĤĭ":141542,"׳צ׾":141543,"ÑĦик":141544,"ÑĦикÑģ":141545,"ĠjesteÅĽmy":141546,"ת×Ĺ×ķש×Ķ":141547,"à¹Ħมà¹Īà¸Ħวร":141548,"ĠØŃسÙĬÙĨ":141549,"à¸ģารลà¸ĩà¸Ĺุà¸Ļ":141550,"ë´¤":141551,"ĠÐĺменно":141552,"à¸ļà¸Ńรà¹Į":141553,"à¸ļà¸Ńรà¹Įà¸Ķ":141554,"ĠCảnh":141555,"ìĦľë¹ĦìĬ¤":141556,"Ġполов":141557,"Ġполовин":141558,"ĠзамеÑĩа":141559,"ãģĦãĤįãĤĵãģª":141560,"Ġ×ij×Ļ×§":141561,"Ġ×ij×Ļקש":141562,"лÑĥÑĪ":141563,"ãĤĴè¿İ":141564,"ãĤĴè¿İãģĪ":141565,"جرÙĬÙħØ©":141566,"Ġtây":141567,"ĠاÙĦÙĨÙĪ":141568,"ĠاÙĦÙĨÙĪÙĪÙĬ":141569,"ÃĤN":141570,"ì¿ł":141571,"หà¸Ļาว":141572,"Ġ×ij×Ĺש×ij×ķף":141573,"زار":141574,"à¸Ķาร":141575,"à¸Ķารา":141576,"ĠÅĽl":141577,"ĠÅĽlub":141578,"มีà¸Ħวามสุà¸Ĥ":141579,"Ġnhu":141580,"ĠnhuáºŃn":141581,"ÙħØŃطة":141582,"à¹Ģสืà¹īà¸Ńà¸ľà¹īา":141583,"ĠТолÑĮко":141584,"ĠÙĥس":141585,"ĠÙĥسارة":141586,"ÙħشرÙĪØ¹":141587,"niÄĻcia":141588,"×¢×Ľ×©×Ļ×ķ":141589,"تÙĦÙģ":141590,"تÙĦÙ쨲ÙĬ":141591,"تÙĦÙ쨲ÙĬÙĪÙĨ":141592,"ĠlÆ°á»Ľi":141593,"ĠÐľÐ¾ÑģквÑĭ":141594,"Ġréserve":141595,"ĠanlaÅŁ":141596,"ĠanlaÅŁÄ±l":141597,"ĠedeceÄŁi":141598,"รà¸Ńà¸ĩà¹Ģà¸Ĺà¹īา":141599,"Ġبط":141600,"ĠبطرÙĬ":141601,"ĠبطرÙĬÙĤØ©":141602,"ãģ¦ãģĹãģ¾ãģ£ãģ¦":141603,"ãĤĤãĤīãģ£ãģ¦":141604,"برج":141605,"æ±ļ":141606,"æ±ļãĤĮ":141607,"Ġchoc":141608,"Ġchocia":141609,"Ġchociaż":141610,"Ġzobac":141611,"ĠzobaczyÄĩ":141612,"пÑĢÑı":141613,"пÑĢÑıжен":141614,"ĠÑĨиÑĦ":141615,"ĠÑĨиÑĦÑĢ":141616,"Ġмам":141617,"ĠвзÑıÑĤÑĮ":141618,"Ġchạm":141619,"جسÙħ":141620,"ØŃÙħاس":141621,"à¹Ģลà¹Īม":141622,"à¸ŀิษ":141623,"×Ķפ׼×ķ":141624,"à¸Ĭà¹Īà¸Ńà¸ĩà¸Ĺาà¸ĩ":141625,"Ġвек":141626,"Ġвека":141627,"Æ¡Ìģ":141628,"Æ¡Ìģi":141629,"ĠTiá»ģn":141630,"Ġtrầm":141631,"мÑĭÑĪ":141632,"мÑĭÑĪл":141633,"ĠÑĤÑĥ":141634,"ĠÑĤÑĥÑĢиÑģÑĤ":141635,"Ġchc":141636,"ĠchcÄħ":141637,"Ġавг":141638,"ĠавгÑĥÑģÑĤ":141639,"ĠавгÑĥÑģÑĤа":141640,"ס×IJ×ķת":141641,"Ġר×Ĵ׾":141642,"à¸ľà¸¥à¸ģระà¸Ĺ":141643,"à¸ľà¸¥à¸ģระà¸Ĺà¸ļ":141644,"å¤īãĤıãĤĭ":141645,"Ġ×Ķ×IJ×Ĺר×ķ׳×Ļ×Ŀ":141646,"سÙģÙĬر":141647,"ĠÑĩаÑīе":141648,"ãģĦãĤī":141649,"ãģĦãĤīãģ£":141650,"ãģĦãĤīãģ£ãģĹãĤĥ":141651,"×ķ×ŀ׳×Ļ×Ŀ":141652,"Ġarttır":141653,"ĠChá»ĭ":141654,"Ġì¡°ì§ģ":141655,"ĠÑĥÑģпеÑħ":141656,"Ġ×¢×ķס":141657,"Ġ×¢×ķסק":141658,"ĠìĥĿëªħ":141659,"ÑĨиÑĤ":141660,"Ġregión":141661,"ÐŀÐĿ":141662,"ĠdoÄŁum":141663,"ĠyaÅŁad":141664,"ĠyaÅŁadıģı":141665,"à¸Ĺà¸Ķลà¸Ńà¸ĩ":141666,"Ġgözü":141667,"ש×Ļר×Ķ":141668,"дÑĥмал":141669,"Ġdaģı":141670,"Ġdaģıt":141671,"à¸Ĺีมà¸ĩาà¸Ļ":141672,"Ġtiá»ģm":141673,"ĠاÙĦÙĥبر":141674,"ĠاÙĦÙĥبرÙī":141675,"ì¹Ń":141676,"ĠGünc":141677,"ĠGüncelle":141678,"ĠGüncelleme":141679,"ê¹Ĭ":141680,"ĠобоÑĢÑĥдование":141681,"ĠÑĢеÑĪа":141682,"Ụ":141683,"ĠпиÑĤ":141684,"ĠпиÑĤаниÑı":141685,"à¹Ģรียà¸ļ":141686,"×Ľ×ª×Ļ×ij×Ķ":141687,"Ġпон":141688,"ĠпонÑĢав":141689,"ĠпонÑĢави":141690,"Ġ×Ķ×ķ׾×ĵ":141691,"Ġ×Ķ×ķ׾×ĵת":141692,"Ġê²ģ":141693,"Ġê²ģëĭĪëĭ¤":141694,"ĠпеÑĢвой":141695,"ãĥ©ãĤ¤ãĥķ":141696,"ĠÅŁiir":141697,"krÄĻ":141698,"krÄĻc":141699,"Ġthiá»ĥu":141700,"à¹Ģลยà¸Ĺี":141701,"à¹Ģลยà¸Ĺีà¹Ģà¸Ķียว":141702,"×ĺ×¢×ł×ķת":141703,"ائÙĩÙħ":141704,"Ġ×IJס×ķר":141705,"ĠплаÑĤеж":141706,"تردد":141707,"Ġmożliwe":141708,"ĠkhỼ":141709,"ĠkhỼp":141710,"تÙģØ§Ø¹ÙĦ":141711,"ĠÑĪколÑĮ":141712,"ĠÑĪколÑĮн":141713,"ĠÙĤصة":141714,"Ġmétier":141715,"nÄĻÅĤa":141716,"หลà¹Īà¸Ń":141717,"Ġá»§ng":141718,"Ġprzegl":141719,"ĠprzeglÄħd":141720,"ĠاÙĦÙħتعÙĦ":141721,"ĠاÙĦÙħتعÙĦÙĤØ©":141722,"ĠÑģÑĭн":141723,"Ġволн":141724,"ãĥĩãĥ¼ãĥĪ":141725,"ĠÐŃÑĤи":141726,"ĠкÑĢоме":141727,"à¸Ħารà¹Į":141728,"׳ק×ķ×ĵ×Ķ":141729,"Ġ׾ש×ŀ×ķ×¢":141730,"Ġ×ĸ×ķ׼ר":141731,"ï¼§":141732,"ÙĬÙİØ§":141733,"Ġgiá»ıi":141734,"åĥįãģı":141735,"ĠÑģни":141736,"ĠÑģнижен":141737,"à¹ģà¸Ķà¸Ķ":141738,"รุà¸Ļ":141739,"รุà¸Ļà¹ģรà¸ĩ":141740,"Ġhiá»ĩp":141741,"ografÃŃa":141742,"à¹Ģà¸Īà¸Ńรà¹Į":141743,"Ġдвиг":141744,"ĠдвигаÑĤ":141745,"ĠдвигаÑĤел":141746,"Ġüy":141747,"Ġüyeler":141748,"Ġüyeleri":141749,"ĠбÑĥк":141750,"ĠбÑĥкв":141751,"ãĤĤå¤ļãģı":141752,"Ġthiá»ĩt":141753,"ĠPaÃŃs":141754,"ĠطبÙĬعÙĬ":141755,"à¹ģà¸Īà¸ģ":141756,"ĠاÙĦصØŃÙĬØŃ":141757,"Ġappré":141758,"Ġappréci":141759,"Ġdecisión":141760,"Ġë°ĺëĵľ":141761,"Ġë°ĺëĵľìĭľ":141762,"ĠÑĤебе":141763,"ãĤ·ãĥ¼ãĤº":141764,"ãĤ·ãĥ¼ãĤºãĥ³":141765,"ĠдалÑĮн":141766,"ĠìĬ¤":141767,"ĠìĬ¤ìĬ¤":141768,"ĠìĬ¤ìĬ¤ë¡ľ":141769,"ĠThá»ĥ":141770,"ĠkarÅŁ":141771,"ĠkarÅŁÄ±s":141772,"ĠkarÅŁÄ±sında":141773,"ĠKön":141774,"ĠKönig":141775,"ивание":141776,"×ij×ķצע":141777,"глаÑģ":141778,"Ġtwó":141779,"Ġtwórc":141780,"à¸Ľà¸ģà¸Ħร":141781,"à¸Ľà¸ģà¸Ħรà¸Ńà¸ĩ":141782,"ĠGÅĤ":141783,"ĠGÅĤówn":141784,"ĠUnterstüt":141785,"ĠUnterstützung":141786,"ĠдÑĥÑħ":141787,"ĠдÑĥÑħов":141788,"Ø£ÙħاÙĨ":141789,"×Ĺשש":141790,"تظ":141791,"تظاÙĩر":141792,"ĠлÑİбом":141793,"à¸ķาร":141794,"à¸ķาราà¸ĩ":141795,"Ġkról":141796,"Ø£ØŃدث":141797,"ì¡Įëĭ¤":141798,"ÐļÑĥÑĢÑģ":141799,"ãĥĥãĥĦ":141800,"×ŀ×§×ķ×ij׾":141801,"ĠÑģимвол":141802,"Ġdésorm":141803,"Ġdésormais":141804,"wüns":141805,"wünsche":141806,"Ñĥни":141807,"ÑĥниÑĨип":141808,"ÑĥниÑĨипалÑĮн":141809,"หลัà¸ģสูà¸ķร":141810,"ÙĨتشر":141811,"Ġал":141812,"Ġалк":141813,"Ġалког":141814,"Ġалкогол":141815,"ĠÑĥÑĩиÑĤÑĭва":141816,"à¸ģำà¸ģัà¸ļ":141817,"Ġ×ľ×¤×¢×ķ׾":141818,"ĠìĹ°ê²°":141819,"sÄħd":141820,"ĠاÙĦØ£ÙĬ":141821,"ĠاÙĦØ£ÙĬاÙħ":141822,"غÙĬاب":141823,"ĠнаÑĢ":141824,"ĠнаÑĢко":141825,"×ŀ×ķ×ĵ×¢":141826,"ĠÑģеÑĢии":141827,"пиÑģÑĭва":141828,"สิว":141829,"ç¶ļãģĦãģ¦":141830,"çͳãģĹè¾¼ãģ¿":141831,"Ġ׾×Ĵר":141832,"Ġ׾×Ĵר×ķ×Ŀ":141833,"Ġдем":141834,"Ġдемо":141835,"Ġë³´ëĤ´":141836,"تÙĩدÙĬد":141837,"ĠÙħØ´ÙĬرا":141838,"Ġduy":141839,"Ġduyá»ĩt":141840,"ĠwiÄĻksze":141841,"ÙħعاÙĬ":141842,"ÙħعاÙĬÙĬر":141843,"ĠGda":141844,"ĠGdaÅĦsk":141845,"Ġrah":141846,"Ġrahats":141847,"Ġrahatsız":141848,"ר×ķצ×Ķ":141849,"lös":141850,"lösung":141851,"ĠТаким":141852,"ÑĪед":141853,"ÑĪедÑĪ":141854,"عزÙĦ":141855,"Ġרש×Ļ×ŀת":141856,"Ġ׾×Ķ×Ļ׼":141857,"Ġ׾×Ķ×Ļ×Ľ×ł×¡":141858,"ĠпÑĥÑĤ":141859,"ĠпÑĥÑĤеÑĪ":141860,"ĠпÑĥÑĤеÑĪеÑģÑĤв":141861,"ĠnotÃŃcia":141862,"ĠalÄ±ÅŁ":141863,"ĠalÄ±ÅŁver":141864,"ĠalÄ±ÅŁveriÅŁ":141865,"ĠwÅĤos":141866,"ĠwÅĤosów":141867,"Ġبغ":141868,"Ġبغداد":141869,"Ġveröffent":141870,"Ġveröffentlicht":141871,"ĠKhá":141872,"Ġtán":141873,"ëIJĺ기":141874,"Ġ방문":141875,"ÙģÙĬÙĦ":141876,"à¹Ģà¸ģิà¸Ķà¸Īาà¸ģ":141877,"åı¯æĦĽ":141878,"åı¯æĦĽãģĦ":141879,"à¸ĸุà¸ĩ":141880,"ĠzewnÄĻtrzn":141881,"à¸łà¸²à¸©à¸²à¸Ńัà¸ĩà¸ģฤษ":141882,"Ġmáxima":141883,"Ġulus":141884,"Ġuluslararası":141885,"Ġ׳×Ķ׳":141886,"à¸Ĥà¹Īาวสาร":141887,"ĠìĿĺìĤ¬":141888,"à¹Ģหลืà¸Ńà¸ĩ":141889,"ĠدÙĤ":141890,"ĠدÙĤائÙĤ":141891,"สืà¹Īà¸Ńสาร":141892,"먼":141893,"ĠÑģоÑģÑĤоÑıнии":141894,"สมาà¸Ħม":141895,"á»Ĥ":141896,"ĠÐľÐ¾Ñģков":141897,"ĠÐľÐ¾ÑģковÑģк":141898,"×ŀס×ķ×Ĵ׾":141899,"ãģĭãģĭãĤĬ":141900,"ĠTruyá»ģn":141901,"à¹ģà¸Ĥà¹ĩà¸ĩà¹ģรà¸ĩ":141902,"×ŀ×Ĺ×ĸ×Ļ×§":141903,"à¹Ĥà¸ģà¹ī":141904,"ÙĬسر":141905,"ìĶ©":141906,"×IJ×ķ×§":141907,"×IJ×ķ×§×ĺ":141908,"×IJ×ķ×§×ĺ×ķ×ijר":141909,"Ġproximité":141910,"ÙħÙĨÙĩج":141911,"ĠاÙĦجز":141912,"ĠاÙĦجزائ":141913,"ĠاÙĦجزائرÙĬ":141914,"ĠÄIJiá»ĥm":141915,"Ġденеж":141916,"Ġденежн":141917,"ÙģØŃص":141918,"Ù쨦":141919,"ĠÐijÑĥд":141920,"×Ĵ×Ļ×ĵ×ķ׾":141921,"ĠÐĴедÑĮ":141922,"عÙĦاÙħØ©":141923,"Ġ×IJ×Ĺר×ķ׳×ķת":141924,"ãģĦãģŁãģłãģĦãģ¦":141925,"سÙĦØŃ":141926,"ØŃÙĦÙħ":141927,"زÙĪØ§Ø±":141928,"Ùĥسر":141929,"×ĺקס":141930,"Ġбан":141931,"Ġбанков":141932,"ĠпÑĢож":141933,"ĠпÑĢожива":141934,"liwo":141935,"liwoÅĽci":141936,"ĠTiếp":141937,"ĠاÙĦÙħÙĨاسب":141938,"ĠاÙĦØ®ÙĬار":141939,"ãģĬãģĭ":141940,"ãģĬãģĭãģĴ":141941,"à¸Ķà¸Ńà¸ģà¹Ħมà¹ī":141942,"ämp":141943,"ämpfe":141944,"à¸ķัà¹īà¸ĩà¹ĥà¸Ī":141945,"ĠзаÑīиÑĤ":141946,"ĠзаÑīиÑĤÑĭ":141947,"ĠThưá»Ŀng":141948,"ĠصÙģ":141949,"ĠصÙģØŃØ©":141950,"×Ĺ×ķרף":141951,"ãĥIJãĥĥãĤ°":141952,"Ġ×ĵ×Ļ×Ĵ":141953,"Ġ×ĵ×Ļ×Ĵ×Ļ×ĺ":141954,"Ġ×ĵ×Ļ×Ĵ×Ļ×ĺ׾×Ļ":141955,"Ġ×Ķ×Ĺ×ķ׾×Ļ×Ŀ":141956,"веÑī":141957,"веÑīа":141958,"ĠкÑĥлÑĮÑĤ":141959,"ĠкÑĥлÑĮÑĤÑĥ":141960,"ĠкÑĥлÑĮÑĤÑĥÑĢÑĭ":141961,"ĠاÙĦاÙĨترÙĨت":141962,"Ġhöch":141963,"Ġhöchst":141964,"Ġíĺķ":141965,"Ġíĺķíĥľ":141966,"Ġвой":141967,"ĠвойнÑĭ":141968,"ÐĽÐŀ":141969,"ìĭłìļ©":141970,"Ġ×ŀ×ij×ķס":141971,"Ġ×ŀ×ij×ķסס":141972,"×ŀ׳×Ļ×¢":141973,"Ġfiyatı":141974,"ĠÑģлÑĥж":141975,"ĠÑģлÑĥжбÑĭ":141976,"à¸Ĺัศ":141977,"à¸Ĺัศà¸Ļ":141978,"ãģĵãģ¨ãģĮå¤ļãģĦ":141979,"Ġ×Ķ×ŀשת":141980,"Ġ×Ķ×ŀשת×ŀש":141981,"å¯ĦãģĽ":141982,"×ŀש׾×ķ×Ĺ":141983,"æĻĤçĤ¹":141984,"æĻĤçĤ¹ãģ§":141985,"à¸ŀรี":141986,"à¸ŀรีà¹Ģมีย":141987,"à¸ŀรีà¹Ģมียรà¹Į":141988,"à¸ŀรีà¹Ģมียรà¹Įลีà¸ģ":141989,"Ġdifficolt":141990,"ĠdifficoltÃł":141991,"ãĥ¬ãĤ¹ãĥĪ":141992,"ãĥ¬ãĤ¹ãĥĪãĥ©ãĥ³":141993,"สมà¹Ģà¸Ķà¹ĩ":141994,"สมà¹Ģà¸Ķà¹ĩà¸Ī":141995,"Ġжид":141996,"Ġжидк":141997,"ĠzupeÅĤ":141998,"ĠzupeÅĤnie":141999,"ĠÙħجر":142000,"ĠÙħجرد":142001,"ãģĮå§ĭ":142002,"ãģĮå§ĭãģ¾":142003,"ãĤŃãĥ£ãĥ©":142004,"Ġ×IJ×ķ×ķ×Ļר":142005,"ãģĬäºĴ":142006,"ãģĬäºĴãģĦ":142007,"ĠpotrÃł":142008,"ĠPaÅĦst":142009,"ĠPaÅĦstwo":142010,"ĠبÙĬاÙĨ":142011,"ĠبÙĬاÙĨات":142012,"Ġиногда":142013,"ĠÑĢа":142014,"ĠÑĢаÑģÑĤв":142015,"ĠÑĢаÑģÑĤвоÑĢ":142016,"Ġ×ĸ×ŀ׳":142017,"ยิà¹īม":142018,"ÄĨ":142019,"ãģ¾ãģķ":142020,"ãģ¾ãģķãģ«":142021,"ãĥķãĤ¡ãĤ¤ãĥ«":142022,"ĠgördÃ¼ÄŁÃ¼":142023,"สà¸ĩà¸Ħร":142024,"สà¸ĩà¸Ħราม":142025,"ĠArkadaÅŁ":142026,"ĠrozwiÄħzania":142027,"×ŀ×ķ×ĺ":142028,"piÄĻ":142029,"piÄĻt":142030,"صغر":142031,"สย":142032,"สยาม":142033,"ãĤĨãģ£ãģıãĤĬ":142034,"Ġtrần":142035,"ĠeconomÃŃa":142036,"Ġgehören":142037,"ãĤ·ãĥ§ãĥ¼":142038,"ĠsÅĤucha":142039,"à¸ŀà¸Ńà¹ĥà¸Ī":142040,"ĠоÑĤмеÑĤил":142041,"ÙĨتÙĤÙĦ":142042,"Ġpropósito":142043,"ĠваÑĪего":142044,"Ġnhắn":142045,"à¹ģà¸ĸว":142046,"ĠкомиÑģ":142047,"ĠкомиÑģÑģи":142048,"ważnie":142049,"ĠyavaÅŁ":142050,"×ŀ×Ļ×§":142051,"×ŀ×Ļ×§×ķ×Ŀ":142052,"ש×IJ×ľ×ª":142053,"Ġyıllarda":142054,"ĠЮ":142055,"ĠЮÑĢ":142056,"×ł×¡×Ļ×ij×ķת":142057,"תצ":142058,"תצ×ķ×Ĵ":142059,"ĠоднÑĥ":142060,"Ġà¸Ńยà¹Īาà¸ĩà¹Ħร":142061,"Ġà¸Ńยà¹Īาà¸ĩà¹Ħรà¸ģà¹ĩà¸ķาม":142062,"ëģ¼":142063,"à¹Ħลà¹Ī":142064,"تسÙĦÙĬÙħ":142065,"بÙĦاغ":142066,"Ġìī":142067,"Ġìī½":142068,"Ġìī½ê²Į":142069,"ãĥļãĥ³":142070,"звÑĥÑĩ":142071,"ĠWäh":142072,"ĠWährend":142073,"Ġ×Ļ×Ļת":142074,"Ġ×Ļ×Ļ×ª×Ľ×Ł":142075,"Ġkhuyên":142076,"Ġvẽ":142077,"ĠамеÑĢ":142078,"ĠамеÑĢик":142079,"ĠамеÑĢикан":142080,"ĠамеÑĢиканÑģк":142081,"عجب":142082,"ãĥĽãĥ¼ãĥłãĥļãĥ¼ãĤ¸":142083,"ĠникÑĤо":142084,"ĠÙĤÙİ":142085,"ĠÙĤÙİØ§ÙĦ":142086,"ĠÙĤÙİØ§ÙĦÙİ":142087,"ÐIJÐĹ":142088,"ÙħجÙħÙĪØ¹":142089,"ÙħجÙħÙĪØ¹Ø§Øª":142090,"ĠnecessitÃł":142091,"Ġpobli":142092,"Ġpobliżu":142093,"Ġphấn":142094,"ĠСообÑī":142095,"ÙħÙĤاط":142096,"ÙħÙĤاطع":142097,"Ġ×Ķצ×ķר×ļ":142098,"laÅŁtırma":142099,"วิà¸Ķ":142100,"วิà¸Ķี":142101,"วิà¸Ķีà¹Ĥà¸Ń":142102,"Ġ그리ìĬ¤":142103,"Ġ그리ìĬ¤ëıĦ":142104,"ãĤ¿ãĤ¤ãĥŁ":142105,"ãĤ¿ãĤ¤ãĥŁãĥ³ãĤ°":142106,"×§×ĺ×Ĵ×ķר":142107,"×§×ĺ×Ĵ×ķר×Ļ×Ķ":142108,"Ġ×Ĺ×ķפ":142109,"Ġ×Ĺ×ķפש×Ļ":142110,"أجر":142111,"Ġимени":142112,"ĠÑĢанее":142113,"à¹Ģà¸ŀืà¹Īà¸Ńà¸Ļà¹Ĩ":142114,"ĠJesús":142115,"Ñģоедин":142116,"Ñģоединен":142117,"Ġר×Ĺ×ķ×§":142118,"à¹Ĥà¸ļรา":142119,"à¹Ĥà¸ļราà¸ĵ":142120,"ĠHÆ¡n":142121,"ĠtháºŃp":142122,"تعÙĬÙĬÙĨ":142123,"ĠtartÄ±ÅŁ":142124,"ĠtartÄ±ÅŁma":142125,"ĠGespr":142126,"ĠGespräch":142127,"תר×ķפ":142128,"תר×ķפ×ķת":142129,"Ġcatégorie":142130,"ĠоказÑĭва":142131,"ĠналиÑĩие":142132,"Ġprésenté":142133,"Ġkull":142134,"Ġkulland":142135,"Ġkullandı":142136,"Ġünl":142137,"Ġünlü":142138,"ĠÙģÙĥرة":142139,"изаÑĤоÑĢ":142140,"×IJ×ķ׳":142141,"×IJ×ķ׳×Ļ×ij":142142,"×IJ×ķ׳×Ļ×ijרס":142143,"×IJ×ķ׳×Ļ×ijרס×Ļ×ĺת":142144,"ĠÑĢаÑģÑģмаÑĤ":142145,"ĠÑĢаÑģÑģмаÑĤÑĢ":142146,"ĠÑĢаÑģÑģмаÑĤÑĢива":142147,"تÙĥÙĦÙħ":142148,"ÙĥترÙĪ":142149,"ÙĥترÙĪÙĨÙĬ":142150,"ĠÑģоÑĩеÑĤ":142151,"ĠÑģоÑĩеÑĤа":142152,"ãĤĴè¦ĭãģĽ":142153,"Ġngừa":142154,"ĠÐłÐµÑģп":142155,"ĠÐłÐµÑģпÑĥб":142156,"ĠÐłÐµÑģпÑĥблик":142157,"ãĤ¦ãĤ©":142158,"ãĤ¦ãĤ©ãĥ¼":142159,"ĠÐľÐµÐ¶Ð´Ñĥ":142160,"ĠìŀĪê²Į":142161,"Ġmâ":142162,"ĠìļĶì²Ń":142163,"ضار":142164,"ลุà¹īà¸Ļ":142165,"ëĮĢíķĻêµIJ":142166,"×ĸ×Ļ׼":142167,"×ĸ×Ļ׼ר×ķף":142168,"ãĤ¹ãĥļ":142169,"ãĤ¹ãĥļãĥ¼ãĤ¹":142170,"ĠкÑĢаÑģоÑĤ":142171,"H":142172,"ê¼Ń":142173,"ãĤĴéĽĨ":142174,"ãĤĴéĽĨãĤģ":142175,"ë°Ŀ":142176,"Ġ×Ķ׳×IJ":142177,"Ġ×Ķ׳×IJש×Ŀ":142178,"Ġê°Ģìļ´":142179,"Ġê°Ģìļ´ëį°":142180,"تÙĥÙĦÙ쨩":142181,"ĠØŃÙĤÙĬÙĤÙĬ":142182,"Ġhalk":142183,"Ġhalkın":142184,"ÑİÑīÑĥÑİ":142185,"ĠÑģпин":142186,"סר×ĺף":142187,"ĠпеÑĢвого":142188,"Ġполож":142189,"ĠположиÑĤелÑĮн":142190,"Ġдл":142191,"ĠдлиÑĤелÑĮн":142192,"ĠVÄ©nh":142193,"ê´´":142194,"ĠÑģÑĭÑĢ":142195,"ĠíĨµíķĺìŬ":142196,"ë³ijìĽIJ":142197,"à¹Ĥรà¸ĩà¸ĩาà¸Ļ":142198,"รัà¸ļà¸ľà¸´à¸Ķ":142199,"รัà¸ļà¸ľà¸´à¸Ķà¸Ĭà¸Ńà¸ļ":142200,"تجÙĨب":142201,"sÅĤ":142202,"sÅĤuch":142203,"ãĤ¢ãĥ«ãĥIJ":142204,"ãĤ¢ãĥ«ãĥIJãĥł":142205,"ëī´ìĬ¤":142206,"Ġpatië":142207,"Ġpatiënt":142208,"Ġìĺ¤í":142209,"Ġìĺ¤íŀ":142210,"Ġìĺ¤íŀĪ":142211,"Ġìĺ¤íŀĪ볤":142212,"ĠDerne":142213,"ĠDerneÄŁi":142214,"wróci":142215,"wróciÄĩ":142216,"ĠобÑī":142217,"ĠобÑīеÑģÑĤв":142218,"ĠобÑīеÑģÑĤвенно":142219,"ĠêµIJìĪĺ":142220,"tıģımız":142221,"Ġ×Ķ×ŀש×Ļ×ij":142222,"körper":142223,"Ġпозвол":142224,"ĠпозволиÑĤ":142225,"ĠChiến":142226,"أخÙĪ":142227,"ĠAydın":142228,"à¸Ķà¹īาà¸Ļล":142229,"à¸Ķà¹īาà¸Ļลà¹Īาà¸ĩ":142230,"Ġdru":142231,"Ġdruż":142232,"Ġdrużyn":142233,"Ġë°ľíijľ":142234,"ĠThảo":142235,"جÙĩاد":142236,"à¸ģระà¸Ĺูà¹ī":142237,"ĠкÑĢов":142238,"ĠкÑĢови":142239,"Ġiçerik":142240,"Ġnadzie":142241,"ĠnadziejÄĻ":142242,"ĠСмоÑĤÑĢ":142243,"Ġphức":142244,"جتÙħاع":142245,"جتÙħاعÙĬØ©":142246,"компон":142247,"компоненÑĤ":142248,"Ġбил":142249,"ĠбилеÑĤ":142250,"ãĥIJãĥ³ãĥī":142251,"ĠPolÃŃcia":142252,"اÙĦتÙĩ":142253,"اÙĦتÙĩاب":142254,"ØŃرÙģ":142255,"تخط":142256,"تخطÙĬØ·":142257,"ãĤ³ãĥ¼ãĥ":142258,"ãĤ³ãĥ¼ãĥĴ":142259,"ãĤ³ãĥ¼ãĥĴãĥ¼":142260,"・・・":142261,"à¸ĭà¸Ńย":142262,"Ġcrédit":142263,"è²·ãģ£ãģŁ":142264,"ĠпоÑĢÑıд":142265,"ĠпоÑĢÑıдке":142266,"Ġphó":142267,"Ġwida":142268,"ĠwidaÄĩ":142269,"جرائÙħ":142270,"à¸ľà¸µ":142271,"ĠbÄĻdÄĻ":142272,"Ġ×ŀפת×Ĺ":142273,"ãĥijãĥ¼ãĥ":142274,"ãĥijãĥ¼ãĥĨ":142275,"ãĥijãĥ¼ãĥĨãĤ£":142276,"ãĥijãĥ¼ãĥĨãĤ£ãĥ¼":142277,"ĠKaż":142278,"ĠKażdy":142279,"ĠнеобÑħодимоÑģÑĤи":142280,"à¸Łà¸Ńรà¹Į":142281,"à¸Łà¸Ńรà¹Įม":142282,"ĠмалÑĭÑĪ":142283,"ĠплоÑĤ":142284,"ĠÑĥÑģÑĤÑĢой":142285,"ĠÑĥÑģÑĤÑĢойÑģÑĤва":142286,"à¸ĸà¸Ńà¸Ļ":142287,"ĠoluÅŁturul":142288,"ĠÅĽwiad":142289,"ĠÅĽwiadom":142290,"ÙħعÙĩد":142291,"ĠпÑĢоизведен":142292,"Æł":142293,"ר×Ļש":142294,"Ùħستث":142295,"ÙħستثÙħر":142296,"׳×Ļ×Ļר":142297,"pañ":142298,"Ġ;-)":142299,"Ġë°ľê²¬":142300,"Ġgörüyor":142301,"ÙħؤÙĦÙģ":142302,"ĠÄIJá»ģ":142303,"ĠاÙĦÙĨÙĪØ§Ø¨":142304,"×Ĺ×§×Ļר×Ķ":142305,"Ġmá»ıi":142306,"è¿°ãģ¹":142307,"ÐĿик":142308,"ìŀĸìķĦ":142309,"ìŀĸìķĦìļĶ":142310,"prowadziÅĤ":142311,"lóg":142312,"lógica":142313,"פס×ĺ":142314,"פס×ĺ×Ļ×ij׾":142315,"Ġ×ŀ×ĵ×Ķ":142316,"Ġ×ŀ×ĵ×Ķ×Ļ×Ŀ":142317,"ãģĵãģĵãģ¾ãģ§":142318,"×Ķת×Ĺ":142319,"×Ķת×Ĺ׾×Ķ":142320,"Ġפ×ķס":142321,"Ġפ×ķס×ĺ×Ļ×Ŀ":142322,"Ġнев":142323,"Ġневоз":142324,"Ġневозможно":142325,"ĠdostÄĻpny":142326,"ĠغاÙĦ":142327,"ĠغاÙĦب":142328,"ĠbezpieczeÅĦst":142329,"ĠbezpieczeÅĦstwa":142330,"åĪĨãģĭãĤĭ":142331,"ĠFührung":142332,"à¸ģีà¹ī":142333,"gemÃ¤ÃŁ":142334,"à¸Ĭà¹Īวà¸ĩà¹Ģวลา":142335,"Ġìļ°ë¦¬ëĤĺ":142336,"Ġìļ°ë¦¬ëĤĺëĿ¼":142337,"ãģ¥ãģıãĤĬ":142338,"ĠاÙĦÙħسÙĦ":142339,"ĠاÙĦÙħسÙĦØŃØ©":142340,"Ġliberté":142341,"клÑİÑĩение":142342,"Ġzamów":142343,"Ġzamówienia":142344,"รà¸ĸà¹Ħà¸Ł":142345,"Ø£ÙģÙĦ":142346,"Ø£ÙģÙĦاÙħ":142347,"Ùħراج":142348,"Ùħراجعة":142349,"Ġë¹ĦêµIJ":142350,"ĠاÙĦتاب":142351,"ĠاÙĦتابعة":142352,"Ġë§ĮëĤĺ":142353,"ĠбÑĥм":142354,"ĠбÑĥмаг":142355,"Ġgénero":142356,"Ġìŀĺ못":142357,"×ŀפ×ķר×ĺ":142358,"è²·ãģĦçī©":142359,"ĠÙĦدÙĬÙĥ":142360,"Ġ×ľ×¢×Ļת":142361,"Ġ×ľ×¢×Ļת×Ļ×Ŀ":142362,"ĠsÅĤab":142363,"ĠпÑĢедÑģÑĤавлÑı":142364,"ãĤ¿ãĤ¤ãĥĪ":142365,"ãĤ¿ãĤ¤ãĥĪãĥ«":142366,"Ùħص":142367,"ÙħصطÙģ":142368,"ÙħصطÙģÙī":142369,"Ġdifficulté":142370,"ãĥĨãĤ£ãĥĸ":142371,"ĠpewnoÅĽci":142372,"ĠpewnoÅĽciÄħ":142373,"Ġ무ìĬ¨":142374,"إرس":142375,"إرساÙĦ":142376,"ĠдалÑĮ":142377,"ĠдалÑĮÑĪе":142378,"Ġ×ľ×ł×¡":142379,"Ġ×ľ×ł×¡×ķת":142380,"หมูà¹Īà¸ļà¹īาà¸Ļ":142381,"×ŀס×ŀ׼×Ļ":142382,"أسÙĦÙĪØ¨":142383,"ĠzwÅĤ":142384,"ĠzwÅĤas":142385,"ĠzwÅĤaszc":142386,"ĠzwÅĤaszcza":142387,"ĠпÑĢеж":142388,"ĠпÑĢежде":142389,"ĠоÑĢганизаÑĨиÑı":142390,"Ġdönemin":142391,"Ġdöneminde":142392,"ĠỦ":142393,"ĠỦy":142394,"ä¸ĭãģĴ":142395,"ĠпоÑģледние":142396,"Ġgüne":142397,"ĠgüneÅŁ":142398,"Ġ×IJ×ĸר":142399,"Ġ×IJ×ĸר×Ĺ×Ļ":142400,"ãģ§ãģĤãĤįãģĨ":142401,"ĠÙĨÙĤ":142402,"ĠÙĨÙĤاط":142403,"æŃ£ãģĹãģĦ":142404,"ĠÑĢег":142405,"ĠÑĢегиона":142406,"ĠFörder":142407,"ê²½ìĺģ":142408,"dıklar":142409,"dıklarını":142410,"trzymaÄĩ":142411,"أشÙĥ":142412,"أشÙĥاÙĦ":142413,"×Ķת×IJ":142414,"×Ķת×IJ×ŀ×Ķ":142415,"à¸Ĺำà¹ĥหà¹īà¹Ģà¸ģิà¸Ķ":142416,"ĠGebä":142417,"ĠGebäude":142418,"ĠСеÑĢг":142419,"ĠСеÑĢгей":142420,"ĠздоÑĢов":142421,"ĠздоÑĢовÑĮÑı":142422,"Ġrãi":142423,"ĠпÑĢедÑĥÑģ":142424,"ĠпÑĢедÑĥÑģмоÑĤÑĢ":142425,"ĠпÑĢедÑĥÑģмоÑĤÑĢен":142426,"Ġ×Ķצ×Ļ×ij":142427,"Ġ×Ķצ×Ļ×ij×ķר×Ļ":142428,"Ġdésir":142429,"ĠноÑĩ":142430,"ĠноÑĩÑĮ":142431,"möglichkeiten":142432,"Ġ×IJ×Ĺר×ķ׳×Ļ×Ŀ":142433,"Ġsoirée":142434,"ĠNháºŃn":142435,"Ùª":142436,"à¸Ľà¸£à¸°à¸§à¸±à¸ķิศาสà¸ķรà¹Į":142437,"êµIJíĨµ":142438,"ĠأخÙĬ":142439,"Ġdécid":142440,"Ġdécidé":142441,"Ġwyja":142442,"ĠwyjaÅĽni":142443,"Ġสิ":142444,"Ġสิà¸ĩ":142445,"Ġสิà¸ĩหา":142446,"Ġสิà¸ĩหาà¸Ħม":142447,"à¹ģà¸Ńรà¹Į":142448,"หà¸Ļà¹īาà¸Īà¸Ń":142449,"סתר":142450,"Ġê¶":142451,"Ġê¶Į":142452,"Ġê¶Į리":142453,"plätze":142454,"بطÙĦ":142455,"ê±´ìĦ¤":142456,"Ġ×IJ×Ļ×ŀ×Ļ":142457,"Ġ×IJ×Ļ×ŀ×Ļ×Ļ׾":142458,"ãģ½":142459,"تراث":142460,"×IJ׾×Ļ×ŀ×ķת":142461,"ĠdisponÃŃveis":142462,"Ġzale":142463,"Ġzależy":142464,"à¸Ľà¸£à¸°à¸Ĭาสัมà¸ŀัà¸Ļà¸ĺà¹Į":142465,"ĠÅļwiat":142466,"Ġporówn":142467,"Ġporówna":142468,"Ġ׾×ĺ×ķ×ijת":142469,"×Ķ×ĸ×ŀ׳×Ķ":142470,"Ġ×Ľ×ª×ķצ×IJ×Ķ":142471,"Ġ×ijק׾":142472,"Ġ×ijק׾×ķת":142473,"ĠоÑĤкÑĢ":142474,"ĠоÑĤкÑĢÑĭва":142475,"ãĥijãĥ¯ãĥ¼":142476,"ë¿IJë§Į":142477,"ĠвÑģÑı":142478,"ĠвÑģÑıк":142479,"ãģ¨ãģªãģ£ãģ¦ãģĦãĤĭ":142480,"ĠgiáºŃn":142481,"ĠокÑĢÑĥ":142482,"ĠокÑĢÑĥжа":142483,"ĠокÑĢÑĥжаÑİÑī":142484,"ĠUniversität":142485,"ĠÑĢож":142486,"ĠÑĢожд":142487,"ĠÑĢождениÑı":142488,"Ø®ÙĬÙĦ":142489,"Ġкомпаний":142490,"ĠÑĢазлиÑĩнÑĭе":142491,"ĠЦена":142492,"׳×Ļ×ķ×ĸ":142493,"׳×Ļ×ķ×ĸ׾":142494,"׳×Ļ×ķ×ĸ׾×ĺר":142495,"Ġê³µê°Ħ":142496,"Ġê°ľëħIJ":142497,"landırma":142498,"ĠÑĥдален":142499,"à¸ŀัà¸ģà¸ľ":142500,"à¸ŀัà¸ģà¸ľà¹Īà¸Ńà¸Ļ":142501,"Ġprotección":142502,"ĠbÅĤ":142503,"ĠbÅĤÄĻd":142504,"ÃĪ":142505,"Ġíĸīë³µ":142506,"ĠÅŁÃ¼":142507,"ĠÅŁÃ¼phe":142508,"ĠíĶ":142509,"Ġíͼ":142510,"Ġíͼíķ´":142511,"Ġëĭ¤ë¥´":142512,"à¹Ħมà¹Īà¹Ģà¸ģิà¸Ļ":142513,"ãģ¿ãģª":142514,"ãģ¿ãģªãģķãĤĵ":142515,"ĠпоÑĤÑĢеб":142516,"ĠпоÑĤÑĢебиÑĤел":142517,"ĠاÙĦÙĥÙĦاÙħ":142518,"ìķĦë²Ħ":142519,"ìķĦë²Ħì§Ģ":142520,"ãĤĴ使ãģ£ãģŁ":142521,"Ġbụi":142522,"ĠпоÑĤеÑĢ":142523,"ĠпоÑĤеÑĢÑı":142524,"ĠØ¢ÙĦاÙģ":142525,"ĠнаÑģÑĤоÑıÑīее":142526,"ãģıãģªãĤĬãģ¾ãģĹãģŁ":142527,"clusão":142528,"ãĤ³ãĥĶãĥ¼":142529,"צפ×Ļ":142530,"צפ×Ļ×Ļ×Ķ":142531,"Ø®ÙĦا":142532,"Ø®ÙĦاص":142533,"ลà¹īำ":142534,"ãĥ¯ãĤ¤ãĥ³":142535,"Ġมีà¸Ļา":142536,"Ġมีà¸Ļาà¸Ħม":142537,"شخص":142538,"شخصÙĬات":142539,"Ġ×ĸ×§":142540,"Ġ×ĸ×§×ķ×§":142541,"×Ļ×Ļצ":142542,"×Ļ×Ļצ×Ĵ":142543,"èĢĥãģĪæĸ¹":142544,"Ġürünü":142545,"ĠиÑģпол":142546,"ĠиÑģполни":142547,"Ġcompañero":142548,"קצ×Ķ":142549,"×ŀ×¢×ł×Ļ×§":142550,"ÙħØŃÙħد":142551,"Ġcámara":142552,"Ġпед":142553,"Ġпедаг":142554,"Ġпедагог":142555,"маÑĢ":142556,"маÑĢк":142557,"×Ķ×ª×ł×Ĵ×ĵ":142558,"ĠìĨĮê°ľ":142559,"ĠcomunitÃł":142560,"곤":142561,"ĠNgÃłi":142562,"สà¸ĩà¸ļ":142563,"ĠmieszkaÅĦców":142564,"ĠÙĨÙĩائÙĬ":142565,"ivité":142566,"Ġиде":142567,"ĠидеалÑĮн":142568,"ĠأسبÙĪØ¹":142569,"Ġ×Ļ×¢×ľ":142570,"Ġ׾ר×IJש":142571,"Ġ׾ר×IJש×ķ׳×Ķ":142572,"ĠзапиÑģи":142573,"ĠкоÑĢпÑĥÑģ":142574,"วà¸ĩศ":142575,"วà¸ĩศà¹Į":142576,"ĠÐĶм":142577,"ĠÐĶмиÑĤ":142578,"ĠÐĶмиÑĤÑĢ":142579,"Ġkönnt":142580,"Ġbölges":142581,"Ġbölgesinde":142582,"׼×Ļ׼":142583,"׼×Ļ׼ר":142584,"ĠاÙĦإثÙĨ":142585,"ĠاÙĦإثÙĨÙĬÙĨ":142586,"Ġngá»Ļ":142587,"ì¹ł":142588,"دراج":142589,"Ġuda":142590,"ĠudaÅĤo":142591,"ìºIJ":142592,"برÙĨاÙħج":142593,"ĠÑģÑĥдеб":142594,"ĠÑģÑĥдебн":142595,"Ġzunächst":142596,"ĠEducación":142597,"ãģ¨ãģªãģ£ãģ¦ãģĦãģ¾ãģĻ":142598,"Ġ×Ķ×IJ×ŀ×Ļת×Ļ":142599,"Ġİnt":142600,"Ġİnternet":142601,"ĠcaÅĤego":142602,"ãĥĹãĥªãĥ³":142603,"إبد":142604,"إبداع":142605,"ĠпоÑĢÑĤал":142606,"à¹Ĥà¸ķà¹ī":142607,"Ġ×Ķקש×ķר":142608,"плод":142609,"ĠÙħد":142610,"ĠÙħدرÙĬد":142611,"×ŀסע×ĵ×Ķ":142612,"ĠØ´ÙĬئ":142613,"ĠØ´ÙĬئا":142614,"à¸ģà¹Īà¸Ńสรà¹īาà¸ĩ":142615,"Ġì°¸ê³ł":142616,"à¹Ģà¸Ĺร":142617,"à¹Ģà¸Ĺรà¸Ķ":142618,"Ġ×ij×ŀקר×Ļ×Ŀ":142619,"Ġbât":142620,"Ġbâtiment":142621,"åij¼ãģ³":142622,"ç´łæķµ":142623,"ç´łæķµãģª":142624,"przedsiÄĻbiorst":142625,"przedsiÄĻbiorstw":142626,"Ġ×ł×ª×ķ׳×Ļ×Ŀ":142627,"×Ĺ׾×ķ×Ŀ":142628,"รวย":142629,"ÙħÙĪØ¶ÙĪØ¹":142630,"ĠÑģобÑĢан":142631,"ведÑĥÑī":142632,"ĠÑĤеаÑĤ":142633,"ĠÑĤеаÑĤÑĢ":142634,"meye":142635,"meyeceÄŁi":142636,"ĠpieniÄħ":142637,"ĠpieniÄħd":142638,"ĠpieniÄħdze":142639,"ÑĢезиденÑĤ":142640,"ØŃصر":142641,"ìĺ¥":142642,"à¹Ģยืà¸Ńà¸Ļ":142643,"ĠÑĥни":142644,"ĠÑĥнивеÑĢ":142645,"ĠÑĥнивеÑĢÑģ":142646,"ĠÑĥнивеÑĢÑģиÑĤеÑĤ":142647,"ĠاÙĦرØŃ":142648,"ĠاÙĦرØŃÙħÙĨ":142649,"ĠÑĤеÑħнолог":142650,"ĠÑĤеÑħнологии":142651,"ìĹIJëĦĪ":142652,"ìĹIJëĦĪì§Ģ":142653,"ĠíķŃ":142654,"ĠíķŃìĥģ":142655,"à¸ĺา":142656,"à¸ĺาà¸ķุ":142657,"ĠEspañol":142658,"×ĵ×Ĵש":142659,"Ġêµī":142660,"Ġêµīìŀ¥":142661,"Ġêµīìŀ¥íŀĪ":142662,"ĠÅĤat":142663,"ĠÅĤatwo":142664,"Ġká»ĭch":142665,"إز":142666,"إزاÙĦØ©":142667,"ĠдейÑģÑĤвие":142668,"ĠsaÄŁlayan":142669,"สุà¸Ķยà¸Ńà¸Ķ":142670,"ĠzostaÄĩ":142671,"ĠdisponÃŃvel":142672,"ïºį":142673,"verständ":142674,"verständlich":142675,"twor":142676,"tworzyÄĩ":142677,"عجز":142678,"à¹Ģà¸Ĥà¹īม":142679,"ยà¹Īà¸Ńม":142680,"Ġstratég":142681,"Ġstratégie":142682,"à¸ľà¸¥à¹Ħมà¹ī":142683,"Ġê°ģì¢ħ":142684,"ĠÙħÙĪØ§":142685,"ĠÙħÙĪØ§Ø¶":142686,"ĠÙħÙĪØ§Ø¶ÙĬع":142687,"اØŃتج":142688,"اØŃتجاج":142689,"ĠẤ":142690,"ĠẤn":142691,"×ŀ×ŀש׾×Ķ":142692,"ĠÅŁekil":142693,"×ŀ×Ĺ׾":142694,"×ŀ×Ĺ׾×ķת":142695,"Ġà¸ĺ":142696,"Ġà¸ĺัà¸Ļ":142697,"Ġà¸ĺัà¸Ļวา":142698,"Ġà¸ĺัà¸Ļวาà¸Ħม":142699,"Ġìĭ¤ìłľ":142700,"Ġìĭ¤ìłľë¡ľ":142701,"ì¤ijìķĻ":142702,"ëįĶëĿ¼":142703,"ĠÑĪиÑĢ":142704,"ĠÑĪиÑĢоко":142705,"Ġsolución":142706,"วาà¸ĩà¹ģà¸ľà¸Ļ":142707,"×IJ×ķ×ĺ×ķ×ŀ":142708,"×IJ×ķ×ĺ×ķ×ŀ×ĺ×Ļ":142709,"ĠÑĢеÑģÑĤ":142710,"ĠÑĢеÑģÑĤоÑĢ":142711,"ĠÑĢеÑģÑĤоÑĢан":142712,"ëį¸":142713,"ÑĤÑĢад":142714,"ÑĤÑĢади":142715,"ÑĤÑĢадиÑĨион":142716,"ÑĤÑĢадиÑĨионн":142717,"มะà¹Ģรà¹ĩ":142718,"มะà¹Ģรà¹ĩà¸ĩ":142719,"à¹Ĥส":142720,"Ġolmasını":142721,"×ŀ×ķסר":142722,"ĠоÑĤноÑĪении":142723,"Ġê°ĢëĬ¥ìĦ±":142724,"Ġyuk":142725,"Ġyukarı":142726,"ìĨĶ":142727,"ĠÑģÑĦ":142728,"ĠÑģÑĦеÑĢе":142729,"Ġ×§×ķפ":142730,"ãĤ±ãĥ¼ãĤ":142731,"ãĤ±ãĥ¼ãĤŃ":142732,"âĢķâĢķ":142733,"ĠاÙĦØ£ÙĦÙħ":142734,"ĠاÙĦØ£ÙĦÙħاÙĨÙĬ":142735,"ẢN":142736,"ת×ķ׼׳×Ļ×ķת":142737,"ĠÑģÑĥÑīеÑģÑĤвÑĥеÑĤ":142738,"æĪijãĢħ":142739,"ĠاÙĦصادر":142740,"ĠTrá»įng":142741,"Ġад":142742,"ĠадминиÑģÑĤ":142743,"ĠадминиÑģÑĤÑĢа":142744,"ĠадминиÑģÑĤÑĢаÑĨи":142745,"ĠдÑĢÑĥгими":142746,"ÑģпеÑĪ":142747,"عÙĦاÙħات":142748,"Ġаб":142749,"ĠабÑģол":142750,"ĠабÑģолÑİÑĤ":142751,"ĠабÑģолÑİÑĤно":142752,"ฤà¸Ķู":142753,"étr":142754,"étranger":142755,"нÑıÑĤи":142756,"нÑıÑĤие":142757,"×¢×ķ׳":142758,"×¢×ķ׳ש":142759,"ĠÙĤائ":142760,"ĠÙĤائÙĦا":142761,"ĠмаÑģ":142762,"ĠмаÑģло":142763,"ãĥīãĤ¤":142764,"ãĥīãĤ¤ãĥĦ":142765,"å¿ħè¦ģãģĮãģĤãĤĬãģ¾ãģĻ":142766,"×ŀ×ķ×ĸ×Ļ×IJ":142767,"×ŀ×ķ×ĸ×Ļ×IJ×ķף":142768,"ĠNgoại":142769,"Ġkênh":142770,"à¸ģารà¸Ńà¸Ńà¸ģà¹ģà¸ļà¸ļ":142771,"×ŀפק":142772,"×ŀפק×ĵ":142773,"ÙħÙĨاز":142774,"ÙħÙĨازÙĦ":142775,"ë·°":142776,"íŤ":142777,"ÙħÙĩارات":142778,"Ġpropriété":142779,"פ×Ĵ×Ļש×Ķ":142780,"ÑĩÑĢ":142781,"ÑĩÑĢеж":142782,"ÑĩÑĢежден":142783,"×Ķ×ķצ×IJ×Ķ":142784,"ØŃÙĥÙĬÙħ":142785,"ĠíĻĪ":142786,"ĠíĻĪíİĺìĿ´ì§Ģ":142787,"åݳ":142788,"åݳãģĹãģĦ":142789,"×¢×ŀ×ĵ×Ķ":142790,"ĠAuÃŁen":142791,"سÙĪØ¡":142792,"ë¹Ī":142793,"ĠÙĪØ®":142794,"ĠÙĪØ®Ø§ØµØ©":142795,"инÑĤеÑĢ":142796,"инÑĤеÑĢеÑģ":142797,"èĩ´ãģĹãģ¾ãģĻ":142798,"Ġhüküm":142799,"à¹Ħà¸Ĥมัà¸Ļ":142800,"Ġdavran":142801,"ĠdavranÄ±ÅŁ":142802,"à¹Ģà¸ķียà¸ĩ":142803,"вÑĢем":142804,"вÑĢеменно":142805,"à¹Ģà¸Ĺศà¸ģา":142806,"à¹Ģà¸Ĺศà¸ģาล":142807,"å¼ķãģ£":142808,"å¼ķãģ£è¶ĬãģĹ":142809,"×IJר×ķ×Ĺ":142810,"×IJר×ķ×Ĺת":142811,"à¹Ģวิ":142812,"à¹Ģวิรà¹Į":142813,"à¸Ńยà¹Īาà¸ĩรวà¸Ķà¹Ģรà¹ĩว":142814,"ĠìŬíĸī":142815,"ĠÑĢанÑĮ":142816,"ĠÑĢанÑĮÑĪе":142817,"Ġzobow":142818,"ĠzobowiÄħ":142819,"ĠzobowiÄħz":142820,"Ġ×ķ׼×ŀ×ķ×ijף":142821,"ĠاÙĦÙħÙĩ":142822,"ĠاÙĦÙħÙĩÙĨÙĬ":142823,"ãĤ¢ãĤ¸":142824,"ãĤ¢ãĤ¸ãĤ¢":142825,"ë°©ìĨ¡":142826,"à¸Ńà¸Ńà¸ģà¸ģำลัà¸ĩ":142827,"à¸Ńà¸Ńà¸ģà¸ģำลัà¸ĩà¸ģาย":142828,"améli":142829,"améliorer":142830,"å½ĵãģŁãĤĬåīį":142831,"Ġregelm":142832,"ĠregelmÃ¤ÃŁig":142833,"ãģĬåĭ":142834,"ãģĬåĭ§":142835,"ãģĬåĭ§ãĤģ":142836,"Ġmưá»Ŀi":142837,"برÙħج":142838,"ĠNatürlich":142839,"ĠDÅ©ng":142840,"ĠاÙĦرجاÙĦ":142841,"Ġthép":142842,"ĠolmuÅŁtur":142843,"×ŀ×ķס×Ļ×§×Ķ":142844,"fälle":142845,"주íĥĿ":142846,"ĠاÙĦÙģØ±Øµ":142847,"ĠnajwiÄĻks":142848,"ĠnajwiÄĻkszy":142849,"ĠçaÄŁ":142850,"ĠçaÄŁrı":142851,"ì¸ł":142852,"ĠvÃŃct":142853,"ĠvÃŃctima":142854,"ĠÑģовеÑĢÑĪен":142855,"×Ķ×Ļ×Ļת×Ļ":142856,"à¹Ģà¸Ķี":142857,"à¹Ģà¸Ķีà¹ĭ":142858,"à¹Ģà¸Ķีà¹ĭยว":142859,"üyü":142860,"Ġдоп":142861,"Ġдополн":142862,"ĠдополниÑĤелÑĮно":142863,"à¹ģà¸ķà¸ģà¸ķà¹Īาà¸ĩà¸ģัà¸Ļ":142864,"Ġál":142865,"Ġálbum":142866,"à¸Ľà¸£à¸°à¸Īà¸³à¸Ľà¸µ":142867,"ĠÑĦедеÑĢ":142868,"ĠÑĦедеÑĢалÑĮн":142869,"ĠobsÅĤ":142870,"ĠobsÅĤugi":142871,"à¹Ģรืà¹Ī":142872,"à¹Ģรืà¹Īà¸Ńย":142873,"à¹Ģรืà¹Īà¸Ńยà¹Ĩ":142874,"ëģĮ":142875,"Ġnghìn":142876,"ĠBaÅŁkanlıģı":142877,"تأسÙĬ":142878,"تأسÙĬس":142879,"Ġ×ij×ij×ķקר":142880,"Ġ×¢×ij×ķ×ĵ×ķת":142881,"ĠبصÙĪØ±Ø©":142882,"ãĤıãģijãģ§ãģ¯ãģªãģĦ":142883,"führer":142884,"ãĤ¹ãĤŃ":142885,"ãĤ¹ãĤŃãĥ«":142886,"ĠاÙĦÙĤض":142887,"ĠاÙĦÙĤضÙĬØ©":142888,"ĠдолжноÑģÑĤ":142889,"ÙģØ§Ø±ÙĤ":142890,"Ġcomeçou":142891,"Ġorganisé":142892,"Ġxuân":142893,"ĠÑģообÑīаеÑĤ":142894,"ĠпÑĢид":142895,"ĠпÑĢидеÑĤÑģÑı":142896,"TÃľRK":142897,"ãĥ¬ãĥ¼ãĤ·ãĥ§ãĥ³":142898,"Không":142899,"استÙģ":142900,"استÙģØ§Ø¯Ø©":142901,"ä¸ĬãģĮãģ£ãģ¦":142902,"Ġumie":142903,"ĠumiejÄĻ":142904,"ĠumiejÄĻtn":142905,"ĠumiejÄĻtnoÅĽci":142906,"ëĤ¸":142907,"à¹Ģà¸Ļà¸Ńรà¹Į":142908,"×ĵ×ķ×ķ×Ĺ":142909,"ÃŃsimo":142910,"IÃĬ":142911,"IÃĬN":142912,"Ġalcanç":142913,"Ġà¸ķุ":142914,"Ġà¸ķุลา":142915,"Ġà¸ķุลาà¸Ħม":142916,"ש׾×ĺ×ķף":142917,"Ġélè":142918,"Ġélèves":142919,"ĠÄiju":142920,"ĠÄijuá»ķi":142921,"ĠØ£Ùģ":142922,"ĠØ£Ù쨱ÙĬ":142923,"ĠØ£Ù쨱ÙĬÙĤÙĬ":142924,"ĠØ£Ù쨱ÙĬÙĤÙĬا":142925,"ãĤĴæİ¢ãģĻ":142926,"ĠпÑĢедложениÑı":142927,"جاد":142928,"ĠÑħоÑĤÑĮ":142929,"Ñģал":142930,"Ñģалон":142931,"à¸Ľà¸£à¸°à¹Ģม":142932,"à¸Ľà¸£à¸°à¹Ģมิà¸Ļ":142933,"ãĤŃãĥĥãĥģ":142934,"ãĤŃãĥĥãĥģãĥ³":142935,"×ij×ĵ×Ļ×§×ķת":142936,"Ġchù":142937,"Ġchùa":142938,"ÐĴиде":142939,"ÐĴидео":142940,"иÑĢовка":142941,"ĠÑħоÑĤиÑĤе":142942,"Ġspécifique":142943,"รสà¸Ĭาà¸ķิ":142944,"è¾¼ãĤĵãģł":142945,"伸ãģ³":142946,"×Ķצ׾×Ĺת":142947,"ãģ©ãģ®ãĤĪãģĨãģ«":142948,"سعادة":142949,"Ġлид":142950,"ĠлидеÑĢ":142951,"มà¸ĩ":142952,"มà¸ĩà¸Ħล":142953,"ØŃاÙħÙĦ":142954,"หลุà¸Ķ":142955,"à¸Ńยà¹Īาà¸ĩà¸ķà¹Īà¸Ń":142956,"à¸Ńยà¹Īาà¸ĩà¸ķà¹Īà¸Ńà¹Ģà¸Ļืà¹Īà¸Ńà¸ĩ":142957,"ãģķãģĽãģ¦éłĤ":142958,"تسÙĪÙĬ":142959,"تسÙĪÙĬÙĤ":142960,"ĠaÅŁaģıd":142961,"ĠaÅŁaģıdaki":142962,"ĠÑĨелÑĮ":142963,"ĠÑĨелÑĮÑİ":142964,"ĠAraÅŁtırma":142965,"à¸Ĥัà¸ļรà¸ĸ":142966,"ÙĩذÙĩ":142967,"ลà¸ĩà¸Ĺะ":142968,"ลà¸ĩà¸Ĺะà¹Ģà¸ļ":142969,"ลà¸ĩà¸Ĺะà¹Ģà¸ļียà¸Ļ":142970,"تÙĥاÙħÙĦ":142971,"Ġcio":142972,"Ġcioè":142973,"ãģ¦ãģĬãģı":142974,"ĠاÙĦصØŃÙģÙĬ":142975,"ĠíĬ¹ìłķ":142976,"полниÑĤÑĮ":142977,"ãĤĵãģĺãĤĥãģªãģĦ":142978,"ãĤĵãģĺãĤĥãģªãģĦãģĭ":142979,"ĠاÙĦجÙĩ":142980,"ĠاÙĦجÙĩات":142981,"ĠÑĥÑģпеÑĪно":142982,"Ġвок":142983,"ĠвокÑĢÑĥг":142984,"ĠÑģиÑĤÑĥаÑĨиÑı":142985,"Ġ×Ķ×IJ×ŀר":142986,"Ġ×Ķ×IJ×ŀר×Ļ×§":142987,"Ġ×Ķ×IJ×ŀר×Ļ×§×IJ×Ļ":142988,"×ŀ×Ĵ×ĸ":142989,"×ŀ×Ĵ×ĸ×Ļף":142990,"ĠакÑĤÑĥ":142991,"ĠакÑĤÑĥалÑĮн":142992,"éta":142993,"étais":142994,"ĠmogÅĤa":142995,"ĠÑĤоÑĩки":142996,"Ġ×ŀ×Ķ×ŀ×¢":142997,"Ġ×ŀ×Ķ×ŀ×¢×¨×Ľ×ª":142998,"à¸¡à¸µà¸Ľà¸£à¸°à¸ªà¸´à¸Ĺà¸ĺà¸´à¸łà¸²à¸ŀ":142999,"×Ļר×Ļ×ĵ×Ķ":143000,"×Ĵר×ŀ׳":143001,"×Ĵר×ŀ׳×Ļ×Ķ":143002,"Ġглав":143003,"Ġглавное":143004,"Ġ미ëŀĺ":143005,"Ġ׳׼×ķ׳×Ķ":143006,"ĠÙĪØ·ÙĨÙĬ":143007,"opport":143008,"opportunitÃł":143009,"Ġhá»§y":143010,"ĠÙĦتØŃ":143011,"ĠÙĦتØŃÙĤÙĬÙĤ":143012,"Ġórg":143013,"Ġórgão":143014,"ãĤ¹ãĥĶ":143015,"ãĤ¹ãĥĶãĥ¼ãĥī":143016,"Ġönü":143017,"Ġönüne":143018,"ÙħعاÙħÙĦ":143019,"ש×ŀ×Ļר×Ķ":143020,"ĠвеÑģÑĮма":143021,"ĠwiÄĻkszo":143022,"ĠwiÄĻkszoÅĽÄĩ":143023,"ĠاستراتÙĬج":143024,"ĠاستراتÙĬجÙĬØ©":143025,"ĠÙ쨥":143026,"ĠÙģØ¥Ø°Ø§":143027,"à¹Ģà¸Ĭืà¹Īà¸Ńม":143028,"à¹Ģà¸Ĭืà¹Īà¸Ńมà¸ķà¹Īà¸Ń":143029,"Ġ׾פר":143030,"Ġ׾פר×ĺ×Ļ×Ŀ":143031,"ÙħضÙĬ":143032,"ĠGerçek":143033,"Ġçocukların":143034,"ÙĪØ«Ø§Ø¦ÙĤ":143035,"ĠÙħساءÙĭ":143036,"Ġunterstützt":143037,"Ġprést":143038,"Ġpréstamo":143039,"ĠÐłÐ°Ð·Ð¼ÐµÑĢ":143040,"ĠÅŁeker":143041,"Ġséculo":143042,"×ij×Ķ×Ļר":143043,"Ø´ÙĩÙĪØ±":143044,"Ġà¸Ńีà¸ģ":143045,"Ġà¸Ńีà¸ģà¸Ĺัà¹īà¸ĩ":143046,"Ġllegó":143047,"à¸¨à¸´à¸¥à¸Ľà¸°":143048,"æĪijãģĮ":143049,"æĪijãģĮå®¶":143050,"عÙĤÙĪ":143051,"عÙĤÙĪØ¨Ø§Øª":143052,"ĠFälle":143053,"ĠsÅĤuż":143054,"ĠsÅĤużb":143055,"ĠاÙĦØŃÙĤÙĪÙĤ":143056,"ĠплиÑĤ":143057,"ĠиноÑģÑĤ":143058,"ĠиноÑģÑĤÑĢан":143059,"ĠиноÑģÑĤÑĢанн":143060,"à¹ĥà¸Ļà¸Ĥà¸ĵะà¸Ĺีà¹Ī":143061,"ãĤ«ãĥĨ":143062,"ãĤ«ãĥĨãĤ´":143063,"ãĤ«ãĥĨãĤ´ãĥª":143064,"à¸Ńิส":143065,"à¸Ńิสระ":143066,"à¹Ģà¸ľà¸¢à¹ģ":143067,"à¹Ģà¸ľà¸¢à¹ģà¸ŀร":143068,"à¹Ģà¸ľà¸¢à¹ģà¸ŀรà¹Ī":143069,"ãģĬãģĦ":143070,"ãģĬãģĦãģĹãģĦ":143071,"استÙĤÙĦ":143072,"استÙĤÙĦاÙĦ":143073,"تØŃض":143074,"تØŃضÙĬر":143075,"åĬ©ãģij":143076,"ÙħراÙģÙĤ":143077,"Ġ×ĵ×ķר":143078,"Ġ×ĵ×ķרש":143079,"×ŀת×Ļ×Ļ×Ĺס":143080,"ס×Ļ׼":143081,"ס×Ļ׼×ķ×Ŀ":143082,"íĮĮíĬ¸":143083,"ĠwyÅĽ":143084,"ĠwyÅĽw":143085,"ĠwyÅĽwiet":143086,"ĠwyÅĽwietl":143087,"ĠاÙĦاÙĨساÙĨ":143088,"ĠStraÃŁen":143089,"L":143090,"ãģ«åŁº":143091,"ãģ«åŁºãģ¥":143092,"ĠcapÃŃtulo":143093,"ลุย":143094,"Ġ×Ķ×ŀקצ×ķ×¢×Ļ":143095,"ãģĤãĤĭç¨ĭ度":143096,"Ợ":143097,"ĠاÙĦÙĦا":143098,"ĠاÙĦÙĦازÙħØ©":143099,"æķĻãģĪ":143100,"Ġרש×IJ×Ļ":143101,"зав":143102,"завиÑģ":143103,"завиÑģим":143104,"à¸Ľà¸±à¸Īà¸Īัย":143105,"à¹Ģà¸ĭล":143106,"à¹Ģà¸ĭลลà¹Į":143107,"Ġdifférence":143108,"ĠAltın":143109,"ĠкÑĢай":143110,"ĠкÑĢайне":143111,"Ġзло":143112,"Ġgünümüz":143113,"ĠнаÑĤÑĥÑĢ":143114,"ĠнаÑĤÑĥÑĢалÑĮн":143115,"×Ĵ×ķ׾ש×Ļ×Ŀ":143116,"ĠкаÑĤегоÑĢ":143117,"ĠкаÑĤегоÑĢии":143118,"Ġзнак":143119,"à¸ģà¹Īà¸Ńà¸Ļหà¸Ļà¹īา":143120,"à¸ģà¹Īà¸Ńà¸Ļหà¸Ļà¹īาà¸Ļีà¹ī":143121,"ĠÙħÙĨت":143122,"ĠÙħÙĨتخب":143123,"ãĥĽãĥ¼ãĥ«":143124,"ĠевÑĢо":143125,"สว":143126,"สวม":143127,"ĠìľĦìĽIJ":143128,"ĠìľĦìĽIJëĭĺ":143129,"ĠاÙĦØŃÙĪØ«":143130,"ĠاÙĦØŃÙĪØ«ÙĬ":143131,"ĠÑģодеÑĢжиÑĤ":143132,"ãĥķãĤ¡ãĥĥãĤ·ãĥ§ãĥ³":143133,"Ġà¸ģัà¸Ļ":143134,"Ġà¸ģัà¸Ļย":143135,"Ġà¸ģัà¸Ļยายà¸Ļ":143136,"ãĤªãĥª":143137,"ãĤªãĥªãĤ¸":143138,"ãĤªãĥªãĤ¸ãĥĬãĥ«":143139,"ĠбÑĢенд":143140,"ãĤĴæĮģãģ£ãģ¦ãģĦãĤĭ":143141,"Ġinversión":143142,"Ġê°ĸ":143143,"Ġê°ĸê³ł":143144,"ĠnovitÃł":143145,"ê´Ģê´ij":143146,"Ġà¸ŀฤษ":143147,"Ġà¸ŀà¸¤à¸©à¸łà¸²":143148,"Ġà¸ŀà¸¤à¸©à¸łà¸²à¸Ħม":143149,"×ķר×Ĺ×Ļ×Ŀ":143150,"׼׾×ķ׾":143151,"Ġngạc":143152,"×Ļ×Ļש":143153,"×Ļ×Ļש×ķ×ij":143154,"fäll":143155,"fällig":143156,"ĠÑĤÑĢебÑĥеÑĤÑģÑı":143157,"Ġcará":143158,"Ġcarácter":143159,"ĠprincÃŃpio":143160,"ĠÅĤaz":143161,"ĠÅĤazien":143162,"ĠÅĤazienk":143163,"Ġgiãn":143164,"ÑģÑĤÑĢаива":143165,"Ùħساب":143166,"ÙħسابÙĤØ©":143167,"à¹Ģà¸Ħรืà¹Īà¸Ńà¸ĩà¸Ķืà¹Īม":143168,"ترÙĥÙĬب":143169,"volução":143170,"ĠÐŁÐ¾Ñĩ":143171,"ĠÐŁÐ¾Ñĩем":143172,"ĠÐŁÐ¾ÑĩемÑĥ":143173,"казалоÑģÑĮ":143174,"ĠпÑĢименениÑı":143175,"à¹Ģà¸Ĺียม":143176,"íĮĶ":143177,"à¸Ĥà¹īà¸Ńà¹Ģสà¸Ļà¸Ń":143178,"à¸Ľà¸±à¸įà¸įา":143179,"ĠобÑĥÑĩ":143180,"ĠобÑĥÑĩениÑı":143181,"ĠÑģеÑĢи":143182,"ĠÑģеÑĢиал":143183,"Ġinglés":143184,"ĠÙĦÙĥرة":143185,"Ġ×ĺ׾":143186,"Ġ×ĺ׾פ×ķף":143187,"Ġìłij":143188,"Ġìłijê·¼":143189,"×IJ×ķ×Ĵ":143190,"×IJ×ķ×Ĵ×ķס":143191,"×IJ×ķ×Ĵ×ķס×ĺ":143192,"ĠболÑĮÑĪое":143193,"ĠÐļонеÑĩно":143194,"×¢×Ļת×ķ׳":143195,"×¢×Ļת×ķ׳×IJ×Ļ":143196,"Ġкнопк":143197,"Ġзн":143198,"ĠзнаÑĤÑĮ":143199,"ĠÄijá»±":143200,"ĠÄijá»±ng":143201,"влаж":143202,"влажн":143203,"×ŀ×Ļ×ĺ×ij":143204,"ãĤ¬ãĤ¤":143205,"ãĤ¬ãĤ¤ãĥī":143206,"..........":143207,"Ġà¸ģุม":143208,"Ġà¸ģà¸¸à¸¡à¸łà¸²à¸ŀ":143209,"Ġà¸ģà¸¸à¸¡à¸łà¸²à¸ŀัà¸Ļ":143210,"Ġà¸ģà¸¸à¸¡à¸łà¸²à¸ŀัà¸Ļà¸ĺ":143211,"Ġà¸ģà¸¸à¸¡à¸łà¸²à¸ŀัà¸Ļà¸ĺà¹Į":143212,"bez":143213,"bezpieczeÅĦst":143214,"bezpieczeÅĦstw":143215,"ãĥijãĥijæ´»":143216,"عاط":143217,"عاطÙģ":143218,"ĠÄijáºŃm":143219,"ĠзÑĢ":143220,"ĠзÑĢениÑı":143221,"Ġborç":143222,"Ġнедел":143223,"ĠнеделÑİ":143224,"Ġhá»ı":143225,"Ġhá»ıng":143226,"ìŀ¥ìķł":143227,"ìŀ¥ìķłìĿ¸":143228,"ĠاÙĦعÙĦاÙĤØ©":143229,"Ġíģ¬":143230,"Ġíģ¬ê²Į":143231,"à¹Ħรà¹Ī":143232,"à¸ļาà¸Ķ":143233,"à¸ļาà¸Ķà¹Ģà¸Īà¹ĩà¸ļ":143234,"à¸Ŀรั":143235,"à¸Ŀรัà¹Īà¸ĩ":143236,"à¸Ŀรัà¹Īà¸ĩà¹Ģศ":143237,"à¸Ŀรัà¹Īà¸ĩà¹Ģศส":143238,"רע×Ļ":143239,"רע×Ļ×ķ׳×ķת":143240,"ĠëĮ":143241,"ĠëĮĵ":143242,"ĠëĮĵê¸Ģ":143243,"Ġnajb":143244,"Ġnajbli":143245,"Ġnajbliż":143246,"Ġnajbliższ":143247,"ĠиÑģполÑĮзÑĥеÑĤÑģÑı":143248,"ĠcientÃŃf":143249,"ĠcientÃŃfico":143250,"×¢×ŀ×§":143251,"Ġgợi":143252,"Ø´ØŃÙĨ":143253,"ĠÅĽm":143254,"ĠÅĽmier":143255,"ĠÅĽmierci":143256,"à¸Ħาสิà¹Ĥà¸Ļà¸Ńà¸Ńà¸Ļà¹Ħลà¸Ļà¹Į":143257,"×Ĺש×ijת×Ļ":143258,"Ġningu":143259,"Ġninguém":143260,"è¾¼ãĤģ":143261,"ãģ·":143262,"ĠÑĥг":143263,"ĠÑĥгол":143264,"ï½°":143265,"פת×Ļ×Ĺ":143266,"פת×Ļ×Ĺת":143267,"Ġ×Ķר×IJש×ķ׳×Ļ×Ŀ":143268,"pósito":143269,"ãĤŃãĥ¬ãĤ¤":143270,"ãģ©ãģĵãĤį":143271,"à¹Ģà¸Ĺà¹Īาà¹Ħ":143272,"à¹Ģà¸Ĺà¹Īาà¹Ħหร":143273,"à¹Ģà¸Ĺà¹Īาà¹Ħหรà¹Ī":143274,"ĠинÑĤеÑĢÑĮеÑĢ":143275,"ĠØŃاج":143276,"ĠØŃاجة":143277,"สีà¸Ĥาว":143278,"ìĸ¼":143279,"Ġná»Ļ":143280,"Ġná»Ļp":143281,"ĠÃŃnd":143282,"ĠÃŃndice":143283,"สำรวà¸Ī":143284,"Ġкаждой":143285,"Ġhotéis":143286,"ĠnastÄĻ":143287,"ĠnastÄĻpn":143288,"Ġ×Ķ×§×ķ×ĵ":143289,"Ġ×Ķ×§×ķ×ĵ×Ŀ":143290,"פ×ķפ":143291,"פ×ķפ×ķ׾":143292,"פ×ķפ×ķ׾ר×Ļ":143293,"вÑĪей":143294,"ãĤ·ãĥ³ãĥĹ":143295,"ãĤ·ãĥ³ãĥĹãĥ«":143296,"ĠzdjÄĻÄĩ":143297,"ĠгÑĢÑĥппа":143298,"ĠпомеÑī":143299,"ĠпомеÑīениÑı":143300,"ãģ©ãģĨãģĦãģĨ":143301,"ĠиÑģпÑĭÑĤа":143302,"ĠogÅĤ":143303,"ĠogÅĤos":143304,"ĠogÅĤoszen":143305,"ĠogÅĤoszeni":143306,"สรà¹īาà¸ĩสรร":143307,"สรà¹īาà¸ĩสรรà¸Ħà¹Į":143308,"à¸ŀรรà¸ĵ":143309,"ĠçıkÄ±ÅŁ":143310,"ĠÑĩаÑģÑĤноÑģÑĤи":143311,"Ġ×ķ×Ļ×ķתר":143312,"ç¶ļãģįãĤĴ":143313,"ç¶ļãģįãĤĴèªŃ":143314,"ç¶ļãģįãĤĴèªŃãĤĢ":143315,"à¸ģรั":143316,"à¸ģรัม":143317,"гÑĢаÑĦ":143318,"Ġвлад":143319,"ĠвладелÑĮ":143320,"ĠвладелÑĮÑĨ":143321,"ĠistediÄŁ":143322,"ĠistediÄŁiniz":143323,"×ij×ľ×¢":143324,"×ij×ľ×¢×ĵ×Ļ":143325,"ÙħÙĪØ§Ùģ":143326,"ÙħÙĪØ§ÙģÙĤØ©":143327,"Ġ×Ļ×ķר":143328,"Ġ×Ļ×ķרק":143329,"ãĤ«ãĥ¼ãĥīãĥŃãĥ¼ãĥ³":143330,"ĠاÙĦÙħØ´ÙĥÙĦ":143331,"ĠاÙĦÙħØ´ÙĥÙĦØ©":143332,"ĠêµŃíļĮ":143333,"ספ×ĺ":143334,"ספ×ĺ×ŀ":143335,"ספ×ĺ×ŀ×ijר":143336,"Ġìĸ´ëłµ":143337,"ÙĥاÙħ":143338,"ÙĥاÙħÙĬرا":143339,"schlü":143340,"schlüsse":143341,"ĠØ«ÙĨ":143342,"ĠØ«ÙĨائÙĬ":143343,"ìī½":143344,"ĠÐŀÑģоб":143345,"ĠÐŀÑģобенно":143346,"ĠинвеÑģÑĤи":143347,"ĠинвеÑģÑĤиÑĨи":143348,"اØŃتÙħ":143349,"اØŃتÙħاÙĦ":143350,"EÄŀ":143351,"EÄŀİ":143352,"íķĺê²łëĭ¤":143353,"Ġ×IJ×ijר×Ķ":143354,"Ġ×IJ×ijר×Ķ×Ŀ":143355,"Ġ×ij×Ĺ×Ļ׳×Ŀ":143356,"Ø£ÙĪØ¶":143357,"Ø£ÙĪØ¶Ø§Ø¹":143358,"Ġdél":143359,"Ġdélai":143360,"Ġ×IJ×ķ×Ķ×ij×Ļ×Ŀ":143361,"ĠÑģоÑħ":143362,"ĠÑģоÑħÑĢ":143363,"ĠÑģоÑħÑĢани":143364,"ĠдоÑģÑĤиж":143365,"ĠдоÑģÑĤижени":143366,"สิà¹Īà¸ĩà¹ģ":143367,"สิà¹Īà¸ĩà¹ģวà¸Ķ":143368,"สิà¹Īà¸ĩà¹ģวà¸Ķล":143369,"สิà¹Īà¸ĩà¹ģวà¸Ķลà¹īà¸Ńม":143370,"ĠاÙĦÙħباشر":143371,"ĠÑĦиг":143372,"ĠÑĦигÑĥÑĢ":143373,"можем":143374,"׾×ŀ×Ļ×ĵ×Ķ":143375,"Ġciné":143376,"Ġcinéma":143377,"Ġbada":143378,"ĠbadaÅĦ":143379,"جبÙĩØ©":143380,"Ġдеп":143381,"ĠдепÑĥÑĤ":143382,"ĠдепÑĥÑĤаÑĤ":143383,"Ġdistância":143384,"ĠاÙĦÙħعار":143385,"ĠاÙĦÙħعارضة":143386,"thèse":143387,"ünc":143388,"üncü":143389,"Ġданного":143390,"ĠBelgi":143391,"ĠBelgië":143392,"Ġ×ij×ij×§":143393,"Ġ×ij×ijקש×Ķ":143394,"ยà¹Īาà¸Ļ":143395,"Ġsolução":143396,"Ġ×Ķצ×ĺר":143397,"Ġ×Ķצ×ĺרפ×ķ":143398,"ĠØ£ÙĨØŃ":143399,"ĠØ£ÙĨØŃاء":143400,"ĠدÙħØ´":143401,"ĠدÙħØ´ÙĤ":143402,"มัà¹ī":143403,"มัà¹īย":143404,"Ùħغرب":143405,"استعÙħاÙĦ":143406,"ĠSÅĤow":143407,"ĠëıĻìĭľ":143408,"ĠëıĻìĭľìĹIJ":143409,"ĠÑģоÑģ":143410,"ĠÑģоÑģед":143411,"ì²ŃìĨĮ":143412,"ì²ŃìĨĮëħĦ":143413,"ĠгÑĢаÑĦ":143414,"ĠгÑĢаÑĦик":143415,"ĠìŀijìĿĢ":143416,"Ġyeti":143417,"ĠyetiÅŁtir":143418,"ĠìĿ´ê²ĥìĿ´":143419,"หà¹Īาà¸ĩ":143420,"Ø¥ÙħÙĥاÙĨ":143421,"Ø¥ÙħÙĥاÙĨÙĬØ©":143422,"استعراض":143423,"Ùħخدر":143424,"ĠÑĩÑĥÑĤÑĮ":143425,"ÙħدÙĬر":143426,"ÙħدÙĬرÙĬØ©":143427,"Ġà¹Ģมษ":143428,"Ġà¹Ģมษายà¸Ļ":143429,"ĠмеÑħ":143430,"ĠмеÑħаниз":143431,"ĠмеÑħанизм":143432,"ĠÑģÑĥм":143433,"ĠÑģÑĥммÑĥ":143434,"Ġvö":143435,"Ġvöll":143436,"Ġvöllig":143437,"ĠдÑĢÑĥз":143438,"ĠдÑĢÑĥзÑĮÑı":143439,"ãĤĴåĪ©ç͍ãģĹãģ¦":143440,"à¸ļรรà¸Īุ":143441,"pożycz":143442,"×ŀש׼":143443,"×ŀ×©×Ľ×ł×ª":143444,"×ŀ×©×Ľ×ł×ª×IJ":143445,"Ġeuropéen":143446,"Ġproprié":143447,"Ġpropriétaire":143448,"Ġkhấu":143449,"ãģĦãģŁãģłãģijãĤĭ":143450,"Ġtecrü":143451,"Ġtecrübe":143452,"×Ķ×ij":143453,"×Ķ×ij׳×Ķ":143454,"ĠcuÌ":143455,"ĠcuÌī":143456,"ĠcuÌīa":143457,"×IJ×ķ×ķ":143458,"×IJ×ķ×ķ×Ļר×Ķ":143459,"Ġ׼×ķ׾×ķ":143460,"Ulus":143461,"Uluslararası":143462,"Ġ׳×ķת":143463,"Ġ׳×ķ×ª×Ł":143464,"ãģ«åIJij":143465,"ãģ«åIJijãģijãģ¦":143466,"ë¹Ľ":143467,"à¸Ĺัà¸ģษ":143468,"à¸Ĺัà¸ģษะ":143469,"سÙĤÙĪ":143470,"سÙĤÙĪØ·":143471,"Ġвн":143472,"ĠвнеÑĪ":143473,"ĠвнеÑĪне":143474,"Ġurz":143475,"ĠurzÄĻd":143476,"Ġámb":143477,"Ġámbito":143478,"à¸Ńà¸ĺิ":143479,"à¸Ńà¸ĺิà¸ļาย":143480,"ĠÅĤad":143481,"ĠÅĤadn":143482,"ê±´ì¶ķ":143483,"wództ":143484,"wództw":143485,"Ġquestões":143486,"Ġשק":143487,"Ġשק×Ļ×ij׾":143488,"ĠmiejscowoÅĽci":143489,"Ġвал":143490,"ĠвалÑİÑĤ":143491,"häuser":143492,"หà¸Ļà¸Ńà¸ĩ":143493,"ãģ¨åħ±":143494,"ãģ¨åħ±ãģ«":143495,"ãĥıãĥ¼ãĥī":143496,"Ġê°ľìµľ":143497,"ĠоÑģновном":143498,"ĠмÑıÑģ":143499,"اعت":143500,"اعتÙĤاÙĦ":143501,"สà¸ĸิ":143502,"สà¸ĸิà¸ķิ":143503,"Ngu":143504,"Nguá»ĵn":143505,"ĠÙħجÙĦ":143506,"ĠÙħجÙĦØ©":143507,"à¹ģà¸Ĥà¸Ļ":143508,"ĠاÙĦÙĦÙĬبÙĬ":143509,"פע×Ļ׾×ķ×Ļ×ķת":143510,"Ġ×Ķרפ×ķ×IJ×Ļ":143511,"פר×ķפ":143512,"פר×ķפ×Ļ׾":143513,"ק׾×IJ":143514,"ק׾×IJס×Ļ":143515,"ÙĥتشÙģ":143516,"ãģ«ãģªãģ£ãģ¦ãģĹãģ¾ãģĨ":143517,"à¹Ģà¸Ħลà¹ĩà¸Ķ":143518,"à¹Ģà¸Ħลà¹ĩà¸Ķลัà¸ļ":143519,"Ġì»´":143520,"Ġì»´íĵ¨":143521,"Ġì»´íĵ¨íĦ°":143522,"Ġ×Ĺ×Ļ×ķ×ij×Ļ":143523,"Ġnäm":143524,"Ġnämlich":143525,"åij¼ãģ°":143526,"åij¼ãģ°ãĤĮ":143527,"ĠÑĢол":143528,"ĠÑĢоли":143529,"Ġspécialisé":143530,"à¸Ļวัà¸ķ":143531,"à¸Ļวัà¸ķà¸ģรรม":143532,"ÙĨصÙĪØµ":143533,"пеÑĢед":143534,"пеÑĢедаÑĩ":143535,"thèque":143536,"Ġר×IJ×Ļת×Ļ":143537,"ãĥĢãĤ¦ãĥ³":143538,"ãĤıãģĭ":143539,"ãĤıãģĭãģ£ãģ¦":143540,"беÑĢеж":143541,"ĠÑģек":143542,"ĠÑģекÑĢ":143543,"ĠÑģекÑĢеÑĤ":143544,"ĠпоÑģÑĤоÑıнн":143545,"à¸Ĥà¸Ļสà¹Īà¸ĩ":143546,"Ġmük":143547,"Ġmükem":143548,"Ġmükemmel":143549,"еÑĤеÑģÑĮ":143550,"ĠاÙĦسÙĨÙĪØ§Øª":143551,"ĠìłĦíĺĢ":143552,"Ġ×Ķ×ŀ×§×ķר×Ļ":143553,"Ġmüd":143554,"Ġmüdah":143555,"Ġmüdahale":143556,"Ġwyb":143557,"Ġwybór":143558,"Ġtendência":143559,"إدار":143560,"إدارÙĬØ©":143561,"Ġunterstützen":143562,"ת×ijר":143563,"ת×ijרר":143564,"Ġdiá":143565,"Ġdiálogo":143566,"ĠÃĸnce":143567,"ĠÃĸnceki":143568,"ãĤ¹ãĥĿãĥĥãĥĪ":143569,"ëĦ£":143570,"ĠGeli":143571,"ĠGeliÅŁ":143572,"ãĤĴéĢļ":143573,"ãĤĴéĢļãģĹãģ¦":143574,"ĠFuÃŁball":143575,"Ġsalari":143576,"Ġsalarié":143577,"ĠпÑĢодÑĥкÑĤов":143578,"صÙģÙĤØ©":143579,"รวà¸ļ":143580,"รวà¸ļรวม":143581,"à¹ĥà¸Ļà¸IJาà¸Ļ":143582,"à¹ĥà¸Ļà¸IJาà¸Ļะ":143583,"Ġkayna":143584,"Ġkaynaģı":143585,"ĠìŀijíĴĪ":143586,"ĠвÑĭÑĢаж":143587,"ĠвÑĭÑĢажен":143588,"ĠÑģÑĤеп":143589,"ĠÑģÑĤепени":143590,"ĠاÙĦÙħÙĪØ¬ÙĪØ¯":143591,"ĠاÙĦÙħÙĪØ¬ÙĪØ¯Ø©":143592,"ลà¹īม":143593,"ĠnajczÄĻ":143594,"ĠnajczÄĻÅĽcie":143595,"ĠnajczÄĻÅĽciej":143596,"Ġzwy":143597,"Ġzwyk":143598,"ĠzwykÅĤ":143599,"Ġê·¸ëłĩì§Ģ":143600,"à¸ģระà¸Ī":143601,"à¸ģระà¸Īาย":143602,"Ġëĭµ":143603,"Ġëĭµë³Ģ":143604,"ĠÑĢеак":143605,"ĠÑĢеакÑĨи":143606,"ĠÅĽwież":143607,"ĠÑģÑĤоимоÑģÑĤи":143608,"ÙħÙĨاÙĤ":143609,"ÙħÙĨاÙĤØ´":143610,"ÙħÙĨاÙĤشة":143611,"ĠÑħоÑĩÑĥ":143612,"ãĥľãĥ¼ãĥī":143613,"Ġróżnic":143614,"ĠкÑĢÑĭ":143615,"ĠкÑĢÑĭÑĪ":143616,"âľĵ":143617,"ãĤ³ãĥ³ãĥĨãĥ³":143618,"ãĤ³ãĥ³ãĥĨãĥ³ãĥĦ":143619,"ĠпÑĢедпоÑĩ":143620,"×ŀר×ij×Ļת":143621,"ĠØ´Ùĥ":143622,"ĠØ´Ùĥرا":143623,"Ġдал":143624,"Ġдалек":143625,"Ġдалеко":143626,"برÙĬØ·":143627,"برÙĬطاÙĨÙĬا":143628,"عÙĨا":143629,"عÙĨاÙĬØ©":143630,"ĠÑĢаÑģÑģказ":143631,"ĠÑĢаÑģÑģказÑĭва":143632,"Ø£ÙĦÙĪ":143633,"Ø£ÙĦÙĪØ§ÙĨ":143634,"æĮģãģ£ãģ¦":143635,"æĮģãģ£ãģ¦ãģĦ":143636,"Ùħبادئ":143637,"×Ķ×¢×ijר":143638,"×Ķ×¢×ijרת":143639,"Ġyayı":143640,"Ġyayıml":143641,"Ġyayımla":143642,"mát":143643,"máticos":143644,"à¸ģัà¸ĩ":143645,"à¸ģัà¸ĩวล":143646,"Ġ×ľ×¤×ª":143647,"Ġ×ľ×¤×ª×ķ×Ĺ":143648,"à¸ŀฤà¸ķิ":143649,"à¸ŀฤà¸ķิà¸ģรรม":143650,"íĤ¬":143651,"ĠокÑĢÑĥг":143652,"Ġ×ŀצ×ķ×ķ×Ķ":143653,"ÐĽÐµÐ½Ð¸":143654,"ÐĽÐµÐ½Ð¸Ð½":143655,"ĠTriá»ģu":143656,"ãĤ³ãĥŁãĥ¥":143657,"ãĤ³ãĥŁãĥ¥ãĥĭ":143658,"ãĤ³ãĥŁãĥ¥ãĥĭãĤ±":143659,"ãĤ³ãĥŁãĥ¥ãĥĭãĤ±ãĥ¼ãĤ·ãĥ§ãĥ³":143660,"ÙĥÙĨÙĬ":143661,"ÙĥÙĨÙĬسة":143662,"ãĤĴä¸Ńå¿ĥ":143663,"ãĤĴä¸Ńå¿ĥãģ«":143664,"ĠmiÄĻdz":143665,"ĠmiÄĻdzyn":143666,"ĠmiÄĻdzynar":143667,"ĠmiÄĻdzynarod":143668,"ĠmiÄĻdzynarodow":143669,"ÙĦÙĨ":143670,"ÙĦÙĨدا":143671,"برش":143672,"برشÙĦÙĪÙĨ":143673,"برشÙĦÙĪÙĨØ©":143674,"à¸ģระà¸ķุ":143675,"à¸ģระà¸ķุà¹īà¸Ļ":143676,"Ġgı":143677,"Ġgıda":143678,"à¸Ľà¸£à¸°à¸Ĺัà¸ļ":143679,"à¸Ľà¸£à¸°à¸Ĺัà¸ļà¹ĥà¸Ī":143680,"Ġë¶Ī구":143681,"Ġë¶Ī구íķĺê³ł":143682,"ĠÙĨØ·":143683,"ĠÙĨطاÙĤ":143684,"ĠÐľÐ¾Ð¶ÐµÑĤ":143685,"Präs":143686,"Präsident":143687,"ĠÑģкоÑĢ":143688,"ĠÑģкоÑĢоÑģÑĤÑĮ":143689,"Ġ×Ķ×ij×ķקר":143690,"еÑħаÑĤÑĮ":143691,"Ġgạo":143692,"Ġש×IJ×Ļ׳×Ŀ":143693,"Ġ×ij׳×ķ×Ĵ":143694,"Ġ×ij׳×ķ×Ĵ×¢":143695,"ĠопиÑģание":143696,"Ġuczni":143697,"Ġuczniów":143698,"à¹Ģà¸Ńà¹ĩà¸Ļ":143699,"Ġتش":143700,"ĠتشرÙĬÙĨ":143701,"Ġnhãn":143702,"빨":143703,"Ġcaractère":143704,"×¢×ľ×Ļ":143705,"×¢×ľ×Ļ×Ļ×Ķ":143706,"楽ãģĹãĤģãĤĭ":143707,"ĠÑģаÑħ":143708,"ĠÑģаÑħаÑĢ":143709,"дÑĥмаÑĤÑĮ":143710,"ĠÐĴозможно":143711,"صÙĬاÙĨ":143712,"صÙĬاÙĨØ©":143713,"ömür":143714,"สล":143715,"สลà¹ĩ":143716,"สลà¹ĩà¸Ń":143717,"สลà¹ĩà¸Ńà¸ķ":143718,"롯":143719,"Ġthói":143720,"grÃ¶ÃŁe":143721,"ĠksiÄĻ":143722,"ĠksiÄĻg":143723,"ĠÑĢом":143724,"ĠÑĢоман":143725,"ÙĤاسÙħ":143726,"×ŀ×ij×ķ×Ĵ":143727,"×ŀ×ij×ķ×Ĵר×Ļ×Ŀ":143728,"besch":143729,"beschäft":143730,"beschäftig":143731,"×Ķצע×Ķ":143732,"ĠÃģrea":143733,"ĠзаÑıвк":143734,"Ĺ":143735,"ĠлÑİбого":143736,"Ġม":143737,"Ġมà¸ģร":143738,"Ġมà¸ģราà¸Ħม":143739,"ÑĦиз":143740,"ÑĦизиÑĩеÑģк":143741,"инÑĦ":143742,"инÑĦек":143743,"инÑĦекÑĨи":143744,"اÙĦØ·":143745,"اÙĦطائÙģ":143746,"Ġколл":143747,"ĠколлекÑĤив":143748,"езжа":143749,"ĠسبØŃ":143750,"ĠسبØŃاÙĨ":143751,"ĠسبØŃاÙĨÙĩ":143752,"schlä":143753,"schläge":143754,"Ġди":143755,"Ġдиаг":143756,"ĠдиагноÑģÑĤ":143757,"ĠоÑĤмеÑĤиÑĤÑĮ":143758,"ТЬ":143759,"ĠاÙĦدر":143760,"ĠاÙĦدراسÙĬ":143761,"עצ×ŀ":143762,"עצ×ŀ×IJ×ķת":143763,"Ġdémarch":143764,"Ġdémarche":143765,"Ġ×ĺ×ķ×¢":143766,"Ġ×ĺ×ķ×¢×Ł":143767,"Ġfuncionários":143768,"ỵ":143769,"׾׼×IJ":143770,"׾׼×IJ×ķר×Ķ":143771,"à¸ĭà¹Ī":143772,"à¸ĭà¹Īà¸Ńม":143773,"ĠÑĩÑĥв":143774,"ĠÑĩÑĥвÑģÑĤво":143775,"âĸ¼":143776,"пÑĥÑī":143777,"пÑĥÑīен":143778,"ĠмеÑĢ":143779,"ĠмеÑĢоп":143780,"ĠмеÑĢопÑĢи":143781,"ĠмеÑĢопÑĢиÑıÑĤиÑı":143782,"Ġuçu":143783,"ĠuçuÅŁ":143784,"ãĤĴåĪ©ç͍ãģĻãĤĭ":143785,"aÄŁ":143786,"aÄŁlı":143787,"ìĺĪìĪł":143788,"à¹ģยà¹Ī":143789,"ĠاÙĦÙĥÙħ":143790,"ĠاÙĦÙĥÙħبÙĬ":143791,"ĠاÙĦÙĥÙħبÙĬÙĪØªØ±":143792,"تÙĪÙĬ":143793,"تÙĪÙĬتر":143794,"à¹Ģà¸Ĭีà¹Īยว":143795,"à¹Ģà¸Ĭีà¹Īยวà¸Ĭา":143796,"à¹Ģà¸Ĭีà¹Īยวà¸Ĭาà¸į":143797,"á»Ķ":143798,"Ġhiếm":143799,"ذاÙĥرة":143800,"Ġ×Ķ×ŀ×Ļ×ķ×Ĺ×ĵ":143801,"ĠìĪľ":143802,"ĠìĪľê°Ħ":143803,"ĠKı":143804,"ĠKısa":143805,"ĠgeleceÄŁi":143806,"пÑĢоÑĦеÑģÑģиона":143807,"пÑĢоÑĦеÑģÑģионал":143808,"Ġogó":143809,"Ġogóle":143810,"ĠgÅĤów":143811,"ĠgÅĤówne":143812,"ĠÑģÑĤилÑĮ":143813,"×IJפ׾":143814,"×IJפ׾×Ļ×§":143815,"×IJפ׾×Ļקצ×Ļ×Ķ":143816,"สมารà¹Į":143817,"สมารà¹Įà¸Ĺ":143818,"สมารà¹Įà¸Ĺà¹Ĥà¸Ł":143819,"สมารà¹Įà¸Ĺà¹Ĥà¸Łà¸Ļ":143820,"Ġthánh":143821,"ÐŁÐ¾Ð´":143822,"ÐŁÐ¾Ð´ÑĢоб":143823,"ÐŁÐ¾Ð´ÑĢобнее":143824,"ĠاÙĦتÙĪÙĨ":143825,"ĠاÙĦتÙĪÙĨسÙĬ":143826,"Ġbahçe":143827,"à¹ģà¸ģà¹īà¸Ľà¸±à¸įหา":143828,"éducation":143829,"europ":143830,"europä":143831,"europäische":143832,"ĠKsi":143833,"ĠKsiÄĻ":143834,"ĠëĦĺ":143835,"ĠëĦĺìĸ´":143836,"Ġvüc":143837,"Ġvücud":143838,"Ġyayg":143839,"Ġyaygın":143840,"Ġniekt":143841,"Ġniektóry":143842,"Ġniektórych":143843,"ãģŃãģĩ":143844,"Ġкаж":143845,"ĠкажеÑĤÑģÑı":143846,"каж":143847,"кажеÑĤ":143848,"ĠاÙĦدÙĬÙħÙĤرا":143849,"ĠاÙĦدÙĬÙħÙĤراط":143850,"ĠاÙĦدÙĬÙħÙĤراطÙĬØ©":143851,"æŃ©":143852,"æŃ©ãģĦãģ¦":143853,"Ġvaz":143854,"Ġvazge":143855,"Ġvazgeç":143856,"ĠминималÑĮ":143857,"ĠминималÑĮн":143858,"ãĥijãĤ¿":143859,"ãĥijãĤ¿ãĥ¼ãĥ³":143860,"ĠëĬ":143861,"ĠëĬIJ":143862,"ĠëĬIJëĤĮ":143863,"ãģ¡ãĤĩãģĨ":143864,"ãģ¡ãĤĩãģĨãģ©":143865,"Ġà¸ģร":143866,"Ġà¸ģรà¸ģà¸İ":143867,"Ġà¸ģรà¸ģà¸İาà¸Ħม":143868,"تجدÙĬد":143869,"ĠشاÙħÙĦ":143870,"หลัà¸ģà¸IJาà¸Ļ":143871,"ĠмаÑĢÑĪ":143872,"ĠмаÑĢÑĪÑĢÑĥÑĤ":143873,"ĠvÃŃt":143874,"ĠvÃŃtima":143875,"Ġquizá":143876,"aygı":143877,"×ĵ×ijר×Ļ×ķ":143878,"Ġизд":143879,"Ġиздели":143880,"ĠизделиÑı":143881,"пла":143882,"плаÑĩ":143883,"плаÑĩива":143884,"ä»»ãģĽ":143885,"Ġéquipé":143886,"ä¹ħãģĹãģ":143887,"ä¹ħãģĹãģ¶":143888,"ä¹ħãģĹãģ¶ãĤĬ":143889,"ĠкаÑĤ":143890,"ĠкаÑĤал":143891,"ĠкаÑĤалог":143892,"สà¹īม":143893,"ĠÑĢей":143894,"ĠÑĢейÑĤ":143895,"ĠÑĢейÑĤинг":143896,"Ġthuyá»ģn":143897,"ĠاÙĦÙħÙĤدس":143898,"espère":143899,"ãģ«åħ¥ãģ£ãģŁ":143900,"หมายà¹Ģลà¸Ĥ":143901,"ת×Ĺ×ķשת":143902,"à¸Ļà¹Īะ":143903,"ĠpeÅĤ":143904,"ĠpeÅĤne":143905,"Ġpérd":143906,"Ġpérdida":143907,"หมวà¸Ķ":143908,"หมวà¸Ķหมูà¹Ī":143909,"иÑĩеÑģкÑĥÑİ":143910,"çµĤãĤı":143911,"çµĤãĤıãģ£ãģŁ":143912,"Ġ×Ĵ×ķ×Ĵ׾":143913,"à¸Ĺำà¸Ħวาม":143914,"à¸Ĺำà¸Ħวามสะà¸Ńาà¸Ķ":143915,"Hotéis":143916,"ĠзаÑĢ":143917,"ĠзаÑĢегиÑģÑĤ":143918,"ĠзаÑĢегиÑģÑĤÑĢи":143919,"ĠзаÑĢегиÑģÑĤÑĢиÑĢова":143920,"ĠÑģобÑĭÑĤи":143921,"ĠÑģобÑĭÑĤиÑı":143922,"Ġ×ĸ׼×IJ":143923,"ÙħÙĨظÙĪÙħØ©":143924,"Ġ×Ķ×ŀצ":143925,"Ġ×Ķ×ŀצ×Ļ×IJ×ķת":143926,"ÙħÙĥÙĪÙĨ":143927,"ÙħÙĥÙĪÙĨات":143928,"ä¸ĬãģĮãĤĭ":143929,"ĠmÄĻ":143930,"ĠmÄĻsk":143931,"หรืà¸Ńà¹Ģà¸Ľà¸¥à¹Īา":143932,"ëĤ®":143933,"Ġnoktas":143934,"Ġnoktası":143935,"ĠболÑĮÑĪим":143936,"ĠлÑĥÑĩÑĪиÑħ":143937,"Ø´ÙĩÙĬد":143938,"à¸Ńำà¸Ļ":143939,"à¸Ńำà¸Ļวย":143940,"à¸Ńำà¸Ļวยà¸Ħวาม":143941,"à¸Ńำà¸Ļวยà¸Ħวามสะà¸Ķวà¸ģ":143942,"Ġев":143943,"ĠевÑĢ":143944,"ĠевÑĢоп":143945,"ĠевÑĢопей":143946,"à¸īาย":143947,"ìĦŃ":143948,"ÙħÙ쨧":143949,"ÙħÙ쨧ÙĪØ¶":143950,"ÙħÙ쨧ÙĪØ¶Ø§Øª":143951,"ë¹Į":143952,"赤ãģ¡ãĤĥãĤĵ":143953,"ĠÑĥдалоÑģÑĮ":143954,"ĠХоÑĤ":143955,"ĠХоÑĤÑı":143956,"przedsiÄĻbiorc":143957,"ĠHôm":143958,"íķĺìĺĢìĬµëĭĪëĭ¤":143959,"Ġнаг":143960,"ĠнагÑĢÑĥз":143961,"ĠнагÑĢÑĥзк":143962,"Ġ×ij×Ļ׳׾×IJ×ķ×ŀ×Ļ":143963,"Ġê°ĢëĬ¥íķľ":143964,"ĠHữu":143965,"à¸Ńุà¸Ķ":143966,"à¸Ńุà¸Ķม":143967,"ת×ķפ":143968,"ת×ķפע×Ķ":143969,"ĠmiÅĤo":143970,"ĠmiÅĤoÅĽci":143971,"ksiÄħż":143972,"ksiÄħżka":143973,"ĠاÙĦÙĦعبة":143974,"à¸īาà¸ģ":143975,"สะสม":143976,"×ŀתר":143977,"×ŀתר×Ĺש":143978,"Ġlégère":143979,"Ġ׾צפ":143980,"Ġ׾צפ×Ļ×Ķ":143981,"ĠиÑģÑĤоÑĢиÑı":143982,"ĠãĥĪãĥ©":143983,"ĠãĥĪãĥ©ãĥĥãĤ¯":143984,"ĠãĥĪãĥ©ãĥĥãĤ¯ãĥIJãĥĥãĤ¯":143985,"Ġка":143986,"ĠкаÑĦе":143987,"×ŀס×ŀ×ļ":143988,"Ġcüm":143989,"Ġcümle":143990,"à¹Ģà¸Ħลืà¹Īà¸Ńà¸Ļà¹Ħหว":143991,"ãģĬãģĿ":143992,"ãģĬãģĿãĤīãģı":143993,"ìŀIJëıĻ":143994,"ìŀIJëıĻì°¨":143995,"à¸Ńัà¸ķ":143996,"à¸Ńัà¸ķà¹Ĥà¸Ļ":143997,"à¸Ńัà¸ķà¹Ĥà¸Ļมั":143998,"à¸Ńัà¸ķà¹Ĥà¸Ļมัà¸ķิ":143999,"ĠÅŁik":144000,"ĠÅŁikay":144001,"ĠÅŁikayet":144002,"extrême":144003,"krä":144004,"kräfte":144005,"ëĤĻ":144006,"íķij":144007,"ì²Ļ":144008,"íĺĪ":144009,"ì°į":144010,"âĻ¡":144011,"ìŀĶ":144012,"뢰":144013,"íĿĶ":144014,"íĿIJ":144015,"âĩĴ":144016,"ë§Ľ":144017,"ìĬĪ":144018,"á»Ĵ":144019,"ìĺµ":144020,"âĹİ":144021,"íĤ¨":144022,"ê¿Ī":144023,"ì΍":144024,"ìĽ¨":144025,"ë§¥":144026,"ï½Ģ":144027,"J":144028,"Ẩ":144029,"ãħİ":144030,"ÑĹ":144031,"ìĦ¬":144032,"ì¹¼":144033,"ï¼¶":144034,"ìĽł":144035,"룴":144036,"Åĥ":144037,"ëĤ¼":144038,"ëĭIJ":144039,"â̹":144040,"ë¦Ń":144041,"ì§IJ":144042,"â̤":144043,"Ãħ":144044,"뾨":144045,"íĦ¸":144046,"íľĺ":144047,"ê²ģ":144048,"ë´ħ":144049,"Ãĺ":144050,"ëŃĶ":144051,"ëĺij":144052,"âĹĩ":144053,"ìĹĺ":144054,"ï»´":144055,"ë§¹":144056,"ï¾Ŀ":144057,"ìĬ·":144058,"íĥķ":144059,"ï¼ł":144060,"ì»´":144061,"ëłĮ":144062,"ì½ľ":144063,"ﻹ":144064,"ãħł":144065,"졸":144066,"ëħ¹":144067,"âĤº":144068,"âĸ¶":144069,"íĥIJ":144070,"êµ´":144071,"íij¸":144072,"ÑĶ":144073,"íͽ":144074,"Ðħ":144075,"ë°¤":144076,"Ôģ":144077,"첨":144078,"ì¶ĺ":144079,"ë²Ĺ":144080,"멸":144081,"ï¼»":144082,"ï¼½":144083,"ï¼·":144084,"ì°Į":144085,"ÃĴ":144086,"íı´":144087,"ìĵ¸":144088,"ì´Į":144089,"ëģĶ":144090,"ëĶ©":144091,"ëĩĮ":144092,"ë©Ģ":144093,"벨":144094,"ï¼µ":144095,"ë§¡":144096,"ëĭ«":144097,"฿":144098,"ãģ±":144099,"ìĩ¼":144100,"ìºł":144101,"뮤":144102,"ê±±":144103,"컬":144104,"âĦĥ":144105,"ëͱ":144106,"ëĥĪ":144107,"ìĭ±":144108,"íĻĪ":144109,"ëŀIJ":144110,"ìħĢ":144111,"ìłł":144112,"ÐĨ":144113,"ëłī":144114,"ï½ħ":144115,"ï½ı":144116,"íĻĢ":144117,"뼰":144118,"á»®":144119,"íĤ¹":144120,"ê½ĥ":144121,"ﻤ":144122,"ïºĶ":144123,"꺼":144124,"ìķī":144125,"âϦ":144126,"ï½ģ":144127,"ìĵ´":144128,"ãĢī":144129,"ì°®":144130,"ì¤ĺ":144131,"Ừ":144132,"ëģĦ":144133,"ëIJ¨":144134,"ìķĮ":144135,"íĿĺ":144136,"íħIJ":144137,"ãĢĪ":144138,"겪":144139,"ëĭ¥":144140,"ê²¼":144141,"á»Į":144142,"맨":144143,"ëģĬ":144144,"벤":144145,"ëijĶ":144146,"íĿ¡":144147,"Ử":144148,"ë¬ĺ":144149,"ãģī":144150,"ëŀ«":144151,"íĶĪ":144152,"íħį":144153,"ìŀĥ":144154,"ï½ī":144155,"ìģľ":144156,"âĸ½":144157,"묻":144158,"âĸ³":144159,"X":144160,"ìģĺ":144161,"ì¶°":144162,"ìĬ´":144163,"ìķ±":144164,"ìĩĦ":144165,"Ắ":144166,"ï´¿":144167,"ï´¾":144168,"âĤ½":144169,"ëĦĵ":144170,"룩":144171,"쳤":144172,"ê´ľ":144173,"ÃĻ":144174,"Ỿ":144175,"ï¿£":144176,"ëĵŃ":144177,"ë©ĺ":144178,"ê»´":144179,"ëł´":144180,"Ðĥ":144181,"묵":144182,"ì§Ŀ":144183,"ãģº":144184,"ðŁĺĤ":144185,"ëŀ¬":144186,"ìłĬ":144187,"ê´Ħ":144188,"ìŀĬ":144189,"íŀĮ":144190,"ìĦ¯":144191,"âĪĢ":144192,"âĸ¡":144193,"ëĢĮ":144194,"ëŀĻ":144195,"ï½ĥ":144196,"Ặ":144197,"ï¾Ħ":144198,"ïºĺ":144199,"ë¹¼":144200,"ÃĮ":144201,"âĸ·":144202,"ê¸į":144203,"ë©ĭ":144204,"ãģĥ":144205,"ìĺĨ":144206,"ìĺ®":144207,"몬":144208,"롤":144209,"볬":144210,"ëĬ¦":144211,"âĸª":144212,"ì¼ĵ":144213,"ìľĪ":144214,"ì§§":144215,"ï½½":144216,"ëĥī":144217,"ï¾Į":144218,"ëĺIJ":144219,"ï¼ĥ":144220,"á»Ħ":144221,"ì´¬":144222,"춤":144223,"ï¼¹":144224,"ï»Ń":144225,"âĤ«":144226,"ï½ĩ":144227,"ìĺ·":144228,"ëĸ¨":144229,"âī«":144230,"릿":144231,"⾨":144232,"Ù±":144233,"쯤":144234,"ê¹Ķ":144235,"ðŁĺĬ":144236,"ìĪ«":144237,"ê³±":144238,"êµ³":144239,"ï½ĭ":144240,"à¸Į":144241,"Äł":144242,"ë͏":144243,"ë°ij":144244,"ìħĭ":144245,"íİ´":144246,"âľħ":144247,"íĥij":144248,"ëĪĩ":144249,"íı¼":144250,"ðŁĺį":144251,"ìĺĽ":144252,"ﻣ":144253,"Ñĺ":144254,"ì©Į":144255,"ë¦ħ":144256,"ìĿį":144257,"ク":144258,"ëįľ":144259,"ãģħ":144260,"íݼ":144261,"ëĭĿ":144262,"ë¿Į":144263,"ì¼°":144264,"ìĭ«":144265,"ë°¥":144266,"íĽĮ":144267,"ì¨Į":144268,"ë¹Ļ":144269,"ï½İ":144270,"ë´Ħ":144271,"ìĦ¹":144272,"ï½²":144273,"ìĮĵ":144274,"Òij":144275,"ë°į":144276,"ëłĢ":144277,"íĨ¤":144278,"ッ":144279,"ë¤Ħ":144280,"꽤":144281,"ï½Ĵ":144282,"ìķ¨":144283,"ï½¼":144284,"ê¹IJ":144285,"íģIJ":144286,"âĦĸ":144287,"맺":144288,"ﺮ":144289,"ëħģ":144290,"겸":144291,"ï»ł":144292,"íĬľ":144293,"Ź":144294,"ë¥Ń":144295,"ëĪī":144296,"ï½Ķ":144297,"íĮ¬":144298,"ìŀĩ":144299,"ï¬ģ":144300,"ﻨ":144301,"ëij¥":144302,"ëŀĦ":144303,"Ù¬":144304,"íĭ´":144305,"ìŀī":144306,"Ú¾":144307,"ìĽħ":144308,"ï»®":144309,"ëĭī":144310,"âīª":144311,"âĹĦ":144312,"ëĪĮ":144313,"íĽ¼":144314,"ì¤į":144315,"Ÿ":144316,"줬":144317,"ì¾Į":144318,"ï½ĵ":144319,"ï¾Ĭ":144320,"ðŁı»":144321,"ï¾ī":144322,"Ðģ":144323,"íĺIJ":144324,"ï¾Ļ":144325,"꼬":144326,"íŀIJ":144327,"âĢ¥":144328,"ëŁŃ":144329,"ë§ŀ":144330,"ìĥ¤":144331,"ïºĴ":144332,"íĭ±":144333,"ë½ij":144334,"Ãķ":144335,"âĪļ":144336,"ëĤĦ":144337,"ê¹Ŀ":144338,"ëĨĪ":144339,"Ẻ":144340,"ìħĪ":144341,"ìĮį":144342,"âĢ¡":144343,"ï¼±":144344,"ìģ¨":144345,"âĺº":144346,"ëĴ·":144347,"ìĺ³":144348,"ðŁijį":144349,"몽":144350,"ëĤŃ":144351,"ïºŃ":144352,"ë©Ī":144353,"á»Ī":144354,"íķĢ":144355,"ëĭĻ":144356,"ë¦ĩ":144357,"ìķ¤":144358,"ìį¼":144359,"ãĥµ":144360,"Ñ£":144361,"ìľĹ":144362,"âŃIJ":144363,"ï¾ĺ":144364,"íŬ":144365,"ê¾¼":144366,"ìķĹ":144367,"ï»Į":144368,"ê±·":144369,"ëħķ":144370,"롱":144371,"ìķĬ":144372,"ï¾Ģ":144373,"ìĩł":144374,"íĮ©":144375,"ﺪ":144376,"ë§Ļ":144377,"_":144378,"ê¿Ķ":144379,"íİľ":144380,"룸":144381,"íĶĶ":144382,"ﻳ":144383,"ëıķ":144384,"ìĭ¼":144385,"á»İ":144386,"ë§ĺ":144387,"ì¢ĭ":144388,"íĨ¡":144389,"ï½±":144390,"íĿij":144391,"Ỹ":144392,"ì¦Į":144393,"칸":144394,"ëŃĺ":144395,"ï¾Ĺ":144396,"ï»ĭ":144397,"íĬĢ":144398,"ë¥Ļ":144399,"콩":144400,"ëģĹ":144401,"ëį´":144402,"ìħľ":144403,"¸":144404,"ë»IJ":144405,"ìĥµ":144406,"ê²IJ":144407,"ëĵ¬":144408,"룰":144409,"ãħĭ":144410,"ìĹī":144411,"á»ĸ":144412,"ëĦĮ":144413,"ï½¶":144414,"ë´ĩ":144415,"ëĤ³":144416,"ãĤľ":144417,"ëĸ»":144418,"íİĢ":144419,"ëį©":144420,"íķ¸":144421,"÷":144422,"ê¼¼":144423,"ëĶľ":144424,"ë°´":144425,"ë©į":144426,"âĹ¯":144427,"ìĹij":144428,"ìϼ":144429,"ïºij":144430,"ë¶ķ":144431,"롬":144432,"ï½Į":144433,"íĨ¨":144434,"ﺴ":144435,"ëłĺ":144436,"ê°¤":144437,"ìβ":144438,"Ñĵ":144439,"ìħī":144440,"ï»ĵ":144441,"ëĪĶ":144442,"ëį§":144443,"â̼":144444,"ﻲ":144445,"ê°±":144446,"ê¿Ģ":144447,"ëĭ·":144448,"Ẹ":144449,"Ẫ":144450,"ÆĴ":144451,"ëį¤":144452,"ìĪŃ":144453,"ï½Ĥ":144454,"ï½Ī":144455,"Åł":144456,"룬":144457,"ѵ":144458,"ëĸ¡":144459,"ëĥĦ":144460,"ìĦ°":144461,"ëĵĪ":144462,"ï¾ĥ":144463,"ëĩ¨":144464,"ï½IJ":144465,"êµ½":144466,"ìĹ½":144467,"ëĤĢ":144468,"묶":144469,"ï½·":144470,"ìıŁ":144471,"íĺĶ":144472,"ê¼Ī":144473,"ëģĪ":144474,"ì¥IJ":144475,"ïºĹ":144476,"ÄĮ":144477,"ëĪł":144478,"ëĸ¼":144479,"íĢ´":144480,"âī¥":144481,"ëĭŃ":144482,"ì±Ļ":144483,"ê»ı":144484,"멤":144485,"ìĥĺ":144486,"ëį®":144487,"룡":144488,"ìĤ½":144489,"ãĪľ":144490,"Ĩ":144491,"â̧":144492,"コ":144493,"Ä£":144494,"ì¦ī":144495,"ï¼¼":144496,"Û©":144497,"âĪĻ":144498,"ë°ı":144499,"ë¹ħ":144500,"ðŁĺĽ":144501,"íĪ´":144502,"ðŁĴķ":144503,"ãĢĴ":144504,"ìŀĺ":144505,"ﺤ":144506,"ï½ĸ":144507,"멾":144508,"ë²¼":144509,"ëĿĦ":144510,"ëļľ":144511,"ï»ĺ":144512,"ìĥĮ":144513,"ï½Ħ":144514,"ì©Ķ":144515,"ï½Ļ":144516,"ﺩ":144517,"Ûŀ":144518,"âĺİ":144519,"ìł¤":144520,"ëIJ©":144521,"ÅĿ":144522,"âŀ¡":144523,"ï»§":144524,"Ðı":144525,"ì«ĵ":144526,"ê³½":144527,"Éij":144528,"ãĥ²":144529,"ëĤ«":144530,"ë¦ī":144531,"ì¢ģ":144532,"ë°Ń":144533,"ðŁĺģ":144534,"ë¹µ":144535,"첩":144536,"컵":144537,"ðŁĺĺ":144538,"ë±ħ":144539,"âīĪ":144540,"ë¹ļ":144541,"ï»ľ":144542,"ðŁĻı":144543,"íģ°":144544,"ìĦŀ":144545,"ï¾ļ":144546,"ìĺ¹":144547,"ë¼Ī":144548,"ëĤ¯":144549,"ëŀ©":144550,"íļ¡":144551,"ï½ķ":144552,"íĥĵ":144553,"ëĿł":144554,"ê³ģ":144555,"ëĵĢ":144556,"ìĹł":144557,"Z":144558,"ë§ij":144559,"ëĭ¿":144560,"쿨":144561,"ãİ¡":144562,"ÐĬ":144563,"íĦ±":144564,"Ũ":144565,"ﺳ":144566,"ï¾ı":144567,"âĭħ":144568,"ê¼´":144569,"âī¤":144570,"íĮģ":144571,"Ω":144572,"궤":144573,"ìĪį":144574,"âľ¿":144575,"콤":144576,"ëĪħ":144577,"íĨ±":144578,"ãħľ":144579,"áIJħ":144580,"ÅĴ":144581,"ðŁijī":144582,"ﻦ":144583,"Ъ":144584,"ë¥ľ":144585,"íķ«":144586,"ï¾ĭ":144587,"âĻ«":144588,"ê¹ľ":144589,"ë°¸":144590,"ëĶĺ":144591,"íĿī":144592,"ï¾ģ":144593,"ï¾Ľ":144594,"볼":144595,"ê²¹":144596,"쿼":144597,"ﻬ":144598,"âŀ¤":144599,"ðŁĻģ":144600,"ïºł":144601,"ëĨ¨":144602,"믹":144603,"ê¸ĭ":144604,"ë»Ķ":144605,"ê¹ĥ":144606,"ëijij":144607,"íĭ¸":144608,"íİĻ":144609,"âŀĸ":144610,"ãĥ½":144611,"ì§ļ":144612,"ャ":144613,"ﻥ":144614,"íĮ½":144615,"âĢĴ":144616,"ìĮĢ":144617,"ìŃī":144618,"ëļ±":144619,"ãĤŀ":144620,"íĭĪ":144621,"ãĤIJ":144622,"ëīĺ":144623,"Σ":144624,"ê³°":144625,"ë¹Ĺ":144626,"ï¾İ":144627,"ðŁĺŃ":144628,"íĿł":144629,"ìĹ¿":144630,"ê°ļ":144631,"ì¤Į":144632,"ë§µ":144633,"ï½³":144634,"ãģ¢":144635,"ï»Ĺ":144636,"âī¦":144637,"Ú¤":144638,"ëłģ":144639,"ê¼½":144640,"ﻫ":144641,"âī§":144642,"ì´Ľ":144643,"ìłĿ":144644,"Ằ":144645,"âĻ£":144646,"ìºĺ":144647,"âĪĩ":144648,"ê²ī":144649,"ë°Ł":144650,"ï»Ķ":144651,"íĸĩ":144652,"âĸĴ":144653,"ðŁijı":144654,"Ãŀ":144655,"ðŁĺĨ":144656,"ﺼ":144657,"âĿĹ":144658,"ìºĶ":144659,"칩":144660,"ëĸ¤":144661,"ëĥħ":144662,"âĶľ":144663,"ï½»":144664,"ÎĶ":144665,"áĥ¦":144666,"ìŀİ":144667,"âĺĢ":144668,"âμ":144669,"ðŁĶ¥":144670,"ë°Į":144671,"ìłĸ":144672,"íĹĽ":144673,"Îķ":144674,"ïºĥ":144675,"ë¶ī":144676,"âĪŀ":144677,"íĥŃ":144678,"Ãĭ":144679,"âģĦ":144680,"ãħĩ":144681,"ëĦ¥":144682,"ëĭ®":144683,"ëł·":144684,"íĮĿ":144685,"캡":144686,"ë·Ķ":144687,"ì©į":144688,"íĤ´":144689,"ëļ«":144690,"âĵĴ":144691,"íķį":144692,"âĻĤ":144693,"ï¾Ĩ":144694,"âĨ©":144695,"ìį©":144696,"ïºķ":144697,"íĿĻ":144698,"Ñľ":144699,"íĤ·":144700,"íĿ°":144701,"íĥ±":144702,"ëķIJ":144703,"ï¾Ĵ":144704,"×ĥ":144705,"ëĮĦ":144706,"ìĺ´":144707,"ìķµ":144708,"ê¹¥":144709,"ëŀŃ":144710,"쪼":144711,"ãİĿ":144712,"ðŁĺħ":144713,"ëıĭ":144714,"몫":144715,"ﺸ":144716,"뮬":144717,"ë²ħ":144718,"ëijł":144719,"ìħ°":144720,"ì»·":144721,"ëĶª":144722,"ëħĶ":144723,"ãħ¡":144724,"ìĶ»":144725,"íķı":144726,"ëį±":144727,"ﺨ":144728,"ï¾į":144729,"ï½µ":144730,"ì¢Ģ":144731,"íİĮ":144732,"ï»°":144733,"ﺣ":144734,"Æ£":144735,"ðŁ¤£":144736,"ï·º":144737,"ëĤļ":144738,"âĭĨ":144739,"ë³į":144740,"ðŁĺĦ":144741,"ìĸĢ":144742,"ìĻł":144743,"ëĨĶ":144744,"íŨ":144745,"ï»Ľ":144746,"ï»Ŀ":144747,"á»¶":144748,"ìĸĺ":144749,"ìİĦ":144750,"ÚĨ":144751,"ï»ŀ":144752,"ëĢIJ":144753,"ê²Ķ":144754,"ﻵ":144755,"âŦ":144756,"íļŁ":144757,"ê¹ģ":144758,"ê°ĵ":144759,"ëĶ´":144760,"ìıĺ":144761,"ëļĿ":144762,"ỳ":144763,"ëŀ´":144764,"ëĦī":144765,"âĺŀ":144766,"ï½ĺ":144767,"Ž":144768,"ë¦İ":144769,"âĸ¬":144770,"ëŃī":144771,"âĩĽ":144772,"ìį¬":144773,"ïºŁ":144774,"Ëľ":144775,"ë¶ĵ":144776,"ìĽ°":144777,"Åľ":144778,"ëŃĩ":144779,"Ỳ":144780,"Ëļ":144781,"ëķĢ":144782,"âĺij":144783,"ðŁı¼":144784,"ìĸ½":144785,"âĮĴ":144786,"Ðİ":144787,"ɾ":144788,"íĮ¡":144789,"ï¾ħ":144790,"ìŀŃ":144791,"ィ":144792,"칫":144793,"ìľĮ":144794,"ÒĽ":144795,"굿":144796,"ëĭ¦":144797,"âĶĶ":144798,"ï¾ij":144799,"ì§ĸ":144800,"ìºĦ":144801,"ãĢĥ":144802,"ʼ":144803,"ê²Ł":144804,"ï½§":144805,"Ä¢":144806,"íİł":144807,"ë§·":144808,"ê°ĩ":144809,"ìĭ¹":144810,"ðŁĴ¦":144811,"ï¾ľ":144812,"ëĬĻ":144813,"벡":144814,"Å¿":144815,"ðŁĺĭ":144816,"ðŁĴª":144817,"ì¿Ħ":144818,"ë©ķ":144819,"ìѤ":144820,"ëĬĦ":144821,"ðŁĮ¸":144822,"ãĤĿ":144823,"Çİ":144824,"ï½ļ":144825,"ÄĹ":144826,"ëģĵ":144827,"ê¶IJ":144828,"áµī":144829,"ãĥĤ":144830,"ê»į":144831,"ðŁĺ¦":144832,"ãĢĿ":144833,"ð٤Ĺ":144834,"ÑŁ":144835,"ìĹİ":144836,"âľĮ":144837,"ìīIJ":144838,"ÃĨ":144839,"íĹIJ":144840,"ðŁİī":144841,"Îij":144842,"ï½Ń":144843,"ðŁĴĻ":144844,"ìĽ¬":144845,"íĢĺ":144846,"ﻢ":144847,"ðŁĺİ":144848,"íij¼":144849,"íĿ©":144850,"ï»Ħ":144851,"íħĢ":144852,"ëłIJ":144853,"쥬":144854,"Ðĭ":144855,"ìĥ·":144856,"뾬":144857,"ðŁĺĥ":144858,"ëĦ¬":144859,"륨":144860,"ìĽį":144861,"ï½Ĩ":144862,"ï½´":144863,"ãĥħ":144864,"Ãı":144865,"ﻪ":144866,"âĻł":144867,"ëĬ¬":144868,"ë±Ģ":144869,"ë°ĭ":144870,"ìĥĢ":144871,"ï½¾":144872,"ëĤ±":144873,"컸":144874,"ðŁĴĸ":144875,"ðŁijĮ":144876,"Ñŀ":144877,"ì§±":144878,"ËĨ":144879,"ðŁĵļ":144880,"âŃķ":144881,"ï¬Ĥ":144882,"ﻡ":144883,"ëij¬":144884,"íμ":144885,"âĸ¸":144886,"ê°¯":144887,"ê¹ħ":144888,"ï½®":144889,"ëĺ¥":144890,"Ä¡":144891,"íĮŁ":144892,"ÐĮ":144893,"ìĨŁ":144894,"ïºĵ":144895,"ﻼ":144896,"ÃĽ":144897,"ãĥ¾":144898,"ëĮĵ":144899,"íĴĭ":144900,"ìķĵ":144901,"ï½¹":144902,"ëĤ¡":144903,"ðŁijĩ":144904,"Ẽ":144905,"ãĢŁ":144906,"ðŁĮŁ":144907,"íĥł":144908,"ãĢĨ":144909,"âĢŁ":144910,"ë¸IJ":144911,"ðŁĮ¹":144912,"ìł¼":144913,"ðŁĵĮ":144914,"ìͬ":144915,"âĹĢ":144916,"ðŁĴĵ":144917,"ê¹İ":144918,"ìĤIJ":144919,"ìĶĮ":144920,"ÑĽ":144921,"âĶĪ":144922,"ë²³":144923,"ãİŀ":144924,"Õ¡":144925,"íĤµ":144926,"ð٤Ķ":144927,"ëĢĶ":144928,"ìĬIJ":144929,"íĻī":144930,"⾦":144931,"ëľ¯":144932,"ìł¯":144933,"ëͧ":144934,"Φ":144935,"ËĪ":144936,"ìī¼":144937,"âĹĬ":144938,"ëľ©":144939,"ëľ°":144940,"ï¾IJ":144941,"ë¿Ķ":144942,"ìĹ®":144943,"ì·Į":144944,"ﺧ":144945,"ÎĴ":144946,"ëµĻ":144947,"ï»Ĭ":144948,"ì°Ķ":144949,"íİĦ":144950,"ðŁĴĹ":144951,"Ẵ":144952,"ì°¢":144953,"íľ¼":144954,"ê½Ĥ":144955,"ì±Ķ":144956,"ìī´":144957,"âĸ¾":144958,"íΰ":144959,"ëĭĽ":144960,"âĿ£":144961,"ェ":144962,"ðŁĴľ":144963,"Ëĺ":144964,"ãħ¤":144965,"âĨĹ":144966,"íĸĦ":144967,"âϬ":144968,"ìķ°":144969,"ïºľ":144970,"âī¡":144971,"ãĢĵ":144972,"ìij¥":144973,"íĮį":144974,"íīģ":144975,"ë»Ĺ":144976,"íľł":144977,"íľ©":144978,"âľĪ":144979,"íĢĦ":144980,"ìĸĩ":144981,"ì¢ĩ":144982,"íŀĻ":144983,"몹":144984,"ãĤĽ":144985,"ðŁĺ±":144986,"ëįŁ":144987,"à¹ħ":144988,"êµ¶":144989,"Ù«":144990,"ìĶģ":144991,"âľª":144992,"ï¾Ī":144993,"ðŁĻĮ":144994,"âļ¡":144995,"Îļ":144996,"ì¼Ī":144997,"ï¾Ķ":144998,"ï¾Ĥ":144999,"êµī":145000,"ﺻ":145001,"ðŁĴĭ":145002,"á¹£":145003,"ÓĻ":145004,"ìĨľ":145005,"ìĹ£":145006,"âľ©":145007,"ìľĻ":145008,"ﺰ":145009,"Ẳ":145010,"ìŀ£":145011,"âĿĮ":145012,"âĺģ":145013,"ìķİ":145014,"Ľ":145015,"Ûģ":145016,"ãĦ±":145017,"ëŁ¿":145018,"íĮ¸":145019,"ê½ī":145020,"ìıł":145021,"ðŁįĢ":145022,"âĨĶ":145023,"ëŃ¡":145024,"ï»ģ":145025,"ï¼Ħ":145026,"ðŁĴ¥":145027,"âĺĽ":145028,"íĹ·":145029,"ëij¡":145030,"Îł":145031,"Τ":145032,"âĦĵ":145033,"ﺷ":145034,"ÎĻ":145035,"ëıĶ":145036,"짤":145037,"âĶĥ":145038,"ãĦ·":145039,"ÇĴ":145040,"ðŁ¥°":145041,"ëĶķ":145042,"ìļ¥":145043,"ì¸Ħ":145044,"íĽĶ":145045,"ïºĩ":145046,"ﺬ":145047,"ðŁĺ¢":145048,"빡":145049,"ì͹":145050,"ų":145051,"ËĿ":145052,"íİij":145053,"ï¾ĵ":145054,"ðŁĴļ":145055,"ëĬij":145056,"꺾":145057,"íĨ°":145058,"ÿ":145059,"ÐĦ":145060,"ëĮIJ":145061,"ë½Ģ":145062,"ì·Ħ":145063,"ðŁĵį":145064,"ðŁĻĪ":145065,"âĹĪ":145066,"ê¿ĩ":145067,"ì¼Ħ":145068,"íİ«":145069,"ðŁĩ·":145070,"âĶĭ":145071,"âļł":145072,"ë±ī":145073,"ìį°":145074,"ìĻĪ":145075,"ɪ":145076,"ïºĭ":145077,"ðŁĺľ":145078,"ÎŁ":145079,"ðŁĻĤ":145080,"âļ½":145081,"ÅĪ":145082,"ë¹Ķ":145083,"íĮľ":145084,"à¹ı":145085,"ìĸ¹":145086,"íĪŃ":145087,"ðŁ¥ĩ":145088,"ãĦ´":145089,"ëĶ¥":145090,"ìŃĪ":145091,"âĪĨ":145092,"ëĸ³":145093,"ë±ĥ":145094,"ìŀ¦":145095,"ï»IJ":145096,"Îľ":145097,"âľ§":145098,"Ïį":145099,"ìłĵ":145100,"âĹķ":145101,"ëĴĢ":145102,"ï»Ģ":145103,"ðŁĶ´":145104,"ê½ģ":145105,"ëĮĪ":145106,"ëİĮ":145107,"ãĤİ":145108,"â¦ģ":145109,"ì½§":145110,"ﯾ":145111,"âĿ¯":145112,"à¸ħ":145113,"ðŁĻĦ":145114,"âĿĢ":145115,"ðŁĶ¹":145116,"âĩIJ":145117,"êµµ":145118,"âĩĶ":145119,"ë¶IJ":145120,"ðŁĴĽ":145121,"ξ":145122,"íĥ¬":145123,"âĿĦ":145124,"Ò£":145125,"ã̰":145126,"âĪij":145127,"âĺ¼":145128,"âīł":145129,"Ò¯":145130,"ﺯ":145131,"꿨":145132,"âľĸ":145133,"Êĸ":145134,"íĢĢ":145135,"ê¾Ģ":145136,"íĹĿ":145137,"âĶ£":145138,"ãİľ":145139,"ëĶĽ":145140,"뾸":145141,"ﺫ":145142,"ê¿°":145143,"ðŁĩ¹":145144,"ÇIJ":145145,"ÛĴ":145146,"룻":145147,"ïºĸ":145148,"Ñļ":145149,"ëĬł":145150,"Ûķ":145151,"깡":145152,"ë¿ľ":145153,"ì²¼":145154,"ï¨ij":145155,"륵":145156,"ìį¸":145157,"íħħ":145158,"íij¹":145159,"ÖĢ":145160,"ï³Į":145161,"ãħ£":145162,"ìij¤":145163,"ì½ķ":145164,"ëķł":145165,"ðŁĮ¿":145166,"íĥĶ":145167,"ìĽģ":145168,"ζ":145169,"âŀľ":145170,"ìĬĺ":145171,"íĽĹ":145172,"ë©§":145173,"ìīĺ":145174,"Õ¶":145175,"á¹ĩ":145176,"ðŁİģ":145177,"ソ":145178,"ï¼Ĥ":145179,"á¼IJ":145180,"âľķ":145181,"âŀ¢":145182,"ëĦ¨":145183,"컫":145184,"ì¯Ķ":145185,"ì°ľ":145186,"ðŁĴ°":145187,"íħĿ":145188,"ãİı":145189,"ë³¶":145190,"Òĵ":145191,"âĨ³":145192,"ìĥ´":145193,"íģĺ":145194,"âĸĢ":145195,"ë²Ļ":145196,"à¸ĥ":145197,"á½¶":145198,"Äķ":145199,"â¬ĩ":145200,"ë¤ĺ":145201,"ðŁİµ":145202,"âľļ":145203,"ïºı":145204,"Ρ":145205,"âĹī":145206,"ðŁĴ«":145207,"ÐĪ":145208,"ìĸĦ":145209,"ì§Ļ":145210,"ï»ĥ":145211,"ðĿijĴ":145212,"ëŃĦ":145213,"âĿ¥":145214,"âĿĸ":145215,"âĺĿ":145216,"ʹ":145217,"ḥ":145218,"âĢ¿":145219,"ãħħ":145220,"ê¸ģ":145221,"ëķ¡":145222,"ëį¥":145223,"âĪ©":145224,"ê»Ħ":145225,"ë®Į":145226,"Ò±":145227,"âĪĹ":145228,"ëłĻ":145229,"ïºĮ":145230,"ËIJ":145231,"ðŁĺ³":145232,"ðŁij©":145233,"ðŁİ¶":145234,"쿵":145235,"ðŁ¤©":145236,"ê·¤":145237,"ëĮĶ":145238,"ïºIJ":145239,"Ïİ":145240,"ì¶¥":145241,"ï½Ĭ":145242,"á¹Ń":145243,"뤼":145244,"âĸ«":145245,"ì§ł":145246,"á¼Ģ":145247,"ê»ij":145248,"ëĮģ":145249,"í̏":145250,"âĻĽ":145251,"ðŁĴŀ":145252,"âĸ°":145253,"ðĿijĸ":145254,"ëĿ¤":145255,"द":145256,"ì´ĺ":145257,"ðŁĺĩ":145258,"ëͤ":145259,"ÎĹ":145260,"ðŁĻĩ":145261,"ËĽ":145262,"ì©¡":145263,"âΧ":145264,"Õ¥":145265,"ÑĻ":145266,"ëIJ¬":145267,"ëĸĦ":145268,"ðŁĮ·":145269,"ìĹĮ":145270,"ðŁĺ¥":145271,"ëĪ´":145272,"ï»ļ":145273,"ÉĽ":145274,"ïºĦ":145275,"ï»ı":145276,"ÅĮ":145277,"ë²ļ":145278,"ìĭ£":145279,"ïºĢ":145280,"Îĵ":145281,"ðŁĺĮ":145282,"ËĻ":145283,"ëŀı":145284,"ðŁĶ¸":145285,"ðŁĵ·":145286,"ëģ½":145287,"íģ½":145288,"ðŁĴ¡":145289,"ðŁĮ±":145290,"ëºı":145291,"ìģł":145292,"ìĥIJ":145293,"ëıĹ":145294,"츰":145295,"ëĪķ":145296,"ÎĿ":145297,"âģī":145298,"ðŁĮ¼":145299,"íĮł":145300,"âĭ¯":145301,"áĥĺ":145302,"⾤":145303,"ê±Ķ":145304,"íĮİ":145305,"ðŁĴ¯":145306,"ìıĻ":145307,"íĹī":145308,"ÙŃ":145309,"ì½°":145310,"ﺿ":145311,"ï»±":145312,"ì±Į":145313,"âĺķ":145314,"ðŁİĢ":145315,"ÄĿ":145316,"ë°§":145317,"ìĤ¿":145318,"áijķ":145319,"ðŁįĥ":145320,"âĩ¨":145321,"ÎĽ":145322,"ë§´":145323,"ë³ķ":145324,"áijIJ":145325,"âĸĵ":145326,"ðĿijľ":145327,"âĻ»":145328,"íĤ¥":145329,"Õ¸":145330,"ãα":145331,"ëºĢ":145332,"첸":145333,"ïºĽ":145334,"ðŁıĨ":145335,"ðŁĩª":145336,"âĿĵ":145337,"ÄĢ":145338,"ì½¥":145339,"ðŁĩ§":145340,"á½·":145341,"âľĤ":145342,"ìŀ¼":145343,"ï§¡":145344,"ðŁĵ¸":145345,"âϝ":145346,"ÉĶ":145347,"ὸ":145348,"âĮª":145349,"ï»ĸ":145350,"不":145351,"âļ«":145352,"âĶĹ":145353,"ðŁĮĪ":145354,"ﻩ":145355,"ðŁĵ²":145356,"ÏĪ":145357,"ðŁĺ¡":145358,"ðĿijİ":145359,"ìľ½":145360,"짬":145361,"ì§Ĭ":145362,"á½³":145363,"ìĮ¤":145364,"ëĤį":145365,"âīĴ":145366,"ðŁij¨":145367,"âĺĺ":145368,"Ó©":145369,"âĤĵ":145370,"âĪĤ":145371,"ï¹ģ":145372,"ðŁĴIJ":145373,"íħĥ":145374,"ðŁı½":145375,"ê·Ħ":145376,"ðŁĺı":145377,"ðŁĮº":145378,"ðŁĺĶ":145379,"ォ":145380,"âľİ":145381,"ëµĪ":145382,"ðŁĩ¸":145383,"âĢ£":145384,"âŀĶ":145385,"ëĺĺ":145386,"ìĥ¬":145387,"Êĥ":145388,"â¬ħ":145389,"ì©IJ":145390,"ðŁĻĨ":145391,"ðŁİĦ":145392,"ľ":145393,"⣶":145394,"áĥIJ":145395,"âĺ»":145396,"ì±ķ":145397,"ìģ©":145398,"ë½ķ":145399,"캣":145400,"ðŁijĪ":145401,"ðŁĻĭ":145402,"ï¾ĸ":145403,"Òļ":145404,"Õ«":145405,"ìĮĪ":145406,"ë²§":145407,"ðŁĩ®":145408,"ï½Ŀ":145409,"ðŁįģ":145410,"ìĹ¥":145411,"ij":145412,"ë½IJ":145413,"íį½":145414,"íĽij":145415,"âĤ¹":145416,"ãħģ":145417,"ìͽ":145418,"ðŁĶģ":145419,"य":145420,"ê¾¹":145421,"ëīľ":145422,"âĹ¡":145423,"íķĮ":145424,"Îĺ":145425,"룹":145426,"ìĻĵ":145427,"ðŁĩ¦":145428,"ðŁijĢ":145429,"âĶĮ":145430,"ῦ":145431,"ëĦĽ":145432,"ìĦ£":145433,"ìŃĻ":145434,"ï±ł":145435,"Îŀ":145436,"Ê»":145437,"á¿¶":145438,"âĿĿ":145439,"ê±Ģ":145440,"ëĸ´":145441,"ãĦ¹":145442,"ðŁĴİ":145443,"Ϲ":145444,"âĽħ":145445,"ï»ķ":145446,"ãĥ±":145447,"ï½Ľ":145448,"ëĮķ":145449,"ë¹½":145450,"ì¥Ķ":145451,"쿤":145452,"ðŁĸ¤":145453,"ÑĴ":145454,"ê¹į":145455,"ëİĢ":145456,"ìĭ¯":145457,"뻤":145458,"ðŁĵŀ":145459,"ðŁĵ£":145460,"ðŁĺĿ":145461,"ìį¹":145462,"ìĹ¡":145463,"ì°IJ":145464,"á½IJ":145465,"ï»Ī":145466,"âľį":145467,"Äı":145468,"ðŁĮŀ":145469,"âĦ¦":145470,"ê½Ŀ":145471,"ë»ĺ":145472,"ìα":145473,"âĶĺ":145474,"ðŁĮ»":145475,"âĤ´":145476,"âŀ¨":145477,"íIJģ":145478,"ê¶Ī":145479,"âĺ¢":145480,"ðŁĺĪ":145481,"ゥ":145482,"âĦĹ":145483,"ê°Ń":145484,"ê°¸":145485,"ë»ij":145486,"쥴":145487,"컥":145488,"ï¤Ĭ":145489,"ï»Ĵ":145490,"ðŁĺķ":145491,"âĺĶ":145492,"ìĺIJ":145493,"ðŁļĹ":145494,"ëĹĦ":145495,"ë§ı":145496,"Õ½":145497,"âĸ»":145498,"⣵":145499,"ìī°":145500,"ï»ij":145501,"âĻ©":145502,"Î¥":145503,"ðŁĺ£":145504,"âĬĤ":145505,"ãħĤ":145506,"ìħ¸":145507,"íıĦ":145508,"âľ½":145509,"ì¦Ļ":145510,"âĸ£":145511,"ê±į":145512,"ê¿ĭ":145513,"ì«Ħ":145514,"ìºĩ":145515,"ðŁĩµ":145516,"ðŁijij":145517,"âľĺ":145518,"ðĿijĽ":145519,"ìį½":145520,"ìºī":145521,"וּ":145522,"ðŁĶº":145523,"âĦ®":145524,"íĥ¤":145525,"ðŁĩº":145526,"ðŁĴµ":145527,"íħ¨":145528,"ï½ij":145529,"Ψ":145530,"ìĥ¹":145531,"ìĸķ":145532,"ì¹µ":145533,"ðŁĵ±":145534,"व":145535,"ðŁijĬ":145536,"ðŁĴĦ":145537,"ðŁĴĿ":145538,"ãĮĶ":145539,"ìĻģ":145540,"Ðĩ":145541,"à®IJ":145542,"âĸ¹":145543,"á´Ľ":145544,"âĹĺ":145545,"뺨":145546,"íĥī":145547,"ìĸĮ":145548,"ðŁIJ¶":145549,"ãĤij":145550,"Ëĩ":145551,"Åı":145552,"á½¹":145553,"ìħ§":145554,"ï¹°":145555,"ðĿij¡":145556,"ðŁĶĿ":145557,"ðŁĺ»":145558,"ðŁĴĥ":145559,"ðŁ¤¦":145560,"ðŁįĴ":145561,"í̵":145562,"âľĨ":145563,"ë¹´":145564,"理":145565,"ï»Ļ":145566,"á´Ĺ":145567,"ðŁĮ´":145568,";":145569,"ëĮij":145570,"ì¨ĭ":145571,"쵸":145572,"ðŁİĪ":145573,"ðŁıł":145574,"á½±":145575,"ÛĨ":145576,"á¿ĸ":145577,"âĢĽ":145578,"ì°¼":145579,"íķ¥":145580,"íĹ´":145581,"ðŁĩ¬":145582,"ì°Ŀ":145583,"âĪł":145584,"ï¼ĩ":145585,"âĬĻ":145586,"âĿij":145587,"ëĦĭ":145588,"ëŀĹ":145589,"ë°ī":145590,"ìĹĬ":145591,"ì¢Ĩ":145592,"íĮ¥":145593,"ï°²":145594,"ðŁĵĸ":145595,"ðŁĺ®":145596,"âļª":145597,"ðŁĺļ":145598,"âĿŀ":145599,"ðĿijŁ":145600,"ðŁİĤ":145601,"Åķ":145602,"áIJĪ":145603,"꺽":145604,"ì±ł":145605,"ïºĿ":145606,"ê¿ī":145607,"áĥł":145608,"ðŁıĥ":145609,"ðŁĴ¸":145610,"âĿģ":145611,"âĹ¾":145612,"Úª":145613,"á¹ĥ":145614,"íĬ¬":145615,"ðŁĩ±":145616,"íİŃ":145617,"ðŁĺŀ":145618,"ë¾°":145619,"á¹Ľ":145620,"뼸":145621,"âĿĤ":145622,"êĴ³":145623,"âĶIJ":145624,"íĵ°":145625,"âŀł":145626,"ê´ĺ":145627,"ëħĺ":145628,"뻥":145629,"ì¾ħ":145630,"ðŁĺIJ":145631,"âĪª":145632,"ðŁijģ":145633,"âĪ´":145634,"âĹģ":145635,"ëºIJ":145636,"ìŀ¤":145637,"ì±Ĺ":145638,"ðŁı¾":145639,"Χ":145640,"á½»":145641,"âŀ¥":145642,"ìŁĪ":145643,"ï»ī":145644,"âĸĮ":145645,"ãĥ®":145646,"ðŁ¤¤":145647,"âĩĵ":145648,"ì¼ł":145649,"á´ı":145650,"맬":145651,"뻣":145652,"ðŁĴ¬":145653,"ðŁįĵ":145654,"ĸ":145655,"Ù¹":145656,"Ê¿":145657,"á½°":145658,"ëķľ":145659,"ì°¡":145660,"ì°»":145661,"íİį":145662,"ðŁİ¯":145663,"ðŁįĤ":145664,"ðŁij§":145665,"âĻ¢":145666,"áĨŀ":145667,"âϧ":145668,"âļľ":145669,"âľī":145670,"ëĵ¦":145671,"ëŃ£":145672,"ìĪı":145673,"ìĵ±":145674,"ÅŃ":145675,"ÊĬ":145676,"âĴ¸":145677,"âĩ©":145678,"ðŁĴĶ":145679,"Õµ":145680,"Ðī":145681,"Ò»":145682,"ë§£":145683,"ìĽľ":145684,"ì¿¡":145685,"íĽħ":145686,"íĽ¤":145687,"ﺢ":145688,"âľĭ":145689,"âĪĪ":145690,"ðŁĮį":145691,"Êľ":145692,"ëĬª":145693,"ëĴ¹":145694,"ﺲ":145695,"âĸĦ":145696,"ãħĪ":145697,"ëļ¤":145698,"íİ©":145699,"â΍":145700,"ðŁ¤ª":145701,"áĥļ":145702,"ê³¶":145703,"íĬķ":145704,"ðŁĺ¬":145705,"âĪ«":145706,"ðŁijĭ":145707,"ÒIJ":145708,"íĬ¿":145709,"ðŁĶµ":145710,"ðŁĴ¨":145711,"ðŁĮĻ":145712,"ëĩ©":145713,"âľ³":145714,"ë¨ģ":145715,"ëºĦ":145716,"ìĻij":145717,"ìºħ":145718,"íıĪ":145719,"ðĿijĻ":145720,"ðŁĴĺ":145721,"ãİ¥":145722,"âĿı":145723,"âľ°":145724,"ﯿ":145725,"ëµIJ":145726,"ì¼IJ":145727,"ﺱ":145728,"Õ´":145729,"ï¬Ģ":145730,"âľ´":145731,"ð٤Ń":145732,"ðŁijĨ":145733,"âĽĶ":145734,"ê·ĵ":145735,"ìĮĮ":145736,"ðŁ¤·":145737,"ÛĶ":145738,"ðŁ§¡":145739,"ðŁĺĵ":145740,"Îĸ":145741,"âı°":145742,"ê²ľ":145743,"ëĭ³":145744,"ëİħ":145745,"ë°Ī":145746,"ï®IJ":145747,"ðŁı¡":145748,"âĨª":145749,"âĵĶ":145750,"âľĬ":145751,"ϲ":145752,"ÜIJ":145753,"ðŁĩ³":145754,"ÖĤ":145755,"âľı":145756,"ìĸĹ":145757,"ì«Ļ":145758,"ðŁĺ²":145759,"ÄŃ":145760,"âĻŃ":145761,"âĶı":145762,"âĹĮ":145763,"ðŁĺ¯":145764,"áµĴ":145765,"íĬł":145766,"Ä·":145767,"Êģ":145768,"à¤Ł":145769,"á¹ģ":145770,"á¼°":145771,"á¿Ĩ":145772,"â«":145773,"⫸":145774,"ëį«":145775,"ì³ĩ":145776,"켤":145777,"íĽ¨":145778,"ðŁĴŁ":145779,"ÊĢ":145780,"ʳ":145781,"ëĵIJ":145782,"âķ°":145783,"âĿĩ":145784,"ÇĢ":145785,"ÇĶ":145786,"É´":145787,"âĺļ":145788,"âĺľ":145789,"ê¶Ĥ":145790,"ì«Ĵ":145791,"ì±Ī":145792,"ðŁĩ¨":145793,"ðŁİ¥":145794,"ðŁĵĿ":145795,"ħ":145796,"ðĿijIJ":145797,"ÛĪ":145798,"ब":145799,"ì¬IJ":145800,"íĹ¥":145801,"âύ":145802,"ðŁį´":145803,"ï¹ı":145804,"Ëĭ":145805,"ðŁ¥º":145806,"âĸ¨":145807,"íĻĭ":145808,"âĪħ":145809,"ëģĻ":145810,"ëŀł":145811,"ìĨ¥":145812,"âĢĸ":145813,"ð٤ĺ":145814,"ðŁIJ»":145815,"áµķ":145816,"ÇĿ":145817,"âĺı":145818,"ïºļ":145819,"ï»Ĥ":145820,"ðŁļ©":145821,"ìĪŁ":145822,"ËĬ":145823,"⤵":145824,"ðŁĴ§":145825,"ãħį":145826,"ë©©":145827,"Ƭ":145828,"Îĩ":145829,"âĩ§":145830,"âĵļ":145831,"ìĤ¯":145832,"ìΝ":145833,"ëĨĭ":145834,"âľ¯":145835,"ðŁļĢ":145836,"Úĺ":145837,"Ú¨":145838,"âľŃ":145839,"ê²ħ":145840,"íĮ°":145841,"íľĻ":145842,"ðŁĮĬ":145843,"ðŁİĵ":145844,"ðŁĺĻ":145845,"Ëĥ":145846,"ðŁĴģ":145847,"ðŁijİ":145848,"âĺ¹":145849,"ðŁĺ«":145850,"ðŁĴ»":145851,"ëĤµ":145852,"ìĿĬ":145853,"íĮ»":145854,"Ò³":145855,"á½²":145856,"âŀŀ":145857,"ëĤij":145858,"ëĿĪ":145859,"죤":145860,"ﻯ":145861,"ðŁĩ©":145862,"ðŁ¥³":145863,"âĴ¼":145864,"ð٦ĭ":145865,"âĺĤ":145866,"ðŁĺ°":145867,"ðŁĻĥ":145868,"ðŁĺĴ":145869,"Ûİ":145870,"Ïķ":145871,"Ḥ":145872,"룽":145873,"ìĬ¥":145874,"ðĿijī":145875,"ÉIJ":145876,"ðŁįİ":145877,"âķ¯":145878,"âķ¹":145879,"າ":145880,"ï¾ł":145881,"ë¹ķ":145882,"ïºĨ":145883,"ʺ":145884,"Ó§":145885,"âĨł":145886,"ëĥĩ":145887,"ìİĪ":145888,"ìŁ¤":145889,"ï±¢":145890,"âķ¬":145891,"âĺł":145892,"ðŁİĬ":145893,"ãįį":145894,"ãİİ":145895,"âĺ°":145896,"âľĥ":145897,"ãħī":145898,"ë¯Ī":145899,"빤":145900,"ìıŃ":145901,"ðĿij¢":145902,"ðŁIJ¾":145903,"Åĭ":145904,"ðŁij¶":145905,"âĶĽ":145906,"ï¿¢":145907,"áĥ¡":145908,"ļ":145909,"ÅĨ":145910,"ÑIJ":145911,"ìĥĽ":145912,"ìĺĮ":145913,"챤":145914,"íħģ":145915,"íļĥ":145916,"ï³Ĭ":145917,"ðĿijĶ":145918,"ðŁĩ«":145919,"âĭ°":145920,"ðŁĺ¨":145921,"âĤ©":145922,"Õ¬":145923,"á¸į":145924,"á»´":145925,"âĨĺ":145926,"âĺ¯":145927,"ãħı":145928,"ìł¬":145929,"âĻĶ":145930,"ðŁĶĶ":145931,"ðŁĺł":145932,"ðŁĻĬ":145933,"à®ľ":145934,"á¹ħ":145935,"âĹIJ":145936,"âĿĪ":145937,"âŀ½":145938,"ìĥħ":145939,"ðĿijł":145940,"Æ¢":145941,"âĭĻ":145942,"ê°Ľ":145943,"ëĿµ":145944,"ë£Ł":145945,"ìıľ":145946,"ïºģ":145947,"ðŁĴŃ":145948,"âĬĥ":145949,"ðŁIJ°":145950,"ãħĮ":145951,"Üĵ":145952,"âŀķ":145953,"á½ģ":145954,"ìķ³":145955,"ðĿijĿ":145956,"ðŁİ¬":145957,"É¡":145958,"à¤Ĺ":145959,"áIJī":145960,"ì©ľ":145961,"ì¶§":145962,"ï³ī":145963,"ï»ħ":145964,"ðĿIJŀ":145965,"श":145966,"ðŁĵ¢":145967,"ðŁįĭ":145968,"ðŁĴħ":145969,"ï¾ķ":145970,"â¬Ĩ":145971,"âε":145972,"ð٤ij":145973,"áĥ£":145974,"ÆĦ":145975,"ѹ":145976,"á¼Ķ":145977,"ê°ł":145978,"ê´Į":145979,"ê·IJ":145980,"뼴":145981,"ì±ĺ":145982,"ï®Ń":145983,"ﺹ":145984,"ﺾ":145985,"âľĹ":145986,"âĿ¦":145987,"ðŁij¦":145988,"áĥĹ":145989,"Ù²":145990,"á½´":145991,"âĪı":145992,"âľ®":145993,"ê¹°":145994,"ë²µ":145995,"ìĦĢ":145996,"ì©Ŀ":145997,"ïºŀ":145998,"ﺽ":145999,"ðŁĩŃ":146000,"ËĤ":146001,"ðŁįij":146002,"ðŁįĮ":146003,"ðŁĶ»":146004,"깬":146005,"ìĬŃ":146006,"ìľ·":146007,"ðŁĽij":146008,"ǧ":146009,"ë¼Ľ":146010,"ﺡ":146011,"ﺺ":146012,"ðĿijļ":146013,"ðŁĵ¦":146014,"ðŁĶİ":146015,"ðŁĹĵ":146016,"áĥĶ":146017,"âľĴ":146018,"âľ¡":146019,"ðŁĮµ":146020,"âĶķ":146021,"ëĢĿ":146022,"ðŁįĬ":146023,"âĺĥ":146024,"ìĺħ":146025,"ব":146026,"ð٦ģ":146027,"âݯ":146028,"ðŁIJķ":146029,"Ñ¿":146030,"।":146031,"à¼ĭ":146032,"ê·Ī":146033,"ì«Į":146034,"ðŁĩ°":146035,"âĿī":146036,"ì«Ģ":146037,"íĿĦ":146038,"ðĿIJ¢":146039,"ðŁļ¨":146040,"âϤ":146041,"ðŁĺ©":146042,"ðŁįį":146043,"ðŁĺij":146044,"ðŁļļ":146045,"ÖĦ":146046,"ë«":146047,"뫼":146048,"à¤ı":146049,"á¿·":146050,"âĮ©":146051,"âĺIJ":146052,"âŀ£":146053,"긱":146054,"꼿":146055,"ëĦĿ":146056,"ìı´":146057,"ìļ¤":146058,"쿱":146059,"íİIJ":146060,"ðŁĴ¢":146061,"ì´IJ":146062,"âĩij":146063,"âĶĵ":146064,"âģ¾":146065,"ÜĿ":146066,"ðŁį°":146067,"â´°":146068,"Æı":146069,"ÏŁ":146070,"Úº":146071,"Ûĥ":146072,"áĦĴ":146073,"âĪŁ":146074,"âĿį":146075,"ãĦ²":146076,"ìľħ":146077,"ì¤ı":146078,"ðŁĩ²":146079,"êºĦ":146080,"ðŁİ¤":146081,"âľ£":146082,"â¸Ŀ":146083,"︵":146084,"ວ":146085,"áĢĻ":146086,"âķł":146087,"Õ¯":146088,"âı©":146089,"ðĿij£":146090,"ðŁĴ£":146091,"Åĺ":146092,"à¥IJ":146093,"âģĥ":146094,"âĮĺ":146095,"ê»Į":146096,"ìĮĶ":146097,"ðĿijĺ":146098,"ð٤ĵ":146099,"Õ¿":146100,"à¤Ń":146101,"âĮļ":146102,"âľĿ":146103,"ðŁIJ¼":146104,"ËĮ":146105,"âķļ":146106,"ï¦Ĺ":146107,"âĿķ":146108,"âķ£":146109,"ðŁIJ±":146110,"த":146111,"Ѿ":146112,"à¤ļ":146113,"à¤ľ":146114,"ìĪĦ":146115,"ìļľ":146116,"ðŁİ®":146117,"ÉĴ":146118,"Ú·":146119,"àºį":146120,"âĨµ":146121,"âĪĺ":146122,"âĿĬ":146123,"ë¿į":146124,"ìIJĪ":146125,"ìļĺ":146126,"쯧":146127,"íĥ¯":146128,"ìĸı":146129,"︰":146130,"ðŁĩ¯":146131,"ð٧ļ":146132,"ðŁĺµ":146133,"ðŁĺ·":146134,"ðŁĮ³":146135,"ລ":146136,"Äī":146137,"Ä¥":146138,"âľ¶":146139,"῾":146140,"âĬ±":146141,"âĺ¾":146142,"ê°ī":146143,"ê¼°":146144,"ëºij":146145,"ðŁĶĬ":146146,"ðŁĸIJ":146147,"Ť":146148,"Ò«":146149,"à®®":146150,"âĮĪ":146151,"âĹĹ":146152,"ëĦµ":146153,"ëħľ":146154,"ëľ¹":146155,"ðĿij¥":146156,"ðŁĴ¿":146157,"ðŁĽĴ":146158,"ÊĴ":146159,"áŀĵ":146160,"ðŁIJĿ":146161,"ð٦Ħ":146162,"ðŁį·":146163,"âĺŁ":146164,"︶":146165,"ðŁ¤Ł":146166,"Ô±":146167,"âĨ²":146168,"âĪİ":146169,"âľ«":146170,"ëĩ½":146171,"ëıIJ":146172,"ëķĦ":146173,"靈":146174,"ï§Ŀ":146175,"ïºĻ":146176,"ðŁij»":146177,"ðŁĵº":146178,"êµ¼":146179,"ìĮ©":146180,"ðŁĮ²":146181,"ȱ":146182,"íĶķ":146183,"ðŁĺ¤":146184,"ãĮ¢":146185,"ÊĶ":146186,"ड":146187,"á¼Ī":146188,"ëİĥ":146189,"멱":146190,"ë®Ī":146191,"ðĿIJ«":146192,"âĬķ":146193,"ëĥł":146194,"뻬":146195,"íĭĶ":146196,"Õ¤":146197,"á¼±":146198,"âľ¥":146199,"âĺĦ":146200,"âĪ¥":146201,"âļķ":146202,"ðŁijĦ":146203,"ðŁİħ":146204,"àºĻ":146205,"âͬ":146206,"á½µ":146207,"Õ¾":146208,"Öģ":146209,"âĹĶ":146210,"ê¿į":146211,"ëĸµ":146212,"ë©İ":146213,"ë®´":146214,"ìķ´":146215,"áĥľ":146216,"ἡ":146217,"âĶĬ":146218,"âķ®":146219,"âĹ¼":146220,"ðŁį¾":146221,"ðŁĽį":146222,"ðŁijĹ":146223,"ð٤ŀ":146224,"âľĦ":146225,"ÕĢ":146226,"ল":146227,"Ëī":146228,"⣨":146229,"į":146230,"ÏĬ":146231,"á´ľ":146232,"ë¹³":146233,"ï³ĭ":146234,"ï¿ł":146235,"Ī":146236,"âĤ¸":146237,"âľ±":146238,"ê»IJ":146239,"ëĭ»":146240,"맸":146241,"ìŀ¿":146242,"쩨":146243,"ìŃIJ":146244,"ì°¿":146245,"íħŁ":146246,"ðĿIJ§":146247,"ðĿijij":146248,"ðŁĮİ":146249,"ðŁĵ®":146250,"ðŁķĶ":146251,"âĹĻ":146252,"âĹ»":146253,"âŀ§":146254,"ìŁĿ":146255,"⾬":146256,"ãĥ°":146257,"âģĪ":146258,"âĵĺ":146259,"ðŁĴĮ":146260,"ï¬ĥ":146261,"àºĶ":146262,"ìͰ":146263,"ðŁĺª":146264,"×Ģ":146265,"ìĥ¨":146266,"ïŃĭ":146267,"ðŁįķ":146268,"ðŁĺ´":146269,"ϳ":146270,"á¼Ħ":146271,"á½ħ":146272,"âĩ¢":146273,"âķŃ":146274,"ìĺ»":146275,"íĬ¤":146276,"Üĺ":146277,"⤴":146278,"âĹį":146279,"áŀŁ":146280,"ðŁįº":146281,"áŀļ":146282,"ðŁıĬ":146283,"ðŁIJ·":146284,"ÊĮ":146285,"ὺ":146286,"âģ»":146287,"ê½Į":146288,"ëĪĹ":146289,"ëĹı":146290,"ì¿°":146291,"í̼":146292,"íįħ":146293,"ï·²":146294,"ðŁĮı":146295,"ðŁį«":146296,"ðŁį³":146297,"ðŁİ°":146298,"ðŁij°":146299,"ðŁĴ²":146300,"á¥Ļ":146301,"ðŁIJŁ":146302,"ï¿¡":146303,"ðŁĹ£":146304,"ðŁįľ":146305,"âľ²":146306,"ãİ¢":146307,"ðŁĶ°":146308,"Ἰ":146309,"á½ij":146310,"Äİ":146311,"áĦĢ":146312,"âĻķ":146313,"ëłĿ":146314,"ìĪ´":146315,"ïŃŃ":146316,"Óľ":146317,"ÔĢ":146318,"ëĢľ":146319,"ëĥĶ":146320,"ìĬĽ":146321,"ì«ij":146322,"캥":146323,"캬":146324,"ðĿij¦":146325,"ðŁĶ¶":146326,"쾨":146327,"ðĿIJļ":146328,"ðŁį»":146329,"ðŁĴį":146330,"ðŁ¤¡":146331,"ðŁķĬ":146332,"â½ĩ":146333,"âĵIJ":146334,"ðŁįŃ":146335,"ðŁįª":146336,"ðŁĶĨ":146337,"Ò¡":146338,"á´ĩ":146339,"ÉĹ":146340,"ÜĶ":146341,"âĦİ":146342,"âĿĥ":146343,"ëĹĢ":146344,"ï²Ķ":146345,"ïºĪ":146346,"ðĿIJ»":146347,"ðŁĴĬ":146348,"ðŁļ«":146349,"Ѱ":146350,"ѳ":146351,"ष":146352,"âĹł":146353,"ðŁij¤":146354,"ï¾ĩ":146355,"âĺĵ":146356,"ðŁįµ":146357,"ðŁ¤¨":146358,"âĸŃ":146359,"à®´":146360,"Ü¢":146361,"ܬ":146362,"à´®":146363,"ðŁķº":146364,"Ô¹":146365,"Õ£":146366,"à´¯":146367,"á´Ģ":146368,"âĮī":146369,"âľIJ":146370,"âŀ¦":146371,"ê¹½":146372,"ëĮľ":146373,"ðŁı¥":146374,"ðŁĵ©":146375,"Ò¹":146376,"Óĺ":146377,"à¤ħ":146378,"âĿ§":146379,"ÆĹ":146380,"âĹ½":146381,"ðŁij«":146382,"ðŁİ§":146383,"ðŁij£":146384,"âľ»":146385,"ðŁĻħ":146386,"ðŁĺĸ":146387,"ðŁĴ®":146388,"ະ":146389,"ðŁĶľ":146390,"ðŁįĦ":146391,"ð٤Ŀ":146392,"áĥĿ":146393,"áŀĢ":146394,"âĩ¦":146395,"ʾ":146396,"Ò®":146397,"Õ¼":146398,"à¤Ĩ":146399,"âĹħ":146400,"âļĵ":146401,"âļĸ":146402,"ê¿©":146403,"ë¯Ħ":146404,"ìIJIJ":146405,"ìŀ°":146406,"ì§Ń":146407,"íĭĭ":146408,"íݨ":146409,"íϧ":146410,"ï²ij":146411,"ðŁİĹ":146412,"Ù³":146413,"ðŁij¸":146414,"ম":146415,"ðŁijķ":146416,"Úµ":146417,"â̾":146418,"âŀ°":146419,"ðŁij¯":146420,"ðŁİ¼":146421,"ðŁıģ":146422,"ĺ":146423,"Êı":146424,"Ú³":146425,"âı±":146426,"ê½Ī":146427,"ëĿĮ":146428,"ìĮī":146429,"ìĹ·":146430,"ìŀ´":146431,"íĹ¹":146432,"íľ¨":146433,"ðĿĹ²":146434,"ðŁĮIJ":146435,"ðŁİĻ":146436,"ðŁıµ":146437,"íĽĻ":146438,"ðĿijħ":146439,"ðŁĺ¶":146440,"âĵħ":146441,"âķ¥":146442,"ðŁįı":146443,"ï¦İ":146444,"Õ©":146445,"ðĿIJĦ":146446,"Ó£":146447,"Ú¿":146448,"âĻļ":146449,"ðŁĶĹ":146450,"ḫ":146451,"âĭ®":146452,"âĸ¦":146453,"âĽ½":146454,"âľµ":146455,"ãħĨ":146456,"ãħĬ":146457,"ëĦĻ":146458,"ëĿ¨":146459,"ë¥Ħ":146460,"ìĦ¦":146461,"ì§°":146462,"ì§¹":146463,"íīĪ":146464,"ï§ij":146465,"ï»ĩ":146466,"ðŁĮ¾":146467,"ðŁıĸ":146468,"ðŁIJij":146469,"ðŁĴ³":146470,"ðŁĵĨ":146471,"Ûĩ":146472,"Üķ":146473,"á½½":146474,"ëĦľ":146475,"à´²":146476,"à´³":146477,"àºŃ":146478,"áĥĽ":146479,"âĿĶ":146480,"âijħ":146481,"áĥ¥":146482,"ðŁĵħ":146483,"âŀ³":146484,"á´µ":146485,"﹡":146486,"ï¹¶":146487,"ÎĨ":146488,"थ":146489,"áīµ":146490,"âĿĻ":146491,"âĿ±":146492,"ëīł":146493,"ëİł":146494,"ëıĽ":146495,"ë¿ħ":146496,"ì͏":146497,"íij¯":146498,"íŀī":146499,"íŀĽ":146500,"ï§Ħ":146501,"ïŃĺ":146502,"ﺦ":146503,"ﻸ":146504,"ðĿijĤ":146505,"ðĿijı":146506,"Ïij":146507,"Úł":146508,"áĢĶ":146509,"áŀĶ":146510,"á¹¢":146511,"ëĦ¸":146512,"ðĿIJ¨":146513,"ðŁĩ´":146514,"Õ°":146515,"ðŁijł":146516,"ðŁįĨ":146517,"ðŁıĢ":146518,"ðŁijIJ":146519,"ðŁįĩ":146520,"ðŁIJ£":146521,"áĪŃ":146522,"ܪ":146523,"ðŁĮĢ":146524,"áŀĺ":146525,"âĩĦ":146526,"ðĿIJĢ":146527,"ÊĻ":146528,"âͼ":146529,"ðŁı¿":146530,"Æ·":146531,"Èł":146532,"ѽ":146533,"âĤ¨":146534,"ê´Ń":146535,"ê¹»":146536,"ë͍":146537,"ìĪĢ":146538,"ì¾°":146539,"íĨĪ":146540,"ï®§":146541,"ﯽ":146542,"ðŁĶħ":146543,"ðŁĶ®":146544,"Å¢":146545,"ʰ":146546,"Ѹ":146547,"ण":146548,"âĬĹ":146549,"ëªĦ":146550,"ï¹·":146551,"ïºħ":146552,"ðĿIJµ":146553,"ðŁĮ¶":146554,"ðŁĵ°":146555,"ðŁĶ·":146556,"ðŁĸĴ":146557,"ðŁ¤²":146558,"ëī©":146559,"ðŁİĨ":146560,"ð٧IJ":146561,"ðŁį®":146562,"âĨº":146563,"âĿ¢":146564,"ðŁijª":146565,"ðŁij±":146566,"âĨ¡":146567,"áŀı":146568,"Úķ":146569,"ðŁį¹":146570,"ðŁĴĢ":146571,"Ë®":146572,"Ó¨":146573,"Öħ":146574,"à¤ĩ":146575,"âĤ¡":146576,"âĪķ":146577,"âĺī":146578,"ê¹¼":146579,"ê¼IJ":146580,"콸":146581,"ðĿIJ¬":146582,"ðŁıħ":146583,"ðŁijĻ":146584,"ðŁĴī":146585,"ð٤Ļ":146586,"Èĺ":146587,"ɳ":146588,"ɹ":146589,"Ùº":146590,"áĢĦ":146591,"ῳ":146592,"âļĺ":146593,"âĿĨ":146594,"ëĨī":146595,"ìĸį":146596,"ìĺĩ":146597,"ì¥ĺ":146598,"íĸħ":146599,"íĻij":146600,"ï®Ĭ":146601,"ï¿Ń":146602,"ðĿĴIJ":146603,"ðĿĹ¢":146604,"ðŁĶĸ":146605,"ðŁĶ¨":146606,"ðŁļij":146607,"ðŁļ²":146608,"Ƹ":146609,"âĹ¥":146610,"ðĿIJŃ":146611,"ðŁį½":146612,"âĹij":146613,"âĵĩ":146614,"ðŁĶ±":146615,"âľ¼":146616,"ï¹ĥ":146617,"âķ±":146618,"ãĢĹ":146619,"ðŁıĭ":146620,"ðŁļ´":146621,"ðĿIJ®":146622,"Äļ":146623,"Õı":146624,"Ķ":146625,"áĥij":146626,"Ṭ":146627,"ÄĪ":146628,"ÄĴ":146629,"Ò°":146630,"Óķ":146631,"âIJ":146632,"âIJ£":146633,"âĹ¢":146634,"âļĻ":146635,"ãħĹ":146636,"ê°¬":146637,"곪":146638,"ê»Ģ":146639,"ëĦ´":146640,"ëİģ":146641,"ëĿĶ":146642,"묽":146643,"ëŃį":146644,"ìĩ³":146645,"ì°¹":146646,"íĮ¹":146647,"íŀĿ":146648,"ï®ĭ":146649,"ï¶Ī":146650,"ðĿĴĤ":146651,"ðŁ¥Ģ":146652,"ð٦ħ":146653,"Êĺ":146654,"á¼ij":146655,"âģİ":146656,"ðŁįŀ":146657,"âĨĸ":146658,"âĨĻ":146659,"ðŁİĥ":146660,"âĦ¡":146661,"âĭ±":146662,"ðŁĶį":146663,"ನ":146664,"áµĥ":146665,"âĶ«":146666,"⦿":146667,"ðŁĩ»":146668,"Ƥ":146669,"Òı":146670,"Ò·":146671,"Ûī":146672,"à®ķ":146673,"ḳ":146674,"בּ":146675,"ðŁĨĶ":146676,"ÚŃ":146677,"Û¦":146678,"áħ¡":146679,"âĦ¹":146680,"ê¿İ":146681,"ëķĶ":146682,"ë¼ī":146683,"ìļ§":146684,"ì²µ":146685,"ì´¨":146686,"íĬĪ":146687,"íĸIJ":146688,"ðĿĹĺ":146689,"ðŁĩ¿":146690,"ðŁİĸ":146691,"ðŁijħ":146692,"ðŁĵĺ":146693,"ðŁļĻ":146694,"ðŁĽµ":146695,"à¶½":146696,"⼵":146697,"ðĿIJ³":146698,"ðĿIJ¸":146699,"âļĶ":146700,"ðŁijŃ":146701,"Óij":146702,"â͝":146703,"ðŁħ¿":146704,"ðŁĺ¹":146705,"ï¿«":146706,"⼤":146707,"ðŁĴĩ":146708,"ðŁĵİ":146709,"ðŁĸĭ":146710,"স":146711,"ðĿIJį":146712,"IJ":146713,"Ïĭ":146714,"Ѭ":146715,"Ú¬":146716,"ÜĴ":146717,"á´¬":146718,"ï¨Ħ":146719,"É£":146720,"Ëij":146721,"ϵ":146722,"ÒĿ":146723,"Û¥":146724,"Üł":146725,"à¹Ľ":146726,"áĥķ":146727,"áĬķ":146728,"á¾¶":146729,"âĤ·":146730,"âĩ¾":146731,"âķ©":146732,"âĸIJ":146733,"âĺª":146734,"âĺ®":146735,"âĿļ":146736,"âĿŃ":146737,"âŀ±":146738,"âµİ":146739,"ãıĬ":146740,"ë©ĵ":146741,"ìĹ¾":146742,"ìªĦ":146743,"íĵĮ":146744,"íķ¼":146745,"ïѬ":146746,"ðĿijĨ":146747,"ðĿijŀ":146748,"ðĿĸĬ":146749,"ðŁİ¸":146750,"ðŁıĦ":146751,"ðŁijµ":146752,"ðŁĴł":146753,"ðŁĶĺ":146754,"ðŁ¥Ĥ":146755,"Ū":146756,"à·ĥ":146757,"á´¼":146758,"âĬ°":146759,"ë³ı":146760,"ë´£":146761,"ï¥ľ":146762,"ðŁĵĪ":146763,"ðŁķ¯":146764,"ð٧Ģ":146765,"âĻIJ":146766,"ðŁĨĹ":146767,"ðŁĵķ":146768,"ð٧ģ":146769,"Ü«":146770,"âĿIJ":146771,"Õķ":146772,"à½ķ":146773,"âŀĿ":146774,"à¦ķ":146775,"ðĿIJ¶":146776,"É¢":146777,"ÎĦ":146778,"áĨ¢":146779,"âĤ±":146780,"Õį":146781,"à¡ķ":146782,"á´°":146783,"ḩ":146784,"⼷":146785,"âĿ®":146786,"ê¡ĵ":146787,"ëı¤":146788,"ëĹIJ":146789,"ëµĮ":146790,"ìijĪ":146791,"íı¿":146792,"íŵ":146793,"ðĿIJİ":146794,"ðŁĨĺ":146795,"ðŁıŁ":146796,"É¥":146797,"Õ»":146798,"à¡Ķ":146799,"à¤ĸ":146800,"á´¸":146801,"âİĻ":146802,"âİ¥":146803,"âı³":146804,"ëģķ":146805,"ëĬī":146806,"ì¡į":146807,"칡":146808,"禮":146809,"ï¬Ł":146810,"ﮫ":146811,"ﮯ":146812,"ï±ĥ":146813,"ï·»":146814,"ﺵ":146815,"ðĿĹĶ":146816,"ðĿĹ¡":146817,"ðŁİ¨":146818,"ðŁĶĴ":146819,"ÚĽ":146820,"ध":146821,"âŀ¹":146822,"áĢĢ":146823,"ðŁįħ":146824,"âŤ":146825,"à¤ł":146826,"ðŁIJ¥":146827,"áĥĴ":146828,"ðŁıĿ":146829,"ðŁį¼":146830,"ãĮ§":146831,"âĿĽ":146832,"ðŁIJĪ":146833,"য":146834,"áĢŀ":146835,"ãĢĸ":146836,"áŀĻ":146837,"প":146838,"ÕĨ":146839,"âĬĨ":146840,"âľ¾":146841,"ðŁIJĹ":146842,"ﹿ":146843,"Ħ":146844,"ÜŁ":146845,"à²ł":146846,"ಥ":146847,"áŀī":146848,"á´¥":146849,"á´©":146850,"á½Ģ":146851,"ὡ":146852,"âĨķ":146853,"âŀ¯":146854,"ê¡ij":146855,"ëij£":146856,"ë±Į":146857,"ìĪij":146858,"ìľĶ":146859,"ìŀ½":146860,"ì¨į":146861,"ðĿijĢ":146862,"ðŁĮĮ":146863,"ðŁį¦":146864,"ðŁį©":146865,"ðŁIJļ":146866,"ðŁĵĴ":146867,"ðŁĵ¹":146868,"ðŁ¥ij":146869,"Äĭ":146870,"ËĹ":146871,"Ñ«":146872,"Õ¢":146873,"Ú°":146874,"âĮĢ":146875,"âĹĤ":146876,"âĹ£":146877,"⾼":146878,"âĿĴ":146879,"âĿĺ":146880,"âŀĻ":146881,"âŀ²":146882,"ãİį":146883,"ê¡IJ":146884,"ëŀĸ":146885,"ìĬĿ":146886,"ìĽ¤":146887,"ì¡ĭ":146888,"쨰":146889,"íĹĻ":146890,"兩":146891,"ï³į":146892,"ï»İ":146893,"ðĿijĵ":146894,"ðŁĵĬ":146895,"ðŁļ¼":146896,"ï¦ģ":146897,"ðĿķĴ":146898,"ðŁijľ":146899,"ðŁij¿":146900,"ðŁĩ½":146901,"à·Ħ":146902,"âĸ´":146903,"ãįī":146904,"âĬĩ":146905,"ðŁ§¸":146906,"Ú¡":146907,"â¾ĥ":146908,"ðŁĹ»":146909,"âĵij":146910,"ðŁ¤¸":146911,"ðŁ¤¯":146912,"êĴ°":146913,"ðĿIJĵ":146914,"âĶ´":146915,"êĴ±":146916,"áĢĺ":146917,"âĽĦ":146918,"ï¹¹":146919,"ÓĶ":146920,"áĥ±":146921,"Ü¡":146922,"ßŀ":146923,"âĻı":146924,"⾸":146925,"ìij¨":146926,"ðĿIJĿ":146927,"ðĿIJ¥":146928,"ðŁįī":146929,"ðŁij¼":146930,"ðŁ¥Ŀ":146931,"ÆĶ":146932,"ݬ":146933,"फ":146934,"àºļ":146935,"á´´":146936,"á½ĸ":146937,"âĤ¶":146938,"âİ¢":146939,"âĿħ":146940,"⣫":146941,"ãİĽ":146942,"뮨":146943,"ëºĮ":146944,"ë¼ĺ":146945,"ìĨĿ":146946,"ìľ³":146947,"ìŀĮ":146948,"ì£Ĺ":146949,"ìªĺ":146950,"컹":146951,"ï·¼":146952,"ïºĤ":146953,"ðĿIJ´":146954,"ðĿIJ¼":146955,"ðŁĮļ":146956,"ðŁı«":146957,"ðŁĴ¤":146958,"ðŁĴ¶":146959,"ðŁĴ¼":146960,"Êķ":146961,"ʽ":146962,"â²Ł":146963,"ãīł":146964,"ê¡Ĵ":146965,"ëľĢ":146966,"ìĥ¾":146967,"츤":146968,"ï¥ģ":146969,"ðĿļĬ":146970,"ðŁļĥ":146971,"âŀĽ":146972,"ìħ´":146973,"áĦĭ":146974,"âĩĹ":146975,"ï§·":146976,"âĺĸ":146977,"ðŁIJ¦":146978,"⸾":146979,"ðŁĴ´":146980,"ð٤ļ":146981,"ãĬĹ":146982,"âĮĽ":146983,"áĪĽ":146984,"༺":146985,"â½ī":146986,"ðŁı¢":146987,"âĵŀ":146988,"âĺ½":146989,"ãĢĻ":146990,"ðŁ¤®":146991,"ÅIJ":146992,"áĥ¬":146993,"ðĿĹ»":146994,"ðŁįĸ":146995,"ÆĬ":146996,"ÊŁ":146997,"ßĭ":146998,"à¤ĭ":146999,"áµĶ":147000,"á¿ĥ":147001,"âĦī":147002,"âĮĭ":147003,"âı²":147004,"âĵĪ":147005,"âĵ¢":147006,"âķĶ":147007,"âļij":147008,"âĿĭ":147009,"âĿİ":147010,"⵾":147011,"âµ£":147012,"ëĴĪ":147013,"ëľģ":147014,"ë¶ĩ":147015,"ìį»":147016,"ìĺŃ":147017,"ì§¢":147018,"íĹĢ":147019,"ï§Ĭ":147020,"טּ":147021,"ﱡ":147022,"ðĿIJº":147023,"ðĿij§":147024,"ðĿĺ¦":147025,"ðŁĵ¥":147026,"ðŁĺŁ":147027,"ðŁ¥IJ":147028,"Äĸ":147029,"ɨ":147030,"áĢIJ":147031,"áĥĵ":147032,"áºĵ":147033,"á¼¶":147034,"á½Ħ":147035,"âĤ¤":147036,"âĮľ":147037,"âĮŁ":147038,"âİł":147039,"⼸":147040,"âµį":147041,"âµı":147042,"âµĵ":147043,"ãĢĺ":147044,"ë·¸":147045,"íħ¼":147046,"ï¦Į":147047,"ïŃĦ":147048,"ïŃİ":147049,"ðĿĻļ":147050,"ðĿļĺ":147051,"à¼ĵ":147052,"ëŃħ":147053,"áIJĽ":147054,"ãݾ":147055,"ï¨Ģ":147056,"ðŁĹ½":147057,"âĻŀ":147058,"Ëĸ":147059,"âĹŀ":147060,"ðŁ¤«":147061,"ðŁĺĹ":147062,"ヲ":147063,"ðŁ¤¢":147064,"âģĩ":147065,"ã̵":147066,"ðŁįĶ":147067,"áĬł":147068,"ðŁĺ¼":147069,"ðĿĹ®":147070,"ðŁIJ³":147071,"ðĿIJĭ":147072,"ðŁĨļ":147073,"ðŁĶĽ":147074,"Ñ»":147075,"ܨ":147076,"ல":147077,"âľŀ":147078,"âµĻ":147079,"êµ£":147080,"츨":147081,"ðĿIJľ":147082,"ðĿĺ°":147083,"ðŁĶ½":147084,"Ç»":147085,"Ç¿":147086,"Êĩ":147087,"ÎIJ":147088,"ÐĢ":147089,"Ñ¡":147090,"Ѳ":147091,"ÒĴ":147092,"Ù¶":147093,"ßķ":147094,"à¶±":147095,"áIJģ":147096,"âģŀ":147097,"âĸ§":147098,"âĽĪ":147099,"âľľ":147100,"âľ¹":147101,"âŁ¹":147102,"â¤ĩ":147103,"ê²Ĭ":147104,"ê¾ľ":147105,"ë¯IJ":147106,"ë³IJ":147107,"ìħ©":147108,"ìIJ¬":147109,"ìij¹":147110,"ï¤Ķ":147111,"ï¦ļ":147112,"ï¬ł":147113,"ïŃĶ":147114,"ﺶ":147115,"ðĿĴı":147116,"ðĿĸĨ":147117,"ðĿŶ":147118,"ðŁıĤ":147119,"ðŁIJ½":147120,"ðŁĴ©":147121,"ðŁĵ½":147122,"ðŁĹ¨":147123,"ðŁĹº":147124,"ðŁĺ¸":147125,"ðŁ¥§":147126,"ÅĹ":147127,"Êİ":147128,"ÒĻ":147129,"ײ":147130,"à¤Ī":147131,"á¼´":147132,"á¿ij":147133,"âµī":147134,"ãħĵ":147135,"ì½´":147136,"ðĿĸĵ":147137,"ðŁĵĹ":147138,"ðŁĶª":147139,"ðŁĸį":147140,"ÏĴ":147141,"ðŁij¬":147142,"áĥĻ":147143,"âĨ¬":147144,"âͤ":147145,"âĽ¹":147146,"âĻŁ":147147,"ðŁļ¶":147148,"ðŁij¾":147149,"âĪĭ":147150,"ðŁIJ¯":147151,"à¼İ":147152,"âľ·":147153,"ï¨Ļ":147154,"âĶ»":147155,"ðŁij¹":147156,"áĦī":147157,"ສ":147158,"â¾ı":147159,"â½ħ":147160,"ãİĸ":147161,"Ñ´":147162,"Õ®":147163,"Ú¼":147164,"áĢķ":147165,"áĨ¼":147166,"ëŃı":147167,"ðŁIJ¸":147168,"ðŁļ£":147169,"ÆĿ":147170,"Ô»":147171,"áĥ¢":147172,"ðŁį¯":147173,"ɦ":147174,"Õ¦":147175,"âĻĭ":147176,"שׂ":147177,"ðĿŦ":147178,"Çļ":147179,"ɱ":147180,"à¤ī":147181,"á´Ħ":147182,"âĻĵ":147183,"⼰":147184,"âŁª":147185,"ëĥĺ":147186,"뢸":147187,"ìĤij":147188,"ï®Ķ":147189,"ðĿķĸ":147190,"ðĿŧ":147191,"ðŁĩ¼":147192,"ðŁĵĭ":147193,"ðŁļľ":147194,"ðŁ¥¤":147195,"Ä®":147196,"Å·":147197,"ßĬ":147198,"॥":147199,"ப":147200,"áŀĦ":147201,"áµĢ":147202,"á¸ħ":147203,"á¼¢":147204,"âĪĿ":147205,"âĬ¹":147206,"âĴ¶":147207,"âķ´":147208,"⼱":147209,"âĽ³":147210,"âĽº":147211,"âŀŁ":147212,"ãıĦ":147213,"ê¸Ķ":147214,"ê¹Ł":147215,"ëĩ°":147216,"ë¹»":147217,"ìĤ¥":147218,"ìĽ»":147219,"ì°Ł":147220,"íĥ°":147221,"íĨº":147222,"íļ½":147223,"老":147224,"量":147225,"ï³Ŀ":147226,"ðĿIJ¦":147227,"ðĿĴľ":147228,"ðĿĴŁ":147229,"ðĿļĹ":147230,"ðŁİŃ":147231,"ðŁıĵ":147232,"ðŁı³":147233,"ðŁıº":147234,"ðŁIJį":147235,"ðŁijĥ":147236,"ðŁĴı":147237,"ð٤ĸ":147238,"ðŁ¤µ":147239,"Õ²":147240,"âµĶ":147241,"ëĺ¬":147242,"念":147243,"ÊĤ":147244,"áĨ«":147245,"áŀij":147246,"ðĿĸİ":147247,"ðĿĹĸ":147248,"áĦĥ":147249,"âĩł":147250,"áĢ¡":147251,"à½Ħ":147252,"âŀ¸":147253,"ï¦Ļ":147254,"âĩļ":147255,"ðŁIJ¬":147256,"ðŁIJ¢":147257,"â¾Ĵ":147258,"ðŁIJ¤":147259,"ðŁĶ«":147260,"ãĢŀ":147261,"︺":147262,"ðŁĺº":147263,"â½´":147264,"ðŁĨķ":147265,"âģ¿":147266,"ðŁį¨":147267,"à²ķ":147268,"ðŁļĺ":147269,"áŀħ":147270,"à¦ħ":147271,"áŀ¢":147272,"à¨ľ":147273,"âļĮ":147274,"ã̽":147275,"à·´":147276,"âĵĽ":147277,"áĢľ":147278,"ìĨ¨":147279,"Ë©":147280,"ÜĹ":147281,"âĭ¼":147282,"ðŁĻī":147283,"ÅĬ":147284,"Éĵ":147285,"ʲ":147286,"ΰ":147287,"Ѽ":147288,"Ô¿":147289,"à¡IJ":147290,"à¼ľ":147291,"ས":147292,"á¶ľ":147293,"âĤ²":147294,"âĨ¨":147295,"âĬ¥":147296,"âķ§":147297,"âĻľ":147298,"ãĭ¡":147299,"ë´¬":147300,"ë¶ij":147301,"ìī¿":147302,"ìİħ":147303,"ìł±":147304,"ì°§":147305,"ﲡ":147306,"ðĿĴĽ":147307,"ðĿķ£":147308,"ðĿĹľ":147309,"ðŁį²":147310,"ðŁİ©":147311,"ðŁIJIJ":147312,"ðŁIJł":147313,"ðŁij½":147314,"ðŁĴij":147315,"ðŁĵľ":147316,"ðŁķµ":147317,"ðŁļĮ":147318,"ðŁĽ£":147319,"Êĭ":147320,"Ó¯":147321,"Ù¸":147322,"ßĶ":147323,"ßĻ":147324,"à¡ĵ":147325,"á´į":147326,"ḿ":147327,"âıº":147328,"âĸ¥":147329,"뤽":147330,"íľij":147331,"ðĿIJ¹":147332,"ðĿĸĶ":147333,"ðĿļİ":147334,"ðŁĵĦ":147335,"ðŁ¦·":147336,"Æĥ":147337,"à¦Ł":147338,"âĮĤ":147339,"âĺŃ":147340,"â²ļ":147341,"ëĿķ":147342,"ðŁİ£":147343,"à®ĩ":147344,"à½Ĩ":147345,"áħµ":147346,"áĹľ":147347,"â̽":147348,"âĮ£":147349,"âģ½":147350,"ðŁĵ¬":147351,"ðŁ¤§":147352,"âĩª":147353,"â½£":147354,"âĹŁ":147355,"ï¨Ĺ":147356,"êĴª":147357,"ðŁĽĢ":147358,"ÇĤ":147359,"ðŁ¥¶":147360,"ðŁİį":147361,"ï¿©":147362,"ðŁijĴ":147363,"áµĪ":147364,"︿":147365,"áħ©":147366,"⾦":147367,"à°¤":147368,"á´ĸ":147369,"ਬ":147370,"àºĹ":147371,"༻":147372,"Ѻ":147373,"ਪ":147374,"á´³":147375,"ðĿIJĪ":147376,"à»Ģ":147377,"á´¿":147378,"âĤį":147379,"âĩ¡":147380,"âĽª":147381,"ðĿIJĤ":147382,"ðĿĴķ":147383,"ðŁIJľ":147384,"Êį":147385,"ѱ":147386,"à½ĥ":147387,"ë®IJ":147388,"ìĽ¡":147389,"ìľģ":147390,"ðĿIJ¿":147391,"ðĿķł":147392,"ðŁijĽ":147393,"ƪ":147394,"Ϻ":147395,"Ó¬":147396,"Ù¿":147397,"Ý£":147398,"àªī":147399,"ஹ":147400,"à½ij":147401,"áĨ¯":147402,"áµĩ":147403,"âĩ¥":147404,"âıª":147405,"âϰ":147406,"âļŃ":147407,"âļ¾":147408,"ãħĦ":147409,"ḛ̂":147410,"ê°Ĺ":147411,"ê²ĭ":147412,"ê²»":147413,"ê¶ľ":147414,"ê¼ĩ":147415,"ê½¹":147416,"ëĤŁ":147417,"ëħĪ":147418,"ëĭ¢":147419,"ë§Ł":147420,"ëªĨ":147421,"ëµĢ":147422,"ì½±":147423,"íĩĺ":147424,"íľľ":147425,"ï§¾":147426,"ï±µ":147427,"ï²¢":147428,"ﲤ":147429,"ðĿĴĬ":147430,"ðĿĺ¯":147431,"ðŁįĹ":147432,"ðŁıį":147433,"ðŁIJĺ":147434,"ðŁĵ¡":147435,"ðŁĶŀ":147436,"ðŁ¤³":147437,"ðŁ¥ģ":147438,"ðŁ¥Ĺ":147439,"ð٦Ĭ":147440,"ĵ":147441,"Ʀ":147442,"ǵ":147443,"ɯ":147444,"Îı":147445,"ÕĦ":147446,"Ü¥":147447,"à½ģ":147448,"ᨳ":147449,"âķ«":147450,"ãİī":147451,"ë·´":147452,"ìĨİ":147453,"ìİĮ":147454,"죵":147455,"íĽł":147456,"離":147457,"ï³ı":147458,"ﻺ":147459,"ðĿijģ":147460,"ðĿijĩ":147461,"ðĿĴĨ":147462,"ðŁİł":147463,"ðŁIJĶ":147464,"ðŁijŁ":147465,"Åĸ":147466,"à¤Į":147467,"á¾½":147468,"ê¦Ĵ":147469,"à®Ł":147470,"á´±":147471,"ðŁı°":147472,"ðŁIJŀ":147473,"à½Ģ":147474,"áĢħ":147475,"âĬ¿":147476,"ðŁIJ§":147477,"áĽģ":147478,"â¼Ī":147479,"âĶ¿":147480,"ðŁ¥´":147481,"⼿":147482,"ðŁ§ľ":147483,"ãħ¿":147484,"âĦ«":147485,"ã̳":147486,"ãĬĻ":147487,"â¼Ģ":147488,"怜":147489,"ðŁı¬":147490,"ðŁĵ»":147491,"áĬĽ":147492,"áĦħ":147493,"àºĬ":147494,"àºĽ":147495,"áħ³":147496,"ðŁij®":147497,"à®±":147498,"âĺĩ":147499,"ðĿIJı":147500,"à´µ":147501,"à»ģ":147502,"à½ı":147503,"ར":147504,"ᥱ":147505,"âĤ£":147506,"復":147507,"ïŃĻ":147508,"ï´©":147509,"ï¹Ĥ":147510,"ðŁį£":147511,"ðŁķ¹":147512,"Ïĸ":147513,"ම":147514,"ຢ":147515,"áĭŃ":147516,"âİĿ":147517,"âĹĿ":147518,"âĻĪ":147519,"âĻİ":147520,"ê½¥":147521,"ì³Ķ":147522,"ì¼ij":147523,"ï±°":147524,"ðĿijĥ":147525,"ðŁĮª":147526,"ðŁį¡":147527,"Åİ":147528,"ʦ":147529,"ѧ":147530,"Óİ":147531,"Ô´":147532,"ÚĪ":147533,"ßĵ":147534,"ß§":147535,"à¤Ķ":147536,"áĪ«":147537,"áε":147538,"áĹ©":147539,"á´ł":147540,"á¼ł":147541,"âĢĹ":147542,"âģij":147543,"âĦı":147544,"âĸĩ":147545,"â²£":147546,"ãĦ³":147547,"ãī®":147548,"ê³Ĺ":147549,"ëĦĴ":147550,"ëĸ«":147551,"ë¡Ħ":147552,"ë¹°":147553,"ë½ģ":147554,"ìĦģ":147555,"ìĮĺ":147556,"ìŁĮ":147557,"ì³ī":147558,"ì¼ķ":147559,"כּ":147560,"ï³İ":147561,"ﹸ":147562,"ï¹¾":147563,"ðĿIJĨ":147564,"ðĿij·":147565,"ðĿĽ¼":147566,"ðŁİı":147567,"ðŁİŀ":147568,"ðŁIJĻ":147569,"ðŁijĤ":147570,"ðŁĵģ":147571,"ðŁĸ±":147572,"ðŁļį":147573,"ðŁļ§":147574,"ðŁĽ¡":147575,"ð٤Ĵ":147576,"ðŁ¥ŀ":147577,"ðŁ¥©":147578,"ð٦Ģ":147579,"ð٦ĸ":147580,"Ë¢":147581,"Üļ":147582,"வ":147583,"áĢģ":147584,"áī°":147585,"âıŃ":147586,"âĻ¿":147587,"ê³ĺ":147588,"ëıĿ":147589,"ëķĥ":147590,"ìħĮ":147591,"ìĴ¸":147592,"ìĽŁ":147593,"íħĦ":147594,"íľ«":147595,"ï§ĺ":147596,"↓":147597,"ðŁı·":147598,"ðŁĶ§":147599,"ðŁ¥Ī":147600,"Æĸ":147601,"áŀĩ":147602,"áŀĸ":147603,"âģº":147604,"âĹľ":147605,"âŀ©":147606,"ê¦Ń":147607,"ëϤ":147608,"ïѼ":147609,"ðĿĻĸ":147610,"ðĿĻ£":147611,"ðĿϤ":147612,"ðŁĮĿ":147613,"ðŁĶij":147614,"ðŁĽł":147615,"àºĩ":147616,"âĺ£":147617,"ãĦ¨":147618,"ðĿĸĹ":147619,"Óĵ":147620,"âĨ£":147621,"ðŁ¥ī":147622,"ðŁĮł":147623,"ðŁĺ½":147624,"ãİł":147625,"ŧ":147626,"ðŁIJĴ":147627,"ï§IJ":147628,"ðŁĺ¿":147629,"âά":147630,"ðŁIJ®":147631,"⣱":147632,"ಡ":147633,"â¾¼":147634,"à°²":147635,"˶":147636,"âĸ¿":147637,"ÕĪ":147638,"áŀİ":147639,"áħ¥":147640,"áŀĹ":147641,"Õ§":147642,"ð٤IJ":147643,"ðŁįł":147644,"ত":147645,"ය":147646,"âĻį":147647,"ìĺĻ":147648,"íĺĵ":147649,"ﹺ":147650,"ðŁĽ³":147651,"Åī":147652,"á´İ":147653,"âıľ":147654,"âͳ":147655,"긷":147656,"ì¡Ķ":147657,"ðĿĴĪ":147658,"ðĿĴį":147659,"ðĿĴ¹":147660,"ðĿĵĩ":147661,"ðĿķŁ":147662,"ðĿĹ¹":147663,"ðŁĮħ":147664,"ðŁı´":147665,"ÄĶ":147666,"Ĥ":147667,"ŵ":147668,"Ǿ":147669,"Ïŀ":147670,"϶":147671,"Ô³":147672,"ÜĨ":147673,"ß©":147674,"à¡Ĵ":147675,"à¤ĺ":147676,"à¶ļ":147677,"à½ĸ":147678,"áģĬ":147679,"áĥŀ":147680,"áĦĤ":147681,"áĭ«":147682,"á´º":147683,"ḣ":147684,"Ḫ":147685,"á¹Ĥ":147686,"á¼·":147687,"á¿ĩ":147688,"âĩĮ":147689,"âı¬":147690,"âĻĮ":147691,"⮣":147692,"â´»":147693,"ⵣ":147694,"ê¦ķ":147695,"ꦪ":147696,"ꦮ":147697,"ê²Ħ":147698,"ê¾IJ":147699,"ëĥij":147700,"ëķĭ":147701,"롸":147702,"ë¬Ģ":147703,"ìĩ¤":147704,"ìĪ©":147705,"ìľķ":147706,"ìŃĺ":147707,"ì·°":147708,"ì·¸":147709,"íľĢ":147710,"藍":147711,"ï§į":147712,"ï±Ħ":147713,"ï³ij":147714,"ðĿIJ¤":147715,"ðĿĴĵ":147716,"ðĿĴ¶":147717,"ðĿĹ¼":147718,"ðĿĻĬ":147719,"ðŁĩ¾":147720,"ðŁĮĽ":147721,"ðŁĮ®":147722,"ðŁİĩ":147723,"ðŁİ²":147724,"ðŁıĽ":147725,"ðŁij¥":147726,"ðŁij´":147727,"ðŁĴĨ":147728,"ðŁĵĤ":147729,"ðŁĵ§":147730,"ðŁķIJ":147731,"ðŁĸķ":147732,"ðŁĺ§":147733,"ðŁĻĢ":147734,"ðŁļĴ":147735,"ðŁĽ«":147736,"ðŁ¤ł":147737,"ðŁ¥ļ":147738,"ðŁ¥Ľ":147739,"ðŁ¥£":147740,"ǯ":147741,"ȧ":147742,"ÎĬ":147743,"Ò²":147744,"×°":147745,"Ûij":147746,"áĥ©":147747,"áĦĮ":147748,"áĪį":147749,"áī¥":147750,"áıĤ":147751,"âģ±":147752,"âĬ¢":147753,"âĹĵ":147754,"âĿ°":147755,"ë¿¡":147756,"ìĽ©":147757,"íģŃ":147758,"íĨ³":147759,"íĬĦ":147760,"íĵ¸":147761,"北":147762,"若":147763,"ï±IJ":147764,"ﱯ":147765,"ï³ļ":147766,"ðĿĸĺ":147767,"ðĿĺĢ":147768,"ðŁIJĬ":147769,"ðŁIJĮ":147770,"ðŁijļ":147771,"ðŁĵĥ":147772,"ðŁļĽ":147773,"ðŁļª":147774,"ðŁ¤°":147775,"Ä´":147776,"áĥ®":147777,"áŨ":147778,"âĻ®":147779,"â²ŀ":147780,"ãĪĶ":147781,"ìħį":147782,"ãħĥ":147783,"率":147784,"ມ":147785,"Õİ":147786,"Õº":147787,"⬼":147788,"⽤":147789,"ðĿIJ²":147790,"âŀµ":147791,"áĢĽ":147792,"âĶħ":147793,"âĨŁ":147794,"â¼Ĭ":147795,"ðŁĮ½":147796,"ðŁļ¿":147797,"ï¦Ĭ":147798,"ãĦ£":147799,"⼩":147800,"ï©Ľ":147801,"ðŁį±":147802,"⾨":147803,"à´¤":147804,"áŀģ":147805,"àºŀ":147806,"Êļ":147807,"ðĿIJĴ":147808,"à´±":147809,"áŀľ":147810,"ன":147811,"à°Ĺ":147812,"à´ļ":147813,"âĩ£":147814,"ï¦ķ":147815,"Õħ":147816,"Æĺ":147817,"âĤ¦":147818,"âĶĦ":147819,"ï¦Ł":147820,"嶺":147821,"ðĿIJģ":147822,"ðĿIJĥ":147823,"ðŁį¸":147824,"ðŁIJ²":147825,"Ŷ":147826,"Éĸ":147827,"ßĺ":147828,"ฦ":147829,"à½Ķ":147830,"áĨ·":147831,"âģķ":147832,"âĵĤ":147833,"âĿľ":147834,"便":147835,"אַ":147836,"ðĿĹĿ":147837,"ðĿĹ¿":147838,"ðŁİ¾":147839,"ðŁĹĿ":147840,"ð٦Į":147841,"Æħ":147842,"Ǫ":147843,"ÒĹ":147844,"ÜĽ":147845,"ßł":147846,"à¡ij":147847,"áī£":147848,"áĬŃ":147849,"ṡ":147850,"âŀ¼":147851,"âŀ¾":147852,"â´±":147853,"ãī¡":147854,"곯":147855,"ë½Ī":147856,"ìĤĺ":147857,"ìīij":147858,"ì«ĺ":147859,"íĮĥ":147860,"íϰ":147861,"ï¤Ĺ":147862,"ðŁĮ¬":147863,"ðŁĮ°":147864,"ðŁį¤":147865,"Ä»":147866,"Åĩ":147867,"ƨ":147868,"Éķ":147869,"Ò¢":147870,"Òº":147871,"Öį":147872,"×±":147873,"Ú±":147874,"Ú½":147875,"ÛIJ":147876,"à¤Ľ":147877,"à·Ģ":147878,"à¹ļ":147879,"ຫ":147880,"á´¹":147881,"á½Ķ":147882,"á¾³":147883,"âĤĴ":147884,"âĨ´":147885,"âĩĿ":147886,"âīħ":147887,"âĮ¨":147888,"âĵĵ":147889,"âĸ¢":147890,"âļ¬":147891,"âŀŃ":147892,"â²Ĵ":147893,"ãİ¿":147894,"ê¿´":147895,"ëα":147896,"ëį¬":147897,"ëİIJ":147898,"ëIJ«":147899,"ëĶ«":147900,"ë±ģ":147901,"ìĥ¥":147902,"íĮ¼":147903,"ïŃĵ":147904,"ﮥ":147905,"ï²°":147906,"ðĿIJĩ":147907,"ðĿIJij":147908,"ðĿijĮ":147909,"ðĿĵª":147910,"ðĿķļ":147911,"ðĿĺª":147912,"ðĿĺ¼":147913,"ðĿļĽ":147914,"ðŁĩ¶":147915,"ðŁĮĦ":147916,"ðŁĮķ":147917,"ðŁĮ¤":147918,"ðŁĮ§":147919,"ðŁį¬":147920,"ðŁİĭ":147921,"ðŁİ»":147922,"ðŁı¨":147923,"ðŁIJĩ":147924,"ðŁijĵ":147925,"ðŁĵIJ":147926,"ðŁĵĻ":147927,"ðŁĶ¼":147928,"ðŁķĴ":147929,"ðŁĸı":147930,"ðŁĸ¥":147931,"ðŁ¤¬":147932,"ðŁ¥Ĭ":147933,"ðŁ¥Ĵ":147934,"ßĮ":147935,"àºĦ":147936,"á¼µ":147937,"âķ¡":147938,"Ⲥ":147939,"â´¼":147940,"âµ¢":147941,"ãΝ":147942,"ëĵ¸":147943,"ëŁĩ":147944,"ëºį":147945,"ðĿϧ":147946,"ðŁįĪ":147947,"ðŁĶ¬":147948,"ðŁĸĬ":147949,"ðŁ¤¾":147950,"Ë¡":147951,"Ü©":147952,"âĮ¡":147953,"âŃij":147954,"Ⲧ":147955,"ë©ī":147956,"ì¼Ń":147957,"¦":147958,"ðĿĴİ":147959,"ðĿĹ¥":147960,"ðŁIJµ":147961,"ðŁķ¶":147962,"ðŁķ¸":147963,"ðŁ¤ľ":147964,"Õª":147965,"áĪĭ":147966,"ðŁ¥µ":147967,"ï°ģ":147968,"áµIJ":147969,"âķĵ":147970,"áĢĸ":147971,"âĭĪ":147972,"Éŀ":147973,"âŀ®":147974,"॰":147975,"ãĨģ":147976,"ðŁĴ±":147977,"ðŁıŃ":147978,"áĨ¨":147979,"ðŁįļ":147980,"ð٦IJ":147981,"á´»":147982,"âĺĮ":147983,"à´ķ":147984,"Õ±":147985,"áħ®":147986,"ðĿIJĮ":147987,"Ŧ":147988,"àºķ":147989,"âľĻ":147990,"˳":147991,"Ôµ":147992,"âķĴ":147993,"ðĿĹĹ":147994,"ðĿĹł":147995,"Úļ":147996,"ধ":147997,"âĨĿ":147998,"âĻī":147999,"ãĮ»":148000,"ì¹Ĭ":148001,"ðĿĹº":148002,"ð٧ĺ":148003,"ì³£":148004,"ï¬Ŀ":148005,"ðŁijº":148006,"ÇŁ":148007,"ÎĪ":148008,"Ϋ":148009,"Ñ¥":148010,"Ô²":148011,"Õ¨":148012,"ܦ":148013,"à¦Ĩ":148014,"থ":148015,"áIJ¢":148016,"á¼ģ":148017,"á¼ĺ":148018,"ἦ":148019,"âĵĿ":148020,"ãΰ":148021,"ãİĹ":148022,"겡":148023,"ë¨Ģ":148024,"ì£Ķ":148025,"ì´¤":148026,"ìµĿ":148027,"ï§´":148028,"ïŃĬ":148029,"ï²Ł":148030,"ðĿIJ·":148031,"ðĿijĭ":148032,"ðĿĵī":148033,"ðĿĺµ":148034,"ðŁĴ·":148035,"ðŁĽ©":148036,"ðŁ§¹":148037,"ÅĶ":148038,"Êŀ":148039,"Ë¥":148040,"ÎĮ":148041,"Ñ©":148042,"ÓIJ":148043,"Ół":148044,"Úij":148045,"ÚĴ":148046,"ߨ":148047,"àªĪ":148048,"áIJĥ":148049,"ṯ":148050,"âĤĭ":148051,"âĤµ":148052,"âĦħ":148053,"âĦł":148054,"âĪ£":148055,"âīº":148056,"âī»":148057,"âĬĽ":148058,"âĮIJ":148059,"âİĵ":148060,"âĺ¸":148061,"âĻĴ":148062,"âļĴ":148063,"âľĩ":148064,"âľł":148065,"â´·":148066,"âµĸ":148067,"ãĦ¸":148068,"ãī¢":148069,"ãī°":148070,"êĩ´":148071,"ê´¸":148072,"êºł":148073,"ëĤı":148074,"ëĤ¢":148075,"ëIJĢ":148076,"뺴":148077,"ìĥľ":148078,"ìįħ":148079,"줫":148080,"챦":148081,"ìºij":148082,"ì¼ģ":148083,"쿳":148084,"íĤģ":148085,"íħ¡":148086,"íĴĤ":148087,"íĴī":148088,"íľĦ":148089,"ïŃª":148090,"ﮬ":148091,"ﯦ":148092,"ﱪ":148093,"ï²ı":148094,"ï´Ģ":148095,"ï»Ĩ":148096,"₩":148097,"ðĿijĹ":148098,"ðĿĸĻ":148099,"ðŁĮ¡":148100,"ðŁįĿ":148101,"ðŁį§":148102,"ðŁİ«":148103,"ðŁıĺ":148104,"ðŁıª":148105,"ðŁIJĭ":148106,"ðŁIJĽ":148107,"ðŁIJº":148108,"ðŁijĸ":148109,"ðŁijŀ":148110,"ðŁij·":148111,"ðŁĵĢ":148112,"ðŁĶĦ":148113,"ðŁĶĮ":148114,"ðŁķĻ":148115,"ðŁĻį":148116,"ðŁĻİ":148117,"ð٦į":148118,"ǰ":148119,"ÉŁ":148120,"ÊĨ":148121,"Ô¼":148122,"Úľ":148123,"ড":148124,"শ":148125,"áĴĥ":148126,"Ἡ":148127,"âĵķ":148128,"â²Ī":148129,"ê°°":148130,"ê¹ł":148131,"êºħ":148132,"ëĦ¹":148133,"ë¯ĵ":148134,"íIJĪ":148135,"ï§¶":148136,"ï®ij":148137,"ﲨ":148138,"ðĿĴī":148139,"ðĿĴĶ":148140,"ðĿŨ":148141,"ðĿĻŀ":148142,"ðĿļĴ":148143,"ðĿļķ":148144,"ðŁIJİ":148145,"ð٤ķ":148146,"ð٧Ķ":148147,"ϰ":148148,"ÔĿ":148149,"âĮĬ":148150,"âĴ¾":148151,"ãī£":148152,"ïŃ©":148153,"ðĿļŀ":148154,"Êij":148155,"দ":148156,"áĦĩ":148157,"âīĥ":148158,"â²Ģ":148159,"ìŁİ":148160,"ðĿij¶":148161,"ðĿĵ²":148162,"ðŁİ·":148163,"ðŁļ¹":148164,"àºģ":148165,"áłł":148166,"ãĦļ":148167,"ðŁIJ¿":148168,"áĽļ":148169,"âķ³":148170,"ðŁIJŃ":148171,"âĴ¹":148172,"ðĿĸļ":148173,"âĻĸ":148174,"ãβ":148175,"âĨ¾":148176,"áĦĨ":148177,"âķĽ":148178,"ð٤į":148179,"â½¥":148180,"ðŁĮ¨":148181,"âĪ®":148182,"ãĮĺ":148183,"ãįij":148184,"ï¹Ģ":148185,"âĵĹ":148186,"âĬĦ":148187,"ðŁı¹":148188,"ËĴ":148189,"ðŁ¤±":148190,"ãıľ":148191,"ðŁİĮ":148192,"ï¥Ń":148193,"ণ":148194,"ðŁİ¹":148195,"ãĬŁ":148196,"à´°":148197,"ðĿIJĶ":148198,"à´¨":148199,"à½ļ":148200,"âľº":148201,"Õ·":148202,"ðŁij³":148203,"à¦ľ":148204,"âĺĭ":148205,"âĻĬ":148206,"ãĢĽ":148207,"Èĭ":148208,"à®°":148209,"áĥ¨":148210,"âĦķ":148211,"íijĢ":148212,"ðĿĵĥ":148213,"ð٦Ķ":148214,"Ä¿":148215,"ÅĢ":148216,"Ƴ":148217,"Éļ":148218,"Öĥ":148219,"Ü£":148220,"ߣ":148221,"à¦Ń":148222,"à§¡":148223,"à¶»":148224,"ຣ":148225,"à½ĩ":148226,"Ḩ":148227,"á½Ī":148228,"⽬":148229,"ê¡Ķ":148230,"ì³Ħ":148231,"ï¨ī":148232,"ðĿIJ¡":148233,"ðĿĺ¢":148234,"ðŁį¿":148235,"ðŁİŁ":148236,"ðŁıī":148237,"ðŁĶIJ":148238,"ðŁļħ":148239,"ðŁ¤½":148240,"Æį":148241,"Ç«":148242,"ǽ":148243,"Èļ":148244,"Îī":148245,"Ó¤":148246,"Óª":148247,"ÕĬ":148248,"Ù¼":148249,"Ú´":148250,"ßĿ":148251,"à¶ľ":148252,"á¼ķ":148253,"á¿¥":148254,"âİŀ":148255,"ãĢļ":148256,"ãī¤":148257,"곸":148258,"ê·ģ":148259,"ëĵĦ":148260,"ëĵķ":148261,"ì¨Ķ":148262,"챨":148263,"ðĿIJ¾":148264,"ðĿij»":148265,"ðĿͼ":148266,"ðĿķĿ":148267,"ðĿĺŃ":148268,"ðŁĨĻ":148269,"ðŁĵ¤":148270,"ðŁĶŁ":148271,"ðŁĹ¼":148272,"Äľ":148273,"Æģ":148274,"Æ¿":148275,"dz":148276,"Ç·":148277,"Éĥ":148278,"Éł":148279,"Êī":148280,"ʧ":148281,"˲":148282,"Ï´":148283,"Õģ":148284,"Õŀ":148285,"Öĩ":148286,"ÛĤ":148287,"Ûĵ":148288,"ßĹ":148289,"ߦ":148290,"হ":148291,"ள":148292,"à´¸":148293,"à»Ĥ":148294,"áĪĿ":148295,"áĪª":148296,"áĭµ":148297,"áIJĬ":148298,"áĴª":148299,"áļĸ":148300,"áŀĽ":148301,"á´¢":148302,"áµı":148303,"áµŃ":148304,"á¶«":148305,"á¸ı":148306,"áºĴ":148307,"á¼¥":148308,"á½ķ":148309,"á½¼":148310,"âĤĬ":148311,"âĦĤ":148312,"âĦ©":148313,"âĩī":148314,"âī£":148315,"âĮł":148316,"âİŁ":148317,"âı®":148318,"âķĺ":148319,"âĹĸ":148320,"âĺ©":148321,"âĻij":148322,"âϲ":148323,"âļĽ":148324,"ãĦŁ":148325,"ãī±":148326,"ãİļ":148327,"ê¡ķ":148328,"êªĸ":148329,"ê°¹":148330,"ê²Ĩ":148331,"êµĦ":148332,"ëĩ¬":148333,"ëĭ¯":148334,"ëıł":148335,"ëĴ¬":148336,"ëĸĪ":148337,"ëĸ½":148338,"ëĺĶ":148339,"ëŀ¸":148340,"ë¸ħ":148341,"뻳":148342,"ë¿Ł":148343,"ìĤµ":148344,"ìĬī":148345,"ìľ°":148346,"ìłĭ":148347,"ìłĶ":148348,"쥡":148349,"ìŃĿ":148350,"켬":148351,"íĪĩ":148352,"íīľ":148353,"íįĦ":148354,"íĽ¾":148355,"íĿ£":148356,"朗":148357,"勞":148358,"ï¦ľ":148359,"獵":148360,"ï§ľ":148361,"ï¨Ī":148362,"שׁ":148363,"הּ":148364,"ïѽ":148365,"ï®ī":148366,"ï¯ŀ":148367,"ï°Ĵ":148368,"ï±ĩ":148369,"ï¿Ħ":148370,"ðĿIJħ":148371,"ðĿijĦ":148372,"ðĿijº":148373,"ðĿĴĹ":148374,"ðĿĵ®":148375,"ðĿķĽ":148376,"ðĿķŀ":148377,"ðĿĸij":148378,"ðĿĺģ":148379,"ðĿĺĨ":148380,"ðĿĺ¶":148381,"ðĿĻ¢":148382,"ðĿļľ":148383,"ðŁĮĥ":148384,"ðŁĮ¦":148385,"ðŁįŁ":148386,"ðŁİİ":148387,"ðŁıĻ":148388,"ðŁIJ©":148389,"ðŁIJ«":148390,"ðŁIJ´":148391,"ðŁijĶ":148392,"ðŁĵī":148393,"ðŁĵĽ":148394,"ðŁĶī":148395,"ðŁĸ¼":148396,"ðŁĹĥ":148397,"ðŁĹ¯":148398,"ðŁļĩ":148399,"ðŁļIJ":148400,"ðŁļµ":148401,"ðŁ¤¶":148402,"ðŁ¥ĭ":148403,"ðŁ¥ĵ":148404,"ðŁ¥®":148405,"ð٦İ":148406,"ðŁ¦ł":148407,"ð٧Ĵ":148408,"ðŁ§¨":148409,"ÆIJ":148410,"Çį":148411,"ÓĢ":148412,"ÔĽ":148413,"ರ":148414,"à´Ļ":148415,"áĢĴ":148416,"ê²Ŀ":148417,"ê¹¹":148418,"ë©¥":148419,"ìĸĶ":148420,"ï¤ģ":148421,"ï¤ı":148422,"ï¦ī":148423,"ï¦ĵ":148424,"ï§ī":148425,"ï²Ŀ":148426,"ðĿĹŀ":148427,"ðĿű":148428,"ðŁĮĭ":148429,"ðŁį¶":148430,"à¦ļ":148431,"ìķľ":148432,"ðĿIJ¯":148433,"ðĿļĿ":148434,"à°¨":148435,"à½ĺ":148436,"à½ł":148437,"á¡¥":148438,"á¾°":148439,"âģį":148440,"âͰ":148441,"⬾":148442,"ðĿIJł":148443,"ðĿij¯":148444,"ðĿĹĽ":148445,"ðĿĵ»":148446,"ðĿĸĪ":148447,"âŀ»":148448,"áŀł":148449,"⡱":148450,"â»ij":148451,"ðŁ§µ":148452,"廉":148453,"ðŁijĺ":148454,"ãĤĶ":148455,"â¼Ł":148456,"ãĬ¤":148457,"ï¦Ŀ":148458,"ãĮ¦":148459,"â̏":148460,"ðŁĶĻ":148461,"ã¹":148462,"㹦":148463,"ï¹ħ":148464,"ï©Į":148465,"ãī¨":148466,"︽":148467,"âį¥":148468,"ðŁļī":148469,"ðŁ¥ľ":148470,"âĵľ":148471,"â»Ŀ":148472,"ï¨ľ":148473,"ðŁĴĴ":148474,"áĦij":148475,"â¾ŀ":148476,"ï¨ģ":148477,"à´ª":148478,"áĦİ":148479,"âŀ´":148480,"ষ":148481,"áħ¬":148482,"áŀ§":148483,"âĨ¢":148484,"âķ¦":148485,"âľij":148486,"ˬ":148487,"ÕIJ":148488,"à¼Ķ":148489,"ʤ":148490,"˨":148491,"à¤ŀ":148492,"à»ĥ":148493,"à¼ļ":148494,"âĵ¥":148495,"âķľ":148496,"ðŁIJĸ":148497,"á¼Ļ":148498,"ἤ":148499,"ìĨ°":148500,"ÈĤ":148501,"ʱ":148502,"à®ļ":148503,"áĥ§":148504,"á´ĭ":148505,"á´®":148506,"âĿ¡":148507,"âŀ·":148508,"ëĿ¡":148509,"ï§¢":148510,"ﯡ":148511,"ðĿķķ":148512,"ðŁħ°":148513,"ðŁ¦¸":148514,"Ǹ":148515,"Óŀ":148516,"Ô¶":148517,"ÖĨ":148518,"Úģ":148519,"Ûĭ":148520,"áİ¥":148521,"᾿":148522,"âĶŃ":148523,"âĶ®":148524,"êĢĢ":148525,"ê±ĺ":148526,"ëIJŃ":148527,"ë½Ħ":148528,"ìĶIJ":148529,"ì¸Į":148530,"íģł":148531,"íϱ":148532,"ï¥ī":148533,"ï¨ĸ":148534,"ðĿij´":148535,"ðĿĸĴ":148536,"ðĿĺ¨":148537,"ðĿļĮ":148538,"ðŁIJ¡":148539,"ðŁij¢":148540,"ðŁĵĶ":148541,"Åħ":148542,"Æİ":148543,"È©":148544,"Òª":148545,"Ôĥ":148546,"áĥ«":148547,"á¸ĩ":148548,"⼣":148549,"ê»Ń":148550,"ë¨Ħ":148551,"ìŁĢ":148552,"줴":148553,"íļIJ":148554,"盧":148555,"ðŁŁ¢":148556,"Ƨ":148557,"ȼ":148558,"ÊĿ":148559,"ËĦ":148560,"Ëħ":148561,"Ëį":148562,"˧":148563,"Ò¥":148564,"ÕĶ":148565,"Øı":148566,"ؼ":148567,"ßIJ":148568,"ßľ":148569,"à¤ĵ":148570,"à¦Ļ":148571,"à®ĵ":148572,"à¶´":148573,"à¼į":148574,"à¼Ĵ":148575,"ལ":148576,"áĢĤ":148577,"áĢĬ":148578,"áĦĦ":148579,"áĪĺ":148580,"áĭĬ":148581,"áĮį":148582,"áijĭ":148583,"áŀĤ":148584,"áł¢":148585,"á¡Ŀ":148586,"á´¦":148587,"áµį":148588,"ᵨ":148589,"ḡ":148590,"ḯ":148591,"á¼£":148592,"âģĤ":148593,"âĦĺ":148594,"âĦľ":148595,"âĦ³":148596,"âĦµ":148597,"âĨ¦":148598,"âĩĨ":148599,"âĪ·":148600,"âĬļ":148601,"âĮ«":148602,"âĮ¯":148603,"âİĽ":148604,"âİľ":148605,"âݤ":148606,"âݦ":148607,"âİ®":148608,"âijī":148609,"âĶī":148610,"âķĻ":148611,"âĸĤ":148612,"âĹŃ":148613,"âĺĬ":148614,"âĺį":148615,"âĺĴ":148616,"âļĨ":148617,"⼧":148618,"âĽ²":148619,"âŀĺ":148620,"â¥Ħ":148621,"â´³":148622,"â´½":148623,"âµĪ":148624,"ãī¯":148625,"ãİij":148626,"㧬":148627,"êϬ":148628,"ê§ģ":148629,"곬":148630,"ê´ŀ":148631,"ê»ľ":148632,"ëħĵ":148633,"ëĭ¼":148634,"ëįĸ":148635,"ëĸ±":148636,"ëĿ°":148637,"롹":148638,"뢴":148639,"ë£Ģ":148640,"뤳":148641,"ë¨ķ":148642,"ëŃ¥":148643,"ìĦ¶":148644,"ìħ¤":148645,"ìĮķ":148646,"ìįª":148647,"ìı©":148648,"ìĴĢ":148649,"ì͝":148650,"ìĿĶ":148651,"ìĿľ":148652,"ìłŃ":148653,"짦":148654,"쨩":148655,"첬":148656,"ì³¥":148657,"켯":148658,"íĢ«":148659,"íĢŃ":148660,"íĥ¸":148661,"íĵģ":148662,"íķ¬":148663,"íŸ":148664,"íĽķ":148665,"íľŃ":148666,"íĿĹ":148667,"ï¤Į":148668,"浪":148669,"ï§¿":148670,"ï¬Ħ":148671,"ï¬ħ":148672,"ïŃij":148673,"ïŃ«":148674,"ïŃº":148675,"ï®Ĥ":148676,"ﮢ":148677,"ﮨ":148678,"ï°İ":148679,"ï°ł":148680,"ï²£":148681,"ï³IJ":148682,"ï³Ĵ":148683,"ï³ĺ":148684,"ï³ľ":148685,"ï¹¼":148686,"│":148687,"ðĿIJ©":148688,"ðĿĴļ":148689,"ðĿķĶ":148690,"ðĿķ¤":148691,"ðĿĸĮ":148692,"ðĿĹ£":148693,"ðĿŰ":148694,"ðĿĹ´":148695,"ðĿĺĤ":148696,"ðĿĺ¥":148697,"ðĿĺ®":148698,"ðĿĺ¸":148699,"ðĿĻĢ":148700,"ðĿĽ¾":148701,"ðĿľı":148702,"ðŁĮģ":148703,"ðŁĮľ":148704,"ðŁĮ¥":148705,"ðŁĮ¯":148706,"ðŁįIJ":148707,"ðŁİĴ":148708,"ðŁıĶ":148709,"ðŁıķ":148710,"ðŁı®":148711,"ðŁIJĤ":148712,"ðŁIJī":148713,"ðŁIJ¹":148714,"ðŁĶķ":148715,"ðŁĶļ":148716,"ðŁķij":148717,"ðŁķ£":148718,"ðŁĹŀ":148719,"ðŁĹ¡":148720,"ðŁĹ¿":148721,"ðŁļĨ":148722,"ðŁļĬ":148723,"ðŁļĵ":148724,"ðŁļķ":148725,"ðŁļ¾":148726,"ðŁĽģ":148727,"ðŁĽİ":148728,"ðŁĽı":148729,"ðŁ¤´":148730,"ðŁ¥ķ":148731,"ðŁ¥ĸ":148732,"ðŁ¥ł":148733,"ðŁ¥¥":148734,"ð٦Ĩ":148735,"ð٦ī":148736,"ð٦ļ":148737,"ð٧ij":148738,"ðŁ§¥":148739,"ðŁ§¿":148740,"Ű":148741,"ƺ":148742,"ɧ":148743,"àªĩ":148744,"ண":148745,"áĪĪ":148746,"áĬ¤":148747,"áĭ®":148748,"áĮĪ":148749,"áĮµ":148750,"ᥲ":148751,"âĵŁ":148752,"êϳ":148753,"ê°Ĭ":148754,"ëķģ":148755,"ëķ¨":148756,"ìĬģ":148757,"例":148758,"גּ":148759,"ðĿĸį":148760,"ðĿĺĮ":148761,"ðĿĺ³":148762,"ðĿĻ©":148763,"ðŁįĻ":148764,"ðŁĸĸ":148765,"áī³":148766,"áĭ¨":148767,"áĸĩ":148768,"áŀĮ":148769,"á¹§":148770,"âķª":148771,"âŀļ":148772,"â²ĺ":148773,"êķ":148774,"êķ¥":148775,"路":148776,"ﮣ":148777,"ï¯ł":148778,"ðĿĴĸ":148779,"ðĿķĺ":148780,"ðĿĸĩ":148781,"ðĿĹŁ":148782,"ðĿĹª":148783,"ðĿĹ¯":148784,"ðĿĻł":148785,"ðŁĵı":148786,"à¦Ĺ":148787,"âĴ»":148788,"â²ł":148789,"ðĿĵµ":148790,"Ê£":148791,"à°ľ":148792,"áĬ¢":148793,"áŀIJ":148794,"ḷ":148795,"âĦĽ":148796,"âĩĢ":148797,"âĩĬ":148798,"êĴ¦":148799,"ê¦ł":148800,"ﮤ":148801,"ðŁįĽ":148802,"ðŁ¤Ľ":148803,"ᨾ":148804,"âŀº":148805,"áķ¯":148806,"áĽı":148807,"âĩĤ":148808,"â͹":148809,"âĻĹ":148810,"ðŁĸ¨":148811,"ê¦ı":148812,"ર":148813,"áļ¨":148814,"ðŁ¤¥":148815,"ðŁ§¢":148816,"ãIJĤ":148817,"ãĦ¥":148818,"ðŁĸĮ":148819,"â¼Ĵ":148820,"ãĬ§":148821,"âį©":148822,"ð٦ij":148823,"âĶ·":148824,"ï©IJ":148825,"ï©¡":148826,"ðĵĪ":148827,"ðĵĪĴ":148828,"â»Ħ":148829,"ï¨Ĵ":148830,"âĦª":148831,"Ò§":148832,"ÚĮ":148833,"â̶":148834,"âºł":148835,"â»ģ":148836,"âĨ¸":148837,"áĦIJ":148838,"ãħIJ":148839,"à»Ħ":148840,"áĹª":148841,"âĨ¼":148842,"âĩĭ":148843,"âĩĺ":148844,"âĮij":148845,"âĸ©":148846,"ðĿIJĹ":148847,"ÄĬ":148848,"à¦ī":148849,"ìīł":148850,"ɤ":148851,"ßį":148852,"ßı":148853,"áµĹ":148854,"âĤ¥":148855,"âĵī":148856,"âĶł":148857,"â͍":148858,"âķĦ":148859,"ä¤":148860,"ä¤Ģ":148861,"껸":148862,"ï®ģ":148863,"ðĵĤ":148864,"ðĵĤĥ":148865,"ð٦ķ":148866,"ÆĽ":148867,"à¦ĩ":148868,"ãıĺ":148869,"﮼":148870,"Úĵ":148871,"ÚĿ":148872,"à¦ĵ":148873,"ද":148874,"á´ħ":148875,"á½Ļ":148876,"âģ¼":148877,"âĸİ":148878,"⼩":148879,"äĶ":148880,"äĶĢ":148881,"뻡":148882,"ìĽ½":148883,"íģĦ":148884,"良":148885,"ï±ī":148886,"ï¹»":148887,"ðĿĸĭ":148888,"ðĿĻĪ":148889,"ðĿĻª":148890,"ðĿ϶":148891,"ðŁIJĦ":148892,"ðŁIJĨ":148893,"áİ¢":148894,"á¸Į":148895,"âĿ´":148896,"ðŁı¸":148897,"ÈĿ":148898,"ɸ":148899,"Îħ":148900,"Ïľ":148901,"Ó¢":148902,"Õ¹":148903,"à´ħ":148904,"àºĪ":148905,"áĭ°":148906,"áijİ":148907,"áłµ":148908,"á¡ł":148909,"á´ī":148910,"ḵ":148911,"á¿´":148912,"âĵ£":148913,"âͶ":148914,"⽯":148915,"ê²¥":148916,"ê¿ĺ":148917,"ëģİ":148918,"ëİĪ":148919,"ë͝":148920,"ë²°":148921,"ìĺ¯":148922,"ìĽ¸":148923,"ìŀĹ":148924,"ì§ĺ":148925,"쬬":148926,"ì·¬":148927,"íģħ":148928,"íĵĶ":148929,"íĽĿ":148930,"冷":148931,"魯":148932,"沈":148933,"ï¯ĸ":148934,"ðĿĵħ":148935,"ðĿĻĦ":148936,"ðŁĵ¶":148937,"ðŁĹĴ":148938,"ðŁ¥Ķ":148939,"ðŁ¥Ń":148940,"Å®":148941,"Å´":148942,"Æī":148943,"Æ«":148944,"Çģ":148945,"Ç£":148946,"Ǻ":148947,"Ǽ":148948,"Èį":148949,"ȯ":148950,"Éľ":148951,"ʬ":148952,"Ëģ":148953,"ˤ":148954,"˵":148955,"ÏĽ":148956,"Ò¤":148957,"Ò¬":148958,"Óı":148959,"ÓĽ":148960,"Ó¡":148961,"Ó³":148962,"ÔĮ":148963,"Ô¬":148964,"Õ³":148965,"Ù»":148966,"Úī":148967,"Ú§":148968,"Üľ":148969,"ߪ":148970,"à¤Ŀ":148971,"à¦Ľ":148972,"à¨Ĩ":148973,"àªķ":148974,"ડ":148975,"à®İ":148976,"à°¬":148977,"ൻ":148978,"ർ":148979,"à¶ł":148980,"à¶Ń":148981,"à¶¶":148982,"à·Ĩ":148983,"༽":148984,"áĢļ":148985,"áħ¢":148986,"áĨ¸":148987,"áĪĢ":148988,"áĪķ":148989,"áΰ":148990,"áī¡":148991,"áī¤":148992,"áĬ¦":148993,"áĬ«":148994,"áĭĭ":148995,"áĭį":148996,"áݯ":148997,"áijŃ":148998,"áķĹ":148999,"᣼":149000,"á¥Ĵ":149001,"á©ī":149002,"áŃº":149003,"á´¡":149004,"áµĺ":149005,"ᵼ":149006,"á¶ł":149007,"á¸ģ":149008,"á¸ĭ":149009,"á¹Ļ":149010,"á¹Ŀ":149011,"Ṧ":149012,"áºħ":149013,"á¼Ĥ":149014,"á½ĥ":149015,"á½į":149016,"á½§":149017,"á¾·":149018,"â̵":149019,"âĤİ":149020,"âĦĿ":149021,"âħĢ":149022,"âĨŀ":149023,"âĨ§":149024,"âĩħ":149025,"âĪĥ":149026,"âīı":149027,"âī½":149028,"âĬŀ":149029,"âĬ¡":149030,"âĬ§":149031,"âĬ¶":149032,"âĭĦ":149033,"âİĴ":149034,"âİ¡":149035,"âİ£":149036,"âݪ":149037,"âıİ":149038,"âĵĥ":149039,"âĵĸ":149040,"âĵ¨":149041,"âķĭ":149042,"âķĸ":149043,"âķ¢":149044,"âķ²":149045,"âĸĨ":149046,"âĸĬ":149047,"âĸį":149048,"âĸ®":149049,"âĺ¡":149050,"âĺ¦":149051,"âĺ±":149052,"âĺ¿":149053,"âĻĺ":149054,"âĻĿ":149055,"âļ°":149056,"âĽij":149057,"âŀª":149058,"â¤Ŀ":149059,"⤢":149060,"⤷":149061,"â§«":149062,"â¨Ń":149063,"⨯":149064,"â±£":149065,"â²İ":149066,"⵼":149067,"ãħĶ":149068,"ãĪı":149069,"ãī²":149070,"ãī³":149071,"ãĬij":149072,"ãĭĽ":149073,"ãİIJ":149074,"겤":149075,"ê·¿":149076,"ê¹ŀ":149077,"껨":149078,"ê¼į":149079,"꿸":149080,"ëĥ¬":149081,"ëĩIJ":149082,"ëĭł":149083,"ëį¯":149084,"ëĹĮ":149085,"ëĹij":149086,"ë¥Ģ":149087,"ëªĥ":149088,"몯":149089,"뱡":149090,"ë³ĵ":149091,"ë³½":149092,"뵾":149093,"ìĤ³":149094,"ìħ¥":149095,"ìĩ½":149096,"ìı¨":149097,"ìı¸":149098,"ìķį":149099,"ìĸĸ":149100,"ìŁ¨":149101,"ì¢ĥ":149102,"ì¢į":149103,"ì¥ij":149104,"ì§¼":149105,"ì©ĥ":149106,"ì®ľ":149107,"쮸":149108,"ì³ij":149109,"ì´¥":149110,"ì¾ĥ":149111,"íħ¦":149112,"íĪ¿":149113,"íĵ½":149114,"íķ³":149115,"íĸı":149116,"íĹł":149117,"íĿ«":149118,"ï¤ĵ":149119,"ï¤ĺ":149120,"ï¥İ":149121,"略":149122,"ï¦ħ":149123,"尿":149124,"ï§ĩ":149125,"ï¬Ĩ":149126,"דּ":149127,"ï®ĩ":149128,"ï®Ī":149129,"ï®Ŀ":149130,"ﮩ":149131,"ï®±":149132,"ï¯ĺ":149133,"ï¯Ļ":149134,"ﯢ":149135,"ﯣ":149136,"ﯤ":149137,"ﯥ":149138,"ï±Ĥ":149139,"ï²Ĩ":149140,"ﲪ":149141,"ï´¼":149142,"ïºī":149143,"ïºĬ":149144,"ﺥ":149145,"ðĿij¨":149146,"ðĿij©":149147,"ðĿij²":149148,"ðĿĴĮ":149149,"ðĿĴª":149150,"ðĿĴ®":149151,"ðĿĵĤ":149152,"ðĿĵĪ":149153,"ðĿĵ¯":149154,"ðĿ͍":149155,"ðĿķĢ":149156,"ðĿķĨ":149157,"ðĿķ¦":149158,"ðĿķ§":149159,"ðĿķ«":149160,"ðĿķ·":149161,"ðĿŵ":149162,"ðĿŸ":149163,"ðĿĺĦ":149164,"ðĿĺĻ":149165,"ðĿĺł":149166,"ðĿĺ¬":149167,"ðĿĻį":149168,"ðĿĻij":149169,"ðĿĻ¡":149170,"ðĿύ":149171,"ðĿĻ·":149172,"ðĿļį":149173,"ðĿĽ¿":149174,"ðŁĥ":149175,"ðŁĥı":149176,"ðŁħĺ":149177,"ðŁī":149178,"ðŁīij":149179,"ðŁİ¡":149180,"ðŁİª":149181,"ðŁİ±":149182,"ðŁİ³":149183,"ðŁİº":149184,"ðŁıİ":149185,"ðŁıĹ":149186,"ðŁıļ":149187,"ðŁıŀ":149188,"ðŁı¦":149189,"ðŁı§":149190,"ðŁIJģ":149191,"ðŁIJħ":149192,"ðŁIJĵ":149193,"ðŁĴĤ":149194,"ðŁĵij":149195,"ðŁĵĵ":149196,"ðŁĵ¨":149197,"ðŁĵ«":149198,"ðŁĶĭ":149199,"ðŁĶŃ":149200,"ðŁĶ¯":149201,"ðŁķĹ":149202,"ðŁļĤ":149203,"ðŁļ¢":149204,"ðŁļ¦":149205,"ðŁļ¬":149206,"ðŁĽĭ":149207,"ðŁĽĮ":149208,"ðŁĽ¬":149209,"ðŁĽ¶":149210,"ðŁŁ¡":149211,"ðŁ¥ĺ":149212,"ðŁ¥Ł":149213,"ðŁ¥¦":149214,"ð٦ĩ":149215,"ð٦Ī":149216,"ð٧Ĭ":149217,"ð٧Ĺ":149218,"ðŁ§¤":149219,"Ê·":149220,"˹":149221,"á¹ļ":149222,"á½¥":149223,"âĦŁ":149224,"겯":149225,"껫":149226,"ë°·":149227,"ìĥĨ":149228,"ìĽĿ":149229,"ì¨ī":149230,"ì«ı":149231,"ï¯ķ":149232,"ðĿľĭ":149233,"ɲ":149234,"ÒŃ":149235,"ÓĪ":149236,"à½Ľ":149237,"áĭĵ":149238,"áĻŃ":149239,"áł©":149240,"á¹®":149241,"âĦĴ":149242,"âĨ»":149243,"âµĥ":149244,"ë̍":149245,"ëł§":149246,"ìī¥":149247,"ìĮľ":149248,"ìŶ":149249,"ì¨Ī":149250,"쪾":149251,"íı½":149252,"íļĶ":149253,"íĽµ":149254,"露":149255,"ï¦IJ":149256,"ï§Ĺ":149257,"ï§ļ":149258,"אָ":149259,"ðĿIJĬ":149260,"ðĿķĹ":149261,"ðĿĹļ":149262,"ðĿļĸ":149263,"ðŁħ´":149264,"Èĥ":149265,"ÉĿ":149266,"ϱ":149267,"ÓĹ":149268,"ढ":149269,"áħł":149270,"áī¦":149271,"áijĮ":149272,"áĴ¼":149273,"áŀ¡":149274,"᳨":149275,"áłŃ":149276,"á¨ħ":149277,"á¨Ķ":149278,"á´ĺ":149279,"ᶦ":149280,"á¸İ":149281,"á¼ħ":149282,"á¼¹":149283,"âĨ¯":149284,"âĵİ":149285,"ãıĮ":149286,"êī":149287,"êīĤ":149288,"ëĨ§":149289,"ëĿ±":149290,"좡":149291,"íν":149292,"ï¤ĩ":149293,"ï¤Ľ":149294,"ðĿIJķ":149295,"ðĿĵ¸":149296,"ðĿĵ¼":149297,"ðĿĹķ":149298,"ðĿĺĪ":149299,"ðŁı£":149300,"ðŁı¤":149301,"ðŁĹĦ":149302,"Ñ·":149303,"Òł":149304,"áµĸ":149305,"Ἠ":149306,"ë¬Ħ":149307,"ï°´":149308,"âν":149309,"ÕŃ":149310,"Ú¹":149311,"à¥Ł":149312,"áĢĨ":149313,"áŀĴ":149314,"ã̶":149315,"ꦫ":149316,"ï¸ĵ":149317,"ðĿIJĽ":149318,"ðĿĺĹ":149319,"ðŁıľ":149320,"ì«Ń":149321,"ð٧ŀ":149322,"à½Ĥ":149323,"âĨ¿":149324,"âĩı":149325,"âĵģ":149326,"âͧ":149327,"âķģ":149328,"âķ¤":149329,"ê¦Ĺ":149330,"ꦤ":149331,"ðŁıĪ":149332,"áŀķ":149333,"Ô½":149334,"àªĹ":149335,"à¬Ĩ":149336,"âķķ":149337,"ï½ł":149338,"⼦":149339,"⼯":149340,"â¾·":149341,"âĶĸ":149342,"à¬ĵ":149343,"âĺĹ":149344,"âįĭ":149345,"ï¨Ŀ":149346,"â¼¥":149347,"寧":149348,"âĦĬ":149349,"ãĢ´":149350,"âį¢":149351,"ð¡Ī":149352,"ð¡Ī½":149353,"難":149354,"ãĢ»":149355,"ãıĥ":149356,"說":149357,"ï¨ĺ":149358,"ðŁIJĥ":149359,"ðŁĨĸ":149360,"ðŁĹ¾":149361,"ãĦĩ":149362,"Þĭ":149363,"â¼¼":149364,"ï¨Ń":149365,"ÞĢ":149366,"ÞĦ":149367,"ÞĪ":149368,"ÞIJ":149369,"âĮĦ":149370,"â»ĺ":149371,"ãŁ¢":149372,"áħ§":149373,"ðIJĮ¿":149374,"Ë»":149375,"à²Ĺ":149376,"áĢĩ":149377,"áŀĬ":149378,"âķĩ":149379,"ãĩ¼":149380,"ãݰ":149381,"ÕĴ":149382,"ÜĪ":149383,"ߥ":149384,"à¿IJ":149385,"áĢŁ":149386,"âĨ¥":149387,"âķĮ":149388,"â½Ģ":149389,"â½°":149390,"â¾Ĭ":149391,"äĦ":149392,"äĦĢ":149393,"ðĵIJ":149394,"ðĵIJį":149395,"ðŁİ¦":149396,"âĤ¯":149397,"âĬĺ":149398,"âĦį":149399,"ʵ":149400,"Ѷ":149401,"Úĥ":149402,"à¦Ķ":149403,"à´¦":149404,"áݶ":149405,"áĵķ":149406,"Ṩ":149407,"âĤł":149408,"âĩ°":149409,"âĹĴ":149410,"â¿Ĭ":149411,"ê·±":149412,"ì¹ķ":149413,"íĪ©":149414,"ïŃĢ":149415,"ðĿĴ¸":149416,"ðĿĵĬ":149417,"ðĿĺ©":149418,"Ǧ":149419,"É«":149420,"áĬ¨":149421,"ȹ":149422,"ʯ":149423,"Ϊ":149424,"ÚĢ":149425,"áĮ¸":149426,"áİ»":149427,"áıķ":149428,"áı´":149429,"á²Ĥ":149430,"Ὠ":149431,"âıĿ":149432,"âĺĻ":149433,"ëĥ¨":149434,"ëĦ¼":149435,"ëĪĻ":149436,"ë£ħ":149437,"ìͼ":149438,"ìķĿ":149439,"ìļ¬":149440,"ìľ±":149441,"ï¥Ĥ":149442,"惡":149443,"יּ":149444,"ïŃģ":149445,"ï³Ī":149446,"ðĿĶħ":149447,"ðĿĺ¤":149448,"ðĿĻı":149449,"ðĿĻĻ":149450,"ðŁķī":149451,"ð٧Ļ":149452,"á¸ij":149453,"ê´¼":149454,"ëģį":149455,"ëĹ´":149456,"ëĿ³":149457,"ë°ŀ":149458,"ë°¢":149459,"ëµĺ":149460,"ìĤĶ":149461,"ìĦĦ":149462,"ì¼ļ":149463,"íĢł":149464,"íĬ±":149465,"íĮĸ":149466,"ï¤ij":149467,"領":149468,"隸":149469,"ï´į":149470,"ðĿĺ·":149471,"Ĭ":149472,"Ŭ":149473,"ÆĢ":149474,"Æĭ":149475,"Æľ":149476,"Çij":149477,"Çĺ":149478,"Çŀ":149479,"Ç¥":149480,"Ç®":149481,"ɰ":149482,"ɶ":149483,"É·":149484,"ɽ":149485,"ÊĪ":149486,"ÊIJ":149487,"Ëİ":149488,"ËŁ":149489,"˦":149490,"˯":149491,"ÏIJ":149492,"Ïĵ":149493,"Ï¢":149494,"Ϥ":149495,"Ϫ":149496,"ÏŃ":149497,"Ï®":149498,"Ï»":149499,"Ñł":149500,"ÑŃ":149501,"Ò¨":149502,"ÓĿ":149503,"Ô¡":149504,"Ô·":149505,"Õī":149506,"Õĵ":149507,"Õĸ":149508,"Õļ":149509,"ÕĿ":149510,"Öİ":149511,"Ø¿":149512,"Úħ":149513,"Úį":149514,"ÚĶ":149515,"ÛĬ":149516,"Û¾":149517,"ÜĻ":149518,"ÝĴ":149519,"Ýĺ":149520,"ßĴ":149521,"ßĸ":149522,"à¤Ĭ":149523,"à¤IJ":149524,"à¦ı":149525,"à¦ĸ":149526,"à§Ł":149527,"મ":149528,"હ":149529,"à®ħ":149530,"à®Ĩ":149531,"à°¡":149532,"à°°":149533,"à²ļ":149534,"ಮ":149535,"ಯ":149536,"à´Ł":149537,"à´·":149538,"ൾ":149539,"à¶ij":149540,"à¶ŀ":149541,"༼":149542,"à½ĵ":149543,"áĢĵ":149544,"áĤ¦":149545,"áĥĸ":149546,"áĥŃ":149547,"áĥ¯":149548,"áħ¨":149549,"áħª":149550,"áĨ°":149551,"áĪģ":149552,"áĪİ":149553,"áĪĵ":149554,"áĪ¥":149555,"áβ":149556,"áĪ´":149557,"áĪ»":149558,"áīł":149559,"áī²":149560,"áī¶":149561,"áĬ£":149562,"áĬ¥":149563,"áĬª":149564,"áĭĺ":149565,"áĭ²":149566,"áĭ¶":149567,"áĮ£":149568,"áį¡":149569,"áį£":149570,"áݬ":149571,"áݾ":149572,"áIJ¡":149573,"áķķ":149574,"áĸ±":149575,"áĹIJ":149576,"áĹŃ":149577,"áĺī":149578,"áļ±":149579,"ἣ":149580,"áŀ¥":149581,"áŁĶ":149582,"áł£":149583,"áłª":149584,"áł°":149585,"áł´":149586,"á¤ĸ":149587,"ᥣ":149588,"á®":149589,"᮳":149590,"á¯":149591,"á¯Ļ":149592,"á°":149593,"á°į":149594,"á´Ĭ":149595,"á´¾":149596,"áµģ":149597,"áµİ":149598,"áµŀ":149599,"ᵤ":149600,"á¶ħ":149601,"á¶ĺ":149602,"á¶Ł":149603,"á¶¢":149604,"ᶤ":149605,"á¶±":149606,"á¶»":149607,"á¸ī":149608,"á¸ŀ":149609,"Ḻ":149610,"á¹ĵ":149611,"á¹Ĺ":149612,"Ṫ":149613,"áºĬ":149614,"áºı":149615,"áºĽ":149616,"á¼ĥ":149617,"á¼Į":149618,"Ἷ":149619,"á½Ĥ":149620,"á½ĵ":149621,"á½Ĺ":149622,"ὦ":149623,"á¾±":149624,"á¾´":149625,"á¿ĺ":149626,"á¿Ł":149627,"Ὸ":149628,"âģĺ":149629,"âĤij":149630,"âĤĽ":149631,"âĤ¿":149632,"âĦĩ":149633,"âĦŀ":149634,"âĦ±":149635,"âĩŁ":149636,"âĩ²":149637,"âΤ":149638,"âζ":149639,"âīĤ":149640,"âī¾":149641,"âĬ¨":149642,"âĬ³":149643,"âĬ·":149644,"âĭĮ":149645,"âĭĺ":149646,"âĮķ":149647,"âĮ¥":149648,"âĮµ":149649,"âĮº":149650,"âį£":149651,"âį²":149652,"âįµ":149653,"âİĩ":149654,"âıĥ":149655,"âıIJ":149656,"âıł":149657,"âı¤":149658,"âı¶":149659,"âı¸":149660,"âı¹":149661,"âijĤ":149662,"âĴ·":149663,"âĴº":149664,"âĵ¡":149665,"âĵ¤":149666,"â;":149667,"âĸĺ":149668,"âĸµ":149669,"âĹª":149670,"âĹ·":149671,"âĺ¨":149672,"âĺ«":149673,"âĺ²":149674,"âĺ³":149675,"âĻĨ":149676,"âļ¤":149677,"âļ¥":149678,"âĽĵ":149679,"⼴":149680,"âĽ¾":149681,"âŀ«":149682,"âŀ¿":149683,"⣷":149684,"â¤ij":149685,"⤫":149686,"⤶":149687,"⤽":149688,"⧪":149689,"â¨Ģ":149690,"⩽":149691,"⬡":149692,"⬢":149693,"⬤":149694,"â²ĸ":149695,"Ⲫ":149696,"âµĢ":149697,"⸮":149698,"⸽":149699,"ãĢł":149700,"ãĢ·":149701,"ãĦĮ":149702,"ãĦĺ":149703,"ãħij":149704,"ãĪİ":149705,"ãĪIJ":149706,"ãĬľ":149707,"ãĮĵ":149708,"ãĮł":149709,"ãİŁ":149710,"ãݤ":149711,"ãݧ":149712,"㬮":149713,"äĪ":149714,"äĪĢ":149715,"ä°":149716,"ä°Ģ":149717,"êħ":149718,"êħī":149719,"êĩĹ":149720,"êĪ":149721,"êĪį":149722,"ê§Ĥ":149723,"ê§Ĭ":149724,"êªĢ":149725,"ê²Ī":149726,"ê²į":149727,"ê³Ģ":149728,"êµł":149729,"ê½IJ":149730,"ê¾Ī":149731,"꿱":149732,"ëĥı":149733,"ëĦij":149734,"ëħ¤":149735,"ëĩ¸":149736,"ëμ":149737,"ëīħ":149738,"ëĬ£":149739,"ëĭº":149740,"ëįŀ":149741,"ëIJĮ":149742,"ëķ¸":149743,"ëĺł":149744,"ëĻĩ":149745,"ëĻĪ":149746,"ëľ½":149747,"ëŀĶ":149748,"ëłľ":149749,"ë£IJ":149750,"ë§Ģ":149751,"ë§Ĭ":149752,"ëªĢ":149753,"ë¬Ń":149754,"믾":149755,"ë³ľ":149756,"ë´Ĭ":149757,"ëµī":149758,"ë·ľ":149759,"ë¸Ģ":149760,"ë¹ĭ":149761,"ìģĦ":149762,"ìĤ£":149763,"ìĤ»":149764,"ìĦµ":149765,"ìħĴ":149766,"ìīĪ":149767,"ìīĶ":149768,"ìĬĮ":149769,"ìĬĻ":149770,"ìIJ´":149771,"ìĵº":149772,"ìķļ":149773,"ìķº":149774,"ìĸľ":149775,"ìĹª":149776,"ìĺľ":149777,"ìϤ":149778,"ìļĽ":149779,"ìļº":149780,"ìĿħ":149781,"ìĿı":149782,"ìĿŃ":149783,"ìĿ¶":149784,"ìłĽ":149785,"ì¡Ī":149786,"ì¢ī":149787,"ì¢Ķ":149788,"ì©ł":149789,"ìŃĮ":149790,"쯩":149791,"ì´£":149792,"ì¸ķ":149793,"ì¹Ł":149794,"쾡":149795,"ì¿Ļ":149796,"íģĩ":149797,"íģī":149798,"íĩĢ":149799,"íζ":149800,"íĸij":149801,"íĸ¤":149802,"íĹħ":149803,"íľı":149804,"íĿĿ":149805,"ï¤Ĵ":149806,"ï¤ķ":149807,"郎":149808,"ï¥ħ":149809,"ï¥ĩ":149810,"ï¥ı":149811,"ï¥ļ":149812,"ï¥Ł":149813,"ï¦Ħ":149814,"ï¦Ī":149815,"令":149816,"囹":149817,"零":149818,"ï§ģ":149819,"ï§ĥ":149820,"ï§Ķ":149821,"ï§ł":149822,"ï§£":149823,"ï§®":149824,"ïŃIJ":149825,"ïŃĸ":149826,"ïѦ":149827,"ïŃ´":149828,"ïѵ":149829,"ïѶ":149830,"ïѸ":149831,"ï®Į":149832,"ï®İ":149833,"ï®ŀ":149834,"ï®Ł":149835,"ﮡ":149836,"ﮪ":149837,"ï¯Ķ":149838,"ï¯Ĺ":149839,"ï¯ļ":149840,"ï¯Ľ":149841,"ï¯Ŀ":149842,"ï¯Ł":149843,"ﯧ":149844,"ﯨ":149845,"ﯫ":149846,"ﯯ":149847,"ﯰ":149848,"ﯱ":149849,"ﯲ":149850,"ﯳ":149851,"ﯴ":149852,"ﯵ":149853,"ﯶ":149854,"ï°Ģ":149855,"ï±ħ":149856,"ï±Ķ":149857,"ï±´":149858,"ï²ģ":149859,"ï³ķ":149860,"ï·½":149861,"ï¸ķ":149862,"︱":149863,"ï¹£":149864,"ï¹½":149865,"ï»į":149866,"ï¾±":149867,"ðĿIJĻ":149868,"ðĿIJ½":149869,"ðĿij¤":149870,"ðĿij®":149871,"ðĿijµ":149872,"ðĿĴĥ":149873,"ðĿĴĦ":149874,"ðĿĵŃ":149875,"ðĿĵ·":149876,"ðĿĶĸ":149877,"ðĿĶŀ":149878,"ðĿĶ¢":149879,"ðĿͦ":149880,"ðĿͬ":149881,"ðĿķĦ":149882,"ðĿķĬ":149883,"ðĿķİ":149884,"ðĿķĻ":149885,"ðĿķľ":149886,"ðĿķŃ":149887,"ðĿķ³":149888,"ðĿķ¸":149889,"ðĿķ¾":149890,"ðĿĸī":149891,"ðĿĸı":149892,"ðĿĺĩ":149893,"ðĿĺī":149894,"ðĿĺĸ":149895,"ðĿĺĽ":149896,"ðĿĺŀ":149897,"ðĿĺ«":149898,"ðĿĺ¾":149899,"ðĿĻĩ":149900,"ðĿĻī":149901,"ðĿĻĭ":149902,"ðĿĻİ":149903,"ðĿĻĺ":149904,"ðĿĻ¥":149905,"ðĿļĥ":149906,"ðĿļIJ":149907,"ðĿļĶ":149908,"ðĿľĥ":149909,"ðŁĦ·":149910,"ðŁħĿ":149911,"ðŁħ¾":149912,"ðŁĨĤ":149913,"ðŁĨĵ":149914,"ðŁĮĤ":149915,"ðŁĮĨ":149916,"ðŁĮī":149917,"ðŁĮij":149918,"ðŁĮĺ":149919,"ðŁĮ©":149920,"ðŁĮ«":149921,"ðŁį¢":149922,"ðŁį¥":149923,"ðŁİĽ":149924,"ðŁİ¢":149925,"ðŁİ´":149926,"ðŁij¡":149927,"ðŁĴ¾":149928,"ðŁĵŃ":149929,"ðŁĶĪ":149930,"ðŁĶ¦":149931,"ðŁĶ²":149932,"ðŁĶ³":149933,"ðŁķĵ":149934,"ðŁķķ":149935,"ðŁķĺ":149936,"ðŁķŁ":149937,"ðŁķ·":149938,"ðŁĹ³":149939,"ðŁļĦ":149940,"ðŁļĶ":149941,"ðŁļĸ":149942,"ðŁĽIJ":149943,"ðŁĽ¤":149944,"ðŁĽ¸":149945,"ðŁł":149946,"ðŁł³":149947,"ðŁ¤¹":149948,"ðŁ¥ĥ":149949,"ðŁ¥¨":149950,"ðŁ¥ª":149951,"ðŁ¥¾":149952,"ð٦ĥ":149953,"ð٦Ĵ":149954,"ð٦Ļ":149955,"ðŁ¦¶":149956,"ðŁ§ł":149957,"ðŁ§ª":149958,"ð٧Ń":149959,"ðŁ§²":149960,"ð£·":149961,"ð£·Ń":149962,"ð¦ĺ":149963,"ð¦ĺĴ":149964,"Æij":149965,"ÇĻ":149966,"È®":149967,"Øł":149968,"ÚĦ":149969,"ÜĢ":149970,"ߢ":149971,"áīĢ":149972,"áĬIJ":149973,"áİł":149974,"áºŀ":149975,"ëĪŀ":149976,"ëķŁ":149977,"ë£ģ":149978,"ë¤Ĺ":149979,"ìĦ¥":149980,"ìħij":149981,"ìĸIJ":149982,"ìĽĽ":149983,"ì£ķ":149984,"íİı":149985,"íĽĵ":149986,"梁":149987,"ï³Ľ":149988,"ï´«":149989,"ðĸ§":149990,"ðĸ§·":149991,"ðĿķģ":149992,"ðŁIJª":149993,"ðŁĴĪ":149994,"ðŁĵł":149995,"ðŁķĽ":149996,"ðŁķ´":149997,"ÑĿ":149998,"ÓĬ":149999,"ॲ":150000,"પ":150001,"áĥ¤":150002,"áįIJ":150003,"á¶°":150004,"á¼Ŀ":150005,"Ὡ":150006,"âĭĭ":150007,"âĴ½":150008,"âϾ":150009,"â½Ķ":150010,"⾯":150011,"ãĦĴ":150012,"ãħļ":150013,"ëIJį":150014,"ë·ģ":150015,"ìĭĢ":150016,"ìļĿ":150017,"쥰":150018,"캴":150019,"íĭī":150020,"íĿ½":150021,"ï¦Ģ":150022,"樂":150023,"ï§ħ":150024,"ï§ĵ":150025,"ïѝ":150026,"ï®Ĩ":150027,"ðIJ¤ķ":150028,"ðĿIJŁ":150029,"ðĿĴħ":150030,"ðĿĵľ":150031,"ðĿͰ":150032,"ðĿĶ»":150033,"ðĿĺį":150034,"ðĿϝ":150035,"ðŁĦ½":150036,"ðŁħĤ":150037,"ðŁħĶ":150038,"ðŁħ½":150039,"ðŁĵ´":150040,"ð٧ĸ":150041,"ÓĴ":150042,"Ḳ":150043,"ëī¼":150044,"Çı":150045,"Èĵ":150046,"ʸ":150047,"ÕĤ":150048,"Ûħ":150049,"ß¡":150050,"ߣ":150051,"ய":150052,"à°Ī":150053,"ಸ":150054,"ຮ":150055,"à¼ķ":150056,"áĢİ":150057,"áĨ¡":150058,"áIJĭ":150059,"áIJķ":150060,"áij¯":150061,"áŀĨ":150062,"á¨ķ":150063,"á©Ī":150064,"âģħ":150065,"âĨļ":150066,"âĶİ":150067,"âł©":150068,"â²Ĥ":150069,"â²Ķ":150070,"Ⲩ":150071,"ãĬļ":150072,"íĵ²":150073,"ðĿijĪ":150074,"ðĿij¬":150075,"ðĿij¹":150076,"ðĿĴ¾":150077,"ðĿĵ±":150078,"ðĿĵ½":150079,"ðĿķ¯":150080,"ðĿķ»":150081,"ðĿĺ½":150082,"ðĿļĨ":150083,"ðŁĦ°":150084,"ðŁIJ¨":150085,"Òķ":150086,"à²ħ":150087,"ï¨Ĩ":150088,"ðĿij°":150089,"ðŁĦ¸":150090,"Ôİ":150091,"Øį":150092,"Ùµ":150093,"ಶ":150094,"áĢĪ":150095,"áĺĹ":150096,"᳸":150097,"á¡¡":150098,"ᨲ":150099,"á©ģ":150100,"á´·":150101,"áµ§":150102,"âķ¨":150103,"âļģ":150104,"â¾Ŀ":150105,"ã̼":150106,"ãĦı":150107,"êĴ«":150108,"ꦥ":150109,"ꦩ":150110,"ꦲ":150111,"ìĺ¼":150112,"íĵIJ":150113,"ðĵĩ":150114,"ðĵĩ¼":150115,"ðĿķ¿":150116,"ðŁĽ´":150117,"먾":150118,"ವ":150119,"à´İ":150120,"à¼Ģ":150121,"âĩĸ":150122,"ãĪ«":150123,"âĵĢ":150124,"áħ´":150125,"áļ¾":150126,"áĽŀ":150127,"Ἣ":150128,"ᥴ":150129,"âĨĽ":150130,"âĨ¶":150131,"âĩ¤":150132,"âķŁ":150133,"âĺ·":150134,"âļIJ":150135,"ðŁ§´":150136,"á¹³":150137,"âĶį":150138,"âĶĴ":150139,"âĶ©":150140,"âͦ":150141,"â¾µ":150142,"àªľ":150143,"ત":150144,"âĩĻ":150145,"âͱ":150146,"âķĢ":150147,"â½Ĭ":150148,"ï½Ł":150149,"ଡ":150150,"ðł®":150151,"ðł®·":150152,"âķĥ":150153,"â°Ķ":150154,"ãĬ¦":150155,"ðŁİIJ":150156,"ãĩ°":150157,"â¼Ŀ":150158,"â¾Ķ":150159,"â½Ĵ":150160,"âłĴ":150161,"都":150162,"ï©Ĵ":150163,"免":150164,"ï©ĸ":150165,"ðĵı¸":150166,"ãĮĥ":150167,"ðĸ¤":150168,"ðĸ¤IJ":150169,"ï¦Ń":150170,"âĬħ":150171,"â¾³":150172,"ä´¥":150173,"ï©ķ":150174,"ðŁĮĶ":150175,"áŀĭ":150176,"âļį":150177,"â¼ĭ":150178,"ãİĺ":150179,"ðIJĮ²":150180,"É©":150181,"áİij":150182,"âĨ®":150183,"âĩĥ":150184,"âļİ":150185,"ãĩ±":150186,"ãĭ©":150187,"ãĮ¶":150188,"êĻª":150189,"ëݬ":150190,"ï¨IJ":150191,"ï¨Ľ":150192,"ï©Ĭ":150193,"ï©į":150194,"ðĵħ":150195,"ðĵħº":150196,"Ï¡":150197,"Èij":150198,"ÉĤ":150199,"Ôĵ":150200,"ßİ":150201,"à´§":150202,"áĢī":150203,"áĢĭ":150204,"áĢij":150205,"áĢł":150206,"áļĻ":150207,"á¨Ħ":150208,"ᨩ":150209,"ᨹ":150210,"á©ĵ":150211,"ᬾ":150212,"á´Ļ":150213,"áµij":150214,"âĤŃ":150215,"âĨ°":150216,"âľģ":150217,"â½IJ":150218,"ãĭ¯":150219,"ãĮ½":150220,"íĨ¢":150221,"錄":150222,"ðŁĤ":150223,"ðŁĤ»":150224,"ÈĴ":150225,"ͺ":150226,"Ô¥":150227,"Õij":150228,"Ú¶":150229,"à§İ":150230,"à¶®":150231,"àºĸ":150232,"àºľ":150233,"ຽ":150234,"áĥ»":150235,"áħ¯":150236,"áĭŀ":150237,"áĸķ":150238,"á´Ī":150239,"á¶Ĩ":150240,"Ḿ":150241,"á¹¼":150242,"Ῠ":150243,"âĦĭ":150244,"âĦŃ":150245,"âα":150246,"âĮĵ":150247,"âĶĩ":150248,"âĶ¢":150249,"â±®":150250,"â²Ħ":150251,"ãĩ¾":150252,"ãά":150253,"븡":150254,"ìIJī":150255,"íĻĽ":150256,"ðĿķª":150257,"ƹ":150258,"Ͳ":150259,"Óģ":150260,"Û¼":150261,"ফ":150262,"áħŁ":150263,"áīĨ":150264,"áįĪ":150265,"áºĸ":150266,"á½ī":150267,"â͏":150268,"⽩":150269,"êľ":150270,"êľ¥":150271,"êµħ":150272,"ëĤĶ":150273,"ëĦł":150274,"ëĩĹ":150275,"ëĻĿ":150276,"ìļ¯":150277,"ìļ·":150278,"ìŁĽ":150279,"ì·IJ":150280,"íŁ¬":150281,"íŁ®":150282,"íŁ°":150283,"ï¦Ĩ":150284,"鈴":150285,"ï²ŀ":150286,"ﳤ":150287,"ï³¥":150288,"ðIJĮ¸":150289,"ðĿĶı":150290,"ðĿķ®":150291,"ðĿĺ£":150292,"à¦Ī":150293,"âıı":150294,"ãĦĸ":150295,"ê²ĩ":150296,"ëĸĺ":150297,"ëľ·":150298,"ëŀĴ":150299,"ë¡ĵ":150300,"ë¢ī":150301,"ë£ĥ":150302,"ë§ĭ":150303,"ë²ĭ":150304,"ìĤ·":150305,"ìĪķ":150306,"ìĮ¨":150307,"ìĵ»":150308,"ìĸĬ":150309,"ìϬ":150310,"ìĿ»":150311,"ì¦ģ":150312,"쵤":150313,"ì·ĥ":150314,"íĢľ":150315,"íħī":150316,"íįł":150317,"íıħ":150318,"íij±":150319,"íķķ":150320,"íĸł":150321,"íĿķ":150322,"ÆĻ":150323,"Æļ":150324,"Æŀ":150325,"Çĥ":150326,"ÇĬ":150327,"Çľ":150328,"Ǥ":150329,"ÇŃ":150330,"ǹ":150331,"ÈĢ":150332,"Èģ":150333,"Èħ":150334,"Èī":150335,"ÈĹ":150336,"ÈŁ":150337,"Ȥ":150338,"È¥":150339,"Ȩ":150340,"ȵ":150341,"Ⱥ":150342,"È»":150343,"ÉĮ":150344,"É®":150345,"Êħ":150346,"Ê¥":150347,"ʨ":150348,"Ëĵ":150349,"ËĶ":150350,"Ëł":150351,"Ë£":150352,"˸":150353,"Í´":150354,"ÏĹ":150355,"Ïĺ":150356,"ÏĻ":150357,"Ïļ":150358,"ÏĿ":150359,"Ϩ":150360,"Ϭ":150361,"Ͼ":150362,"Ï¿":150363,"Ѫ":150364,"ÒĢ":150365,"Òľ":150366,"Ò¼":150367,"Ò½":150368,"ÓĤ":150369,"Óħ":150370,"Óĩ":150371,"Óį":150372,"Óĸ":150373,"ÓŁ":150374,"Ó«":150375,"Ó±":150376,"ÔĨ":150377,"Ôĩ":150378,"Ôº":150379,"Õĭ":150380,"Öī":150381,"ØĪ":150382,"ØĬ":150383,"ؽ":150384,"ؾ":150385,"Ù·":150386,"ÚĤ":150387,"ÚĬ":150388,"Úĸ":150389,"ÚĹ":150390,"Ú£":150391,"Ú«":150392,"Ú¸":150393,"ÛĢ":150394,"Ûį":150395,"Û½":150396,"Üī":150397,"ܤ":150398,"ݧ":150399,"Ý´":150400,"Þĥ":150401,"Þ¤":150402,"Þ¥":150403,"ßļ":150404,"߼":150405,"ߤ":150406,"àłį":150407,"àłĵ":150408,"àł³":150409,"à¡¢":150410,"à¥ł":150411,"à§ł":150412,"৺":150413,"à¨Ĭ":150414,"à¨IJ":150415,"ਮ":150416,"ਯ":150417,"ਰ":150418,"ਸ":150419,"àªĨ":150420,"ળ":150421,"વ":150422,"ઽ":150423,"à¬Į":150424,"à¬ĺ":150425,"ଽ":150426,"à®ĥ":150427,"ஸ":150428,"à°Ĩ":150429,"à°ķ":150430,"à°¦":150431,"à²Ĩ":150432,"à²Ĭ":150433,"à²Į":150434,"à²IJ":150435,"à²Ľ":150436,"ತ":150437,"ದ":150438,"ಪ":150439,"ಲ":150440,"ಹ":150441,"à´Ĩ":150442,"à´ı":150443,"à´Ĺ":150444,"à´«":150445,"à´¹":150446,"ൺ":150447,"ൽ":150448,"à¶ħ":150449,"à¶Ĭ":150450,"à¶Ķ":150451,"à¶§":150452,"à¶«":150453,"à¶°":150454,"à¼Ħ":150455,"à¼ħ":150456,"à¼Ĭ":150457,"à½Ļ":150458,"ཡ":150459,"ཧ":150460,"à¿Ģ":150461,"à¿Ļ":150462,"áĢĿ":150463,"á̧":150464,"áĢ©":150465,"áĢ¿":150466,"áģµ":150467,"áĤģ":150468,"áĤ½":150469,"áĥĤ":150470,"áĥª":150471,"áĦĬ":150472,"áĦ¢":150473,"áħ¦":150474,"áħŃ":150475,"áĨ®":150476,"áĨ±":150477,"áĨ»":150478,"áĩ":150479,"áĩĤ":150480,"áĪħ":150481,"áĪī":150482,"áĪĮ":150483,"áĪIJ":150484,"áĪĴ":150485,"áĪĻ":150486,"áĪļ":150487,"áĪľ":150488,"áĪŀ":150489,"áĪ©":150490,"áγ":150491,"áĪº":150492,"áν":150493,"áīħ":150494,"áī¢":150495,"áī±":150496,"áī´":150497,"áĬĥ":150498,"áĬį":150499,"áĬĸ":150500,"áĬ®":150501,"áĬ¸":150502,"áĭĽ":150503,"áĭĿ":150504,"áĭ³":150505,"áĮģ":150506,"áĮħ":150507,"áĮ¥":150508,"áĮ¦":150509,"áĮ¨":150510,"áįĬ":150511,"áįį":150512,"áįķ":150513,"áįĸ":150514,"áį¢":150515,"áį¤":150516,"áİĴ":150517,"áݪ":150518,"áıģ":150519,"áıIJ":150520,"áıŁ":150521,"áIJĤ":150522,"áIJĸ":150523,"áIJĿ":150524,"áIJŀ":150525,"áIJŁ":150526,"áIJł":150527,"áijĸ":150528,"áĴĭ":150529,"áĴį":150530,"áĴ¡":150531,"áĵ«":150532,"áĶķ":150533,"áķĭ":150534,"áķij":150535,"áķĻ":150536,"áķļ":150537,"áķĽ":150538,"áķ¤":150539,"áķ¦":150540,"áķ®":150541,"áķ¼":150542,"áĸĵ":150543,"áĹĹ":150544,"áĹ¢":150545,"áĹ¯":150546,"áĹ·":150547,"áĺĦ":150548,"áĺij":150549,"áĽĤ":150550,"áĽĻ":150551,"áŀį":150552,"áłĨ":150553,"áł¡":150554,"᳦":150555,"áł®":150556,"áł¯":150557,"áł²":150558,"áł·":150559,"á¡į":150560,"á¡ŀ":150561,"ᡤ":150562,"á¡´":150563,"ᡵ":150564,"á¤ĵ":150565,"á¥ĸ":150566,"ᥰ":150567,"ᨦ":150568,"ᨧ":150569,"ᨨ":150570,"ᨪ":150571,"ᨬ":150572,"ᨯ":150573,"ᨳ":150574,"ᨵ":150575,"á©ĥ":150576,"á¬ķ":150577,"áŃ£":150578,"á±":150579,"á±ļ":150580,"á²ł":150581,"á´ĵ":150582,"á´¶":150583,"áµĤ":150584,"áµĮ":150585,"áµ¥":150586,"áµ´":150587,"á¶ĩ":150588,"á¸Ī":150589,"ḳ":150590,"ḧ":150591,"Ḵ":150592,"Ḿ":150593,"á¹Ģ":150594,"á¹ĸ":150595,"á¹Ł":150596,"á¹ł":150597,"ṫ":150598,"á¹±":150599,"á¹·":150600,"ṿ":150601,"áºĦ":150602,"áºį":150603,"áºij":150604,"áºĹ":150605,"á¼ī":150606,"á¼ĵ":150607,"á¼Ń":150608,"á½ĭ":150609,"á½Ĵ":150610,"á½ł":150611,"á½£":150612,"á¾Ħ":150613,"á¾ı":150614,"á¾ij":150615,"á¾Ĺ":150616,"ᾦ":150617,"á¾§":150618,"á¾¾":150619,"á¿Ħ":150620,"á¿ĵ":150621,"á¿¡":150622,"Ῥ":150623,"âģļ":150624,"âĤĮ":150625,"âĦģ":150626,"âĦĶ":150627,"âĦ£":150628,"âĦ§":150629,"âĦ¯":150630,"âĦ°":150631,"âĦ´":150632,"âħħ":150633,"âĨľ":150634,"âĨ«":150635,"âĨŃ":150636,"âĨ±":150637,"âĨ¹":150638,"âĨ½":150639,"âĩĩ":150640,"âĩľ":150641,"âĩµ":150642,"âĪī":150643,"âĪĬ":150644,"âĪĸ":150645,"âĪľ":150646,"âξ":150647,"âīĢ":150648,"âīĭ":150649,"âīĮ":150650,"âīĵ":150651,"âīľ":150652,"âī´":150653,"âī¿":150654,"âĬĬ":150655,"âĬĭ":150656,"âĬĶ":150657,"âĬĸ":150658,"âĬ£":150659,"âĬ¦":150660,"âĭİ":150661,"âĭª":150662,"âĭ²":150663,"âĮ¦":150664,"âĮ§":150665,"âįº":150666,"âİĪ":150667,"âݨ":150668,"âݬ":150669,"âݳ":150670,"âݼ":150671,"âݾ":150672,"âıĮ":150673,"âıļ":150674,"âı«":150675,"âı¯":150676,"âıµ":150677,"âĴľ":150678,"âĴĿ":150679,"âĴ«":150680,"âĵĦ":150681,"âĵĬ":150682,"âĵĻ":150683,"âĵ©":150684,"âĶij":150685,"âĶĻ":150686,"âĶļ":150687,"âĶ¥":150688,"âķħ":150689,"âķī":150690,"âķį":150691,"âķı":150692,"âķŀ":150693,"âĸļ":150694,"âĸ¯":150695,"âĹĥ":150696,"âĹļ":150697,"âŬ":150698,"âĹ´":150699,"âĺĪ":150700,"âĺ¤":150701,"âĺ¥":150702,"âĺ§":150703,"âĺ¬":150704,"âĻģ":150705,"âϱ":150706,"âļĥ":150707,"âļĦ":150708,"âļħ":150709,"âļı":150710,"âļļ":150711,"âļŀ":150712,"âļŁ":150713,"âļ±":150714,"âļ²":150715,"âľĢ":150716,"⾣":150717,"âľ¢":150718,"âĿµ":150719,"âŁ¡":150720,"⣦":150721,"⣧":150722,"âŁ³":150723,"âŁ¾":150724,"âŁ¿":150725,"âłĩ":150726,"â¤Ħ":150727,"⤺":150728,"â¥Ĥ":150729,"⥹":150730,"â§ī":150731,"â§¼":150732,"â§½":150733,"â¨į":150734,"â¬Ĭ":150735,"⬣":150736,"âŃŀ":150737,"â®ŀ":150738,"⮳":150739,"â¯Ī":150740,"â¯ij":150741,"ⱳ":150742,"â±±":150743,"â²Ń":150744,"â´¹":150745,"âµķ":150746,"⸾":150747,"⺫":150748,"â¼Ĩ":150749,"â¼ł":150750,"â½Ł":150751,"â½¼":150752,"â¾Ľ":150753,"â¾§":150754,"â¿ĥ":150755,"â¿»":150756,"ãĤķ":150757,"ãĤŁ":150758,"ãĦĽ":150759,"ãĦ¡":150760,"ãĦ¶":150761,"ãĦº":150762,"ãħĴ":150763,"ãħŁ":150764,"ãĨĢ":150765,"ãĩ»":150766,"ãĪij":150767,"ãĪŃ":150768,"ãĪ®":150769,"ãγ":150770,"ãι":150771,"ãī¥":150772,"ãī¦":150773,"ãī¹":150774,"ãī¿":150775,"ãĬŀ":150776,"ãĬ¨":150777,"ãĭij":150778,"ãĭ¥":150779,"ãĭ´":150780,"ãĭº":150781,"ãİĦ":150782,"ãİķ":150783,"ãݯ":150784,"ãıĤ":150785,"ãıĪ":150786,"ãıĵ":150787,"ãıĸ":150788,"ãı±":150789,"ãIJ±":150790,"ãŁģ":150791,"ã¢":150792,"㢨":150793,"ã¨":150794,"㨳":150795,"㫪":150796,"ã«´":150797,"ã¶³":150798,"㺾":150799,"äĢ":150800,"äĢĢ":150801,"äĭ":150802,"äĭĮ":150803,"äĮĢ":150804,"äIJĢ":150805,"äłĢ":150806,"äł":150807,"äł¼":150808,"ä§":150809,"ä§ŀ":150810,"䨰":150811,"䨺":150812,"ä´Ģ":150813,"ä·":150814,"ä·ħ":150815,"ä·¸":150816,"êĤ":150817,"êĤ«":150818,"êĮ":150819,"êĮ¼":150820,"êį":150821,"êį²":150822,"êĴµ":150823,"êĵ":150824,"êĵ½":150825,"êĻŃ":150826,"êĿĽ":150827,"êĿ¥":150828,"êŀ":150829,"êŀĬ":150830,"ê¦Ĩ":150831,"ê¦ĩ":150832,"ê¦Ł":150833,"ꦨ":150834,"ê§Ī":150835,"ê©":150836,"ê©Ł":150837,"êªĭ":150838,"êªij":150839,"êªķ":150840,"êªĹ":150841,"êªľ":150842,"ꪮ":150843,"ꪱ":150844,"ꪻ":150845,"ꪼ":150846,"ê«Ģ":150847,"ê«Ŀ":150848,"ê°ĥ":150849,"ê°ĺ":150850,"ê±ľ":150851,"ê²ĵ":150852,"ê²ļ":150853,"ê³Ļ":150854,"ê³¾":150855,"ê´Ĺ":150856,"ê´Ļ":150857,"êµĽ":150858,"ê¶ĥ":150859,"ê¶ķ":150860,"궨":150861,"긩":150862,"긿":150863,"ê¹Ħ":150864,"ê¹Ĩ":150865,"ê¹ī":150866,"ê¹ĵ":150867,"ê¹¢":150868,"ê¹£":150869,"깸":150870,"꺳":150871,"ê¿ı":150872,"ê¿ķ":150873,"ê¿§":150874,"ëĢ©":150875,"ëģħ":150876,"ëĥµ":150877,"ëĦĸ":150878,"ëĦĹ":150879,"ëĦ¢":150880,"ëħĤ":150881,"ëĨIJ":150882,"ëĩľ":150883,"ëĪĭ":150884,"ëĪļ":150885,"ëīį":150886,"ëī¨":150887,"ëĬļ":150888,"ëĬ¡":150889,"ëĭľ":150890,"ëĭª":150891,"ëĮĺ":150892,"ëĮ¤":150893,"ëĮ¸":150894,"ëİŁ":150895,"ëı¨":150896,"ëIJĦ":150897,"ëIJı":150898,"ëIJ´":150899,"ëIJ¸":150900,"ëijģ":150901,"ëij¿":150902,"ëĴ¨":150903,"ëĵ·":150904,"ëĶ®":150905,"ëͲ":150906,"ëķ§":150907,"ëĸĶ":150908,"ëĸª":150909,"ëĺŃ":150910,"ëļĢ":150911,"ëļł":150912,"ëĽĶ":150913,"뼩":150914,"ëľħ":150915,"ëŀķ":150916,"ëŀ°":150917,"ëŁIJ":150918,"ëł¡":150919,"ë¡ŀ":150920,"ë¡£":150921,"롵":150922,"ë£Ħ":150923,"ë£į":150924,"뤳":150925,"ë¦į":150926,"ë¦ı":150927,"릳":150928,"ë§Ħ":150929,"ë§Ĩ":150930,"ë§į":150931,"ë§ľ":150932,"ë§«":150933,"ë§»":150934,"먮":150935,"ë©Ĥ":150936,"ë©Ń":150937,"몴":150938,"묾":150939,"묳":150940,"묫":150941,"묾":150942,"ëѬ":150943,"ë®ĺ":150944,"뮹":150945,"ë¯ķ":150946,"ë¯ľ":150947,"ë°¨":150948,"ë°ª":150949,"ë±Ķ":150950,"ë²ĺ":150951,"ë²Ľ":150952,"ë²±":150953,"ë²´":150954,"ë´½":150955,"뵤":150956,"뵨":150957,"ë·Ĺ":150958,"ë·ĺ":150959,"ë¸ĵ":150960,"븾":150961,"빪":150962,"ëºĥ":150963,"ëºĺ":150964,"뺵":150965,"ë»´":150966,"ë¼IJ":150967,"ë¾Ķ":150968,"ìģŃ":150969,"ìĤł":150970,"ìĤ®":150971,"ìĥı":150972,"ìĥĻ":150973,"ìĦº":150974,"ìħ¢":150975,"ìĨĢ":150976,"ìĨħ":150977,"ìĨ¤":150978,"ìĨ¦":150979,"ìĨ¬":150980,"ìĩ±":150981,"ìε":150982,"ìĭ¨":150983,"ìĭ´":150984,"ìĮ°":150985,"ìįľ":150986,"ìİĹ":150987,"ìİĺ":150988,"ìݼ":150989,"ìijī":150990,"ìijĿ":150991,"ìij»":150992,"ìĴĶ":150993,"ìĴ¯":150994,"ìĵ©":150995,"ìķIJ":150996,"ìķĸ":150997,"ìĸł":150998,"ìĸ¾":150999,"ìĹĥ":151000,"ìĹĹ":151001,"ìĹľ":151002,"ìŨ":151003,"ìĺĤ":151004,"ìĺĦ":151005,"ìĺı":151006,"ìĺ¾":151007,"ìĺ¿":151008,"ìľ§":151009,"ìĿIJ":151010,"ìĿĸ":151011,"ìĿ·":151012,"ìŀį":151013,"ìŀı":151014,"ìŀ¨":151015,"ìŀª":151016,"ìŀ³":151017,"ìł¡":151018,"ìł´":151019,"ìł¹":151020,"ì¡Ģ":151021,"졪":151022,"졵":151023,"ì¢IJ":151024,"좨":151025,"ì£Į":151026,"ì£Ļ":151027,"죳":151028,"ì¦ij":151029,"ì§¥":151030,"ì§´":151031,"ì§¾":151032,"ì¨ĵ":151033,"ì¨ķ":151034,"ì©°":151035,"ì©»":151036,"쩼":151037,"ìªĹ":151038,"ì¬Ķ":151039,"ì¬ĺ":151040,"ì®®":151041,"ì¯ķ":151042,"ì¯ĺ":151043,"ì°İ":151044,"ì°¯":151045,"ì±ĥ":151046,"ì±µ":151047,"ì²§":151048,"ì²®":151049,"첯":151050,"쳬":151051,"ì´ĭ":151052,"ì´¢":151053,"ìµ¥":151054,"ì¶£":151055,"ì¸Ī":151056,"ì¸Ļ":151057,"캤":151058,"ìºŃ":151059,"컽":151060,"ì¼Ļ":151061,"콬":151062,"ì¾Ģ":151063,"ì¿ħ":151064,"쿽":151065,"íĢħ":151066,"íģ¦":151067,"íĤħ":151068,"íĥ¶":151069,"íĥ¹":151070,"íĦĶ":151071,"íħ£":151072,"íĨĦ":151073,"íĨ§":151074,"íĨ¹":151075,"íĩ¼":151076,"íī¤":151077,"íĬ½":151078,"íĭĤ":151079,"íĭij":151080,"íįĪ":151081,"íįĻ":151082,"íį¿":151083,"íݶ":151084,"íIJĿ":151085,"íĴľ":151086,"íĵĿ":151087,"íĵª":151088,"íĵ±":151089,"íĵ·":151090,"íĵ¼":151091,"íĶĻ":151092,"íĶł":151093,"íķļ":151094,"íķĽ":151095,"íķŀ":151096,"íķŁ":151097,"íķ§":151098,"íķ¶":151099,"íĸĬ":151100,"íĸĭ":151101,"íĸį":151102,"íĸĶ":151103,"íĸĺ":151104,"íĸ¡":151105,"íĸ¬":151106,"íĹ£":151107,"íĹ¿":151108,"íĺĸ":151109,"íĺŃ":151110,"íļ°":151111,"íĽį":151112,"íĽ½":151113,"íĿŁ":151114,"íĿŃ":151115,"íĿ´":151116,"íŀľ":151117,"ï¤ī":151118,"ï¤Ń":151119,"爐":151120,"蘆":151121,"祿":151122,"ï¥Ģ":151123,"ï¥ij":151124,"ï¥Ĵ":151125,"ï¥ķ":151126,"ï¥ĺ":151127,"ï¥Ļ":151128,"參":151129,"塞":151130,"殺":151131,"勵":151132,"ï¦ĭ":151133,"ï¦ı":151134,"ï¦Ķ":151135,"ï¦ĸ":151136,"ï¦ĺ":151137,"ï¦Ľ":151138,"ï¦ł":151139,"瑩":151140,"羚":151141,"了":151142,"僚":151143,"料":151144,"ï§Ĩ":151145,"ï§ĸ":151146,"ï§Ľ":151147,"ï§ŀ":151148,"ï§Ł":151149,"ï§§":151150,"ï§³":151151,"狀":151152,"ï§½":151153,"ï¨ĥ":151154,"ï¨ļ":151155,"諸":151156,"ï©Ł":151157,"ﬤ":151158,"שּׁ":151159,"לּ":151160,"ïŃĴ":151161,"ïŃķ":151162,"ïŃĽ":151163,"ïŃĿ":151164,"ïŃŀ":151165,"ïŃŁ":151166,"ïѤ":151167,"ïѧ":151168,"ïѨ":151169,"ïŃ®":151170,"ïѰ":151171,"ïѱ":151172,"ïŃ·":151173,"ïѹ":151174,"ïŃ»":151175,"ï®Ģ":151176,"ï®ĥ":151177,"ï®Ħ":151178,"ï®ħ":151179,"ï®į":151180,"ï®Ĵ":151181,"ï®ĵ":151182,"ï®ķ":151183,"ﮦ":151184,"ï®®":151185,"ï®°":151186,"ï¯ĵ":151187,"ï¯ľ":151188,"ﯩ":151189,"ﯪ":151190,"ﯬ":151191,"ï¯Ń":151192,"ﯮ":151193,"ﯷ":151194,"ﯹ":151195,"ﯻ":151196,"ﯼ":151197,"ï°ĥ":151198,"ï°Į":151199,"ï°IJ":151200,"ï°ĺ":151201,"ï°Ļ":151202,"ï°ľ":151203,"ï°ŀ":151204,"ï°¢":151205,"ï°®":151206,"ï°°":151207,"ï°¼":151208,"ï°¿":151209,"ï±Ģ":151210,"ï±ģ":151211,"ï±Ī":151212,"ï±ĭ":151213,"ï±ı":151214,"ï±Ń":151215,"ï²Ģ":151216,"ï²ĩ":151217,"ï²Ī":151218,"ï²ĭ":151219,"ï²İ":151220,"ï²Ĵ":151221,"ï²ľ":151222,"ï²ł":151223,"ﲬ":151224,"ï²»":151225,"ï³ĩ":151226,"ï³Ķ":151227,"ï³£":151228,"ﳫ":151229,"ï´ĺ":151230,"ï´°":151231,"ï´½":151232,"ï¶":151233,"ï¶°":151234,"ï¸ĸ":151235,"︴":151236,"︹":151237,"ï¹į":151238,"ï¹Ĺ":151239,"ï¹¢":151240,"﹤":151241,"﹩":151242,"ï¹±":151243,"ï¾°":151244,"ï¿Ĥ":151245,"ï¿®":151246,"ðIJĮ°":151247,"ðIJĮ¹":151248,"ðIJĮº":151249,"ðIJĮ½":151250,"ðIJįĤ":151251,"ðIJįĥ":151252,"ðIJįĦ":151253,"ðIJİ":151254,"ðIJݹ":151255,"ðIJ¤Ĥ":151256,"ðIJ¤į":151257,"ðIJ¤ı":151258,"ðIJ¤ĵ":151259,"ðIJŃī":151260,"ðIJŃį":151261,"ðIJ°ĩ":151262,"ðIJ°°":151263,"ðijĤ":151264,"ðijĤĦ":151265,"ðijĺ":151266,"ðijĺģ":151267,"ðĴĢ":151268,"ðĴ̏":151269,"ðĴģ":151270,"ðĴģº":151271,"ðĴĦ":151272,"ðĴĦ·":151273,"ðĴĬ":151274,"ðĴĬij":151275,"ðĴĭ":151276,"ðĴĭĹ":151277,"ðĴĮ":151278,"ðĴĮ¨":151279,"ðĵĥ¢":151280,"ðĵĥ°":151281,"ðĸł":151282,"ðĸłļ":151283,"ðĿĦĥ":151284,"ðĿĦħ":151285,"ðĿĦķ":151286,"ðĿĦĻ":151287,"ðĿĦ±":151288,"ðĿĦ´":151289,"ðĿĦ¹":151290,"ðĿħİ":151291,"ðĿħª":151292,"ðĿĨ£":151293,"ðĿĨ³":151294,"ðĿĨ¹":151295,"ðĿĩĬ":151296,"ðĿĩĹ":151297,"ðĿĩļ":151298,"ðĿĩľ":151299,"ðĿĩł":151300,"ðĿIJī":151301,"ðĿIJĸ":151302,"ðĿIJĺ":151303,"ðĿIJ£":151304,"ðĿIJ±":151305,"ðĿijĬ":151306,"ðĿijŃ":151307,"ðĿij¼":151308,"ðĿij½":151309,"ðĿĴ°":151310,"ðĿĴ·":151311,"ðĿĴ¿":151312,"ðĿĵģ":151313,"ðĿĵĭ":151314,"ðĿĵİ":151315,"ðĿĵĴ":151316,"ðĿĵĺ":151317,"ðĿĵ¢":151318,"ðĿĵ¦":151319,"ðĿĵ«":151320,"ðĿĵ¿":151321,"ðĿĶİ":151322,"ðĿͱ":151323,"ðĿĶ´":151324,"ðĿĶ·":151325,"ðĿ͏":151326,"ðĿͽ":151327,"ðĿķĤ":151328,"ðĿķĥ":151329,"ðĿķĭ":151330,"ðĿķı":151331,"ðĿķIJ":151332,"ðĿķ¥":151333,"ðĿķ´":151334,"ðĿķº":151335,"ðĿĸIJ":151336,"ðĿĸĽ":151337,"ðĿĸĿ":151338,"ðĿĸŀ":151339,"ðĿĹ©":151340,"ðĿĹ³":151341,"ðĿĹ½":151342,"ðĿĺĬ":151343,"ðĿĺĭ":151344,"ðĿĺĶ":151345,"ðĿĺ±":151346,"ðĿĺ´":151347,"ðĿĺ¿":151348,"ðĿĻĴ":151349,"ðĿĻĿ":151350,"ðĿĻŁ":151351,"ðĿϬ":151352,"ðĿĻŃ":151353,"ðĿĻ»":151354,"ðĿϾ":151355,"ðĿļĪ":151356,"ðĿļĭ":151357,"ðĿļij":151358,"ðĿļŁ":151359,"ðĿļł":151360,"ðĿļ£":151361,"ðĿĽ½":151362,"ðĿľĤ":151363,"ðĿľĶ":151364,"ðĿľĻ":151365,"ðŁĢ":151366,"ðŁĢĦ":151367,"ðŁĦ²":151368,"ðŁĦ¶":151369,"ðŁħIJ":151370,"ðŁħĸ":151371,"ðŁħļ":151372,"ðŁħĽ":151373,"ðŁħ¦":151374,"ðŁħ¶":151375,"ðŁħ»":151376,"ðŁħ¼":151377,"ðŁĨĥ":151378,"ðŁĨĨ":151379,"ðŁĨİ":151380,"ðŁĪ¯":151381,"ðŁĪ²":151382,"ðŁĪ¹":151383,"ðŁĮĩ":151384,"ðŁĮĵ":151385,"ðŁįĺ":151386,"ðŁİij":151387,"ðŁİ¿":151388,"ðŁıı":151389,"ðŁıĴ":151390,"ðŁı©":151391,"ðŁı¯":151392,"ðŁIJĢ":151393,"ðŁijĿ":151394,"ðŁĴ¹":151395,"ðŁĴº":151396,"ðŁĵŁ":151397,"ðŁĵª":151398,"ðŁĵ¼":151399,"ðŁĶĢ":151400,"ðŁĶĤ":151401,"ðŁĶĥ":151402,"ðŁĶĩ":151403,"ðŁĶĵ":151404,"ðŁĶ¢":151405,"ðŁĶ¤":151406,"ðŁĶ©":151407,"ðŁķĸ":151408,"ðŁķļ":151409,"ðŁķľ":151410,"ðŁķĿ":151411,"ðŁķŀ":151412,"ðŁķł":151413,"ðŁķ¢":151414,"ðŁķ³":151415,"ðŁĸĩ":151416,"ðŁĸij":151417,"ðŁĸ¶":151418,"ðŁĹģ":151419,"Ѩ":151420,"Úİ":151421,"á¡Į":151422,"Ḱ":151423,"áºĢ":151424,"á¼®":151425,"á½Ŀ":151426,"âĦ¬":151427,"âļ§":151428,"⼤":151429,"㳬":151430,"êĻĭ":151431,"ê¸ij":151432,"ëĶī":151433,"ëĹį":151434,"ë¡ij":151435,"ë¯ij":151436,"ë»ħ":151437,"ë¼Ŀ":151438,"ìĦIJ":151439,"ìī¡":151440,"ìĭ²":151441,"ìı±":151442,"ìŤ":151443,"ìĿ©":151444,"ìĿ¿":151445,"ìŁĻ":151446,"ìł°":151447,"ì¥ī":151448,"íĬŃ":151449,"íķ®":151450,"ï®ı":151451,"ðŁħ±":151452,"ðŁĨĴ":151453,"ðŁķĭ":151454,"Éĺ":151455,"Êĵ":151456,"Õĥ":151457,"à´´":151458,"à½ħ":151459,"áĨº":151460,"áĪĬ":151461,"á΍":151462,"áξ":151463,"áīIJ":151464,"áĮĥ":151465,"áĮ½":151466,"áĶŃ":151467,"áłĤ":151468,"ᳬ":151469,"ᨸ":151470,"á©ĭ":151471,"á¶ı":151472,"á¾Ķ":151473,"á¿IJ":151474,"á¿ļ":151475,"âĻĻ":151476,"âļĤ":151477,"âļĹ":151478,"â¡¢":151479,"⤦":151480,"ëĸ°":151481,"ë¤Ĥ":151482,"ë§ł":151483,"ë±ĭ":151484,"ë±IJ":151485,"ìĽ¢":151486,"ìľ¾":151487,"ì³ħ":151488,"ì»ģ":151489,"íģ»":151490,"íĥĻ":151491,"íĵĸ":151492,"íĵŃ":151493,"íķ±":151494,"íĽľ":151495,"ï¤ħ":151496,"ï¤Ĩ":151497,"ï¦ĥ":151498,"ï§©":151499,"ï¨Ĥ":151500,"ðIJ¤Ķ":151501,"ðIJŃĵ":151502,"ðIJ°¼":151503,"ðĿĵŀ":151504,"ðĿĵ°":151505,"ðĿĻľ":151506,"ðĿļģ":151507,"ðŁħ¢":151508,"ðŁıĩ":151509,"Ȳ":151510,"ʶ":151511,"ÔĪ":151512,"Ôij":151513,"Ýĵ":151514,"Ý¥":151515,"à¤ij":151516,"ॱ":151517,"à¬ī":151518,"à°³":151519,"à°µ":151520,"à²Ł":151521,"áĢı":151522,"áģ¼":151523,"áī¨":151524,"áĬĴ":151525,"áĭ©":151526,"áĮĦ":151527,"áĮĶ":151528,"áIJ§":151529,"áĴĮ":151530,"áĶħ":151531,"áĶĬ":151532,"áłĦ":151533,"á¨ģ":151534,"á¸ĥ":151535,"ḻ":151536,"âĶŀ":151537,"âĺµ":151538,"âļ£":151539,"â²¢":151540,"ãĪª":151541,"ä¶µ":151542,"ê²Ļ":151543,"ê²´":151544,"ê³Ĥ":151545,"롼":151546,"ìĨĬ":151547,"ì¼ĩ":151548,"íĭį":151549,"íĵ¬":151550,"íĵ®":151551,"íĵ¶":151552,"íĵ»":151553,"臘":151554,"ï¥ł":151555,"辰":151556,"ïѲ":151557,"ðIJŃĬ":151558,"ðIJ±ħ":151559,"ðĸ¥":151560,"ðĸ¥¨":151561,"ðĿij³":151562,"ðĿĵķ":151563,"ðĿĵ¬":151564,"ðĿĵ¹":151565,"ðĿĵ¾":151566,"ðĿĶĵ":151567,"ðĿķį":151568,"ðĿķ¡":151569,"ðĿķ±":151570,"ðĿĸĸ":151571,"ðĿĺı":151572,"ðĿĺIJ":151573,"ðĿĺļ":151574,"ðĿĻ®":151575,"ðĿϰ":151576,"ðĿϏ":151577,"ðĿĻº":151578,"ðĿϼ":151579,"ðĿϽ":151580,"ðĿĻ¿":151581,"ðĿļĦ":151582,"ðĿļı":151583,"ðŁħħ":151584,"ðŁħĵ":151585,"ÆĪ":151586,"àłĮ":151587,"áϳ":151588,"áļĮ":151589,"áĽħ":151590,"áĽIJ":151591,"á¤Ĭ":151592,"á¸Ĭ":151593,"âͽ":151594,"âķĬ":151595,"âĽĩ":151596,"âĽı":151597,"âĿª":151598,"âĿ«":151599,"⣰":151600,"ãĦį":151601,"ãĦĵ":151602,"ãĦ§":151603,"ãħĸ":151604,"ãī«":151605,"ê¦Ķ":151606,"ï±Ĭ":151607,"àºĤ":151608,"áħ£":151609,"á¥Ķ":151610,"ᥤ":151611,"âĨ¤":151612,"âĨ·":151613,"âĩŀ":151614,"âĸ¤":151615,"âŀ¶":151616,"ãμ":151617,"嘆":151618,"ðĵı§":151619,"âͲ":151620,"âĢ´":151621,"âĴŁ":151622,"âĴ¡":151623,"â°Ĥ":151624,"â°į":151625,"â°İ":151626,"â°IJ":151627,"â°ij":151628,"â°Ł":151629,"â°ł":151630,"â°¡":151631,"â¼Ń":151632,"ãĬ¥":151633,"âĴł":151634,"⽺":151635,"ãĩº":151636,"ãĩ½":151637,"ï¨Ĭ":151638,"áķ·":151639,"âį¨":151640,"âºŁ":151641,"â½Ĺ":151642} \ No newline at end of file diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/process_wiki_to_json.py" "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/process_wiki_to_json.py" new file mode 100644 index 0000000..ab001d9 --- /dev/null +++ "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/process_wiki_to_json.py" @@ -0,0 +1,82 @@ +import json +import os + +def parse_raw_file_to_json(file_path, num_items=None): + """ + 从外部文本文件中读取原始内容(支持.txt格式) + 参数: + file_path:原始文本文件的路径(如"valkyria_raw.txt") + 返回:读取成功返回原始文本字符串;失败则抛出异常并提示 + """ + # 检查文件是否存在 + if not os.path.exists(file_path): + raise FileNotFoundError(f"错误:未找到原始文本文件,路径:{file_path}") + + # 读取文件内容(使用utf-8编码,适配多语言字符) + try: + with open(file_path, "r", encoding="utf-8") as f: + text_lines = f.readlines() + json_data = [] + text = '' + idx = 0 + for text_line in text_lines: + if text_line == ' \n' or text_line.startswith(' = '): + if text: + json_data.append({"id": idx, "text": text}) + text = '' + idx += 1 + if num_items and idx >= num_items: + return json_data + continue + text += text_line + + # 简单校验内容是否为空 + if not json_data: + raise ValueError("错误:没有获取到有效文本") + return json_data + except Exception as e: + raise Exception(f"读取文件失败:{str(e)}") + +def save_json_to_file(json_data, output_file="wiki.train.json"): + """ + 将解析后的JSON数据保存为文件(每行一个JSON对象,符合要求格式) + 参数: + json_data:解析后的JSON数据列表 + output_file:输出JSON文件的路径(默认"valkyria_parsed.json") + """ + try: + with open(output_file, "w", encoding="utf-8") as f: + for item in json_data: + # 确保中文/特殊字符不转义,按行写入(便于后续读取和查看) + json.dump(item, f, ensure_ascii=False) + f.write("\n") # 每行一个JSON对象,避免压缩成一行 + print(f"✅ JSON文件保存成功!路径:{os.path.abspath(output_file)}") + except Exception as e: + raise Exception(f"保存JSON文件失败:{str(e)}") + +if __name__ == "__main__": + # -------------------------- + # 核心配置(用户需根据实际情况修改) + RAW_TEXT_FILE_PATH = "wiki.train.tokens" # 原始文本文件路径(如放在代码同目录) + TARGET_NUM_ITEMS = 1000 # 控制输出数据条数(正整数,None则输出全部) + SAVE_JSON_FILE_PATH = "wiki.train.json" + # -------------------------- + + print("=== 开始处理:从文件读取原始文本并转换为JSON ===") + try: + # 1. 从外部文件读取原始文本 + print(f"1/2 正在读取原始文本文件:{RAW_TEXT_FILE_PATH}") + json_data = parse_raw_file_to_json(RAW_TEXT_FILE_PATH, num_items=TARGET_NUM_ITEMS) + + # 2. 保存JSON文件 + print(f"2/2 正在保存JSON文件(共{len(json_data)}条数据)") + save_json_to_file(json_data, SAVE_JSON_FILE_PATH) + + # 输出处理结果摘要 + print("\n=== 处理完成!结果摘要 ===") + print(f"📊 原始文本拆分后总段落数:{len([p for p in json_data])}") + print(f"📄 输出JSON文件路径:{os.path.abspath(SAVE_JSON_FILE_PATH)}") + print(f"🔍 第一条数据示例:\n{json.dumps(json_data[0], ensure_ascii=False, indent=2)}") + + except Exception as e: + print(f"\n❌ 处理失败:{str(e)}") diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/wiki.train.json" "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/wiki.train.json" new file mode 100644 index 0000000..7a6a842 --- /dev/null +++ "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/wiki.train.json" @@ -0,0 +1,1000 @@ +{"id": 0, "text": " Senjō no Valkyria 3 : Chronicles ( Japanese : 戦場のヴァルキュリア3 , lit . Valkyria of the Battlefield 3 ) , commonly referred to as Valkyria Chronicles III outside Japan , is a tactical role @-@ playing video game developed by Sega and Media.Vision for the PlayStation Portable . Released in January 2011 in Japan , it is the third game in the Valkyria series . Employing the same fusion of tactical and real @-@ time gameplay as its predecessors , the story runs parallel to the first game and follows the \" Nameless \" , a penal military unit serving the nation of Gallia during the Second Europan War who perform secret black operations and are pitted against the Imperial unit \" Raven \" . \n The game began development in 2010 , carrying over a large portion of the work done on Valkyria Chronicles II . While it retained the standard features of the series , it also underwent multiple adjustments , such as making the game more forgiving for series newcomers . Character designer Honjou and composer Hitoshi Sakimoto both returned from previous entries , along with Valkyria Chronicles II director Takeshi Ozawa . A large team of writers handled the script . The game 's opening theme was sung by May 'n . \n It met with positive sales in Japan , and was praised by both Japanese and western critics . After release , it received downloadable content , along with an expanded edition in November of that year . It was also adapted into manga and an original video animation series . Due to low sales of Valkyria Chronicles II , Valkyria Chronicles III was not localized , but a fan translation compatible with the game 's expanded edition was released in 2014 . Media.Vision would return to the franchise with the development of Valkyria : Azure Revolution for the PlayStation 4 . \n"} +{"id": 1, "text": " As with previous Chronicles games , Valkyria Chronicles III is a tactical role @-@ playing game where players take control of a military unit and take part in missions against enemy forces . Stories are told through comic book @-@ like panels with animated character portraits , with characters speaking partially through voiced speech bubbles and partially through unvoiced text . The player progresses through a series of linear missions , gradually unlocked as maps that can be freely scanned through and replayed as they are unlocked . The route to each story location on the map varies depending on an individual player 's approach : when one option is selected , the other is sealed off to the player . Outside missions , the player characters rest in a camp , where units can be customized and character growth occurs . Alongside the main story missions are character @-@ specific sub missions relating to different squad members . After the game 's completion , additional episodes are unlocked , some of them having a higher difficulty than those found in the rest of the game . There are also love simulation elements related to the game 's two main heroines , although they take a very minor role . \n The game 's battle system , the system , is carried over directly from Chronicles . During missions , players select each unit using a top @-@ down perspective of the battlefield map : once a character is selected , the player moves the character around the battlefield in third @-@ person . A character can only act once per @-@ turn , but characters can be granted multiple turns at the expense of other characters ' turns . Each character has a field and distance of movement limited by their Action Gauge . Up to nine characters can be assigned to a single mission . During gameplay , characters will call out if something happens to them , such as their health points ( HP ) getting low or being knocked out by enemy attacks . Each character has specific \" Potentials \" , skills unique to each character . They are divided into \" Personal Potential \" , which are innate skills that remain unaltered unless otherwise dictated by the story and can either help or impede a character , and \" Battle Potentials \" , which are grown throughout the game and always grant boons to a character . To learn Battle Potentials , each character has a unique \" Masters Table \" , a grid @-@ based skill table that can be used to acquire and link different skills . Characters also have Special Abilities that grant them temporary boosts on the battlefield : Kurt can activate \" Direct Command \" and move around the battlefield without depleting his Action Point gauge , the character can shift into her \" Valkyria Form \" and become invincible , while Imca can target multiple enemy units with her heavy weapon . \n Troops are divided into five classes : Scouts , , Engineers , Lancers and Armored Soldier . Troopers can switch classes by changing their assigned weapon . Changing class does not greatly affect the stats gained while in a previous class . With victory in battle , experience points are awarded to the squad , which are distributed into five different attributes shared by the entire squad , a feature differing from early games ' method of distributing to different unit types . \n"} +{"id": 2, "text": " The game takes place during the Second Europan War . Gallian Army Squad 422 , also known as \" The Nameless \" , are a penal military unit composed of criminals , foreign deserters , and military offenders whose real names are erased from the records and thereon officially referred to by numbers . Ordered by the Gallian military to perform the most dangerous missions that the Regular Army and Militia will not do , they are nevertheless up to the task , exemplified by their motto , , meaning \" Always Ready . \" The three main characters are No.7 Kurt Irving , an army officer falsely accused of treason who wishes to redeem himself ; Ace No.1 Imca , a female Darcsen heavy weapons specialist who seeks revenge against the Valkyria who destroyed her home ; and No.13 Riela , a seemingly jinxed young woman who is unknowingly a descendant of the Valkyria . Together with their fellow squad members , these three are tasked to fight against a mysterious Imperial unit known as Calamity Raven , consisting of mostly Darcsen soldiers . \n As the Nameless officially do not exist , the upper echelons of the Gallian Army exploit the concept of plausible deniability in order to send them on missions that would otherwise make Gallia lose face in the war . While at times this works to their advantage , such as a successful incursion into Imperial territory , other orders cause certain members of the 422nd great distress . One such member , , becomes so enraged that he abandons his post and defects into the ranks of Calamity Raven , attached to the ideal of Darcsen independence proposed by their leader , Dahau . At the same time , elements within Gallian Army Command move to erase the Nameless in order to protect their own interests . Hounded by both allies and enemies , and combined with the presence of a traitor within their ranks , the 422nd desperately move to keep themselves alive while at the same time fight to help the Gallian war effort . This continues until the Nameless 's commanding officer , Ramsey Crowe , who had been kept under house arrest , is escorted to the capital city of in order to present evidence exonerating the weary soldiers and expose the real traitor , the Gallian General that had accused Kurt of Treason . \n Partly due to these events , and partly due to the major losses in manpower Gallia suffers towards the end of the war with the Empire , the Nameless are offered a formal position as a squad in the Gallian Army rather than serve as an anonymous shadow force . This is short @-@ lived , however , as following Maximilian 's defeat , Dahau and Calamity Raven move to activate an ancient super weapon within the Empire , kept secret by their benefactor . Without the support of Maximilian or the chance to prove themselves in the war with Gallia , it is Dahau 's last trump card in creating a new Darcsen nation . As an armed Gallian force invading the Empire just following the two nations ' cease @-@ fire would certainly wreck their newfound peace , Kurt decides to once again make his squad the Nameless , asking Crowe to list himself and all under his command as killed @-@ in @-@ action . Now owing allegiance to none other than themselves , the 422nd confronts Dahau and destroys the weapon . Each member then goes their separate ways in order to begin their lives anew . \n"} +{"id": 3, "text": " Concept work for Valkyria Chronicles III began after development finished on Valkyria Chronicles II in early 2010 , with full development beginning shortly after this . The director of Valkyria Chronicles II , Takeshi Ozawa , returned to that role for Valkyria Chronicles III . Development work took approximately one year . After the release of Valkyria Chronicles II , the staff took a look at both the popular response for the game and what they wanted to do next for the series . Like its predecessor , Valkyria Chronicles III was developed for PlayStation Portable : this was due to the team wanting to refine the mechanics created for Valkyria Chronicles II , and they had not come up with the \" revolutionary \" idea that would warrant a new entry for the PlayStation 3 . Speaking in an interview , it was stated that the development team considered Valkyria Chronicles III to be the series ' first true sequel : while Valkyria Chronicles II had required a large amount of trial and error during development due to the platform move , the third game gave them a chance to improve upon the best parts of Valkyria Chronicles II due to being on the same platform . In addition to Sega staff from the previous games , development work was also handled by The original scenario was written Kazuki Yamanobe , while the script was written by Hiroyuki Fujii , Koichi Majima , Miyagi , Seiki and Takayuki . Its story was darker and more somber than that of its predecessor . \n The majority of material created for previous games , such as the system and the design of maps , was carried over . Alongside this , improvements were made to the game 's graphics and some elements were expanded , such as map layouts , mission structure , and the number of playable units per mission . A part of this upgrade involved creating unique polygon models for each character 's body . In order to achieve this , the cooperative elements incorporated into the second game were removed , as they took up a large portion of memory space needed for the improvements . They also adjusted the difficulty settings and ease of play so they could appeal to new players while retaining the essential components of the series ' gameplay . The newer systems were decided upon early in development . The character designs were done by Honjou , who had worked on the previous Valkyria Chronicles games . When creating the Nameless Squad , Honjou was faced with the same problem he had had during the first game : the military uniforms essentially destroyed character individuality , despite him needing to create unique characters the player could identify while maintaining a sense of reality within the Valkyria Chronicles world . The main color of the Nameless was black . As with the previous Valkyria games , Valkyria Chronicles III used the graphics engine . The anime opening was produced by Production I.G. \n"} +{"id": 4, "text": " The music was composed by Hitoshi Sakimoto , who had also worked on the previous Valkyria Chronicles games . When he originally heard about the project , he thought it would be a light tone similar to other Valkyria Chronicles games , but found the themes much darker than expected . An early theme he designed around his original vision of the project was rejected . He the main theme about seven times through the music production due to this need to reassess the game . The main theme was initially recorded using orchestra , then Sakimoto removed elements such as the guitar and bass , then adjusted the theme using a synthesizer before redoing segments such as the guitar piece on their own before incorporating them into the theme . The rejected main theme was used as a hopeful tune that played during the game 's ending . The battle themes were designed around the concept of a \" modern battle \" divorced from a fantasy scenario by using modern musical instruments , constructed to create a sense of atonality . While Sakimoto was most used to working with synthesized music , he felt that he needed to incorporate live instruments such as orchestra and guitar . The guitar was played by Mitsuhiro Ohta , who also arranged several of the later tracks . The game 's opening theme song , \" If You Wish for ... \" ( , Kimi ga Nara ) , was sung by Japanese singer May 'n . Its theme was the reason soldiers fought , in particular their wish to protect what was precious to them rather than a sense of responsibility or duty . Its lyrics were written by Seiko Fujibayashi , who had worked on May 'n on previous singles . \n"} +{"id": 5, "text": " In September 2010 , a teaser website was revealed by Sega , hinting at a new Valkyria Chronicles game . In its September issue , Famitsu listed that Senjō no Valkyria 3 would be arriving on the PlayStation Portable . Its first public appearance was at the 2010 Tokyo Game Show ( TGS ) , where a demo was made available for journalists and attendees . During the publicity , story details were kept scant so as not to spoil too much for potential players , along with some of its content still being in flux at the time of its reveal . To promote the game and detail the story leading into the game 's events , an episodic Flash visual novel written by Fujii began release in January 2011 . The game was released January 27 , 2011 . During an interview , the development team said that the game had the capacity for downloadable content ( DLC ) , but that no plans were finalized . Multiple DLC maps , featuring additional missions and recruitable characters , were released between February and April 2011 . An expanded edition of the game , Valkyria Chronicles III Extra Edition , released on November 23 , 2011 . Packaged and sold at a lower price than the original , Extra Edition game with seven additional episodes : three new , three chosen by staff from the game 's DLC , and one made available as a pre @-@ order bonus . People who also owned the original game could transfer their save data between versions . \n Unlike its two predecessors , Valkyria Chronicles III was not released in the west . According to Sega , this was due to poor sales of Valkyria Chronicles II and the general unpopularity of the PSP in the west . An unofficial fan translation patch began development in February 2012 : players with a copy of Valkyria Chronicles III could download and apply the patch , which translated the game 's text into English . Compatible with the Extra Edition , the patch was released in January 2014 . \n"} +{"id": 6, "text": " On its day of release in Japan , Valkyria Chronicles III topped both platform @-@ exclusive and multi @-@ platform sales charts . By early February , the game sold 102 @,@ 779 units , coming in second overall to The Last Story for the Wii . By the end of the year , the game had sold just over 152 @,@ 500 units . \n Famitsu enjoyed the story , and were particularly pleased with the improvements to gameplay . Japanese gaming site Game Watch Impress , despite negatively noting its pacing and elements recycled from previous games , was generally positive about its story and characters , and found its gameplay entertaining despite off @-@ putting difficulty spikes . 4Gamer.net writer Naohiko , in a \" Play Test \" article based on the game 's PSN demo , felt that Valkyria Chronicles III provided a \" profound feeling of closure \" for the Valkyria Chronicles series . He praised its gameplay despite annoying limitations to aspects such as special abilities , and positively noted its shift in story to a tone similar to the first game . \n PlayStation Official Magazine - UK praised the story 's blurring of Gallia 's moral standing , art style , and most points about its gameplay , positively noting the latter for both its continued quality and the tweaks to balance and content . Its one major criticism were multiple difficulty spikes , something that had affected the previous games . Heath Hindman of gaming website PlayStation Lifestyle praised the addition of non @-@ linear elements and improvements or removal of mechanics from Valkyria Chronicles II in addition to praising the returning gameplay style of previous games . He also positively noted the story 's serious tone . Points criticized in the review were recycled elements , awkward cutscenes that seemed to include all characters in a scene for no good reason , pacing issues , and occasional problems with the game 's AI . \n In a preview of the TGS demo , Ryan Geddes of IGN was left excited as to where the game would go after completing the demo , along with enjoying the improved visuals over Valkyria Chronicles II . Kotaku 's Richard Eisenbeis was highly positive about the game , citing is story as a return to form after Valkyria Chronicles II and its gameplay being the best in the series . His main criticisms were its length and gameplay repetition , along with expressing regret that it would not be localized . \n"} +{"id": 7, "text": " Kurt and Riela were featured in the Nintendo 3DS crossover Project X Zone , representing the Valkyria series . Media.Vision would return to the series to develop Valkyria : Azure Revolution , with Ozawa returning as director . Azure Revolution is a role @-@ playing video game for the PlayStation 4 that forms the beginning of a new series within the Valkyria franchise . \n"} +{"id": 8, "text": " Valkyria Chronicles 3 was adapted into a two @-@ episode original video animation series in the same year of its release . Titled Senjō no Valkyria 3 : Taga Tame no ( , lit . Valkyria of the Battlefield 3 : The Wound Taken for Someone 's Sake ) , it was originally released through PlayStation Network and between April and May 2011 . The initially @-@ planned release and availability period needed to be extended due to a stoppage to PSN during the early summer of that year . It later released for DVD on June 29 and August 31 , 2011 , with separate \" Black \" and \" Blue \" editions being available for purchase . The anime is set during the latter half of Valkyria Chronicles III , detailing a mission by the Nameless against their Imperial rivals Calamity Raven . The anime was first announced in November 2010 . It was developed by A @-@ 1 Pictures , produced by Shinji , directed by Nobuhiro Kondō , and written by Hiroshi . Sakimoto 's music for the game was used in the anime . \n The anime 's title was inspired by the principle purpose of the Nameless : to suffer in battle for the goals of others . A subtitle attached to the project during development was \" The Road to Kubinka \" , which referenced the Kubinka Tank Museum in Moscow . The game 's main theme was how the characters regained their sense of self when stripped of their names and identities , along with general themes focused on war and its consequences . While making the anime , the production team were told by Sega to make it as realistic as possible , with the consequence that the team did extensive research into aspects such as what happened when vehicles like tanks were overturned or damaged . Due to it being along the same timeline as the original game and its television anime adaptation , the cast of Valkyria Chronicles could make appearances , which pleased the team . The opening theme , \" Akari ( Light ) \" ( @-@ ) , was sung by Japanese singer . The ending theme , \" Someday the Flowers of Light Will Bloom \" ( , Itsuka Saku Hikari no Hana ) , was sung by Minami Kuribayashi . Both songs ' lyrics were written by their respective artists . \n Two manga adaptations were produced , following each of the game 's main female protagonists Imca and Riela . They were Senjō no Valkyria 3 : Namo no Hana ( 戦場のヴァルキュリア3 , lit . Valkyria of the Battlefield 3 : The Flower of the Nameless Oath ) , illustrated by Naoyuki Fujisawa and eventually released in two volumes after being serialized in Dengeki Maoh between 2011 and 2012 ; and Senjō no Valkyria 3 : Unmei no ( 戦場のヴァルキュリア3 , lit . Valkyria of the Battlefield 3 -The Valkyrie of the Crimson Fate ) , illustrated by Mizuki Tsuge and eventually released in a single volume by Kadokawa Shoten in 2012 . \n"} +{"id": 9, "text": " The Tower Building of the Little Rock Arsenal , also known as U.S. Arsenal Building , is a building located in MacArthur Park in downtown Little Rock , Arkansas . Built in 1840 , it was part of Little Rock 's first military installation . Since its decommissioning , The Tower Building has housed two museums . It was home to the Arkansas Museum of Natural History and Antiquities from 1942 to 1997 and the MacArthur Museum of Arkansas Military History since 2001 . It has also been the headquarters of the Little Rock Æsthetic Club since 1894 . \n The building receives its name from its distinct octagonal tower . Besides being the last remaining structure of the original Little Rock Arsenal and one of the oldest buildings in central Arkansas , it was also the birthplace of General Douglas MacArthur , who became the supreme commander of US forces in the South Pacific during World War II . It was also the starting place of the Camden Expedition . In 2011 it was named as one of the top 10 attractions in the state of Arkansas by \n"} +{"id": 10, "text": " The arsenal was constructed at the request of Governor James Sevier Conway in response to the perceived dangers of frontier life and fears of the many Native Americans who were passing through the state on their way to the newly established Oklahoma Territory . Thirty @-@ six acres were appropriated on the outskirts of Little Rock by Major Robert B. Lee of the U.S. Army . The land had been previously used as a racetrack by the local jockey club . John Wormley Walker , a builder for the Federal Government , supervised the construction . Originally $ 14 @,@ 000 was allocated for the construction of the arsenal , but proved inadequate . The budget was later increased to $ 30 @,@ 000 . Work began on the Tower Building in 1840 , and it was the first permanent structure of the arsenal to be built . Being originally constructed to store ammunition , the building was designed with 3 @-@ foot @-@ thick ( 0 @.@ 91 m ) exterior walls . The original plans called for it to be built of stone , however , masonry was used instead . The Arkansas Gazette referred to the structure as \" A splendid specimen of masonry \" . \n"} +{"id": 11, "text": " For several years the arsenal , which was owned by the federal government , served as a simple arms depot and was staffed with only a handful of soldiers . But in November 1860 , with the American Civil War on the horizon , a company of the Second United States Artillery , consisting of sixty @-@ five men , was transferred to Little Rock under the command of Captain James Totten . On January 15 , 1861 , the state legislature decided to hold a referendum to determine if a state convention should be held to consider the issue of secession and to elect delegates to such a convention . It was planned for February 18 ; however , events at the arsenal , would not wait . On January 28 , then Governor Henry Massey Rector informed Captain Totten that he and his soldiers would be \" permitted to remain in the possession of the Federal officers until the State , by authority of the people , shall have determined to sever their connection with the General Government , \" Totten responded to this by telling the Governor that his orders came from the United States Government and began a desperate but ultimately futile dispatch of letters and telegrams asking for reinforcements , although rumors were widely spread that they were already coming . The first telegraph wire to span between Little Rock and Memphis had recently been completed . Local attorney John M Harrel was asked to compose the first telegraph dispatched from Arkansas 's capital . In his message , Harrel reported unconfirmed rumors that more federal troops had been sent to reinforce the Little Rock Arsenal . \n The United States troops at the outposts of the western frontier of the state and in the Indian nation have all been recalled from winter quarters to reinforce the garrison at Fort Smith . The garrison at Fort Smith had been previously transferred to the United States Arsenal in this city ( Little Rock ) . The arsenal is one of the richest depositories of military stores in the United States and is supposed to be the ultimate destination of the [ sic ] ordered from the frontier . \n M Harrel Telegram , January 31 , 1861 \n The item was intended simply as a piece of news , but telegraph lines quickly spread the news throughout the state , fueling procession sentiment . The rumor was interpreted by some Arkansans as a call from the governor to assemble to help expel the federal troops from the arsenal . By February 5 , six militia units , consisting of 1 @,@ 000 men , with a guarantee that the numbers could be increased to 5 @,@ 000 if the situations deemed it necessary , had assembled in Little Rock . Governor Rector vehemently denied ordering the troops to assemble or giving any order at all in connection with the troops . Faced with the fact that the military had assembled believing they were following his orders and the consensus of the citizens of Little Rock against any armed conflict between the civilian army and federal troops , Governor Rector was forced to take control of the situation . On February 6 , he sent a formal demand for surrender of the arsenal to Captain Totten , \n This movement is prompted by the feeling that pervades the citizens of this State that in the present emergency the arms and munitions of war in the Arsenal should be under the control of the State authorities , in order to their security . This movement , although not authorized by me , has assumed such an aspect that it becomes my duty , as the executive of this , to interpose my official authority to prevent a collision between the people of the State and the Federal troops under your command . I therefore demand in the name of the State the delivery of the possession of the Arsenal and munitions of war under your charge to the State authorities , to be held subject to the action of the convention to be held on the 4th of March next . \n Perhaps because Abraham Lincoln had not yet been inaugurated as President , Captain Totten received no instructions from his superiors and was forced to withdraw his troops . He agreed to surrender the arsenal as long as the governor agreed to three provisions : \n The governor would take possession of the arsenal in the name of the United States . \n The soldiers would be allowed safe passage in any direction carrying any personal and public property besides munitions of war . \n The soldiers would be allowed to march away as men leaving under orders , not as conquered and surrendering soldiers . \n On the morning of February 8 , 1861 , Rector and Totten signed an agreement placing the arsenal in the hands of state officials . That afternoon , the citizen militia marched to the arsenal with Governor Rector at its head . All of the federal troops had left at this point , except Totten who had stayed behind to listen to the Governor 's speech and to hand the arsenal over in person . \n The Little Rock Arsenal was classified in 1860 as an \" arsenal of deposit , \" meaning that it was simply a warehouse for the storage of weapons intended for the use of the state militia in times of crisis . Thus there were no substantial operations for ordnance fabrication or repairs , nor for the manufacture of cartridges at the time the Arsenal fell into State hands . Most of these operations were started from scratch through the efforts of the Arkansas Military Board . \n Inside the Little Rock Arsenal after its seizure in February , 1861 , the Confederates inventoried some 10 @,@ 247 weapons , 250 @,@ 000 musket cartridges , and 520 @,@ 000 percussion caps , as well as the four bronze cannon of Totten 's battery . Long arms in the Arsenal 's inventory consisted of : \n M1822 .69 cal ( flintlock ) 5 @,@ 625 \n M1822 .69 cal ( percussion @-@ converted ) 53 \n .69 cal smoothbore ( percussion ) 357 \n .58 cal rifle @-@ muskets 900 \n common rifles 125 \n rifle ( \" Mississippi Rifle \" ) 54 \n 2 \n Hall 's carbines 267 \n Hall 's rifles ( flintlock ) 2 @,@ 864 \n Total 10 @,@ 247 \n Of this number , approximately 9600 weapons were serviceable , or ready @-@ for @-@ issue . Note there were only 1 @,@ 364 percussion weapons available . Disposition of the weapons found in the Arsenal is somewhat sketchy , but from various records it can be surmised that the 5th , 6th , 7th , and 8th Arkansas Infantry Regiments , mustered in June , 1861 , were issued / M1822 .69 caliber flintlocks . The 9th and 10th Arkansas , four companies of Kelly 's 9th Arkansas Battalion , and the 3rd Arkansas Cavalry Regiment were issued flintlock Hall 's Rifles . The units comprising the infantry force of Van Dorn 's Army of the West were the 1st and 2nd Arkansas Mounted Rifles were also armed with M1822 flintlocks from the Little Rock Arsenal . By the time the 11th and 12th Arkansas Infantry Regiments mustered in at Little Rock , the supply of arms had been almost completely exhausted , and only old \" junker \" weapons were left . \n Most of the equipment , arms , and machinery at the Little Rock Arsenal was removed to east of the Mississippi River by order of Maj. Gen. Earl Van Dorn in April and May 1862 , and accountability for it is lost at that point . By all appearances , the equipment was sent down the river to Napoleon , Arkansas , and from there to Jackson Mississippi , where it was probably destroyed during the Vicksburg campaign in the early summer of 1863 . \n Major General Thomas C. Hindman , sent to command the district of Arkansas in May , 1862 , found the state nearly destitute of military material . Hindman established another armory at Arkadelphia , and revived the Little Rock Arsenal as a collection point and depot for armaments and ammunition manufacture for small arms . Hindman recorded : \n \" Machinery was made for manufacturing percussion caps and small arms , and both were turned out in small quantity , but of excellent quality . Lead mines were opened and worked , and a chemical laboratory was established and successfully operated in aid of the Ordnance Department and in the manufacture of calomel , castor oil , spirits of nitre , the various tinctures of iron , and other valuable medicines . Most of these works were located at or near Arkadelphia on the Ouachita River , 75 miles south from Little Rock . The tools , machinery , and the material were gathered piecemeal or else made by hand labor . Nothing of this sort had been before attempted on Government account in Arkansas to my knowledge , except for the manufacture of small arms , the machinery for which was taken away by General Van Dorn and there was neither capital nor sufficient enterprise among the citizens to engage in such undertakings A further supply , along with lead and caps , was procured from the citizens of Little Rock and vicinity by donation , purchases , and impressments . \n This ammunition , and that which I brought with me , was rapidly prepared for use at the Laboratory established at the Little Rock Arsenal for that purpose . As illustrating as the pitiful scarcity of material in the country , the fact may be stated that it was found necessary to use public documents of the State Library for cartridge paper . were employed or conscripted , tools purchased or impressed , and the repair of the damaged guns I brought with me and about an equal number found at Little Rock commenced at once . But , after inspecting the work and observing the spirit of the men I decided that a garrison 500 strong could hold out against Fitch and that I would lead the remainder - about 1500 - to Gen 'l Rust as soon as shotguns and rifles could be obtained from Little Rock instead of pikes and lances , with which most of them were armed . Two days elapsed before the change could be effected . \" \n The Confederate ordnance establishment at Little Rock was reactivated in August , 1862 . Looking around for a suitable person to head this activity , General Hindman turned to the Confederate Navy and borrowed Lieutenant John W. Dunnington . Lt. Dunnington was the commander of the gunboat C.S.S. Ponchartrain , which had been brought to Little Rock in hopes of converting it to an ironclad . Dunnington was selected to head the ordnance works at Little Rock , and although he continued to draw his pay from the Confederate Navy Department , he was placed in charge of all Confederate ordnance activities ( which included artillery functions ) there with the rank of lieutenant colonel . \n Lt. Col. Dunnington 's \" Returns for the month of August , 1862 , at Little Rock Arsenal , C.S.A. , \" are found in Vol . 149 , Chapter IV of the \" Captured Rebel Ordnance Records , \" and are most enlightening as to the scope of Confederate ordnance activities at Little Rock during this crucial time . According to Dunnington , \" When I assumed command at this Post , all material had been removed to Arkadelphia . There were no persons employed . No shops were open for repair of arms or for fabricating ammunition . Material , tools , etc . , had to be procured as well as the employment of laborers . Work commenced the last part of the month . \" \n The military force at Little Rock under Dunnington 's command consisted of four officers : himself , Major John B. Lockman , Captain C.C. Green , and 2nd Lt. W.W. Murphy . In addition to these , he had 20 enlisted men and a civilian force composed of a foreman , 2 clerks , 3 gunsmiths for repairing small arms , a , 26 laborers in the ammunition laboratory , and a carpenter for making packing boxes . \n During the month of August , 1862 , the following work was performed : \" : one pair of musket bullet moulds ; 10 @,@ 000 buck & ball shot cartridges ; repaired : 750 muskets , shotguns , and rifles ; received and repaired : ordnance stores and ; performed : guard , office , and police duties ; inspected : Posts at Camden and Arkadelphia . \" \n Lt. Col. Dunnington continued to build up his works at Little Rock until November 1862 , when Captain Sanford C. Faulkner ( composer of The Arkansas Traveler ) was placed in charge of the Arsenal . Dunnington presumably returned to his naval duties and the Ponchartrain . \n A \" Summary of the Work Done for November , 1862 , Little Rock Arsenal \" shows : Fabrication : \n 75 @,@ 000 buck & ball cartridges - percussion \n 14 @,@ 000 buck & ball cartridges - flint \n 275 paper fuzes \n 117 rounds , 6 @-@ pounder canister shot \n 130 rounds , 6 @-@ pounder ball shot \n 96 ammunition packing boxes \n Repaired : \n 2 @,@ 236 shotguns and rifles ( repaired mostly for troops in service ) \n 23 pistols ( repaired mostly for troops in service ) \n Received & Issued : \n 752 packages of ordnance and ordnance stores received and mostly issued to troops in service . \n Repaired and painted : \n 4 gun carriages \n Performed : \n Guard , office , and police duties . \n Perhaps the most illuminating points of the above \" Summary of Work \" and those for following months are that the standard ammunition made was . \" buck & ball \" , indicating that the .69 caliber smoothbores and shotguns remained the predominant caliber weapon in use , and of this , nearly one sixth or more of all small arms ammunition was still for flintlock weapons , indicating that no less than a sixth of the Confederate troops in this vicinity were still armed with obsolete flintlock weapons . \n The \" Summaries of Work done at Little Rock Arsenal , C.S.A. \" continue at about the same pace and scale from August 1862 until August 1863 . to the \" Summary \" for August , 1863 is the ominous notation , \" During the last week in the month , nearly all stores at the Arsenal have been packed and sent to Arkadelphia , in obedience to orders from Chief of Ordnance , District of Arkansas . \" This then marks the beginning of the evacuation of ordnance activities from Little Rock , with the city being surrendered to the advancing Federal troops of Frederick Steele 's Arkansas Expedition on September 11 , 1863 . \n In 1864 , after Little Rock fell to the Union Army and the arsenal had been recaptured , General Fredrick Steele marched 8 @,@ 500 troops from the arsenal beginning the Camden Expedition . \n The arsenal was briefly seized once more by Joseph Brooks loyalists during the Brooks @-@ Baxter War of 1874 . \n"} +{"id": 12, "text": " In 1873 , the building was renamed Little Rock Barracks and used as a barracks for married officers and their families . The building was drastically altered the inside and outside . Prior to renovation , a rear basement door provided the only entrance to the building , while the tower served as a hoist to move munitions between floors . By 1868 , front and rear porches had been added to the building , as well as interior walls and stairs , some of which remain today , including the central staircase . In 1880 , Douglas MacArthur was born on the northwest upper floor of this building while his father , Captain Arthur MacArthur , was stationed there . \n In the 1880s , the federal government began closing many small arsenals around the country in favor of smaller ones built near railroads for quick deployment . The arsenal commander received word from Washington that the Little Rock site must be abandoned \" not later than October 1 , 1890 . \" On April 12 , 1893 the tower building and the surrounding buildings were traded to the city of Little Rock for 1 @,@ 000 acres ( 4 km ² ) in North Little Rock under the condition that the building and land be \" forever exclusively devoted to the uses and purposes of a public park \" for 1 @,@ 000 acres ( 4 km ² ) in Big Rock Mountain on the north side of the Arkansas River , present day North Little Rock . That site later became Fort Logan H. Roots . All of the original buildings surrounding the Tower Building were demolished . \n"} +{"id": 13, "text": " In 1894 the Little Rock Æsthetic Club , one of the oldest women 's societies west of the Mississippi River , moved into the Tower Building . This was prompted due to increased membership and a need for larger , more permanent quarters . The previous year , club members working with women 's organizations throughout the state , raised money to furnish the Arkansas Building of the Columbian Exposition at The Chicago World 's Fair . At the fair 's conclusion , artifacts from the exhibit were displayed in the Tower Building , with the Æsthetic Club invited to meet in the \" Columbian Room . \" \n Except for Æsthetic Club meetings , the Tower Building remained largely unoccupied for almost fifty years and suffered significant deterioration . The Æsthetic Club provided much @-@ needed financial support during the period and even paid the electric bill during the Great Depression . The Æsthetic Club is still headquartered in the Tower Building . \n"} +{"id": 14, "text": " The building and the surrounding park were used for many public purposes throughout the early 20th century . The Tower Building served as headquarters for the United Confederate Veterans Reunion , May 15 – 18 , 1911 . Over 106 @,@ 000 Civil War veterans , the largest popular gathering in the history of the city up to that time , attended and were housed in the building or camped in the park , which had also become a popular camping area . Later the building served as an armory for the Arkansas National Guard . In 1912 , the second floor of the Tower Building became Little Rock 's first public library . In 1917 , Little Rock built a fire station in the park , that building is now gone . A band shell named for H. H. Foster also was built in the park during this time , but also no longer exists . In 1936 , Works Progress Administration built the Museum of Fine Arts , now called the Arkansas Arts Center , just south of the Tower Building . \n The arsenal was listed in the National Register of Historic Places in 1970 . Due to its association with the Camden Expedition of 1864 , the arsenal may be included in the Camden Expedition Sites National Historic Landmark designated in 1994 . \n In 1942 , the Tower Building was renovated due to the efforts of the Æsthetic Club , Little Rock philanthropist Frederick W. Allsop , and the Works Progress Administration . It became the new home of The Arkansas Museum of Natural History and Antiquities , which had been located in Little Rock City Hall . The museum remained in the tower building for approximately fifty @-@ five years . The area surrounding the Tower Building had been known as Arsenal Park when the first decommissioned and then later renamed City Park . Due to the efforts of Bernie Babcock , however , the city finally named it MacArthur Park in 1942 in honor of Douglas MacArthur . \n In 1997 , the Museum of Science and Natural History merged with the Little Rock Children 's Museum , which had been located in Union Station , to form the Arkansas Museum of Discovery . The new museum was relocated to a historic building in the Little Rock River Market District . The MacArthur Museum of Arkansas Military History opened on May 19 , 2001 in the Tower Building . The new museum 's goal is to educate and inform visitors about the military history of Arkansas , preserve the Tower Building , honor servicemen and servicewomen of the United States and commemorate the birthplace of Douglas MacArthur . \n"} +{"id": 15, "text": " Cicely Mary Barker ( 28 June 1895 – 16 February 1973 ) was an English illustrator best known for a series of fantasy illustrations depicting fairies and flowers . Barker 's art education began in girlhood with correspondence courses and instruction at the Croydon School of Art . Her earliest professional work included greeting cards and juvenile magazine illustrations , and her first book , Flower Fairies of the Spring , was published in 1923 . Similar books were published in the following decades . \n Barker was a devout Anglican , and donated her artworks to Christian fundraisers and missionary organizations . She produced a few Christian @-@ themed books such as The Children ’ s Book of Hymns and , in collaboration with her sister Dorothy , He Leadeth Me . She designed a stained glass window for St. Edmund 's Church , Pitlake , and her painting of the Christ Child , The Darling of the World Has Come , was purchased by Queen Mary . \n Barker was equally proficient in watercolour , pen and ink , oils , and pastels . Kate Greenaway and the Pre @-@ Raphaelites were the principal influences on her work . She claimed to paint instinctively and rejected artistic theories . Barker died in 1973 . Though she published Flower Fairy books with spring , summer , and autumn themes , it wasn 't until 1985 that a winter collection was assembled from her remaining work and published posthumously . \n"} +{"id": 16, "text": " Barker was born the second daughter and youngest child of Walter Barker , a partner in a seed supply company and an amateur artist , and his wife Mary Eleanor ( Oswald ) Barker on 28 June 1895 at home at 66 Waddon Road in Croydon , Surrey , England . Barker was an epileptic as a child , and cared for at home by her parents . Later , her sister and elder by two years , Dorothy Oswald Barker , continued the care . \n The family of four was moderately well off , and belonged to the lower end of the upper middle class . A nanny , a governess , and a cook to prepare special meals for Barker were hired . She spent much time in bed at home amusing herself with painting books and a nursery library that included the works of Kate Greenaway and Randolph Caldecott – two artists who exerted strong influences on her later art . \n"} +{"id": 17, "text": " Barker took correspondence courses in art , probably until about 1919 . In 1908 at 13 years , she entered an evening class at the Croydon School of Art , and attended the school into the 1940s . In time , she received a teaching position . \n In 1911 , Raphael Tuck & Sons bought four of Barker 's \" little drawings \" for half a sovereign , and published them as postcards . In October 1911 , she won second prize in the Croydon Art Society 's poster competition , and shortly afterward was elected the youngest member of the Society . The art critic for the Croydon Advertiser remarked , \" Her drawings show a remarkable freedom of spirit . She has distinct promise . \" \n Following her father ’ s death in June 1912 , the seventeen @-@ year @-@ old Barker submitted art and poetry to My Magazine , Child ’ s Own , Leading Strings , and Raphael Tuck annuals in an effort to support both her mother and sister . Her sister Dorothy taught kindergarten in two private schools before opening a kindergarten at home . She brought in some money for the family 's support while supervising the household . \n"} +{"id": 18, "text": " Fairies became a popular theme in art and literature in the early 20th century following the releases of The Coming of the Fairies by Sir Arthur Conan Doyle , Peter Pan by J.M. Barrie , and the fairy @-@ themed work of Australian Ida Outhwaite . Queen Mary made such themes even more popular by sending Outhwaite postcards to friends during the 1920s . In 1918 , Barker produced a postcard series depicting elves and fairies . \n In 1923 , Barker sent her flower fairy paintings to various publishers . Blackie paid £ 25 for 24 paintings with accompanying verses , but it wasn 't until publication of Flower Fairies of the Summer in 1925 that Barker received royalties for her work . Mary Violet Clayton Calthrop , wife of author Dion Clayton Calthrop , wrote in April 1925 about Barker and Flower Fairies of the Spring : \" She has such exquisite taste , besides draughtsmanship . \" \n"} +{"id": 19, "text": " In 1924 , the family moved into a four @-@ level , semi @-@ detached Victorian house at 23 The Waldrons . Barker had a studio built in the garden and her sister conducted a kindergarten in a room at the back of the house . The family lived frugally and attended both St. Edmund 's and St. Andrew 's in Croydon – \" low \" churches for the less privileged . Barker sometimes incorporated portraits of her fellow parishioners in her religious works . She was described by Canon Ingram Hill as \" one of the pillars \" of St. Andrew 's . \n The children in the kindergarten modelled for the Flower Fairies until the kindergarten closed in 1940 . In an interview in 1958 , Barker said , \" My sister ran a kindergarten and I used to borrow her students for models . For many years I had an atmosphere of children about me – I never forgot it . \" She also painted the children of relatives as well as Gladys Tidy , the Barkers ' young housekeeper , who posed for the Primrose Fairy in 1923 . The plants were painted from life , and if a specimen was not readily at hand , Kew Gardens staff would provide her the specimens needed . Barker designed and built the Flower Fairy costumes , and based each on the flowers and leaves of the particular plant to be illustrated . The costumes were kept in a trunk in her studio along with wings made of twigs and gauze . Each was broken down after an illustration was completed and the parts recycled for other costumes . She often referred to Dion Clayton Calthrop 's English Costume . \n"} +{"id": 20, "text": " In the late 1920s , Barker began to doubt she was doing enough for the church and considered focusing solely on sacred works . Family and friends recommended she continue secular and sacred works , which she did . \n Barker continued to attend evening classes at the Croydon Art School between the 1920s and the 1940s , eventually receiving a teaching position . She took sketching trips to Amberley and Storrington in Sussex and to Cornwall and the southern coast with family and friends . She visited and stayed with artist Margaret Tarrant in Gomshall , Surrey and with family in , Near Whitby , North Yorkshire . \n In 1940 , the Barker 's live @-@ in maid retired , and Dorothy Barker closed her school at the back of the house in The Waldrons . She continued to supervise the household , and to give both her mother and sister the care they needed . Dorothy and her sister collaborated upon only two books : Our Darling 's First Book and the Christian @-@ themed , He Leadeth Me . In 1954 Dorothy Barker died of a heart attack . Barker was unable to pursue her art to any significant extent following her sister 's death , as all the care of her aged mother devolved upon her , but she did manage to begin planning a stained glass window design in her sister 's memory for St. Edmund 's , Pitlake . \n"} +{"id": 21, "text": " Barker 's mother died in 1960 , and , in 1961 , Barker moved from 23 The Waldrons to 6 Avenue in Croydon . She restored a maisonette in Storrington , Sussex , England , bequeathed by her friend Edith Major , and named it St. Andrew 's . After taking up residence , her health began to deteriorate . She was in and out of nursing and convalescent homes , and tended by relatives and friends . \n Barker died at Worthing Hospital on 16 February 1973 , aged 77 years . Two funeral services were held – one in Storrington Church and one in Barker 's maisonette . Her ashes were scattered in Storrington churchyard . In 1989 , Frederick Warne , a division of Penguin Books since 1983 , acquired the Flower Fairies properties . \n"} +{"id": 22, "text": " Barker worked principally in watercolor with pen @-@ and @-@ ink , but she was equally competent in black @-@ and @-@ white , in oils , and in pastels . She carried a sketchbook with her for capturing interesting children . She once indicated , \" I have always tried to paint instinctively in a way that comes naturally to me , without any real thought or attention to artistic theories . \" \n Kate Greenaway was a childhood favorite and an influence on her art . Barker 's child subjects wear nostalgic clothing as Greenaway 's children do , though Barker 's children are less melancholy and less flat in appearance , due perhaps to advances in printing technology . Barker studied flowers with an analytical eye and was friend to children 's illustrator , Margaret Tarrant . Along with Greenaway , illustrator Alice B. Woodward also influenced Barker 's work . \n The Pre @-@ Raphaelites were a strong , lifelong influence on Barker . She once indicated , \" I am to some extent influenced by them — not in any technical sense , but in the choice of subject matter and the feeling and atmosphere they could achieve . \" She admitted a fondness for the early paintings of John Everett Millais and \" the wonderful things \" of Edward Burne @-@ Jones . \n"} +{"id": 23, "text": " Barker 's sketches , drawings , and paintings of children were given to friends or to the parents of the subjects , donated to charitable institutions and church sponsored events , or exhibited through various art organizations . She illustrated magazine covers , dust jackets , and produced series of postcards for Raphael Tuck and other publishers such as Picturesque Children of the Allies ( 1915 ) , Seaside Holidays ( 1918 ) , and Shakespeare 's Boy and Girl Characters ( 1917 , 1920 ) . Her own Old Rhymes for All Times ( 1928 ) and The Lord of the Rushie River ( 1938 ) , a tale about a girl who lives among swans on a riverbank , were critically well received . Set about 1800 , Groundsel and Necklaces ( 1943 ) tells of a girl named Jenny who rescues her family from poverty through the agency of the fairies . The story features an old Scrooge @-@ like man called Mr. and tonally suggests a Dickensian social consciousness . Simon the Swan , intended as a sequel to Rushie River was outlined in 1943 with Groundsel , but only developed in 1953 . It was published posthumously in 1988 and is critically considered less successful than Groundsel . \n"} +{"id": 24, "text": " Barker was a devout Christian , and produced religious @-@ themed works throughout her life . She published eight postcards and five guardian angel birthday cards for the Society for Promoting Christian Knowledge in 1916 and in 1923 respectively . Christmas cards were designed for The Girls ' Friendly Society over a 20 @-@ year period , and the first three designs sold out a combined printing of 46 @,@ 500 in 1923 . An original design for the society called The Darling of the World Has Come was purchased by Queen Mary for ₤ 5 @.@ 5 @.@ 0 in 1926 . The Croydon Art Society hung Barker 's booklet cover design for the Society for the Propagation of the Gospel in its November 1919 exhibition . \n Religious @-@ themed books include The Children 's Book of Hymns ( 1929 ) and He Leadeth Me ( 1933 ) , the latter written in collaboration with her sister . Major religious works include the triptychs in oil , The Feeding of the Five Thousand ( 1929 ) , for the chapel in Llandaff House , a home for destitute women at Penarth , Wales , and The Parable of the Great Supper ( 1934 ) for St. George 's Chapel , Waddon . The Feeding has since disappeared , and only a black @-@ and @-@ white photograph dated 1929 reproduces the work . In 1941 , she completed oil panels on the subject of the seven sacraments for the baptismal font at St. Andrew 's , South Croydon . She designed baptismal rolls for the wall behind the font in 1948 and 1962 . In 1946 , she completed the 4 x 7 ft. oil painting , Out of Great Tribulation , for the Memorial Chapel of Norbury Methodist Church . Following the death of her sister in 1954 , Barker began designs for a stained glass memorial window depicting Christ preparing to wash the feet of his disciples . Her last religious @-@ themed work , it was installed in St. Edmund 's , Pitlake , in 1962 . \n"} +{"id": 25, "text": " Picturesque Children of the Allies ; J. Salmon , 1916 \n National Mission ; Society for the Preservation of Christian Knowledge , 1916 \n Shakespeare 's Boy Characters ; C. W. Faulkner , 1917 \n Shakespeare 's Girl Characters ; C. W. Faulkner , 1920 \n Seaside Holiday ; J. Salmon , 1918 , 1921 \n Elves and Fairies ; S. Harvey , 1918 \n Guardian Angel ; Society for the Preservation of Christian Knowledge , 1923 \n Christmas cards ; Girls ' Friendly Society , 1920s , 1930s \n Christmas cards ( US ) ; Barton @-@ Colton , 1920s , 1930s \n Beautiful Bible Pictures ; Blackie , 1932 \n"} +{"id": 26, "text": " Flower Fairies of the Spring ; Blackie , 1923 \n Spring Songs with Music ; Blackie , 1923 \n Flower Fairies of the Summer ; Blackie , 1925 \n Child Thoughts in Picture and Verse ( by M. K. Westcott ) ; Blackie , 1925 \n Flower Fairies of the Autumn ; Blackie , 1926 \n Summer Songs with Music ; Blackie , 1926 \n The Book of the Flower Fairies ; Blackie , 1927 \n Autumn Songs with Music ; Blackie , 1927 \n Old Rhymes for All Times ; Blackie , 1928 \n The Children ’ s Book of Hymns ; Blackie , 1929 ; rep . 1933 \n Our Darling ’ s First Book ( written in collaboration with Dorothy Barker ) ; Blackie , 1929 \n The Little Picture Hymn Book ; Blackie , 1933 \n Rhymes New and Old ; Blackie , 1933 \n A Flower Fairy Alphabet ; Blackie , 1934 \n A Little Book of Old Rhymes ; Blackie , 1936 \n He Leadeth Me ( written in collaboration with Dorothy Barker ) ; Blackie , 1936 \n A Little Book of Rhymes New and Old ; Blackie , 1937 \n The Lord of the Rushie River ; Blackie , 1938 \n Flower Fairies of the Trees ; Blackie , 1940 \n When Spring Came In at the Window ; Blackie , 1942 \n A Child ’ s Garden of Verses ( Robert Louis Stevenson ) ; Blackie , 1944 \n Flower Fairies of the Garden ; Blackie , 1944 \n Groundsel and Necklaces ; Blackie , 1946 ; reprinted as Fairy Necklaces \n Flower Fairies of the Wayside ; Blackie , 1948 \n Flower Fairies of the Flowers and Trees ; Blackie , 1950 \n Lively Stories ; Macmillan , 1954 \n The Flower Fairy Picture Book ; Blackie , 1955 \n Lively Numbers ; Macmillan , 1957 \n Lively Words ; Macmillan , 1961 . \n The Sand , the Sea and the Sun ; Gibson , 1970 \n"} +{"id": 27, "text": " Flower Fairies of the Winter ; Blackie , 1985 \n Simon the Swan ; Blackie , 1988 \n Flower Fairies of the Seasons ; / Blackie , 1988 \n A Little Book of Prayers and Hymns ; Frederick Warne , 1994 \n A Flower Fairies Treasury ; Frederick Warne , 1997 \n ; Frederick Warne , 2005 \n Wild Cherry Makes A Wish ; ( collaboration with Pippa Le Quesne ) Frederick Warne , 2006 \n How to find Flower Fairies ; Frederick Warne , 2007 \n Return to ; Frederick Warne , 2008 \n"} +{"id": 28, "text": " A New Epiphany ; Society for the Preservation of Christian Knowledge , 1919 \n 43 Annuals ; Blackie , 1920s , 1930s \n"} +{"id": 29, "text": " St. Cecily 's Garden ; 1920 \n Cradle roll design ; St. Edmund 's , Pitlake , 1922 \n Banner design ; St. Mary 's , , 1923 \n The Feeding of the Five Thousand ; reredos triptych , chapel at Penarth , Wales ; 1929 \n The Parable of the Great Supper ; triptych , St. George 's chapel , Waddon \n The Seven Sacraments ; baptismal font panels , St. Andrew 's , Croydon \n St. John the Baptist ; central banner panel , church , 1943 \n Lettering , sword , and shield ; mount for a list of men and woman serving in the Forces , St. Andrews , Croydon , 1943 \n rolls ; St. Andrews , Croydon , 1948 , 1962 \n The font in St Andrew 's Church , South Croydon \n Out of Great Tribulation ; memorial chapel , Norbury church , 1948 \n I Am Among You As He That ; stained glass window design , St. Edmund 's , Pitlake , 1962 \n"} +{"id": 30, "text": " The Gambia women 's national football team represents the Gambia in international football competition . The team , however , has not competed in a match recognised by FIFA , the sport 's international governing body , despite that organised women 's football has been played in the country since 1998 . The Gambia has two youth teams , an under @-@ 17 side that has competed in FIFA U @-@ 17 Women 's World Cup qualifiers , and an under @-@ 19 side that withdrew from regional qualifiers for an under @-@ 19 World Cup . The development of a national team faces challenges similar to those across Africa , although the national football association has four staff members focusing on women 's football . \n"} +{"id": 31, "text": " In 1985 , few countries had women 's national football teams . While the sport gained popularity worldwide in later decades , the Gambia 's national team only played its first game in 2007 . That game was not FIFA @-@ recognised . As of March 2012 , the team was unranked by FIFA , and as of the following month the Gambia had not played in a FIFA @-@ sanctioned match . The team has not participated in major regional and international tournaments , including the Women 's World Cup , the 2010 African Women 's Championship or the 2011 All @-@ Africa Games . \n The country did not have a FIFA @-@ recognised youth national team until 2012 , when the Gambia under @-@ 17 women 's team competed in Confederation of African Football qualifiers for the FIFA U @-@ 17 World Cup , to be held in Azerbaijan in September 2012 . The Gambia had fielded an under @-@ 17 team of 24 players , narrowed from an initial pool of 49 young women . Two girls from the SOS Children ’ s Village were chosen as a members of the team . The Gambia first played Sierra Leone in a pair of qualifying matches for the tournament . Gambia won the first match 3 @-@ 0 in Banjul , the Gambia 's capital . The return match was delayed in for 24 hours and played in Makeni . The Gambia beat Sierra Leone 4 @-@ 3 to qualify for the final round . The Gambia then beat Tunisia 1 @-@ 0 at home and won 2 @-@ 1 in Tunisia . Adama Tamba and Awa Demba scored the Gambia 's goals . Tunisia 's only goal was a Gambian own goal . The win qualified Gambia for the 2012 Azerbaijan World Cup . \n The Gambia also has an under @-@ 19 team that was to play in the African Women 's U @-@ 19 Championship in 2002 . The Gambia 's first match was against Morocco , but the team withdrew from the competition . \n"} +{"id": 32, "text": " The development of women 's football in Africa faces several challenges , including limited access to education , poverty amongst women , inequalities and human rights abuses targeting women . Funding is another issue impacting the game in Africa , where most financial assistance comes from FIFA and not national football associations . Another challenge is the retention of football players . Many women footballers leave the continent to seek greater opportunity in Europe or the United States . \n Gambia 's national football association was founded in 1952 , and became affiliated with FIFA in 1968 . Football is the most popular women 's sport in the country , and was first played in an organized system in 1998 . A national competition was launched in 2007 , the same year FIFA started an education course on football for women . Competition was active on both the national and scholastic levels by 2009 . There are four staffers dedicated to women 's football in the Gambia Football Association , and representation of women on the board is required by the association 's charter . \n"} +{"id": 33, "text": " The plain maskray or brown stingray ( Neotrygon annotata ) is a species of stingray in the family Dasyatidae . It is found in shallow , soft @-@ bottomed habitats off northern Australia . Reaching 24 cm ( 9 @.@ 4 in ) in width , this species has a diamond @-@ shaped , grayish green pectoral fin disc . Its short , whip @-@ like tail has alternating black and white bands and fin folds above and below . There are short rows of thorns on the back and the base of the tail , but otherwise the skin is smooth . While this species possesses the dark mask @-@ like pattern across its eyes common to its genus , it is not ornately patterned like other maskrays . \n Benthic in nature , the plain maskray feeds mainly on caridean shrimp and polychaete worms , and to a lesser extent on small bony fishes . It is viviparous , with females producing litters of one or two young that are nourished during gestation via histotroph ( \" uterine milk \" ) . This species lacks economic value but is caught incidentally in bottom trawls , which it is thought to be less able to withstand than other maskrays due to its gracile build . As it also has a limited distribution and low fecundity , the International Union for Conservation of Nature ( IUCN ) has listed it as Near Threatened . \n"} +{"id": 34, "text": " The first scientific description of the plain maskray was authored by Commonwealth Scientific and Industrial Research Organisation ( CSIRO ) researcher Peter Last in a 1987 issue of Memoirs of the National Museum of Victoria . The specific name comes from the Latin an ( \" not \" ) and ( \" marked \" ) , and refers to the ray 's coloration . The holotype is a male 21 @.@ 2 cm ( 8 @.@ 3 in ) across , caught off Western Australia ; several paratypes were also designated . Last tentatively placed the species in the genus Dasyatis , noting that it belonged to the \" maskray \" species group that also included the bluespotted stingray ( then Dasyatis kuhlii ) . In 2008 , Last and William White elevated the kuhlii group to the rank of full genus as Neotrygon , on the basis of morphological and molecular phylogenetic evidence . \n In a 2012 phylogenetic analysis based on mitochondrial and nuclear DNA , the plain maskray and the Ningaloo maskray ( N. ) were found to be the most basal members of Neotrygon . The divergence of the N. annotata lineage was estimated to have occurred ~ 54 Ma . Furthermore , the individuals sequenced in the study sorted into two genetically distinct clades , suggesting that N. annotata is a cryptic species complex . The two putative species were estimated to have diverged ~ 4 @.@ 9 Ma ; the precipitating event was likely the splitting of the ancestral population by coastline changes . \n"} +{"id": 35, "text": " The pectoral fin disc of the plain maskray is thin and diamond @-@ shaped with narrowly rounded outer corners , measuring 1 @.@ 1 – 1 @.@ 3 times longer than wide . The leading margins of the disc are gently concave and converge at a broad angle to the pointed tip of the snout . The small eyes are placed close together , and behind them are the spiracles . The nostrils are elongated and have a skirt @-@ shaped flap of skin between them . The small mouth bears prominent furrows at the corners and contains two slender papillae on the floor . Small papillae are also found around the outside of the mouth . There are five pairs of gill slits . The pelvic fins are fairly large and pointed . \n The tail is short , barely exceeding the length of the disc when intact , and has a broad and flattened base leading to usually two stinging spines . After the stings , the tail becomes slender and bears a long ventral fin fold and a much shorter , lower dorsal fin fold . Most of the body lacks dermal denticles ; a midline row of 4 – 13 small , closely spaced thorns is present behind the spiracles , and another row of 0 – 4 thorns before the stings . The dorsal coloration is grayish green , becoming pinkish towards the disc margins ; there is a dark mask @-@ like shape around the eyes and a pair of small dark blotches behind the spiracles . The tail behind the stings has alternating black and white bands of variable width , ending with black at the tip . The underside is plain white and the ventral fin fold is light grayish in color . This species grows to 24 cm ( 9 @.@ 4 in ) across and 45 cm ( 18 in ) long . \n"} +{"id": 36, "text": " The plain maskray inhabits the continental shelf of northern Australia from the Wellesley Islands in Queensland to the Bonaparte Archipelago in Western Australia , including the Gulf of Carpentaria and the Timor and Arafura Seas . There are unsubstantiated reports that its range extends to southern Papua New Guinea . It is the least common of the several maskray species native to the region . This species is a bottom @-@ dweller that prefers habitats with fine sediment . It has been recorded from between 12 and 62 m ( 39 and 203 ft ) deep , and tends to be found farther away from shore than other maskrays in its range . \n"} +{"id": 37, "text": " The plain maskray generally hunts at the surface of the bottom substrate , rather than digging for prey . Its diet consists predominantly of caridean shrimp and polychaete worms . Small bony fishes are also eaten , along with the occasional penaeid prawn or amphipod . Larger rays consume a greater variety of prey and relatively more polychaete worms when compared to smaller rays . This species is parasitized by the tapeworm Acanthobothrium . \n Like other stingrays , the plain maskray is viviparous with the developing embryos sustained to term by histotroph ( \" uterine milk \" ) produced by the mother . Mature females have a single functional ovary and uterus , on the left . Litter size is one or two ; the newborns measure 12 – 14 cm ( 4 @.@ 7 – 5 @.@ 5 in ) across . Males and females reach sexual maturity at disc widths of 20 – 21 cm ( 7 @.@ 9 – 8 @.@ 3 in ) and 18 – 19 cm ( 7 @.@ 1 – 7 @.@ 5 in ) respectively . The maximum lifespan is estimated to be 9 years for males and 13 years for females . \n"} +{"id": 38, "text": " The main conservation threat to the plain maskray is incidental capture by commercial bottom trawl fisheries . In the present day , this is mostly caused by Australia 's Northern Prawn Fishery , which operates throughout its range . Although this species is discarded when caught , it is more delicate @-@ bodied than other maskrays and is thus unlikely to survive encounters with trawling gear . Historically , this species may also have been negatively affected by Japanese , Chinese , and Taiwanese trawlers that fished intensively off northern Australia from 1959 to 1990 . These factors , coupled with the plain maskray 's limited distribution and low reproductive rate , have resulted in its being assessed as Near Threatened by the International Union for Conservation of Nature ( IUCN ) . \n"} +{"id": 39, "text": " The 2011 – 12 Columbus Blue Jackets season was the team 's 12th season in the National Hockey League ( NHL ) . The Blue Jackets ' record of 29 – 46 – 7 [ note 1 ] was the worst record in the NHL for 2011 – 12 and the first time in franchise history they finished in last place . It also marked the third straight year that they missed the playoffs . Consequently , they had the best chance to receive the first overall selection in the 2012 NHL Entry Draft lottery , but lost out to the Edmonton Oilers and received the second pick instead . \n The Blue Jackets began the year with the worst start in franchise history and the worst by any team in an NHL season in 19 years . After an 11 – 25 – 5 start , Head Coach Scott Arniel was fired and replaced by Assistant Coach Todd Richards . The poor season prompted several personnel changes including the trade of All @-@ Star forward Jeff Carter , who was acquired with much fanfare during the off @-@ season . With the prospect of another rebuild looming the Blue Jackets ' captain and best player , Rick Nash , requested to be traded , though he would remain with the team for the entire season . \n The team was involved in a controversial loss to the Los Angeles Kings , when the Staples Center clock appeared to freeze at 1 @.@ 8 seconds allowing the Kings time to score the tying goal , before winning in overtime . During the season Columbus managed only two winning streaks of three or more games . One of which came towards the end of the year helping the Blue Jackets finish with 65 points , the third worst point total in franchise history . \n"} +{"id": 40, "text": " In the off @-@ season the Blue Jackets ' approach to building their team changed , moving from a team of young developing players into one with established players . The first deal General Manager Scott Howson made was the acquisition of All @-@ Star forward Jeff Carter on June 23 , 2011 . The deal sent Jakub , Columbus ' first @-@ round draft choice , the eighth overall , and their third @-@ round pick in the 2011 Draft to the Philadelphia Flyers in exchange for Carter . The trade received a positive response in Columbus from fans and management who felt they finally had a number one center to play alongside of their best player , Rick Nash . Next , they traded for the negotiating rights of soon to be free agent James Wisniewski . Wisniewski scored a career high 51 points during the 2010 – 11 season , splitting time between the New York Islanders and Montreal Canadiens . The point total was fifth @-@ highest in the league for defenseman scoring , tying Tobias . The Blue Jackets came to terms with Wisniewski , just an hour prior to the start of free agency , signing him to a six @-@ year , $ 33 million deal . \n Columbus also traded former first round draft pick Nikita Filatov to the Ottawa Senators for a third @-@ round pick in the 2011 Draft . Filatov had failed to live up to expectations in Columbus , playing in only 44 games over three seasons scoring six goals . Prior to the start of the season , the Blue Jackets were questioned for not signing a veteran back @-@ up to starting goaltender Steve Mason , as the former Calder Memorial Trophy winner had struggled in consecutive seasons . The Blue Jackets signed Mark as the back @-@ up who had only 50 minutes of NHL experience prior to the start of the season . Columbus did sign a veteran Curtis Sanford to be their third string goaltender and to start for their American Hockey League ( AHL ) affiliate , the Springfield Falcons . Sanford had not played in the NHL since 2009 . During training camp , suffered a high ankle sprain that was expected to keep him out of the line @-@ up for a month . Additionally , Sanford suffered a groin injury , leaving Allen York as the back @-@ up . York had only played four professional games , all in the AHL , entering the season . \n"} +{"id": 41, "text": " After the first five games , all losses , Jeff Carter suffered a broken foot that kept him out of the line @-@ up for 10 games . While Carter was injured , the Blue Jackets continued to lose games . In the eighth game of the year , they had a chance to end the losing streak against the Ottawa Senators . Columbus held a 3 – 2 lead with under a minute to play . Jason Spezza tied the game on a late power play , and with just 4 @.@ 7 seconds remaining , Milan Michalek notched the winning goal for the Senators . The loss helped set a franchise record for futility with a 0 – 7 – 1 record to start a season . [ note 1 ] The losing streak came to an end three days later with a win over the Detroit Red Wings . During the game , several milestones were reached . James Wisniewski made his Columbus debut , Ryan Johansen and John Moore scored their first career NHL goals and Grant had a career @-@ high three assists . Columbus was unable to create any momentum from the win , however , and continued to struggle , culminating in a 2 – 12 – 1 record , which was the worst start to an NHL season for any team in 19 years . With the team struggling , management attempted to \" shake things up \" by making some roster moves . The first move was the acquisition of center Mark from the Pittsburgh Penguins . Next , they traded defenseman Kris Russell to the St. Louis Blues for Nikita Nikitin . As the clubs slow start continued , there were rumors that Head Coach Scott Arniel would be fired and replaced with Ken Hitchcock . Hitchcock had previously coached the Blue Jackets to their only playoff appearance in club history and was still under contract with the franchise through to the end of the season . Before any of these rumors came to fruition , the St. Louis Blues asked Columbus for permission to hire Hitchcock , which the Blue Jackets allowed . Hitchcock began his Blues coaching career with a 6 – 1 – 2 record in his first nine games , while Columbus amassed a 6 – 13 – 3 record to start the season . \n During the same time frame as the Hitchcock rumors , goaltender Curtis Sanford returned from his groin injury on November 13 . He made his first start of the season against the Boston Bruins , losing 2 – 1 in a shootout . Sanford continued his strong play , posting a 3 – 1 – 2 record , 1 @.@ 38 goals against average and save percentage over his next six games . Sanford started 12 consecutive games before Steve Mason made his next start . The number of starts might not have been as numerous , but prior to the November 23 game , Mason was hit in the head by a shot from Rick Nash during pre @-@ game warm @-@ ups and suffered a concussion . Mason returned from his concussion after two games , making a start against the Vancouver Canucks . Mason allowed only one goal in the game despite suffering from cramping in the third period , temporarily being replaced by Sanford for just over three minutes . Columbus won the game 2 – 1 in a shootout , breaking a nine @-@ game losing streak to the Canucks . After the game , Arniel stated that Sanford was still seen as the team 's number one goaltender . However , Mason started four of the next six games with the Blue Jackets going 0 – 5 – 1 during that stretch . \n"} +{"id": 42, "text": " With the losing continuing , more rumors began to surface . Unlike before , the rumors were about player moves rather than coaching changes . The majority of rumors were that the Blue Jackets would trade Rick Nash . While Howson stated that he had never brought up trading Nash in discussions , other teams had inquired about his availability . Nash stated that if Columbus felt it would make the franchise better than he would be willing to waive his no @-@ trade clause . Howson publicly stated that he had no intention of trading Nash . More rumors came to light when reports attributed to Réseau des sports stated that Carter was unhappy in Columbus and demanded a trade . Howson , Carter and his agent all denied that a trade request was ever made , and they were unsure where the reports were coming from . With the trade deadline approaching , speculation picked up on the Blue Jackets trading Carter . Reports were that Columbus was trying to trade Carter and that he was \" 100 percent available . \" \n At the halfway point of the season , with the Blue Jackets barely into double digit wins with an 11 – 25 – 5 record , worst in the league , and sitting 20 points out of playoff position , Columbus fired Arniel . He was replaced by Assistant Coach Todd Richards on an interim basis . Richards had previously coached the Minnesota Wild . He recorded his first coaching victory for the Blue Jackets in his second game , a 4 – 3 win over the Phoenix Coyotes . The change in coaching did not change the fortunes of the team , as they reached the All @-@ Star break with a 13 – 30 – 6 record . At the break , Blue Jackets ' owner John P. McConnell sent out a letter to fans stating his understanding of their frustration . He added that action would be taken around the trade deadline , the Entry Draft and free agency to take the team in a new direction . When speaking of the season , McConnell stated \" disappointing is not a strong enough word \" and that he was committed to giving fans a team of which they can be proud of . He also thanked them for their dedication and passion , while reiterating that the team goal was to \" win consistently and compete for the Stanley Cup . \" Days later , a 250 @-@ person protest occurred outside of Nationwide Arena . Fans were upset with the Blue Jackets ' management and were calling for changes at the top . The same day the fans protested , it was announced that the franchise would host the 2013 All @-@ Star Game . Columbus was without a representative for the 2012 All @-@ star Game , but Ryan Johansen represented the club as a rookie participant in the Super Skills Competition . In the competition , Johansen participated in the Allstate Insurance NHL Breakaway Challenge , a shootout themed event judged by the fans . He received just 1 % of the vote and finished last . \n Following the break , the Blue Jackets were on the road playing the Los Angeles Kings , and with the score tied late in the game , Kings ' defenseman Drew Doughty scored with just 0 @.@ 4 seconds remaining to win the game . Upon review of the goal it , was determined that the clock at Staples Center froze at 1 @.@ 8 seconds for over a full second , which would have resulted in time expiring prior to the goal being scored . Kings ' General Manager Dean Lombardi stated that the clock was correct and no extra time had been added due to the way the clock self @-@ corrects at various times . Howson stated on the team 's blog that \" It is an amazing coincidence that with the Kings on a power play at Staples Center and with a mad scramble around our net in the dying seconds of the third period of a 2 – 2 hockey game that the clock stopped for at least one full second , \" adding that , \" Either there was a deliberate stopping of the clock or the clock malfunctioned . \" NHL Senior Vice President of Hockey Operations Colin Campbell stated that the Blue Jackets were wronged , but that the outcome of the game could not be changed , and that the delay was not noticed by the off @-@ ice officials or the situation room in Toronto . To determine the true cause of the clock pause , the NHL launched an investigation , talking with the clock 's manufacturer and interviewing Staples Center staff . \n Two weeks prior to the NHL trade deadline , Columbus announced that unlike earlier in the season , they would listen to trade proposals involving Rick Nash , though they were not actively shopping him . Howson stated that the team was open to all options for improving the team , including trading Nash . Speculation was that in return for Nash the Blue Jackets would ask for a \" combination of young , proven players , high @-@ end prospects and draft picks . \" Leading up to the trade deadline , the Blue Jackets dealt Antoine to the Phoenix Coyotes for two draft picks and goaltender Curtis McElhinney . Despite being injured at the time , the acquisition of McElhinney was believed to give Columbus the flexibility to trade Curtis Sanford . The following day , on February 23 , Columbus traded Jeff Carter to the Kings . In the deal , Columbus acquired defenseman Jack Johnson and a first @-@ round draft pick ; the team was given the choice of taking the pick in either 2012 or 2013 . At the deadline , Columbus was unable to come to terms on a deal involving Nash , but they did make one more move ; they sent center Samuel Pahlsson to the Vancouver Canucks in exchange for two fourth @-@ round draft picks and minor league defenseman Taylor Ellington . Following the trade deadline , Howson announced that the team had attempted to trade Nash at the player 's request . Nash stated that he had requested the trade after being informed that the franchise was going into another rebuilding phase . He further noted that he felt that he \" could be a huge part of that towards bringing assets in , \" and in his view \" it was the best thing for the team , the organization , and personally for [ his ] career . \" After the personnel changes , the Blue Jackets closed out the month with a three @-@ game losing streak . \n"} +{"id": 43, "text": " Columbus started March with a 2 – 0 shutout against the Colorado Avalanche . They proceeded to win their next game against the Phoenix Coyotes 5 – 2 , which marked the first time that the Blue Jackets posted back @-@ to @-@ back regulation victories during the season . Columbus again defeated the Coyotes three days later to earn their first three @-@ game win streak of the season . They extended the streak to four with a win over the Los Angeles Kings before it came to an end with a 4 – 1 loss to the St. Louis Blues . It was the only four @-@ game win streak of the season for the Blue Jackets . They immediately matched their four @-@ game win streak with a four @-@ game losing streak and with ten games remaining , the Blue Jackets were the first team eliminated from playoff contention . Shortly after being eliminated , they were defeated by the Edmonton Oilers 6 – 3 ; the loss clinched last place in the NHL for Columbus . It was the first time in franchise history the Blue Jackets finished in 30th place . \n Three days later , on March 28 , goaltender Steve Mason was injured in the morning skate when a shot from Colton Gillies hit him in the mask . With Sanford again injured , York made an emergency start . Playing against the Detroit Red Wings , York made 29 saves , including 17 in the third period , helping Columbus to a 4 – 2 victory and giving York his first career NHL win . York remained the starter and led the Blue Jackets to a second three @-@ game winning streak . In his fourth start , Columbus was shutout by the Coyotes despite a franchise @-@ record 54 shots on goal , losing 2 – 0 . The 54 saves by Phoenix goaltender Mike Smith set an NHL record for a regulation shutout . Mason returned to the starter 's role for the final two games , winning both . The two victories gave Columbus 65 points for the year , their third @-@ lowest total in franchise history . \n The Blue Jackets struggled in shorthanded situations , allowing the most power @-@ play goals in the League , with 64 , and having the lowest penalty @-@ kill percentage , at 76 @.@ 64 % \n"} +{"id": 44, "text": " Finishing with the worst record in the NHL , Columbus had the best chance of receiving the first overall pick in the 2012 draft . With the NHL 's weighted draft lottery the Blue Jackets had a 48 @.@ 2 % chance of drafting first overall . However , the lottery was won by the Edmonton Oilers , who proceeded to leapfrog Columbus and secure the number one draft pick for a third consecutive year . It was the fifth time that the Blue Jackets were dropped one draft position in the franchise 's 12 lottery participations . \n A month later , on May 14 , the Blue Jackets announced that Richards would remain as head coach and signed him to a two @-@ year contract . During the press conference , Howson noted , \" Our team continuously improved under Todd and he has earned the opportunity to build upon the work he started . \" Columbus posted an 18 – 21 – 2 record under Richards , including winning seven of their final 11 games . \n"} +{"id": 45, "text": " Since being founded as an expansion team , the Blue Jackets have played in the Central Division of the Western Conference . Division rivals Chicago Blackhawks , Detroit Red Wings , Nashville Predators and St. Louis Blues , all made the playoff during the 2011 – 12 season , which helped Columbus finish 36 points behind fourth place Chicago and 44 points out of first . \n Divisions : CE – Central , NW – Northwest , PA – Pacific \n bold - qualified for playoffs , y – Won division , p – Won Presidents ' Trophy ( best record in NHL ) \n"} +{"id": 46, "text": " Green background indicates win ( 2 points ) . \n Red background indicates regulation loss ( 0 points ) . \n Silver background indicates overtime / shootout loss ( 1 point ) . \n"} +{"id": 47, "text": " In ice hockey , a combination of a player 's goals and assists are collectively called points . Penalty minutes are the total number of minutes assigned to a player for infractions assessed during the @-@ minus is a statistic that tracks when a player was on the ice while goals were scored , both for and against their team , though some in game situations will not effect the statistic . Below is a listing of all player statistics for the Blue Jackets during the season . \n"} +{"id": 48, "text": " Note : Pos \n"} +{"id": 49, "text": " Games played in ; G \n"} +{"id": 50, "text": " Assists ; Pts \n"} +{"id": 51, "text": " Penalty minutes ; + / - = Plus / minus \n"} +{"id": 52, "text": " Note : GP \n"} +{"id": 53, "text": " Time On Ice ( minutes ) ; W \n"} +{"id": 54, "text": " Losses ; OT \n"} +{"id": 55, "text": " Goals Against ; GAA = Goals Against Average ; SA = Shots Against ; SV \n"} +{"id": 56, "text": " Save Percentage ; SO = Shutouts \n † Denotes player spent time with another team before joining Blue Jackets . Stats reflect time with the Blue Jackets only . ‡ Traded mid @-@ season \n"} +{"id": 57, "text": " When Mason was injured in warm @-@ ups late in the year , Columbus was without an active goaltender on their roster . To remedy the situation , the team signed former University of Michigan goaltender Shawn Hunwick to a one @-@ day , amateur tryout contract . After being eliminated from the NCAA Tournament just days prior , Hunwick skipped an astronomy class and drove his worn down 2003 Ford Ranger to Columbus to make the game . He served as the back @-@ up to Allen York during the game , and the following day , he signed a contract for the remainder of the year . With Mason returning from injury , Hunwick was third on the team 's depth chart when an injury to York allowed Hunwick to remain as the back @-@ up for the final two games of the year . In the final game of the season , the Blue Jackets were leading the Islanders 7 – 3 with 2 : 33 remaining when , at the behest of his teammates , Head Coach Todd Richards put Hunwick in to finish the game . He did not face a shot . Hunwick was the franchise record ninth player to make his NHL debut during the season . Conversely , Vaclav played in his 1,000th NHL game during the year . \n"} +{"id": 58, "text": " During the off @-@ season the Blue Jackets parted ways with defensemen Jan Hejda , Anton Stralman , Sami and Mike Commodore . Hejda , who played four of his first five NHL seasons with the Blue Jackets , was offered a contract by Columbus , but felt that the organization undervalued him and left via free agency . Columbus had offered him a three @-@ year , $ 7 @.@ 5 million contract . He instead signed a four @-@ year , $ 13 million deal with the Colorado Avalanche . Stralman and were not given qualifying offers which made them unrestricted free agents , and both signed with other teams . Commodore had originally signed a big contract with the Blue Jackets in 2008 , but fell out of favor . He was waived , sent to the minors and eventually had his contract bought out . In order to replace the departed players , Columbus not only acquired James Wisniewski , but also signed ten @-@ year NHL veteran Radek . played only seven games with the Blue Jackets before suffering a concussion and missing the remainder of the season . Brett was brought in to replace him . \n"} +{"id": 59, "text": " The Gregorian Tower ( Italian : Torre ) or Tower of the Winds ( Italian : Torre dei Venti ) is a round tower located above the Gallery of Maps , which connects the Villa Belvedere with the Apostolic Palace in Vatican City . The tower was built between 1578 and 1580 to a design by the Bolognese architect Ottaviano Mascherino ( who was credited with building the Apostolic Palace ) mainly to promote the study of astronomy for the Gregorian Calendar Reform which was commissioned by Pope Gregory XIII and promulgated in 1582 . It was then also known as the Tower of Winds . The tower is now called the \" Astronomica Vaticana \" , the Vatican Observatory . Four stages of progressive development have occurred since it was first established . The tower was an edifice of great value for astronomical observations made using a sundial as they provided essential confirmation of the need to reform the Julian calendar . \n"} +{"id": 60, "text": " The first stage of building of the tower , as recorded by Leo XIII in his motu proprio Ut of 1891 , is credited to Pope Gregory XIII , Pope from 1572 to 1585 . The directive was to build a tower at a suitable location in the Vatican and equip it with the \" greatest and best instruments of the time \" . The design was effected after a series of meetings of the experts who had been appointed to reform the Julian calendar , in use since 45 BC , to verify their proposed reforms . Fr . Christoph Clavius , a Jesuit mathematician from the Roman College , was the expert on the committee who suggested the new system for the observations . The 73 metres ( 240 ft ) tower was then built above the museum and library , flanked by the Belvedere and della Pigna courtyards . The instrumentation for the observation of the sun rays falling over it consisted of a meridian line designed by Ignazio of Perugia . It was in the form of a circular marble plate in the centre , embellished with scientific designs . The tower still remains today , but has undergone improvements over the centuries . \n"} +{"id": 61, "text": " The second stage of construction in the 17th and 18th centuries , when the tower was under the charge of the Vatican librarian , involved Mgr . Filippo Luigi Gilii , a clergyman of St. Peter 's Basilica . Earlier in 1797 , Pius VI gave approval to placing a Latin inscription Vaticana at the entrance to the upper part of the tower , which was implemented by Cardinal with plans to enhance the instrumentation system in the tower 's observatory . The original observatory was then set up above the second level of the tower with the agreement of Pope Pius VI . Its instrumentation , apart from many normal devices ( such as meteorological and magnetic equipment , with a seismograph and a small transit and pendulum clock , ) was noted for the Telescope . The instrumentation facilitated recording of occurrences of eclipse , appearance of comets , Satellites of Jupiter and Mercury ’ s transit . As an addition , under the patronage of Pope Pius X , four rotary observatory domes were also added at strategic locations on the 1 @,@ 300 feet ( 400 m ) long fortification walls , more than a thousand years old . Mgr . Gilii , highly respected as a polyglot with a knowledge of physics , biology , archeology and the Hebrew language , was in charge of the observatory from 1800 to 1821 . He carried out continuous meteorological observations ( twice a day at 6 AM and 2 PM ) conforming to the programme of the Mannheim Meteorological Society . While the observation records for seven years were published , the balance data in a manuscript form was preserved in the Vatican Library . Subsequent to Gilii 's death in 1821 , the observatory on the tower was discontinued and the instruments were moved to the observatory at the Roman College . Established in 1787 , it was considered more suitable for making observations than the Vatican . \n"} +{"id": 62, "text": " The revival of the observatory on the Gregorian Tower was initiated by the Francesco Denza with the approval of Pope Leo XIII . High quality instruments were procured , partly with generous donations from Hicks of London , and the automatic recording instruments were procured from Richard in Paris . A four @-@ inch equatorial , a three @-@ inch transit instrument , and four pendulum clocks with two chronometers , were also procured from the observatory at Modena . In 1888 , the gift of a 16 inch long telescope to Pope Leo XIII , became a part of the observatory . Father Denza joined the observatory in 1889 after it was upgraded with more modern instruments . The same year , a second tower was built some 400 metres ( 1 @,@ 300 ft ) away from the main Gregorian Tower , overlooking the Vatican Gardens behind St. Peter 's Basilica on the south @-@ west border . It was built to a diameter of 17 metres ( 56 ft ) with a lower wall thickness of 4 @.@ 5 metres ( 15 ft ) , which could bear the load of a 13 inch photographic refractor , newly procured from Paris . Augustinian Father Rodriguez was the expert meteorologist who held the post of director from 1898 to 1905 . In 1891 , Pope Leo XIII , promulgating the motu proprio Ut , designated the second tower as the seat of the newly established Vatican Observatory , a decision which required altering the roof to provide a flat terrace for astronomical observations . \n"} +{"id": 63, "text": " The fourth stage involved remedying the problem of communicating between the two towers during the time of Pope Pius X. His plans were to make the Gregorian Tower into a historical tower and to record and carry out observations at the second tower by linking the two towers along the fortified wall with a 83 metres ( 272 ft ) iron bridge spanning the gap . At the west end of this bridge , a four @-@ inch equatorial was installed on semicircular bastion . The east end of the bridge , above the barracks of the gendarmes , had a heliograph , with a camera attached , used to photograph the Sun ( ) . A new 16 @-@ inch visual telescope , called Torre Pio X , was erected in the second tower . As a result of these modifications , the original library was moved to the Pontifical Academy Lincei , and the old meteorological and seismic instruments were shifted to the Valle di Pompei observatory . The new Astronomical Library was housed in two rooms of the building . The two new machines were used for recording on the plates . The recorded observations were published along with explanatory notes together with the last two series of the atlas of stars . Charts were printed on silver bromide paper . \n"} +{"id": 64, "text": " The tower had two floors and a mezzanine . On the first floor was the famous Sundial Room or Meridian Room , which was initially an open loggia . Pope Urban VIII had it enclosed and it was subsequently decorated with long sequences of frescoes painted between 1580 and 1582 by Simon Lagi and the two Flemish artists Paul and Matthijs . Today the tower has paintings by Cristoforo Roncalli and da Siena . \n The Sundial Room , also called the Meridian Hall , was once the residence of Queen Christina of Sweden , then newly converted to Catholicism . The room was further modified by two additions which gave it its current name : a sundial , and a delicate but sophisticated which was fixed to the ceiling of the Meridian Hall . These were created by Ignazio , the papal , in association with the Gregorian Calendar Reform . The sundial consisted of a straight line in white marble running across the floor in a north @-@ south direction , intended to measure the height of the Sun at noon according to the seasons of the year . The observations made with the sundial provided essential confirmation of the need to reform the Julian calendar . The , in contrast , was a complex mechanism attached to the ceiling which was used to measure the strength and direction of the wind but soon stopped functioning . The instrument may have led to the other name of the tower , Tower of the Winds ; however , an ancient observatory at Athens was also called the Tower of the Winds and might have been the source for inspiration . \n The interior walls and ceiling of the hall were richly decorated , in some cases with gaudy frescoes of the hills and Roman countryside , the , religious themes , the buildings surrounding the area , and naval shipwrecks with Jesus calming the storm and so forth . \n"} +{"id": 65, "text": " \" There 's Got to Be a Way \" is a song by American singer and songwriter Mariah Carey from her self @-@ titled debut studio album ( 1990 ) . Columbia released it as the fifth and final single from the album in the United Kingdom . It was one of four songs Carey wrote with Ric Wake during their first recording session together , but \" There 's Got to Be a Way \" was the only composition to make the final track listing . It is a socio @-@ political conscious R & B @-@ pop song which addresses the existence of poverty , racism and war in the world which gradually becomes more aspirational and positive as it progresses . The track garnered a mixed reception upon the album 's release in 1990 . While Carey 's vocals were praised , it was seen as too political . An accompanying music video highlights social injustices . The song reached number 54 on the UK Singles Chart . \n"} +{"id": 66, "text": " \" There 's Got to Be a Way \" was written by Mariah Carey and Ric Wake for Carey 's self @-@ titled debut studio album ( 1990 ) . It was written during Carey and Wake 's first recording session together . They composed four songs , but only \" There 's Got to Be a Way \" was chosen for the final track listing . Co @-@ produced by Wake and Narada Michael Walden , it appears as the second of ten songs on the track listing . The track was recorded and engineered by Bob at Cove City Sound Studios and The Power Station , both located in New York City . He was assisted by Dana Jon Chappelle . It was mixed by David Frazer at Tarpan Studios in San Rafael . The keyboards , bass and rhythm engineering was carried out by Louis Biancaniello , while Joe Franco performed the percussion , Vernon \" Ice \" Black played the guitar , and Rich Tancredo also performing on the keyboards . Walter Afanasieff played the synth horns . Carey provided her own background vocals along with Billy T. Scott , Muhammed and The Billy T. Scott Ensemble . The song was released as the fifth and final single from the album in the United Kingdom . It is available to purchase as a CD single while the remixes are available on vinyl . \n"} +{"id": 67, "text": " \" There 's Got to Be a Way \" is an R & B @-@ pop music song with elements of gospel . The theme of social activism can be heard in the lyrics \" There ’ s got to be a way / to connect this world today . \" The song begins with Carey publicly denouncing the existence of poverty and racism in the world , and she uses the bridge to shift the lyrics towards an uplifting and aspirational tone . Carey suggests we should be more tolerant of each other and not resort so readily to war in the lyrics \" Couldn 't we accept each other / Can 't we make ourselves aware . \" \n"} +{"id": 68, "text": " Music critic Robert Christgau felt that Carey was being too political in her \" brave , young , idealistic attack \" on war and destitution . Ralph Novak , David Hiltbrand and David Grogan of People wrote that it is a \" testimony to her talent that she does so much with so little . \" They continued to write that Carey 's \" tone and clarity \" makes \" There 's Got to Be a Way \" a \" mesmerizing \" track . To mark twenty @-@ five years since the release of Mariah Carey in June 1990 , Billboard writer Trevor Anderson wrote a track @-@ by @-@ track review of the album in June 2015 . He noted that \" There 's Got to Be a Way \" follows the same melodic tone as the album 's opener \" Vision of Love \" but highlighted their stark lyrical differences , as the former is about social activism and the latter is about love . Although he praised Carey 's vocals , writing that she \" deploys \" one of her best whistle notes of her career , he felt that \" the aim for broad appeal comes at the expense of memorable lyrics . \" \n"} +{"id": 69, "text": " The accompanying music video begins with a shot of an empty street , followed by clips of disadvantaged and poorer members of society going about their daily activities . Two men play dominoes on a wooden crate outside a building , a gang make fun of an elderly man hanging newspapers outside his store and an obese woman walks down the street . Clips of Carey leaning against a wall and sitting on some steps looking on at what is happening are shown . As the first chorus begins , everyone starts to dance joyfully in the street and help those in need . A gospel choir comes out of one of the buildings as the street becomes more crowded with people of all ages and backgrounds rejoicing and getting along with each other . One of the shops in the background has a neon light outside the entrance which says \" Jesus Saves \" . \n"} +{"id": 70, "text": " \" There 's Got to Be a Way \" ( Original album version ) – 4 : 52 \n \" There 's Got to Be a Way \" ( 7 \" remix ) \n \" There 's Got to Be a Way \" ( 12 \" remix ) \n \" There 's Got to Be a Way \" ( Alternative Vocal Dub Mix ) \n"} +{"id": 71, "text": " Nebraska Highway 88 ( N @-@ 88 ) is a highway in northwestern Nebraska . It has a western terminus at Wyoming Highway 151 ( WYO 151 ) at the Wyoming – Nebraska state line . The road travels eastward to N @-@ 71 , where it turns south . N @-@ 88 continues east to south of Bridgeport . The road turns north , ends at an intersection with U.S. Highway 385 ( US 385 ) and N @-@ 92 in Bridgeport . The route was designated in 1937 , before the official state highway system was created . It was extended to the state line in 1986 . \n"} +{"id": 72, "text": " N @-@ 88 starts at the Nebraska – Wyoming state line in Banner County , where WYO 151 ends , and travels northeast . The road quickly bends east after less than one mile ( 1 @.@ 6 km ) , and continues in a straight line . For the next twenty miles ( 32 km ) , N @-@ 88 intersects minor streets , through rural farmland . The route turns south at N @-@ 71 , and becomes concurrent . Four miles ( 6 @.@ 4 km ) later , N @-@ 88 turns east , ending the concurrency with N @-@ 71 . The route continues to travel through farmland for sixteen miles ( 26 km ) , where it enters Morrill County . The road crosses over Pumpkin Creek four times , and enters the unincorporated community of . Two rock formations , Courthouse and Jail Rocks , become visible from the road . N @-@ 88 turns north toward Bridgeport soon after . The road crosses over Pumpkin Creek for the fifth time , and enters into Bridgeport five miles ( 8 @.@ 0 km ) later . The road intersects a railroad owned by BNSF Railway . N @-@ 88 turns northeast soon after , and ends at the intersection of US 385 and N @-@ 92 . In 2012 , Nebraska Department of Roads ( ) calculated as many as 2 @,@ 410 vehicles traveling on the N @-@ 71 / N @-@ 88 concurrency , and as few as 315 vehicles traveling east of the Banner – Morrill county line . This is expressed in terms of annual average daily traffic ( AADT ) , a measure of traffic volume for any average day of the year . Only the N @-@ 71 / N @-@ 88 concurrency is part of the National Highway System ( NHS ) , a network of highways identified as being most important for the economy , mobility and defense of the nation . \n"} +{"id": 73, "text": " N @-@ 88 was unofficially designated around 1937 , connecting from N @-@ 29 , to N @-@ 86 and N @-@ 19 in Bridgeport . The route remained relatively the same as the state highway system was officially designated . Before 1955 , Nebraska did not have an adequate legal instrument to define the state highway system . By 1960 , N @-@ 19 was renumbered to US 385 , and US 26 was rerouted north near Bridgeport . The old alignment became part of N @-@ 92 . Two years later , N @-@ 29 was renumbered to N @-@ 71 . Between 1981 @-@ 82 , a road appeared on the official state map , extending from WYO 151 to N @-@ 71 . That road became part of N @-@ 88 by 1986 . No significant changes have been made since . \n"} +{"id": 74, "text": " Atlanta was a casemate ironclad that served in the Confederate and Union Navies during the American Civil War . She was converted from a Scottish @-@ built blockade runner named Fingal by the Confederacy after she made one run to Savannah , Georgia . After several failed attempts to attack Union blockaders , the ship was captured by two Union monitors in 1863 when she ran aground . Atlanta was floated off , repaired , and rearmed , serving in the Union Navy for the rest of the war . She spent most of her time deployed on the James River supporting Union forces there . The ship was decommissioned in 1865 and placed in reserve . Several years after the end of the war , Atlanta was sold to Haiti , but was lost at sea in December 1869 on her delivery voyage . \n"} +{"id": 75, "text": " Fingal was designed and built as a merchantman by J & G Thomson 's Clyde Bank Iron Shipyard at Govan in Glasgow , Scotland , and was completed early in 1861 . She was described by Midshipman Dabney Scales , who served on the Atlanta before her battle with the monitors , as being a two @-@ masted , iron @-@ hulled ship 189 feet ( 57 @.@ 6 m ) long with a beam of 25 feet ( 7 @.@ 6 m ) . She had a draft of 12 feet ( 3 @.@ 7 m ) and a depth of hold of 15 feet ( 4 @.@ 6 m ) . He estimated her tonnage at around 700 tons bm . Fingal was equipped with two vertical single @-@ cylinder direct @-@ acting steam engines using steam generated by one flue @-@ tubular boiler . The engines drove the ship at a top speed of around 13 knots ( 24 km / h ; 15 mph ) . They had a bore of 39 inches ( 991 mm ) and a stroke of 30 inches ( 762 mm ) . \n The ship briefly operated between Glasgow and other ports in Scotland for Hutcheson 's West Highland Service before she was purchased in September 1861 by James D. Bulloch , the primary foreign agent in Great Britain for the Confederacy , to deliver the military and naval ordnance and supplies that he had purchased . To disguise his control of Fingal , and the destination of her cargo , Bulloch hired an English crew and captain and put out his destination as Bermuda and Nassau in the Bahamas . The cargo was loaded in Greenock in early October , although Bullock and the other passengers would not attempt to board until they rendezvoused with the ship at Holyhead , Wales . On the night 14 / 15 October , as she was slowly rounding the breakwater at Holyhead , Fingal rammed and sank the Austrian brig , slowly swinging at anchor without lights . Bulloch and the passengers embarked in the steamer while Bulloch dispatched a letter to his financial agents instructing them to settle damages with the brig 's owners because he could not afford to take the time to deal with the affair lest he and Fingal be detained . The ship reached Bermuda on 2 November and , after leaving port on 7 November , Bulloch informed the crew that the steamer 's real destination was Savannah , Georgia ; he offered to take anyone who objected to the plan to Nassau . However , all of the crew agreed to join in the effort to run the Union blockade . Fingal was able slip safely into the Savannah estuary in a heavy fog on the night of 12 November without sighting any blockaders . \n While Fingal was discharging her cargo , Bulloch went to Richmond to confer with Stephen Mallory , Secretary of the Navy . Mallory endorsed Bulloch 's plan to load Fingal with cotton to sell on the Navy Department 's account to be used to purchase more ships and equipment in Europe . He returned to Savannah on 23 November and it took him almost a month to purchase a cargo and acquire enough coal . He made one attempt to break through the blockade on 23 December , but it proved impossible to do as the Union controlled every channel from Savannah , aided by their occupation of Tybee Island at the mouth of the Savannah River . Bulloch reported to Mallory in late January 1862 that breaking out was hopeless so Mallory ordered him to turn the ship over to another officer and to return to Europe some other way . \n"} +{"id": 76, "text": " The brothers Asa and Nelson Tift received the contract to convert the blockade runner into an ironclad in early 1862 with the name of Atlanta , after the city in Georgia . This was largely financed by contributions from the women of Savannah . Fingal was cut down to her main deck and large wooden sponsons were built out from the sides of her hull to support her casemate . After the conversion , Atlanta was 204 feet ( 62 @.@ 2 m ) long overall and had a beam of 41 feet ( 12 m ) . Her depth of hold was now 17 feet ( 5 @.@ 2 m ) and she now had a draft of 15 feet 9 inches ( 4 @.@ 8 m ) . Atlanta now displaced 1 @,@ 006 long tons ( 1 @,@ 022 t ) and her speed was estimated at 7 – 10 knots ( 13 – 19 km / h ; 8 @.@ 1 – 11 @.@ 5 mph ) . \n The armor of the casemate was angled at 30 ° from the horizontal and made from two layers of railroad rails , rolled into plates 2 inches ( 51 mm ) thick and 7 inches ( 180 mm ) wide . The outer layer ran vertically and the inner layer horizontally . Her armor was backed by 3 inches ( 76 mm ) of oak , vertically oriented , and two layers of 7 @.@ 5 inches ( 191 mm ) of pine , alternating in direction . The bottom of the casemate was some 20 inches ( 508 mm ) from the waterline and its top was 8 feet 6 inches ( 2 @.@ 59 m ) above the waterline . The pyramidal pilothouse was armored in the same way and had room for two men . The upper portion of Atlanta 's hull received two inches of armor . \n The rectangular casemate was pierced with eight narrow gun ports , one each at the bow and stern and three along each side . Each gun port was protected by an armored shutter made of two layers of iron riveted together and allowed the guns to elevate only to a maximum of + 5 to + 7 ° . Atlanta was armed with single @-@ banded , 7 @-@ inch ( 178 mm ) Brooke rifles on pivot mounts at the bow and stern . The middle gun port on each side was occupied by a single @-@ banded , 6 @.@ 4 @-@ inch ( 163 mm ) Brooke rifle . The 17 @-@ caliber , seven @-@ inch guns weighed about 15 @,@ 000 pounds ( 6 @,@ 800 kg ) and fired 80 @-@ pound ( 36 kg ) armor @-@ piercing \" bolts \" and 110 @-@ pound ( 50 kg ) explosive shells . The equivalent statistics for the 18 @.@ 5 @-@ caliber , 6 @.@ 4 @-@ inch gun were 9 @,@ 110 pounds ( 4 @,@ 130 kg ) with 80 @-@ pound bolts and 64 @-@ pound ( 29 kg ) shells . Atlanta was also armed with a 20 @-@ foot ( 6 @.@ 1 m ) , solid iron , ram that was reinforced by a series of vertical steel bars . In front of the ram was a spar torpedo that carried 50 pounds ( 23 kg ) of black powder on a wooden pole connected to an iron lever that could be raised or lowered by means of pulleys . \n On 31 July 1862 , under the command of Lieutenant Charles H. McBlair , Atlanta conducted her sea trials down the Savannah River toward Fort Pulaski . The ship proved to be difficult to steer , and the additional weight of her armor and guns significantly reduced her speed and increased her draft . This latter was a real problem in the shallow waters near Savannah . She also leaked significantly , and her design virtually eliminated air circulation . One report said that \" it was almost intolerable on board the Atlanta , there being no method of ventilation , and the heat was intense . \" Scales commented in his diary , \" What a comfortless , infernal and God @-@ forsaken ship ! ! \" \n Attempts were made to fix the problems and were at least partially successful in stopping many of the leaks . The ship was commissioned on 22 November and became the flagship of Flag Officer Josiah Tattnall , commander of the naval defenses of Georgia . Under pressure from Mallory to engage the blockading ships , Tattnall attempted to engage them before any ironclads arrived on 5 January 1863 , but army engineers could not clear the obstacles blocking the channel in a timely manner , despite early coordination being made by Tattnall to do so . It took another month to actually clear the obstacles and two monitors arrived before the end of January . Nonetheless Tattnall attempted to pass through the obstructions during high tide on 3 February , but high winds prevented the water from rising enough to allow the ship to do so . After Atlanta successfully passed through them on 19 March , Tattnall planned to attack the Union base at Port Royal , South Carolina while the monitors were attacking Charleston . Deserters revealed Tatnall 's plan while he was waiting at the head of Sound and he was forced to retreat when three monitors augmented the defenses at Port Royal . Dissatisfied with Tattnall 's perceived lack of aggressiveness , Mallory replaced Tattnall as commander of the Savannah squadron later that month with Commander Richard L. Page . Page , in his turn was relieved in May by Commander William A. Webb ; Atlanta remained the squadron flagship throughout this time . \n Webb demonstrated his aggressiveness when he attempted to sortie on the first spring tide ( 30 May ) after taking command , but Atlanta 's forward engine broke down after he had passed the obstructions , and the ship ran aground . She was not damaged although it took over a day to pull her free . He planned to make another attempt on the next full tide , rejecting Mallory 's idea that he wait until the nearly complete ironclad Savannah was finished before his next sortie . In the meantime , Rear Admiral Samuel F. Du Pont , commander of the South Atlantic Blockading Squadron , had ordered the monitors Weehawken and Nahant into Sound . Commander John Rodgers in Weehawken had overall command of the two ships . \n In the early evening of 15 June , Webb began his next attempt by passing over the lower obstructions in the Wilmington River and spent the rest of the night coaling . He moved forward the next evening to a concealed position within easy reach of the monitors for an attack early the following morning . Webb planned to sink one of the monitors with his spar torpedo and then deal with the other one with his guns . The gunboat and the tugboat Resolute were to accompany him to tow one or both of the monitors back to Savannah . \n A lookout aboard Weehawken spotted Atlanta at 04 : 10 on the morning of 17 June . When the latter ship closed to within about 1 @.@ 5 miles ( 2 @.@ 4 km ) of the two Union ships , she fired one round from her bow gun that passed over Weehawken and landed near Nahant . Shortly afterward , Atlanta ran aground on a sandbar ; she was briefly able to free herself , but the pressure of the tide pushed her back onto the sandbar . This time Webb was unable to get off and the monitors closed the range . When Weehawken , the leading ship , closed to within 200 – 300 yards ( 180 – 270 m ) she opened fire with both of her guns . The 11 @-@ inch ( 279 mm ) shell missed , but the 15 @-@ inch ( 381 mm ) shell struck the ironclad above the port middle gun port , penetrated her armor and broke the wooden backing behind it , spraying splinters and fragments that disabled the entire gun crew and half the crew of the bow gun , even though it failed to cleanly penetrate through the backing . The next shot from the 11 @-@ inch Dahlgren gun struck the upper hull and started a small leak even though it failed to penetrate the two @-@ inch armor there . The next shell from the 15 @-@ inch Dahlgren glanced off the middle starboard gun shutter as it was being opened , wounding half the gun 's crew with fragments . The final shell was also from the 15 @-@ inch Dahlgren and it struck the top of the pilothouse , breaking the armor there and wounding both pilots in it . By this time , Atlanta had been able to fire only seven shots , none of which hit either Union ship , and was hard aground with high tide not due for another hour and a half . Weehawken and Nahant were able to freely maneuver into positions from which the Atlanta 's narrow gun ports would not allow her to reply and the damage already inflicted by the former ship made further resistance futile . Webb surrendered his ship within 15 minutes of opening fire , before Nahant even had a chance to fire . Of the ironclad 's 21 officers and 124 enlisted men , one man was killed and another sixteen were wounded badly enough to require hospitalization . \n"} +{"id": 77, "text": " Atlanta was easily pulled free by the Union ships and she reached Port Royal under her own power . Not badly damaged , she was repaired and bought by the Union Navy . The prize money of $ 350 @,@ 000 was shared between the crews of Weehawken , Nahant and the gunboat Cimarron , the only ships within signaling distance . The ship retained her name and was commissioned again on 2 February 1864 , rearmed with a pair of 8 @-@ inch ( 203 mm ) , 150 @-@ pound Parrott rifles in the bow and stern and 6 @.@ 4 @-@ inch , 100 @-@ pound Parrott rifles amidships . The 150 @-@ pound Parrott rifle weighed 16 @,@ 500 pounds ( 7 @,@ 500 kg ) and was 17 calibers long . The 100 @-@ pounder weighed 9 @,@ 800 pounds ( 4 @,@ 400 kg ) and was 20 calibers long . It fired a 100 @-@ pound ( 45 kg ) shell a distance of 6 @,@ 900 yards ( 6 @,@ 300 m ) at an elevation of + 25 ° . All four of her Brooke rifles are currently located in Willard Park in the Washington Navy Yard . Atlanta was assigned to the North Atlantic Blockading Squadron and spent most of her time stationed up the James River where she could support operations against Richmond and defend against a sortie by the ironclads of the James River Squadron . On 21 May 1864 , she and the gunboat Dawn fired on and dispersed Confederate cavalry that was attacking Fort Powhatan and she was deployed further upriver in February 1865 after the Battle of Trent 's Reach to better blockade the Confederate ironclads at Richmond . \n After the end of the war in April , Atlanta was decommissioned in Philadelphia on 21 June 1865 and placed in reserve at League Island . She was sold to Sam Ward on 4 May 1869 for the price of $ 25 @,@ 000 and subsequently delivered to representatives of Haiti on 8 December by Sydney , a lawyer who had received an advance of $ 50 @,@ 000 on her purchase price of $ 260 @,@ 000 . The ship was briefly seized by the Customs Service , possibly for violations of neutrality laws as she had just loaded four large guns and a number of recruits for the forces of Sylvain , President of Haiti , who was embroiled in a civil war . Atlanta was released and sailed for Port @-@ au @-@ Prince three days later . She broke down in Delaware Bay and had to put in at Chester , Pennsylvania for repairs . The ship , now renamed either Triumph or , departed on 18 December 1869 and vanished en route , apparently sinking with the loss of all hands , either off Cape Hatteras or the Delaware Capes . \n"} +{"id": 78, "text": " Jacqueline Fernandez ( born 11 August 1985 ) is a Sri Lankan actress , former model , and the winner of the 2006 Miss Universe Sri Lanka pageant . As Miss Universe Sri Lanka she represented her country at the 2006 world Miss Universe pageant . She graduated with a degree in mass communication from the University of Sydney , and worked as a television reporter in Sri Lanka . \n While on a modelling assignment in India in 2009 , Fernandez successfully auditioned for Sujoy Ghosh 's fantasy drama Aladin , which marked her acting debut . Fernandez ' breakthrough role was in Mohit Suri 's psychological thriller Murder 2 ( 2011 ) , her first commercial success . This was followed by glamorous roles in the ensemble @-@ comedy Housefull 2 ( 2012 ) and its sequel Housefull 3 , and the action thriller Race 2 ( 2013 ) , all of which were box @-@ office successes . Her performance in the first of these garnered her an IIFA Award for Best Supporting Actress nomination . In 2014 , Fernandez played the leading lady in Sajid Nadiadwala 's Kick , which is one of the highest @-@ grossing Bollywood films of all time . \n One of the most popular actresses in India , she was the recipient of the IIFA Award for Star Debut of the Year – Female in 2010 . Alongside her screen acting career , Fernandez has participated in stage shows , and is active in humanitarian work . \n"} +{"id": 79, "text": " Fernandez was born on 11 August 1985 , in Manama , Bahrain , and was raised in a multi @-@ ethnic family . Her father , Elroy , is Sri Lankan , and her mother , Kim , is of Malaysian descent . Her grandfather , on her mother 's side of the family , is Canadian and her great grandparents were from Goa , India . Her father , who was a musician in Sri Lanka , moved to Bahrain in the 1980s to escape civil unrest between the Tamils and Sinhalese and subsequently met her mother who was an air hostess . She is the youngest of four children with one elder sister and two elder brothers . She hosted television shows in Bahrain at the age of fourteen . After receiving her early education in Bahrain , she pursued a degree in mass communication from the University of Sydney in Australia . After graduating she worked as a television reporter in Sri Lanka . She also attended the Berlitz school of languages , where she learnt Spanish and improved her French and Arabic . \n According to Fernandez , she had aspired to become an actress at a young age and fantasized about becoming a Hollywood movie star . She received some training at the John School of Acting . Although , she was a television reporter , she accepted offers in the modeling industry , which came as a result of her pageant success . In 2006 , she was crowned the winner of the Miss Universe Sri Lanka pageant and represented Sri Lanka at the world Miss Universe 2006 pageant held in Los Angeles . In a 2015 interview , Fernandez described the modeling industry as \" a good training ground \" and said : \" It is a medium that is about shedding your inhibitions , knowing your body , confidence \" . In 2006 , she appeared in a music video for the song \" O Sathi \" by music duo and . \n"} +{"id": 80, "text": " In 2009 , Fernandez traveled to India for a modeling assignment . She studied acting under the mentorship of theatre director Barry John , and successfully auditioned for Sujoy Ghosh 's fantasy film Aladin ( 2009 ) her acting debut . She played the love interest of Deshmukh 's character , a role based on the Princess Jasmine character . Fernandez garnered mixed reviews for her performance . Anupama Chopra of NDTV called her a \" plastic debutant [ e ] \" , and Rajeev Masand of CNN @-@ IBN felt that she was : \" easy on the eyes and appears confident but has precious little to do \" . Although the film was a critical and commercial failure , she won the IIFA Award for Star Debut of the Year - Female . \n In 2010 , Fernandez appeared opposite Deshmukh in the science fiction romantic comedy Jaane Kahan Se Aayi Hai . She was cast as a girl from Venus , who lands on Earth in search of love . The film , along with Fernandez 's performance , received poor reviews ; Rediff.com 's Sukanya Verma noted : \" She gamely makes a fool of herself whilst aping the actions of movie stars , ranging from Sridevi 's dance , Mithun Chakravarthy 's Disco Dancer moves , to Big B 's violent in Hum . Her Tara could be a keeper if only Jaane Kahan Se Aayi Hai wasn 't so intent on turning her into a love @-@ struck Barbie . \" Critic Anupama Chopra also criticized Fernandez , calling her \" a pin @-@ prick on a balloon \" . Later that year , she made a cameo appearance in Sajid Khan 's Housefull in the song \" \" . \n Mahesh Bhatt 's thriller Murder 2 was Fernandez 's first commercial success and marker a turning point in her career . She took on the role of Priya , a lonely model who is in a confused relationship with Arjun Bhagwat ( played by Emraan Hashmi ) . Fernandez was praised for the her performance , and for the boldness and sex appeal she displayed in the film . Gaurav Malini of The Times of India stated that she was \" tastefully tempting \" but noted that her romance with Hashmi was \" literally half @-@ baked \" . The following year , Fernandez appeared in the ensemble comedy Housefull 2 alongside Akshay Kumar , John Abraham , and Asin . It became one of the top grossing productions of India that year and earned ₹ 1 @.@ 86 billion ( US $ 28 million ) worldwide . Fernandez received mostly negative reviews for her performance . While Gaurav Malini praised her for her looks , NDTV called her a \" bimbo \" who \" find [ s ] no pleasure in [ her role ] \" . Despite the negative reviews , Fernandez received a Best Supporting Actress nomination at the 14th IIFA Awards for her performance . \n Fernandez 's first release of 2013 was Race 2 , an ensemble action thriller ( alongside Saif Ali Khan , John Abraham , Deepika Padukone , Ameesha Patel , and Anil Kapoor ) ) , described as the \" cinematic equivalent of a trashy novel \" by critic Rajeev Masand . She played , a femme fatale , a role which required her learn fencing and some acrobatics . The film emerged as a commercial success , with the domestic gross of more than ₹ 1 billion ( US $ 15 million ) . In a particularly scathing review , Saibal Chatterjee of NDTV wrote that both Fernandez and Padukone \" strut around like wound @-@ up automatons that are all decked @-@ up but have nowhere to go . \" Fernandez also appeared in an item number ( music video ) titled \" Jaadu Ki \" for Prabhu Deva 's . \n"} +{"id": 81, "text": " In 2014 , Fernandez appeared in Sajid Nadiadwala 's directorial debut — the action film Kick , a remake of a 2009 Telugu film of same name . She starred opposite Salman Khan , playing Shaina , a psychiatry student . She retained her real voice for the first time in Kick . While Sneha May Francis commented that she is : \" incredibly dazzling , and moves like a magic \" , Raja Sen of Rediff.com was more critical of her dialogue delivery , calling it \" unfortunate . \" The film received mixed reviews from critics , but with worldwide revenue of over ₹ 3 @.@ 75 billion ( US $ 56 million ) , it became the fourth highest @-@ grossing Bollywood film . The film established Fernandez as one of the most popular Bollywood actresses . \n In 2015 , Fernandez featured in Vicky Singh 's Roy , a romantic thriller , which critic Sarita A. Tanwar described as a \" boring , exhausting and pretentious \" film . Fernandez played dual roles , Ayesha Aamir , a filmmaker in a relationship with another filmmaker ( played by Arjun Rampal ) and Tia Desai , a girl in love with a thief ( played by Ranbir Kapoor ) . While India TV called it \" her best act till date \" , critic Rajeev Masand felt that she \" appears miscast in a part that required greater range . \" Roy failed to meet its box @-@ office expectations , and was a commercial failure . Later that year , she appeared in a guest appearance for the comedy @-@ satire . \n Karan Malhotra 's action drama Brothers was Fernandez 's next release . Co @-@ starring alongside Akshay Kumar and Sidharth Malhotra , Fernandez played Jenny , a fearless mother struggling for her child , a role which she described as \" challenging \" , \" intense \" , and \" difficult \" . The role marked a departure from the glamorous characters that she had a reputation for portraying . Film critics praised her performance , though their response to the film was mixed . Sharma of Zee News called her character \" soft , timid and promising \" , and praised her for : \" convincingly pull [ ing ] off a pleasing character of a street fighter 's wife \" . Film critic Subhash K. Jha noted that she : \" ... in a limited role gives her finest emotive shot \" , while critic Raja Sen remarked : \" [ she ] plays Kumar 's long @-@ sobbing wife who gets so deliriously happy on seeing a text message that it may well have contained news about a Kick sequel . \" \n As of September 2015 , Fernandez has several projects in various stages of production . She has completed shooting for Chandran 's English @-@ Sri Lankan crime @-@ thriller According to Mathew , and the horror thriller Definition of Fear , which marks her Hollywood debut . Fernandez has also signed on to appear in three other projects — Rohit Dhawan 's opposite Varun Dhawan and John Abraham as a part of three @-@ film deal with Nadiadwala Grandson Entertainment , Remo D 'Souza 's Flying Jat opposite Tiger Shroff , and in an Indo @-@ Chinese film starring opposite Abhay Deol , Amitabh Bachchan , and Jackie Chan titled Gold Struck . \n"} +{"id": 82, "text": " Fernandez shares a close bond with her family , and admits to missing being around them . She says : \" I miss them so much everyday . You don 't realise when you live away from home how difficult life can be [ ... ] At the same time , staying away from them has taught me to be more responsible . It has taught me so many things about myself , about priorities and time management . \" In March 2012 , Fernandez turned vegetarian for a 40 @-@ day period to observe Lent , a period from Ash Wednesday to Holy Saturday . \n In 2008 , Fernandez started dating Bahraini prince Hassan bin Rashid Al Khalifa , whom she met at a mutual friend 's party ; they separated in 2011 . While filming Housefull 2 in 2011 , Fernandez began a romantic relationship with director Sajid Khan . The relationship attracted media coverage in India and there was speculation of an impending wedding . However , the relationship ended in May 2013 . \n In addition to acting in films , Fernandez has supported charitable organisations and a number of causes . In 2011 , on the behalf of People for the Ethical Treatment of Animals ( PETA ) , she sent a letter to the Mumbai Municipal Commissioner asking for an end to horse @-@ drawn carriage rides in Mumbai . In early 2013 , she asked the consulate general of the Philippines , William John T Perera in Colombo , to hasten the transfer of an elephant from its inadequate housing at the Manila Zoo to a humane sanctuary . Later that year , she auctioned a breakfast in Mayfair , London , where she raised around £ 4000 for the Pratham NGO , which helps children 's primary education . In 2014 , Fernandez was named \" Woman Of The Year \" by PETA ( India ) for advocating the protection of animals . The following year , she auctioned her outfits on an online portal for a philanthropic cause . Some of her outfits included the ones she wore in the song \" Party On My Mind \" ( from Race 2 ) and \" Hangover \" ( from Kick ) . In March 2016 , she was part of \" Jacqueline Builds \" campaign that raised funds for the victims of the 2015 South Indian floods . \n Fernandez has participated in several concert tours and televised award ceremonies . In 2013 , she performed at the Temptations Reloaded in Auckland , Perth , and Sydney alongside Shah Rukh Khan , Rani Mukerji , and Madhuri Dixit . She also performed at the live talent show \" Got Talent World Stage Live \" with Khan , Priyanka Chopra and Varun Dhawan the following year . In July 2014 , Fernandez opened a restaurant in Colombo , Sutra , in collaboration with chef , which specialises in contemporary Sri Lankan cuisine . \n"} +{"id": 83, "text": " In the early 2013 , Fernandez became the ambassador for HTC One , which she endorses in India . She was the face of Indian Bridal Fashion Week — of 2013 . Later that year , she became the spokesperson for Gareth Pugh 's designed Diamonds in Mumbai , and was at the inaugural opening of the Forever 21 store in Mumbai . That year , she also launched Gillette Shaving System with Arbaaz Khan and Aditya Roy Kapur . While analysing Fernandez 's career , India TV noted : \" Slowly and steadily Jacqueline Fernandez is climbing up the ladder of success [ ... ] Jacqueline is comfortably grasping every aspect of the work , which an actress is required to do and is accordingly giving results . \" On the contrary , Charu Thakur of India Today criticized her acting skills , but remarked that : \" [ she has ] managed to find her feet in Bollywood now by banking on glamorous roles \" . \n In 2008 and 2011 , Fernandez featured in the UK magazine Eastern Eye 's \" World 's Sexiest Asian Women \" list , ranking twelfth . She was ranked third on The Times of India 's listing of the \" Most Desirable Woman \" in 2013 and 2014 , after being ranked eighth , seventh and fourteenth , respectively , in the preceding three years . In 2013 , Rediff.com placed her on their list of \" Bollywood 's Best Dressed Actresses \" . The following year , she held the sixty second position in the Indian edition of the Forbes ' Celebrity 100 , a list based on the income and popularity of India 's celebrities . She has been the cover model for many Indian editions of magazines , including : Vogue , FHM , Maxim , Cosmopolitan , Grazia , Elle , Verve , Harper 's Bazaar , Women 's Health , and L 'Officiel among others . \n"} +{"id": 84, "text": " Barry John Cullen ( born August 2 , 1964 ) is a Canadian former professional ice hockey centre who played in the National Hockey League ( NHL ) for the Pittsburgh Penguins , Hartford Whalers , Toronto Maple Leafs and Tampa Bay Lightning . He was a standout player for Boston University and is the school 's all @-@ time leading scorer . After the Buffalo Sabres selected him in the 1986 NHL Supplemental Draft but chose not to offer him a contract , Cullen signed with the Flint Spirits of the International Hockey League ( IHL ) for the 1987 – 88 season where he was named the IHL 's co @-@ Rookie of the Year and Most Valuable Player after leading the league in scoring . \n His career was halted in 1997 when he was diagnosed with Non @-@ Hodgkin lymphoma . He attempted a brief comeback in 1998 after an 18 @-@ month battle with the disease , for which the NHL awarded him the Bill Masterton Memorial Trophy , before retiring to serve as an assistant coach for a year with the Lightning . Cullen played in two NHL All @-@ Star Games in his career . He joined his brother in the car dealership business after leaving the game , and briefly operated his own dealership until forced to close during the automotive industry crisis of 2008 – 10 . \n"} +{"id": 85, "text": " Cullen was born in @-@ Ontario on August 2 , 1964 . He is one of six children of Barry and Loretta Cullen . His father and uncles Brian and Ray all played in the NHL , and while Cullen and his three brothers all played as well , their father never pressured them , preferring that they enjoy the game . \n He idolized his elder brother Terry , who was considered a top NHL prospect until Terry 's career was ended when he suffered a broken neck after being hit from behind into the boards during a college game . While his brother was highly sought by American universities , John received only two scholarship offers , choosing to play for Boston University ( BU ) in 1983 . \n At the same time , his mother Loretta was diagnosed with skin cancer . Following her death early in his freshman year , Cullen contemplated returning to his Ontario home , but was convinced by his father to continue with both school and hockey . He used the game to cope with the loss and dedicated every game he played to his mother 's memory . Cullen felt that the inspiration he drew from his mother 's battle allowed him to become a better player . \n"} +{"id": 86, "text": " Cullen was a standout with BU ; he was named the East Coast Athletic Conference Rookie of the Year in 1983 – 84 after leading his team in scoring with 56 points . The National Hockey League passed him over , however , as he went unclaimed in the 1984 NHL Entry Draft . He was named to the Hockey East All @-@ Star Teams in 1985 , 1986 and 1987 , and a National Collegiate Athletic Association East Second Team All @-@ American in 1986 . He graduated as BU 's all @-@ time scoring leader with 241 points , and was named to BU 's Hockey East 25th anniversary team in 2009 . \n Passed over in the Entry Draft , Cullen was finally selected by the Buffalo Sabres in the 1986 NHL Supplemental Draft . When the Sabres failed to offer him a contract , Cullen signed with the Flint Spirits of the International Hockey League ( IHL ) for the 1987 – 88 season . He led the league with 157 points , scoring 48 goals , and won the James Memorial Trophy as league most valuable player while sharing the Gary F. Longman Memorial Trophy with Ed Belfour as rookie of the year . Cullen 's outstanding season in Flint caught the attention of the Sabres and the Pittsburgh Penguins . He signed a contract with the Penguins for the league minimum , passing up a superior contract offer from Buffalo as he remained upset at how they released him the year before . \n"} +{"id": 87, "text": " Cullen made his NHL debut in 1988 – 89 , appearing in 79 games with the Penguins and scoring 49 points . He was given a greater role with the Penguins the following year after Mario Lemieux missed 21 games due to a back injury and responded by scoring 32 goals and 92 points to finish third in team scoring . Additionally , he played for Team Canada at the 1990 World Championship , scoring four points in ten games . Cullen had his best season in 1990 – 91 . As one of the team 's top offensive centres , he scored 94 points in the Penguins ' first 65 games and played in his first NHL All @-@ Star Game . However , when Lemieux returned after missing an additional 50 @-@ games due to injury , Cullen 's playing time and production declined . \n The Penguins ' needs led them to complete a blockbuster trade on March 1 , 1991 . Cullen was sent to the Hartford Whalers , along with Zarley Zalapski and Jeff Parker in exchange for Hartford 's all @-@ time leading scorer , Ron Francis , along with Ulf Samuelsson and Grant Jennings . The Penguins almost turned down the deal as they were concerned about giving up Cullen 's playmaking and leadership abilities , while his former teammates credited Cullen as being the primary reason they were in a playoff position at the time the trade happened . After the Penguins won their first Stanley Cup that season , Phil Bourque later said it \" broke his heart \" that Cullen was not able to share in that championship . \n In Hartford , Cullen worked to overcome the team 's fans ' disappointment at losing Francis . The Hartford fans initially booed him to show their dissatisfaction with the trade . He scored 16 points in 13 regular season games to finish the season with 110 points combined between the Penguins and Whalers , and was the team 's best player in their first round loss to the Boston Bruins in the 1991 Stanley Cup Playoffs . He initially accepted an invitation to join the Canadian team at the 1991 Canada Cup , but subsequently chose not to participate as his contract had expired , leading to greater insurance concerns . Still without a contract when the 1991 – 92 season began , Cullen missed the first four games before signing a four @-@ year deal with Hartford worth a total of $ 4 million . He returned to score 77 points in 77 games in his first full season with the Whalers and represented the team at the 1992 All @-@ Star Game . \n Midway through the 1992 – 93 NHL season , the Whalers sent Cullen to the Toronto Maple Leafs for Toronto 's second round selection at the 1993 NHL Entry Draft . Cullen was excited to play for his father 's old team , but injuries reduced his ability to perform . His most significant injury was a herniated disc in his neck that doctors initially feared would end his career . A bulky neck brace allowed Cullen to return and play out his contract in Toronto . When the Leafs chose not to re @-@ sign him following the 1993 – 94 season , he returned to the Penguins for one season before Tony Esposito convinced him to sign with the Tampa Bay Lightning in 1995 . \n Cullen enjoyed immediate success with linemates Shawn Burr and Alexander as the trio combined to score 130 points and helped lead the Lightning to the first playoff appearance in franchise history . They were eliminated by the Philadelphia Flyers in five games while Cullen led the team in playoff scoring with three goals and three assists . The Lightning looked to improve in 1996 – 97 ; Cullen was leading the team in scoring , but was suffering flu @-@ like symptoms that he could not shake . As Tampa was fighting for a playoff spot , he played through his condition for weeks . \n"} +{"id": 88, "text": " After two months of quietly dealing with his symptoms , Cullen 's wife finally called team trainers and asked them to check into his illness . The team took an x @-@ ray and found a large black shadow in his chest . He underwent a CAT scan which revealed Cullen had a baseball @-@ sized tumor ; he was diagnosed as having Non @-@ Hodgkin lymphoma . The diagnosis ended his season , and he immediately began chemotherapy treatments that quickly reduced his cancer . The tumor was gone by September 1997 , but a precautionary test prior to training camp revealed that Cullen still had cancer cells in his body . He missed the entire 1997 – 98 NHL season as he continued to battle the disease , while his teammates wore a uniform patch with his # 12 in support throughout the year . \n On one day during his treatments , as his wife was wheeling him down a hospital corridor , Cullen went into cardiac arrest , requiring doctors to use a defibrillator to revive him . He underwent a bone marrow transplant that briefly reduced his immune system to the point that he could have very little human contact . Another examination in April 1998 revealed that the cancer was finally gone , and Cullen immediately began training for a comeback . \n The Lightning signed Cullen to a one @-@ year , $ 500 @,@ 000 contract for the 1998 – 99 season . He played his first game in nearly 18 months on September 18 , 1998 , in an exhibition game between the Lightning and Sabres at Innsbruck , Austria . Cullen scored the game @-@ winning goal in a 3 – 1 victory , after which he said he sat on the bench in disbelief over how he was given a second chance . He was named to the roster and was greeted with a loud standing ovation by the fans in Tampa Bay when he was introduced prior to their season opening game . \n Cullen appeared in four of the Lightning 's first eight games , but it was evident that he had lost much of his speed and strength . The Lightning assigned him to the IHL 's Cleveland Lumberjacks , but also gave him the option of retiring and taking up a position as an assistant coach . He chose to accept the demotion , giving himself one month to determine if he could continue playing . He appeared in six games for Cleveland , and in one game against the Chicago Wolves tied an IHL record when he scored seven points in a 7 – 3 victory . \n However , a bout of bronchitis led Cullen to fear that his cancer had returned . Tests came back negative , but after spending time with his family , he realized that neither he nor his family were interested in returning to Cleveland . Cullen announced his retirement on November 28 , 1998 , and accepted the Lightning offer to become an assistant coach . In recognition of his comeback attempt , the NHL named him the 1999 winner of the Bill Masterton Memorial Trophy for dedication and perseverance , while the IHL renamed its Comeback Player of the Year award the John Cullen Award . \n Former Lightning head coach Terry Crisp has stated publicly that Cullen was a player that stood out as something special saying “ John Cullen ... beat cancer and came back to play and helped us win . ” \n"} +{"id": 89, "text": " Cullen and his wife Valerie have three daughters , Kennedy and twins and . Unwilling to spend so much time away from his family , he left the Lightning in 1999 and settled in the Atlanta area , joining his brother 's car dealership in Jonesboro , Georgia . He had always expected to become a car dealer after his hockey career , as his father , uncles and brother all worked in the industry . After apprenticing under his brother for five years , he bought a Dodge dealership in Newnan , Georgia in 2007 . However , he owned the dealership for less than two years before Chrysler closed him down as part of its recovery plan in response to the Automotive industry crisis of 2008 – 2010 . He has since returned to his brother 's dealership , serving as its general manager . \n Cullen 's battle with cancer inspired Timm Harmon of the Moffitt Cancer Centre to partner with the Lightning to raise awareness and money for cancer research . The NHL itself joined the cause in the winter of 1998 , creating the Hockey Fights Cancer program to raise money for research . Cullen has spent time promoting the initiative . \n Prior to marrying his wife Valerie , John dated Carolyn Bessette the future wife of John F. Kennedy , Jr . The two met while attending University in Boston . \n"} +{"id": 90, "text": " Cullen is the namesake of the John Cullen Award , previously given to key IHL players . \n"} +{"id": 91, "text": " For the ironclad present at the Battle of Lissa of the same name , see SMS Erzherzog Ferdinand Max ( 1865 ) . \n SMS Erzherzog Ferdinand Max ( German : \" His Majesty 's ship Archduke Ferdinand Max \" ) was a pre @-@ dreadnought battleship built by the Austro @-@ Hungarian Navy in 1902 . The second ship of the Erzherzog Karl class , she was launched on 3 October 1903 . She was assigned to the III Battleship Division . \n For most of World War I , Erzherzog Ferdinand Max remained in her home port of Pola , in present @-@ day Croatia , except for four engagements . In 1914 , she formed part of the Austro @-@ Hungarian flotilla sent to protect the escape of the German ships SMS Goeben and SMS Breslau from the British @-@ held Mediterranean ; she advanced as far as Brindisi before being recalled to her home port . Her sole combat engagement occurred in late May 1915 , when she participated in the bombardment of the Italian port city of Ancona . She also took part in suppressing a major mutiny among the crew members of several armored cruisers stationed in Cattaro between 1 – 3 February 1918 . She also attempted to break through the Otranto Barrage in June of that year , but had to retreat when the dreadnought SMS Szent István was sunk . After the war , Erzherzog Ferdinand Max was awarded to the United Kingdom as a war prize in 1920 . \n"} +{"id": 92, "text": " Erzherzog Ferdinand Max displaced 10 @,@ 472 long tons ( 10 @,@ 640 t ) . She was 414 feet 2 inches ( 126 @.@ 2 m ) long , had a beam of 71 feet 5 inches ( 21 @.@ 8 m ) and a draft of 24 feet 7 inches ( 7 @.@ 5 m ) . She was manned by 700 men . She and her sisters were the last and largest pre @-@ dreadnought class built by the Austro @-@ Hungarian Navy , surpassing the Habsburg class by approximately 2 @,@ 000 tonnes ( 1 @,@ 968 long tons ) . She was propelled by two two @-@ shaft , four cylinder vertical triple expansion steam engines . On trials , they developed 18 @,@ 000 ihp ( 13 @,@ 423 kW ) , which propelled the ship at a speed of 20 @.@ 5 knots ( 38 @.@ 0 km / h ; 23 @.@ 6 mph ) . \n Erzherzog Ferdinand Max carried a primary armament of four 24 @-@ centimeter ( 9 @.@ 4 in ) / 40 caliber guns in two twin turrets on the centerline . These guns were an Austro @-@ Hungarian replica of the British 24 cm / 40 ( 9 @.@ 4 \" ) Krupp C / 94 , which was used on the Habsburgs . Her secondary armament consisted of twelve 19 @-@ centimeter ( 7 @.@ 5 in ) / 42 caliber guns , also made by Škoda , mounted in eight single casemates on either wing of the ship and two twin turrets on the shell 20 @,@ 000 metres ( 22 @,@ 000 yd ) at maximum elevation with a muzzle velocity of 800 metres per second ( 2 @,@ 600 ft / s ) . The gun weighed 12 @.@ 1 tons and could fire three rounds per ships had a tertiary armament for protection against torpedo boats in the form of the 6 @.@ 6 centimetres ( 2 @.@ 6 in ) / 45 caliber gun , also manufactured by Škoda . Anti @-@ aircraft and airship protection was covered by the four 37 @-@ millimeter ( 1 @.@ 5 in ) Vickers anti @-@ aircraft guns on the ship bought from Britain in 1910 and mounted onto Erzherzog Karl . Erzherzog Ferdinand Max was also fitted with two above water 45 @-@ centimeter ( 17 @.@ 7 in ) torpedo tubes , although rarely used . \n"} +{"id": 93, "text": " At the outbreak of World War I , Erzherzog Ferdinand Max was in the III division of the Austrian @-@ Hungarian battle @-@ fleet . She was mobilized on the eve of the war along with the remainder of the fleet to support the flight of SMS Goeben and SMS Breslau . The two German ships were attempting to break out of Messina , which was surrounded by British troops , and make their way to Turkey . The breakout succeeded . When the flotilla had advanced as far south as Brindisi in south eastern Italy , the Austro @-@ Hungarian ships were recalled . In company with other units of the Austro Hungarian navy , Erzherzog Ferdinand Max took a minor part in the bombardment of Ancona on 24 May 1915 . There she and her sisters expended 24 rounds of 240 mm armor @-@ piercing shells at signal and semaphore stations as well as 74 rounds of 190 mm shells aimed at Italian gun @-@ batteries and other port installations . \n A major mutiny among crews of the armored cruisers stationed in Cattaro , including Sankt Georg and Kaiser Karl VI , began on 1 February 1918 . Two days later , Erzherzog Ferdinand Max and her sisters arrived in the port and assisted with the suppression of the mutiny . Following the restoration of order in the naval base , the armored cruisers Sankt Georg and Kaiser Karl VI were decommissioned and Erzherzog Ferdinand Max and her sisters were stationed in Cattaro in their place . On the morning of 11 June , Admiral Miklos Horthy planned a major assault on the Otranto Barrage ; the three Erzherzog Karls and the four Tegetthoff @-@ class battleships were to provide support for the Novara @-@ class cruisers on an assault on the Allied defenses at the Strait of Otranto . The plan was intended to replicate the success of the raid conducted one year earlier . Horthy 's plan was to destroy the blockading fleet by luring Allied ships to the cruisers and lighter ships , which were protected from the heavier guns of the battleships , including the guns of the Erzherzog Karl class . However , on the morning of 10 June , the dreadnought Szent István was torpedoed and sunk by an Italian torpedo boat . Horthy felt that the element of surprise had been compromised , and therefore called off the operation . This was to be the last military action Erzherzog Ferdinand Max was to take part in , and she and her sisters spent the rest of their career in port . \n Near the end of World War I , the Erzherzog Karl @-@ class battleships were handed over to the newly formed State of Slovenes , Croats and Serbs but Erzherzog Ferdinand Max was later transferred to Great Britain as a war reparation . She was later broken up for scrap in 1921 . \n"} +{"id": 94, "text": " Ancient Egyptian deities are the gods and goddesses worshipped in ancient Egypt . The beliefs and rituals surrounding these gods formed the core of ancient Egyptian religion , which emerged sometime in prehistory . Deities represented natural forces and phenomena , and the Egyptians supported and appeased them through offerings and rituals so that these forces would continue to function according to maat , or divine order . After the founding of the Egyptian state around 3100 BC , the authority to perform these tasks was controlled by the pharaoh , who claimed to be the gods ' representative and managed the temples where the rituals were carried out . \n The gods ' complex characteristics were expressed in myths and in intricate relationships between deities : family ties , loose groups and hierarchies , and combinations of separate gods into one . Deities ' diverse appearances in art — as animals , humans , objects , and combinations of different forms — also alluded , through symbolism , to their essential features . \n In different eras , various gods were said to hold the highest position in divine society , including the solar deity Ra , the mysterious god Amun , and the mother goddess Isis . The highest deity was usually credited with the creation of the world and often connected with the life @-@ giving power of the sun . Some scholars have argued , based in part on Egyptian writings , that the Egyptians came to recognize a single divine power that lay behind all things and was present in all the other deities . Yet they never abandoned their original polytheistic view of the world , except possibly during the era of Atenism in the 14th century BC , when official religion focused exclusively on the impersonal sun god Aten . \n Gods were assumed to be present throughout the world , capable of influencing natural events and the course of human lives . People interacted with them in temples and unofficial shrines , for personal reasons as well as for larger goals of state rites . Egyptians prayed for divine help , used rituals to compel deities to act , and called upon them for advice . Humans ' relations with their gods were a fundamental part of Egyptian society . \n"} +{"id": 95, "text": " The beings in ancient Egyptian tradition who might be labeled as deities are difficult to count . Egyptian texts list the names of many deities whose nature is unknown and make vague , indirect references to other gods who are not even named . The Egyptologist James P. Allen estimates that more than 1 @,@ 400 deities are named in Egyptian texts , whereas his colleague Christian Leitz says there are \" thousands upon thousands \" of gods . \n The Egyptian language 's terms for these beings were nṯr , \" god \" , and its feminine form , \" goddess \" . Scholars have tried to discern the original nature of the gods by proposing etymologies for these words , but none of these suggestions has gained acceptance , and the terms ' origin remains obscure . The hieroglyphs that were used as ideograms and determinatives in writing these words show some of the traits that the Egyptians connected with divinity . The most common of these signs is a flag flying from a pole . Similar objects were placed at the entrances of temples , representing the presence of a deity , throughout ancient Egyptian history . Other such hieroglyphs include a falcon , reminiscent of several early gods who were depicted as falcons , and a seated male or female deity . The feminine form could also be written with an egg as determinative , connecting goddesses with creation and birth , or with a cobra , reflecting the use of the cobra to depict many female deities . \n The Egyptians distinguished , \" gods \" , from , \" people \" , but the meanings of the Egyptian and the English terms do not match perfectly . The term nṯr may have applied to any being that was in some way outside the sphere of everyday life . Deceased humans were called nṯr because they were considered to be like the gods , whereas the term was rarely applied to many of Egypt 's lesser supernatural beings , which modern scholars often call \" demons \" . Egyptian religious art also depicts places , objects , and concepts in human form . These personified ideas range from deities that were important in myth and ritual to obscure beings , only mentioned once or twice , that may be little more than metaphors . \n Confronting these blurred distinctions between gods and other beings , scholars have proposed various definitions of a \" deity \" . One widely accepted definition , suggested by Jan Assmann , says that a deity has a cult , is involved in some aspect of the universe , and is described in mythology or other forms of written tradition . According to a different definition , by Dimitri Meeks , nṯr applied to any being that was the focus of ritual . From this perspective , \" gods \" included the king , who was called a god after his coronation rites , and deceased souls , who entered the divine realm through funeral ceremonies . Likewise , the preeminence of the great gods was maintained by the ritual devotion that was performed for them across Egypt . \n"} +{"id": 96, "text": " The first written evidence of deities in Egypt comes from the Early Dynastic Period ( c . 3100 – 2686 BC ) . Deities must have emerged sometime in the preceding Predynastic Period ( before 3100 BC ) and grown out of prehistoric religious beliefs . Predynastic artwork depicts a variety of animal and human figures . Some of these images , such as stars and cattle , are reminiscent of important features of Egyptian religion in later times , but in most cases there is not enough evidence to say whether the images are connected with deities . As Egyptian society grew more sophisticated , clearer signs of religious activity appeared . The earliest known temples appeared in the last centuries of the predynastic era , along with images that resemble the iconographies of known deities : the falcon that represents Horus and several other gods , the crossed arrows that stand for Neith , and the enigmatic \" Set animal \" that represents Set . \n Many Egyptologists and anthropologists have suggested theories about how the gods developed in these early times . Gustave , for instance , thought the Egyptians first revered primitive fetishes , then deities in animal form , and finally deities in human form , whereas Henri Frankfort argued that the gods must have been envisioned in human form from the beginning . Some of these theories are now regarded as too simplistic , and more current ones , such as Siegfried Morenz ' hypothesis that deities emerged as humans began to distinguish themselves from and personify their environment , are difficult to prove . \n Predynastic Egypt originally consisted of small , independent villages . Because many deities in later times were strongly tied to particular towns and regions , many scholars have suggested that the pantheon formed as disparate communities coalesced into larger states , spreading and intermingling the worship of the old local deities . But others have argued that the most important predynastic gods were , like other elements of Egyptian culture , present all across the country despite the political divisions within it . \n The final step in the formation of Egyptian religion was the unification of Egypt , in which rulers from Upper Egypt made themselves pharaohs of the entire country . These sacred kings and their subordinates assumed the exclusive right to interact with the gods , and kingship became the unifying focus of the religion . \n New gods continued to emerge after this transformation . Some important deities like Isis and Amun are not known to have appeared until the Old Kingdom ( c . 2686 – 2181 BC ) . Places and concepts could suddenly inspire the creation of a deity to represent them , and deities were sometimes created to serve as opposite @-@ sex counterparts to established gods or goddesses . Kings were said to be divine , although only a few continued to be worshipped long after their deaths . Some non @-@ royal humans were said to have the favor of the gods and were venerated accordingly . This veneration was usually short @-@ lived , but the court architects Imhotep and Amenhotep son of were regarded as gods centuries after their lifetimes , as were some other officials . \n Through contact with neighboring civilizations , the Egyptians also adopted foreign deities . , who is first mentioned in the Old Kingdom , may have come from Nubia , and Baal , Anat , and Astarte , among others , were adopted from Canaanite religion during the New Kingdom ( c . 1550 – 1070 BC ) . In Greek and Roman times , from 332 BC to the early centuries AD , deities from across the Mediterranean world were revered in Egypt , but the native gods remained , and they often absorbed the cults of these newcomers into their own worship . \n"} +{"id": 97, "text": " Modern knowledge of Egyptian beliefs about the gods is mostly drawn from religious writings produced by the nation 's scribes and priests . These people were the elite of Egyptian society and were very distinct from the general populace , most of whom were illiterate . Little is known about how well this broader population knew or understood the sophisticated ideas that the elite developed . Commoners ' perceptions of the divine may have differed from those of the priests . The populace may , for example , have mistaken the religion 's symbolic statements about the gods and their actions for literal truth . But overall , what little is known about popular religious belief is consistent with the elite tradition . The two traditions form a largely cohesive vision of the gods and their nature . \n"} +{"id": 98, "text": " Most Egyptian deities represent natural or social phenomena . The gods were generally said to be immanent in these phenomena — to be present within nature . The types of phenomena they represented include physical places and objects as well as abstract concepts and forces . The god Shu was the deification of all the world 's air ; the goddess oversaw a limited region of the earth , the Theban Necropolis ; and the god Sia personified the abstract notion of perception . Major gods often had many roles and were involved in several types of phenomena . For instance , Khnum was the god of Elephantine Island in the midst of the Nile , the river that was essential to Egyptian civilization . He was credited with producing the annual Nile flood that fertilized the nation 's farmland . Perhaps as an outgrowth of this life @-@ giving function , he was said to create all living things , fashioning their bodies on a potter 's wheel . Gods could share the same role in nature ; Ra , Atum , , Horus , and other deities acted as sun gods . Despite their diverse functions , most gods had an overarching role in common : maintaining maat , the universal order that was a central principle of Egyptian religion and was itself personified as a goddess . But some deities represented disruption to maat . Most prominently , Apep was the force of chaos , constantly threatening to annihilate the order of the universe , and Set was an ambivalent member of divine society who could both fight disorder and foment it . \n Not all aspects of existence were seen as deities . Although many deities were connected with the Nile , no god personified it in the way that Ra personified the sun . Short @-@ lived phenomena , like rainbows or eclipses , were not represented by gods ; neither were elements like fire and water or many other components of the world . \n The roles of each deity were fluid , and each god could expand its nature to take on new characteristics . As a result , gods ' roles are difficult to categorize or define . But despite their flexibility , the gods had limited abilities and spheres of influence . Not even the creator god could reach beyond the boundaries of the cosmos that he created , and even Isis , though she was said to be the cleverest of the gods , was not omniscient . Richard H. Wilkinson , however , argues that some texts from the late New Kingdom suggest that , as beliefs about the god Amun evolved , he was thought to approach omniscience and omnipresence and to transcend the limits of the world in a way that other deities did not . \n The deities with the most limited and specialized domains are often called \" minor divinities \" or \" demons \" in modern writing , although there is no firm definition for these terms . Among these lesser deities , Egyptologist Claude draws a distinction between \" genies \" — specialized patron spirits of certain places , objects , or activities , such as the sea or marsh god @-@ Wer and the harvest goddess Renenutet — and demons , who have a more dangerous character . Many demons are hostile , causing illness and other troubles among humans . Their power can also be protective ; they may guard certain places in the Duat , the realm of the dead , or advise and watch over humans . Egyptians believed the landscape was full of these unpredictable divine powers . Demons often act as servants and messengers to the greater gods , but their position in the hierarchy is not fixed . The protective deities and originally had minor , demon @-@ like roles , but over time they came to be credited with great influence . \n"} +{"id": 99, "text": " Divine behavior was believed to govern all of nature . Except for the few deities who disrupted the divine order , the gods ' actions maintained maat and created and sustained all living things . They did this work using a force the Egyptians called heka , a term usually translated as \" magic \" . was a fundamental power that the creator god used to form the world and the gods themselves . \n The gods ' actions in the present are described and praised in hymns and funerary texts . In contrast , mythology mainly concerns the gods ' actions during a vaguely imagined past in which the gods were present on earth and interacted directly with humans . The events of this past time set the pattern for the events of the present . Periodic occurrences were tied to events in the mythic past ; the succession of each new pharaoh , for instance , reenacted Horus ' accession to the throne of his father Osiris . Myths are metaphors for the gods ' actions , which humans cannot fully understand . They contain seemingly contradictory ideas , each expressing a particular perspective on divine events . The contradictions in myth are part of the Egyptians ' many @-@ faceted approach to religious belief — what Henri Frankfort called a \" multiplicity of approaches \" to understanding the gods . \n In myth , the gods behave much like humans . They feel emotion ; they can eat , drink , fight , weep , sicken , and die . Some have unique character traits . Set is aggressive and impulsive , and Thoth , patron of writing and knowledge , is prone to long @-@ winded speeches . Yet overall , the gods are more like archetypes than well drawn characters . Their behavior is inconsistent , and their thoughts and motivations are rarely stated . Most myths about them lack highly developed characters and plots , because the symbolic meaning of the myths was more important than elaborate storytelling . \n The first divine act is the creation of the cosmos , described in several creation myths . They focus on different gods , each of which may act as creator deities . The eight gods of the , who represent the chaos that precedes creation , give birth to the sun god , who establishes order in the newly formed world ; Ptah , who embodies thought and creativity , gives form to all things by envisioning and naming them ; Atum produces all things as emanations of himself ; and Amun , according to the myths promoted by his priesthood , preceded and created the other creator gods . These and other versions of the events of creation were not seen as contradictory . Each gives a different perspective on the complex process by which the organized universe and its many deities emerged from undifferentiated chaos . The period following creation , in which a series of gods rule as kings over the divine society , is the setting for most myths . The gods struggle against the forces of chaos and among each other before withdrawing from the human world and installing the historical kings of Egypt to rule in their place . \n A recurring theme in these myths is the effort of the gods to maintain maat against the forces of disorder . They fight vicious battles with the forces of chaos at the start of creation . Ra and Apep , battling each other each night , continue this struggle into the present . Another prominent theme is the gods ' death and revival . The clearest instance where a god dies is the myth of Osiris ' murder , in which that god is resurrected as ruler of the Duat . The sun god is also said to grow old during his daily journey across the sky , sink into the Duat at night , and emerge as a young child at dawn . In the process he comes into contact with the rejuvenating water of primordial chaos . Funerary texts that depict Ra 's journey through the Duat also show the corpses of gods who are enlivened along with him . Instead of being immortal , the gods periodically died and were reborn by repeating the events of creation , thus renewing the whole world . But it was always possible for this cycle to be disrupted and for chaos to return . Some poorly understood Egyptian texts even suggest that this calamity is destined to happen — that the creator god will one day dissolve the order of the world , leaving only himself and Osiris amid the primordial chaos . \n"} +{"id": 100, "text": " Gods were linked with specific regions of the universe . In Egyptian tradition , the world includes the earth , the sky , and the Duat . Surrounding them is the dark formlessness that existed before creation . The gods in general were said to dwell in the sky , although gods whose roles were linked with other parts of the universe were said to live in those places instead . Most events of mythology , set in a time before the gods ' withdrawal from the human realm , take place in an earthly setting . The deities there sometimes interact with those in the sky . The Duat , in contrast , is treated as a remote and inaccessible place , and the gods who dwell there have difficulty communicating with those in the world of the living . The space outside the cosmos is also said to be very distant . It too is inhabited by deities , some hostile and some beneficial to the other gods and their orderly world . \n In the time after myth , most gods were said to be either in the sky or invisibly present within the world . Temples were their main means of contact with humanity . Each day , it was believed , the gods moved from the divine realm to their temples , their homes in the human world . There they inhabited the cult images , the statues that depicted deities and allowed humans to interact with them in temple rituals . This movement between realms was sometimes described as a journey between the sky and the earth . As temples were the focal points of Egyptian cities , the god in a city 's main temple was the patron god for the city and the surrounding region . Deities ' spheres of influence on earth centered on the towns and regions they presided over . Many gods had more than one cult center , and their local ties changed over time . They could establish themselves in new cities , or their range of influence could contract . Therefore , a given deity 's main cult center in historical times is not necessarily his or her place of origin . The political influence of a city could affect the importance of its patron deity . When kings from Thebes took control of the country at start of the Middle Kingdom ( c . 2055 – 1650 BC ) , they elevated Thebes ' patron gods — first the war god Montu and then Amun — to national prominence . \n"} +{"id": 101, "text": " In Egyptian belief , names express the fundamental nature of the things to which they refer . In keeping with this belief , the names of deities often relate to their roles or origins . The name of the predatory goddess Sekhmet means \" powerful one \" , the name of the mysterious god Amun means \" hidden one \" , and the name of the goddess Nekhbet , who was worshipped in the city of , means \" she of \" . But many other names have no certain meaning , even when the gods who bear them are closely tied to a single role . The names of the sky goddess Nut and the earth god Geb do not resemble the Egyptian terms for sky and earth . \n The Egyptians also devised false etymologies giving more meanings to divine names . A passage in the Coffin Texts renders the name of the funerary god as sk r , meaning \" cleaning of the mouth \" , to link his name with his role in the Opening of the Mouth ritual , while one in the Pyramid Texts says the name is based on words shouted by Osiris , connecting with the most important funerary deity . \n The gods were believed to have many names . Among them were secret names that conveyed their true natures more profoundly than others . To know the true name of a deity was to have power over it . The importance of names is demonstrated by a myth in which Isis poisons the superior god Ra and refuses to cure him unless he reveals his secret name to her . Upon learning the name , she tells it to her son , Horus , and by learning it they gain greater knowledge and power . \n In addition to their names , gods were given epithets , like \" possessor of splendor \" , \" ruler of Abydos \" , or \" lord of the sky \" , that describe some aspect of their roles or their worship . Because of the gods ' multiple and overlapping roles , deities can have many epithets — with more important gods accumulating more titles — and the same epithet can apply to many deities . Some epithets eventually became separate deities , as with , an epithet applied to several goddesses meaning \" great enchantress \" , which came to be treated as an independent goddess . The host of divine names and titles expresses the gods ' multifarious nature . \n"} +{"id": 102, "text": " Egyptian deities are connected in a complex and shifting array of relationships . A god 's connections and interactions with other deities helped define its character . Thus Isis , as the mother and protector of Horus , was a great healer as well as the patroness of kings . Such relationships were the base material from which myths were formed . \n Family relationships are a common type of connection between gods . Deities often form male and female pairs , reflecting the importance of procreation in Egyptian religious thought . Families of three deities , with a father , mother , and child , represent the creation of new life and the succession of the father by the child , a pattern that connects divine families with royal succession . Osiris , Isis , and Horus formed the quintessential family of this type . The pattern they set grew more widespread over time , so that many deities in local cult centers , like Ptah , Sekhmet , and their child at Memphis and Amun , Mut , and Khonsu at Thebes , were assembled into family triads . Genealogical connections like these are changeable , in keeping with the multiple perspectives in Egyptian belief . Hathor , as a fertility goddess , could act as mother to any child god , including the child form of the sun god , although in other circumstances she was the sun god 's daughter . \n Other divine groups were composed of deities with interrelated roles , or who together represented a region of the Egyptian mythological cosmos . There were sets of gods for the hours of the day and night and for each nome ( province ) of Egypt . Some of these groups contain a specific , symbolically important number of deities . Paired gods can stand for opposite but interrelated concepts that are part of a greater unity . Ra , who is dynamic and light @-@ producing , and Osiris , who is static and shrouded in darkness , merge into a single god each night . Groups of three are linked with plurality in ancient Egyptian thought , and groups of four connote completeness . Rulers in the late New Kingdom promoted a particularly important group of three gods above all others : Amun , Ra , and Ptah . These deities stood for the plurality of all gods , as well as for their own cult centers ( the major cities of Thebes , Heliopolis , and Memphis ) and for many threefold sets of concepts in Egyptian religious thought . Sometimes Set , the patron god of the Nineteenth Dynasty kings and the embodiment of disorder within the world , was added to this group , which emphasized a single coherent vision of the pantheon . \n Nine , the product of three and three , represents a multitude , so the Egyptians called several large groups \" \" , or sets of nine , even if they had more than nine members . The most prominent ennead was the Ennead of Heliopolis , an extended family of deities descended from the creator god Atum , which incorporates many important gods . The term \" ennead \" was often extended to include all of Egypt 's deities . \n This divine assemblage had a vague and changeable hierarchy . Gods with broad influence in the cosmos or who were mythologically older than others had higher positions in divine society . At the apex of this society was the king of the gods , who was usually identified with the creator deity . In different periods of Egyptian history , different gods were most frequently said to hold this exalted position . Horus was the most important god in the Early Dynastic Period , Ra rose to preeminence in the Old Kingdom , Amun was supreme in the New , and in the Ptolemaic and Roman periods , Isis was the divine queen and creator goddess . Newly prominent gods tended to adopt characteristics from their predecessors . Isis absorbed the traits of many other goddesses during her rise , and when Amun became the ruler of the pantheon , he was conjoined with Ra , the traditional king of the gods , to become a solar deity . \n"} +{"id": 103, "text": " The gods were believed to manifest in many forms . The Egyptians had complex conception of the human soul , consisting of several parts . The spirits of the gods were composed of many of these same elements . The ba was the component of the human or divine soul that affected the world around it . Any visible manifestation of a god 's power could be called its ba ; thus , the sun was called the ba of Ra . A depiction of a deity was considered a ka , another component of its being , which acted as a vessel for that deity 's ba to inhabit . The cult images of gods that were the focus of temple rituals , as well as the sacred animals that represented certain deities , were believed to house divine bas in this way . Gods could be ascribed many bas and kas , which were sometimes given names representing different aspects of the god 's nature . Everything in existence was said to be one of the kas of Atum the creator god , who originally contained all things within himself , and one deity could be called the ba of another , meaning that the first god is a manifestation of the other 's power . Divine body parts could act as separate deities , like the Eye of Ra and Hand of Atum , both of which were personified as goddesses . \n Nationally important deities gave rise to local manifestations , which sometimes absorbed the characteristics of older regional gods . Horus had many forms tied to particular places , including Horus of Nekhen , Horus of Buhen , and Horus of Edfu . Such local manifestations could be treated almost as separate beings . During the New Kingdom , one man was accused of stealing clothes by an oracle supposed to communicate messages from Amun of Pe @-@ Khenty . He consulted two other local oracles of Amun hoping for a different judgment . Gods ' manifestations also differed according to their roles . Horus could be a powerful sky god or vulnerable child , and these forms were sometimes counted as independent deities . \n Gods were combined with each other as easily as they were divided . A god could be called the ba of another , or two or more deities could be joined into one god with a combined name and iconography . Local gods were linked with greater ones , and deities with similar functions were combined . Ra was connected with the local deity Sobek to form Sobek @-@ Ra ; with his fellow ruling god , Amun , to form Amun @-@ Ra ; with the solar form of Horus to form Ra @-@ ; and with several solar deities as @-@ @-@ Ra @-@ Atum . On rare occasion , even deities of different sexes were joined in this way , producing combinations like Osiris @-@ Neith and Mut @-@ Min . This linking of deities is called syncretism . Unlike other situations for which this term is used , the Egyptian practice was not meant to fuse competing belief systems , although foreign deities could be syncretized with native ones . Instead , syncretism acknowledged the overlap between their roles , and extended the sphere of influence for each of them . combinations were not permanent ; a god who was involved in one combination continued to appear separately and to form new combinations with other deities . But closely connected deities did sometimes merge . Horus absorbed several falcon gods from various regions , such as Khenty @-@ and Khenty @-@ , who became little more than local manifestations of him ; Hathor subsumed a similar cow goddess , Bat ; and an early funerary god , @-@ , was supplanted by Osiris and Anubis . \n"} +{"id": 104, "text": " In the reign of Akhenaten ( c . 1353 – 1336 BC ) in the mid @-@ New Kingdom , a single solar deity , the Aten , became the sole focus of the state religion . Akhenaten ceased to fund the temples of other deities and erased the gods ' names and images on monuments , targeting Amun in particular . This new religious system , sometimes called Atenism , differed dramatically from the polytheistic worship of many gods in all other periods . Whereas , in earlier times , newly important gods were integrated into existing religious beliefs , Atenism insisted on a single understanding of the divine that excluded the traditional multiplicity of perspectives . Yet Atenism may not have been full monotheism , which totally excludes belief in other deities . There is evidence suggesting that the general populace was still allowed to worship other gods in private . The picture is further complicated by Atenism 's apparent tolerance for some other deities , like Shu . For these reasons , the Egyptologist Dominic Montserrat suggested that Akhenaten may have been , worshipping a single deity while acknowledging the existence of others . In any case , Atenism 's aberrant theology did not take root among the Egyptian populace , and Akhenaten 's successors returned to traditional beliefs . \n"} +{"id": 105, "text": " Scholars have long debated whether traditional Egyptian religion ever asserted that the multiple gods were , on a deeper level , unified . Reasons for this debate include the practice of syncretism , which might suggest that all the separate gods could ultimately merge into one , and the tendency of Egyptian texts to credit a particular god with power that surpasses all other deities . Another point of contention is the appearance of the word \" god \" in wisdom literature , where the term does not refer to a specific deity or group of deities . In the early 20th century , for instance , E. A. Wallis Budge believed that Egyptian commoners were polytheistic , but knowledge of the true monotheistic nature of the religion was reserved for the elite , who wrote the wisdom literature . His contemporary James Henry thought Egyptian religion was instead pantheistic , with the power of the sun god present in all other gods , while Hermann Junker argued that Egyptian civilization had been originally monotheistic and became polytheistic in the course of its history . \n In 1971 , Erik Hornung published a study rebutting these views . He points out that in any given period many deities , even minor ones , were described as superior to all others . He also argues that the unspecified \" god \" in the wisdom texts is a generic term for whichever deity the reader chooses to revere . Although the combinations , manifestations , and iconographies of each god were constantly shifting , they were always restricted to a finite number of forms , never becoming fully interchangeable in a monotheistic or pantheistic way . , Hornung says , describes Egyptian religion better than other labels . An Egyptian could worship any deity at a particular time and credit it with supreme power in that moment , without denying the other gods or merging them all with the god that he or she focused on . Hornung concludes that the gods were fully unified only in myth , at the time before creation , after which the multitude of gods emerged from a uniform nonexistence . \n Hornung 's arguments have greatly influenced other scholars of Egyptian religion , but some still believe that at times the gods were more unified than he allows . Jan Assmann maintains that the notion of a single deity developed slowly through the New Kingdom , beginning with a focus on Amun @-@ Ra as the all @-@ important sun god . In his view , Atenism was an extreme outgrowth of this trend . It equated the single deity with the sun and dismissed all other gods . Then , in the backlash against Atenism , priestly theologians described the universal god in a different way , one that coexisted with traditional polytheism . The one god was believed to transcend the world and all the other deities , while at the same time , the multiple gods were aspects of the one . According to Assmann , this one god was especially equated with Amun , the dominant god in the late New Kingdom , whereas for the rest of Egyptian history the universal deity could be identified with many other gods . James P. Allen says that coexisting notions of one god and many gods would fit well with the \" multiplicity of approaches \" in Egyptian thought , as well as with the practice of ordinary worshippers . He says that the Egyptians may have recognized the unity of the divine by \" identifying their uniform notion of ' god ' with a particular god , depending on the particular situation . \" \n"} +{"id": 106, "text": " Egyptian writings describe the gods ' bodies in detail . They are made of precious materials ; their flesh is gold , their bones are silver , and their hair is lapis lazuli . They give off a scent that the Egyptians likened to the incense used in rituals . Some texts give precise descriptions of particular deities , including their height and eye color . Yet these characteristics are not fixed ; in myths , gods change their appearances to suit their own purposes . Egyptian texts often refer to deities ' true , underlying forms as \" mysterious \" . The Egyptians ' visual representations of their gods are therefore not literal . They symbolize specific aspects of each deity 's character , functioning much like the ideograms in hieroglyphic writing . For this reason , the funerary god Anubis is commonly shown in Egyptian art as a dog or jackal , a creature whose scavenging habits threaten the preservation of buried mummies , in an effort to counter this threat and employ it for protection . His black coloring alludes to the color of mummified flesh and to the fertile black soil that Egyptians saw as a symbol of resurrection . \n Most gods were depicted in several ways . Hathor could be a cow , cobra , lioness , or a woman with bovine horns or ears . By depicting a given god in different ways , the Egyptians expressed different aspects of its essential nature . The gods are depicted in a finite number of these symbolic forms , so that deities can often be distinguished from one another by their iconographies . These forms include men and women ( anthropomorphism ) , animals ( ) , and , more rarely , inanimate objects . Combinations of forms , such as gods with human bodies and animal heads , are common . New forms and increasingly complex combinations arose in the course of history . Some gods can only be distinguished from others if they are labeled in writing , as with Isis and Hathor . Because of the close connection between these goddesses , they could both wear the cow @-@ horn headdress that was originally Hathor 's alone . \n Certain features of divine images are more useful than others in determining a god 's identity . The head of a given divine image is particularly significant . In a hybrid image , the head represents the original form of the being depicted , so that , as the Egyptologist Henry Fischer put it , \" a lion @-@ headed goddess is a lion @-@ goddess in human form , while a royal sphinx , conversely , is a man who has assumed the form of a lion . \" Divine headdresses , which range from the same types of crowns used by human kings to large hieroglyphs worn on gods ' heads , are another important indicator . In contrast , the objects held in gods ' hands tend to be generic . Male deities hold was staffs , goddesses hold stalks of papyrus , and both sexes carry ankh signs , representing the Egyptian word for \" life \" , to symbolize their life @-@ giving power . \n The forms in which the gods are shown , although diverse , are limited in many ways . Many creatures that are widespread in Egypt were never used in divine iconography , whereas a few , such as falcons , cobras , and cattle , can each represent many deities . Animals that were absent from Egypt in the early stages of its history were not used as divine images . For instance , the horse , which was only introduced in the Second Intermediate Period ( c . 1650 – 1550 BC ) , never represented a god . Similarly , the clothes worn by anthropomorphic deities in all periods changed little from the styles used in the Old Kingdom : a kilt , false beard , and often a shirt for male gods and a long , tight @-@ fitting dress for goddesses . \n The basic anthropomorphic form varies . Child gods are depicted nude , as are some adult gods when their procreative powers are emphasized . Certain male deities are given heavy bellies and breasts , signifying either androgyny or prosperity and abundance . Whereas most male gods have red skin and most goddesses are yellow — the same colors used to depict Egyptian men and women — some are given unusual , symbolic skin colors . Thus the blue skin and paunchy figure of the god alludes to the Nile flood he represents and the nourishing fertility it brought . A few deities , such as Osiris , Ptah , and Min , have a \" \" appearance , with their limbs tightly swathed in cloth . Although these gods resemble mummies , the earliest examples predate the cloth @-@ wrapped style of mummification , and this form may instead hark back to the earliest , limbless depictions of deities . \n"} +{"id": 107, "text": " In official writings , pharaohs are said to be divine , and they are constantly depicted in the company of the deities of the pantheon . Each pharaoh and his predecessors were considered the successors of the gods who had ruled Egypt in mythic prehistory . Living kings were equated with Horus and called the \" son \" of many deities , particularly Osiris and Ra ; deceased kings were equated with these elder gods . Pharaohs had their own mortuary temples where rituals were performed for them during their lives and after their deaths . But few pharaohs were worshipped as gods long after their lifetimes , and non @-@ official texts portray kings in a human light . For these reasons , scholars disagree about how genuinely most Egyptians believed the king to be a god . He may only have been considered divine when he was performing ceremonies . \n However much it was believed , the king 's divine status was the rationale for his role as Egypt 's representative to the gods , as he formed a link between the divine and human realms . The Egyptians believed the gods needed temples to dwell in , as well as the periodic performance of rituals and presentation of offerings to nourish them . These things were provided by the cults that the king oversaw , with their priests and laborers . Yet , according to royal ideology , temple @-@ building was exclusively the pharaoh 's work , as were the rituals that priests usually performed in his stead . These acts were a part of the king 's fundamental role : maintaining maat . The king and the nation he represented provided the gods with maat so they could continue to perform their functions , which maintained maat in the cosmos so humans could continue to live . \n"} +{"id": 108, "text": " Although the Egyptians believed their gods to be present in the world around them , contact between the human and divine realms was mostly limited to specific circumstances . In literature , gods may appear to humans in a physical form , but in real life the Egyptians were limited to more indirect means of communication . \n The ba of a god was said to periodically leave the divine realm to dwell in the images of that god . By inhabiting these images , the gods left their concealed state and took on a physical form . To the Egyptians , a place or object that was — \" sacred \" — was isolated and ritually pure , and thus fit for a god to inhabit . Temple statues and reliefs , as well as particular sacred animals , like the Apis bull , served as divine intermediaries in this way . Dreams and trances provided a very different venue for interaction . In these states , it was believed , people could come close to the gods and sometimes receive messages from them . Finally , according to Egyptian afterlife beliefs , human souls pass into the divine realm after death . The Egyptians therefore believed that in death they would exist on the same level as the gods and fully understand their mysterious nature . \n Temples , where the state rituals were carried out , were filled with images of the gods . The most important temple image was the cult statue in the inner sanctuary . These statues were usually less than life @-@ size , and made of the same precious materials that were said to form the gods ' bodies . Many temples had several sanctuaries , each with a cult statue representing one of the gods in a group such as a family triad . The city 's primary god was envisioned as its lord , employing many of the residents as servants in the divine household that the temple represented . The gods residing in the temples of Egypt collectively represented the entire pantheon . But many deities — including some important gods as well as those that were minor or hostile — were never given temples of their own , although some were represented in the temples of other gods . \n To insulate the sacred power in the sanctuary from the impurities of the outside world , the Egyptians enclosed temple sanctuaries and greatly restricted access to them . People other than kings and high priests were thus denied contact with cult statues . The only exception was during festival processions , when the statue was carried out of the temple but still enclosed in a portable shrine . People did have less direct means of interaction . The more public parts of temples often incorporated small places for prayer , from doorways to freestanding chapels near the back of the temple building . Communities also built and managed small chapels for their own use , and some families had shrines inside their homes . Despite the gulf that separated humanity from the divine , the Egyptians were surrounded by opportunities to approach their gods . \n"} +{"id": 109, "text": " Egyptian gods were involved in human lives as well as in the overarching order of nature . This divine influence applied mainly to Egypt , as foreign peoples were traditionally believed to be outside the divine order . But in the New Kingdom , when other nations were under Egyptian control , foreigners were said to be under the sun god 's benign rule in the same way that Egyptians were . \n Thoth , as the overseer of time , was said to allot fixed lifespans to both humans and gods . Other gods were also said to govern the length of human lives , including , who presided over birth , and Shai , the personification of fate . Thus the time and manner of death was the main meaning of the Egyptian concept of fate , although to some extent these deities governed other events in life as well . Several texts refer to gods influencing or inspiring human decisions , working through a person 's \" heart \" — the seat of emotion and intellect in Egyptian belief . Deities were also believed to give commands , instructing the king in the governance of his realm and regulating the management of their temples . Egyptian texts rarely mention direct commands given to private persons , and these commands never evolved into a set of divinely enforced moral codes . Morality in ancient Egypt was based on the concept of maat , which , when applied to human society , meant that everyone should live in an orderly way that did not interfere with the well @-@ being of other people . Because deities were the upholders of maat , morality was connected with them . For example , the gods judged humans ' moral righteousness after death , and by the New Kingdom , a verdict of innocence in this judgment was believed to be necessary for admittance into the afterlife . But in general , morality was based on practical ways to uphold maat in daily life , rather than on strict rules that the gods laid out . \n Humans had free will to ignore divine guidance and the behavior required by maat , but by doing so they could bring divine punishment upon themselves . A deity carried out this punishment using its ba , the force that manifested the god 's power in the human world . Natural disasters and human ailments were seen as the work of angry divine bas . Conversely , the gods could cure righteous people of illness or even extend their lifespans . Both these types of intervention were eventually represented by deities : Shed , who emerged in the New Kingdom to represent divine rescue from harm , and , an apotropaic god from the late eras of Egyptian history who was believed to avenge wrongdoing . \n Egyptian texts take different views on whether the gods are responsible when humans suffer unjustly . Misfortune was often seen as a product of , the cosmic disorder that was the opposite of maat , and therefore the gods were not guilty of causing evil events . Some deities who were closely connected with , such as Set , could be blamed for disorder within the world without placing guilt on the other gods . But some writings do accuse the deities of causing human misery , while others give theodicies in the gods ' defense . Beginning in the Middle Kingdom , several texts connected the issue of evil in the world with a myth in which the creator god fights a human rebellion against his rule and then withdraws from the earth . Because of this human misbehavior , the creator is distant from his creation , allowing suffering to exist . New Kingdom writings do not question the just nature of the gods as strongly as those of the Middle Kingdom . They emphasize humans ' direct , personal relationships with deities and the gods ' power to intervene in human events . People in this era put faith in specific gods who they hoped would help and protect them through their lives . As a result , upholding the ideals of maat grew less important than gaining the gods ' favor as a way to guarantee a good life . Even the pharaohs were regarded as dependent on divine aid , and after the New Kingdom came to an end , government was increasingly influenced by oracles communicating the gods ' will . \n"} +{"id": 110, "text": " Official religious practices , which maintained maat for the benefit of all Egypt , were related to , but distinct from , the religious practices of ordinary people , who sought the gods ' help for their personal problems . \n Official religion involved a variety of rituals , based in temples . Some rites were performed every day , whereas others were festivals , taking place at longer intervals and often limited to a particular temple or deity . The gods received their offerings in daily ceremonies , in which their statues were clothed , anointed , and presented with food as hymns were recited in their honor . These offerings , in addition to maintaining maat for the gods , celebrated deities ' life @-@ giving generosity and encouraged them to remain benevolent rather than vengeful . \n Festivals often involved a ceremonial procession in which a cult image was carried out of the temple in a barque @-@ shaped shrine . These processions served various purposes . In Roman times , when local deities of all kinds were believed to have power over the Nile inundation , processions in many communities carried temple images to the riverbanks so the gods could invoke a large and fruitful flood . Processions also traveled between temples , as when the image of Hathor from Dendera Temple visited her consort Horus at the Temple of Edfu . Rituals for a god were often based in that deity 's mythology . Such rituals were meant to be repetitions of the events of the mythic past , renewing the beneficial effects of the original events . In the Khoiak festival in honor of Osiris , his death and resurrection were ritually reenacted at a time when crops were beginning to sprout . The returning greenery symbolized the renewal of the god 's own life . \n Personal interaction with the gods took many forms . People who wanted information or advice consulted oracles , run by temples , that were supposed to convey gods ' answers to questions . Amulets and other images of protective deities were used to ward off the demons that might threaten human well @-@ being or to impart the god 's positive characteristics to the wearer . Private rituals invoked the gods ' power to accomplish personal goals , from healing sickness to cursing enemies . These practices used heka , the same force of magic that the gods used , which the creator was said to have given to humans so they could fend off misfortune . The performer of a private rite often took on the role of a god in a myth , or even threatened a deity , to involve the gods in accomplishing the goal . Such rituals coexisted with private offerings and prayers , and all three were accepted means of obtaining divine help . \n Prayer and private offerings are generally called \" personal piety \" : acts that reflect a close relationship between an individual and a god . Evidence of personal piety is scant before the New Kingdom . Votive offerings and personal names , many of which are , suggest that commoners felt some connection between themselves and their gods . But firm evidence of devotion to deities became visible only in the New Kingdom , reaching a peak late in that era . Scholars disagree about the meaning of this change — whether direct interaction with the gods was a new development or an outgrowth of older traditions . Egyptians now expressed their devotion through a new variety of activities in and around temples . They recorded their prayers and their thanks for divine help on stelae . They gave offerings of figurines that represented the gods they were praying to , or that symbolized the result they desired ; thus a relief image of Hathor and a statuette of a woman could both represent a prayer for fertility . Occasionally , a person took a particular god as a patron , dedicating his or her property or labor to the god 's cult . These practices continued into the latest periods of Egyptian history . These later eras saw more religious innovations , including the practice of giving animal mummies as offerings to deities depicted in animal form , such as the cat mummies given to the feline goddess Bastet . Some of the major deities from myth and official religion were rarely invoked in popular worship , but many of the great state gods were important in popular tradition . \n The worship of some Egyptian gods spread to neighboring lands , especially to Canaan and Nubia during the New Kingdom , when those regions were under pharaonic control . In Canaan , the exported deities , including Hathor , Amun , and Set , were often syncretized with native gods , who in turn spread to Egypt . The Egyptian deities may not have had permanent temples in Canaan , and their importance there waned after Egypt lost control of the region . In contrast , many temples to the major Egyptian gods and deified pharaohs were built in Nubia . After the end of Egyptian rule there , the imported gods , particularly Amun and Isis , were syncretized with local deities and remained part of the religion of Nubia 's independent Kingdom of Kush . These gods were incorporated into the Nubian ideology of kingship much as they were in Egypt , so that Amun was considered the divine father of the king and Isis and other goddesses were linked with the Nubian queen , the . Some deities reached farther . became a goddess in Minoan Crete , and Amun 's oracle at Siwa Oasis was known to and consulted by people across the Mediterranean region . \n Under the Greek Ptolemaic Dynasty and then Roman rule , Greeks and Romans introduced their own deities to Egypt . These newcomers equated the Egyptian gods with their own , as part of the Greco @-@ Roman tradition of interpretatio graeca . But the worship of the native gods was not swallowed up by that of foreign ones . Instead , Greek and Roman gods were adopted as manifestations of Egyptian ones . Egyptian cults sometimes incorporated Greek language , philosophy , iconography , and even temple architecture . Meanwhile , the cults of several Egyptian deities — particularly Isis , Osiris , Anubis , the form of Horus named Harpocrates , and the fused Greco @-@ Egyptian god Serapis — were adopted into Roman religion and spread across the Roman Empire . Roman emperors , like Ptolemaic kings before them , invoked Isis and Serapis to endorse their authority , inside and outside Egypt . In the empire 's complex mix of religious traditions , Thoth was transmuted into the legendary esoteric teacher Hermes Trismegistus , and Isis , who was venerated from Britain to Mesopotamia , became the focus of a Greek @-@ style mystery cult . Isis and Hermes Trismegistus were both prominent in the Western esoteric tradition that grew from the Roman religious world . \n Temples and cults in Egypt itself declined as the Roman economy deteriorated in the third century AD , and beginning in the fourth century , Christians suppressed the veneration of Egyptian deities . The last formal cults , at Philae , died out in the fifth or sixth century . Most beliefs surrounding the gods themselves disappeared within a few hundred years , remaining in magical texts into the seventh and eighth centuries . But many of the practices involved in their worship , such as processions and oracles , were adapted to fit Christian ideology and persisted as part of the Coptic Church . Given the great changes and diverse influences in Egyptian culture since that time , scholars disagree about whether any modern Coptic practices are descended from those of pharaonic religion . But many festivals and other traditions of modern Egyptians , both Christian and Muslim , resemble the worship of their ancestors ' gods . \n"} +{"id": 111, "text": " South of Heaven is the fourth studio album by American thrash metal band Slayer . Released on July 5 , 1988 , the album was the band 's second collaboration with record producer Rick Rubin , whose production skills on Slayer 's previous album Reign in Blood had helped the band 's sound evolve . \n South of Heaven was Slayer 's second album to enter the Billboard 200 , and its last to be released by Def Jam Recordings , although the album became an American Recordings album after Rick Rubin ended his partnership with Russell Simmons . It was one of only two Def Jam titles to be distributed by Geffen Records through Warner Bros. Records because of original distributor Columbia Records ' refusal to release work by the band . The release peaked at number 57 and in 1992 was awarded a gold certification by the Recording Industry Association of America . \n In order to offset the pace of the group 's previous album , Slayer deliberately slowed down the album 's tempo . In contrast to their previous albums , the band utilized undistorted guitars and toned @-@ down vocals . While some critics praised this musical change , others — more accustomed to the style of earlier releases — were disappointed . The songs \" Mandatory Suicide \" and the title track , however , have become permanent features of the band 's live setlist . \n"} +{"id": 112, "text": " South of Heaven was recorded in Los Angeles , California with Reign in Blood producer Rick Rubin . PopMatters reviewer Adrien Begrand observed that Rubin 's production \" shoves [ Dave ] Lombardo 's drumming right up front in the mix . \" Guitarist Jeff Hanneman has since said that South of Heaven was the only album the band members discussed before writing the music . Aware that they \" couldn 't top Reign in Blood \" , and that whatever they recorded would be \" compared to that album \" , he believed they \" had to slow down \" , something Slayer had never done on albums before , or since . Guitarist Kerry King cited the need to \" keep people guessing \" as another reason for the musical shift . \" In order to contrast the aggressive assault put forth on Reign in Blood , Slayer consciously slowed down the tempo of the album as a whole \" , according to Slayer 's official biography . \" They also added elements like undistorted guitars and toned @-@ down vocal styles not heard on previous albums . \" \n King has since been critical of his performance , which he describes as his \" most lackluster . \" King attributes this to the fact he had recently married , and moved to Phoenix , Arizona . Describing himself as \" probably the odd man out at that point \" , he admitted he \" didn ’ t participate as much because of that . \" Hanneman said : \" We go through dry spells sometimes , but the good thing about having two guitar players that can write music is that you are never gonna go without . I guess at that time , Kerry was hitting a dry spell . \" King has also been critical of the album in general , describing it as one of his least favorite Slayer albums . He feels vocalist Tom Araya moved too far away from his regular vocal style , and \" added too much singing . \" Drummer Dave Lombardo has since observed : \" There was fire on all the records , but it started dimming when South of Heaven came into the picture . And that 's me personally . Again , I was probably wanting something else . \" \n Judas Priest 's \" Dissident Aggressor \" is the only cover version to appear on a Slayer studio album . The song was chosen due to its war @-@ themed lyrics . Hanneman described the track as \" more just like one of those odd songs that a lot of people didn 't know , but it was a favorite of Kerry and I , so we just picked that one . \" Meanwhile , \" the Soul \" has been heavily criticized by King who said that he hates the track : \" That 's one of the black marks in our history , in my book . I just fucking think it 's horrible . [ Laughs ] I hate the opening riff . It 's what we call a ' happy riff . ' It 's just like ' la @-@ @-@ la @-@ la @-@ la . ' I can 't see myself playing it , but after that , where it gets heavier , I like that section . If we ever did a medley , I 'd put part of that in there . \" The Slayer boxset Soundtrack to the Apocalypse featured , along with four songs of the album , an early version of the title track , recorded at Hanneman 's home . \n"} +{"id": 113, "text": " Artist Larry Carroll and Illustrator Howard Schwartzberg designed the cover artwork for South of Heaven , having designed the artwork for Slayer 's previous album Reign in Blood . Photographer Glen E. Friedman took the promotional shot which surfaced as the back cover of South of Heaven around the time of 1986 's Reign in Blood . Lombardo felt it made Slayer seem as though they \" had matured a little bit \" , while Friedman himself deemed it \" a really cool back cover \" and \" one of the most classic shots of them [ Slayer ] ever . \" \n"} +{"id": 114, "text": " South of Heaven was released on July 5 , 1988 , and was the final Slayer album distributed via Def Jam Records . When label co @-@ founders Russell Simmons and Rubin parted ways , Slayer signed to Rubin 's newly founded Def American Recordings label . The album peaked at number 57 on the Billboard 200 album chart , and on November 20 , 1992 , became Slayer 's second album to be certified gold in the United States . South of Heaven was awarded silver certification in the United Kingdom on January 1 , 1993 , Slayer 's first record to do so in that country . Slayer 's official biography states that \" some critics praised the album as demonstrating Slayer 's desire to grow musically and avoid repeating themselves . \" Alex Henderson of AllMusic described the record as \" disturbing and powerful , \" while Joe Matera of Ultimate Guitar deemed the album a slight departure ; he wrote that while the pace was slowed down , it \" didn 't sacrifice any of the heaviness inherent in Slayer 's music . \" \n Reviewing the 2003 Slayer box set Soundtrack to the Apocalypse , Adrien Begrand of PopMatters described the album as \" their most underrated , and on this set , its five selections show how highly the band thinks of the record . \" KNAC.com 's Peter Atkinson was also positive , saying the album has a \" grandiosity and imposing presence \" which makes the record \" so magnificent . \" Grave 's Ola Lindgren and Bolt Thrower 's Karl Willetts both rate South of Heaven as amongst the top five albums of all time , while Max of Brazilian death metal group remembers hearing the song \" Silent Scream \" for the first time : \" It just blew me away . It was like fast double @-@ bass , fast kicks during the whole song . That was very inspiring for me . \" When discussing Slayer in an October 2007 interview , Evile frontman Matt Drake stated that while Reign in Blood \" was just speed \" , South of Heaven proved that the group could write \" slow material as well . \" Metal Forces reviewer gives \" the band credit for at least making an effort to try something new and not being afraid to experiment at such a crucial stage of their career \" , creating \" one of the more original sounding thrash / speed metal albums he heard in a long while \" . He remarks , however , that \" if you ’ re expecting to hear Reign in Blood Part Two , you ’ ll be in for a major disappointment \" . \n Kim Neely of Rolling Stone dismissed the album as \" genuinely offensive satanic drivel . \" Slayer 's official biography states : \" The new sounds disappointed some of the band 's fans who were more accustomed to the style of earlier releases . \" Michael Roberts of Westworld Online said this was due to some of the numbers moving \" at the speed of Black Sabbath . \" Araya commented that the \" album was a late bloomer — it wasn 't really received well , but it kind of grew on everybody later . \" \n"} +{"id": 115, "text": " The title track and the song \" Mandatory Suicide \" have received various cover interpretations , particularly on Slayer tribute albums . Toni Ferguson recorded string quartet adaptations of both tracks on the album The String Quartet Tribute to Slayer : The Evil You Dread , with the former cover being described as having \" menacing chord shifts \" by AllMusic 's Johnny Loftus . \n 1995 Slayer tribute album Slatanic Slaughter featured three tracks which originally appeared on South of Heaven , with the title track , \" Mandatory Suicide \" and \" Spill the Blood \" interpreted by , Crown of Thorns and Grope respectively . Its 1998 follow up Slatanic Slaughter , Vol . 2 only featured two tracks originally from the album ; namely \" Silent Scream \" arranged by Vader and \" Read Between the Lies \" interpreted by Anathema . 1999 's Straight to Hell : A Tribute to Slayer collected four Slayer renditions which originated on the album , with versions of South of Heaven performed by Abaddon ( Venom ) and Electric Hellfire Club , \" Mandatory Suicide \" cut by Chapter 7 and \" Behind the Crooked Cross \" adapted by . 2006 Argentine tribute album Al Sur Del Abismo ( Tributo Argentino A Slayer ) saw and Climatic Terra also respectively cover \" South of Heaven \" and \" Mandatory Suicide \" . Hatebreed covered the song \" Ghosts of War \" for their 2009 cover album For the Lions . They released a music video for it also . Korn has covered the title track at least twice live , once with Kid Rock on vocals and another using the intro to follow into one of their songs live . \n The title track itself has also been covered by Integrity 2000 , Modest Mouse and , Pro @-@ Pain , and Universe Eye . Polish death metal band Decapitated covered the song \" Mandatory Suicide \" on their first full @-@ length album Winds of Creation . In 2003 , \" Silent Scream \" was covered by Children of Bodom for their album Hate Crew in his UK version . Hardcore Punk band , The opened their set with the beginning of \" South of Heaven \" at 7 on May 4 , 2013 \n"} +{"id": 116, "text": " Two songs taken from the album ( \" Mandatory Suicide \" and \" South of Heaven \" ) have become near constant fixtures in the band 's live setlist , notching up appearances on the following : the live DVDs Live Intrusion , War at the Warfield , Still Reigning , Soundtrack to the Apocalypse 's deluxe edition 's bonus live disc , and the live double album Decade of Aggression . Lombardo guested with Finnish cellist group Apocalyptica on a live medley of the two tracks at 1998 's Headbanger 's Heaven festival in the Netherlands . Adrien Begrand of PopMatters described \" South of Heaven \" as \" an unorthodox set opener in theory \" , noting \" the song went over like a megaton bomb detonating the place : dozens of inverted crosses projected behind the high drum riser , the sinewy opening notes kicked in , followed by an overture of bass , cymbal crashes , and tom fills , leading up to the slowly building crescendo \" in a concert review . Lombardo remembers listening to a live rendition of \" South of Heaven \" and thinking \" ‘ Man ! There 's just so much groove in that song . ’ To my kids I was saying , ‘ Listen to that ! Listen to how groovy that is ! ’ And it 's heavy . \" A rare live version of the track featured on the Rarities 2004 promotional CD , given away to attendees at the Spring 2004 Jägermeister Music Tour . A live rendition of \" South of Heaven \" was also included on a bonus DVD which came with the group 's 2007 re @-@ release of ninth studio album Christ Illusion , shot in Vancouver , British Columbia during 2006 's Unholy Alliance tour . \n \" Behind the Crooked Cross \" is rarely played live as Hanneman hates the track , though King has always wanted to play it \" because it 's got a cool intro \" despite it not being his favorite song . King said \" that 's fine \" when speaking of the situation , noting \" there are songs that he wants to play that I always shoot down . \" \" Ghosts of War \" isn 't King 's favorite song either , which he attests \" everybody always wants to hear \" performed live . He confessed ; \" I like the ending , you know , I like the big heavy part and I always say , ‘ Let 's put the heavy ending at the end of \" Chemical Warfare \" and just do the last half . ’ But I could never make that fly . \" \n Slayer has toyed with the idea of creating a live set mixed with selections from the album and 1990 's Seasons in the Abyss , though Hanneman said it 's something which hasn 't been \" seriously considered . \" Metal Maniacs asked Slayer in a 2006 interview whether they would consider playing South of Heaven in the footsteps of the Still Reigning tour , to which Araya replied , \" It 's becoming a trendy thing now . I don 't know . We have some really cool albums , but I don 't think we 'll ever do that again . \" King was equally unsure , commenting , \" Probably not . And I just don 't like enough songs off South of Heaven . \" \n"} +{"id": 117, "text": " Tom Araya – bass , lead vocals \n Jeff Hanneman – lead and rhythm guitar \n Kerry King – lead and rhythm guitar , backing vocals \n Dave Lombardo – drums \n"} +{"id": 118, "text": " General aviation in the United Kingdom has been defined as a civil aircraft operation other than a commercial air transport flight operating to a schedule or military aviation . Although the International Civil Aviation Organization ( ICAO ) excludes any form of remunerated aviation from its definition , some commercial operations are often included within the scope of general aviation ( GA ) in the UK . The sector operates business jets , rotorcraft , piston and jet @-@ engined fixed @-@ wing aircraft , gliders of all descriptions , and lighter than air craft . Public transport operations include business ( or corporate ) aviation and air taxi services , and account for nearly half of the economic contribution made by the sector . Other commercial GA activities are aerial work , such as surveying and air ambulances , and flight training , which plays an important role in the supply of pilots to the commercial air transport ( CAT ) industry . Private flying is conducted for personal transport and recreation . It includes a strong vintage aircraft movement , and encompasses a range of air sports , such as racing , aerobatics , and parachuting , at which British teams and individuals have succeeded in international competition . \n Of the 21 @,@ 000 civil aircraft registered in the UK , 96 per cent are engaged in GA operations , and annually the GA fleet accounts for between 1 @.@ 25 and 1 @.@ 35 million hours flown . The single most common class of aircraft is the fixed @-@ wing light aircraft associated with traditional GA , but the main area of growth over the last 20 years has been in the use of more affordable aircraft , such as microlights , amateur built aeroplanes , and smaller helicopters . There are 28 @,@ 000 Private Pilot Licence holders , and 10 @,@ 000 certified glider pilots . Some of the 19 @,@ 000 pilots who hold professional licences are also engaged in GA activities . Although GA operates from more than 1 @,@ 800 aerodromes and landing sites , ranging in size from large regional airports to farm strips , over 80 per cent of GA activity is conducted at 134 of the larger aerodromes . The GA industry , which is around 7 per cent the size of its CAT cousin , employs 12 @,@ 000 people , and contributes £ 1 @.@ 4 billion to the UK economy . \n GA is regulated by the Civil Aviation Authority ( CAA ) , although regulatory powers are being increasingly transferred to the European Aviation Safety Agency ( EASA ) . The main focus is on standards of airworthiness and pilot licensing , and the objective is to promote high standards of safety . At the lighter end of the GA spectrum some regulatory authority is devolved to representative bodies , and gliding is in transition from a self @-@ regulatory model to more formal governance by EASA . Airspace regulation necessary to protect an increasing number of CAT operations has reduced the area in which GA flights can be freely conducted . The growth in CAT is also making access to larger airports more difficult for the GA sector , and smaller aerodromes are vulnerable to closure and re @-@ development for more profitable uses . The UK planning system has no remit to consider the national significance of GA public transport operations , and generally does not favour the development of smaller aerodromes catering to the GA market . The planning process has become a mechanism for addressing local aerodrome @-@ related environmental issues which , particularly regarding noise , are the main subjects of public criticism levelled at GA . \n"} +{"id": 119, "text": " The International Civil Aviation Organization ( ICAO ) defines general aviation ( GA ) as \" an aircraft operation other than a commercial air transport operation or an aerial work operation . \" It defines commercial air transport ( CAT ) as \" an aircraft operation involving the transport of passengers , cargo or mail for remuneration or hire \" , and aerial work as \" an aircraft operation in which an aircraft is used for specialized services such as agriculture , construction , photography , surveying , observation and patrol , search and rescue , aerial advertisement , etc . \" \n Organisations in the United Kingdom ( UK ) describe GA in less restrictive terms that include elements of commercial aviation . The British Business and General Aviation Association interprets it to be \" all aeroplane and helicopter flying except that performed by the major airlines and the Armed Services \" . The General Aviation Awareness Council applies the description \" all Civil Aviation operations other than scheduled air services and non @-@ scheduled air transport operations for remuneration or hire \" . For the purposes of a strategic review of GA in the UK , the Civil Aviation Authority ( CAA ) defined the scope of GA as \" a civil aircraft operation other than a commercial air transport flight operating to a schedule \" , and considered it necessary to depart from the ICAO definition and include aerial work and minor CAT operations . \n"} +{"id": 120, "text": " The first aerodrome in the UK was established by the Aero Club at Muswell Manor on the Isle of Sheppey , and in May 1909 it was the venue of the first flight conducted in the country by a British pilot , John Moore @-@ Brabazon . In 1910 the Aero Club was granted the Royal prefix , took responsibility for controlling all private flying in the UK , and started issuing the first British pilot licences . The introduction of the de Havilland DH.60 Moth in 1925 revolutionised light aviation , and the Royal Aero Club , recognising the \" vital necessity of promoting civil flying \" , formed the Light Aeroplane Club scheme . Between 1925 and 1939 around 60 flying clubs were started , and more than 5 @,@ 000 pilots were trained . \n During World War II civil aerodromes were taken over for military use , existing military airfields were expanded , and new ones were built . This resulted in a significant inventory of facilities becoming available after the war . Pre @-@ war civil aerodromes , for example Sywell , were returned to civilian use . Surplus military airfields were closed , and in some cases , for example , subsequently re @-@ opened as civil aerodromes . The Ministry of Civil Aviation was created to regulate all civil aviation in the UK , and this task remained the responsibility of government departments until the establishment of the independent CAA in 1972 . \n With an expanded infrastructure in place , GA became established after the war when manufacturers such as Cessna and Piper introduced light aircraft designed for the private market . The Cessna 172 , developed from the late 1940s Cessna 170 , was introduced in 1956 , and became the world 's best selling single @-@ engine aeroplane . Single piston @-@ engine aircraft are still the most common class of aircraft in the UK GA fleet . The development of the wing in the 1950s fostered the development of hang @-@ gliding during the 1960s and 1970s . The 1960s also saw experiments with motorised hang gliders , but it was not until the 1970s that this blend of technologies started to mature , resulting in the birth of the microlight movement . Another milestone in the development of GA was the 1964 introduction of the Learjet 23 . Although it was not the first business jet , it popularised corporate aviation , and established the personal jet as a \" whole new class of aircraft \" . \n"} +{"id": 121, "text": " The GA sector operates a range of aircraft , including balloons and airships , gliders , hang gliders , paragliders , microlights , , helicopters , amateur built and mass @-@ produced light aircraft , ex @-@ military aircraft , and business jets . Flights can be broadly categorised as public transport , aerial work , and private flying , the first two of which are commercial activities . \n"} +{"id": 122, "text": " Commercial operations are remunerated activities which fall within the ICAO definition of CAT . Some are , however , closely aligned to , and considered part of , the GA sector . Public transport operations are non @-@ scheduled , on @-@ demand services flying between points specified by the customer , providing a more flexible service than airline travel . Air taxi operations offer charter services for third parties , and business or corporate aviation uses company @-@ owned aircraft to transport employees and clients . Aircraft used in these operations include business jets , helicopters , and twin piston @-@ engine aeroplanes carrying between six and ten people . An example of this type of operation is the transport by helicopter of spectators to the British Formula One grand prix at Silverstone . This involves so many flights that , according to Cranfield Aviation Services , on race day the heliport is temporarily the world 's busiest airport . Aerial work is a small but important component of the commercial GA sector , characterised in its simplest form as remunerated non @-@ transport activities , such as surveying , crop spraying , and emergency services work ( air ambulance and police ) . \n"} +{"id": 123, "text": " Flying schools are commercial businesses engaged in the training of pilots , both for recreational purposes and for those intending to fly professionally . They make widespread use of fixed @-@ wing light aircraft associated with traditional GA , not only for flying lessons but also as club aircraft rented out to qualified pilots for recreational flights . School @-@ owned aircraft account for a significant amount of GA activity , both in terms of hours flown and aircraft movements . The pilot training element is regarded by the GA community as a key benefit that is critical to the supply of pilots for the airline industry . It is claimed by the General Aviation Awareness Council that 60 – 70 per cent of professional pilots have self @-@ financed their flight training at GA schools , and one UK airline operator has stated that the industry must rely on 70 – 80 per cent of new pilots coming from the GA sector . The CAA estimates that between 1996 and 2006 the number of new professional pilots following the unsponsored training route rose from 48 per cent to 59 per cent . The counter argument to this claim is that pilots can be trained outside of the UK , and that the airline industry is not therefore dependent on a healthy GA sector in the UK for its supply of pilots . The CAA concludes that a severe reduction in GA would give \" some merit to the argument that pilot recruitment would be threatened \" , but that the data on flying hours \" does not support such a gloomy outlook . \" Of course , reliance on other countries for pilot training means that the UK foregoes the economic benefit of the training activity . \n"} +{"id": 124, "text": " Private flying can be for both recreational purposes and personal transport , using aircraft that are owned individually , collectively as part of a syndicate , or rented from a flying club . A survey of pilots conducted between 2001 and 2002 indicated that the most common purposes of recreational flights were local flights near the base aerodrome , visits to other aerodromes , and day trips away . Half of all flights landed at the same aerodrome they departed from , and only 9 per cent involved an overnight stay away from home . \n Private flying is most associated with the traditional form of factory @-@ produced two and four @-@ seater , single piston @-@ engine training and touring aircraft . Examples of these are the Cessna 152 , Cessna 172 , and Piper Cherokee , all with their origins in the 1950s , and the more modern designs of Cirrus . The average cost per hour to fly such aircraft has been estimated to be £ 133 , compared to an estimated £ 77 per hour for gliders , and a reported £ 35 per hour for microlights . Recent trends have seen an increase in the use of microlights , and also in recreational helicopter flying following the introduction of smaller and cheaper machines such as the Robinson and R44 . Another growth area in private flying in recent years has been in the use of amateur built aircraft , such as the Van 's Aircraft RV @-@ 4 and the Europa . \n There is a strong vintage aircraft movement in the UK , with two @-@ thirds of the 500 registered historic aircraft active . These cover the whole spectrum of civil and military aviation , examples being the de Havilland Dragon Rapide airliner of the 1930s , and the World War II ( WWII ) Spitfire fighter . There are many post @-@ WWII aircraft which could also be considered historic under a looser definition , including for example 60 ex @-@ military jets such as the Hawker Hunter . Historic aircraft are regular exhibits at air displays , which are claimed to be the second most popular spectator activity after football in the UK . \n"} +{"id": 125, "text": " Competitive gliding in the UK takes place between May and September . Regionals are local competitions , organised and run by one of the bigger gliding clubs in the region , and represent the entry level to glider racing . Races are handicapped according to glider performance , and normally take place over nine days . Success in the regionals allows pilots to progress to the nationals , where there are five classes of competition . These are based on glider performance , the lowest being club class , and then progressing through standard ( maximum 15 metres ( 49 ft ) wingspan , and flaps not permitted ) , 15 metres ( 49 ft ) ( as standard , but flaps are permitted ) , 18 metres ( 59 ft ) ( maximum 18 metres ( 59 ft ) wingspan ) , and finally open @-@ class ( no restrictions ) . Success at national level can lead to a place in the national team and competition at international level . In 2007 the British gliding team was ranked number one , and British pilots took two women 's world championships and the open class European championship . \n Handicapped air racing is open to any propeller @-@ driven aircraft capable of maintaining a minimum speed of 100 miles ( 160 km ) per hour in level flight . Races are a case of \" fly low , fly fast , turn left \" , consisting of 4 – 5 laps round a 20 – 25 mile ( 32 – 40 km ) circuit . Faster aircraft are handicapped by starting after slower aircraft , the intention being that the race concludes with all aircraft diving for the finish line together . There are up to 16 races per year , conducted at airfields in the UK , France and the Channel Islands , for prizes that include the Schneider Trophy and King 's Cup , and the season culminates with the British Air Racing and European Air Racing Championships . \n Aerobatic competitions take place for both powered aircraft and gliders , with up to 30 events each year in the UK and Ireland . Starting at the Beginner level , pilots can move up to Standard ( powered aircraft ) or Sports ( glider ) levels , and then on to Intermediate , Advanced , and finally Unlimited classes . Each step up requires a wider repertoire of aerobatic figures and progressively more performance from the aircraft . National championships are awarded annually at Standard / Sports , Intermediate , Advanced ( powered aircraft only ) , and Unlimited levels , and pilots who have reached Advanced and Unlimited levels are eligible for selection to represent the UK in international competition . \n Parachute competitions are held at club , regional , national and international levels , and include the disciplines of accuracy landings , freefall gymnastics , formation skydiving , canopy formation , freestyle and , and skysurfing . British teams consistently win medals in canopy formation world championships , and a British team took the 2006 world championship in women 's 4 @-@ way formation skydiving . \n"} +{"id": 126, "text": " Aerodrome is a collective term for any location from which flying operations take place , although more specific terminology can be used to characterise its purpose . The CAA strategic review of GA applies the term airport to locations which predominantly support large scale commercial operations , and airfield to locations which predominantly support GA operations . The General Aviation Small Aerodrome Research Study ( GASAR ) analysed 687 aerodromes in England which come under the scope of GA , classifying 374 into six types . These range in size from regional airports to the smallest farm strip , although 84 per cent of GA flights operate from 134 of the larger aerodromes in the first four categories . \n"} +{"id": 127, "text": " The factors used in determining how an individual aerodrome is categorised by the GASAR study are based broadly on size and facilities . The six types of aerodrome are described , in size order , as : regional airports ( e.g. East Midlands ) ; major GA airports ( e.g. Oxford ) ; developed GA airfields ( e.g. ) ; basic GA airfields ( e.g. ) ; developed airstrips ( e.g. ) ; and basic airstrips ( e.g. in Hampshire ) . The actual criteria used to categorise aerodromes were complex , using 28 different parameters , backed up with a peer review by experienced GA pilots . \n Airports generally have long , fully lit , hard @-@ surfaced runways , full air traffic control , and navigation and landing aids . They are usually located on urban fringes , support commercial and business operations , and often exclude certain types of light aircraft . At the more located airfields , the lighter end of aviation , such as microlight and gliding activities , becomes increasingly prevalent , and there are few or no commercial operations other than flying schools . At this level runways are generally shorter , and grass surfaces are increasingly common . Navigation aids are increasingly scarce , being more basic where they are available , and informal ground to air radio communication replaces air traffic control . The smallest airfields are too small to feature on general purpose Ordnance Survey ( OS ) maps , and lack basic facilities such as fuel and maintenance . The majority of airstrips are basically single short grass runways with no supporting facilities , although the presence of a hangar is not uncommon at the larger examples . They do not feature on OS maps , and are owned by private clubs or , more commonly , individuals . \n"} +{"id": 128, "text": " Most aerodromes used for public transport operations are required to be licensed by the CAA . To be granted a licence an aerodrome operator must satisfy the CAA that : the physical conditions at the aerodrome , and its environs , are acceptable ; the scale of equipment , and facilities provided , are adequate for the flying activities which are expected to take place ; an effective safety management system is in place ; and that staff are competent and , where necessary , suitably qualified . Aerodromes classified as developed GA airfields or larger by the GASAR study are , with few exceptions , licensed . Only two basic GA airfields , Silverstone and Duxford , are licensed , and all airstrips are unlicensed . The Light Aviation Airports Study Group , a joint CAA @-@ industry initiative , was established in 2005 to review the regulation of light aviation aerodromes . A particular focus of this group was a review of the restrictions placed on unlicensed aerodromes . The group concluded that the requirement for public transport operations to be conducted only from licensed aerodromes should be further reviewed in the context of corresponding international and European requirements . It also recommended that restrictions on flight training at unlicensed aerodromes should be lifted , and this was permitted from April 2010 \n"} +{"id": 129, "text": " There are an estimated 27 @,@ 000 civil aircraft registered in the UK , 96 per cent of which are engaged in GA activities . In 2005 the GA fleet comprised 9 @,@ 000 fixed @-@ wing aircraft , 4 @,@ 100 microlights , 1 @,@ 300 helicopters , 1 @,@ 800 airships / balloons , 2 @,@ 500 gliders and some 7 @,@ 000 hang gliders . Estimates put the number of foreign @-@ registered GA aircraft based in the UK at 900 . \n The number of pilots licensed by the CAA to fly powered aircraft in 2005 was 47 @,@ 000 , of whom 28 @,@ 000 held a Private Pilot Licence . The remainder held professional pilot licences , either a Commercial Pilot Licence or an Airline Transport Pilot Licence , although not all of these would be engaged in GA activities . In addition , there are 10 @,@ 000 active glider pilots , and estimates put the membership of aviation @-@ related sport and recreational associations at 36 @,@ 000 . \n The number of aerodromes that support GA in the UK is difficult to establish with certainty . 2008 United Kingdom Flight Guide lists 355 , and the Flight Equipment UK VFR Flight Guide 2008 lists nearly 500 . Farm ' Strips ' and Private Airfields Flight Guide lists more than 300 landing sites . The GASAR study estimates 1 @,@ 100 formal flying sites in England alone , a figure which includes 400 sites known to planning authorities but not included in flight guides . It estimates another 759 informal sites known only to land owners , customs , and members of the enthusiast group Air @-@ Britain . \n The sector was estimated to employ nearly 12 @,@ 000 people and directly contribute £ 1 @.@ 4 billion to the UK economy in 2005 , making it roughly seven per cent of the size of the CAT industry . Nearly half of the economic contribution was generated by business aviation . \n"} +{"id": 130, "text": " Most sectors of GA for which data are available have experienced growth in aircraft numbers and hours flown over the last two decades . The lighter end of the GA spectrum : microlights , amateur built , and airships and balloons , have in particular shown strong growth , although the last of these activities was severely curtailed during the foot @-@ and @-@ mouth outbreak in 2001 , when access to farmland was denied . After strong growth in the late 1980s , traditional flying has shown a slight decline recently , reflecting a move amongst recreational flyers towards microlight aircraft , and increased numbers of foreign @-@ registered aircraft . Recreational helicopter usage has grown primarily due to the introduction of smaller and cheaper aircraft . Glider activity has remained relatively static , although there has been a gradual increase in the number of self @-@ launching motor gliders . \n Business aviation has shown strong growth , although the numbers of aircraft on the UK register have declined . This reflects a shift away from turboprop aircraft towards foreign @-@ registered business jets based in the UK , which are estimated to be growing in numbers . However , twin piston @-@ engined aircraft numbers have declined significantly , reflecting pressures on the light air @-@ taxi segment from increasingly flexible and cheaper scheduled services , and a more sophisticated corporate charter business . The amount of flight training conducted by UK schools has declined , largely at the hands of competition from foreign schools , which benefit from lower costs and better weather . \n Since 1990 the total number of hours flown annually by the GA sector has remained in the range 1 @.@ 25 – 1 @.@ 35 million , the dominant sector being traditional GA flying , which accounts for 0 @.@ 6 million per year . An overall increase in aircraft numbers combined with nil growth in hours flown has brought the annual average utilisation per aircraft down from 157 hours in 1984 to 103 hours in 2002 . The decline in asset utilisation has led to speculation that the economic health of the GA industry is weakening , though the lack of data on profitability makes this difficult to confirm . \n"} +{"id": 131, "text": " The objective of regulation is to \" promote high standards of safety in all aspects of aviation \" , and this is the main area of interaction between the CAA and the GA sector . Efforts focus on assuring appropriate standards of airworthiness , pilot qualification , the rules for the movement of aircraft , and equipment to be carried . The CAA was established as the primary regulatory body for all aviation in the UK in 1972 . In 1991 it started working within the Joint Aviation Authorities ( JAA ) framework to implement agreed common standards , known as the Joint Aviation Requirements ( JAR ) , throughout the European Union ( EU ) . In 2003 this was taken a step further when the European Aviation Safety Agency ( EASA ) was established as the central EU regulator , taking over responsibility for legislating airworthiness and environmental regulation from the national authorities . The CAA acts as an agency of EASA on these issues , retaining its original regulatory powers in areas not yet transferred to EASA . Proposed developments seek to establish EASA as the single authority throughout the EU , taking over from individual member states the power to regulate all aviation other than that specifically excluded from the scope of EASA . \n"} +{"id": 132, "text": " Within this framework certain sectors of GA are governed on a devolved basis . In all cases the CAA / EASA retains responsibility for safety regulation , but representative bodies , particularly of sectors that are not included in the scope of EASA , are granted greater oversight of their activities . The majority of microlight aircraft are regulated by the British Microlight Aircraft Association ( BMAA ) , although a significant number are regulated by the Light Aircraft Association ( LAA ) , formerly known as the Popular Flying Association . The LAA is the primary regulator for amateur built aircraft , as well as vintage and classic aircraft . Parachuting is governed by the British Parachute Association , although the aircraft used in this activity are generally CAA @-@ regulated . Balloon and airship flying is overseen by the British Balloon and Airship Club . The UK @-@ specific National Private Pilot Licence ( NPPL ) is administered by the National Pilots Licensing Group Ltd . , supported by the LAA , the Aircraft Owners and Pilots Association UK , the British Gliding Association , and the British Microlight Aircraft Association . Separate from these devolved groups , gliding in the UK is self @-@ regulated . The British Gliding Association was until recently responsible for glider airworthiness , now formally regulated as a result of EASA legislation , and still retains control of pilot certification . Hang gliding and paragliding activities ( i.e. foot @-@ launched gliders ) are governed by the British Hang Gliding and Association . \n"} +{"id": 133, "text": " Under CAA and EASA rules , all aircraft are required to meet certain standards of airworthiness to fly safely and legally . Aircraft that meet these standards are issued with a Certificate of Airworthiness . However , British @-@ registered aircraft which are excluded from the scope of EASA , and which cannot satisfy the requirements for the issue of a Certificate of Airworthiness , may be issued with a Permit to Fly . This allows them to fly in UK airspace subject to certain limitations , for example being restricted to day @-@ time flights under visual flight rules only . A number of organisations ( e.g. the British Microlight Aircraft Association and the Light Aircraft Association ) have obtained a standing over @-@ flight permission for Permit to Fly aircraft within their area of interest with some European countries , notably France . Permits are typically issued to vintage and historic aircraft , amateur built aircraft , and microlights . \n"} +{"id": 134, "text": " The pilot qualification most relevant to GA is the Private Pilot Licence ( PPL ) , which permits the holder to fly for recreational purposes without remuneration . In addition to the European @-@ wide Joint Aviation Regulations Flight Crew Licensing ( JAR @-@ ) standard , the CAA also issues UK @-@ specific national licences . In the absence of European standards for , balloon , and airship pilots , the CAA licenses these according to the original UK PPL standard . As a response to the perception that JAR pilot licensing standards are excessively bureaucratic and expensive for the purposes of recreational pilots , the National Private Pilot Licence ( NPPL ) was introduced in 2002 . The NPPL is easier to obtain than the JAR @-@ licence , has less stringent medical requirements , is more restrictive in the privileges it grants , and is valid only for flights in British @-@ registered aircraft flying in UK and French airspace . Although there are plans to bring glider pilot licensing within the regulatory framework of EASA , the gliding sector is currently self @-@ regulating in this respect . The British Gliding Association is responsible for defining the standards of initial training , and certifying , via a badge system , pilots who meet those standards . Pilots working in sectors of GA that are commercial operations , such as aerial work and business aviation , are required to hold a professional pilot licence which , at a minimum , is the Commercial Pilot Licence . \n"} +{"id": 135, "text": " Between 1995 and 2004 there were 2 @,@ 630 accidents involving GA aircraft , of which 139 were fatal , resulting in the loss of 317 lives . The majority of accidents involved small fixed @-@ wing aircraft engaged in private flights , and analysis attributes the most common causes of these to : flight handling skills ; poor judgement or airmanship ; lack of training or experience ; and omission of , or inappropriate , action . \n There were 27 fatal accidents involving GA aircraft in 2007 , resulting in the loss of 48 lives . These compare with 16 accidents claiming a total of 19 lives the previous year , and although the 2007 statistics are higher than average , they are not exceptional . \n"} +{"id": 136, "text": " The growth in Commercial Air Transport ( CAT ) has eroded the operational freedom of GA , both in the air and on the ground at larger airports . Difficulty with access to larger airports is compounded by a decline in the number of aerodromes generally , and existing sites are often threatened with closure and re @-@ development for more profitable uses . The UK planning system is designed to focus on local issues , and consideration of the national impact of GA operations is not within its remit . This makes aerodrome development difficult , often subjecting those that successfully negotiate the process to restrictions in use . \n"} +{"id": 137, "text": " Airspace is shared by CAT , military and GA users . It is divided into controlled airspace , in which aircraft must always be under the control of an air traffic controller , and uncontrolled airspace , in which aircraft can operate autonomously . Although GA flights can under certain conditions enter controlled airspace , they operate mainly outside of it . \n Controlled airspace is essential for the provision of a known air traffic environment necessary for the safe operation of CAT . A CAA review found that \" mixing [ commercial ] operations with other users is considered undesirable , even untenable \" by commercial operators . However this position has resulted in extensive Class A controlled airspace with complex boundaries , including some running down to the ground , prohibiting VFR access to airspace , resulting in high numbers of GA flights operating close to the borders of controlled airspace who could not get formal receipt of an air traffic service . Coupled with pilot navigation errors , hundreds of airspace infringements have been recorded every year . \n Increases in the number of CAT operations , and in the number of airports they operate from , has resulted in a corresponding increase in Class A controlled airspace . Between 1997 and 2006 this area grew in size from 13 per cent of all airspace to 22 per cent nationally , and from 24 per cent to 43 per cent in airspace above England and Wales , leading to a perception within the GA community of being squeezed out . There are particular problems for GA around large airports , where Class A controlled airspace extends to ground level . The concentration of commercial operations and high demand for GA in the South East of England have also resulted in extensive areas of Class A controlled airspace there , which serve to channel uncontrolled GA operations through high @-@ collision @-@ risk hot spots . \n"} +{"id": 138, "text": " Regional airports , such as Edinburgh Airport , have experienced strong growth in CAT operations in recent years . These operations are commercially and operationally incompatible with GA , and although there is no evidence of deliberate discrimination , the effect has been to discourage or exclude it . GA aircraft are being subject to significant increases in charges , including the imposition of handling fees in some cases . Some airports restrict or deny GA parking , and others limit or refuse certain GA activity . As a result , light GA aircraft are now rarely or never seen at large , busy international airports such as Heathrow , Stansted , Gatwick and Manchester . \n In addition to this de facto loss of facilities , the number of aerodromes in the UK has been in decline over the last 50 years , as a result of increasing urbanisation and the closure of airfields built during WWII . Alternative and more profitable uses for land can also lead to existing aerodromes being threatened with closure , for example North Weald , or actually being closed , as happened to Ipswich and Bristol Filton Airport . Referring to the importance of a \" functioning national network of GA airfields \" , especially where GA performs an air transport role , the CAA states that \" there could be cause for concern if a significant further loss of airfields were to continue , especially if crucial nodes on the transport network were to be lost . \" \n"} +{"id": 139, "text": " The planning system is critical to the viability and operation of GA aerodromes . With many cities lacking scheduled air transport services between them , and with GA access to commercial airports becoming increasingly difficult and expensive , a viable network of aerodromes supporting GA air transport operations is regarded as an important national issue . However , there is no unified national planning policy specific to GA aerodromes , and planning decisions relating to these are based on local issues that are not required to consider the national impact . Because aircraft are excluded from noise control legislation , the only recourse for people affected by aircraft noise is through the planning process , and this issue is the principal factor on which the majority of planning decisions relating to GA land use are made . GA is a specialist subject often unfamiliar to Local Planning Authorities , and most planning decisions relating to GA either refuse permission , or grant it with restrictive conditions . Little Gransden is just one example of a GA airfield required to comply with planning restrictions on the number of movements permitted , thereby inhibiting further development . Such restrictions , if poorly conceived , can make GA operations unviable or even unsafe . \n"} +{"id": 140, "text": " Public opinion towards aviation generally is worsening , based on increasing environmental concerns relating to emissions and noise , and private flying has been criticised by respondents to a government consultation on aircraft noise as a frivolous or selfish activity . In terms of environmental complaints and enquiries made to the CAA that relate specifically to GA , noise is \" by far \" the most common subject . Half of the 2 @,@ 000 noise complaints made annually to the CAA concern GA operations , most of which relate to aerobatics , helicopters using private sites , air balloon incidents , parachute dropping , and alleged low flying . \n Planning guidance on aircraft noise advises that \" in some circumstances the public perceive general aircraft noise levels as more disturbing than similar levels around major airports . \" This is a result of the tonal characteristics of light aircraft engines and the activities they are engaged in , including : repetitive circuit flying at low @-@ altitude near an aerodrome , during which aircraft are audible for long periods ; slow climbing aircraft engaged in parachute drop or glider tug activities concentrated around the drop zone or aerodrome , also audible for long periods ; erratic and repetitive engine noise from aircraft engaged in aerobatics ; and piston @-@ engines on full power in areas of low background noise , leading to the perception that such noise is more intrusive . In an attempt to alleviate these problems , the majority of aerodromes implement noise abatement procedures designed to route aircraft away from noise sensitive areas , and more than 50 are required by the government to provide consultative facilities in which local concerns can be raised with aerodrome operators . \n"} +{"id": 141, "text": " SMS Zrínyi ( \" His Majesty 's ship Zrínyi \" ) was a Radetzky @-@ class pre @-@ dreadnought battleship ( Schlachtschiff ) of the Austro @-@ Hungarian Navy ( K.u.K. Kriegsmarine ) , named for the Zrinski , a noble Croatian family . Zrínyi and her sisters , Erzherzog Franz Ferdinand and Radetzky , were the last pre @-@ dreadnoughts built by the Austro @-@ Hungarian Navy . \n During World War I , Zrínyi saw action in the Adriatic Sea . She served with the Second Division of the Austro @-@ Hungarian Navy 's battleships and shelled Senigallia as part of the bombardment of the key seaport of Ancona , Italy , during May 1915 . However , Allied control of the Strait of Otranto meant that the Austro @-@ Hungarian Navy was , for all intents and purposes , effectively bottled up in the Adriatic . Nonetheless , the presence of the Zrínyi and other battleships tied down a substantial force of Allied ships . \n With the war going against the Austrians by the end of 1918 , Zrínyi was prepared to be transferred to the new State of Slovenes , Croats and Serbs . On 10 November 1918 — just one day before the end of the war , navy officers sailed the battleship out of Pola ( Pula ) and eventually surrendered to a squadron of American submarine chasers . Following the handover to the United States Navy , she was briefly designated USS Zrínyi . In the Treaty of Saint @-@ Germain @-@ en @-@ Laye , the transfer was not recognized ; instead , Zrínyi was given to Italy and broken up for scrap . \n"} +{"id": 142, "text": " Zrínyi was built at the Stabilimento Tecnico Triestino dockyard in Trieste , the same place where her sister ships were built earlier . She was laid down on 15 November 1908 and launched from the slipway on 12 April 1910 . The teak used on Zrínyi 's deck was the only material Austria @-@ Hungary had to purchase abroad to build the ship . The ship was completed by 15 July 1911 , and on 22 November 1911 she was commissioned into the fleet . She was the last ship of the class to be completed and had a crew of 880 to 890 officers and men . \n Zrínyi was 138 @.@ 8 m ( 455 ft 4 in ) long , and had a beam of 24 @.@ 6 m ( 80 ft 8 in ) and a draft of 8 @.@ 1 m ( 26 ft 9 in ) . She displaced 14 @,@ 508 long tons ( 14 @,@ 741 t ) normally , and up to 15 @,@ 845 long tons ( 16 @,@ 099 t ) with a full combat load . She was powered by two @-@ shaft four @-@ cylinder vertical triple expansion engines rated at 19 @,@ 800 indicated horsepower . The ship had a top speed of 20 @.@ 5 knots ( 38 @.@ 0 km / h ; 23 @.@ 6 mph ) . Zrínyi was the first warship in the Austro @-@ Hungarian Navy to use fuel oil to supplement her 12 Yarrow @-@ type coal @-@ fired boilers . She had a maximum range of 4 @,@ 000 nautical miles ( 7 @,@ 400 km ; 4 @,@ 600 mi ) at a cruising speed of 10 knots ( 19 km / h ; 12 mph ) . \n The ship 's primary armament consisted of four 30 @.@ 5 cm ( 12 in ) 45 @-@ caliber guns in two twin gun turrets . This was augmented by a heavy secondary battery of eight 24 cm ( 9 @.@ 4 in ) guns in four wing turrets . The tertiary battery consisted of twenty 10 cm L / 50 guns in casemated single mounts , four 47 mm ( 1 @.@ 85 in ) L / 44 and one 47 mm L / 33 quick @-@ firing guns . Furthermore , the ship 's boats were equipped with two 66 mm ( 2 @.@ 6 in ) landing guns for operations shore . Three 45 cm ( 17 @.@ 7 in ) torpedo tubes were also carried , one on each broadside and one in the stern . \n"} +{"id": 143, "text": " The ship was assigned to the Austro @-@ Hungarian Fleet 's 1st Battle Squadron after her 1911 commissioning . In 1912 , Zrínyi and her two sister ships conducted two training cruises into the eastern Mediterranean Sea . On the second cruise into the Aegean Sea , conducted from November to December , Zrínyi and her sister ships were accompanied by the cruiser SMS Admiral Spaun and a pair of destroyers . After returning to Pola , the entire fleet mobilized for possible hostilities , as tensions flared in the Balkans . \n In 1913 , Zrínyi participated in an international naval demonstration in the Ionian Sea to protest the Balkan Wars . Ships from other navies included in the demonstration were the British pre @-@ dreadnought HMS King Edward VII , the Italian pre @-@ dreadnought Ammiraglio di Saint Bon , the French armored cruiser Edgar Quinet , and the German light cruiser SMS Breslau . The most important action of the combined flotilla , which was under the command of British Admiral Cecil Burney , was to blockade the Montenegrin coast . The goal of the blockade was to prevent Serbian reinforcements from supporting the siege at Scutari , where Montenegro had besieged a combined force of Albanians and Ottomans . Pressured by the international blockade , Serbia withdrew its army from Scutari , which was subsequently occupied by a joint Allied ground force . \n During that year , the first of four new dreadnoughts , SMS Viribus Unitis , that made up the Tegetthoff class — the only dreadnoughts built for the Austro @-@ Hungarian Navy — came into active service . With the commissioning of these dreadnoughts , Zrínyi and her sisters were moved from the 1st Division to the 2nd Division of the 1st Battle Squadron . \n"} +{"id": 144, "text": " At that time of the assassination of Archduke Franz Ferdinand of Austria on 28 June 1914 , the battleships in the Austro @-@ Hungarian Navy consisted of the Radetzky class , the Tegetthoff class ( which still had one ship , SMS Szent István , under construction ) , the Erzherzog Karl class and finally , the older Habsburg class . Along with the remainder of the Austro @-@ Hungarian Navy , Zrínyi was mobilized in late July 1914 to support the flight of SMS Goeben and SMS Breslau . The two German ships broke out of Messina , which was surrounded by the British navy and reached Turkey . The flotilla had advanced as far south as Brindisi in southeastern Italy when news of the successful breakout reached Vienna . The Austro @-@ Hungarian ships were then recalled before seeing action . \n On 23 May 1915 , between two and four hours after news of the Italian declaration of war reached the main Austro @-@ Hungarian naval base at Pola , Zrínyi and the rest of the fleet departed to bombard the Italian and Montenegrin coast . Their focus was on the important naval base at Ancona , and later the coast of Montenegro . The bombardment of Montenegro was part of the larger Austro @-@ Hungarian campaign against the Kingdoms of Montenegro and Serbia , who were members of the Entente , during the first half of 1915 . The attack on Ancona was an immense success , and the ships were unopposed during the operation . The bombardment of the province and the surrounding area resulted in the destruction of an Italian steamer in the port of Ancona itself , and an Italian destroyer , Turbine , was severely damaged further south . On the shore , the infrastructure of the port of Ancona , as well as the surrounding towns , were severely damaged . The railroad yard in Ancona , as well as the port facilities in the town , were damaged or destroyed . The local shore batteries were also suppressed . During the bombardment , Zrínyi also helped to destroy a train , a railway station , and a bridge at Senigallia . Additional targets that were damaged or destroyed included wharves , warehouses , oil tanks , radio stations , and the local barracks . Sixty @-@ three Italians , both civilians and military personnel , were killed in the bombardment . By the time Italian ships from Taranto and Brindisi arrived on the scene , the Austro @-@ Hungarians were safely back in Pola . \n The objective of the bombardment of Ancona was to delay the Italian Army from deploying its forces along the border with Austria @-@ Hungary by destroying critical transportation systems . The surprise attack on Ancona succeeded in delaying the Italian deployment to the Alps for two weeks . This delay gave Austria @-@ Hungary valuable time to strengthen its Italian border and re @-@ deploy some of its troops from the Eastern and Balkan fronts . \n Aside from the attack on Ancona , the Austro @-@ Hungarian battleships were largely confined to Pola for the duration of the war . Their operations were limited by Admiral Anton Haus , the commander of the Austro @-@ Hungarian Navy , who believed that he would need to husband his ships to counter any Italian attempt to seize the Dalmatian coast . Since coal was diverted to the newer Tegetthoff @-@ class battleships , the remainder of the war saw Zrínyi and the rest of the Austro @-@ Hungarian Navy acting as a fleet in being . This resulted in the Allied blockade of the Otranto Strait . With his fleet blockaded in the Adriatic Sea , and with a shortage of coal , Haus followed a strategy based on mines and submarines designed to reduce the numerical superiority of the Allied navies . \n"} +{"id": 145, "text": " After the Austro @-@ Hungarian Empire collapsed in 1918 , the Austrians wanted to turn the fleet over to the newly created State of Slovenes , Croats and Serbs ( later to become a part of the Kingdom of Yugoslavia ) in order to prevent the Italians from claiming the ships as spoils of war . However , the victorious Allies refused to acknowledge the conversations between the Austrians and the south Slavs and , in due course , reallocated the ships . The ship had been boarded by a scratch Yugoslav crew on 10 November 1918 , one day before the Armistice , and had left Pola with her sister ship , Radetzky . They were soon spotted by heavy Italian ships , so the two battleships hoisted American flags and sailed south along the Adriatic coast to Castelli Bay near Spalato ( also known as Split ) . They appealed for American naval forces to meet them and accept their surrender , which a squadron of United States Navy ( USN ) submarine chasers in the area did . She had apparently been turned over to the fledgling south Slav state , as it was a Croat naval officer , Korvettenkapitän Marijan , who presented the ship as a prize of war to representatives of the United States Navy on the afternoon of 22 November 1919 at Spalato ( Split ) in Dalmatia . Simultaneously she was commissioned as USS Zrínyi and Lieutenant E.E. , USN , assumed command . The initial American complement consisted of four officers and 174 enlisted men — the latter entirely composed of United States Navy Reserve Force personnel . The ship remained at anchor at Spalato for nearly a year while the negotiations that would determine her ultimate fate dragged on . Only once did she apparently turn her engines over , and that occurred during a severe gale that struck Spalato on 9 February 1920 . \n On the morning of 7 November 1920 , Zrínyi was decommissioned . USS Chattanooga took her in tow and , assisted by Brooks and Hovey , towed the battleship to Italy . Under the terms of the treaties of Versailles and St. Germain , Zrínyi was ultimately turned over to the Italian government at Venice . She was broken up for scrap later that year and into 1921 . \n"} +{"id": 146, "text": " Geopyxis carbonaria is a species of fungus in the genus Geopyxis , family Pyronemataceae . First described to science in 1805 , and given its current name in 1889 , the species is commonly known as the charcoal loving elf @-@ cup , dwarf acorn cup , stalked bonfire cup , or pixie cup . The small , goblet @-@ shaped fruitbodies of the fungus are reddish @-@ brown with a whitish fringe and measure up to 2 cm ( 0 @.@ 8 in ) across . They have a short , tapered stalk . Fruitbodies are commonly found on soil where brush has recently been burned , sometimes in great numbers . The fungus is distributed throughout many temperate regions of the Northern Hemisphere . It is found in Europe , Turkey , and North America . Although it is primarily a saprotrophic species , feeding on the decomposing organic matter remaining after a fire , it also forms biotrophic associations with the roots of Norway spruce . \n"} +{"id": 147, "text": " The fungus was first described scientifically in 1805 by Johannes Baptista von Albertini and Lewis David de Schweinitz as Peziza carbonaria . Mordecai Cubitt Cooke illustrated the fruitbodies , spores , and asci in his 1879 work , seu Icones fungorum . Figures of fungi from all parts of the world . In 1889 , Pier Andrea Saccardo transferred the fungus to the genus Geopyxis , giving the species its current name . carbonaria , published by Heinrich Rehm in 1884 , is a synonym of G. carbonaria . Louis @-@ Joseph proposed the variety Geopyxis carbonaria var. sessilis in 1937 , referring to forms producing fruitbodies without a stalk , but the taxon is not considered to have independent taxonomic significance . In 1860 Miles Berkeley and Moses Ashley Curtis described the species Peziza from collections made in Japan as part of the North Pacific Exploring and Surveying Expedition ( 1853 – 1856 ) . This taxon was synonymized with G. carbonaria by Mien Rifai in 1968 , a taxonomic opinion corroborated by Donald Pfister about a decade later . \n The specific epithet carbonaria derives from the Latin word for \" charcoal \" . Common names given to the fungus include \" charcoal loving elf @-@ cup \" , \" dwarf acorn cup \" , \" pixie cup \" , and the British Mycological Society approved \" stalked bonfire cup \" . \n"} +{"id": 148, "text": " The fruitbodies ( ) of Geopyxis are cup shaped , 1 – 2 cm wide , and have fringed whitish margins . The inner spore @-@ bearing surface of the cup , the hymenium , is brick red and smooth , while the exterior surface is a dull yellow , and may be either smooth or have blister @-@ like spots ( pustules ) . The stipe is small ( 1 – 1 @.@ 5 mm long and 1 – 2 mm wide ) , whitish in color , and expands abruptly into the cup . The brownish flesh of the fungus is thin and brittle . It does not have any distinctive taste , but has an unpleasant smell when crushed in water . The edibility of the fungus is not known , but the fruitbodies are insubstantial and unlikely to be harvested for eating . \n"} +{"id": 149, "text": " In mass , the spores are whitish . The spores are elliptical , smooth , hyaline , devoid of oil droplets ( ) , and have dimensions of 13 – 18 by 7 – 9 µm . They are thin walled and germinate and grow rapidly in vitro in the absence of external stimuli . The asci are 190 – 225 by 9 – 10 µm . The paraphyses are slightly club @-@ shaped , unbranched , and have irregular orange @-@ brown granules , with tips up to 5 µm wide , and are not forked or lobed . The hypothecium , the layer of cells below the hymenium , is made of densely packed , small irregular cells . \n"} +{"id": 150, "text": " The closely related elf cup ( Geopyxis ) has a pale orange to yellowish fruitbody that is deeply cup shaped before flattening in maturity , and its crushed flesh often has an odor of sulfur . It may be distinguished microscopically by its paraphyses , which lack the orange @-@ brown granules characteristic of G. carbonaria . It also has larger spores , measuring 14 – 22 by 8 – 11 µm . Unlike G. carbonaria , it grows on substrates other than burned wood , including mosses , and needle duff . , which grows habitats similar to G. carbonaria , is distinguished microscopically by its spores that contain two oil droplets . Other genera with similar species with which G. carbonaria may be confused in the field include Aleuria , Caloscypha , , and . \n"} +{"id": 151, "text": " Geopyxis carbonaria is widespread on burned soil or charcoal in the spring and throughout the growing season . It is one of the most common pioneer species found on burned ground . The charred litter on the forest floor increases the underlying soil pH as well as the availability of minerals . Fruitbodies are produced from 16 to 139 weeks after a forest fire in areas with coniferous trees . Most fruitbodies are produced in the first year after a burn . The fungus prefers fruiting in microhabitats with thin duff near standing burned tree trunks . Geopyxis carbonaria fruitbodies are often found in the same post @-@ fire stands as morels , although the former is usually more abundant . Because the pixie cup fruits earlier than morels , it may serve as an indicator of imminent morel fruiting . Other cup fungi often found fruiting in the same area as G. carbonaria include those from the genera Aleuria , Anthracobia , Peziza , and . \n The fungus is found in Europe ( from where it was originally described ) , and is widespread throughout North America . The North American distribution extends north to Alaska . In 2010 , it was reported for the first time from Turkey . \n"} +{"id": 152, "text": " Although primarily a saprotrophic fungus involved in the post @-@ fire breakdown of duff and coniferous roots , Geopyxis carbonaria has been shown to be capable of forming ectomycorrhizae with Norway spruce ( Picea abies ) . It had been demonstrated earlier in laboratory experiments that the fungus has a biotrophic interaction with lodgepole pine ( Pinus contorta ) . The hyphae of G. carbonaria were able to infect the cortex of the tree seedling , but did not penetrate the . These traits suggest that the fungus is a moderate pathogen , with limited ability to cause reductions in seed germination . Additionally , the fungus produces the enzyme polyphenol oxidase , and can break down the complex organic polymer lignin — features characteristic of saprotrophic fungi . The formation of a rudimentary Hartig net , a characteristic of mycorrhizal fungi , indicated that G. carbonaria might be capable of forming mutualistic relationships under the right conditions . and colleagues suggest that its below @-@ ground association with spruce roots protects it from physical damage in the event of a fire , and the extensive fruitbody production after a fire may reflect \" a successful fungal escape from a dying host where the fungus no longer can maintain its biotrophic association \" . \n Large fruitings of the fungus are often associated with damage to the host tree , such as that which occurs with burning . A field study conducted in Norway demonstrated that fruit bodies were more likely to be found in areas that were heavily burned , compared to locations with light to moderate burning where the trees remained viable , or in clearcut areas . Fruiting was much denser in spruce forests — with up to 700 – 1000 fruitbodies per square meter — than in pine forests , where fruitbodies were sporadic . Fruitbodies grew by the millions in the year following the Yellowstone fires of 1988 . \n"} +{"id": 153, "text": " The gold dollar or gold one @-@ dollar piece was a coin struck as a regular issue by the United States Bureau of the Mint from 1849 to 1889 . The coin had three types over its lifetime , all designed by Mint Chief Engraver James B. Longacre . The Type 1 issue had the smallest diameter of any United States coin ever minted . \n A gold dollar had been proposed several times in the 1830s and 1840s , but was not initially adopted . Congress was finally galvanized into action by the increased supply of bullion caused by the California gold rush , and in 1849 authorized a gold dollar . In its early years , silver coins were being hoarded or exported , and the gold dollar found a ready place in commerce . Silver again circulated after Congress in 1853 required that new coins of that metal be made lighter , and the gold dollar became a rarity in commerce even before federal coins vanished from circulation because of the economic disruption caused by the American Civil War . \n Gold did not again circulate in most of the nation until 1879 ; once it did , the gold dollar did not regain its place . In its final years , it was struck in small numbers , causing speculation by hoarders . It was also in demand to be mounted in jewelry . The regular issue gold dollar was last struck in 1889 ; the following year , Congress ended the series . \n"} +{"id": 154, "text": " In proposing his plan for a mint and a coinage system , Secretary of the Treasury Alexander Hamilton in 1791 proposed that the one @-@ dollar denomination be struck both as a gold coin , and as one of silver , representative of the two metals which he proposed be made legal tender . Congress followed Hamilton 's recommendation only in part , authorizing a silver dollar , but no coin of that denomination in gold . \n In 1831 , the first gold dollar was minted , at the private mint of Christopher Bechtler in North Carolina . Much of the gold then being produced in the United States came from the mountains of North Carolina and Georgia , and the dollars and other small gold coins issued by Bechtler circulated through that region , and were now and then seen further away . Additional one @-@ dollar pieces were struck by August Bechtler , Christopher 's son . \n Soon after the began to strike their private issues , Secretary of the Treasury Levi Woodbury became an advocate of having the Mint of the United States ( \" Mint \" , when described as an institution ) strike the one @-@ dollar denomination in gold . He was opposed by the Mint Director , Robert M. Patterson . Woodbury persuaded President Andrew Jackson to have pattern coins struck . In response , Patterson had Mint Second Engraver Christian Gobrecht break off work on the new design for the silver one @-@ dollar coin and work on a pattern for the gold dollar . Gobrecht 's design featured a Liberty cap surrounded by rays on one side , and a palm branch arranged in a circle with the denomination , date , and name of the country on the other . \n Consideration was given to including the gold dollar as an authorized denomination in the revisionary legislation that became the Mint Act of 1837 . The Philadelphia newspaper Public Ledger , in December 1836 , supported a gold dollar , stating that \" the dollar is the smallest gold coin that would be convenient , and as it would be eminently so , neither silver nor paper should be allowed to take its place . \" Nevertheless , after Mint Director Patterson appeared before a congressional committee , the provision authorizing the gold dollar was deleted from the bill . \n"} +{"id": 155, "text": " In January 1844 , North Carolina Representative James Iver McKay , the chairman of the Committee on Ways and Means , solicited the views of Director Patterson on the gold dollar . Patterson had more of Gobrecht 's pattern dollar struck to show to committee members , again advising against a coin that if issued would be only about a half inch ( 13 mm ) in diameter . He told Treasury Secretary John C. Spencer that the only gold coins of that size in commerce , the Spanish and Colombian half @-@ escudos , were unpopular and had not been struck for more than twenty years . This seemed to satisfy the committee as nothing more was done for the time , and when a gold dollar was proposed again in 1846 , McKay 's committee recommended against it . \n Even before 1848 , record amounts of gold were flowing to American mints to be struck into coin , but the California Gold Rush vastly increased these quantities . This renewed calls for a gold dollar , as well as for a higher denomination than the eagle ( $ 10 piece ) , then the largest gold coin . In January 1849 , McKay introduced a bill for a gold dollar , which was referred to his committee . There was much discussion in the press about the proposed coin ; one newspaper published a proposal for an annular gold dollar , that is , with a hole in the middle to increase its small diameter . McKay amended his legislation to provide for a double eagle ( $ 20 gold coin ) and wrote to Patterson , who replied stating that the annular gold dollar would not work , and neither would another proposal to have dollar piece consisting of a gold plug in a silver coin . Nevertheless , Gobrecht 's successor as chief engraver , James B. Longacre , prepared patterns , including some with a square hole in the middle . \n McKay got his fellow Democrat , New Hampshire Senator Charles Atherton , to introduce the bill to authorize the gold dollar and the double eagle in the Senate on February 1 , 1849 — Atherton was chairman of the Senate Finance Committee . McKay introduced a version into the House on February 20 ; debate began the same day . The dollar was attacked by congressmen from the Whig Party , then in the minority , on the grounds that it would be too small , would be counterfeited and in bad light might be mistakenly spent as a half dime , the coins being similar in size . McKay did not respond substantively , but stated that if no one wanted these denominations , they would not be called for at the Mint , and would not be coined . Pennsylvania Representative Joseph Ingersoll , a Whig , spoke against the bill , noting that Patterson opposed the new denominations , and that the idea had been repeatedly turned down , whenever considered . Another Whig , Massachusetts 's Charles Hudson , related that Patterson had sent a real and a counterfeit gold dollar to his committee and the majority of members had been unable to tell the difference . McKay made no answer to these claims , but others did , including New York Congressman Henry Nicoll , who assured the House that the counterfeiting allegations were greatly exaggerated . The point was , he indicated , that the double eagle and gold dollar were wanted by the public , and , in the case of the gold dollar could help money circulate in small communities where banknotes were not accepted . Connecticut Representative John A. Rockwell , a Whig , tried to table the bill , but his motion was defeated . The bill passed easily , and met only minimal opposition in the Senate , becoming law on March 3 , 1849 . \n"} +{"id": 156, "text": " The officers at the Philadelphia Mint , including Chief Coiner Franklin Peale , were mostly the friends and relations of Director Patterson . The outsider in their midst was Chief Engraver James B. Longacre , successor to Gobrecht ( who had died in 1844 ) . A former copper @-@ plate engraver , Longacre had been appointed through the political influence of South Carolina Senator John C. Calhoun . \n When Longacre began work on the two new coins in early 1849 , he had no one to assist him . Longacre wrote the following year that he had been warned by a Mint employee that one of the officers ( undoubtedly Peale ) planned to undermine the chief engraver 's position by having the work of preparing designs and dies done outside Mint premises . Accordingly , when the gold coin bill became law , Longacre apprised Patterson that he was ready to begin work on the gold dollar . The Mint Director agreed , and after viewing a model of the head on the obverse , authorized Longacre to proceed with preparation of dies . According to Longacre , \n The engraving was unusually minute and required very close and incessant labor for several weeks . I made the original dies and hubs for making the working dies twice over , to secure their perfect adaptation to the coining machinery . I had a wish to execute this work single handed , that I might thus silently reply to those who had questioned my ability for the work . The result , I believe , was satisfactory . \n"} +{"id": 157, "text": " The Type 1 gold dollar depicts a head of Liberty , facing left , with a coronet or tiara on her head bearing her name . Her hair is gathered in a bun ; she is surrounded by 13 stars representing the original states . The reverse features the date and denomination within a wreath , with the name of the nation near the rim . \n Contemporary reviews of the Type 1 design were generally favorable . The New York Weekly Tribune on May 19 , 1849 described the new dollar as \" undoubtedly the neatest , tiniest , lightest , coin in this country ... it is too delicate and beautiful to pay out for potatoes , and sauerkraut , and salt pork . Oberon might have paid Puck with it for bringing the blossom which bewitched Titania . \" Willis ' Bank Note List stated that \" there is no probability of them ever getting into general circulation ; they are altogether too small . \" The North Carolina Standard hoped that they would be struck at the Charlotte Mint and circulated locally to eliminate the problem of small @-@ denomination bank notes from out of state . Coin dealer and numismatic author Q. David Bowers notes that the head of Liberty on the Type 1 dollar is a scaled @-@ down version of that on the double eagle , and \" a nicely preserved gold dollar is beautiful to behold \" . \n"} +{"id": 158, "text": " Mint records indicate the first gold dollars were produced on May 7 , 1849 ; Longacre 's diary notes state instead that the first were struck on May 8 . A few coins in proof condition were struck on the first day , along with about 1 @,@ 000 for circulation . There are five major varieties of the 1849 gold dollar from Philadelphia , made as Longacre continued to fine @-@ tune the design . dies were sent by Longacre 's Engraving Department at the Philadelphia Mint to the branch mints at Charlotte , Dahlonega ( in Georgia ) , and New Orleans ; coins struck at the branches resemble some of the types issued from Philadelphia , depending on when the dies were produced . Of the coins struck at the branch mints in 1849 , only pieces struck at Charlotte ( 1849 @-@ C ) exist in multiple varieties ; most are of what is dubbed the \" Closed Wreath \" variety . Approximately five of the 1849 @-@ C Open Wreath are known ; one , believed the finest surviving specimen , sold at auction for $ 690 @,@ 000 in 2004 , remaining a record for the gold dollar series as of 2013 . One of the changes made during production was the inclusion of Longacre 's initial \" L \" on the truncation of Liberty 's neck , the first time a U.S. coin intended for full @-@ scale production had borne the initial of its designer . All issues beginning in 1850 bear the Closed Wreath . Beginning in 1854 , the gold dollar was also struck at the new San Francisco Mint . \n The continued flow of gold from California made silver expensive in terms of gold , and U.S. silver coins began to flow out of the country for melting in 1849 , a flow that accelerated over the next several years as the price of the metal continued to rise . By 1853 , a thousand dollars in silver coin contained $ 1 @,@ 042 worth of bullion . As silver coins vanished , the gold dollar became the only federal coin in circulation between the cent and the quarter eagle ( $ 2 @.@ 50 piece ) . As such , it was struck in large numbers and widely circulated . According to Bowers in his book on the denomination , \" the years 1850 to 1853 were the high @-@ water mark of the gold dollar , the glory years of the denomination when the little gold coins took the place of half dollars and silver dollars in everyday transactions . \" This time came to an end in 1853 when Congress passed an act reducing the weight of most silver coins , allowing new issues of them to circulate . \n As early as 1851 , New York Congressman William Duer alleged that that Patterson had made the gold dollar too small in diameter on purpose to provoke criticism . Patterson retired that year after 16 years in his position , and under his successor , George N. Eckert , annular gold dollar and half dollar patterns were struck . Public Ledger reported that although gold dollars would not be struck in annular form , gold half dollars would be , to help fill the need for change . With the new Pierce administration , Thomas M. Pettit took office as Mint Director on March 31 , 1853 . In April , Treasury Secretary James Guthrie wrote to Pettit that there were complaints that the gold dollar was too small , often lost or mistaken for a small silver coin , and enquiring about reports the Mint had experimented with annular dollars . Pettit replied , stating that none had been preserved , but enclosed a silver piece of equivalent size . He noted that while there would be technical difficulties in the production of the annular dollar , these could be overcome . In a letter dated May 10 , Pettit proposed an oval @-@ shaped holed piece , or an angular @-@ shaped coin , which would lessen the production problems . Pettit died suddenly on May 31 ; Guthrie did not let the issue fall , but queried Pettit 's replacement , James Ross Snowden , concerning the issue on June 7 . As U.S. coins were required to bear some device emblematic of liberty , the secretary hoped that artists could be found who could find some such design for an annular coin . \n The Act of February 21 , 1853 , that had lightened the silver coins also authorized a gold three @-@ dollar piece , which began to be produced in 1854 . To ensure that the three @-@ dollar piece was not mistaken for other gold coins , it had been made thinner and wider than it would normally be , and Longacre put a distinctive design with an Indian princess on it . Longacre adapted both the technique and the design for the gold dollar , which was made thinner , and thus wider . An adaptation of Longacre 's princess for the larger gold coin was placed on the dollar , and a similar agricultural wreath on the reverse . The idea of making the gold dollar larger in this way had been suggested in Congress as early as 1852 , and had been advocated by Pettit , but Guthrie 's desire for an annular coin stalled the matter . In May 1854 , Snowden sent Guthrie a letter stating that the difficulties with an annular coin , especially in getting the coins to eject properly from the press , were more than trivial . \n Nevertheless , the Type 2 gold dollar ( as it came to be known ) proved unsatisfactory as the mints had difficulty in striking the new coin so that all details were brought out . This was due to the high relief of the design — the three Southern branch mints especially had trouble with the piece . Many of the Type 2 pieces quickly became illegible , and were sent back to Philadelphia for melting and recoinage . On most surviving specimens , the \" 85 \" in the date is not fully detailed . The Type 2 gold dollar was struck only at Philadelphia in 1854 and 1855 , at the three Southern branch mints in the latter year , and at San Francisco in 1856 , after the design was designated for replacement . To correct the problems , Longacre enlarged the head of Liberty , making it a scaled @-@ down version of the three @-@ dollar piece , and moved the lettering on the obverse closer to the rim . This improved the metal flow and design sharpness so much that early numismatic scholars assumed the reverse was also altered , though in fact no change was made and the Type 2 and Type 3 reverses are identical . \n"} +{"id": 159, "text": " The Type 2 and 3 gold dollars depict Liberty as a Native American princess , with a fanciful feathered headdress not resembling any worn by any Indian tribe . This image is an inexact copy of the design Longacre had made for the three @-@ dollar piece , and is one of a number of versions of Liberty Longacre created based on the Venus or Crouching Venus , a sculpture then on display in a Philadelphia museum . For the reverse , Longacre adapted the \" agricultural wreath \" he had created for the reverse of the three @-@ dollar piece , composed of cotton , corn , tobacco , and wheat , blending the produce of North and South . This wreath would appear , later in the 1850s , on the Flying Eagle cent . \n Art historian Cornelius Vermeule deprecated the Indian princess design used by Longacre for the obverses of the Types 2 and 3 gold dollar , and for the three @-@ dollar piece , \" the ' princess ' of the gold coins is a banknote engraver 's elegant version of folk art of the 1850s . The plumes or feathers are more like the crest of the Prince of Wales than anything that saw the Western frontiers , save perhaps on a music hall beauty . \" \n"} +{"id": 160, "text": " The gold dollar continued to be produced in the late 1850s , though mintages declined from the figures of two million or more each year between 1850 and 1854 . Only about 51 @,@ 000 gold dollars were produced in 1860 , with over two @-@ thirds of that figure at Philadelphia , just under a third at San Francisco , and 1 @,@ 566 at Dahlonega . Roughly a hundred are known of the last , creating one of the great rarities from Dahlonega in the series . \n The other candidate for the rarest from that mint is the 1861 @-@ D , with an estimated mintage of 1 @,@ 000 and perhaps 45 to 60 known . Two pairs of dies were shipped from Philadelphia to Dahlonega on December 10 , 1860 ; they arrived on January 7 , 1861 , two weeks before Georgia voted to secede from the Union , as the American Civil War began . Under orders from Governor Joseph E. Brown , state militia secured the mint , and at some point , small quantities of dollars and half eagles were produced . Records of how many coins were struck and when have not survived . Since dies crack in time , and all the mints were supplied with them from Philadelphia , coining could not last , and in May 1861 , coins and supplies remaining at Dahlonega were turned over to the treasury of the Confederate States of America , which Georgia had by then joined . Gold coins with a face value of $ 6 were put aside for assay . Normally , they would have been sent to Philadelphia to await the following year 's meeting of the United States Assay Commission , when they would be available for testing . Instead , these were sent to the initial Confederate capital of Montgomery , Alabama , though what was done with them there , and their ultimate fate , are unknown . The rarity of the 1861 @-@ D dollar , and the association with the Confederacy , make it especially prized . \n Dahlonega , like the other two branch mints in the South , closed its doors after the 1861 strikings . It and the Charlotte facility never reopened ; the New Orleans Mint again struck coins from 1879 to 1909 , but did not strike gold dollars again . After 1861 , the only issuance of gold dollars outside Philadelphia was at San Francisco , in 1870 . \n The outbreak of the Civil War shook public confidence in the Union , and citizens began hoarding specie , gold and silver coins . In late December 1861 , banks and then the federal Treasury stopped paying out gold at face value . By mid @-@ 1862 , all federal coins , even the base metal cent , had vanished from commerce in much of the country . The exception was the Far West , where for the most part , only gold and silver were acceptable currencies , and paper money traded at a discount . In the rest of the nation , gold and silver coins could be purchased from banks , exchange agents , and from the Treasury for a premium in the new greenbacks the government began to issue to fill the gap in commerce and finance the war . \n"} +{"id": 161, "text": " Since gold did not circulate in the United States ( except on the West Coast ) in the postwar period , much of the production of coins of that metal in the United States was double eagles for export . Accordingly , although 1 @,@ 361 @,@ 355 gold dollars were struck in 1862 — the last time production would exceed a million — the mintage fell to 6 @,@ 200 in 1863 and remained low for the rest of the coin 's existence , excepting 1873 and 1874 . The Mint felt it improper to suspend coinage of a coin authorized by Congress , and issued proof coins ( generally a few dozen to the tiny numismatic community ) from specially @-@ polished dies , also producing enough circulation strikes so that the proof coins would not be unduly rare . In 1873 and 1874 , old and worn gold dollars held by the government were melted and recoined , generating large mintages of that denomination . This was done in anticipation of the resumption of specie payments , which did not occur until the end of 1878 . Once specie again circulated at face value , the gold dollar found no place in commerce amid large quantities of silver coinage , either released from hoarding or newly struck by the Mint . The government expected that the resumption of specie payments would cause the dollar and other small gold coins to circulate again , but the public , allowed to redeem paper currency , continued to use it as more convenient than coins . \n In the 1870s and 1880s , public interest grew in the low @-@ mintage gold dollar . Collecting coins was becoming more popular , and a number of numismatists put aside some gold dollars and hoped for increases in value . The Mint most likely channeled its production through some favored Philadelphia dealers , though proof coins could be purchased for $ 1 @.@ 25 at the cashier 's window at the Philadelphia facility . Banks charged a premium for circulation strikes . They were popular in the jewelry trade , mounted into various items . The coins were often exported to China or Japan , where such jewelry was made . The dollars were often damaged in the process ; the Mint refused to sell into this trade and did its best to hinder it . Nevertheless , Mint officials concluded that jewelers were successful at getting the majority of each issue . Proof mintages exceeded 1 @,@ 000 by 1884 , and remained above that mark for the remainder of the series , numbers likely inflated by agents of jewelers , willing to pay the Mint 's premium of $ .25 per coin . Another use for the gold dollar was as a holiday gift ; after its abolition the quarter eagle became a popular present . \n James Pollock , in his final report as Mint Director in 1873 , advocated limiting striking of gold dollars to depositors who specifically requested it . \" The gold dollar is not a convenient coin , on account of its small size , and it suffers more proportionately from abrasion than larger coins . \" His successors called for its abolition , with James P. Kimball , before he left office in 1889 , writing to Congress that except as jewelry , \" little practical use has been found for this coin \" . Later that year , the new director , Edward O. Leech , issued a report stating that the gold dollar \" is too small for circulation , and ... [ is ] used almost exclusively for the purposes of ornament . The last year in which the gold dollar was struck was 1889 . Congress abolished the gold dollar , along with the three @-@ cent nickel and three @-@ dollar piece , by the Act of September 26 , 1890 . \n A total of 19 @,@ 499 @,@ 337 gold dollars were coined , of which 18 @,@ 223 @,@ 438 were struck at Philadelphia , 1 @,@ 004 @,@ 000 at New Orleans , 109 @,@ 138 at Charlotte , 90 @,@ 232 at San Francisco and 72 @,@ 529 at Dahlonega . According to an advertisement in the February 1899 issue of The Numismatist , gold dollars brought $ 1 @.@ 80 each , still in demand as a birthday present and for jewelry . That journal in 1905 carried news of a customer depositing 100 gold dollars into a bank ; the teller , aware of the value , credited the account with $ 1 @.@ 60 per coin . In 1908 , a dealer offered $ 2 each for any quantity . As coin collecting became a widespread pastime in the early 20th century , gold dollars became a popular specialty , a status they retain . The 2014 edition of R.S. Yeoman 's A Guide Book of United States Coins rates the least expensive gold dollar in very fine condition ( VF @-@ 20 ) at $ 300 , a value given for each of the Type 1 Philadelphia issues from 1849 to 1853 . Those seeking one of each type will find the most expensive to be a specimen of the Type 2 , with the 1854 and 1855 estimated at $ 350 in that condition ; the other two types have dates valued at $ 300 in that grade . \n"} +{"id": 162, "text": " The gold dollar had a brief resurrection during the period of Early United States commemorative coins . Between 1903 and 1922 nine different issues were produced , with a total mintage of 99 @,@ 799 . These were minted for various public events , did not circulate , and none used Longacre 's design . \n"} +{"id": 163, "text": " The Johnson – Corey – Chaykovsky reaction ( sometimes referred to as the Corey – Chaykovsky reaction or CCR ) is a chemical reaction used in organic chemistry for the synthesis of epoxides , aziridines , and . It was discovered in 1961 by A. William Johnson and developed significantly by E. J. Corey and Michael Chaykovsky . The reaction involves addition of a sulfur ylide to a ketone , aldehyde , imine , or enone to produce the corresponding 3 @-@ membered ring . The reaction is favoring trans substitution in the product regardless of the initial stereochemistry . The synthesis of epoxides via this method serves as an important alternative to the traditional epoxidation reactions of olefins . \n The reaction is most often employed for epoxidation via methylene transfer , and to this end has been used in several notable total syntheses ( See Synthesis of epoxides below ) . Additionally detailed below are the history , mechanism , scope , and enantioselective variants of the reaction . Several reviews have been published . \n"} +{"id": 164, "text": " The original publication by Johnson concerned the reaction of 9 @-@ with substituted benzaldehyde derivatives . The attempted Wittig @-@ like reaction failed and a oxide was obtained instead , noting that \" Reaction between the sulfur and did not afford as had the phosphorus and arsenic . \" \n The subsequent development of ( ) methanide , ( CH3 ) and ( ) methanide , ( CH3 ) ( known as Corey – Chaykovsky reagents ) by Corey and Chaykovsky as efficient methylene @-@ transfer reagents established the reaction as a part of the organic canon . \n"} +{"id": 165, "text": " The reaction mechanism for the Johnson – Corey – Chaykovsky reaction consists of nucleophilic addition of the ylide to the carbonyl or imine group . A negative charge is transferred to the heteroatom and because the sulfonium cation is a good leaving group it gets expelled forming the ring . In the related Wittig reaction , the formation of the much stronger phosphorus @-@ oxygen double bond prevents formation and instead , takes place through a 4 @-@ membered cyclic intermediate . \n The trans diastereoselectivity observed results from the reversibility of the initial addition , allowing equilibration to the favored anti betaine over the syn betaine . Initial addition of the ylide results in a betaine with adjacent charges ; density functional theory calculations have shown that the rate @-@ limiting step is rotation of the central bond into the conformer necessary for backside attack on the sulfonium . \n The degree of reversibility in the initial step ( and therefore the diastereoselectivity ) depends on four factors , with greater reversibility corresponding to higher selectivity : \n Stability of the substrate with higher stability leading to greater reversibility by favoring the starting material over the betaine . \n Stability of the ylide with higher stability similarly leading to greater reversibility . \n hindrance in the betaine with greater hindrance leading to greater reversibility by formation of the intermediate and slowing the rate @-@ limiting rotation of the central bond . \n of charges in the betaine by such as lithium with greater solvation allowing more facile rotation in the betaine intermediate , lowering the amount of reversibility . \n"} +{"id": 166, "text": " The application of the Johnson – Corey – Chaykovsky reaction in organic synthesis is diverse . The reaction has come to encompass reactions of many types of sulfur ylides with electrophiles well beyond the original publications . It has seen use in a number of high @-@ profile total syntheses , as detailed below , and is generally recognized as a powerful transformative tool in the organic repertoire . \n"} +{"id": 167, "text": " Many types of ylides can be prepared with various functional groups both on the anionic carbon center and on the sulfur . The substitution pattern can influence the ease of preparation for the reagents ( typically from the sulfonium halide , e.g. iodide ) and overall reaction rate in various ways . The general format for the reagent is shown on the right . \n Use of a sulfoxonium allows more facile preparation of the reagent using weaker bases as compared to sulfonium ylides . ( The difference being that a sulfoxonium contains a doubly bonded oxygen whereas the sulfonium does not . ) The former react slower due to their increased stability . In addition , the by @-@ products of sulfoxonium reagents are greatly preferred to the significantly more toxic , volatile , and odorous by @-@ products from sulfonium reagents . \n The vast majority of reagents are at the ylide carbon ( either R1 or R2 as hydrogen ) . reagents are much rarer but have been described : \n If the ylide carbon is substituted with an electron @-@ withdrawing group ( EWG ) , the reagent is referred to as a stabilized ylide . These , similarly to sulfoxonium reagents , react much slower and are typically easier to prepare . These are limited in their usefulness as the reaction can become prohibitively sluggish : examples involving amides are widespread , with many fewer involving esters and virtually no examples involving other EWG 's . For these , the related reaction is typically more appropriate . \n If the ylide carbon is substituted with an aryl or allyl group , the reagent is referred to as a semi @-@ stabilized ylide . These have been developed extensively , second only to the classical methylene reagents ( R1 = R2 = H ) . The substitution pattern on aryl reagents can heavily influence the selectivity of the reaction as per the criteria above . \n If the ylide carbon is substituted with an alkyl group the reagent is referred to as an ylide . The size of the alkyl groups are the major factors in selectivity with these reagents . \n The R @-@ groups on the sulfur , though typically , have been used to synthesize reagents that can perform enantioselective variants of the reaction ( See Variations below ) . The size of the groups can also influence diastereoselectivity in substrates . \n"} +{"id": 168, "text": " Reactions of sulfur ylides with ketones and aldehydes to form epoxides are by far the most common application of the Johnson – Corey – Chaykovsky reaction . Examples involving complex substrates and ' exotic ' ylides have been reported , as shown below . \n The reaction has been used in a number of notable total syntheses including the Danishefsky Taxol total synthesis , which produces the chemotherapeutic drug taxol , and the Kuehne total synthesis which produces the pesticide strychnine . \n"} +{"id": 169, "text": " The synthesis of aziridines from is another important application of the Johnson – Corey – Chaykovsky reaction and provides an alternative to amine transfer from . Though less widely applied , the reaction has a similar substrate scope and functional group tolerance to the carbonyl equivalent . The examples shown below are representative ; in the latter , an forms in situ and is opened via nucleophilic attack to form the corresponding amine . \n"} +{"id": 170, "text": " For addition of sulfur ylides to enones , higher 1 @,@ 4 @-@ selectivity is typically obtained with sulfoxonium reagents than with sulfonium reagents . Many electron @-@ withdrawing groups have been shown compatible with the reaction including ketones , esters , and amides ( the example below involves a Weinreb amide ) . With further conjugated systems 1 @,@ 6 @-@ addition tends to predominate over 1 @,@ 4 @-@ addition . \n"} +{"id": 171, "text": " In addition to the reactions originally reported by Johnson , Corey , and Chaykovsky , sulfur ylides have been used for a number of related homologation reactions that tend to be grouped under the same name . \n With epoxides and aziridines the reaction serves as a ring @-@ expansion to produce the corresponding or . The long reaction times required for these reactions prevent them from occurring as significant side reactions when synthesizing epoxides and aziridines . \n Several cycloadditions wherein the ylide serves as a \" nucleophilic carbenoid equivalent \" have been reported . \n Living using as the catalyst and ( ) methanide as the monomer have been reported for the synthesis of various complex polymers . \n"} +{"id": 172, "text": " The development of an enantioselective ( i.e. yielding an enantiomeric excess , which is labelled as \" ee \" ) variant of the Johnson – Corey – Chaykovsky reaction remains an active area of academic research . The use of chiral sulfides in a stoichiometric fashion has proved more successful than the corresponding catalytic variants , but the substrate scope is still limited in all cases . The catalytic variants have been developed almost exclusively for enantioselective purposes ; typical reagents are not prohibitively expensive and the racemic reactions can be carried out with equimolar amounts of ylide without raising costs significantly . Chiral sulfides , on the other hand , are more costly to prepare , spurring the advancement of catalytic enantioselective methods . \n"} +{"id": 173, "text": " The most successful reagents employed in a stoichiometric fashion are shown below . The first is a bicyclic that has been employed in the synthesis of the β @-@ adrenergic compound ( DCI ) but is limited by the availability of only one enantiomer of the reagent . The synthesis of the axial is rationalized via the 1 @,@ 3 @-@ effect which reduces the nucleophilicity of the equatorial lone pair . The conformation of the ylide is limited by strain and approach of the aldehyde is limited to one face of the ylide by steric interactions with the methyl substituents . \n The other major reagent is a camphor @-@ derived reagent developed by Aggarwal of the University of Bristol . Both enantiomers are easily synthesized , although the yields are lower than for the reagent . The ylide conformation is determined by interaction with the bridgehead hydrogens and approach of the aldehyde is blocked by the camphor moiety . The reaction employs a base to promote formation of the ylide . \n"} +{"id": 174, "text": " Catalytic reagents have been less successful , with most variations suffering from poor yield , poor , or both . There are also issues with substrate scope , most having limitations with methylene transfer and aliphatic aldehydes . The trouble stems from the need for a nucleophilic sulfide that efficiently generates the ylide which can also act as a good leaving group to form the epoxide . Since the factors underlying these are at odds , tuning of the catalyst properties has proven difficult . Shown below are several of the most successful catalysts along with the yields and enantiomeric excess for their use in synthesis of ( E ) oxide . \n Aggarwal has developed an alternative method employing the same sulfide as above and a novel alkylation involving a rhodium carbenoid formed in situ . The method too has limited substrate scope , failing for any electrophiles possessing basic substituents due to competitive consumption of the carbenoid . \n"} +{"id": 175, "text": " The Treaty of Ciudad Juárez was a peace treaty signed between the then President of Mexico , Porfirio Díaz , and the revolutionary Francisco Madero on May 21 , 1911 . The treaty put an end to the fighting between forces supporting Madero and those of Díaz and thus concluded the initial phase of the Mexican Revolution . \n The treaty stipulated that Díaz , as well as his vice president Ramón Corral , were to step down by the end of May , and that he was to be replaced by Francisco León de la Barra as interim president and hold presidential elections . Those who had suffered losses due to the revolution would be the indemnified , and there would be a general amnesty . Díaz resigned on May 25 , and interim president Francisco León de la Barra was the new incumbent . Díaz and his family , his vice president Corral , plus José Yves Limantour and Rosendo Pineda left Mexico for exile . \n Significantly , the treaty did not mention or institute any social reforms that Madero had vaguely promised on previous occasions . It also left the state essentially intact . Additionally , Madero supported the unpopular idea that all land disputes were to be settled through the courts , staffed by the old judges , a decision that led to outbreaks of sporadic violence , particularly in rural areas . \n On June 7 , 1911 , Madero entered Mexico City . In October 1911 he was elected president , under the banner of the Partido , along with José María Pino Suárez , his new running mate as vice @-@ president . Madero pushed aside Francisco Vázquez Gómez , the vice presidential candidate for the Anti @-@ Party in 1910 , as being too moderate . \n"} +{"id": 176, "text": " The rebellion against the government of Porfirio Díaz broke out in late 1910 , after Díaz had his rival Francisco Madero imprisoned and had announced his own victory in a falsified election . Madero 's earlier vague promises of agrarian reforms had attracted many supporters . He himself escaped from prison and fled to Texas , from where he issued his famous Plan of San Luis Potosí . This manifesto called for an armed uprising against the and establishment of free and democratic elections . As a response to Madero 's proclamation , violent clashes began throughout Mexico in November 1910 . \n In the Guerrero district of Chihuahua , Pascual Orozco attacked Federal troops and sent dead soldiers ' clothing back to Díaz with the message , \" te van las hojas , más tamales \" ( \" Here are the wrappers , send me more tamales . \" ) He then began operations which threatened Ciudad Juárez . Additionally , political support for Madero 's rebellion came from Abraham González , who accepted the Plan of San Luis Potosí . \n At roughly the same time , agrarian unrest in the state of Morelos turned into a full blown rebellion under the leadership of the Zapata brothers , Emiliano and . \n"} +{"id": 177, "text": " Encouraged by the news of the uprisings , Madero crossed the border back into Mexico in February 1911 . He was joined by Pancho Villa and Orozco and in April the army began approaching Ciudad Juárez . Orozco and Villa led the way with 500 men each , while Madero followed up with 1 @,@ 500 riders . The city was besieged by the end of the month , after Madero 's army encountered some resistance in the Chihuahuan countryside . Madero asked the commander of the city 's garrison to surrender but the latter refused , hoping that the fortifications he had constructed would allow him to defend the city until reinforcements arrived . Concerned also with the possibility that a direct attack on the town would cause artillery shells to cross the border into the United States which could provoke an outside intervention , and faced with a series of peace proposals from Díaz , Madero hesitated in attacking the city . He in fact ordered his commanders to lift the siege . Orozco , however disregarded the order and , joined by Villa , attacked . After two days of fighting the city fell to the insurrectionists . Madero intervened personally to spare the life of the city 's commander , Gen. Navarro , whom both Orozco and Villa wanted executed for his previous killing of rebel POWs . This , coupled with the fact that both leaders were ignored by Madero in his political appointments , outraged and estranged them from him . \n"} +{"id": 178, "text": " At about the same time that Villa and Orozco were marching on Ciudad Juárez , the Zapatista revolt gathered strength and spread to the states of Puebla , Tlaxcala , Mexico , Michoacán and Guerrero . On April 14 , Madero had Emiliano Zapata officially designated as his representative in the region . However , Zapata was worried that if he did not fully control all the major towns in Morelos by the time that Madero concluded negotiations with Díaz , the demands of his agrarian movement and the issue of the autonomy of Morelos would be ignored or sidelined . Zapata 's first military action was to take the town of where he obtained essential supplies . Subsequently Zapata , for political and strategic reasons , decided to attack the city of Cuautla . In order to mislead his opponents however , he initially attacked and captured the towns of de Matamoros ( which was subsequently retaken by federal forces ) and . From there he made a wide circle around Cuautla and captured Yautepec and where he gathered more supplies , munitions and soldiers . By May , out of all the major urban centers in the region , only Cuautla and the capital of Morelos , Cuernavaca , remained outside of his control . \n Zapata began the attack on Cuautla on May 13 with 4000 troops against 400 elite soldiers of the so @-@ called \" Golden Fifth \" ; the Fifth Cavalry Regiment of the Federal Army . The battle took almost a week and has been described as \" six of the most terrible days of battle in the whole Revolution \" . It consisted of house to house fighting , hand @-@ to @-@ hand combat , and no quarter given by either side . General Victoriano Huerta arrived in nearby Cuernavaca with 600 reinforcements , but decided not to come to the relief of Cuautla as he was afraid that the capital would revolt in his absence . On May 19 , the remains of the \" Golden Fifth \" pulled out of the town which was then occupied by Zapata 's soldiers . \n The successful capture of Cuautla made Zapata a hero to ordinary people throughout Mexico and new corridos were written about him . After Zapata 's taking of Cuautla , the federal government controlled only five states and some urban areas . Porfirio Díaz himself later stated that , while he felt that he could defend against Villa and Orozco in Chihuahua , the fall of Cuautla was the event which persuaded him to agree to peace with Madero . \n"} +{"id": 179, "text": " As early as March 1911 , Madero 's representatives met in New York with Díaz 's finance minister , José Yves Limantour , and the Mexican ambassador to the US in order to discuss the possibility of peace between the two sides . Limantour proposed an end to the hostilities and offered an amnesty for all revolutionaries , the resignation of the then vice president Ramón Corral , the replacement of four Díaz cabinet ministers and ten state governors by ones chosen by Madero , and the establishment of the principle of \" no @-@ reelection \" which would prevent Díaz from seeking yet another term as president ( which would have been his ninth ) . Madero responded positively although he also stated that any kind of peace deal had to include an immediate resignation by Díaz . \n Faced with the siege of Ciudad Juárez and the outbreak of rebellion in Morelos , Díaz and members of his cabinet became more willing to negotiate and launched a \" skillful peace offensive \" aimed at Madero . This was largely a result of panic among the large landowners associated with the Díaz regime ( the hacendados ) and the financial elite , which represented a \" moderate \" wing within the government . Some among the in fact , expected that Zapata would soon march on Mexico City itself , unless peace was concluded with Madero . \n The moderate view within the Díaz government was represented by Jorge Vera Estañol who in a memo to the minister of foreign affairs wrote that there were two revolutions taking place in Mexico : a political revolution , based mostly in the north , whose aim was mostly to establish free elections and remove Díaz himself from power , and a social revolution whose aim was \" anarchy \" which was spreading throughout the Mexican countryside . Estañol recommended coming to terms with the first group of revolutionaries , by agreeing to the principle of no re @-@ election and a general amnesty , in order to prevent the second group from succeeding . In addition to his fear of \" anarchy \" , Estañol was also worried that the social revolution would lead to a military intervention by the United States . \n Estañol 's views represented those of the portion of the upper class which was willing to come to terms with at least a portion of the middle class in order to crush the peasant uprisings , as exemplified by those of Zapata , which were erupting throughout Mexico . Limantour , who broadly agreed with Estañol , had the support of the Mexican financiers , who feared the downgrading of Mexican international credit and a general economic crisis as a result of ongoing social unrest , as well as that of the large landowners who were willing to come to terms with Madero if it would put an end to the agrarian uprisings . \n These social group were in turn opposed by the more reactionary elements within Díaz 's government , mostly concentrated in the federal army , who though that the rebels should be dealt with through brute force . This faction was represented by General Victoriano Huerta , who would later carry out an attempted coup d 'état against Madero . Likewise , the general , and potential successor to Díaz , Bernardo Reyes stated in a letter to Limantour that \" the repression ( against the insurrectionists ) should be carried out with the energy , punishing without any pity anyone participating in the armed struggle \" . In the end however , Díaz dismissed the advice from his generals as \" Custer @-@ like bluster \" and chose to seek peace with the moderate wing of the revolution . Limantour had finally managed to persuade him to resign . \n At the same time there was also disagreement among the rebels . The \" left wing \" of the revolutionary movement , represented by Zapata and Orozco ( Villa for the time being tended to support Madero ) , warned against any possible compromises with Díaz . In the end their suspicions proved correct as the treaty that was eventually signed neglected issues of social and agrarian land reform that were central to their struggle . \n"} +{"id": 180, "text": " The most significant point of the treaty was that Porfirio Díaz , and his vice president , Ramón Corral , resign and that de la Barra , acting as interim president organize free elections as soon as possible . \n Additionally , the treaty stipulated that : \n An amnesty for all revolutionaries be declared , with the option for some of them to apply for membership in the rurales . \n The revolutionary forces were to be demobilized as soon as possible and the federal forces were to be the only army in Mexico . This was in order to appease the army , which had opposed a compromise with Madero . \n Madero and his supporters had the right to name fourteen provisional state governors , and to approve la Barra 's cabinet . \n Pensions were to be established for relatives of the soldiers who had died fighting the rebels . \n Policemen and judges , as well as state legislators , that had been appointed or \" elected \" under Díaz were to retain their offices . \n"} +{"id": 181, "text": " The treaty was signed on May 21 . Díaz resigned accordingly on May 25 . Francisco de la Barra became the interim president . Madero entered Mexico City on June 7 . \n Zapata however refused to recognize the interim government of de la Barra , and for the time being the fighting in Morelos continued . Madero met with Zapata on several occasions during June . While initially Zapata trusted Madero , with time he became increasingly concerned that the goals of \" his revolution \" were not being fulfilled . He was particularly angry that Madero did not plan on carrying out any kind of agrarian reform , or the breakup of large . Additionally , the press in Mexico City , controlled by the landowners began referring to Zapata as a bandit and federal generals , such as Huerta , continued attacking his troops under the pretext that Zapata failed to demobilize in violation of the treaty . Sporadic fighting in southern Mexico continued . In November 1911 , shortly after Madero 's inauguration , Zapata issued the famous Plan of Ayala , in which the Zapatistas denounced Madero and instead recognized Pascual Orozco as the rightful president and leader of the revolution . \n Madero also earned the great displeasure of other revolutionaries , including , Pascual Orozco . Madero 's first act after the treaty was signed was a gesture of reconciliation with the Díaz regime . As a result of the treaty he was given the right to appoint members of the la Barra cabinet . He chose mostly upper class Maderistas , including his wife for the post in the treasury . He also maintained the existing federal system , by keeping the sitting judges of the Supreme Court , the legislators in federal and state assemblies and the bureaucrats of the various federal agencies . Venustiano Carranza , who was going to become a major revolutionary in his own right and a future president of Mexico , stated that , after the treaty , Madero had \" deliver ( ed ) to the reactionaries a dead revolution which will have to be fought over again \" . Díaz , after leaving for exile in France , observed that \" Madero has unleashed a tiger , let us see if he can control him \" . \n Orozco , who saw himself as being instrumental in Madero 's victory over Díaz , was merely appointed as a commander of the rurales in Chihuahua , which increased his resentment . When he tried to run for governor of the state , Madero supported his opponent , Abraham González and eventually pressured Orozco to drop out of the race . When , in the aftermath of the Plan of Ayala , Madero ordered Orozco to lead federal troops to suppress Zapata , Orozco refused . In March 1912 , Orozco issued his Plan of and formally declared himself in rebellion against Madero . \n"} +{"id": 182, "text": " The Feast of the Goat ( Spanish : La fiesta del chivo , 2000 ) is a novel by the Peruvian Nobel Prize in Literature laureate Mario Vargas Llosa . The book is set in the Dominican Republic and portrays the assassination of Dominican dictator Rafael Trujillo , and its aftermath , from two distinct standpoints a generation apart : during and immediately after the assassination itself , in May 1961 ; and thirty five years later , in 1996 . Throughout , there is also extensive reflection on the heyday of the dictatorship , in the 1950s , and its significance for the island and its inhabitants . \n The novel follows three interwoven storylines . The first concerns a woman , Urania Cabral , who is back in the Dominican Republic , after a long absence , to visit her ailing father ; she ends up recalling incidents from her youth and recounting a long @-@ held secret to her aunt and cousins . The second story line focuses on the last day in Trujillo 's life from the moment he wakes up onwards , and shows us the regime 's inner circle , to which Urania 's father once belonged . The third strand depicts Trujillo 's assassins , many of whom had previously been government loyalists , as they wait for his car late that night ; after the assassination , this story line shows us the assassins ' persecution . Each aspect of the book 's plot reveals a different viewpoint on the Dominican Republic 's political and social environment , past and present . \n Readers are shown the regime 's downward spiral , Trujillo 's assassination , and its aftermath through the eyes of insiders , conspirators , and a middle @-@ aged woman looking back . The novel is therefore a kaleidoscopic portrait of dictatorial power , including its psychological effects , and its long @-@ term impact . The novel 's themes include the nature of power and corruption , and their relationship to machismo and sexual perversion in a rigidly hierarchical society with strongly gendered roles . Memory , and the process of remembering , is also an important theme , especially in Urania 's narrative as she recalls her youth in the Dominican Republic . Her story ( and the book as a whole ) ends when she recounts the terrible events that led to her leaving the country at the age of 14 . The book itself serves as a reminder of the atrocities of dictatorship , to ensure that the dangers of absolute power will be remembered by a new generation . \n Vargas Llosa interlaces fictional elements and historical events : the book is not a documentary , and the Cabral family , for instance , is completely fictional . On the other hand , the characters of Trujillo and Trujillo 's assassins are drawn from the historical record ; Vargas Llosa weaves real historical incidents of brutality and oppression into these people 's stories , to further illuminate the nature of the regime and the responses it provoked . In Vargas Llosa 's words , \" It 's a novel , not a history book , so I took many , many liberties . [ . . . ] I have respected the basic facts , but I have changed and deformed many things in order to make the story more persuasive — and I have not exaggerated . \" \n The Feast of the Goat received largely positive reviews , with several reviewers commenting on the book 's depiction of the relationship between sexuality and power , and on the graphic descriptions of violent events . \n A film version of the novel was released in 2005 , starring Isabella Rossellini , Paul Freeman , and Tomas Milian . Jorge Alí Triana and his daughter Veronica Triana wrote a theatrical adaptation in 2003 . \n"} +{"id": 183, "text": " The Feast of the Goat is only the second of Vargas Llosa 's novels to be set outside Peru ( the first being The War of the End of the World ) . It is also unusual because it is the first to have a female protagonist : as critic Lynn Walford writes of the leading character in The Feast of the Goat , and also Vargas Llosa 's subsequent book The Way to Paradise , \" both are utterly unlike any of the other female characters in his previous novels \" . \n The novel examines the dictatorial regime of Rafael Leónidas Trujillo Molina in the Dominican Republic . Trujillo was , in historian Eric 's words , \" a towering influence in Dominican and Caribbean history \" who presided over \" one of the most durable regimes of the twentieth century \" during the thirty @-@ one years between his seizure of power in 1930 and his assassination in 1961 . Trujillo had trained with the United States Marine Corps during the United States occupation of the island , and graduated from the Military Academy in 1921 . After the U.S. departed in 1924 , he became head of the Dominican National Police which , under his command , was transformed into the Dominican National Army and Trujillo 's personal \" virtually autonomous power base \" . \n Trujillo was officially dictator only from 1930 to 1938 , and from 1942 to 1952 , but remained in effective power throughout the entire period . Though his regime was broadly nationalist , Daniel comments that he had \" no particular ideology \" and that his economic and social policies were basically progressive . \n The novel 's title is taken from the popular Dominican merengue al chivo ( \" They Killed the Goat \" ) , which refers to Trujillo 's assassination on May 30 , 1961 . Merengue is a style of music created by Lora in the 1920s and actively promoted by Trujillo himself ; it is now considered the country 's national music . Cultural critics Julie Sellers and Stephen Ropp comment about this particular merengue that , by envisaging the dictator as an animal who could be turned into a stew ( as frequently happened with goats struck down on the Dominican Republic 's highways ) , the song \" gave those performing , listening to and dancing to this merengue a sense of control over him and over themselves that they had not experienced for over three decades . \" Vargas Llosa quotes the lyrics to al chivo at the beginning of the novel . \n"} +{"id": 184, "text": " The novel 's narrative is divided into three distinct strands . One is centred on Urania Cabral , a fictional Dominican character ; another deals with the conspirators involved in Trujillo 's assassination ; and the third focuses on Trujillo himself . The novel alternates between these storylines , and also jumps back and forth from 1961 to 1996 , with frequent flashbacks to periods earlier in Trujillo 's regime . \n The Feast of the Goat begins with the return of Urania to her hometown of Santo Domingo , a city which had been renamed Ciudad Trujillo during Trujillo 's time in power . This storyline is largely introspective and deals with Urania 's memories and her inner turmoil over the events preceding her departure from the Dominican Republic thirty @-@ five years earlier . Urania escaped the crumbling Trujillo regime in 1961 by claiming she planned to study under the tutelage of nuns in Michigan . In the following decades , she becomes a prominent and successful New York lawyer . She finally returns to the Dominican Republic in 1996 , on a whim , and finds herself compelled to confront her father and elements of her past she has long ignored . As Urania speaks to her ailing father , Agustin Cabral , she recalls more and more of the anger and disgust that led to her thirty @-@ five years of silence . Urania retells her father 's descent into political disgrace , and the betrayal that forms the crux of both Urania 's storyline and that of Trujillo himself . \n The second and third storylines are set in 1961 , in the weeks prior to and following Trujillo 's assassination on 30 May . Each assassin has his own background story , explaining his motivation for his involvement in the assassination plot . Each has been wronged by Trujillo and his regime , by torture and brutality , or through assaults on their pride , their religious faith , their morality , or their loved ones . Vargas Llosa weaves the tale of the men as memories recalled on the night of Trujillo 's death , as the conspirators lie in wait for \" The Goat \" . Interconnected with these stories are the actions of other famous of the time : Joaquín Balaguer , the puppet president ; Johnny Abbes García , the merciless head of the Military Intelligence Service ( SIM ) ; and various others — some real , some composites of historical figures , and some purely fictional . \n The third storyline is concerned with the thoughts and motives of Rafael Leónidas Trujillo Molina himself . The chapters concerning The Goat recall the major events of his time , including the slaughter of thousands of Dominican Haitians in 1937 . They also deal with the Dominican Republic 's tense international relationships during the Cold War , especially with the United States under the presidency of John F. Kennedy , and Cuba under Castro . Vargas Llosa also speculates upon Trujillo 's innermost thoughts and paints a picture of a man whose physical body is failing him . Trujillo is tormented by incontinence and impotence ; and this storyline intersects with Urania 's narrative when it is revealed that Urania was sexually assaulted by Trujillo . He is unable to achieve an erection with Urania , and in frustration and anger he rapes her with his hands . This event is the core of Urania 's shame , and her hatred towards her father . In addition , it is the cause of Trujillo 's repeated anger over the \" anemic little bitch \" that witnessed his impotence and emotion , and the reason he is en route to sleep with another girl on the night of his assassination . \n In the novel 's final chapters , the three storylines intersect with increasing frequency . The tone of these chapters is especially dark as they deal primarily with the horrific torture and death of the assassins at the hands of the SIM , the failure of the coup , the rape of Urania , and the concessions made to Trujillo 's most vicious supporters allowing them to enact their horrific revenge on the conspirators and then escape the country . The book ends as Urania prepares to return home , determined this time to keep in touch with her family back on the island . \n"} +{"id": 185, "text": " Urania Cabral and her father Agustín Cabral appear in both the modern day and historical portions of the novel . In the year 1996 , Urania returns to the Dominican Republic for the first time since her departure at the age of 14 . She is a successful New York lawyer who has spent most of the past 35 years trying to overcome the traumas of her childhood , a goal she pursues through an academic fascination with Trujillo and Dominican history . Urania is deeply troubled by the events of her past , and is compelled to confront her father Agustín about his role in those events . Urania visits her father , finding him weakened by age and a severe stroke , so much so that he is barely able to respond physically to her presence , let alone speak . Agustín listens helplessly as Urania recounts his past as \" Egghead Cabral \" , a high @-@ ranking member of Trujillo 's inner circle , and his drastic fall from grace . Urania details Agustín 's role in the events that led to her rape by the Dominican leader , and to her subsequent lifetime of celibacy and emotional trauma . Agustín 's character in the modern day portion of the novel serves primarily as a sounding board for Urania 's recollections of the Trujillo era and the events that surrounded both Agustín Cabral 's disgrace and Urania 's escape from the country . His responses are minimal and non @-@ vocal , despite the of Urania 's accusations and the enormity of his own actions during Trujillo 's reign . \n"} +{"id": 186, "text": " Rafael Trujillo , known also as The Goat , The Chief , and The Benefactor , is a fictionalized character based on the real dictator of the Dominican Republic from 1930 to 1961 and the official President of the Republic from 1930 to 1938 and 1943 to 1952 . In The Feast of the Goat , Vargas Llosa imagines the innermost thoughts of the dictator , and retells The Goat 's last hours from his own perspective . Trujillo 's character struggles with aging and the physical problems of incontinence and impotence . Through fictional events and first person narrative , the reader is given insight into the man who , during his \" thirty @-@ one years of horrendous political crimes \" , modernized the country 's infrastructure and military , but whose regime 's attacks against its enemies overseas ( particularly the attempted assassination of Rómulo Betancourt , president of Venezuela ) led to the imposition of economic sanctions on the Dominican Republic by the Organization of American States in the 1950s . The resultant economic downturn , in conjunction with other factors , leads to the CIA supported assassination plot that ends Trujillo 's life on May 30 , 1961 . \n Trujillo 's regime is supported by Johnny Abbes García , the head of the Military Intelligence Service ( SIM ) , a brutal man to whom many \" disappearances , ... executions , ... sudden falls into disgrace \" are attributed . Abbes and his intelligence officers are notorious for their cruelty , particularly their habit of killing dissidents by throwing them into shark @-@ infested waters . Colonel Abbes \" may be the devil , but he 's useful to the Chief ; everything bad is attributed to him and only the good to Trujillo \" . Trujillo 's son , Ramfis Trujillo , is a loyal supporter of the Chief . After unsuccessful attempts at schooling in the United States , Ramfis returns to the Dominican Republic to serve in his father 's military . He is a well @-@ known womanizer . Upon Trujillo 's death , Ramfis seeks revenge , even going so far as to torture and kill his uncle by marriage , General Jose Roman , for his part in the assassination conspiracy . \n Joaquín Balaguer , Trujillo 's puppet president is also a supporter , and initially his seemingly innocuous character holds no real power . Following Trujillo 's death , the calm and serenity of Balaguer bring about real change in his character , and General Román comments that \" this insignificant man whom everyone had always considered a mere clerk , a purely decorative figure in the regime , began to acquire surprising authority \" . It is Balaguer who guides much of the action in the last sections of the book . \n"} +{"id": 187, "text": " The storyline concerning the assassination primarily follows the four conspirators who directly participate in Trujillo 's death . Antonio Imbert Barrera is one of the few conspirators who survives the violent reprisals that follow Trujillo 's assassination . Imbert is a politician who becomes disillusioned with the deception and cruelty of the Trujillo regime . His first plan to kill Trujillo was foiled by the unsuccessful attempted overthrow of the regime by Cuban paramilitary forces . Now convinced of the difficulty of his task , Imbert joins the other conspirators in plotting Trujillo 's death . Among the others is Antonio de la Maza , one of Trujillo 's personal guards . Antonio 's brother is killed as part of a government cover @-@ up and Antonio swears revenge upon Trujillo . Salvador Estrella , known as \" Turk \" , is a devout Catholic who , in indignation at the regime 's many crimes against God , swears an oath against Trujillo . Turk eventually turns himself in for fear that the regime was torturing his family . Both Turk and his innocent brother are then tortured for months . His father remains loyal to Trujillo and disowns Turk to his face . Despite all of this , Turk refuses to commit suicide and does not lose faith in God . He is later executed by Ramfis and other high level government men . Turk 's close friend , Amado García Guerrero , known as Amadito , is a Lieutenant in the army who gave up his beloved as proof of his loyalty to Trujillo , and then later was forced to kill her brother to prove himself to Trujillo . Amadito 's disgust with himself and disillusionment with the regime lead to his decision to help to kill Trujillo . Following the assassination he hides out with de la Maza and dies fighting . In the aftermath of the assassination , Amadito and Antonio de la Maza choose to fight the members of SIM who come to arrest them , opting to die in battle rather than be captured and tortured . \n"} +{"id": 188, "text": " The Feast of the Goat 's major themes include political corruption , machismo , memory , and writing and power . Olga Lorenzo , reviewer for The Melbourne Age , suggests that overall Vargas Llosa 's aim is to reveal the irrational forces of Latin tradition that give rise to despotism . \n"} +{"id": 189, "text": " The structure of Dominican society was hierarchical , with strongly gendered roles . Rafael Trujillo , the ruler , was a cruel dictator who haunts the people of Santo Domingo even 35 years after his death . He is a true caudillo , ruling with brutality and corruption . He creates a personality cult in his capitalist society and encourages decadence within his regime . Prior to promotion to a position of responsibility , an officer is required to pass a \" test of loyalty \" . His people are to remain loyal to him all cost , and are periodically tested by public humiliation and censure even though acts of disloyalty were rare . Trujillo violates women and children as an expression of political and sexual power , and in some cases takes the wife or child of his lieutenants , many of whom still remain blindly loyal . Even the church and military institutions are employed to give women to the tyrant for pleasure . \n Many of the assassins had belonged to the Trujillo regime or had at one point been its staunch supporters , only to find their support for him eroded by the state 's crimes against its people . Imbert , one of the assassins , sums up this realization in a comment prompted by the murder of the Mirabal sisters : \" They kill our fathers , our brothers , our friends . And now they 're killing our women . And here we sit , resigned , waiting our turn . \" In an interview , Vargas Llosa describes the corruption and brutality of Trujillo 's regime : \" He had more or less all the common traits of a Latin American dictator , but pushed to the extreme . In cruelty , I think he went far far away from the rest — and in corruption , too . \" \n"} +{"id": 190, "text": " According to literary scholar Peter Anthony , the two important components of machismo are aggressive behaviour and hyper @-@ sexuality . Aggressive behaviour is exhibited by displays of power and strength , while hyper @-@ sexuality is revealed through sexual activity with as many partners as possible . These two components shape the portrayal of Trujillo and his regime in The Feast of the Goat . As Lorenzo observes , Vargas Llosa \" reveals traditions of machismo , of abusive fathers , and of child @-@ rearing practices that repeat the shaming of children , so that each generation bequeaths a withering of the soul to the subsequent one . \" \n In a display of both aspects of machismo , Trujillo demanded of his aides and cabinet that they provide him with sexual access to their wives and daughters . Mario Vargas Llosa wrote of Trujillo 's machismo and treatment of women , \" [ h ] e went to bed with his ministers ' wives , not only because he liked these ladies but because it was a way to test his ministers . He wanted to know if they were ready to accept this extreme humiliation . Mainly the ministers were prepared to play this grotesque role — and they remained loyal to Trujillo even after his death . \" Trujillo 's sexual conquests and public humiliations of his enemies also serve to affirm his political power and machismo . In 's words , \" The implication is that maximum virility equals political dominance . \" \n Trujillo 's attempted sexual conquest of Urania is an example of both political manipulation of Agustín Cabral and sexual power over young women . However , as Trujillo 's penis remains flaccid throughout the encounter and he is humiliated in front of the young girl , the encounter fails to satisfy his requirements for machismo . \n"} +{"id": 191, "text": " All of the novel 's storylines concern memory in some sense or another . The most apparent confrontation of memory is on the part of Urania Cabral , who has returned to the Dominican Republic for the first time in 30 years , and is forced to confront her father and the traumas that led her to leave the country at 14 . She was the victim of sexual abuse at the hands of the dictator himself , a sacrifice her father made to try to gain favor with the dictator again , a fact to which she alludes throughout the book , but which is only revealed at the very end : the book concludes with her recounting the memory of that night to her aunt and cousins , who never knew the true reason she left the country . When her aunt is surprised that she remembers all these details , she responds that while she forgets many things , \" I remember everything about that night . \" For Urania , forgetting the atrocities committed by the regime is unacceptable . Her father , on the other hand , is not capable of joining her in this process of remembering , since he has suffered a stroke and is not capable of speaking ; however , Urania is angry that he chose to forget these things while he was still capable of acknowledging them . \n Memory is also important in the sections of the novel that deal with the assassins . Each recalls the events that led him to take part in the assassination of Trujillo . These incidents included the 1956 kidnapping and murder , the 1960 murder of the Mirabal sisters , and the 1961 split with the Catholic Church . These historical events are used by Vargas Llosa to connect the assassins with specific moments that demonstrate the violence of Trujillo 's regime . Trujillo , too , is shown reflecting on the past , not least his own formation and training at the hands of the US Marines . \n But above all Mario Vargas Llosa uses the fictional Urania to facilitate the novel 's attempt at remembering the regime . The novel opens and closes with Urania 's story , effectively framing the narrative in the terms of remembering the past and understanding its legacy in the present . In addition , because of her academic study of the history of the Trujillo regime , Urania is also confronting the memory of the regime for the country as a whole . This is in keeping with one purpose of the book , which is to ensure that the atrocities of the dictatorship and the dangers of absolute power will be remembered by a new generation . \n"} +{"id": 192, "text": " In her treatment of the novel , María Regina Ruiz claims that power gives its wielder the ability to make prohibitions ; prohibitions that are reflected in history , the study of which reveals what is and what is not told . The government 's actions in The Feast of the Goat demonstrate the discourse of prohibition : foreign newspapers and magazines were prohibited from entering Trujillo 's country as they were seen as a threat to the government 's ideas . Mario Vargas Llosa takes part in this discourse by recounting what was prohibited . \n Ruiz notes that writing also has the power to transform reality . It brings the reader back to the past , allowing the reader to comprehend myths or distorted stories told by historians . Ruiz contends that knowing the past is crucial to one 's understanding of the present that takes us to postmodernism , and argues that The Feast of the Goat can thus be seen as a postmodern discourse that gives power to history recreation . \n The construction of fictions surrounding the events of Trujillo 's regime allow a degree of freedom from the horrors that took places . Author Julia Alvarez contends that these events can \" only finally be understood by fiction , only finally be redeemed by the imagination \" , while Richard Patterson claims that Vargas Llosa \" , and to a large degree \" Trujillo and his brutal reign through use of narrative structure . Vargas Llosa 's writing acts as a cathartic force for this period in history . \n"} +{"id": 193, "text": " The novel is a combination of fact and fiction . Blending together these two elements is important in any historical novel , but especially in The Feast of the Goat because Vargas Llosa chose to narrate an actual event through the minds of both real and fictional characters . Some characters are fictional , and those that are non @-@ fictional still have fictionalized aspects in the book . The general details of the assassination are true , and the assassins are all real people . While they lie in wait for the Dictator to arrive , they recount actual crimes of the regime , such as the murder of the Mirabal sisters . However , other details are invented by Vargas Llosa , such as Amadito 's murder of the brother of the woman he loved . \n Those within the regime are also a mix of fictional characters and real people . President Balaguer is real , but the entire Cabral family is completely fictional . According to Wolff , Vargas Llosa \" uses history as a starting point in constructing a fictionalized account of Trujillo 's \" spiritual colonization \" of the Dominican Republic as experienced by one Dominican family . The fictional Cabral family allows Vargas Llosa to show two sides of the Trujillo regime : through Agustin , the reader sees ultimate dedication and sacrifice to the leader of the nation ; through Urania , the violence of the regime and the legacy of pain it left behind . Vargas Llosa also fictionalized the internal thoughts of the characters who were non @-@ fictional , especially those of the Goat himself . According to literary scholar Richard Patterson , \" Vargas Llosa 's expands all the way into the very \" dark area \" of Trujillo 's consciousness ( as the storyteller dares to conceive it ) . \" \n Vargas Llosa also built an image of the regime with the troubled historical events . With regard to the historical accuracy of the book , Vargas Llosa has said \" It 's a novel , not a history book , so I took many , many liberties . The only limitation I imposed on myself was that I was not going to invent anything that couldn 't have happened within the framework of life in the Dominican Republic . I have respected the basic facts , but I have changed and deformed many things in order to make the story more persuasive — and I have not exaggerated . \" \n"} +{"id": 194, "text": " The realist style of The Feast of the Goat is recognized by some reviewers as being a break from a more allegorical approach to the dictator novel . The novel received largely positive reviews , most of which were willing to accept sacrifices of historical accuracy in favour of good storytelling . \n A common comment on the novel is the graphic nature of the many acts of torture and murder which are depicted in the novel . Vargas lets the reader see the realities of an oppressive regime with a degree of detail not often used by his compatriots in Latin American literature , as Michael Wood suggests in the London Review of Books : \" Vargas Llosa ... tells us far more about the details of day @-@ to @-@ day intrigue , and the sordid , sadistic minutiae of torture and murder . \" Walter Kirn of the New York Times suggests that the \" grisly scenes of dungeon interrogations and torture sessions \" cast other aspects of the novel in a pale light , draining them of their significance and impact . Similarly , Kirn implies that the \" narrative machinery \" mentioned by Wood as being somewhat unwieldy also produces a largely superfluous storyline . The plot line centered on Urania Cabral is described by Sturrock as being an emotional centre that focuses the novel , and Wood agrees that her confrontations with past demons hold the readers attention . In contrast , Kirn 's review states that Urania 's segments are \" talky and atmospheric ... [ and ] seem to be on loan from another sort of book . \" \n Most reviews of The Feast of the Goat make either indirect of direct reference to the relationship between sexuality and power . Salon reviewer Laura Miller , writer for The Observer Jonathan Heawood , Walter Kirn , and Michael Wood each detail the connection between Trujillo 's gradual loss of ultimate control , both over his body and his followers . The means by which Trujillo reinforces political power through sexual acts and begins to lose personal conviction as his body fails him are topics of frequent discussion among reviewers . \n In 2011 Bernard Diederich , author of the 1978 non @-@ fiction book Trujillo . The Death of the Goat , accused Vargas @-@ Llosa of plagiarism . \n"} +{"id": 195, "text": " An English @-@ language film adaptation of the novel was made in 2005 , directed by Luis Llosa , Mario Vargas Llosa 's cousin . It stars Isabella Rossellini as Urania Cabral , Paul Freeman as her father Agustin , Stephanie Leonidas as and Tomas Milian as Rafael Leonidas Trujillo . It was filmed in both the Dominican Republic and in Spain . Reviewing the film for the trade paper Variety , critic Jonathan Holland called it \" less a feast than a somewhat rushed , but thoroughly enjoyable , three @-@ course meal \" , commenting that the main difference from the source novel was the sacrifice of psychological nuance . \n The novel has also been adapted for the stage , by Jorge Alí Triana and his daughter Veronica Triana , directed by Jorge Triana : the play was put on ( in Spanish , but with simultaneous translation to English ) at Español ( / chivo ) in New York in 2003 ; and the production moved to Lima in 2007 . A feature of the novel 's stage version is that the same actor plays both Agustin Cabral and Rafael Trujillo . For reviewer Bruce Weber , this makes the point \" that Trujillo 's control of the nation depended on gutless collaborators \" . \n"} +{"id": 196, "text": " Charles Eaton , OBE , AFC ( 21 December 1895 – 12 November 1979 ) was a senior officer and aviator in the Royal Australian Air Force ( RAAF ) , who later served as a diplomat . Born in London , he joined the British Army upon the outbreak of World War I and saw action on the Western Front before transferring to the Royal Flying Corps in 1917 . Posted as a bomber pilot to No. 206 Squadron , he was twice captured by German forces , and twice escaped . Eaton left the military in 1920 and worked in India until moving to Australia in 1923 . Two years later he joined the RAAF , serving initially as an instructor at No. 1 Flying Training School . Between 1929 and 1931 , he was chosen to lead three expeditions to search for lost aircraft in Central Australia , gaining national attention and earning the Air Force Cross for his \" zeal and devotion to duty \" . \n In 1939 , on the eve of World War II , Eaton became the inaugural commanding officer of No. 12 ( General Purpose ) Squadron at the newly established RAAF Station Darwin in Northern Australia . Promoted group captain the following year , he was appointed an Officer of the Order of the British Empire in 1942 . He took command of No. 79 Wing at Batchelor , Northern Territory , in 1943 , and was mentioned in despatches during operations in the South West Pacific . Retiring from the RAAF in December 1945 , Eaton took up diplomatic posts in the Dutch East Indies , heading a United Nations commission as Consul @-@ General during the Indonesian National Revolution . He returned to Australia in 1950 , and served in Canberra for a further two years . Popularly known as \" Moth \" Eaton , he was a farmer in later life , and died in 1979 at the age of 83 . He is commemorated by several memorials in the Northern Territory . \n"} +{"id": 197, "text": " Charles Eaton was born on 21 December 1895 in Lambeth , London , the son of William Walpole Eaton , a butcher , and his wife Grace . Schooled in Wandsworth , Charles worked in Battersea Town Council from the age of fourteen , before joining the London Regiment upon the outbreak of World War I in August 1914 . Attached to a bicycle company in the 24th Battalion of the 47th Division , he arrived at the Western Front in March 1915 . He took part in trench bombing missions and attacks on enemy lines of communication , seeing action in the Battles of Aubers Ridge , Festubert , Loos , and the Somme . \n On 14 May 1915 , Eaton transferred to the Royal Flying Corps ( RFC ) , undergoing initial pilot training at Oxford . While he was landing his Maurice Farman Shorthorn at the end of his first solo flight , another student collided with him and was killed , but Eaton emerged uninjured . He was commissioned in August and was awarded his wings in October . Ranked lieutenant , he served with No. 110 Squadron , which operated Martinsyde G.100 \" Elephant \" fighters out of , defending London against Zeppelin airships . Transferred to the newly formed Royal Air Force ( RAF ) in April 1918 , he was posted the following month to France flying Airco DH.9 single @-@ engined bombers with No. 206 Squadron . On 29 June , he was shot down behind enemy lines and captured in the vicinity of . Incarcerated in Holzminden prisoner @-@ of @-@ war camp , Germany , Eaton escaped but was recaptured and court @-@ martialled , after which he was kept in solitary confinement . He later effected another escape and succeeded in rejoining his squadron in the final days of the war . \n"} +{"id": 198, "text": " Eaton remained in the RAF following the cessation of hostilities . He married Beatrice Godfrey in St. Thomas 's church at Shepherd 's Bush , London , on 11 January 1919 . Posted to No. 1 Squadron , he was a pilot on the first regular passenger service between London and Paris , ferrying delegates to and from the Peace Conference at Versailles . Eaton was sent to India in December to undertake aerial survey work , including the first such survey of the Himalayas . He resigned from the RAF in July 1920 , remaining in India to take up employment with the Imperial Forest Service . After successfully applying for a position with the Queensland Forestry Service , he and his family migrated to Australia in 1923 . Moving to South Yarra , Victoria , he enlisted as a flying officer in the Royal Australian Air Force ( RAAF ) at Laverton on 14 August 1925 . He was posted to No. 1 Flying Training School at RAAF Point Cook , as a flight instructor , where he became known as a strict disciplinarian who \" trained his pilots well \" . Here Eaton acquired his nickname of \" Moth \" , the Air Force 's basic trainer at this time being the De Havilland DH.60 Moth . Promoted flight lieutenant in February 1928 , he flew a Moth in the 1929 East @-@ West Air Race from Sydney to Perth , as part of the celebrations for the Western Australia Centenary ; he was the sixth competitor across the line , after fellow RFC veteran Jerry Pentland . \n Regarded as one of the RAAF 's most skilful cross @-@ country pilots and navigators , Eaton came to public attention as leader of three military expeditions to find lost aircraft in Central Australia between 1929 and 1931 . In April 1929 , he coordinated the Air Force 's part in the search for aviators Keith Anderson and Bob Hitchcock , missing in their aircraft the Kookaburra while themselves looking for Charles Kingsford Smith and Charles Ulm , who had force landed the Southern Cross in north Western Australia during a flight from Sydney . Three of the RAAF 's five \" ancient \" DH.9 biplanes went down in the search — though all crews escaped injury — including Eaton 's , which experienced what he labelled \" a good crash \" on 21 April near Tennant Creek after the engine 's pistons melted . The same day , Captain Lester Brain , flying a Qantas aircraft , located the wreck of the Kookaburra in the Tanami Desert , approximately 130 kilometres ( 81 mi ) east @-@ south @-@ east of Wave Hill . Setting out from Wave Hill on 23 April , Eaton led a ground party across rough terrain that reached the crash site four days later and buried the crew , who had perished of thirst and exposure . Not a particularly religious man , he recalled that after the burial he saw a perfect cross formed by cirrus cloud in an otherwise clear blue sky above the Kookaburra . The Air Board described the RAAF 's search as taking 240 hours flying time \" under the most trying conditions ... where a forced landing meant certain crash \" . In November 1930 , Eaton was selected to lead another expedition for a missing aircraft near Ayers Rock , but it was called off soon afterwards when the pilot showed up in Alice Springs . The next month , he was ordered to search for W.L. and S.J. Hamre , who had disappeared in the biplane Golden Quest 2 while attempting to discover Lasseter 's Reef . Employing a total of four DH.60 Moths , the RAAF team located the missing men near Dashwood Creek on 7 January 1931 , and they were rescued four days later by a ground party accompanied by Eaton . Staying in nearby Alice Springs , he recommended a site for the town 's new airfield , which was approved and has remained in use since its construction . \n Eaton was awarded the Air Force Cross on 10 March 1931 \" in recognition of his zeal and devotion to duty in conducting flights to Central Australia in search of missing aviators \" . The media called him the \" ' Knight Errant ' of the desert skies \" . Aside from his crash landing in the desert while searching for the Kookaburra , Eaton had another narrow escape in 1929 when he was test flying the Wackett Warrigal I with Sergeant Eric Douglas . Having purposely put the biplane trainer into a spin and finding no response in the controls when he tried to recover , Eaton called on Douglas to bail out . When Douglas stood up to do so , the spin stopped , apparently due to his torso changing the airflow over the tail plane . Eaton then managed to land the aeroplane , he and his passenger both badly shaken by the experience . In December 1931 , he was posted to No. 1 Aircraft Depot at Laverton , where he continued to fly as well as performing administrative work . Promoted squadron leader in 1936 , he undertook a clandestine mission around the new year to scout for suitable landing grounds in the Dutch East Indies , primarily Timor and Ambon . Wearing civilian clothes , he and his companion were arrested and held for three days by local authorities in Koepang , Dutch Timor . Eaton was appointed commanding officer ( CO ) of No. 21 Squadron in May 1937 , one of his first tasks being to undertake another aerial search in Central Australia , this time for prospector Sir Herbert Gepp , who was subsequently discovered alive and well . Later that year , Eaton presided over the court of inquiry into the crash of a Hawker Demon biplane in Victoria , recommending a gallantry award for Aircraftman William McAloney , who had leapt into the Demon 's burning wreckage in an effort to rescue its pilot ; McAloney subsequently received the Albert Medal for his heroism . \n Following a 1937 decision to establish the first north Australian RAAF base , in April 1938 Eaton , now on the headquarters staff of RAAF Station Laverton , and Wing Commander George Jones , Director of Personnel Services at RAAF Headquarters , began developing plans for the new station , to be commanded by Jones , and a new squadron that would be based there , led by Eaton . The next month they flew an Avro Anson on an inspection tour of Darwin , Northern Territory , site of the proposed base . Delays meant that No. 12 ( General Purpose ) Squadron was not formed until 6 February 1939 at Laverton . Jones had by now moved on to another posting but Eaton took up the squadron 's command as planned . Promoted to wing commander on 1 March , he and his equipment officer , Flying Officer Hocking , were ordered to build up the unit as quickly as possible , and established an initial complement of fourteen officers and 120 airmen , plus four Ansons and four Demons , within a week . An advance party of thirty NCOs and airmen under Hocking began moving to Darwin on 1 July . Staff were initially accommodated in a former built during World War I , and life at the newly established air base had a \" distinctly raw , pioneering feel about it \" according to historian Chris Coulthard @-@ Clark . Morale , though , was high . On 31 August , No. 12 Squadron launched its first patrol over the Darwin area , flown by one of seven Ansons that had so far been delivered . These were augmented by a flight of four CAC Wirraways ( replacing the originally planned force of Demons ) that took off from Laverton on 2 September , the day before Australia declared war , and arrived in Darwin four days later . A fifth Wirraway in the flight crashed on landing at Darwin , killing both crewmen . \n"} +{"id": 199, "text": " Once war was declared , Darwin began to receive more attention from military planners . In June 1940 , No. 12 Squadron was \" cannibalised \" to form two additional units , Headquarters RAAF Station Darwin and No. 13 Squadron . No. 12 Squadron retained its Wirraway flight , while its two flights of Ansons went to the new squadron ; these were replaced later that month by more capable Lockheed Hudsons . Eaton was appointed CO of the base , gaining promotion to temporary group captain in September . His squadrons were employed in escort , maritime reconnaissance , and coastal patrol duties , the overworked aircraft having to be sent to RAAF Station Richmond , New South Wales , after every 240 hours flying time — with a consequent three @-@ week loss from Darwin 's strength — as deep maintenance was not yet possible in the Northern Territory . Soon after the establishment of Headquarters RAAF Station Darwin , Minister for Air James Fairbairn visited the base . Piloting his own light plane , he was greeted by four Wirraways that proceeded to escort him into landing ; the Minister subsequently complimented Eaton on the \" keen @-@ ness and efficiency of all ranks \" , particularly considering the challenging environment . When Fairbairn died in the Canberra air disaster shortly afterwards , his pilot was Flight Lieutenant Robert Hitchcock , son of Bob Hitchcock of the Kookaburra and also a former member of Eaton 's No. 21 Squadron . \n As senior air commander in the region , Eaton sat on the Darwin Defence Co @-@ ordination Committee . He was occasionally at loggerheads with his naval counterpart , Captain E.P. Thomas , and also incurred the ire of trade unionists when he used RAAF staff to unload ships in Port Darwin during industrial action ; Eaton himself took part in the work , shovelling coal alongside his men . On 25 February 1941 , he made a flight north to reconnoitre Timor , Ambon , and Babo in Dutch New Guinea for potential use by the RAAF in any Pacific conflict . By April , the total strength based at RAAF Station Darwin had increased to almost 700 officers and airmen ; by the following month it had been augmented by satellite airfields at Bathurst Island , Groote Eylandt , Batchelor , and Katherine . Handing over command of Darwin to Group Captain Frederick Scherger in October , Eaton took charge of No. 2 Service Flying Training School near Wagga Wagga , New South Wales . His \" marked success \" , \" untiring energy \" , and \" tact in handling men \" while in the Northern Territory were recognised in the new year with his appointment as an Officer of the Order of the British Empire . Eaton became CO of No. 1 Engineering School and its base , RAAF Station Ascot Vale , Victoria , in April 1942 . Twelve months later in Townsville , Queensland , he formed No. 72 Wing , which subsequently deployed to Merauke in Dutch New Guinea , comprising No. 84 Squadron ( flying CAC Boomerang fighters ) , No. 86 Squadron ( P @-@ 40 Kittyhawk fighters ) , and No. 12 Squadron ( A @-@ 31 Vengeance dive bombers ) . His relations with North @-@ Eastern Area Command in Townsville were strained ; \" mountains were made out of molehills \" in his opinion , and he was reassigned that July to lead No. 2 Bombing and Gunnery School in Port Pirie , South Australia . \n On 30 November 1943 , Eaton returned to the Northern Territory to establish No. 79 Wing at Batchelor , comprising No. 1 and No. 2 Squadrons ( flying Bristol Beaufort light reconnaissance bombers ) , No. 31 Squadron ( Bristol Beaufighter long @-@ range fighters ) , and No. 18 ( Netherlands East Indies ) Squadron ( B @-@ 25 Mitchell medium bombers ) . He developed a good relationship with his Dutch personnel , who called him \" Oom Charles \" ( Uncle Charles ) . Operating under the auspices of North @-@ Western Area Command ( NWA ) , Darwin , Eaton 's forces participated in the New Guinea and North @-@ Western Area Campaigns during 1944 , in which he regularly flew on missions himself . Through March – April , his Beaufighters attacked enemy shipping , while the Mitchells and Beauforts bombed Timor on a daily basis as a prelude to Operations Reckless and Persecution , the invasions of Hollandia and Aitape . On 19 April , he organised a large raid against Su , Dutch Timor , employing thirty @-@ five Mitchells , Beauforts and Beaufighters to destroy the town 's barracks and fuel dumps , the results earning him the personal congratulations of the Air Officer Commanding NWA , Air Vice Marshal \" King \" Cole , for his \" splendid effort \" . On the day of the Allied landings , 22 April , the Mitchells and Beaufighters made a daylight raid on Dili , Portuguese Timor . The ground assault met little opposition , credited in part to the air bombardment in the days leading up to it . In June – July , No. 79 Wing supported the Allied attack on Noemfoor . Eaton was recommended to be mentioned in despatches on 28 October 1944 for his \" Gallant and distinguished service \" in NWA ; this was promulgated in the London Gazette on 9 March 1945 . \n Completing his tour with No. 79 Wing , Eaton was appointed Air Officer Commanding Southern Area , Melbourne , in January 1945 . The German submarine U @-@ 862 operated off southern Australia during the first months of 1945 , and the few combat units in Eaton 's command were heavily engaged in anti @-@ submarine patrols which sought to locate this and any other U @-@ boats in the area . The Air Officer Commanding RAAF Command , Air Vice Marshal Bill Bostock , considered the sporadic attacks to be partly \" nuisance value \" , designed to draw Allied resources away from the front line of the South West Pacific war . In April , Eaton complained to Bostock that intelligence from British Pacific Fleet concerning its ships ' movements eastwards out of Western Area was hours out of date by the time it was received at Southern Area Command , leading to RAAF aircraft missing their rendezvous and wasting valuable flying hours searching empty ocean . There had been no U @-@ boat strikes since February , and by June the naval authorities indicated that there was no pressing need for air cover except for the most important vessels . \n"} +{"id": 200, "text": " Eaton retired from the RAAF on 31 December 1945 . In recognition of his war service , he was appointed a Commander of the Order of Orange @-@ Nassau with Swords by the Dutch government on 17 January 1946 . The same month , he became Australian consul in Dili . He had seen an advertisement for the position and was the only applicant with experience of the area . While based there , he accompanied the provincial governor on visits to townships damaged in Allied raids during the war , taking care to be circumspect about the part played by his own forces from No. 79 Wing . In July 1947 , Dutch forces launched a \" police action \" against territory held by the fledgling Indonesian Republic , which had been declared shortly after the end of the war . Following a ceasefire , the United Nations set up a commission , chaired by Eaton as Consul @-@ General , to monitor progress . Eaton and his fellow commissioners believed that the ceasefire was serving the Dutch as a cover for further penetration of republican enclaves . His requests to the Australian government for military observers led to deployment of the first peacekeeping force to the region ; the Australians were soon followed by British and US observers , and enabled Eaton to display a more realistic impression of the situation to the outside world . The Dutch administration strongly opposed the presence of UN forces and accused Eaton of \" impropriety \" , but the Australian government refused to recall him . Following the transfer of sovereignty in December 1949 , he became Australia 's first secretary and chargé d 'affaires to the Republic of the United States of Indonesia . In 1950 , he returned to Australia to serve with the Department of External Affairs in Canberra . After retiring from public service in 1951 , he and his wife farmed at , Victoria , and cultivated orchids . They later moved to Frankston , where Eaton was involved in promotional work . \n Charles Eaton died in Frankston on 12 November 1979 . Survived by his wife and two sons , he was cremated . In accordance with his wishes , his ashes were scattered near Tennant Creek , site of his 1929 forced landing during the search for the Kookaburra , from an RAAF Caribou on 15 April 1981 . His name figures prominently in the Northern Territory , commemorated by Lake Eaton in Central Australia , Eaton Place in the Darwin suburb of Karama , Charles Eaton Drive on the approach to Darwin International Airport , and the Charles Moth Eaton Saloon Bar in the Tennant Creek Goldfields Hotel . He is also honoured with a display at the Northern Territory Parliament , and a National Trust memorial at Tennant Creek Airport . At the RAAF 's 2003 History Conference , Air Commodore Mark Lax , recalling Eaton 's search @-@ and @-@ rescue missions between the wars , commented : \" Today , we might think of Eaton perhaps as the pioneer of our contribution to assistance to the civil community — a tradition that continues today . Perhaps I might jog your memory to a more recent series of rescues no less hazardous for all concerned — the amazing location of missing yachtsmen Thierry Dubois , Isabelle and Tony by our P @-@ 3s that guided the Navy to their eventual rescue . My observation is that such activities remain vital for our relevance in that we must remain connected , supportive and responsive to the wants and needs of the Australian community . \" \n"} +{"id": 201, "text": " Elizabeth \" Tina \" Fey ( / / ; born May 18 , 1970 ) is an American actress , comedian , writer , and producer . She is best known for her work on the NBC sketch comedy series Saturday Night Live ( 1998 @-@ 2006 ) , for her impression of former Alaska Governor and 2008 Vice @-@ Presidential candidate Sarah Palin , and for creating acclaimed series 30 Rock ( 2006 – 2013 ) and Unbreakable Kimmy Schmidt ( 2015 – present ) . She is also well known for appearing in films such as Mean Girls ( 2004 ) , Baby Mama ( 2008 ) , Date Night ( 2010 ) , Muppets Most Wanted ( 2014 ) , and Sisters ( 2015 ) . \n Fey broke into comedy as a featured player in the Chicago @-@ based improvisational comedy group The Second City . She then joined SNL as a writer , later becoming head writer and a performer , known for her position as co @-@ anchor in the Weekend Update segment . In 2004 , she co @-@ starred in and wrote the screenplay for Mean Girls , which was adapted from the 2002 self @-@ help book Queen Bees and Wannabes . After leaving SNL in 2006 , she created the television series 30 Rock for Broadway Video , a situation comedy loosely based on her experiences at SNL . In the series , Fey portrays the head writer of a fictional sketch comedy series . In 2008 , she starred in the comedy film Baby Mama , alongside former SNL co @-@ star Amy Poehler . Fey next appeared in the 2010 comedy film Date Night and the animated film Megamind . In 2015 , she created and produced the television series Unbreakable Kimmy Schmidt , originally for NBC and eventually for Netflix . Her recent films include Sisters and Whiskey Tango Foxtrot . \n Fey has received eight Emmy Awards , two Golden Globe Awards , five Screen Actors Guild Awards , and four Writers Guild of America Awards and was nominated for a Grammy Award for her autobiographical book Bossypants , which topped The New York Times Best Seller list for five weeks . In 2008 , the Associated Press gave Fey the AP Entertainer of the Year award for her satirical portrayal of Republican vice presidential candidate Sarah Palin in a guest appearance on SNL . In 2010 , Fey was awarded the Mark Twain Prize for American Humor , becoming the youngest @-@ ever recipient of the award . On January 13 , 2013 , Fey hosted the 70th Golden Globe Awards with her long @-@ time friend and fellow comedian , Amy Poehler , to critical acclaim . The duo hosted again the following two years , generating the highest ratings for the annual ceremony in a decade and receiving similar acclaim . \n"} +{"id": 202, "text": " Fey was born on May 18 , 1970 , in Upper Darby , Pennsylvania , a suburb of Philadelphia . Her mother , Zenobia \" Jeanne \" ( née ) , is a brokerage employee ; her father , Donald Henry Fey ( died 2015 , age 82 ) , was a university grant proposal writer . She has a brother , Peter , who is eight years older . Fey 's mother , who was born in Piraeus , Greece , is the daughter of Greek immigrants : , Fey 's maternal grandmother , left Petrina , Laconia , Greece on her own , arriving in the United States in February 1921 . \n Fey 's father had English , German , and Northern Irish ancestry ; one of Fey 's paternal great @-@ great @-@ great @-@ great @-@ great @-@ grandfathers was John Hewson ( 1744 – 1821 ) , a textile manufacturer who immigrated to America with the support of Benjamin Franklin , enabling Hewson to quickly open a quilting factory in the Kensington neighborhood of Philadelphia , Pennsylvania . According to a genealogical DNA test arranged by the television series Finding Your Roots , Fey 's ancestry is 94 % European , 3 % Middle Eastern , and 3 % from the Caucasus . \n Fey was exposed to comedy early : \n At age 11 , Fey read Joe Franklin 's Seventy Years of Great Film Comedians for a school project about comedy . She grew up watching Second City Television , and has cited Catherine O 'Hara as a role model . \n Fey attended Cardington @-@ Stonehurst Elementary School and Beverly Hills Middle School in Upper Darby . By middle school , she knew she was interested in comedy . Fey attended Upper Darby High School , where she was an honors student , a member of the choir , drama club , and tennis team , and co @-@ editor of the school 's newspaper , The Acorn . She also anonymously wrote the newspaper 's satirical column , The Colonel . Following her graduation in 1988 , Fey enrolled at the University of Virginia , where she studied play @-@ writing and acting and was awarded the Pettway Prize . She graduated in 1992 with a Bachelor of Arts degree in drama . \n After college , she worked as a receptionist during the day at the Evanston YMCA and took classes at Second City at night . \n"} +{"id": 203, "text": " While performing shows with The Second City in 1997 , Fey submitted several scripts to NBC 's variety show Saturday Night Live ( SNL ) , at the request of its head writer Adam McKay , a former performer at Second City . She was hired as a writer for SNL following a meeting with SNL creator Lorne Michaels , and moved to New York from Chicago . Fey told The New Yorker , \" I 'd had my eye on the show forever , the way other kids have their eye on Derek Jeter . \" Originally , Fey \" struggled \" at SNL . Her first sketch to air starred Chris Farley in a Sally Jessy Raphael satire . Fey went on to write a series of parodies , including one of ABC 's morning talk show The View . She co @-@ wrote the \" Sully and Denise \" sketches with Rachel Dratch , who plays one of the teens . \n Fey was an extra in a 1998 episode , and after watching herself , decided to diet and lost 30 pounds . She told The New York Times , \" I was a completely normal weight , but I was here in New York City , I had money and I couldn 't buy any clothes . After I lost weight , there was interest in putting me on camera . \" In 1999 , McKay stepped down as head writer , which led Michaels to approach Fey for the position . She became SNL 's first female head writer that year . \n In 2000 , Fey began performing in sketches , and she and Jimmy Fallon became co @-@ anchors of SNL 's Weekend Update segment . Fey said she did not ask to audition , but that Michaels approached her . Michaels explained that there was chemistry between Fey and Fallon , though the decision was \" kind of risky \" at the time . Her role in Weekend Update was well received by critics . Ken Tucker of Entertainment Weekly wrote : \" ... Fey delivers such blow darts – poison filled jokes written in long , precisely parsed sentences unprecedented in Update history – with such a bright , sunny countenance makes her all the more devilishly delightful . \" Dennis Miller , a former cast member of SNL and anchor of Weekend Update , was pleased with Fey as one of the anchors for the segment : \" ... Fey might be the best Weekend Update anchor who ever did it . She writes the funniest jokes \" . Robert Bianco of USA Today , however , commented that he was \" not enamored \" of the pairing . \n In 2001 , Fey and the rest of the writing staff won a Writers Guild of America Award for SNL 's 25th anniversary special . The following year at the 2002 Emmy Awards ceremony , they won the Emmy for Outstanding Writing for a Variety , Music or Comedy Program . \n When Fallon left the show in May 2004 , he was replaced on Weekend Update by Amy Poehler . It was the first time that two women co @-@ anchored Weekend Update . Fey revealed that she \" hired \" Poehler as her co @-@ host for the segment . The reception was positive , with Rachel Sklar of the Chicago Tribune noting that the pairing \" has been a hilarious , pitch @-@ perfect success as they play @-@ off each other with quick one @-@ liners and deadpan delivery \" . \n The 2005 – 2006 season was her last ; she departed to develop 30 Rock for Broadway Video . At the time she left , the 117 episodes she co @-@ hosted made her SNL 's longest @-@ serving Weekend Update anchor , a mark that would later be passed by her replacement , Seth Meyers . In Rolling Stone Magazine 's February , 2015 appraisal of all 141 SNL cast members to date , Fey was ranked third in importance ( behind John Belushi and Eddie Murphy ) . They credited her with \" salvaging ' Update ' from a decade @-@ long losing streak , \" and \" slapping SNL out of its late @-@ nineties coma . \" \n"} +{"id": 204, "text": " In 2002 , Fey suggested a pilot episode for a situation comedy about a cable news network to NBC , which rejected it . The pilot was reworked to revolve around an SNL style series , and was accepted by NBC . She signed a contract with NBC in May 2003 , which allowed her to remain in her SNL head writer position at least through the 2004 – 2005 television season . As part of the contract , Fey was to develop a prime @-@ time project to be produced by Broadway Video and NBC Universal . The pilot , directed by Adam Bernstein , centered on Liz Lemon , the head writer of a variety show on NBC , and how she managed her relationships with the show 's volatile stars and the new head of the network . In October 2006 , the pilot aired on NBC as 30 Rock . Although the episode received generally favorable reviews , it finished third in its timeslot . \n The network renewed the series for a second season , which began in October 2007 . The show 's third season premiered on October 30 , 2008 . The premiere episode drew 8 @.@ 5 million viewers , the highest ratings of the series . \n In 2007 , Fey received an Emmy Award nomination for Outstanding Actress in a Comedy Series . The show itself won the 2007 Emmy for Outstanding Comedy Series ( and did so again for two subsequent years ) . In 2008 , she won the Golden Globe , Screen Actors Guild , and Emmy awards all in the category for Best Actress in a Comedy Series . The following year , Fey again won the Golden Globe and Screen Actors Guild Award in the same categories , and was nominated for an Emmy Award . In early 2010 , Fey received a Golden Globe nomination for Best Actress , and won the Screen Actors Guild Award for Best Lead Actress . 30 Rock was renewed for the 2010 – 2011 season in March 2010 . The series returned for the 2011 – 2012 season , though due to Fey 's pregnancy with her second child , the season premiere was delayed until midseason . Fey 's performance on the show was inspired by Julia Louis @-@ Dreyfus , and later used Louis @-@ Dreyfus to play the stand @-@ in for the character of Liz Lemon in flashback scenes during the live episode of the fifth season . On May 11 , 2012 , it was announced that the show had been renewed for a seventh and final season , to premiere October 4 , 2012 , with 13 episodes . After receiving 13 Emmy Award nominations and two wins for this final season , 30 Rock ended its critically acclaimed run with 112 Emmy award nominations . It has been cited as one of the greatest TV series of all time and it is considered to have one of the greatest finales in television history . \n"} +{"id": 205, "text": " In 2015 , Fey created and produced the television comedy Unbreakable Kimmy Schmidt with fellow 30 Rock @-@ alumnus Robert Carlock . The series stars Ellie Kemper as the titular character who escapes from a doomsday cult and moves to New York . It also stars Fey 's former co @-@ star Jane Krakowski , as well as Burgess ( who had previously appeared in four 30 Rock episodes ) and Carol Kane . Although it was originally produced for NBC , it was eventually sold to Netflix and immediately renewed for a second season . The show premiered on March 6 , 2015 to critical acclaim . \n On July 16 , 2015 , the series was nominated for seven Primetime Emmy Awards , including Outstanding Comedy Series . Fey herself was nominated both as the creator / executive producer of the series and for Outstanding Guest Actress in a Comedy Series for her guest performance as Marcia , a bumbling prosecutor in reference to Marcia Clark . \n"} +{"id": 206, "text": " In 2002 , Fey appeared in the surreal comedy Martin & Orloff . She made her debut as writer and co @-@ star of the 2004 teen comedy Mean Girls . Characters and behaviors in the movie are based on Fey 's high school life at Upper Darby High School and on the non @-@ fiction book Queen Bees and Wannabes by Rosalind Wiseman . The cast includes other past cast members of SNL including Tim Meadows , Ana Gasteyer , and Amy Poehler . The film received favorable reviews , and was a box office success , grossing US $ 129 million worldwide . \n In a 2004 interview , Fey expressed that she would like to write and direct movies . In 2006 , Fey worked on a movie script for Paramount Pictures , which was to feature Sacha Baron Cohen , by the name of Curly Oxide and Vic Thrill , based loosely on the true story of a Hasidic rock musician . In 2007 , she was cast in the animated comedy film Aqua Teen Hunger Force Colon Movie Film for Theaters as the Aqua Teens ' mother , a giant burrito . \n She received her SAG card after appearing in Artie Lange 's Beer League released in 2006 , in which she was compelled to join for \" ... a thousand dollars \" . \n Fey and former SNL castmate Amy Poehler starred in the 2008 comedy Baby Mama . The movie was written and directed by Michael McCullers . The plot concerns Kate ( Fey ) , a business woman , who wants a child but , discovering she has only a million @-@ to @-@ one chance of getting pregnant , decides to find a surrogate : Angie ( Poehler ) , a white @-@ trash schemer . Baby Mama received mixed reviews , but critics enjoyed Fey 's performance . Todd McCarthy of Variety wrote : \" Fey is a delight to watch throughout . Able to convey Kate 's intentions and feelings through the simple looks and inflections , she never her situation ; nor does her efficient , perfectionist side become overbearing . \" The movie grossed over US $ 64 million at the box office . \n Fey 's projects after 2008 include a voice role in the English @-@ language version of the Japanese animated film Ponyo . In 2009 , she appeared in The Invention of Lying , alongside Ricky Gervais , Jennifer Garner , Rob Lowe , and Christopher Guest . Her next film role was in Shawn Levy 's 2010 comedy Date Night , a feature that focuses on a married couple , played by Fey and Steve Carell , who go on a date ; however , the night goes awry for the two . Also in the same year , she voiced Roxanne Ritchie , a television reporter , in the DreamWorks animated film Megamind ( 2010 ) . With a total worldwide gross of US $ 321 million , Megamind is Fey 's most commercially successful picture to date . It earned US $ 173 million outside the U.S. and US $ 148 million domestically . \n In 2013 , Fey starred alongside Paul Rudd in the romantic comedy @-@ drama film Admission , based on the Jean Korelitz novel by the same name . The film was directed by Paul Weitz . Fey later starred in the 2014 comedy @-@ drama This Is Where I Leave You , helmed by Date Night director Shawn Levy . As was the case with Baby Mama , although both of these films received generally mixed reviews , Fey 's performances were well received by film critics . \n In 2015 , it was announced Fey would be the narrator for the Disney Nature film Monkey Kingdom , which was released in theaters on April 17 , 2015 . She then re @-@ teamed with Poehler , starring in the 2015 comedy film Sisters as the title characters , and received positive reviews for her role . In 2016 , Fey starred in the biographical war comedy @-@ drama Whiskey Tango Foxtrot , based on the memoir The Taliban Shuffle : Strange Days in Afghanistan and Pakistan , to positive reviews . \n"} +{"id": 207, "text": " On February 23 , 2008 , Fey hosted the first episode of SNL after the 2007 – 2008 Writers Guild of America strike . For this appearance , she was nominated for an Emmy in the category of Individual Performance in a Variety or Music Program . Fey hosted SNL for a second time on April 10 , 2010 , and for her appearance she received an Emmy nomination for Outstanding Guest Actress in a Comedy Series . \n From September to November 2008 , Fey made multiple guest appearances on SNL to perform a series of parodies of Republican vice @-@ presidential candidate Sarah Palin . On the 34th season premiere episode , aired September 13 , 2008 , Fey imitated Palin in a sketch , alongside Amy Poehler as Hillary Clinton . Their repartee included Clinton needling Palin about her \" Tina Fey glasses \" . The sketch quickly became NBC 's most @-@ watched viral video ever , with 5 @.@ 7 million views by the following Wednesday . Fey reprised this role on the October 4 show , on the October 18 show where she was joined by the real Sarah Palin , and on the November 1 show , where she was joined by John McCain and his wife Cindy . The October 18 show had the best ratings of any SNL show since 1994 . The following year Fey won an Emmy in the category of Outstanding Guest Actress in a Comedy Series for her impersonation of Palin . Fey returned to SNL in April 2010 , and reprised her impression of Palin in one sketch titled the \" Sarah Palin Network \" . Fey once again did her impression of Palin when she hosted Saturday Night Live on May 8 , 2011 . \n In December 2009 , Entertainment Weekly put her Palin impersonation on its end @-@ of @-@ the @-@ decade \" best @-@ of \" list , writing , \" Fey 's freakishly spot @-@ on SNL impersonation of the wannabe VP ( and her ability to strike a balance between comedy and cruelty ) made for truly transcendent television . \" Rolling Stone called her Palin impression \" [ arguably ] the most brilliant move SNL ever made \" . \n"} +{"id": 208, "text": " In 1997 , Fey and other members of The Second City provided voices for the pinball game Medieval Madness . \n In 2000 , Fey partnered with fellow SNL cast member Rachel Dratch in the Off Broadway two @-@ woman show Dratch & Fey at the Upright Citizens Brigade Theater in New York City . The production was well received by critics . Tim Townsend of The Wall Street Journal wrote that the fun part of watching Fey and Dratch perform was \" seeing how comfortable they are with each other \" . He concluded that the production \" isn 't about two women being funny ... Dratch and Fey are just funny . Period . \" One of the SNL sketches , \" Sully and Denise \" , originated at The Second City . \n On August 13 , 2007 , Fey made a guest appearance in the Sesame Street episode \" The \" . She appeared as a guest judge on the November 25 , 2007 episode of the Food Network program Iron Chef America . \n Fey has appeared as Tinker Bell in Disney 's campaign \" Year of a Million Dreams \" . She has also done commercials for American Express and Garnier . \n On April 5 , 2011 , Fey 's autobiography , Bossypants , was released to a positive review from The New York Times . \n In 2011 , Fey narrated The Secret Life of Girls , a two @-@ hour @-@ long radio documentary produced by The Kitchen Sisters . She introduced stories of women and girls from around the world , and also shared memories of her own girlhood and mother . \n In 2012 , Fey made her rapping debut on the Childish Gambino ( Donald Glover ) mixtape Royalty . Glover is a former writer on 30 Rock , on which he worked with Fey . Fey was also featured as herself in the iCarly episode \" America \" . \n"} +{"id": 209, "text": " Fey is known for her deadpan humor and delivery ; her \" sardonic wit \" has become a trademark of hers , upon which several critics have commented in their reviews of Fey 's work . According to Los Angeles Times critic Mary McNamara , Fey \" project [ s ] both oblivious security and hyper @-@ alert insecurity with the same expression \" in her performances , while The Chronicle 's Dillon Fernando wrote that the actress specializes in \" delectable , situational and ironic comedy \" . On Fey 's comedic prowess , Saturday Night Live creator Lorne Michaels enthused that his former employee \" has a very clear take on things ... It always comes from a place of intelligence and there is just an edge to it . \" Michaels concluded , \" It 's not fearful . It 's strong and confident and you recognise the voice and most of the time you agree with it . \" Writing for The Guardian , Christopher Goodwin believes that Fey \" fashioned her comic persona around her glasses \" , which she has worn since 1995 ; Fey joked that \" Glasses make anyone look smarter \" . \n Seldom hesitating to use herself as the butt of her own jokes , Fey is also well known for practicing self @-@ deprecating humor , as demonstrated throughout her performance as Liz Lemon in 30 Rock . In an article ranking Fey 's six greatest jokes , David Renshaw of The Guardian wrote that the performer 's work continues to feature her \" trademark mix of snark , self @-@ deprecation and pop @-@ culture smarts . \" Fey 's self @-@ deprecating comedic style inspired Ashley Fetters of The Atlantic to recognize her as comedian Phyllis Diller 's successor because of their similar humor . Critics have been divided in their opinions and discussions of Fey 's use of self @-@ deprecating humor , and its effect on women as a female comic ; while blogger Kate Harding disapproved of Fey 's performance in 30 Rock because \" I 'm torn between being sad that she apparently doesn 't see [ beauty ] in herself and being pissed off that she 's reinforcing the idea that having brown hair , glasses , and a figure that 's maybe a size 2 instead of a 0 actually equals ugly \" , Jessica G. of Jezebel defended the actress , writing that Fey 's performance is \" supposed to be parodying precisely the kinds of media that reinforce ideas that unconventional women are unworthy . \" Writing that Harding misunderstood Fey 's intentions , the author concluded that her self @-@ deprecation \" is precisely what makes her relatable \" , elaborating that \" [ women ] have many moments of self @-@ doubt , and seeing someone as successful as Tina Fey be self @-@ deprecating gives us all permission to be imperfect . \" Sophie Caldecott of Verily defended Fey 's modesty and tendency to downplay her own physical appearance : \" She mocks her own appearance , sure , but she does so in a way that consistently shows up our culture for placing so much importance on how women look , as if that ’ s the most interesting thing about us ... Her comic persona on 30 Rock , Liz Lemon , can be laughed at for many things , but her career managerial style and ability is not one of them . \" Caldecott concluded , \" In reality , self @-@ deprecation is an art that comedians everywhere dabble in ... In fact , I defy you to find a good male comedian who isn ’ t a master of self @-@ deprecation . Comedians make fun of themselves for many reasons , mostly because it is the most readily accessible source of inspiration but also because it is the most generous one . \" Observing that Fey 's material lacks \" whining \" , Gina of the Hartford Courant wrote that Fey 's comedy \" is not simply an iteration of self @-@ deprecating femininity passing itself off as humor . In itself , this demarcates the current generation of female humorists from earlier generations of performers who were told , more or less , to use themselves not as a sounding board for ideas but as a punching bag for insults . \" \n As an actress , Fey has developed a reputation for portraying \" the hilarious , self @-@ deprecating unmarried career woman \" in most of her films to @-@ date . The Boston Globe 's Janice Paige defended her limited filmography by writing that , unlike most film actors , Fey remains \" realistic about her range as a leading lady and says she ’ s been deliberate about only taking on parts for which she actually seems suited . \" Fey explained that she approaches each role asking herself , \" Would I be plausible in this role , in this job ? \" However , her role as Kate Ellis in 2015 's Sisters provided Fey with an opportunity to stray from playing the type @-@ A female characters for which she has become known . The New York Times film critic A. O. Scott wrote , \" We ’ re used to seeing Ms. Fey ... as an anxious using her caustic sarcasm as a weapon against both her own insecurities and the flakes and train wrecks who surround her . This time , she gets to be the train wreck . \" In 30 Rock , Fey 's comedic acting was heavily influenced by both physical and improvisational comedy while , as a writer , her \" carefully written scripts \" were often quirky and character @-@ driven . \n"} +{"id": 210, "text": " In 2002 , Fey was ranked in the Hot 100 List at number 80 on Maxim magazine , which used photos taken earlier by Rolling Stone calling her \" the thinking man 's sex symbol \" . She was named one of People magazine 's 50 Most Beautiful People in 2003 , and one of People magazine 's 100 Most Beautiful People in 2007 , 2008 , and 2009 . In 2007 , Fey placed seventh on the Hot 100 List on She repeated the appearance the following year , being voted as number one on the list . \n In 2001 , Entertainment Weekly named Fey as one of their Entertainers of the Year for her work on Weekend Update . In 2007 , she was named one of the magazine 's Entertainers of the Year , and placed number two in 2008 . In 2009 , Fey was named as Entertainment Weekly 's fifth individual in their 15 Entertainers of the 2000s list . In 2013 , Entertainment Weekly crowned Fey as \" The Once and Future Queen \" ( an allusion to The Once and Future King ) in their feature on \" Women Who Run TV , \" calling her \" the funniest woman in the free world . \" EW quoted Mindy Kaling as saying , \" I always feel unoriginal bringing up Tina as my inspiration , but she 's everyone 's inspiration for a reason . \" The column also quoted praise by Zooey Deschanel and Lena Dunham . \n The newspaper editors and broadcast producers of the Associated Press voted Fey the AP Entertainer of the Year as the performer who had the greatest impact on culture and entertainment in 2008 , citing her impression of Sarah Palin on SNL . She has appeared on Forbes ' annual Celebrity 100 list of the 100 most powerful celebrities in 2008 , 2009 , 2010 , 2011 , and 2012 at No. 99 , No. 86 , No. 90 , No. 92 , and No. 79 respectively . \n In 2007 , the New York Post included Fey in New York 's 50 Most Powerful Women , ranking her at number 33 . Fey was among the Time 100 , a list of the 100 most influential people in the world , in 2007 and 2009 , as selected annually by Time magazine . Fey 's featured article for the 2009 list was written by 30 Rock co @-@ star , Alec Baldwin . She was selected by Barbara Walters as one of America 's 10 Most Fascinating People of 2008 . \n In September 2011 , Fey was ranked at the top of Forbes magazine 's list of the highest @-@ paid TV actresses . \n In June 2010 , it was announced Fey would receive a star on the Hollywood Walk of Fame in 2011 . \n In 2014 , Fey was recognized by Elle Magazine during The Women in Hollywood Awards , honoring women for their outstanding achievements in film , spanning all aspects of the motion picture industry , including acting , directing , and producing . \n"} +{"id": 211, "text": " Fey 's charity work includes support of Autism Speaks , an organization that sponsors autism research . In April 2008 , she participated in Night of Too Many Stars , a comedy benefit show for autism education . \n Fey is also a supporter of Mercy Corps , a global relief and development organization , in their campaign to end world hunger . Fey narrated a video for Mercy Corps 's Action Center in New York City , describing hunger as a symptom of many wider world problems . She also supports the Love Our Children USA organization , which fights violence against children , who named her among their Mothers Who Make a Difference , in 2009 . She was the 2009 national spokesperson for the Light the Night Walk , which benefits the Leukemia & Lymphoma Society . \n"} +{"id": 212, "text": " In 1994 , two years after Fey joined Chicago 's Second City improvisational theatre troupe , she began dating Jeff Richmond , a piano player who later became Second City 's musical director and then a composer on 30 Rock . They married in a Greek Orthodox ceremony on June 3 , 2001 . They have two daughters : Alice Zenobia Richmond ( born September 10 , 2005 ) and Penelope Athena Richmond ( born August 10 , 2011 ) . In April 2009 , Fey and Richmond purchased a US $ 3 @.@ 4 million apartment on the Upper West Side in New York City . \n Fey has a scar a few inches long on the left side of her chin and cheek , the cause of which remained unexplained to the public until a 2008 Vanity Fair profile by Maureen Dowd , and subsequently in her autobiographical book , where she revealed that \" during the spring semester of kindergarten , I was slashed in the face by a stranger in the alley behind my house \" . \n"} +{"id": 213, "text": " WASP @-@ 44 is a G @-@ type star in constellation Cetus that has the Jupiter @-@ size planet WASP @-@ 44b in orbit . The star is slightly less massive and slightly smaller than the Sun ; it is also slightly cooler , but is more metal @-@ rich . The star was observed by SuperWASP , an organization in search of planets , starting in 2009 ; manual follow @-@ up observations used WASP @-@ 44 's spectrum and measurements of its radial velocity led to the discovery of the transiting planet WASP @-@ 44b . The planet and its star were presented along with WASP @-@ and WASP @-@ 46b on May 17 , 2011 by a team of scientists testing the idea that Hot Jupiters tend to have circular orbits , an assumption that is made when the orbital eccentricity of such planets are not well @-@ constrained . \n"} +{"id": 214, "text": " WASP @-@ 44 was observed between July and November 2009 by the WASP @-@ South , a station of the SuperWASP planet @-@ searching program based at the South African Astronomical Observatory . Observations of the star revealed a periodic decrease in its brightness . WASP @-@ South , along with the SuperWASP @-@ North station at the Roque de los Muchachos Observatory on the Canary Islands , collected 15 @,@ 755 photometric observations , allowing scientists to produce a more accurate light curve . Another set of observations yielded a 6 @,@ 000 point photometric data set , but the light curve was prepared late and was not considered in the discovery paper . \n In 2010 , a European science team investigated the star using the CORALIE spectrograph and collected seventeen spectra of WASP @-@ 44 . From the spectra , radial velocity measurements were extrapolated . Analysis of collected CORALIE data ruled out the possibility that the detected radial velocity was caused by the blended spectrum of a spectroscopic binary star , supporting the possibility that the body orbiting WASP @-@ 44 was indeed a planet , designated WASP @-@ 44b . \n The Leonhard Euler Telescope at La Silla Observatory in Chile was used to follow up on the discovery circling WASP @-@ 44 , searching for a point at which the planet transited , or crossed in front of , its host star . One transit was detected . \n WASP @-@ 44 , its recently discovered planet , the planets orbiting WASP @-@ 45 and WASP @-@ 46 , and a discussion exploring the validity of the common assumption amongst scientists that closely orbiting Hot Jupiter planets have highly circular orbits unless proven otherwise , were reported in a single discovery paper that was published on May 17 , 2011 by the Royal Astronomical Society . The paper was submitted to the Monthly Notices of the Royal Astronomical Society on May 16 , 2011 . \n"} +{"id": 215, "text": " WASP @-@ 44 is a G @-@ type star ( the same class of star as the Sun ) that is located in the Cetus constellation . WASP @-@ 44 has a mass that is 0 @.@ 951 times that of the Sun . In terms of size , WASP @-@ 44 has a radius that is 0 @.@ 927 times that of the Sun . WASP @-@ 44 has an effective temperature of 5410 K , cooler than the Sun . However , the star is metal @-@ rich with relation to the Sun . Its measured metallicity is [ Fe / H ] = 0 @.@ 06 , or 1 @.@ 148 times that the amount of iron found in the Sun . WASP @-@ 44 's chromosphere ( outermost layer ) is not active . The star also does not rotate at a high velocity . \n The star has an apparent magnitude of 12 @.@ 9 . It cannot be seen from Earth with the naked eye . \n"} +{"id": 216, "text": " There is one known planet in the orbit of WASP @-@ 44 : WASP @-@ 44b . The planet is a Hot Jupiter with a mass of 0 @.@ 889 Jupiters . Its radius is 1 @.@ 14 times that of Jupiter . WASP @-@ 44b orbits its host star every 2 @.@ days at a distance 0 @.@ AU , approximately 3 @.@ 47 % the mean distance between the Earth and Sun . With an orbital inclination of , WASP @-@ 44b has an orbit that exists almost edge @-@ on to its host star with respect to Earth . @-@ 44b 's orbital eccentricity is fit to 0 @.@ 036 , indicating a mostly circular orbit . \n"} +{"id": 217, "text": " Elephanta caves are a network of sculpted caves located on Elephanta Island , or Gharapuri ( literally \" the city of caves \" ) in Mumbai Harbour , 10 kilometres ( 6 @.@ 2 mi ) to the east of the city of Mumbai in the Indian state of Maharashtra . The island , located on an arm of the Arabian Sea , consists of two groups of caves — the first is a large group of five Hindu caves , the second , a smaller group of two Buddhist caves . The Hindu caves contain rock cut stone sculptures , representing the Shaiva Hindu sect , dedicated to the Lord Shiva . \n The rock cut architecture of the caves has been dated to between the 5th and 8th centuries , although the identity of the original builders is still a subject of debate . The caves are hewn from solid basalt rock . All the caves were also originally painted in the past , but now only traces remain . \n The main cave ( Cave 1 , or the Great Cave ) was a Hindu place of worship until Portuguese rule began in 1534 , after which the caves suffered severe damage . This cave was renovated in the 1970s after years of neglect , and was designated a UNESCO World Heritage Site in 1987 to preserve the artwork . It is currently maintained by the Archaeological Survey of India ( ASI ) . \n"} +{"id": 218, "text": " Elephanta Island , or Gharapuri , is about 11 km ( 6 @.@ 8 mi ) east of the Apollo Bunder ( Bunder in Marathi means a \" pier for embarkation and disembarkation of passengers and goods \" ) on the Mumbai Harbour and 10 km ( 6 @.@ 2 mi ) south of Pir Pal in Trombay . The island covers about 10 km2 ( 3 @.@ 9 sq mi ) at high tide and about 16 km2 ( 6 @.@ 2 sq mi ) at low tide . Gharapuri is small village on the south side of the island . The Elephanta Caves can be reached by a ferry from the Gateway of India , Mumbai , which has the nearest airport and train station . The cave is closed on Monday . \n The island is 2 @.@ 4 km ( 1 @.@ 5 mi ) in length with two hills that rise to a height of about 150 m ( 490 ft ) . A deep ravine cuts through the heart of the island from north to south . On the west , the hill rises gently from the sea and stretches east across the ravine and rises gradually to the extreme east to a height of 173 m ( 568 ft ) . This hill is known as the Stupa hill . Forest growth with clusters of mango , tamarind , and trees cover the hills with scattered palm trees . Rice fields are seen in the valley . The fore shore is made up of sand and mud with mangrove bushes on the fringe . Landing quays sit near three small hamlets known as Set Bunder in the north @-@ west , Mora Bunder in the northeast , and Gharapuri or Raj Bunder in the south . \n The two hills of the island , the western and the eastern , have five rock @-@ cut caves in the western part and a brick stupa on the eastern hill on its top composed of two caves with a few rock @-@ cut cisterns . One of the caves on the eastern hill is unfinished . It is a protected island with a buffer zone according to a Notification issued in 1985 , which also includes \" a prohibited area \" that stretches 1 kilometre ( 0 @.@ 62 mi ) from the shoreline . \n"} +{"id": 219, "text": " Since no inscriptions on any of the island have been discovered , the ancient history of the island is conjectural , at best . Pandavas , the heroes of the Hindu epic Mahabharata , and Banasura , the demon devotee of Shiva , are both credited with building temples or cut caves to live . Local tradition holds that the caves are not man @-@ made . \n The Elephanta caves are \" of unknown date and attribution \" . Art historians have dated the caves in the range of late 5th to late 8th century AD . Archaeological excavations have unearthed a few coins dated to 4th century AD . The known history is traced only to the defeat of Mauryan rulers of Konkan by the Badami Chalukyas emperor Pulakesi II ( 609 – 642 ) in a naval battle , in 635 AD . Elephanta was then called Puri or , and served as the capital of the Konkan Mauryas . Some historians attribute the caves to the Konkan Mauryas , dating them to the mid @-@ 6th century , though others refute this claim saying a relatively small kingdom like the Konkan Mauryas could not undertake \" an almost superhuman excavation effort , \" which was needed to carve the rock temples from solid rock and could not have the skilled labor to produce such \" high quality \" sculpture . \n Some other historians attribute the construction to the Kalachuris ( late 5th to 6th century ) , who may have had a feudal relationship with the Konkan Mauryas . In an era where polytheism was prevalent , the Elephanta main cave dedicates the monotheism of the Pashupata Shaivism sect , a sect to which Kalachuris as well as Konkan Mauryas belonged . \n The Chalukyas , who defeated the Kalachuris as well as the Konkan Mauryas , are also believed by some to be creators of the main cave , in the mid @-@ 7th century . The Rashtrakutas are the last claimants to the creation of the main cave , approximated to the early 7th to late 8th century . The Elephanta Shiva cave resembles in some aspects the 8th @-@ century Rashtrakuta rock @-@ temple Kailash at Ellora . The Trimurti of Elephanta showing the three faces of Shiva is akin to the Trimurti of Brahma , Vishnu and Mahesh ( Shiva ) , which was the royal insignia of the Rashtrakutas . The Nataraja and Ardhanarishvara sculptures are also attributed to the Rashtrakutas . \n Later , Elephanta was ruled by another Chalukyan dynasty , and then by Gujarat Sultanate , who surrendered it to the Portuguese in 1534 . By then , Elephanta was called Gharapuri , which denotes a hill settlement . The name is still used in the local Marathi language . The Portuguese named the island \" Elephanta Island \" in honour of a huge rock @-@ cut black stone statue of an elephant that was then installed on a mound , a short distance east of Gharapuri village . The elephant now sits in the zoo in Mumbai . \n Portuguese rule saw a decline in the Hindu population on the island and the abandonment of the Shiva cave ( main cave ) as a regular Hindu place of worship , though worship on , the festival of Shiva , continued and still does . The Portuguese did considerable damage to the sanctuaries . Portuguese soldiers used the reliefs of Shiva in the main cave for target practice , sparing only the Trimurti sculpture . They also removed an inscription related to the creation of the caves . While some historians solely blame the Portuguese for the destruction of the caves , others also cite water @-@ logging and dripping rainwater as additional damaging factors . The Portuguese left in 1661 as per the marriage treaty of Charles II of England and Catherine of Braganza , daughter of King John IV of Portugal . This marriage shifted possession of the islands to the British Empire , as part of Catherine 's dowry to Charles . \n Though the main cave was restored in the 1970s , other caves , including three consisting of important sculptures , are still badly damaged . The caves were designated a UNESCO World Heritage Site in 1987 as per the cultural criteria of UNESCO : the caves \" represent a masterpiece of human creative genius \" and \" bear a unique or at least exceptional testimony to a cultural tradition or to a civilisation which is living or which has disappeared \" . \n"} +{"id": 220, "text": " The island has two groups of caves in the rock @-@ cut architectural style . The caves are hewn from solid basalt rock . All caves were painted in the past , but only traces remain . The larger group of caves , which consists of five caves on the western hill of the island , is well known for its Hindu sculptures . The primary cave , numbered as Cave 1 , is about 1 @.@ 5 km ( 0 @.@ 93 mi ) up a hillside , facing the ocean . It is a rock @-@ cut temple complex that covers an area of 5 @,@ 600 m2 ( 60 @,@ 000 sq ft ) , and consists of a main chamber , two lateral chambers , courtyards , and subsidiary shrines . It is 39 metres ( 128 ft ) deep from the front entrance to the back . The temple complex is the abode of Shiva , depicted in widely celebrated carvings which reveal his several forms and acts . \n On the eastern part of the island , on the Stupa Hill , there is a small group of caves that house Buddhist monuments . This hill is named after the religious Stupa monument that they display . One of the two caves is incomplete , while the other contains a Stupa made in brick . \n"} +{"id": 221, "text": " The main cave , also called the Shiva cave , Cave 1 , or the Great Cave , is 27 metres ( 89 ft ) square in plan with a hall ( mandapa ) . At the entrance are four doors , with three open porticoes and an aisle at the back . Pillars , six in each row , divide the hall into a series of smaller chambers . The roof of the hall has concealed beams supported by stone columns joined together by capitals . The cave entrance is aligned with the north – south axis , unusual for a Shiva shrine ( normally east – west ) . The northern entrance to the cave , which has 1 @,@ 000 steep steps , is flanked by two panels of Shiva dated to the Gupta period . The left panel depicts Yogishvara ( The Lord of Yoga ) and the right shows Nataraja ( Shiva as the Lord of Dance ) . The central Shiva shrine ( see 16 in plan below ) is a free @-@ standing square cell with four entrances , located in the right section of the main hall . Smaller shrines are located at the east and west ends of the caves . The eastern sanctuary serves as a ceremonial entrance . \n Each wall has large carvings of Shiva , each more than 5 metres ( 16 ft ) in height . The central Shiva relief Trimurti is located on the south wall and is flanked by ( a half @-@ man , half @-@ woman representation of Shiva ) on its left and Gangadhara to its right , which denotes the River Ganges ' descent from Shiva 's matted locks . Other carvings related to the legend of Shiva are also seen in the main hall at strategic locations in exclusive cubicles ; these include , depicting Shiva 's marriage to the goddess Parvati , or , the slaying of the demon Andhaka by Shiva , Shiva @-@ Parvati on Mount Kailash ( the abode of Shiva ) , and , depicting the demon @-@ king Ravana shaking Kailash . \n The main cave blends Chalukyan architectural features such as massive figures of the divinities , guardians , and square pillars with custom capitals with Gupta artistic characteristics , like the depiction of mountains and clouds and female hairstyles . \n Layout : \n"} +{"id": 222, "text": " The carving on the south wall to the east of the portico depicts Shiva and Parvati seated on their abode Mount Kailash . The four @-@ armed Shiva is seen with a crown and a disc behind it ( all damaged ) , the sacred thread across his chest , and a dressing gown covering up to the knee . Parvati , dressed in her finery with her hair falling to the front , looks away . Behind her at the right is a woman attendant holding the child , identified with her son Kartikeya , the war @-@ god . Many male and female attendants are seen behind the main figures . Shiva 's attendant , the skeleton @-@ like Bhringi , is seated at his feet . Other figures , not distinct , depict , among others , a royal @-@ looking tall person , ascetics , a fat figure , a dwarf , a bull ( the mount of Shiva ) , features of a Garuda , and two monkeys . The scenic beauty of the mountain is sculpted with the sky background amidst heavenly beings showering flowers on Shiva @-@ Parvati . This scene is interpreted as a gambling scene , where Parvati is angry as Shiva cheats in a game of dice . \n The carved panel facing this one is a two @-@ level depiction of Ravana lifting Kailash . The upper scene is Mount Kailash , where Shiva and Parvati are seated . The eight @-@ armed , three @-@ eyed Shiva wears headgear with a crescent and disc behind it . Most of his arms are broken , two of them resting on attendants ' heads . The Parvati figure , seated facing Shiva , remains only as a trunk . The panel is flanked by door keepers . Attendants of Shiva are also seen in the relief but mostly in a damaged state . Bhringi is seated near Shiva 's feet and to his left is the elephant @-@ headed son of Shiva , Ganesha . In this ensemble , the ten @-@ headed demon @-@ king Ravana is seen , with only one head left unscathed , and out of his twenty arms , only a few are discernible . Around Ravana are several demons . Numerous figures are seen above Shiva : the god Vishnu , riding his mount Garuda , to his left ; a skeleton @-@ figure ; and in a recess , Parvati 's mount , a tiger is depicted . \n A legend relates to both these panels . Once , Parvati was annoyed with Shiva . At this moment , Ravana , who was passing by Mount Kailash , found it as an obstruction to his movement . Upset , Ravana shook it vigorously and as a result , Parvati got scared and hugged Shiva . Enraged by Ravana 's arrogance , Shiva stamped down on Ravana , who sang praises of Shiva to free him of his misery and turned into an ardent devotee of Shiva . Another version states that Shiva was pleased with Ravana for restoring Parvati 's composure and blessed him . \n"} +{"id": 223, "text": " Described as a \" masterpiece of Gupta @-@ Chalukyan art \" , the most important sculpture in the caves is the Trimurti , carved in relief at the back of the cave facing the entrance , on the north @-@ south axis . It is also known as Trimurti Sadashiva and . The image , 6 m ( 20 ft ) in height , depicts a three @-@ headed Shiva , representing Shiva . The three heads are said to represent three essential aspects of Shiva : creation , protection , and destruction . The right half @-@ face ( west face ) shows him as a young person with sensuous lips , embodying life and its vitality . In his hand he holds an object resembling a rosebud , depicting the promise of life and creativity . This face is closest to that of Brahma , the creator or Uma or , the feminine side of Shiva and creator of joy and beauty . The left half @-@ face ( east face ) is that of a moustached young man , displaying anger . This is Shiva as the terrifying or Bhairava , the one whose anger can engulf the entire world in flames , leaving only ashes behind . This is also known as Rudra @-@ Shiva , the Destroyer . The central face , benign and meditative , resembles the preserver Vishnu . This is , \" master of positive and negative principles of existence and preserver of their harmony \" or Shiva as the yogi in deep meditation praying for the preservation of humanity . The aspects and ( not carved ) faces are considered to be at the back and top of the sculpture . The Trimurti sculpture , with the Gateway of India in the background , has been adopted as the logo of the Maharashtra Tourism Department ( ) . \n The Gangadhara image to the right of the Trimurti is an ensemble of divinities assembled around the central figures of Shiva and Parvati , the former bearing the River Ganges as she descends from heaven . The carving is 4 m ( 13 ft ) wide and 5 @.@ 207 m ( 17 @.@ 08 ft ) high . The image is highly damaged , particularly the lower half of Shiva seen seated with Parvati , who is shown with four arms , two of which are broken . From the crown , a cup with a triple @-@ headed female figure ( with broken arms ) , representing the three sacred rivers Ganges , Yamuna , and Sarasvati , is depicted . Shiva is sculpted and bedecked with ornaments . The arms hold a coiling serpent whose hood is seen above his left shoulder . Another hand ( partly broken ) gives the semblance of Shiva hugging Parvati , with a head of matted hair . There is a small snake on the right hand and a tortoise close to the neck , with a bundle tied to the back . An ornamented drapery covers his lower torso , below the waist . Parvati is carved to the left of Shiva with a coiffured hair dress , fully bedecked with ornaments and jewellery , also fully draped , with her right hand touching the head of a female attendant who carries Parvati 's dress case . The gods Brahma and Indra , with their mystic regalia and mounts , are shown to the right of Shiva ; Vishnu , riding his mount Garuda , is shown to the left of Parvati . Many other details are defaced but a kneeling figure in the front is inferred to be the king who ordered the image to be carved . There are many divinities and attendant females at the back . The whole setting is under the sky and cloud scenes , with men and women , all dressed , shown showering flowers on the deities . \n In the chamber to the east of the Trimurti is the four @-@ armed Ardhanarishvara carving . This image , which is 5 @.@ 11 m ( 16 @.@ 8 ft ) in height , has a headdress ( double @-@ folded ) with two pleats draped towards the female head ( Parvati ) and the right side ( Shiva ) depicting curled hair and a crescent . The female figure has all the ornamentation ( broad armlets and long bracelets , a large ring in the ear , jewelled rings on the fingers ) but the right male figure has drooping hair , armlets and wristlets . One of his hands rests on Nandi ’ s left horn , Shiva 's mount , which is fairly well preserved . The pair of hands at the back is also bejewelled ; the right hand of the male holds a serpent , while the left hand of the female holds a mirror . The front left hand is broken but conjectured as holding the robe of the goddess . The central figure is surrounded by divinities . \n"} +{"id": 224, "text": " The engraved panel in the north end of the aisle is considered to be a unique sculpture , and shows Bhairava , or Virabhadra , a frightful form of Shiva . In the carved panel Shiva 's consort is seen sitting next to him , looking terrified . A female attendant is next to her . The central figure , which is much ruined below the waist , is 3 @.@ 5 m ( 11 ft ) high and posed as if running . His headgear has a ruff on the back , a skull and cobra over the forehead , and the crescent high on the right . His facial expression is of intense anger discerned from his furrowed brow , swollen eyes , and tusks . The legs and five of the eight arms are broken , attributed to Portuguese vandalism . The smaller broken image Andhaka is seen below Bhairava 's image . It is interpreted that Shiva is spearing him with the front right hand , as conjectured by the spear seen hanging without any hold . Also seen is the back hand lifted up and holding an elephant 's skin as a cover ; the elephant 's head , carved tusk , and trunk are seen hanging from the left hand . The second left hand depicts a snake coiled round it . The hand holds a bowl to collect the blood dripping from the slain Andhaka . Furthermore , pieces of a male and two female forms , figures of two ascetics , a small figure in front , a female figure , and two dwarfs are also seen in the carved panel . An unusual sculpture seen above the head of the main figure of Shiva is of a \" very wide bottle with a curved groove in the middle of it \" , which can interpreted variously as : the or the linga or a Shiva shrine . \n The niche image carved on the south wall is an ensemble of divinities assembled around the central figures of Shiva and Parvati shown getting married ( Kalyanasundara icon ) . Parvati is seen standing to Shiva 's right , the ordained place for a Hindu bride at the wedding . The carvings are substantially damaged ; only one of Shiva 's four hands is fully seen and the right leg is missing . Shiva has a headdress with a shining disc attached to it . His garments are well @-@ draped , and well @-@ tied at the waist . The sacred thread is seen across his chest . Parvati is carved as a perfect figure with coiffured hair dress , well adorned with jewellery and is draped tightly to display depressions below the waist only . She is seen with a coy expression and is led by her father who has his right hand on her shoulder . Even though both her hands are damaged , it is inferred that her left hand clasped Shiva 's right hand as a mark of holy alliance . Brahma is sitting as the officiating priest for the marriage . Vishnu is witness to the marriage . Mena , the mother of Parvati , is seen standing next to Vishnu . The moon @-@ god Chandra , seen with a wig and a crescent , is standing behind Parvati holding a circular pot with nectar for the marriage ceremony . Just above the main images , a galaxy of divinities , bearded sages , apsaras ( nymphs ) , Vidyadharas , , Gandharvas , Bhringi , and other male and female attendants are seen as witness to the marriage ceremony showering flowers on the divine couple . \n"} +{"id": 225, "text": " The panel to the east of the north portico is Shiva in a Yogic position called , , Dharmaraja and . Resembling a Buddha , Shiva is in a dilapidated condition with only two broken arms . Shiva is seated in padmasana yogic posture ( cross legged ) on a lotus carried by two Nāgas . His crown is carved with details adorned by a crescent , a round frill at the back , and hair curls dropping on either side of the shoulders . His face is calm in mediation , his eyes half @-@ closed . This represents Shiva in penance sitting amidst the Himalayan mountains after the death of his first wife Sati , who was later reborn as Parvati . He is surrounded by divinities in the sky and attendants below . Also seen is a plantain with three leaves already open and one opening , as well as a sunflower blossom . These are flanked by two attendants . Other figures discerned from a study of the broken images are : Vishnu riding Garuda on a plantain leaf ; the Sun @-@ god Surya riding a fully saddled horse ( head missing ) ; a saint with a rosary ; two female figures in the sky draped up to their thighs ; a faceless figure of the moon with a water container ; three identical figures of a male flanked by two females ; the skeleton of a sage ; Brahma ( without one arm ) riding a swan ; and Indra without his mount ( elephant missing ) . \n The panel carving in the west niche opposite Yogishvara depicts Shiva as Nataraja performing the Tandava ( cosmic dance ) . The niche is 4 m ( 13 ft ) wide and 3 @.@ 4 m ( 11 ft ) high and set low on the wall . He wears well @-@ decorated headgear . The Shiva image displays a dance pose and had ten arms , but the first right and third left hands are missing . The remaining first right arm is held across the breast and touches the left side , the second right hand that is seen damaged with an out @-@ flaying pose is broken at the elbow . The third arm is damaged at the elbow , and the fourth is also broken but inferred to have held a ( skull @-@ club ) . The left arms , seen hanging , are damaged near the wrists . The third hand is bent ( but broken ) towards Parvati standing on the side and the fourth hand is raised up . The right thigh ( broken ) is lifted up , and the left leg is not seen at all , the elaborate armlets are well @-@ preserved and a skirt round the waist is tied by a ribbon . A tall figurine of Parvati stands to the left of Shiva , which is also seen partly broken but well bejewelled . An airborne female figure is seen behind Parvati . Other figures seen in the relief are : Vishnu riding a Garuda ; Indra riding his elephant ; the elephant @-@ headed Ganesha ; Kartikeya ; ; sages and attendants . \n"} +{"id": 226, "text": " The central shrine is a free @-@ standing square cell , with entrances on each of its sides . Each door is flanked by two ( gate keepers ) . The Linga , the symbol of Shiva in union with the Yoni , and the symbol of Parvati together symbolise the supreme unity that is deified by the shrine . The Linga is set on a raised platform above the floor of the shrine by 1 @.@ 8 m ( 5 ft 11 in ) . Six steps lead to this level from the floor level . The height of the eight varies from 4 @.@ 521 – 4 @.@ 623 m ( 14 @.@ 83 – 15 @.@ 17 ft ) . All are in a damaged condition except those at the southern door to the shrine . The southern gate statue has many unusual features – unusual headgear ; a large skull above the forehead ; lips parted with protruding teeth ; statues adorned with a single bead necklace , earrings , plain twisted armlets and thick wristlets ; a stooped right shoulder ; a globe held at navel level ; the robe is held at the right thigh by the left hand , and the legs are shapeless . \n"} +{"id": 227, "text": " Several courtyards to the east and west of the main cave are blocked , though there is a 17 m ( 56 ft ) -wide courtyard that is accessible by entering the eastern part and climbing nine steps . A temple on the southern wall of the court depicts a well @-@ preserved fresco . The circular pedestal seen in the courtyard in front of the Shiva 's shrine near the east end , in the open area , is said to be the seat of Nandi , Shiva 's mount . \n On each side of the steps leading to the temple @-@ cave portico is a winged lion , or , each seated with a raised forepaw . The portico has chambers at each end and a Linga @-@ shrine at the back . Five low steps and a threshold lead into the central Linga @-@ shrine which is 4 @.@ 2 m ( 14 ft ) wide and 5 m ( 16 ft ) deep and has a circumambulatory path ( Pradakshina @-@ path ) around it . At the back of the portico , near the east end , is a gigantic statue of a four @-@ armed doorkeeper with two attendant demons . At the north end is a standing figure holding a trident . His left hand rests on a defaced demon @-@ figure . The west wall depicts the Ashta @-@ Matrikas ( eight mother goddesses ) , flanked by Kartikeya and Ganesha , the sons of Shiva . Some of Matrikas are depicted with children , but all of them are shown by their respective mounts ( bull , swan , peacock , a Garuda , etc . ) which identify them . At the east end of the portico is another chapel with a plain interior and sunken floor . Water drips in this chapel . \n"} +{"id": 228, "text": " The west wing , entered through the main cave , is in a semi @-@ ruined state . It has a small chapel and a cistern enclosed within the pillared cave , which is believed to be Buddhist . Another shrine to the west of the courtyard , with a portico , has carvings of Shiva in a yogic pose seated on a lotus carried by “ two fat , heavy , wigged figures ” . This carving also depicts a three @-@ faced bearded and several other figurines . Entering through the back door of the portico is a cave enshrined with a multifaceted Shiva Linga erected over roughly hewn . At the door entrance on both flanks , statues of gatekeepers standing over demons and two fat , poised figures are seen . On the southern side of the door is an ensemble of a number of statues . Prominent among these is the Shiva carving , which is depicted with six arms and the third eye in the forehead . Though in a partly ruined state , the carving shows Shiva with an ornamented crown fixed with a crescent , seen carrying a cobra in the left hand , a club in another hand , and discerned to be in a dancing pose . Next to this image are a figure under a plantain tree and a Shiva image ( Yogishvara ) seated on a lotus . Also seen in the panel are a male figure riding a bull with a bell fastened to its neck , a female figure and another carving to left of Shiva , a female figure with a jewel on her forehead with neatly looped headdress , Indra riding an elephant , Vishnu with four arms , holding a discus in one of his left hands and riding on Garuda flanked by a small flying figure , and a male figure with crescent in his hair . \n"} +{"id": 229, "text": " To the south @-@ east of the Great Cave is the second excavation , which faces east @-@ northeast . It includes a chapel at the north end . The front of this cave is completely destroyed ; only fragments of some semi @-@ columns remain . The interior has suffered water damage . The portico is 26 m ( 85 ft ) long and 11 m ( 36 ft ) deep . The chapel is supported by eight eight @-@ cornered columns and two demi @-@ columns and is irregular in shape . At the back of the portico are three chambers ; the central one has an altar and a water channel ( ) , though the Linga is lost . The shrine door has some traces of sculpture ( a boy , a fat figure , alligators on the frieze , and broken animal figures at the head of a doorjamb ) . The door @-@ keepers of the shrine are now in fragments . \n A little to the south of the last cave is another cave in worse condition , with water damage . It is a portico in which each end probably had a chapel or room with pillars in front . Two of them have cells at the back . The central door at the back of the portico leads to a damaged shrine . The shrine door has door @-@ keepers at each side , leaning on dwarfs with flying figures over the head , with door @-@ keepers and demons on the jamb and architrave . The shrine is a plain room 6 m ( 20 ft ) deep by 5 @.@ 7 m ( 19 ft ) wide with a low altar , holding a Linga . South of this cave is a cavern that may be used as a cistern . \n Above these caves is a tiger sculpture , which was worshipped as the tiger goddess . This sculpture may be a guardian of the north entrance of Cave 1 . A Linga is also found near a small pond at top of the hill . Sculptures depicting a stone with a sun and a moon and a mother suckling a child ( now moved ) were also found nearby . \n Across the top of the ravine from Cave 1 is large hall known as 's Temple ( cave ) . The portico has four pillars and two pilasters . The hall has 3 chambers at the back , the central one a shrine and the rest for priests ( both are plain rooms ) . The door of the central shrine has pilasters and a frieze , with the threshold having lion figures at the end . The shrine has an altar , a water channel , and hole in the centre , in which a statue of Parvati may have been worshipped . A 17th @-@ century record states that \" this cave [ has ] a beautiful gate with a porch of exquisitely wrought marble \" and two idols , one of goddess Candi and a head being in a large square seat . \n Passing along the face of the eastern hill to the north of 's cave is a small Hindu excavation with a veranda , which was probably to be three cells , but was abandoned following the discovery of a flaw in the rock . Towards the east of hill is a dry pond , with large artificial boulders and Buddhist cisterns along its banks . At the end of the north spur of the main hill is a mound that resembles a Buddhist stupa . \n"} +{"id": 230, "text": " The threats to Elephanta Caves have been identified as the following : developmental pressures ( mainly due to its location within the Mumbai harbour ) , anthropogenic pressure due to growth of population of the communities residing on the island , industrial growth of the port facilities close to the island , no risk preparedness plan to address natural calamities such as earthquake , cyclones and terrorist attacks , unsustainable tourism and tourist facilities on the island , and poor management of the heritage monument . \n Preservation of Elephanta Island as a whole with its monuments has been ensured both through legislation and by physical restoration of the caves and its sculptures . The basic legislations enacted are : The Ancient Monuments and Archaeological Sites and Remains Act of 1958 and Rules ( 1959 ) ; The Elephanta Island ( Protected Monument ) Rules of 1957 , which prohibits mining , quarrying , blasting , excavation and other operations near the monument ; the Antiquities and Art Treasures Act promulgated in 1972 with its Rules promulgated in 1973 ; a Notification issued in 1985 declaring the entire island and a 1 @-@ kilometre ( 0 @.@ 62 mi ) area from the shore as \" a prohibited area \" ; a series of Maharashtra State Government environmental acts protecting the site ; the 1966 Regional and Town Planning Act ; and the 1995 Heritage Regulations for Greater Bombay . \n The Archaeological Survey of India ( ASI ) , Aurangabad Circle , on the basis of the above legislation and rules , maintain and manage the monuments . The physical measures undertaken for conservation cover include stabilisation of the rock face , construction of supports to the cave structures where pillars have collapsed , and consolidation of cave floors and construction of a parapet wall surrounding the site . In addition , visitor facilities at the site have been upgraded ( such as toilet facilities , railing construction , pathways , and a flight of steps from the jetty to the caves ) . An on @-@ site museum has been established and a conservation plan has been put in place . Overall , conservation of the property is stated to be good . The site receives approximately 25 @,@ 000 visitors per month . Public information brochures are also available at the venue of the monuments . During the World Heritage Day on 18 April and World Heritage Week between 19 and 25 November there are special events held at the caves . Another popular event organised is an annual traditional dance festival that attracts many visitors . \n After declaring the caves a World Heritage Site , UNESCO granted $ 100 @,@ 000 to document the site 's history and draw up a site plan . A part of the grant was used for conservation of the caves . Based on assessments by UNESCO , management plans include : better communication and collaboration between the ASI , on @-@ site staff , and other responsible government departments ; improved public information and awareness programs ; monitoring environmental impact of tourists on the cave and island environment ; greater attention to the maintenance of the rocks to address water leakages into the caves ; and daily monitoring of both structural and chemical conservation measures . \n The Indian National Trust for Art and Cultural Heritage ( INTACH ) is also involved with the Archaeological Survey of India in improving the local conditions at the cave site . A book has been published jointly by UNESCO , INTACH and the Government of India which presents a comprehensive site plan for restoration and a brief history of each sculpture constructed inside the caves . \n"} +{"id": 231, "text": " Devin Garret Townsend ( born May 5 , 1972 ) is a Canadian musician , songwriter and record producer . He was the founder , songwriter , vocalist , and guitarist in extreme metal band Strapping Young Lad from 1994 to 2007 and has an extensive career as a solo artist . \n After performing in a number of heavy metal bands in high school , Townsend was discovered by a record label in 1993 and was asked to perform lead vocals on Steve Vai 's album Sex & Religion . After recording and touring with Vai , Townsend was discouraged by what he found in the music industry , and vented his anger on the solo album Heavy as a Really Heavy Thing released under the pseudonym Strapping Young Lad . He soon assembled a band under the name , and released the critically acclaimed City in 1997 . Since then , he has released three more studio albums with Strapping Young Lad , along with solo material released under his own independent record label , HevyDevy Records . \n Townsend 's solo albums , a diverse mix of hard rock , progressive metal , ambient , and new @-@ age , have featured a varying lineup of supporting musicians . In 2002 he formed the Devin Townsend Band , a dedicated lineup which recorded and toured for two of his solo releases . In 2007 , he disbanded both Strapping Young Lad and the Devin Townsend Band , taking a break from touring to spend more time with his family . After a two @-@ year hiatus , he began recording again , and soon announced the formation of the Devin Townsend Project . The project began with a series of four albums , released from 2009 to 2011 , each written in a different style , and Townsend continues to record and tour under the new moniker . \n Across all his bands and projects , Townsend has released twenty @-@ three studio albums and three live albums . Townsend 's trademark production style , featuring a heavily multitracked wall of sound , has been compared to the styles of Phil Spector and Frank Zappa . His versatile vocal delivery ranges from screaming to an opera @-@ esque singing , and his songwriting is similarly diverse . Townsend 's musical style is rooted in metal , and his albums are written to express different aspects of his personality . \n"} +{"id": 232, "text": " Devin Townsend was born in New Westminster , British Columbia , on May 5 , 1972 . Townsend picked up the banjo when he was five , and began playing guitar when he was 12 . As an early teenager he befriended Brian \" Beav \" Waddell , who would later play guitars as part of the Devin Townsend Band and bass on the Devin Townsend Project . He participated in several metal bands while he was in high school , and founded Grey Skies at the age of 19 . Around the same time he joined a popular local group called Caustic Thought , replacing Jed Simon on guitar and playing alongside bassist Byron Stroud , both of whom would later become members of Townsend 's flagship band , Strapping Young Lad . In 1993 , Townsend began writing material under the name Noisescapes , a project he later described as \" just as violent as Strapping Young Lad \" . \n Townsend recorded a Noisescapes demo and sent copies to various record labels . Relativity Records responded to Townsend with a record deal and Townsend began work on what was to be the first Noisescapes album , Promise . Shortly afterward , the label introduced him to musician Steve Vai . Impressed with Townsend 's vocal work , Vai offered him the role of the lead vocalist on his new album Sex and Religion . After recording Sex and Religion , Townsend accompanied Vai on a world tour in support of the album . Townsend soon landed a second touring gig , this time with the opening band of Vai 's tour , the Wildhearts . He played live with the band throughout half of 1994 in Europe , and appeared as a guest musician on their single Urge . Ginger , the band 's frontman , remained close friends with Townsend , later co @-@ writing several songs on Infinity and the + 4 Demos EP . \n While on tour with the Wildhearts , Townsend formed a short @-@ lived thrash metal project with Metallica 's then @-@ bassist Jason Newsted . The band , known as IR8 , featured Newsted on vocals and bass , Townsend on guitar , and Tom Hunting of Exodus on drums . The group recorded a few songs together , although Townsend says that they never intended to go further than that . \" People heard about it and thought we wanted to put out a CD , which is absolutely not true , \" he explains . \" People took this project way too seriously . \" A demo tape was put together , but the material was not released until 2002 , when Newsted published the IR8 vs. compilation . \n Though Townsend was proud of what he had accomplished so early in his career , he was discouraged by his experience with the music industry . \" I was becoming a product of somebody else 's imagination , and it was mixing with my own personality , \" he later reflected . \" This combination was appalling . \" He pushed to get his own projects off the ground . Despite getting notable touring gigs with other musicians , however , Townsend continued to face rejection of his own music . Relativity Records dropped Noisescapes from their label shortly after Townsend accepted Vai 's offer , seeing no commercial appeal in Townsend 's music . \" I have a hunch they only offered me a deal to get me to sing with Steve , \" he mused . While touring with the Wildhearts , Townsend received a phone call from an A & R representative for Roadrunner Records , expressing an interest in his demos and an intention to sign him . The offer was ultimately rescinded by the head of Roadrunner , who regarded Townsend 's recordings as \" just noise \" . \n"} +{"id": 233, "text": " In 1994 , Century Media Records offered Townsend a contract to make \" some extreme albums \" . He agreed to a five @-@ album deal with the record label , and also provided much of the guitar work on the 1994 album Millennium and the 1995 album Hard Wired by Vancouver industrial band Front Line Assembly . Townsend began to record material under the pseudonym Strapping Young Lad . He avoided using his real name at this point in career , looking for a fresh start after his high @-@ profile Vai gig . \" At the beginning , I wanted to avoid at all cost to use my name because I was known as the singer for Steve Vai and it wasn 't the best publicity to have , \" he later explained . \" I was playing somebody else 's music and I was judged in respect to that music . \" Townsend produced and performed nearly all the instruments on the debut studio album , Heavy as a Really Heavy Thing , which was released in April 1995 . \n Following the release of the record , Townsend and several other musician friends he knew in Vancouver recorded his first solo album in 1996 entitled Punky – Cooked on . Written and recorded in under a month , the album was produced as a parody of punk rock bands and documents the act of selling out for mainstream success . Townsend founded his own independent record label , HevyDevy Records , to release the album . Townsend assembled a permanent lineup of Strapping Young Lad to record City , including prolific metal drummer Gene Hoglan , along with Townsend 's former bandmates Jed Simon on guitar and Byron Stroud on bass . The industrial @-@ influenced album was released in 1997 . To this day , the album is widely considered Strapping Young Lad 's best work , with Metal Maniacs calling it \" groundbreaking \" and Revolver naming it \" one of the greatest metal albums of all time \" . Townsend himself considers it the band 's \" ultimate \" album . Later that year , Townsend released his second solo album , Ocean Machine : Biomech . The album featured a mix of hard rock , ambient , and progressive rock . \n After the completion of City and Ocean Machine : Biomech , Townsend began to approach a mental breakdown . \" I started to see human beings as little lonesome , water based , pink meat , \" he explained , \" life forms pushing air through themselves and making noises that the other little pieces of meat seemed to understand . \" In 1997 , he checked himself into a mental @-@ health hospital , where he was diagnosed with bipolar disorder . The diagnosis helped him understand where the two sides of his music were coming from ; he felt his disorder \" gave birth to the two extremes that are Strapping 's City record and Ocean Machine : Biomech . \" After being discharged from the hospital , Townsend found that \" everything just clicked \" and he was able to write his third solo album , Infinity , which he described as \" the parent project \" of City and Ocean Machine : Biomech , with music influenced by Broadway . Townsend returned to the studio , accompanied by Hoglan , to work on the album , on which Townsend played most of the instruments . Infinity was released in October 1998 . Later in his career , Townsend has cited Infinity as his favorite solo record . \n With Infinity , Townsend began to label all albums outside of Strapping Young Lad under his own name , dropping the Ocean Machine moniker , to reduce confusion . He wanted to show that despite the highly varied nature of his projects , they are all simply aspects of his identity . The album Biomech was relabeled and redistributed as Ocean Machine : Biomech , under Townsend 's name , to reflect the new arrangement . Townsend 's bandmates began to play two sets at their shows , one as Strapping Young Lad , and one as the Devin Townsend Band , playing songs from Townsend 's solo albums . \n"} +{"id": 234, "text": " Townsend 's next project took several years to come to fruition . After the creation of the IR8 demo tape , Townsend and Jason Newsted had begun work on a new project called , which they described as \" heavier than Strapping Young Lad \" . When the IR8 tape was leaked , Newsted 's Metallica bandmates James Hetfield and Lars Ulrich learned of the project . Hetfield was \" fucking pissed \" that Newsted was playing outside the band , and Newsted was prevented by his bandmates from working on any more side projects . With the project stalled , Townsend instead wrote the album himself , entitling it Physicist . Townsend assembled his Strapping Young Lad bandmates to record it , the only time this lineup was featured on a Devin Townsend album . The thrash @-@ influenced Physicist was released in June 2000 , and is generally considered a low point in Townsend 's career . Hoglan and the rest of the band were dissatisfied with the way the sound was mixed , and Townsend considers it his worst album to date . \n Feeling he had \" ostracized a bunch of fans \" with Physicist , Townsend felt he had the chance to make a more personal and honest record . Townsend was inspired one morning while driving across Canada with his band , and looked to write an \" introspective \" album dedicated to his homeland . He produced and recorded Terria , a \" highly illustrated stream @-@ of @-@ consciousness \" album , with Gene Hoglan on drums , Craig McFarland on bass and Jamie Meyer on keyboards . Townsend cited Ween 's White Pepper as an inspiration for the album . Terria was released in November 2001 . \n"} +{"id": 235, "text": " Townsend 's solo run lasted until 2002 . After a five @-@ year break from recording , Strapping Young Lad reunited to record a new album . Townsend credits the album , Strapping Young Lad , as an emotional response to the attacks of September 11 , 2001 , in the United States . \" If the world 's about to blow up , \" said Townsend , \" let 's write the soundtrack for it . \" The album 's lyrics were based more around fear and insecurity than the \" hostile \" lyrics of City . Musically , Strapping Young Lad was less industrial than City , and more reminiscent of death metal , with a \" larger @-@ than @-@ life \" rock production style . Townsend cited Front Line Assembly , Grotus , and Samael 's Passage as influences . The self @-@ titled album was released in February 2003 . It received lukewarm reviews , with critics finding it inferior to City , but it was the band 's first charting album , entering at 97th place on Billboard 's Top Heatseekers chart . \n While Strapping Young Lad was being reunited , Townsend formed a new , permanent band \" on par with Strapping \" to record and tour for his solo releases . The Devin Townsend Band consisted of Brian \" Beav \" Waddell on guitar , Mike Young on bass , Ryan Van Poederooyen on drums , and Dave Young on keyboards . Townsend performed guitar , vocals , and production , as he did in Strapping Young Lad . Townsend worked on the band 's first album , Accelerated Evolution , at the same time he was working on Strapping Young Lad , spending half the week on one and half on the other . Accelerated Evolution , named for the pace of putting a new band together in under a year , was released a month after Strapping Young Lad . Mike G. of Metal Maniacs called it \" the album of the year \" , praising it for \" the hard @-@ to @-@ accomplish trick of being extreme yet accessible , simultaneously heavy ' n ' rockin ' yet majestic and beautiful . \" Prior to the formation of the Devin Townsend Band , Townsend had represented his solo releases live with the Strapping Young Lad lineup ; the band would play one set of Strapping Young Lad songs and one set of Devin Townsend songs . After the release of Accelerated Evolution , Townsend 's two bands toured separately for their separate albums . \n Strapping Young Lad began working on their next album , Alien , in March 2004 . Feeling that the band 's previous album did not live up to expectations , Townsend decided to take his music to a new extreme . To prepare for the new album , Townsend stopped taking the medication prescribed to treat his bipolar disorder . \" I think that as an artist , in order for me to get to the next plateau , I kind of feel the need to explore things and sometimes that exploration leads you to places that are a little crazy , \" he explains . \" And Alien was no exception with that . \" Although Townsend considered the album an \" impenetrable mass of technicality \" , it was well received on its release , selling 3 @,@ 697 copies in its first week and appearing on several Billboard charts . Around this time , Townsend also contributed to the soundtrack of the video game Fallout : Brotherhood of Steel . \n Shortly thereafter Townsend began putting together the next Devin Townsend Band record , with the working title Human . Townsend intended the album as the more \" pleasant \" counterpart to Alien . \" It 's basically a record about coming back down to earth after being in space with Alien for a while . \" The album ended up being renamed Synchestra and was released in January 2006 . Townsend showcased a wide variety of musical styles in Synchestra , blending his trademark \" pop metal \" with influences from folk , polka , and Middle Eastern music . The final Strapping Young Lad album , The New Black , was released later in 2006 . \n"} +{"id": 236, "text": " Townsend withdrew from touring to spend time with his family . From home , Townsend completed his second solo ambient album , The Hummer , releasing it exclusively on his website in November 2006 . \n In May 2007 , Townsend released Ziltoid the Omniscient , a tongue @-@ in @-@ cheek rock opera about the eponymous fictional alien . This was truly a solo album ; he programmed the drums using from Hell , a software drum machine that uses samples recorded by Tomas Haake of Meshuggah and played all other instruments himself . Shortly after the album 's release , Townsend announced that he no longer planned to tour or make albums with Strapping Young Lad or the Devin Townsend Band . He explained that he was \" burnt out on travelling , touring , and self promotion \" and wished to do production work , write albums , and spend time with his family without the stress of interviews or touring . \n In 2008 , Townsend lent his voice to characters in several episodes of the Adult Swim cartoon Metalocalypse ( see Musician cameos in Metalocalypse for more ) . The original character design for Pickles the Drummer , one of the series ' main characters , bore a striking resemblance to Townsend . The series ' co @-@ creator Brendon Small acknowledged the similarity , and altered the design before the series began . \" We made sure he didn 't look like Devin Townsend . We gave him the goatee and the so he wouldn 't look like that . \" \n"} +{"id": 237, "text": " After removing himself from the music industry , Townsend cut his trademark hair off and gave up drinking and smoking . Townsend found it \" disconcerting \" that he had difficulty writing music without drugs , and that he had trouble identifying his purpose as a musician . He spent a year producing albums in absence of writing , but found it unrewarding and decided to \" pick up the guitar and just write \" . This began a period of \" self discovery \" where he learned \" how to create without drugs \" . \n Over two years , Townsend wrote over 60 songs , and found that they fit into \" four distinct styles \" . In March 2009 , Townsend announced his plans for a four @-@ album series called Devin Townsend Project , with the goal of clarifying his musical identity and being \" accountable \" for the persona he projects to the public . The project 's concept includes a different \" theme \" and a different group of musicians on each album . \n Ki , the first album of the Devin Townsend Project tetralogy was written to \" set the stage \" for the subsequent albums . Townsend channelled his new @-@ found control and sobriety into Ki , a \" tense , quiet \" album , which contrasts with much of the music he had been known for . Additional female vocals were provided by Ché Aimee Dorval ( Casualties of Cool ) . Ki was released in May 2009 . \n The second entry , a \" commercial , yet heavy \" album called Addicted , was released in November 2009 and features lead vocals from Townsend and Dutch singer Anneke van Giersbergen . Brian \" Beav \" Waddell was recruited from the Devin Townsend Band to play bass . \n Townsend returned to the stage in January 2010 , touring North America with headliner Between the Buried and Me as well as Cynic and Scale the Summit . This was followed by a headlining tour in Australia and a series of high @-@ profile shows in Europe ( for example co @-@ headlining the Brutal Assault festival in Czech Republic ) . He headlined a North American tour with UK label mates supporting , which began in October 2010 , and toured in Europe with support from Aeon Zen and Anneke van Giersbergen . \n The third and fourth albums in the Devin Townsend Project series , Deconstruction and Ghost , were released simultaneously on June 21 , 2011 . In December 2011 all four Devin Townsend Project albums with additional material were released as the Us box set . Townsend performed all four of Devin Townsend Project albums in London and recorded them for a DVD box set called By a Thread : Live in London 2011 that was released on June 18 , 2012 . The first three shows were held at the University of London Union , November 10 – 12 , 2011 . Ki , Addicted , and Deconstruction were each performed on one night , respectively . The show for Ghost was held at the Union Chapel , Islington on November 13 , 2011 . These four shows were each entitled \" An Evening with the Devin Townsend Project \" . \n Despite the Devin Townsend Project being originally a four @-@ album series , Townsend decided to continue working under the moniker and released the fifth album , Epicloud on September 18 , 2012 . Again featuring Anneke van Giersbergen on vocals , Epicloud appeared on several European charts , peaking at number 8 in Finland . On October 27 , 2012 , Devin Townsend performed a one @-@ off show covering his musical career called The Retinal Circus at Roundhouse in London . The 3 @-@ hour performance was recorded in high definition and released on DVD and Blu @-@ ray on September 30 , 2013 . Also in 2012 , Townsend played bass on the debut Bent Sea album . He also produced the record . \n Another project Townsend has mentioned several times between 2009 and 2012 is , an album featuring \" creepy , bass driven apocalyptic music \" created with an \" Ampeg rig \" and an \" Icelandic choir \" . Working with many projects simultaneously at that time , Townsend stated in 2012 the project is vying for pole position until \" he wakes up and says ' he wants to do it ' \" . \n"} +{"id": 238, "text": " After Deconstruction and Ghost , Townsend announced a new album , Casualties of Cool , with which he started to work after the release of Epicloud . The album features Ché Aimee Dorval ( from Ki ) on vocals and Morgan on drums . Townsend described the album sounds like \" haunted Johnny Cash songs \" and \" late night music \" , highlighting it will be different than anything he has done before . Townsend referred the music of the album to be \" closest to his heart \" at this point of his life , and that it is an important and satisfying project he doesn 't want to rush . \n The album was completed on November 2013 , and a bonus disc was also made for the album , containing the leftover material from the main album as well as songs from Ghost 2 , the unreleased compilation of leftover tracks from Ghost . Originally in 2012 , Townsend stated that this album will be the sixth and the last album in the Devin Townsend Project series , but he ultimately confirmed that Casualties of Cool is its own project . Townsend also started a crowdfunding campaign through PledgeMusic to support the release of the album . The funding quickly reached its goal , and all additional funds were put directly to Townsend 's upcoming projects . Casualties of Cool was released on May 14 , 2014 . The album was re @-@ issued worldwide on January 15 , 2016 containing an additional DVD with live footage from the 2014 concert at the Union Chapel in London . \n From 2009 , Townsend worked on a long @-@ running album project called Z ² , a sequel to the album Ziltoid the Omniscient ( 2007 ) . Originally in 2012 , he teased he \" may have just written the heaviest thing he 's ever done \" for the album , and told there might a surprising lack of Ziltoid himself appearing on the album . However , in August 2013 , a London @-@ based radio station Radio aired the first episode of Ziltoid Radio , a satirical radio show hosted solely by Ziltoid , this being one element of the Z ² project . Townsend also discussed a \" \" or \" Ziltoid TV \" is preceding the album . Later Townsend stated he has found the project hard to schedule and work with amidst touring and writing , stating \" it takes a lot of effort \" to keep the content with tongue @-@ in @-@ cheek humour entertaining . \n After writing ideas for over 70 songs , Townsend stated he is finally going to finish the whole project , followed by the announcement the album will be released on October 27 , 2014 . The recording process started in May 2014 , and the final project includes the album , a Ziltoid TV program and a live show , with a \" big graphic novel comic \" and a documentary . The album itself is a double album , with disc one being the main album and disc two featuring Devin Townsend Project material ; according to Townsend , the album 's theme is \" Ziltoid against the world \" . The Devin Townsend Project disc is called Sky Blue and the Ziltoid disc is called Dark Matters . \n After finishing the album , Townsend stated the project was \" punishing \" and an \" absolute nightmare to complete \" due to amount of material against tight schedules . He also described the hardship of the project by telling \" if he was ever going to start drinking [ again ] , the last months would have been it \" , but now \" he 's starting to get excited again \" . Later , \" after the chaos of finishing it had subsided \" , Townsend stated he is really satisfied with the result . \n Townsend recently discussed at least a year @-@ long hiatus , beginning after the Z ² show taking place at the Royal Albert Hall on April 13 , 2015 . During the indefinitely long break Townsend intends to \" recharge his batteries \" , \" get some inspiration and experiences \" and to \" see what the next chapter holds \" for him . \n In 2014 , Devin recorded a ' poppy sounding ' song in Los Angeles with producer Brian Howes , but has decided against releasing . Devin mentioned he is against the project being contrived due to the current hard rock undertones in popular music . He described it as a \" lukewarm heavy metal Devin song \" . On December 11 , 2015 Townsend announced via Twitter that he was recording vocals for a song by Steve Vai . \n As of April 2016 , Devin is in the middle of recording the seventh DTP album , entitled Transcendence at Armoury Studios in Vancouver . \n"} +{"id": 239, "text": " Townsend has been married to Tracy Turner , his girlfriend since he was 19 . She gave birth to their first son , Liam Townsend , on October 4 , 2006 . He is a vegetarian . \n"} +{"id": 240, "text": " Townsend designed his two main projects , the aggressive Strapping Young Lad and his more melodic solo material , as counterparts . Strapping Young Lad 's music was a diverse mix of extreme metal genres : death metal , thrash metal , black metal and industrial metal . Townsend 's solo material blends many genres and influences , with elements of atmospheric ambient music , hard rock and progressive rock , along with pop metal and arena rock . He described it as \" a highly orchestrated type of expansive music based in hard rock and heavy metal . Dense and produced with a large amount of ambient elements . \" Despite Strapping Young Lad 's greater mainstream acceptance , Townsend identifies more with his solo material , and has never intended Strapping Young Lad to be the focus of his music . \n"} +{"id": 241, "text": " As a self @-@ proclaimed \" fan of multitracking \" , Townsend has developed a trademark production style featuring an atmospheric , layered \" wall of sound \" . Townsend has drawn critical praise for his productions , which \" are always marked by a sense of adventure , intrigue , chaotic atmospherics and overall aural pyrotechnics \" , according to Mike G. of Metal Maniacs . Townsend mainly uses Pro Tools to produce his music , alongside other software suites such as Steinberg Cubase , Ableton Live , and Logic Pro . Townsend 's musical ideas and production style have drawn comparisons to Phil Spector and Frank Zappa . Townsend has carried out the mixing and mastering for most of his solo work himself . He has also mixed and remixed work for other artists such as Rammstein , August Burns Red and Misery Signals . \n"} +{"id": 242, "text": " Townsend mainly uses Open C tuning for both six and seven string guitar . He now also uses Open B tuning and Open B flat tuning ( Open C tuning tuned a half and a whole step down respectively ) on his six string guitars . Townsend 's technique varies from fingerpicking , power chords and to sweep @-@ picked arpeggios and tapping techniques . He is also known for his heavy use of reverb and delay effects . He has expressed that he has no taste for shred guitar , saying that \" Musically it doesn 't do anything for me \" and that he only solos when he thinks that he can within the context of the song . \n"} +{"id": 243, "text": " Townsend 's employs a variety of vocal techniques in his work , including screaming , growling or even falsetto . His vocal range has been noted to be over 5 octaves ( C2 to F7 ) . \n"} +{"id": 244, "text": " Townsend draws influence from a wide range of music genres , most prominently heavy metal . Townsend has cited , among others , Judas Priest , W.A.S.P. , Frank Zappa , Broadway musicals , ABBA , new @-@ age music , France , King 's X , Morbid Angel , , Grotus , Jane 's Addiction , Metallica , Cop Shoot Cop and Fear Factory as his influences , and has also expressed his admiration for Meshuggah on several occasions , calling them \" the best metal band on the planet \" . Townsend lists Paul Horn and Ravi Shankar as the \" two most important musicians in his life \" . The two songs that Townsend credits with changing the way he thought about music are \" The Burning Down \" by King 's X , and \" Up the Beach \" by Jane 's Addiction . City was influenced by bands such as Foetus and Cop Shoot Cop , and The New Black 's influences were Meshuggah , and \" more traditional metal \" like Metallica . He is also influenced by orchestral and classical composers such as John Williams , Trevor Jones and Igor Stravinsky . \n"} +{"id": 245, "text": " The Zagreb Synagogue ( Croatian : ) was the main place of worship for the Jewish community of Zagreb in modern @-@ day Croatia . It was constructed in 1867 in the Kingdom of Croatia @-@ Slavonia within the Austrian Empire , and was used until it was demolished by the fascist authorities in 1941 in the Axis @-@ aligned Independent State of Croatia . \n The Moorish Revival synagogue , designed after the Tempel in Vienna , was located on modern @-@ day Praška Street . It has been the only purpose @-@ built Jewish house of worship in the history of the city . It was one of the city 's most prominent public buildings , as well as one of the most esteemed examples of synagogue architecture in the region . \n Since the 1980s , plans have been made to rebuild the synagogue in its original location . Due to various political circumstances , very limited progress has been made . Major disagreements exist between the government and Jewish organizations as to how much the latter should be involved in decisions about the reconstruction project , including proposed design and character of the new building . \n"} +{"id": 246, "text": " Encouraged by the 1782 Edict of Tolerance of Emperor Joseph II , Jews first permanently settled in Zagreb in the late eighteenth century , and founded the Jewish community in 1806 . In 1809 the Jewish community had a rabbi , and by 1811 it had its own cemetery . As early as 1833 , the community was permitted to buy land for construction of a synagogue , but did not have sufficient money to finance one at the time . \n By 1855 , the community had grown to 700 members and , on October 30 of that year , the decision was made to build a new Jewish synagogue . The construction committee , appointed in 1861 , selected and purchased a parcel of land at the corner of Maria Valeria Street ( now Praška Street ) and Ban Jelačić Square , the central town square . However , a new urban planning scheme of 1864 reduced the area available for construction , and the community decided to buy another parcel of 1 @,@ 540 square metres ( 16 @,@ 600 sq ft ) in Maria Valeria Street , approximately 80 metres ( 260 ft ) south of the original location . \n"} +{"id": 247, "text": " Franjo Klein , a Vienna @-@ born Zagreb architect , was commissioned to build the synagogue . Klein , a representative of romantic historicism , modeled the building on the Viennese Tempel ( 1858 ) , a Moorish Revival temple designed by Ludwig Förster . It became a prototype for synagogue design in Central Europe . Zagreb Synagogue used the already developed round arch style ( ) , but did not adopt Förster 's early oriental motifs . \n The composition of the main facade , with its dominant drawn @-@ out and elevated projection and the two symmetrical lower lateral parts , reflects the internal division into three naves . At ground @-@ floor level , the front was distinguished by the three @-@ arch entrance and , whereas the first @-@ floor level had a high triforium with an elevated arch and the rosettes on the staircases . \n The synagogue occupied the greater part of the plot , facing west . It receded from the street regulation @-@ line in accordance with the rule then still enforced in Austria – Hungary , prohibiting non @-@ Catholic places of worship from having a public entrance from the street . The synagogue had a wider and slightly higher central nave and two narrower naves ; unlike Förster 's synagogue in Vienna , it did not have a plan . \n Construction began in 1866 and was completed the following year . The synagogue was officially consecrated on September 27 , 1867 , a ceremony attended by representatives of city and regional authorities , Zagreb public figures , and many citizens . It was the first prominent public building in Zagreb 's lower town , and its architecture and scale aroused general admiration and praise . \n"} +{"id": 248, "text": " With the new synagogue , an organ was introduced into religious service . The small minority of Orthodox Jews found this change to be intolerable , and they began to hold their services separately , in rented rooms . \n In the 1880 earthquake , the synagogue suffered minor damage and was repaired the following year . \n Largely due to immigration from Hungary , Bohemia and Moravia , the Jewish population of Zagreb quickly grew in size : from 1 @,@ 285 members in 1887 to 3 @,@ 237 members in 1900 , and then to 5 @,@ 970 members in 1921 . The synagogue became too small to accommodate the needs of the ever @-@ growing community . In 1921 a renovation was undertaken to increase the number of available seats . A 1931 plan to increase the capacity to 944 seats was ultimately abandoned . A central heating system was installed in 1933 . \n"} +{"id": 249, "text": " During the 1941 collapse of the Kingdom of Yugoslavia under the Axis invasion in the April War , the Independent State of Croatia was created . It was ruled by the extreme nationalist Ustaša regime . The Ustaša quickly started with the systematic persecution of the Jews , modeled after the Nazi Germany approach , and at times even more brutal . Racial laws were introduced , Jewish property was confiscated , and the Jews were subjected to mass arrests and deportations to death camps in Croatia and abroad . \n In October 1941 , the newly installed mayor of Zagreb , Ivan Werner , issued a decree ordering the demolition of the Praška Street synagogue , ostensibly because it did not fit into the city 's master plan . The demolition began on October 10 , 1941 , proceeding slowly so as not to damage the adjacent buildings ; it was finished by April 1942 . The whole process was photographed for propaganda purposes , and the photographs were shown to the public at an antisemitic exhibition first held in Zagreb . It was also shown in Dubrovnik , Karlovac , Sarajevo , Vukovar and Zemun , as an illustration of the \" solution of the Jewish question in Croatia \" . \n A fragment of the film footage of the demolition was discovered five decades later by the film director during research for his 1993 documentary feature , Decline of the Century : Testimony of L. Z. ; 41 seconds of the film survives . This footage was also shown in Mira Wolf 's documentary , The Zagreb Synagogue 1867 @-@ 1942 ( 1996 ) , produced by Croatian Radiotelevision . \n The synagogue 's eight valuable Torah scrolls were saved due to an intervention by Leonardo Grivičić , an entrepreneur and industrialist who lived next door from Mile Budak , a minister in the Ustaša government . He was also close to Poglavnik Ante Pavelić and the Third Reich 's ambassador to Croatia , Edmund Glaise @-@ Horstenau . Although Grivičić did not have a significant political role in the Independent State of Croatia , he was considered trustworthy . On October 9 , 1941 , he learned about the regime 's plan to start the demolition of the synagogue on the following morning . By that evening , Grivičić secretly relayed the information to the synagogue 's chief cantor , Grüner , and during the night , the Torah scrolls were moved to safety . \n Shortly after the destruction of the synagogue , the Catholic archbishop of Zagreb Aloysius Stepinac delivered a homily in which he said : \" A house of God of any faith is a holy thing , and whoever harms it will pay with their lives . In this world and the next they will be punished . \" . \n The only surviving fragments of the building — the wash @-@ basin and two memorial tables from the forecourt , as well as some parts of a column — were saved by Ivo Kraus . He pulled them from the rubble shortly after the end of World War II . The wash @-@ basin and the memorial tables are now in the Zagreb City Museum . The column fragments are kept by the Jewish Community of Zagreb . \n"} +{"id": 250, "text": " Only one in five Croatian Jews survived the Holocaust of World War II . Between 1948 and 1952 , nearly one half of the surviving members of Jewish Community of Zagreb opted for emigration to Israel , and the community dropped to one @-@ tenth of its pre @-@ war membership . The Yugoslav communist regime nationalized virtually all real estate owned by the Jewish Community of Zagreb , including the plot in Praška Street . All this , combined with the new regime 's general hostility toward religion , made reconstruction of the synagogue nearly impossible . \n After World War II , the vacant site of the former synagogue was used as a makeshift volleyball court . The volleyball court made way for a prefabricated department store building , constructed in 1959 . The department store was completely destroyed in a fire on December 31 , 1980 , and was subsequently dismantled . Despite some earlier ideas about a permanent department store building on the same spot , and a 1977 architecture competition for its design , no construction took place . Instead , the parcel was turned into a parking lot , which it remains to this day . \n After 1986 , the Jewish Community of Zagreb began to consider a Jewish cultural center and a memorial synagogue . Two architects , Branko and Boris , both of whom participated in the failed 1977 department store competition , came forward on their own accord and contributed their ideas for a new Jewish center in Praška Street . 's vision was ultimately not accepted by the Jewish community ; instead , plans were being made for the construction of the cultural center and a synagogue , following an international architecture competition . However , despite support for the project both within Yugoslavia and abroad , the issuance of necessary permits was either stalled or denied by the municipal government . The project was not developed . \n"} +{"id": 251, "text": " By the autumn of 1990 , after the first democratic elections in Croatia , the municipal government finally approved the project . An architectural competition was planned for January 1991 . Political turmoil in the country , followed by the breakup of Yugoslavia and the Croatian War of Independence ( 1991 – 1995 ) , caused the project to be put on hold again . In 1994 President of Croatia Franjo Tuđman said to Jakov , Council member of the Zagreb Jewish community , that they should build the new synagogue at the site of the former synagogue , which will be funded by the Croatian government . declined the offer believing to be inappropriate when 1800 Catholic churches are left destroyed at the time , during Croatian War of Independence . \n In the meantime , the Jewish Community of Zagreb sought to legally reacquire its property . The Croatian law was enacted in 1996 , and the Praška Street parcel was finally returned to the community on December 31 , 1999 . By 2000 , reconstruction activities were invigorated again . An investment study was submitted to the Government of Croatia and the City of Zagreb in July 2004 and revised in October 2004 . The architecture competition was planned for 2005 . However , a 2005 rift in the Jewish Community of Zagreb resulted in formation of a splinter Jewish community , Bet Israel , led by Ivo and Slavko Goldstein . \n In September 2006 , the Government of Croatia formed a construction workgroup . It was decided that the project , estimated at the time at HRK 173 million ( US $ 30 million ) , would be partially financed by the Government of Croatia and the City of Zagreb , and that both Jewish organizations should be represented in the workgroup . However , the involvement of Bet Israel was deemed unacceptable by the Jewish Community of Zagreb , which is the sole owner of the Praška Street property , and which also sees itself as the sole legal representative of the Zagreb Jewish community . As a consequence , the community and its president , Kraus , refused further participation in the project under the set conditions . \n Further disagreements existed about the design and character of the new building . Facsimile reconstruction , while feasible , was not seriously contemplated . There was a general agreement that the new building should also have a cultural as well as commercial purpose . While the Jewish Community of Zagreb envisioned a modern design reminiscent of the original synagogue , the Bet Israel advocated building a replica of the original synagogue 's facade , perceiving it as having a powerful symbolism . Opinions of architects , urban planners , and art historians were also divided along similar lines . \n In 2014 and 2015 , the Jewish Community of Zagreb presented new plans for a 10 @,@ 600 m2 ( 114 @,@ 000 sq ft ) multi @-@ purpose Jewish center and synagogue in Praška Street . \n"} +{"id": 252, "text": " The 1806 Great Coastal hurricane was a severe and damaging storm along the East Coast of the United States which produced upwards of 36 in ( 91 cm ) of rainfall in parts of Massachusetts . First observed east of the Lesser Antilles on 17 August , the hurricane arrived at the Bahamas by 19 August . The disturbance continued to drift northward and made landfall at the mouth of the Cape Fear River in North Carolina on 22 August . The storm soon moved out to sea as a Category 2 @-@ equivalent hurricane on the Saffir – Simpson hurricane wind scale , persisting off of New England before dissipating south of Nova Scotia on 25 August as a markedly weaker storm . Several French and British military ships were damaged out at sea . In the Carolinas , salt , sugar , rice , and lumber industries suffered considerably , and several individuals were killed . Wharves and vessels endured moderate damage , with many ships wrecked on North barrier islands . A majority of the deaths caused by the hurricane occurred aboard the Rose @-@ in @-@ Bloom offshore of Barnegat Inlet , New Jersey , with 21 of the ship 's 48 passengers killed and $ 171 @,@ 000 ( 1806 USD ) in damage to its cargo . Upon arriving in New England , reports indicated extreme rainfall , though no deaths were reported ; in all , the hurricane killed more than 24 individuals along the entirety of its track . \n"} +{"id": 253, "text": " The Great Coastal hurricane of 1806 was first noted far east of the Lesser Antilles on 17 August . Weather historian David M. Ludlum followed the disturbance 's track to the Bahamas by 19 August ; intense winds persisted until 21 August , however , approximately 150 mi ( 240 km ) east of the Bahamian island of Eleuthera . Steering currents brought the storm northward , and it approached Charleston , South Carolina on 22 August , where a generally easterly flow preceded the storm indicated its passage far east of the city . The hurricane made landfall at the mouth of the Cape Fear River in North Carolina later that day , though the earliest impacts from the storm started several days earlier , with gusts initially toward the northeast but later curving southwestward . Reports of similar wind shifts throughout the region suggested that the gale persisted , stationary , for several hours . It eventually moved back out to sea while south of Norfolk , Virginia , departing the region on 24 August . The hurricane maintained 1 @-@ minute maximum sustained winds of 110 mph ( 175 km / h ) while offshore , equivalent to a Category 2 system on the Saffir – Simpson hurricane wind scale . While offshore New England , the gale featured a swath of winds 90 mi ( 150 km ) wide , and was last observed just south of Nova Scotia on 25 August slightly weaker , with sustained winds of 75 mph ( 120 km / h ) . \n"} +{"id": 254, "text": " The hurricane damaged several vessels while still drifting at sea , dispersing and damaging Jérôme Bonaparte 's fleet and dismasting the 74 @-@ gun French ship of the line Impétueux , which later landed near Cape Henry . \n In Charleston , South Carolina , the hurricane washed aground several ships and uprooted numerous trees , though damage to the city harbor was minimal . The lighthouse on North Island flanking Winyah Bay collapsed under high winds , and in Georgetown proper , the hurricane was considered to be the worst since the 1804 Antigua – Charleston hurricane , despite its storm surge being of a lesser size . A cotton field covering 94 acres was ruined nearby . At Smithville , North Carolina , numerous ships experienced damage , while considerable destruction to structures was observed , with many wharves wrecked . Meanwhile , at Wilmington , the hurricane inflicted widespread damage , with many wharves severely damaged , and significant losses sustained by salt , sugar , rice , and lumber industries . The gable sections of three masonry houses were destroyed by wind or water , and wooden houses suffered especially badly , with many obliterated and those under construction flattened . One individual died after a wall collapsed and several slaves were killed , one by drowning , at local plantations . At Bald Head Island , the United States Revenue Cutter Service vessel Governor Williams was stripped of its foremast and subsequently ran ashore before being repaired and continuing on its journey . A second boat owned by the agency , the Diligence , was tethered at port in Wilmington and endured no damage ; similarly , little impact occurred at New Bern . Throughout the storm , several vessels and supplies of stranded sailors were driven aground along the North coast . On the Bogue Banks , the remains of the Adolphus and Atlantic were discovered , and at the Core Banks , a dead body was washed ashore , partially eaten by fish . \n Moderate damage occurred upon the hurricane 's arrival in Norfolk , Virginia . Winds toppled a number of newly built structures and chimneys , uprooted trees and fences , and washed two watercraft aground . After the storm , alterations to the shoreline around the Chesapeake Bay permitted the full establishment of a town at Willoughby Spit . The Rose @-@ in @-@ Bloom was caught in the hurricane while offshore of Barnegat Inlet , New Jersey , en route to New York City from Charleston , but was struck by a large wave which overturned the ship , resulting in the deaths of 21 of its 48 passengers and the loss of $ 171 @,@ 000 of its $ 180 @,@ 000 ( 1806 USD ) cargo . The vessel only barely stayed afloat , with 30 bales of cotton preventing it from sinking entirely ; survivors were ferried to New York by the British brig Swift , which had then been traveling toward St. John 's , Newfoundland . The hurricane produced strong gusts within the vicinity of New York City , and at Belleville , New Jersey , several peach trees were defoliated and uprooted . Cape Cod , Massachusetts was struck by heavy rain and observed minor damage to its port . At Edgartown , meanwhile , an individual witnessed torrential rainfall , recording that a barrel was filled with 30 in ( 76 cm ) of water , and estimating total rainfall reached 36 in ( 91 cm ) there , where the storm devastated local crops and beached five cargo ships . At Brewster , meanwhile , severe damage to crops and was noted , and 18 in ( 46 cm ) of rainfall was recorded . Reports in Boston , however , indicate more modest rainfall amounts , with a precipitation rate of 0 @.@ 40 in ( 1 @.@ 0 cm ) per hour noted . \n"} +{"id": 255, "text": " Forward Intelligence Teams ( FITs ) are two or more police officers who are deployed by UK police forces to gather intelligence on the ground and in some circumstances , to disrupt activists and deter anti @-@ social behaviour . They use cameras , camcorders and audio recorders to conduct overt surveillance of the public . An unsuccessful legal challenge has been made against their use of overt surveillance , but in 2009 the Court of Appeal ruled that they must justify retention of photographs on a case @-@ by @-@ case basis . Any retained information is recorded on the Crimint database . \n Political activists have criticised FITs and said that they feel the aim of FIT deployment during protests is to prevent legal protests . Journalists have also complained that FITs attempt to stop them photographing protests and that they conduct surveillance of journalists . A campaign group , Fitwatch , formed in 2007 that aim to obstruct FITs and conduct sousveillance on the officers . Two members of the group were arrested at the 2008 Climate Camp on obstruction charges . A similar police surveillance unit , the Video Intelligence Unit is operated by Greater Manchester Police . In June 2010 , the Home Office announced it would review the use of FITs during public order policing . \n"} +{"id": 256, "text": " FITs were first formed in the early 1990s , as part of the Public Order Intelligence Unit ( ) , a section of the Public Order Branch of the Metropolitan Police . They initially targeted football fans , hunt saboteurs and political protesters ( since at least 1996 ) , using cameras , camcorders and audio recorders to conduct overt surveillance of the public . The police officers wear full uniform , and are intended to be a highly visible presence . Their uniform is sometimes different from normal police officers in that the upper half of their yellow fluorescent jackets is blue . Civilian photographers are also employed by the police to work alongside FITs . According to Scotland Yard , the aim of FIT teams at protests is to record evidence of protesters in case disorder occurs later on at a protest . \n More recently the teams ' purpose has been extended to routine police work on low @-@ level crime and anti @-@ social behaviour and police forces throughout the UK now have their own FITs . Despite the implication in their name that their function is to merely gather intelligence , they are also intended to have a deterrent effect . This approach has been reported to work in reducing reports of anti @-@ social behaviour at times when FITs are deployed in specific neighbourhoods . Jacqui Smith , then Home Secretary praised Operation Leopard that used FITs to target youths , in , Essex stating : \n \" Operation Leopard is exactly the sort of intensive policing that can bring persistent offenders to their senses ... Relentless filming of them and their associates throughout the day and night \" \n Linda Catt , an activist , has suggested that their tactics are \" designed to intimidate people and prevent lawful dissent \" . This view is echoed by a police debriefing of their operations at the 2008 Camp for Climate Action which praised FITs at the event for disrupting activists . \n In June 2010 , the Home Office announced it would review the use of FITs during public order policing . The move was influenced by the discovery that information collected by FITs , included that which was unrelated to suspected crimes , for example recording who made speeches at demonstrations . \n In October 2010 , FIT officers in plain clothes were spotted by a press photographer at a protest against companies avoiding tax , despite Commander Bob Broadhurst telling a parliamentary committee in May 2009 , that only uniformed officers distinguishable by their blue and yellow jackets were involved in gathering intelligence at protests . The Metropolitan Police told The Guardian that it was necessary to deploy plain @-@ clothed officers to \" gather information to provide us with a relevant and up @-@ to @-@ date intelligence picture of what to expect \" . It was the first time that FITs are known to have been deployed in plain clothes . \n"} +{"id": 257, "text": " Liberty brought a judicial review of the overt surveillance practices in May 2008 , which was decided in favour of the police , however the police were asked to clarify their evidence to the Court of Appeal , following an investigation by The Guardian newspaper . \n In May 2009 , the Court of Appeal ruled that photographs collected by FITs of people who have not committed a criminal offence can no longer be kept . The ruling was made after Andrew Wood , an arms trade activist , was photographed after challenging the management of Reed Elsevier at their AGM over them organising arms trade exhibitions . Wood argued that police had harassed him and infringed his right to privacy by photographing him . Lord Collins of said that the police presence had a \" chilling effect \" on people who were protesting lawfully . FITs have not been banned but they must now justify the retention of photographs on a case @-@ by @-@ case basis . As a result of the ruling the Metropolitan Police 's public order unit , was forced to delete 40 % of the photos of protesters that it held . \n In a report about the policing of the 2009 G @-@ 20 London summit protests , Denis O 'Connor , the chief inspector of constabulary , stated that the routine use of FITs at protests \" raises fundamental privacy issues and should be reviewed \" . He also said that there was \" confusion \" over the role of FITs and advised that the Home Office should issue guidance over the legality of the surveillance of protesters and the retention of images . \n"} +{"id": 258, "text": " The information that FITs collect is stored on the Crimint database , which is used daily by police officers to catalogue criminal intelligence . People are listed by name allowing police to determine which events individuals have attended . Photographs obtained by FITs are used to produce \" spotter cards \" consisting of people 's photographs which allows officers to identify people at future events that they attend . For £ 10 , people are able to obtain a list of protests that they have attended from the data held on Crimint under laws in the Data Protection Act 1998 . \n"} +{"id": 259, "text": " A 2006 report , The Economics of Mass Surveillance calculated that the use of FITs at mass gatherings involves gathering intelligence on roughly 1 @,@ 200 people to record the actions of one person . The report also noted that most of the people on \" spotter cards \" , used by the police photographers , were those involved in the organisation of protests and that FITs also attend meetings where demonstrations are organised . \n"} +{"id": 260, "text": " Fitwatch ( formed in early 2007 ) campaign against FITs by actively obstructing their operations , and by passively opposing their operations by photographing units ( a form of sousveillance ) . \n In June 2009 , The Guardian released video evidence recorded by a FIT at the 2008 Climate Camp of alleged police brutality against two female members of Fitwatch . The women had asked police officers to reveal their shoulder numbers , as at least four officers had not displayed them . The women attempted to photograph the police officers for evidence , but were forced to the ground , restrained with handcuffs , and had their legs bound with straps . They were then placed in restraint positions , arrested , charged and held in custody for four days , including three days in HMP , before they were released on bail . The police later retracted all the charges against the women . The women lodged a complaint with the IPCC over the incident . The journalist George Monbiot commented on this case , saying that \" the police are turning activism into a crime \" and that \" the FITs ' methods appear to have been lifted from a Stasi training manual \" . He claimed that \" anybody who is politically active is filmed , identified , monitored , logged , and cross @-@ checked \" . A police debrief into the operation at Kingsnorth praised the deployment of FITs saying that they were \" highly effective and gained good intelligence and disruption \" . \n Three members of Fitwatch were convicted for obstructing FIT officers in June 2008 as they attempted to photograph those attending a No Borders meeting in London . In July 2010 the Inner London Crown Court overturned the men 's convictions , with the judge stating that the protesters ' human rights may have been violated by the FIT officers . \n On 15 November 2010 , the hosts of the Fitwatch blog were asked by the Police National E @-@ Crime Unit to take down the website due to it \" being used to undertake criminal activities \" . The request came after a post on the blog after the 2010 student protest in London , which advised students of actions they should take if they were concerned that they were photographed at the demonstration , such as cutting their hair and disposing of clothing they were wearing . Emily Apple , one of the founders of the site told The Guardian , \" Nothing in that post [ giving guidance to student protesters ] has not been said before on our blog or on other sites \" . On 17 November 2010 , the Fitwatch website returned , hosted on a web server outside of the UK . \n The National Union of Journalists ( NUJ ) has criticised FITs for their surveillance and sometimes violent harassment of working journalists . Marc Vallee , who was hospitalised by police after documenting a protest , has said that the teams limit freedom of the press and called on the Home Office to confirm that the police had no right to restrict the work of photojournalists . Bob Broadhurst , who is in charge of public order policing at the Metropolitan Police , said in a statement to the NUJ in 2008 that journalists , \" on the production of a valid form of accreditation will be able to continue with their work \" . The NUJ are to make a formal complaint to the Information Commissioner due to the Metropolitan Police failing to provide details on the surveillance of journalists under the Freedom of Information Act . Bob Broadhurst told photographers at an NUJ conference that he had no faith in the National Press Card ( a form of press pass ) despite journalists needing to prove that they are bona @-@ fide to an independent authority before they are issued . \n The BBC TV series Panorama produced an episode entitled What ever happened to people power ? in July 2009 which discussed the use of FITs in targeting activists and journalists . \n"} +{"id": 261, "text": " Greater Manchester Police operate a Video Intelligence Unit , whose plainclothes officers confront and video certain freed prisoners as they leave prison after serving their sentences . They also record footage of people involved in anti @-@ social behaviour on the streets . The aim is to give other police officers up to date information on the appearance of people who have broken the law . Video footage thus collected is constantly replayed on TV screens in rooms where officers complete their paperwork . Footage that they have recorded has also been uploaded onto YouTube in an attempt to catch people they believe have . This has resulted in several offenders being sent back to prison after breaching licence conditions . Since the unit was launched in 2006 more than 900 people have been filmed by the unit . Not all of these people are suspects in crime however , people can be filmed if they are thought to associate with prolific offenders or if they have been stopped in an area of high crime under suspicious circumstances . Kieran Walsh , a civil liberties lawyer , said the unit 's work \" could have implications \" for the force under Article 8 of the European Convention on Human Rights - the right to privacy . He believes that filming must be a \" proportionate and reasonable \" response to a crime and that this does not appear to be the case as people are being targeted over what they might do in the future . It is uncertain as to how long data collected by the unit is to be kept but GMP currently anticipate it will be stored for 5 years . \n"} +{"id": 262, "text": " Trinsey v. Pennsylvania 941 F.2d 224 was a case decided by the United States Court of Appeals for the Third Circuit that confirmed the validity of special elections held without a primary under the Fourteenth and Seventeenth Amendments to the United States Constitution . The case came about due to the death of H. John Heinz III , one of the US Senators from Pennsylvania , in a plane crash on April 4 , 1991 . Under the Seventeenth Amendment , state legislatures may give the Governor the power to appoint officials to fill temporarily vacant Senate seats until a special election can be held , and Pennsylvanian law contained a statute executing this and requiring no primaries for the special election . Instead , both the Democrats and Republicans would each internally select their candidates . John S. Trinsey Jr . , a voter and potential candidate , asked the United States District Court for the Eastern District of Pennsylvania to declare the statute unconstitutional as a violation on the Fourteenth and Seventeenth amendments , because the lack of a primary removed his right to properly vote for candidates and delegated that power to political parties . \n After deciding that the statute 's subject matter necessitated the strict scrutiny approach , the District Court decided on June 10 , 1991 that it was an unconstitutional violation of the right to vote for and select Senate candidates . This decision was appealed to the Court of Appeals for the Third Circuit , who decided against the use of the strict scrutiny approach and , in its absence , ruled that the statute was not a violation of the Fourteenth and Seventeenth Amendments . Academics have been critical of both the decision reached and the approach used , with one suggesting that the \" substantial state interests \" test used in Valenti v. Rockefeller would be more appropriate . \n"} +{"id": 263, "text": " On April 4 , 1991 H. John Heinz III , one of the US Senators from Pennsylvania , was killed when his chartered plane collided with a helicopter inspecting its landing gear . Under the Seventeenth Amendment to the United States Constitution , the legislature of each state has the power to permit the governor to fill the vacant seat until a special election can be held . In Pennsylvania , this power had been delegated , and Governor Robert P. Casey signed a writ on May 13 , 1991 , declaring November 5 the date for a special election and temporarily appointing Harris Wofford to fill Heinz 's now @-@ vacant seat . Under Pennsylvanian law , there was no need for a primary in such a situation ; instead , both the Democrats and Republicans would each internally select their candidate , who would run in the special election . John S. Trinsey Jr . , a member of the Pennsylvanian electorate and potential candidate , challenged the constitutionality of this law , claiming that it violated his rights under the Fourteenth and Seventeenth Amendments . \n Trinsey argued that , by failing to allow for primaries , the state legislation prevented him from getting to select a candidate of his choice , and that this violated the Fourteenth Amendment ; the terms of the statute ( and absence of a requirement for primaries ) also allegedly infringed the rights of the electorate under the Seventeenth Amendment , which required the selection of Senators by popular vote ; Trinsey 's complaint was that the legislation had effectively delegated the power to choose candidates to political parties rather than the electorate . Accordingly , Trinsey filed a motion for a declaratory judgment to state that the statute was unconstitutional , and also requested that Wofford be removed from his seat . Counsel for the Commonwealth of Pennsylvania , joined by the office of the Governor , argued that the constitution did not require the holding of primary elections to fill vacancies , and that the statute \" protected valid and compelling state interests in protecting the validity of the electoral process and limiting the term of a [ ] appointed Senator \" . \n"} +{"id": 264, "text": " The case was first heard in the United States District Court for the Eastern District of Pennsylvania , where , following oral arguments , the judge dismissed both Trinsey 's motion to remove Wofford and the Commonwealth 's motion to dismiss . On June 10 , 1991 , however , the District Court declared the statute unconstitutional , stating that it violated both the Fourteenth and Seventeenth Amendments due to the failure to ensure \" popular participation \" through the use of primary elections . This decision was reached following an analysis of the legislative history of the Seventeenth Amendment and electoral processes ; based on this analysis , the court concluded that the Pennsylvanian use of a nomination process before a special election implied a right to vote , which was violated by the lack of a primary and necessitated a strict scrutinising of the legislation . After considering the evidence , the court concluded that \" the interests the Commonwealth put forth in support of the statute could not outweigh the infringement of the right to vote \" , leading to the conclusion that the statute governing special elections was unconstitutional . \n With this \" the public , press and political parties quickly turned their attention to the case \" , with the Republican State Committee of Pennsylvania ( supported by their Democratic counterparts ) and several prominent politicians intervening . They moved to expedite an appeal to the Court of Appeals for the Third Circuit . In a unanimous opinion , the Court of Appeals ( consisting of , Greenberg and Seitz ) confirmed that there was no restriction of any fundamental right , and therefore that the strict scrutiny process did not need to be applied . In the absence of this process , they held that the Seventeenth Amendment did not require primary elections to fill vacancies , and more broadly gave state legislatures wide discretion as to how to hold elections ; as such , the statute did not violate the constitution . In December 1991 the Supreme Court denied a writ of certiorari , presumably because the special election had already taken place in November and the issue was thus moot . \n"} +{"id": 265, "text": " Laura E. Little , writing in the Temple Law Review , notes the dearth of guidance for either the District Court or Court of Appeals in Trinsey , with no \" explicit direction and no direct precedent \" from either the constitutional provisions or prior case law to rely on . In the absence of guidance , the Court of Appeals took a narrow view of the issues , something she criticises . Under Pennsylvanian law , primaries are mandatory in all other elections , and in her opinion the lack of a primary in this case should have been judged to be a violation of Trinsey 's fundamental rights . Combined with the purpose of the Seventeenth Amendment - to ensure direct election - this should have led to the application of the strict scrutiny test , and the decision that the statute governing special elections was unconstitutional . Kevin M. Gold instead suggests that the test used in Valenti v. Rockefeller , an analogous decision over the validity of New York state electoral law . In Valenti , the judiciary applied the \" substantial state interests \" test , which involves simply looking at whether the statute in question furthers the interests of the states , who under the Seventeenth Amendment are given some discretion as to the electoral process they use . \n"} +{"id": 266, "text": " Michael Jeffrey Jordan ( born February 17 , 1963 ) , also known by his initials , MJ , is an American retired professional basketball player . He is also a businessman , and principal owner and chairman of the Charlotte Hornets . Jordan played 15 seasons in the National Basketball Association ( NBA ) for the Chicago Bulls and Washington Wizards . His biography on the NBA website states : \" By acclamation , Michael Jordan is the greatest basketball player of all time . \" Jordan was one of the most effectively marketed athletes of his generation and was considered instrumental in popularizing the NBA around the world in the 1980s and 1990s . \n Jordan played three seasons for coach Dean Smith at the University of North Carolina . He was a member of the Tar Heels ' national championship team in 1982 . Jordan joined the NBA 's Chicago Bulls in 1984 as the third overall draft pick . He quickly emerged as a league star , entertaining crowds with his prolific scoring . His leaping ability , demonstrated by performing slam dunks from the free throw line in slam dunk contests , earned him the nicknames \" Air Jordan \" and \" His \" . He also gained a reputation for being one of the best defensive players in basketball . In 1991 , he won his first NBA championship with the Bulls , and followed that achievement with titles in 1992 and 1993 , securing a \" three @-@ peat \" . Although Jordan abruptly retired from basketball before the beginning of the 1993 – 94 NBA season to pursue a career in baseball , he returned to the Bulls in March 1995 and led them to three additional championships in 1996 , 1997 , and 1998 , as well as a then @-@ record 72 regular @-@ season wins in the 1995 – 96 NBA season . Jordan retired for a second time in January 1999 , but returned for two more NBA seasons from 2001 to 2003 as a member of the Wizards . \n Jordan 's individual accolades and accomplishments include five Most Valuable Player ( MVP ) Awards , ten All @-@ NBA First Team designations , nine All @-@ Defensive First Team honors , fourteen NBA All @-@ Star Game appearances , three All @-@ Star Game MVP Awards , ten scoring titles , three steals titles , six NBA Finals MVP Awards , and the 1988 NBA Defensive Player of the Year Award . Among his numerous accomplishments , Jordan holds the NBA records for highest career regular season scoring average ( 30 @.@ 12 points per game ) and highest career playoff scoring average ( 33 @.@ 45 points per game ) . In 1999 , he was named the greatest North American athlete of the 20th century by ESPN , and was second to Babe Ruth on the Associated Press 's list of athletes of the century . Jordan is a two @-@ time inductee into the Basketball Hall of Fame , having been enshrined in 2009 for his individual career , and again in 2010 as part of the group induction of the 1992 United States men 's Olympic basketball team ( \" The Dream Team \" ) . He became a member of the FIBA Hall of Fame in 2015 . \n Jordan is also known for his product endorsements . He fueled the success of Nike 's Air Jordan sneakers , which were introduced in 1985 and remain popular today . Jordan also starred in the 1996 feature film Space Jam as himself . In 2006 , he became part @-@ owner and head of basketball operations for the then @-@ Charlotte Bobcats , buying a controlling interest in 2010 . In 2015 , as a result of the increase in value of NBA franchises , Jordan became the first billionaire NBA player in history and the world 's second @-@ richest African @-@ American . \n"} +{"id": 267, "text": " Jordan was born in Brooklyn , New York , the son of ( née Peoples ) , who worked in banking , and James R. Jordan , Sr. , an equipment supervisor . His family moved to Wilmington , North Carolina , when he was a toddler . \n Jordan is the fourth of five children . He has two older brothers , Larry Jordan and James R. Jordan , Jr . , one older sister , , and a younger sister , Roslyn . Jordan 's brother James retired in 2006 as the Command Sergeant Major of the 35th Signal Brigade of the XVIII Airborne Corps in the U.S. Army . \n"} +{"id": 268, "text": " Jordan attended Emsley A. Laney High School in Wilmington , where he anchored his athletic career by playing baseball , football , and basketball . He tried out for the varsity basketball team during his sophomore year , but at 5 ' 11 \" ( 1 @.@ 80 m ) , he was deemed too short to play at that level . His taller friend , Harvest Leroy Smith , was the only sophomore to make the team . \n Motivated to prove his worth , Jordan became the star of Laney 's junior varsity squad , and tallied several 40 @-@ point games . The following summer , he grew four inches ( 10 cm ) and trained rigorously . Upon earning a spot on the varsity roster , Jordan averaged about 20 points per game over his final two seasons of high school play . As a senior , he was selected to the McDonald 's All @-@ American Team after averaging a triple @-@ double : 29 @.@ 2 points , 11 @.@ 6 rebounds , and 10 @.@ 1 assists . \n Jordan was recruited by numerous college basketball programs , including Duke , North Carolina , South Carolina , Syracuse , and Virginia . In 1981 , Jordan accepted a basketball scholarship to North Carolina , where he majored in cultural geography . \n"} +{"id": 269, "text": " As a freshman in coach Dean Smith 's team @-@ oriented system , he was named ACC Freshman of the Year after he averaged 13 @.@ 4 points per game ( ppg ) on 53 @.@ 4 % shooting ( field goal percentage ) . He made the game @-@ winning jump shot in the 1982 NCAA Championship game against Georgetown , which was led by future NBA rival Patrick Ewing . Jordan later described this shot as the major turning point in his basketball career . During his three seasons at North Carolina , he averaged 17 @.@ 7 ppg on 54 @.@ 0 % shooting , and added 5 @.@ 0 rebounds per game ( rpg ) . He was selected by consensus to the NCAA All @-@ American First Team in both his sophomore ( 1983 ) and junior ( 1984 ) seasons . After winning the Naismith and the Wooden College Player of the Year awards in 1984 , Jordan left North Carolina one year before his scheduled graduation to enter the 1984 NBA draft . The Chicago Bulls selected Jordan with the third overall pick , after Hakeem Olajuwon ( Houston Rockets ) and Sam Bowie ( Portland Trail Blazers ) . One of the primary reasons why Jordan was not drafted sooner was because the first two teams were in need of a center . However , the Trail Blazers general manager Stu Inman contended that it was not a matter of drafting a center , but more a matter of taking Sam Bowie over Jordan , in part because Portland already had a guard with similar skills to Jordan , Clyde Drexler . ESPN , citing Bowie 's injury @-@ laden college career , named the Blazers ' choice of Bowie as the worst draft pick in North American professional sports history . Jordan returned to North Carolina to complete his degree in 1986 . \n"} +{"id": 270, "text": " During his first season in the NBA , Jordan averaged 28 @.@ 2 ppg on 51 @.@ 5 % shooting . He quickly became a fan favorite even in opposing arenas , and appeared on the cover of Sports Illustrated with the heading \" A Star Is Born \" just over a month into his professional career . Jordan was also voted in as an All @-@ Star starter by the fans in his rookie season . Controversy arose before the All @-@ Star game when word surfaced that several veteran players , led by Isiah Thomas , were upset by the amount of attention Jordan was receiving . This led to a so @-@ called \" freeze @-@ out \" on Jordan , where players refused to pass him the ball throughout the game . The controversy left Jordan relatively unaffected when he returned to regular season play , and he would go on to be voted Rookie of the Year . The Bulls finished the season 38 – 44 , and lost in the first round of the playoffs in four games to the Milwaukee Bucks . \n Jordan 's second season was cut short by a broken foot in the third game of the season , which caused him to miss 64 games . Despite Jordan 's injury and a 30 – 52 record ( at the time it was fifth worst record of any team to qualify for the playoffs in NBA history ) , the Bulls made the playoffs . Jordan recovered in time to participate in the playoffs and performed well upon his return . Against a 1985 – 86 Boston Celtics team that is often considered one of the greatest in NBA history , Jordan set the still @-@ unbroken record for points in a playoff game with 63 in Game 2 . The Celtics , however , managed to sweep the series . \n Jordan had recovered completely by the 1986 – 87 season , and had one of the most prolific scoring seasons in NBA history . He became the only player other than Wilt Chamberlain to score 3 @,@ 000 points in a season , averaging a league high 37 @.@ 1 points on 48 @.@ 2 % shooting . In addition , Jordan demonstrated his defensive prowess , as he became the first player in NBA history to record 200 steals and 100 blocks in a season . Despite Jordan 's success , Magic Johnson won the league 's Most Valuable Player Award . The Bulls reached 40 wins , and advanced to the playoffs for the third consecutive year . However , they were again swept by the Celtics . \n"} +{"id": 271, "text": " Jordan led the league in scoring again in the 1987 – 88 season , averaging 35 @.@ 0 ppg on 53 @.@ 5 % shooting and won his first league MVP Award . He was also named the Defensive Player of the Year , as he had averaged 1 @.@ 6 blocks and a league high 3 @.@ 16 steals per game . The Bulls finished 50 – 32 , and made it out of the first round of the playoffs for the first time in Jordan 's career , as they defeated the Cleveland Cavaliers in five games . However , the Bulls then lost in five games to the more experienced Detroit Pistons , who were led by Isiah Thomas and a group of physical players known as the \" Bad Boys \" . \n In the 1988 – 89 season , Jordan again led the league in scoring , averaging 32 @.@ 5 ppg on 53 @.@ 8 % shooting from the field , along with 8 rpg and 8 assists per game ( apg ) . The Bulls finished with a 47 – 35 record , and advanced to the Eastern Conference Finals , defeating the Cavaliers and New York Knicks along the way . The Cavaliers series included a career highlight for Jordan when he hit The Shot over Craig at the buzzer in the fifth and final game of the series . However , the Pistons again defeated the Bulls , this time in six games , by utilizing their \" Jordan Rules \" method of guarding Jordan , which consisted of double and triple teaming him every time he touched the ball . \n The Bulls entered the 1989 – 90 season as a team on the rise , with their core group of Jordan and young improving players like Scottie Pippen and Horace Grant , and under the guidance of new coach Phil Jackson . Jordan averaged a league leading 33 @.@ 6 ppg on 52 @.@ 6 % shooting , to go with 6 @.@ 9 rpg and 6 @.@ 3 apg in leading the Bulls to a 55 – 27 record . They again advanced to the Eastern Conference Finals beating the Bucks and Philadelphia 76ers . However , despite pushing the series to seven games , the Bulls lost to the Pistons for the third consecutive season . \n"} +{"id": 272, "text": " In the 1990 – 91 season , Jordan won his second MVP award after averaging 31 @.@ 5 ppg on 53 @.@ 9 % shooting , 6 @.@ 0 rpg , and 5 @.@ 5 apg for the regular season . The Bulls finished in first place in their division for the first time in 16 years and set a franchise record with 61 wins in the regular season . With Scottie Pippen developing into an All @-@ Star , the Bulls had elevated their play . The Bulls defeated the New York Knicks and the Philadelphia 76ers in the opening two rounds of the playoffs . They advanced to the Eastern Conference Finals where their rival , the Detroit Pistons , awaited them . However , this time the Bulls beat the Pistons in a four @-@ game sweep . In an unusual ending to the fourth and final game , Isiah Thomas led his team off the court before the final seconds had concluded . Most of the Pistons went directly to their locker room instead of shaking hands with the Bulls . \n The Bulls advanced to the NBA Finals for the first time in franchise history to face Magic Johnson and James Worthy and beat the Los Angeles Lakers four games to one , compiling an outstanding 15 – 2 playoff record along the way . Perhaps the best known moment of the series came in Game 2 when , attempting a dunk , Jordan avoided a potential Sam Perkins block by switching the ball from his right hand to his left in mid @-@ air to lay the shot in . In his first Finals appearance , Jordan posted per game averages of 31 @.@ 2 points on 56 % shooting from the field , 11 @.@ 4 assists , 6 @.@ 6 rebounds , 2 @.@ 8 steals and 1 @.@ 4 blocks . Jordan won his first NBA Finals MVP award , and he cried while holding the NBA Finals trophy . \n Jordan and the Bulls continued their dominance in the 1991 – 92 season , establishing a 67 – 15 record , topping their franchise record from 1990 to 91 . Jordan won his second consecutive MVP award with averages of 30 @.@ 1 points , 6 @.@ 4 rebounds and 6 @.@ 1 assists per game on 52 % shooting . After winning a physical 7 @-@ game series over the New York Knicks in the second round of the playoffs and finishing off the Cleveland Cavaliers in the Conference Finals in 6 games , the Bulls met Clyde Drexler and the Portland Trail Blazers in the Finals . The media , hoping to recreate a Magic – Bird rivalry , highlighted the similarities between \" Air \" Jordan and Clyde \" The Glide \" during the pre @-@ Finals hype . In the first game , Jordan scored a Finals @-@ record 35 points in the first half , including a record @-@ setting six three @-@ point field goals . After the sixth three @-@ pointer , he jogged down the court shrugging as he looked courtside . Marv Albert , who broadcast the game , later stated that it was as if Jordan was saying , \" I can 't believe I 'm doing this . \" The Bulls went on to win Game 1 , and defeat the Blazers in six games . Jordan was named Finals MVP for the second year in a row and finished the series averaging 35 @.@ 8 ppg , 4 @.@ 8 rpg , and 6 @.@ 5 apg , while shooting 53 % from the floor . \n In the 1992 – 93 season , despite a 32 @.@ 6 ppg , 6 @.@ 7 rpg and 5 @.@ 5 apg campaign , Jordan 's streak of consecutive MVP seasons ended as he lost the award to his friend Charles Barkley . Coincidentally , Jordan and the Bulls met Barkley and his Phoenix Suns in the 1993 NBA Finals . The Bulls won their third NBA championship on a game @-@ winning shot by John Paxson and a last @-@ second block by Horace Grant , but Jordan was once again Chicago 's leader . He averaged a Finals @-@ record 41 @.@ 0 ppg during the six @-@ game series , and became the first player in NBA history to win three straight Finals MVP awards . He scored more than 30 points in every game of the series , including 40 or more points in 4 consecutive games . With his third Finals triumph , Jordan capped off a seven @-@ year run where he attained seven scoring titles and three championships , but there were signs that Jordan was tiring of his massive celebrity and all of the non @-@ basketball hassles in his life . \n"} +{"id": 273, "text": " During the Bulls ' playoff run in 1993 , controversy arose when Jordan was seen gambling in Atlantic City , New Jersey , the night before a game against the New York Knicks . In that same year , he admitted to having to cover $ 57 @,@ 000 in gambling losses , and author Richard wrote a book claiming he had won $ 1 @.@ 25 million from Jordan on the golf course . In 2005 , Jordan talked to Ed Bradley of the CBS evening show 60 Minutes about his gambling and admitted that he made some reckless decisions . Jordan stated , \" Yeah , I 've gotten myself into situations where I would not walk away and I 've pushed the envelope . Is that compulsive ? Yeah , it depends on how you look at it . If you 're willing to jeopardize your livelihood and your family , then yeah . \" When Bradley asked him if his gambling ever got to the level where it jeopardized his livelihood or family , Jordan replied , \" No . \" \n"} +{"id": 274, "text": " On October 6 , 1993 , Jordan announced his retirement , citing a loss of desire to play the game . Jordan later stated that the murder of his father earlier in the year also shaped his decision . Jordan 's father was murdered on July 23 , 1993 , at a highway rest area in Lumberton , North Carolina , by two teenagers , Daniel Green and Larry Martin . The assailants were traced from calls they made on James Jordan 's cellular phone , caught , convicted , and sentenced to life in prison . Jordan was close to his father ; as a child he had imitated his father 's proclivity to stick out his tongue while absorbed in work . He later adopted it as his own signature , displaying it each time he drove to the basket . In 1996 , he founded a Chicago area Boys & Girls Club and dedicated it to his father . \n In his 1998 autobiography For the Love of the Game , Jordan wrote that he had been preparing for retirement as early as the summer of 1992 . The added exhaustion due to the Dream Team run in the 1992 Olympics solidified Jordan 's feelings about the game and his ever @-@ growing celebrity status . Jordan 's announcement sent shock waves throughout the NBA and appeared on the front pages of newspapers around the world . \n Jordan then further surprised the sports world by signing a minor league baseball contract with the Chicago White Sox on February 7 , 1994 . He reported to spring training in Sarasota , Florida , and was assigned to the team 's minor league system on March 31 , 1994 . Jordan has stated this decision was made to pursue the dream of his late father , who had always envisioned his son as a Major League Baseball player . The White Sox were another team owned by Bulls owner Jerry Reinsdorf , who continued to honor Jordan 's basketball contract during the years he played baseball . \n In 1994 , Jordan played for the Birmingham Barons , a Double @-@ A minor league affiliate of the Chicago White Sox , batting .202 with three home runs , 51 runs batted in , 30 stolen bases , 114 strikeouts , 51 base on balls , and 11 errors . He also appeared for the Scottsdale Scorpions in the 1994 Arizona Fall League , batting .252 against the top prospects in baseball . On November 1 , 1994 , his number 23 was retired by the Bulls in a ceremony that included the erection of a permanent sculpture known as The Spirit outside the new United Center . \n"} +{"id": 275, "text": " In the 1993 – 94 season , the Bulls , without Jordan , achieved a 55 – 27 record , and lost to the New York Knicks in the second round of the playoffs . But the 1994 – 95 Bulls were a shell of the championship team of just two years earlier . Struggling at mid @-@ season to ensure a spot in the playoffs , Chicago was 31 – 31 at one point in mid @-@ March . The team received help , however , when Jordan decided to return to the NBA for the Bulls . \n In March 1995 , Jordan decided to quit baseball due to the ongoing Major League Baseball strike , as he wanted to avoid becoming a potential replacement player . On March 18 , 1995 , Jordan announced his return to the NBA through a two @-@ word press release : \" I 'm back . \" The next day , Jordan wore jersey number 45 ( his number with the Barons ) , as his familiar 23 had been retired in his honor following his first retirement . He took to the court with the Bulls to face the Indiana Pacers in Indianapolis , scoring 19 points . The game had the highest Nielsen rating of a regular season NBA game since 1975 . \n Although he had not played an NBA game in a year and a half , Jordan played well upon his return , making a game @-@ winning jump shot against Atlanta in his fourth game back . He then scored 55 points in the next game against the Knicks at Madison Square Garden on March 28 , 1995 . Boosted by Jordan 's comeback , the Bulls went 13 – 4 to make the playoffs and advanced to the Eastern Conference Semifinals against the Orlando Magic . At the end of Game 1 , Orlando 's Nick Anderson stripped Jordan from behind , leading to the game @-@ winning basket for the Magic ; he would later comment that Jordan \" didn 't look like the old Michael Jordan \" and that \" No. 45 doesn 't explode like No. 23 used to . \" Jordan then returned to wearing his old number in the next game , scoring 38 points in a Bulls win . The Bulls were fined $ 30 @,@ 000 for the game : $ 25 @,@ 000 for failing to report the impromptu number change to the NBA and $ 5 @,@ 000 for Jordan wearing different shoes . Jordan averaged 31 points per game in the series , but Orlando won the series in 6 games . \n"} +{"id": 276, "text": " Freshly motivated by the playoff defeat , Jordan trained aggressively for the 1995 – 96 season . Strengthened by the addition of rebound specialist Dennis Rodman , the Bulls dominated the league , starting the season 41 – 3 , and eventually finishing with the then @-@ best regular season record in NBA history ( later surpassed by the 2015 – 16 Golden State Warriors ) : 72 – 10 . Jordan led the league in scoring with 30 @.@ 4 ppg , and won the league 's regular season and All @-@ Star Game MVP awards . \n In the playoffs , the Bulls lost only three games in four series ( Miami Heat 3 @-@ 0 , New York Knicks 4 @-@ 1 , Orlando Magic 4 @-@ 0 ) . They defeated the Seattle SuperSonics 4 @-@ 2 in the NBA Finals to win their fourth championship . Jordan was named Finals MVP for a record fourth time , surpassing Magic Johnson 's three Finals MVP awards . He also achieved only the second sweep of the MVP Awards in the All @-@ Star Game , regular season and NBA Finals , Willis Reed having achieved the first , during the 1969 – 70 season . Because this was Jordan 's first championship since his father 's murder , and it was won on Father 's Day , Jordan reacted very emotionally upon winning the title , including a memorable scene of him crying on the locker room floor with the game ball . \n In the 1996 – 97 season , the Bulls started out 69 – 11 , but missed out on a second consecutive 70 @-@ win season by losing their final two games to finish 69 – 13 . However , this year Jordan was beaten for the NBA MVP Award by Karl Malone . The Bulls again advanced to the Finals , where they faced Malone and the Utah Jazz . The series against the Jazz featured two of the more memorable clutch moments of Jordan 's career . He won Game 1 for the Bulls with a buzzer @-@ beating jump shot . In Game 5 , with the series tied at 2 , Jordan played despite being feverish and dehydrated from a stomach virus . In what is known as the \" Flu Game \" , Jordan scored 38 points , including the game @-@ deciding 3 @-@ pointer with 25 seconds remaining . The Bulls won 90 – 88 and went on to win the series in six games . For the fifth time in as many Finals appearances , Jordan received the Finals MVP award . During the 1997 NBA All @-@ Star Game , Jordan posted the first triple double in All @-@ Star Game history in a victorious effort ; however , he did not receive the MVP award . \n Jordan and the Bulls compiled a 62 – 20 record in the 1997 – 98 season . Jordan led the league with 28 @.@ 7 points per game , securing his fifth regular @-@ season MVP award , plus honors for All @-@ NBA First Team , First Defensive Team and the All @-@ Star Game MVP . The Bulls won the Eastern Conference Championship for a third straight season , including surviving a seven @-@ game series with the Indiana Pacers in the Eastern Conference Finals ; it was the first time Jordan had played in a Game 7 since the 1992 Eastern Conference Semifinals with the Knicks . After winning , they moved on for a rematch with the Jazz in the Finals . \n The Bulls returned to the Delta Center for Game 6 on June 14 , 1998 , leading the series 3 – 2 . Jordan executed a series of plays , considered to be one of the greatest clutch performances in NBA Finals history . With the Bulls trailing 86 – 83 with 41 @.@ 9 seconds remaining in the fourth quarter , Phil Jackson called a timeout . When play resumed , Jordan received the inbound pass , drove to the basket , and hit a shot over several Jazz defenders , cutting the Utah lead to 86 – 85 . The Jazz brought the ball upcourt and passed the ball to forward Karl Malone , who was set up in the low post and was being guarded by Rodman . Malone jostled with Rodman and caught the pass , but Jordan cut behind him and took the ball out of his hands for a steal . Jordan then dribbled down the court and paused , eyeing his defender , Jazz guard Bryon Russell . With 10 seconds remaining , Jordan started to dribble right , then crossed over to his left , possibly pushing off Russell , although the officials did not call a foul . With 5 @.@ 2 seconds left , Jordan gave Chicago an 87 – 86 lead with a game @-@ winning jumper , the climactic shot of his Bulls career . Afterwards , John Stockton missed a game @-@ winning three @-@ pointer . Jordan and the Bulls won their sixth NBA championship and second three @-@ peat . Once again , Jordan was voted the Finals MVP , having led all scorers averaging 33 @.@ 5 points per game , including 45 in the deciding Game 6 . Jordan 's six Finals MVPs is a record ; Shaquille O 'Neal , Magic Johnson , LeBron James and Tim Duncan are tied for second place with three apiece . The 1998 Finals holds the highest television rating of any Finals series in history . Game 6 also holds the highest television rating of any game in NBA history . \n"} +{"id": 277, "text": " With Phil Jackson 's contract expiring , the pending departures of Scottie Pippen and Dennis Rodman looming , and being in the latter stages of an owner @-@ induced lockout of NBA players , Jordan retired for the second time on January 13 , 1999 . On January 19 , 2000 , Jordan returned to the NBA not as a player , but as part owner and President of Basketball Operations for the Washington Wizards . Jordan 's responsibilities with the Wizards were comprehensive . He controlled all aspects of the Wizards ' basketball operations , and had the final say in all personnel matters . Opinions of Jordan as a basketball executive were mixed . He managed to purge the team of several highly paid , unpopular players ( such as forward Juwan Howard and point guard Rod Strickland ) , but used the first pick in the 2001 NBA draft to select high schooler Kwame Brown , who did not live up to expectations and was traded away after four seasons . \n Despite his January 1999 claim that he was \" 99 @.@ 9 % certain \" that he would never play another NBA game , in the summer of 2001 Jordan expressed interest in making another comeback , this time with his new team . Inspired by the NHL comeback of his friend Mario Lemieux the previous winter , Jordan spent much of the spring and summer of 2001 in training , holding several invitation @-@ only camps for NBA players in Chicago . In addition , Jordan hired his old Chicago Bulls head coach , Doug Collins , as Washington 's coach for the upcoming season , a decision that many saw as foreshadowing another Jordan return . \n"} +{"id": 278, "text": " On September 25 , 2001 , Jordan announced his return to the NBA to play for the Washington Wizards , indicating his intention to donate his salary as a player to a relief effort for the victims of the September 11 , 2001 attacks . In an injury @-@ plagued 2001 – 02 season , he led the team in scoring ( 22 @.@ 9 ppg ) , assists ( 5 @.@ 2 apg ) , and steals ( 1 @.@ 42 ) . However , torn cartilage in his right knee ended Jordan 's season after only 60 games , the fewest he had played in a regular season since playing 17 games after returning from his first retirement during the 1994 – 95 season . Jordan started 53 of his 60 games for the season , averaging 24 @.@ 3 points , 5 @.@ 4 assists , and 6 @.@ 0 rebounds , and shooting 41 @.@ 9 % from the field in his 53 starts . His last seven appearances were in a reserve role , in which he averaged just over 20 minutes per game . \n Playing in his 14th and final NBA All @-@ Star Game in 2003 , Jordan passed Kareem Abdul @-@ Jabbar as the all @-@ time leading scorer in All @-@ Star Game history ( a record since broken by Kobe Bryant ) . That year , Jordan was the only Washington player to play in all 82 games , starting in 67 of them . He averaged 20 @.@ 0 points , 6 @.@ 1 rebounds , 3 @.@ 8 assists , and 1 @.@ 5 steals per game . He also shot 45 % from the field , and 82 % from the free throw line . Even though he turned 40 during the season , he scored 20 or more points 42 times , 30 or more points nine times , and 40 or more points three times . On February 21 , 2003 , Jordan became the first 40 @-@ year @-@ old to tally 43 points in an NBA game . During his stint with the Wizards , all of Jordan 's home games at the MCI Center were sold out , and the Wizards were the second most @-@ watched team in the NBA , averaging 20 @,@ 172 fans a game at home and 19 @,@ 311 on the road . However , neither of Jordan 's final two seasons resulted in a playoff appearance for the Wizards , and Jordan was often unsatisfied with the play of those around him . At several points he openly criticized his teammates to the media , citing their lack of focus and intensity , notably that of the number one draft pick in the 2001 NBA draft , Kwame Brown . \n With the recognition that 2002 – 03 would be Jordan 's final season , tributes were paid to him throughout the NBA . In his final game at his old home court , the United Center in Chicago , Jordan received a four @-@ minute standing ovation . The Miami Heat retired the number 23 jersey on April 11 , 2003 , even though Jordan never played for the team . At the 2003 All @-@ Star Game , Jordan was offered a starting spot from Tracy McGrady and Allen Iverson , but refused both . In the end he accepted the spot of Vince Carter , who decided to give it up under great public pressure . \n Jordan 's final NBA game was on April 16 , 2003 in Philadelphia . After scoring only 13 points in the game , Jordan went to the bench with 4 minutes and 13 seconds remaining in the third quarter and with his team trailing the Philadelphia 76ers , 75 – 56 . Just after the start of the fourth quarter , the First Union Center crowd began chanting \" We want Mike ! \" . After much encouragement from coach Doug Collins , Jordan finally rose from the bench and re @-@ entered the game , replacing Larry Hughes with 2 : 35 remaining . At 1 : 45 , Jordan was intentionally fouled by the 76ers ' Eric Snow , and stepped to the line to make both free throws . After the second foul shot , the 76ers in @-@ bounded the ball to rookie John Salmons , who in turn was intentionally fouled by Bobby Simmons one second later , stopping time so that Jordan could return to the bench . Jordan received a three @-@ minute standing ovation from his teammates , his opponents , the officials and the crowd of 21 @,@ 257 fans . \n"} +{"id": 279, "text": " Jordan played on two Olympic gold medal @-@ winning American basketball teams . As a college player he participated , and won the gold , in the 1984 Summer Olympics . The team was coached by Bob Knight and featured players such as Patrick Ewing , Sam Perkins , Chris Mullin , Steve Alford , and Wayman Tisdale . Jordan led the team in scoring , averaging 17 @.@ 1 ppg for the tournament . \n In the 1992 Summer Olympics , he was a member of the star @-@ studded squad that included Magic Johnson , Larry Bird , and David Robinson and was dubbed the \" Dream Team \" . Jordan was the only player to start all 8 games in the Olympics . Playing limited minutes due to the frequent blowouts , Jordan averaged 14 @.@ 9 ppg , finishing second on the team in scoring . Jordan and fellow Dream Team members Patrick Ewing and Chris Mullin are the only American men 's basketball players to win Olympic gold as amateurs and professionals . \n"} +{"id": 280, "text": " After his third retirement , Jordan assumed that he would be able to return to his front office position of Director of Basketball Operations with the Wizards . However , his previous tenure in the Wizards ' front office had produced the aforementioned mixed results and may have also influenced the trade of Richard \" Rip \" Hamilton for Jerry Stackhouse ( although Jordan was not technically Director of Basketball Operations in 2002 ) . On May 7 , 2003 , Wizards owner Abe Pollin fired Jordan as Washington 's President of Basketball Operations . Jordan later stated that he felt betrayed , and that if he knew he would be fired upon retiring he never would have come back to play for the Wizards . \n Jordan kept busy over the next few years by staying in shape , playing golf in celebrity charity tournaments , spending time with his family in Chicago , promoting his Jordan Brand clothing line , and riding motorcycles . Since 2004 , Jordan has owned Michael Jordan Motorsports , a professional closed @-@ course motorcycle road racing team that competed with two in the premier Superbike championship sanctioned by the American Motorcyclist Association ( AMA ) until the end of the 2013 season . Jordan and his then @-@ wife Juanita pledged $ 5 million to Chicago 's Hales Franciscan High School in 2006 , and the Jordan Brand has made donations to Habitat for Humanity and a Louisiana branch of the Boys & Girls Clubs of America . \n"} +{"id": 281, "text": " On June 15 , 2006 , Jordan bought a minority stake in the Charlotte Bobcats , becoming the team 's second @-@ largest shareholder behind majority owner Robert L. Johnson . As part of the deal , Jordan took full control over the basketball side of the operation , with the title \" Managing Member of Basketball Operations . \" Despite Jordan 's previous success as an endorser , he has made an effort not to be included in Charlotte 's marketing campaigns . A decade earlier , Jordan had made a bid to become part @-@ owner of Charlotte 's original NBA team , the Charlotte Hornets , but talks collapsed when owner George Shinn refused to give Jordan complete control of basketball operations . \n In February 2010 , it was reported that Jordan was seeking majority ownership of the Bobcats . As February wore on , it emerged that the leading contenders for the team were Jordan and former Houston Rockets president George . On February 27 , the Bobcats announced that Johnson had reached an agreement with Jordan and his group , MJ Basketball Holdings , to buy the team pending NBA approval . On March 17 , the NBA Board of Governors unanimously approved Jordan 's purchase , making him the first former player ever to become the majority owner of an NBA team . It also made him the league 's only African @-@ American majority owner . \n During the 2011 NBA lockout , The New York Times wrote that Jordan led a group of 10 to 14 hardline owners wanting to cap the players ' share of basketball @-@ related income at 50 percent and as low as 47 . Journalists observed that , during the labor dispute in 1998 , Jordan had told Washington Wizards then @-@ owner Abe Pollin , \" If you can 't make a profit , you should sell your team . \" Jason Whitlock of called Jordan a \" sellout \" wanting \" current players to pay for his incompetence . \" He cited Jordan 's executive decisions to draft disappointing players Kwame Brown and Adam Morrison . \n During the 2011 – 12 NBA season , which was shortened to 66 games , the Bobcats posted a 7 – 59 record . Their winning percentage was the worst in NBA history . \" I 'm not real happy about the record book scenario last year . It 's very , very frustrating \" , Jordan said later that year . \n On May 21 , 2013 , Jordan filed papers to change the Bobcats ' name to the Hornets , effective with the 2014 – 15 season . The Hornets name had become available when the original Hornets , who had moved to New Orleans in 2002 , changed their name to the New Orleans Pelicans for the 2013 – 14 season . The NBA approved the change on July 18 . The name change became official on May 20 , 2014 . On the same day , the team announced that it had reclaimed the history and records of the original 1988 – 2002 Hornets . \n"} +{"id": 282, "text": " Jordan was a shooting guard who was also capable of playing as a small forward ( the position he would primarily play during his second return to professional basketball with the Washington Wizards ) , and as a point guard . Jordan was known throughout his career for being a strong clutch performer . With the Bulls , he decided 25 games with field goals or free throws in the last 30 seconds , including two NBA Finals games and five other playoff contests . His competitiveness was visible in his prolific trash @-@ talk and well @-@ known work ethic . As the Bulls organization built the franchise around Jordan , management had to trade away players who were not \" tough enough \" to compete with him in practice . To help improve his defense , he spent extra hours studying film of opponents . On offense , he relied more upon instinct and improvisation at game time . Noted as a durable player , Jordan did not miss four or more games while active for a full season from 1986 – 87 to 2001 – 02 , when he injured his right knee . He played all 82 games nine times . Jordan has frequently cited David Thompson , Walter Davis , and Jerry West as influences . From the start of his career , Jordan was unique among NBA players in that he had a special \" Love of the Game Clause \" written into his contract , which allowed him to play basketball against anyone at any time , anywhere . \n Jordan had a versatile offensive game . He was capable of aggressively driving to the basket , as well as drawing fouls from his opponents at a high rate ; his 8 @,@ 772 free throw attempts are the ninth @-@ highest total of all time . As his career progressed , Jordan also developed the ability to post up his opponents and score with his trademark fadeaway jump shot , using his leaping ability to \" fade away \" from block attempts . According to Hubie Brown , this move alone made him nearly unstoppable . Despite media criticism as a \" selfish \" player early in his career , Jordan 's 5 @.@ 3 assists per game also indicate his willingness to defer to his teammates . In later years , the NBA shortened its three @-@ point line to 22 feet ( from 23 feet , 9 inches ) , which coupled with Jordan 's extended shooting range to make him a long @-@ range threat as well — his 3 @-@ point stroke developed from a low 9 / 52 rate ( ) in his rookie year into a stellar 111 / 260 ( .427 ) shooter in the 1995 – 96 season . For a guard , Jordan was also a good rebounder ( 6 @.@ 2 per game ) . \n In 1988 , Jordan was honored with the NBA 's Defensive Player of the Year Award and became the first NBA player to win both the Defensive Player of the Year and MVP awards in a career ( since equaled by Hakeem Olajuwon , David Robinson , and Kevin Garnett ; Olajuwon is the only player other than Jordan to win both during the same season ) . In addition he set both seasonal and career records for blocked shots by a guard , and combined this with his ball @-@ thieving ability to become a standout defensive player . He ranks third in NBA history in total steals with 2 @,@ 514 , trailing John Stockton and Jason Kidd . Jerry West often stated that he was more impressed with Jordan 's defensive contributions than his offensive ones . He was also known to have strong eyesight ; broadcaster Al Michaels said that he was able to read baseball box scores on a 27 @-@ inch television clearly from about 50 feet away . \n"} +{"id": 283, "text": " Jordan 's marked talent was clear from his rookie season . In his first game in Madison Square Garden against the New York Knicks , Jordan received a prolonged standing ovation , a rarity for an opposing player . After Jordan scored a playoff record 63 points against the Boston Celtics on April 20 , 1986 , Celtics star Larry Bird described him as \" God disguised as Michael Jordan . \" \n Jordan led the NBA in scoring in 10 seasons ( NBA record ) and tied Wilt Chamberlain 's record of seven consecutive scoring titles . He was also a fixture on the NBA All @-@ Defensive First Team , making the roster nine times ( NBA record shared with Gary Payton , Kevin Garnett and Kobe Bryant ) . Jordan also holds the top career regular season and playoff scoring averages of 30 @.@ 1 and 33 @.@ 4 points per game , respectively . By 1998 , the season of his Finals @-@ winning shot against the Jazz , he was well known throughout the league as a clutch performer . In the regular season , Jordan was the Bulls ' primary threat in the final seconds of a close game and in the playoffs , Jordan would always demand the ball at crunch time . Jordan 's total of 5 @,@ 987 points in the playoffs is the highest in NBA history . He retired with 32 @,@ 292 points in regular season play , placing him fourth on the NBA 's all @-@ time scoring list behind Kareem Abdul @-@ Jabbar , Karl Malone , and Kobe Bryant . \n With five regular @-@ season MVPs ( tied for second place with Bill Russell ; only Kareem Abdul @-@ Jabbar has won more , six ) , six Finals MVPs ( NBA record ) , and three All @-@ Star MVPs , Jordan is the most decorated player ever to play in the NBA . Jordan finished among the top three in regular @-@ season MVP voting a record 10 times , and was named one of the 50 Greatest Players in NBA History in 1996 . He is one of only seven players in history to win an NCAA championship , an NBA championship , and an Olympic gold medal ( doing so twice with the 1984 and 1992 U.S. men 's basketball teams ) . \n Many of Jordan 's contemporaries say that Jordan is the greatest basketball player of all time . In 1999 , an ESPN survey of journalists , athletes and other sports figures ranked Jordan the greatest North American athlete of the 20th century , above such luminaries as Babe Ruth and Muhammad Ali . Jordan placed second to Babe Ruth in the Associated Press 's December 1999 list of 20th century athletes . In addition , the Associated Press voted him as the basketball player of the 20th century . Jordan has also appeared on the front cover of Sports Illustrated a record 50 times . In the September 1996 issue of Sport , which was the publication 's 50th anniversary issue , Jordan was named the greatest athlete of the past 50 years . \n Jordan 's athletic leaping ability , highlighted in his back @-@ to @-@ back slam dunk contest championships in 1987 and 1988 , is credited by many with having influenced a generation of young players . Several current NBA All @-@ Stars have stated that they considered Jordan their role model while growing up , including LeBron James and Dwyane Wade . In addition , commentators have dubbed a number of next @-@ generation players \" the next Michael Jordan \" upon their entry to the NBA , including \" Penny \" Hardaway , Grant Hill , Allen Iverson , Kobe Bryant , LeBron James , Vince Carter , and Dwyane Wade . Although Jordan was a well @-@ rounded player , his \" Air Jordan \" image is also often credited with inadvertently decreasing the jump shooting skills , defense , and fundamentals of young players , a fact Jordan himself has lamented . \n I think it was the exposure of Michael Jordan ; the marketing of Michael Jordan . Everything was marketed towards the things that people wanted to see , which was scoring and dunking . That Michael Jordan still played defense and an all @-@ around game , but it was never really publicized . \n Although Jordan has done much to increase the status of the game , some of his impact on the game 's popularity in America appears to be fleeting . Television ratings in particular increased only during his time in the league , and Finals ratings have not returned to the level reached during his last championship @-@ winning season . \n In August 2009 , the Basketball Hall of Fame in Springfield , Massachusetts , opened a Michael Jordan exhibit containing items from his college and NBA careers , as well as from the 1992 \" Dream Team \" . The exhibit also has a batting glove to signify Jordan 's short career in baseball . After Jordan received word of his being accepted into the Hall of Fame , he selected Class of 1996 member David Thompson to present him . As Jordan would later explain during his induction speech in September 2009 , growing up in North Carolina , he was not a fan of the Tar Heels , and greatly admired Thompson , who played at rival North Carolina State . He was inducted into the Hall in September , with several former Bulls teammates in attendance , including Scottie Pippen , Dennis Rodman , Charles Oakley , Ron Harper , Steve Kerr , and Toni Kukoč . Former coaches of Jordan 's , Dean Smith and Doug Collins , were also among those present . His emotional reaction during his speech , when he began to cry , was captured by Associated Press photographer Stephan Savoia and would later become widely shared on social media as the Crying Jordan Internet meme . \n"} +{"id": 284, "text": " He married Juanita in September 1989 , and they have two sons , Jeffrey Michael and Marcus James , and a daughter , Jasmine . Jordan and filed for divorce on January 4 , 2002 , citing irreconcilable differences , but reconciled shortly thereafter . They again filed for divorce and were granted a final decree of dissolution of marriage on December 29 , 2006 , commenting that the decision was made \" mutually and amicably \" . It is reported that Juanita received a $ 168 million settlement ( equivalent to $ 197 million in 2015 ) , making it the largest celebrity divorce settlement in history at the time on public record . \n In 1991 , Jordan purchased a lot in Highland Park , Illinois , to build a 56 @,@ 000 square foot mansion , which was completed four years later . Both of his sons attended Loyola Academy , a private Roman Catholic high school located in Wilmette , Illinois . Jeffrey graduated as a member of the 2007 graduating class and played his first collegiate basketball game on November 11 , 2007 , for the University of Illinois . After two seasons , Jeffrey left the Illinois basketball team in 2009 . He later rejoined the team for a third season , then received a release to transfer to the University of Central Florida , where Marcus was attending . Marcus transferred to Whitney Young High School after his sophomore year at Loyola Academy and graduated in 2009 . He began attending UCF in the fall of 2009 , and played three seasons of basketball for the school . \n On July 21 , 2006 , a judge in Cook County , Illinois , determined that Jordan did not owe his alleged former lover Karla Knafel $ 5 million in a breach of contract claim . Jordan had allegedly paid Knafel $ 250 @,@ 000 to keep their relationship a secret . Knafel claimed Jordan promised her $ 5 million for remaining silent and agreeing not to file a paternity suit after Knafel learned she was pregnant in 1991 . A DNA test showed Jordan was not the father of the child . \n He proposed to his longtime girlfriend , Cuban @-@ American model Yvette Prieto , on Christmas Eve , 2011 , and they were married on April 27 , 2013 , at Bethesda @-@ by @-@ the @-@ Sea Episcopal Church . It was announced on November 30 , 2013 , that the two were expecting their first child together . Jordan listed his Highland Park mansion for sale in 2012 . On February 11 , 2014 , Prieto gave birth to identical twin daughters named Victoria and Ysabel . \n Jordan 's private jet features a stripe in Carolina blue , the \" Air Jordan \" logo on the tail , and references to his career in the identification number . \n"} +{"id": 285, "text": " Jordan is one of the most marketed sports figures in history . He has been a major spokesman for such brands as Nike , Coca @-@ Cola , Chevrolet , Gatorade , McDonald 's , Ball Park Franks , , Wheaties , Hanes , and MCI . Jordan has had a long relationship with Gatorade , appearing in over 20 commercials for the company since 1991 , including the \" Be Like Mike \" commercials in which a song was sung by children wishing to be like Jordan . \n Nike created a signature shoe for him , called the Air Jordan . One of Jordan 's more popular commercials for the shoe involved Spike Lee playing the part of Mars Blackmon . In the commercials Lee , as Blackmon , attempted to find the source of Jordan 's abilities and became convinced that \" it 's gotta be the shoes \" . The hype and demand for the shoes even brought on a spate of \" shoe @-@ \" where people were robbed of their sneakers at gunpoint . Subsequently , Nike spun off the Jordan line into its own division named the \" Jordan Brand \" . The company features an impressive list of athletes and celebrities as endorsers . The brand has also sponsored college sports programs such as those of North Carolina , Cal , Georgetown , and Marquette . \n Jordan also has been associated with the Looney Tunes cartoon characters . A Nike commercial shown during 1992 's Super Bowl XXVI featured Jordan and Bugs Bunny playing basketball . The Super Bowl commercial inspired the 1996 live action / animated film Space Jam , which starred Jordan and Bugs in a fictional story set during the former 's first retirement from basketball . They have subsequently appeared together in several commercials for MCI . Jordan also made an appearance in the music video of Michael Jackson 's \" Jam \" ( 1992 ) . \n Jordan 's yearly income from the endorsements is estimated to be over forty million dollars . In addition , when Jordan 's power at the ticket gates was at its highest point , the Bulls regularly sold out both their home and road games . Due to this , Jordan set records in player salary by signing annual contracts worth in excess of US $ 30 million per season . An academic study found that Jordan 's first NBA comeback resulted in an increase in the market capitalization of his client firms of more than $ 1 billion . \n Most of Jordan 's endorsement deals , including his first deal with Nike , were engineered by his agent , David Falk . Jordan has described Falk as \" the best at what he does \" and that \" marketing @-@ wise , he 's great . He 's the one who came up with the concept of ' Air Jordan . ' \" \n In June 2010 , Jordan was ranked by Forbes magazine as the 20th @-@ most powerful celebrity in the world with $ 55 million earned between June 2009 and June 2010 . According to the Forbes article , Jordan Brand generates $ 1 billion in sales for Nike . In June 2014 , Jordan was named the first NBA player to become a billionaire , after he increased his stake in the Charlotte Hornets from 80 % to 89 @.@ 5 % . On January 20 , 2015 , Jordan was honored with the Charlotte Business Journal 's Business Person of the Year for 2014 . As of November 2015 , his current net worth is estimated at $ 1 @.@ 1 billion by Forbes . Jordan is the second @-@ richest African @-@ American in the world as of 2015 . \n"} +{"id": 286, "text": " Polish culture during World War II was suppressed by the occupying powers of Nazi Germany and the Soviet Union , both of whom were hostile to Poland 's people and cultural heritage . Policies aimed at cultural genocide resulted in the deaths of thousands of scholars and artists , and the theft and destruction of innumerable cultural artifacts . The \" maltreatment of the Poles was one of many ways in which the Nazi and Soviet regimes had grown to resemble one another \" , wrote British historian Niall Ferguson . \n The occupiers looted and destroyed much of Poland 's cultural and historical heritage , while persecuting and murdering members of the Polish cultural elite . Most Polish schools were closed , and those that remained open saw their curricula altered significantly . \n Nevertheless , underground organizations and individuals – in particular the Polish Underground State – saved much of Poland 's most valuable cultural treasures , and worked to salvage as many cultural institutions and artifacts as possible . The Catholic Church and wealthy individuals contributed to the survival of some artists and their works . Despite severe retribution by the Nazis and Soviets , Polish underground cultural activities , including publications , concerts , live theater , education , and academic research , continued throughout the war . \n"} +{"id": 287, "text": " In 1795 Poland ceased to exist as an sovereign nation and throughout the 19th century remained partitioned by degrees between Prussian , Austrian and Russian empires . Not until the end of World War I was independence restored and the nation reunited , although the drawing of boundary lines was , of necessity , a contentious issue . Independent Poland lasted for only 21 years before it was again attacked and divided among foreign powers . \n On 1 September 1939 , Germany invaded Poland , initiating World War II in Europe , and on 17 September , pursuant to the Molotov @-@ Ribbentrop Pact , Poland was invaded by the Soviet Union . Subsequently Poland was partitioned again – between these two powers – and remained under occupation for most of the war . By 1 October , Germany and the Soviet Union had completely overrun Poland , although the Polish government never formally surrendered , and the Polish Underground State , subordinate to the Polish government @-@ in @-@ exile , was soon formed . On 8 October , Nazi Germany annexed the western areas of pre @-@ war Poland and , in the remainder of the occupied area , established the General Government . The Soviet Union had to temporarily give up the territorial gains it made in 1939 due to the German invasion of the Soviet Union , but permanently re @-@ annexed much of this territory after winning it back in mid @-@ 1944 . Over the course of the war , Poland lost over 20 % of its pre @-@ war population amid an occupation that marked the end of the Second Polish Republic . \n"} +{"id": 288, "text": " Germany 's policy toward the Polish nation and its culture evolved during the course of the war . Many German officials and military officers were initially not given any clear guidelines on the treatment of Polish cultural institutions , but this quickly changed . Immediately following the invasion of Poland in September 1939 , the Nazi German government implemented the first stages ( the \" small plan \" ) of Generalplan Ost . The basic policy was outlined by the Berlin Office of Racial Policy in a document titled Concerning the Treatment of the Inhabitants of the Former Polish Territories , from a Racial @-@ Political Standpoint . Slavic people living east of the pre @-@ war German border were to be Germanized , enslaved or eradicated , depending on whether they lived in the territories directly annexed into the German state or in the General Government . \n Much of the German policy on Polish culture was formulated during a meeting between the governor of the General Government , Hans Frank , and Nazi Minister of Propaganda Joseph Goebbels , at Łódź on 31 October 1939 . Goebbels declared that \" The Polish nation is not worthy to be called a cultured nation \" . He and Frank agreed that opportunities for the Poles to experience their culture should be severely restricted : no theaters , cinemas or cabarets ; no access to radio or press ; and no education . Frank suggested that the Poles should periodically be shown films highlighting the achievements of the Third Reich and should eventually be addressed only by megaphone . During the following weeks Polish schools beyond middle vocational levels were closed , as were theaters and many other cultural institutions . The only Polish @-@ language newspaper published in occupied Poland was also closed , and the arrests of Polish intellectuals began . \n In March 1940 , all cultural activities came under the control of the General Government 's Department of People 's Education and Propaganda ( Abteilung für und Propaganda ) , whose name was changed a year later to the \" Chief Propaganda Department \" ( Propaganda ) . Further directives issued in the spring and early summer reflected policies that had been outlined by Frank and Goebbels during the previous autumn . One of the Department 's earliest decrees prohibited the organization of all but the most \" primitive \" of cultural activities without the Department 's prior approval . Spectacles of \" low quality \" , including those of an erotic or pornographic nature , were however an exception — those were to be popularized to appease the population and to show the world the \" real \" Polish culture as well as to create the impression that Germany was not preventing Poles from expressing themselves . German propaganda specialists invited critics from neutral countries to specially organized \" Polish \" performances that were specifically designed to be boring or pornographic , and presented them as typical Polish cultural activities . Polish @-@ German cooperation in cultural matters , such as joint public performances , was strictly prohibited . Meanwhile , a compulsory registration scheme for writers and artists was introduced in August 1940 . Then , in October , the printing of new Polish @-@ language books was prohibited ; existing titles were censored , and often confiscated and withdrawn . \n In 1941 , German policy evolved further , calling for the complete destruction of the Polish people , whom the Nazis regarded as \" subhumans \" ( Untermenschen ) . Within ten to twenty years , the Polish territories under German occupation were to be entirely cleared of ethnic Poles and settled by German colonists . The policy was relaxed somewhat in the final years of occupation ( 1943 – 44 ) , in view of German military defeats and the approaching Eastern Front . The Germans hoped that a more lenient cultural policy would lessen unrest and weaken the Polish Resistance . Poles were allowed back into those museums that now supported German propaganda and indoctrination , such as the newly created Chopin museum , which emphasized the composer 's invented German roots . Restrictions on education , theater and music performances were eased . \n Given that the Second Polish Republic was a multicultural state , German policies and propaganda also sought to create and encourage conflicts between ethnic groups , fueling tension between Poles and Jews , and between Poles and Ukrainians . In Łódź , the Germans forced Jews to help destroy a monument to a Polish hero , Tadeusz Kościuszko , and filmed them committing the act . Soon afterward , the Germans set fire to a Jewish synagogue and filmed Polish bystanders , portraying them in propaganda releases as a \" vengeful mob . \" This divisive policy was reflected in the Germans ' decision to destroy Polish education , while at the same time , showing relative tolerance toward the Ukrainian school system . As the high @-@ ranking Nazi official Erich Koch explained , \" We must do everything possible so that when a Pole meets a Ukrainian , he will be willing to kill the Ukrainian and conversely , the Ukrainian will be willing to kill the Pole . \" \n"} +{"id": 289, "text": " In 1939 , as the occupation regime was being established , the Nazis confiscated Polish state property and much private property . Countless art objects were looted and taken to Germany , in line with a plan that had been drawn up well in advance of the invasion . The looting was supervised by experts of the SS @-@ Ahnenerbe , Einsatzgruppen units , who were responsible for art , and by experts of Ost , who were responsible for more mundane objects . Notable items plundered by the Nazis included the Altar of Veit Stoss and paintings by Raphael , Rembrandt , Leonardo da Vinci , Canaletto and Bacciarelli . Most of the important art pieces had been \" secured \" by the Nazis within six months of September 1939 ; by the end of 1942 , German officials estimated that \" over 90 % \" of the art previously in Poland was in their possession . Some art was shipped to German museums , such as the planned in Linz , while other art became the private property of Nazi officials . Over 516 @,@ 000 individual art pieces were taken , including 2 @,@ 800 paintings by European painters ; 11 @,@ 000 works by Polish painters ; 1 @,@ 400 sculptures , 75 @,@ 000 manuscripts , 25 @,@ 000 maps , and 90 @,@ 000 books ( including over 20 @,@ 000 printed before 1800 ) ; as well as hundreds of thousands of other objects of artistic and historic value . Even exotic animals were taken from the zoos . \n"} +{"id": 290, "text": " Many places of learning and culture — universities , schools , libraries , museums , theaters and cinemas — were either closed or designated as \" Nur für Deutsche \" ( For Germans Only ) . Twenty @-@ five museums and a host of other institutions were destroyed during the war . According to one estimate , by war 's end 43 % of the infrastructure of Poland 's educational and research institutions and 14 % of its museums had been destroyed . According to another , only 105 of pre @-@ war Poland 's 175 museums survived the war , and just 33 of these institutions were able to reopen . Of pre @-@ war Poland 's 603 scientific institutions , about half were totally destroyed , and only a few survived the war relatively intact . \n Many university professors , as well as teachers , lawyers , artists , writers , priests and other members of the Polish intelligentsia were arrested and executed , or transported to concentration camps , during operations such as AB @-@ Aktion . This particular campaign resulted in the infamous Krakau and the massacre of Lwów professors . During World War II Poland lost 39 % to 45 % of its physicians and dentists , 26 % to 57 % of its lawyers , 15 % to 30 % of its teachers , 30 % to 40 % of its scientists and university professors , and 18 % to 28 % of its clergy . The Jewish intelligentsia was exterminated altogether . The reasoning behind this policy was clearly articulated by a Nazi : \" In my district , [ any Pole who ] shows signs of intelligence will be shot . \" \n As part of their program to suppress Polish culture , the German Nazis attempted to destroy Christianity in Poland , with a particular emphasis on the Roman Catholic Church . In some parts of occupied Poland , Poles were restricted , or even forbidden , from attending religious services . At the same time , church property was confiscated , prohibitions were placed on using the Polish language in religious services , organizations affiliated with the Catholic Church were abolished , and it was forbidden to perform certain religious songs — or to read passages of the Bible — in public . The worst conditions were found in the Reichsgau Wartheland , which the Nazis treated as a laboratory for their anti @-@ religious policies . Polish clergy and religious leaders figured prominently among portions of the intelligentsia that were targeted for extermination . \n To forestall the rise of a new generation of educated Poles , German officials decreed that the schooling of Polish children would be limited to a few years of elementary education . Reichsführer @-@ SS Heinrich Himmler wrote , in a memorandum of May 1940 : \" The sole purpose of this schooling is to teach them simple arithmetic , nothing above the number 500 ; how to write one 's name ; and the doctrine that it is divine law to obey the Germans .... I do not regard a knowledge of reading as desirable . \" Hans Frank echoed him : \" The Poles do not need universities or secondary schools ; the Polish lands are to be converted into an intellectual desert . \" The situation was particularly dire in the former Polish territories beyond the General Government , which had been annexed to the Third Reich . The specific policy varied from territory to territory , but in general , there was no Polish @-@ language education at all . German policy constituted a crash @-@ Germanization of the populace . Polish teachers were dismissed , and some were invited to attend \" orientation \" meetings with the new administration , where they were either summarily arrested or executed on the spot . Some Polish schoolchildren were sent to German schools , while others were sent to special schools where they spent most of their time as unpaid laborers , usually on German @-@ run farms ; speaking Polish brought severe punishment . It was expected that Polish children would begin to work once they finished their primary education at age 12 to 15 . In the eastern territories not included in the General Government ( Bezirk Bialystok , Reichskommissariat Ostland and Reichskommissariat Ukraine ) many primary schools were closed , and most education was conducted in non @-@ Polish languages such as Ukrainian , Belorussian , and Lithuanian . In the Bezirk Bialystok region , for example , 86 % of the schools that had existed before the war were closed down during the first two years of German occupation , and by the end of the following year that figure had increased to 93 % . \n The state of Polish primary schools was somewhat better in the General Government , though by the end of 1940 , only 30 % of prewar schools were operational , and only 28 % of prewar Polish children attended them . A German police memorandum of August 1943 described the situation as follows : \n Pupils sit crammed together without necessary materials , and often without skilled teaching staff . Moreover , the Polish schools are closed during at least five months out of the ten months of the school year due to lack of coal or other fuel . Of twenty @-@ thirty spacious school buildings which Kraków had before 1939 , today the worst two buildings are used ... Every day , pupils have to study in several shifts . Under such circumstances , the school day , which normally lasts five hours , is reduced to one hour . \n In the General Government , the remaining schools were subjugated to the German educational system , and the number and competence of their Polish staff was steadily scaled down . All universities and most secondary schools were closed , if not immediately after the invasion , then by mid @-@ 1940 . By late 1940 , no official Polish educational institutions more advanced than a vocational school remained in operation , and they offered nothing beyond the elementary trade and technical training required for the Nazi economy . Primary schooling was to last for seven years , but the classes in the final two years of the program were to be limited to meeting one day per week . There was no money for heating of the schools in winter . Classes and schools were to be merged , Polish teachers dismissed , and the resulting savings used to sponsor the creation of schools for children of the German minority or to create barracks for German troops . No new Polish teachers were to be trained . The educational curriculum was censored ; subjects such as literature , history and geography were removed . Old textbooks were confiscated and school libraries were closed . The new educational aims for Poles included convincing them that their national fate was hopeless , and teaching them to be submissive and respectful to Germans . This was accomplished through deliberate tactics such as police raids on schools , police inspections of student belongings , mass arrests of students and teachers , and the use of students as forced laborers , often by transporting them to Germany as seasonal workers . \n The Germans were especially active in the destruction of Jewish culture in Poland ; nearly all of the wooden synagogues there were destroyed . Moreover , the sale of Jewish literature was banned throughout Poland . \n Polish literature faced a similar fate in territories annexed by Germany , where the sale of Polish books was forbidden . The public destruction of Polish books was not limited to those seized from libraries , but also included those books that were confiscated from private homes . The last Polish book titles not already proscribed were withdrawn in 1943 ; even Polish prayer books were confiscated . Soon after the occupation began , most libraries were closed ; in Kraków , about 80 % of the libraries were closed immediately , while the remainder saw their collections decimated by censors . The occupying powers destroyed Polish book collections , including the Sejm and Senate Library , the Estate Library , the Zamoyski Estate Library , the Central Military Library , and the Rapperswil Collection . In 1941 , the last remaining Polish public library in the German @-@ occupied territories was closed in Warsaw . During the war , Warsaw libraries lost about a million volumes , or 30 % of their collections . More than 80 % of these losses were the direct result of purges rather than wartime conflict . Overall , it is estimated that about 10 million volumes from state @-@ owned libraries and institutions perished during the war . \n Polish flags and other symbols were confiscated . The war on the Polish language included the tearing down of signs in Polish and the banning of Polish speech in public places . Persons who spoke Polish in the streets were often insulted and even physically assaulted . The Germanization of place names prevailed . Many treasures of Polish culture – including memorials , plaques and monuments to national heroes ( e.g. , Kraków 's Adam Mickiewicz monument ) – were destroyed . In Toruń , all Polish monuments and plaques were torn down . Dozens of monuments were destroyed throughout Poland . The Nazis planned to level entire cities . \n"} +{"id": 291, "text": " The Germans prohibited publication of any regular Polish @-@ language book , literary study or scholarly paper . In 1940 , several German @-@ controlled printing houses began operating in occupied Poland , publishing items such as Polish @-@ German dictionaries and antisemitic and anticommunist novels . \n Censorship at first targeted books that were considered to be \" serious \" , including scientific and educational texts and texts that were thought to promote Polish patriotism ; only fiction that was free of anti @-@ German overtones was permitted . Banned literature included maps , atlases and English- and French @-@ language publications , including dictionaries . Several non @-@ public indexes of prohibited books were created , and over 1 @,@ 500 Polish writers were declared \" dangerous to the German state and culture \" . The index of banned authors included such Polish authors as Adam Mickiewicz , Juliusz Słowacki , Stanisław Wyspiański , Bolesław Prus , Stefan Żeromski , Józef Ignacy Kraszewski , Władysław Reymont , Stanisław Wyspiański , Julian Tuwim , , Leopold Staff , Eliza and Maria Konopnicka . Mere possession of such books was illegal and punishable by imprisonment . Door @-@ to @-@ door sale of books was banned , and bookstores — which required a license to operate — were either emptied out or closed . \n Poles were forbidden , under penalty of death , to own radios . The press was reduced from over 2 @,@ 000 publications to a few dozen , all censored by the Germans . All pre @-@ war newspapers were closed , and the few that were published during the occupation were new creations under the total control of the Germans . Such a thorough destruction of the press was unprecedented in contemporary history . The only officially available reading matter was the propaganda press that was disseminated by the German occupation administration . Cinemas , now under the control of the German propaganda machine , saw their programming dominated by Nazi German movies , which were preceded by propaganda newsreels . The few Polish films permitted to be shown ( about 20 % of the total programming ) were edited to eliminate references to Polish national symbols as well as Jewish actors and producers . Several propaganda films were shot in Polish , although no Polish films were shown after 1943 . As all profits from Polish cinemas were officially directed toward German war production , attendance was discouraged by the Polish underground ; a famous underground slogan declared : \" w \" ( \" Only pigs attend the movies \" ) . A similar situation faced theaters , which were forbidden by the Germans to produce \" serious \" spectacles . Indeed , a number of propaganda pieces were created for theater stages . Hence , theatrical productions were also boycotted by the underground . In addition , actors were discouraged from performing in them and warned that they would be labeled as collaborators if they failed to comply . Ironically , restrictions on cultural performances were eased in Jewish ghettos , given that the Germans wished to distract ghetto inhabitants and prevent them from grasping their eventual fate . \n Music was the least restricted of cultural activities , probably because Hans Frank regarded himself as a fan of serious music . In time , he ordered the creation of the Orchestra and Symphony of the General Government in its capital , Kraków . Numerous musical performances were permitted in cafes and churches , and the Polish underground chose to boycott only the propagandist operas . Visual artists , including painters and sculptors , were compelled to register with the German government ; but their work was generally tolerated by the underground , unless it conveyed propagandist themes . Shuttered museums were replaced by occasional art exhibitions that frequently conveyed propagandist themes . \n The development of Nazi propaganda in occupied Poland can be divided into two main phases . Initial efforts were directed towards creating a negative image of pre @-@ war Poland , and later efforts were aimed at fostering anti @-@ Soviet , antisemitic , and pro @-@ German attitudes . \n"} +{"id": 292, "text": " After the Soviet invasion of Poland ( beginning 17 September 1939 ) that followed the German invasion that had marked the start of World War II ( beginning 1 September 1939 ) , the Soviet Union annexed the eastern parts ( \" Kresy \" ) of the Second Polish Republic , comprising 201 @,@ 015 square kilometres ( 77 @,@ 612 sq mi ) and a population of 13 @.@ 299 million . Hitler and Stalin shared the goal of obliterating Poland 's political and cultural life , so that Poland would , according to historian Niall Ferguson , \" cease to exist not merely as a place , but also as an idea \" . \n The Soviet authorities regarded service to the prewar Polish state as a \" crime against revolution \" and \" counter @-@ revolutionary activity \" and arrested many members of the Polish intelligentsia , politicians , civil servants and academics , as well as ordinary persons suspected of posing a threat to Soviet rule . More than a million Polish citizens were deported to Siberia , many to Gulag concentration camps , for years or decades . Others died , including over 20 @,@ 000 military officers who perished in the Katyn massacres . \n The Soviets quickly the annexed lands , introducing compulsory collectivization . They proceeded to confiscate , nationalize and redistribute private and state @-@ owned Polish property . In the process , they banned political parties and public associations and imprisoned or executed their leaders as \" enemies of the people \" . In line with Soviet anti @-@ religious policy , churches and religious organizations were persecuted . On 10 February 1940 , the NKVD unleashed a campaign of terror against \" anti @-@ Soviet \" elements in occupied Poland . The Soviets ' targets included persons who often traveled abroad , persons involved in overseas correspondence , , , Red Cross workers , refugees , smugglers , priests and members of religious congregations , the nobility , landowners , wealthy merchants , bankers , industrialists , and hotel and restaurant owners . Stalin , like Hitler , worked to eliminate Polish society . \n The Soviet authorities sought to remove all trace of the Polish history of the area now under their control . The name \" Poland \" was banned . Polish monuments were torn down . All institutions of the dismantled Polish state , including the Lwów University , were closed , then reopened , mostly with new Russian directors . Soviet Communist ideology became paramount in all teaching . Polish literature and language studies were dissolved by the Soviet authorities , and the Polish language was replaced with Russian or Ukrainian . Polish @-@ language books were burned even in the primary schools . Polish teachers were not allowed in the schools , and many were arrested . Classes were held in Belorussian , Lithuanian and Ukrainian , with a new pro @-@ Soviet curriculum . As Polish @-@ Canadian historian Piotr noted , citing British historians M. R. D. Foot and I. C. B. Dear , majority of scholars believe that \" In the Soviet occupation zone , conditions were only marginally less harsh than under the Germans . \" In September 1939 , many Polish Jews had fled east ; after some months of living under Soviet rule , some of them wanted to return to the German zone of occupied Poland . \n All publications and media were subjected to censorship . The Soviets sought to recruit Polish left @-@ wing intellectuals who were willing to cooperate . Soon after the Soviet invasion , the Writers ' Association of Soviet Ukraine created a local chapter in Lwów ; there was a Polish @-@ language theater and radio station . Polish cultural activities in Minsk and Wilno were less organized . These activities were strictly controlled by the Soviet authorities , which saw to it that these activities portrayed the new Soviet regime in a positive light and vilified the former Polish government . \n The Soviet propaganda @-@ motivated support for Polish @-@ language cultural activities , however , clashed with the official policy of Russification . The Soviets at first intended to phase out the Polish language and so banned Polish from schools , street signs , and other aspects of life . This policy was , however , reversed at times — first before the elections in October 1939 ; and later , after the German conquest of France . In November 1940 , the Poles of Lwów observed the 85th anniversary of Adam Mickiewicz 's death . Soon , however , Stalin decided to re @-@ implement the Russification policies . He reversed his decision again , however , when a need arose for Polish @-@ language pro @-@ Soviet propaganda following the German invasion of the Soviet Union ; as a result Stalin permitted the creation of Polish forces in the East and later decided to create a Communist People 's Republic of Poland . \n Many Polish writers collaborated with the Soviets , writing pro @-@ Soviet propaganda . They included Jerzy , Tadeusz Boy @-@ Żeleński , Kazimierz , Janina , Jan , Teodor , Leon , Zuzanna Ginczanka , Halina , Mieczysław , Stefan , Stanisław Jerzy , Tadeusz , Juliusz Kleiner , Jan Kott , , Karol , Leopold Lewin , Anatol , Jerzy , Leon Pasternak , Julian , Jerzy , Jerzy Rawicz , Adolf Rudnicki , Włodzimierz , Włodzimierz , Elżbieta , Anatol Stern , Julian Stryjkowski , Lucjan , Leopold , Wanda Wasilewska , Stanisław Wasilewski , Adam , Aleksander Weintraub and Bruno Winawer . \n Other Polish writers , however , rejected the Soviet persuasions and instead published underground : Jadwiga , Jerzy , Jadwiga @-@ , , Beata , , Tadeusz Peiper , Teodor , Juliusz Petry . Some writers , such as Władysław , after collaborating with the Soviets for a few months , joined the anti @-@ Soviet opposition . Similarly , Aleksander Wat , initially sympathetic to communism , was arrested by the Soviet NKVD secret police and exiled to Kazakhstan . \n"} +{"id": 293, "text": " Polish culture persisted in underground education , publications , even theater . The Polish Underground State created a Department of Education and Culture ( under Stanisław Lorentz ) which , along with a Department of Labor and Social Welfare ( under Jan Stanisław Jankowski and , later , Stefan Mateja ) and a Department for Elimination of the Effects of War ( under Antoni Olszewski and Bronisław ) , became underground patrons of Polish culture . These Departments oversaw efforts to save from looting and destruction works of art in state and private collections ( most notably , the giant paintings by Jan Matejko that were concealed throughout the war ) . They compiled reports on looted and destroyed works and provided artists and scholars with means to continue their work and their publications and to support their families . Thus , they sponsored the underground publication ( bibuła ) of works by Winston Churchill and Arkady Fiedler and of 10 @,@ 000 copies of a Polish primary @-@ school primer and commissioned artists to create resistance artwork ( which was then disseminated by Operation N and like activities ) . Also occasionally sponsored were secret art exhibitions , theater performances and concerts . \n Other important patrons of Polish culture included the Roman Catholic Church and Polish aristocrats , who likewise supported artists and safeguarded Polish heritage ( notable patrons included Cardinal Adam Stefan Sapieha and a former politician , Janusz Radziwiłł ) . Some private publishers , including Stefan , Zbigniew and the publishing house , paid writers for books that would be delivered after the war . \n"} +{"id": 294, "text": " In response to the German closure and censorship of Polish schools , resistance among teachers led almost immediately to the creation of large @-@ scale underground educational activities . Most notably , the Secret Teaching Organization ( Tajna Organizacja , TON ) was created as early as in October 1939 . Other organizations were created locally ; after 1940 they were increasingly subordinated and coordinated by the TON , working closely with the Underground 's State Department of Culture and Education , which was created in autumn 1941 and headed by Czesław , creator of the TON . Classes were either held under the cover of officially permitted activities or in private homes and other venues . By 1942 , about 1 @,@ 500 @,@ 000 students took part in underground primary education ; in 1944 , its secondary school system covered 100 @,@ 000 people , and university level courses were attended by about 10 @,@ 000 students ( for comparison , the pre @-@ war enrollment at Polish universities was about 30 @,@ 000 for the 1938 / 1939 year ) . More than 90 @,@ 000 secondary @-@ school pupils attended underground classes held by nearly 6 @,@ 000 teachers between 1943 and 1944 in four districts of the General Government ( centered on the cities of Warsaw , Kraków , Radom and Lublin ) . Overall , in that period in the General Government , one of every three children was receiving some sort of education from the underground organizations ; the number rose to about 70 % for children old enough to attend secondary school . It is estimated that in some rural areas , the educational coverage was actually improved ( most likely as courses were being organized in some cases by teachers escaped or deported from the cities ) . Compared to pre @-@ war classes , the absence of Polish Jewish students was notable , as they were confined by the Nazi Germans to ghettos ; there was , however , underground Jewish education in the ghettos , often organized with support from Polish organizations like TON . Students at the underground schools were often also members of the Polish resistance . \n In Warsaw , there were over 70 underground schools , with 2 @,@ 000 teachers and 21 @,@ 000 students . Underground Warsaw University educated 3 @,@ 700 students , issuing 64 masters and 7 doctoral degrees . Warsaw under occupation educated 3 @,@ 000 students , issuing 186 engineering degrees , 18 doctoral ones and 16 . Jagiellonian University issued 468 masters and 62 doctoral degrees , employed over 100 professors and teachers , and served more than 1 @,@ 000 students per year . Throughout Poland , many other universities and institutions of higher education ( of music , theater , arts , and others ) continued their classes throughout the war . Even some academic research was carried out ( for example , by Władysław Tatarkiewicz , a leading Polish philosopher , and Zenon , a linguist ) . Nearly 1 @,@ 000 Polish scientists received funds from the Underground State , enabling them to continue their research . \n The German attitude to underground education varied depending on whether it took place in the General Government or the annexed territories . The Germans had almost certainly realized the full scale of the Polish underground education system by about 1943 , but lacked the manpower to put an end to it , probably prioritizing resources to dealing with the armed resistance . For the most part , closing underground schools and colleges in the General Government was not a top priority for the Germans . In 1943 a German report on education admitted that control of what was being taught in schools , particularly rural ones , was difficult , due to lack of manpower , transportation , and the activities of the Polish resistance . Some schools semi @-@ openly taught unauthorized subjects in defiance of the German authorities . Hans Frank noted in 1944 that although Polish teachers were a \" mortal enemy \" of the German states , they could not all be disposed of immediately . It was perceived as a much more serious issue in the annexed territories , as it hindered the process of Germanization ; involvement in the underground education in those territories was much more likely to result in a sentence to a concentration camp . \n"} +{"id": 295, "text": " There were over 1 @,@ 000 underground newspapers ; among the most important were the Biuletyn Informacyjny of Armia Krajowa and Rzeczpospolita of the Government Delegation for Poland . In addition to publication of news ( from intercepted Western radio transmissions ) , there were hundreds of underground publications dedicated to politics , economics , education , and literature ( for example , i ) . The highest recorded publication volume was an issue of Biuletyn Informacyjny printed in 43 @,@ 000 copies ; average volume of larger publication was 1 @,@ 000 – 5 @,@ 000 copies . The Polish underground also published booklets and leaflets from imaginary anti @-@ Nazi German organizations aimed at spreading disinformation and lowering morale among the Germans . Books were also sometimes printed . Other items were also printed , such as patriotic posters or fake German administration posters , ordering the Germans to evacuate Poland or telling Poles to register household cats . \n The two largest underground publishers were the Bureau of Information and Propaganda of Armia Krajowa and the Government Delegation for Poland . Zakłady ( Secret Military Publishing House ) of Jerzy ( subordinated to the Armia Krajowa ) was probably the largest underground publisher in the world . In addition to Polish titles , Armia Krajowa also printed false German newspapers designed to decrease morale of the occupying German forces ( as part of Action N ) . The majority of Polish underground presses were located in occupied Warsaw ; until the Warsaw Uprising in the summer of 1944 the Germans found over 16 underground printing presses ( whose crews were usually executed or sent to concentration camps ) . The second largest center for Polish underground publishing was Kraków . There , writers and editors faced similar dangers : for example , almost the entire editorial staff of the underground satirical paper Na was arrested , and its chief editors were executed in Kraków on 27 May 1944 . ( Na was the longest published Polish underground paper devoted to satire ; 20 issues were published starting in October 1943 . ) The underground press was supported by a large number of activists ; in addition to the crews manning the printing presses , scores of underground couriers distributed the publications . According to some statistics , these couriers were among the underground members most frequently arrested by the Germans . \n Under German occupation , the professions of Polish journalists and writers were virtually eliminated , as they had little opportunity to publish their work . The Underground State 's Department of Culture sponsored various initiatives and individuals , enabling them to continue their work and aiding in their publication . Novels and anthologies were published by underground presses ; over 1 @,@ 000 works were published underground over the course of the war . Literary discussions were held , and prominent writers of the period working in Poland included , among others , Krzysztof Kamil , , Tadeusz Borowski , Tadeusz Boy @-@ Żeleński , Maria Dąbrowska , Tadeusz , Zuzanna Ginczanka , Jarosław , future Nobel Prize winner Czesław Miłosz , Zofia , Jan , Leopold Staff , Kazimierz Wyka , and Jerzy Zawieyski . Writers wrote about the difficult conditions in the prisoner @-@ of @-@ war camps ( Konstanty , Stefan , Leon , Andrzej and Marian ) , the ghettos , and even from inside the concentration camps ( Jan Maria , Halina , Zofia ( ) , Tadeusz , Kazimierz Andrzej Jaworski and Marian Kubicki ) . Many writers did not survive the war , among them Krzysztof Kamil , Wacław , Tadeusz Boy @-@ Żeleński , Tadeusz , Zuzanna Ginczanka , Juliusz Kaden @-@ , Stefan , Janusz Korczak , Halina , Tadeusz , Witold , Ferdynand Antoni , Włodzimierz , Leon , Kazimierz @-@ and Bruno Schulz . \n"} +{"id": 296, "text": " With the censorship of Polish theater ( and the virtual end of the Polish radio and film industry ) , underground theaters were created , primarily in Warsaw and Kraków , with shows presented in various underground venues . Beginning in 1940 the theaters were coordinated by the Secret Theatrical Council . Four large companies and more than 40 smaller groups were active throughout the war , even in the Gestapo 's Pawiak prison in Warsaw and in Auschwitz ; underground acting schools were also created . Underground actors , many of whom officially worked mundane jobs , included Karol , Elżbieta , Henryk Borowski , Wojciech , Władysław , Stefan Jaracz , Tadeusz Kantor , Mieczysław , Bohdan Korzeniowski , Jan , Adam , Andrzej , Leon Schiller , Arnold , Stanisława , Edmund , Maria , Karol Wojtyła ( who later became Pope John Paul II ) , Marian , Jerzy Zawieyski and others . Theater was also active in the Jewish ghettos and in the camps for Polish war prisoners . \n Polish music , including orchestras , also went underground . Top Polish musicians and directors ( Adam , Zbigniew , Jan , Barbara , Zygmunt , Jerzy , Witold Lutosławski , Andrzej Panufnik , Piotr , Edmund Rudnicki , Eugenia , Jerzy , Kazimierz , Maria , Bolesław Woytowicz , Mira ) performed in restaurants , cafes , and private homes , with the most daring singing patriotic ballads on the streets while evading German patrols . Patriotic songs were written , such as , , the most popular song of occupied Warsaw . Patriotic puppet shows were staged . Jewish musicians ( e.g. Władysław Szpilman ) and artists likewise performed in ghettos and even in concentration camps . Although many of them died , some survived abroad , like Alexandre in the United States , and Eddie Rosner and Henryk Wars in the Soviet Union . \n Visual arts were practiced underground as well . Cafes , restaurants and private homes were turned into galleries or museums ; some were closed , with their owners , staff and patrons harassed , arrested or even executed . Polish underground artists included Eryk , Stanisław @-@ , Stanisław Ostoja @-@ , and Konstanty Maria . Some artists worked directly for the Underground State , forging money and documents , and creating anti @-@ Nazi art ( satirical posters and caricatures ) or Polish patriotic symbols ( for example ) . These works were reprinted on underground presses , and those intended for public display were plastered to walls or painted on them as graffiti . Many of these activities were coordinated under the Action N Operation of Armia Krajowa 's Bureau of Information and Propaganda . In 1944 three giant ( 6 m , or 20 ft ) puppets , caricatures of Hitler and Benito Mussolini , were successfully displayed in public places in Warsaw . Some artists recorded life and death in occupied Poland ; despite German bans on Poles using cameras , photographs and even films were taken . Although it was impossible to operate an underground radio station , underground auditions were recorded and introduced into German radios or loudspeaker systems . Underground postage stamps were designed and issued . Since the Germans also banned Polish sport activities , underground sport clubs were created ; underground football matches and even tournaments were organized in Warsaw , Kraków and Poznań , although these were usually dispersed by the Germans . All of these activities were supported by the Underground State 's Department of Culture . \n"} +{"id": 297, "text": " During the Warsaw Uprising ( August – October 1944 ) , people in Polish @-@ controlled territory endeavored to recreate the former day @-@ to @-@ day life of their free country . Cultural life was vibrant among both soldiers and the civilian population , with theaters , cinemas , post offices , newspapers and similar activities available . The 10th Underground Tournament of Poetry was held during the Uprising , with prizes being weaponry ( most of the Polish poets of the younger generation were also members of the resistance ) . Headed by Antoni , the Home Army 's Bureau of Information and Propaganda even created three newsreels and over 30 @,@ 000 metres ( 98 @,@ 425 ft ) of film documenting the struggle . \n Eugeniusz took some 1 @,@ 000 photographs before he died ; Sylwester Braun some 3 @,@ 000 , of which 1 @,@ 500 survive ; Jerzy some 1 @,@ 000 , of which 600 survived . \n"} +{"id": 298, "text": " Polish artists also worked abroad , outside of occupied Europe . Arkady Fiedler , based in Britain with the Polish Armed Forces in the West wrote about the 303 Polish Fighter Squadron . Melchior wrote about the Polish contribution to the capture of Monte Cassino in Italy . Other writers working abroad included Jan Lechoń , Antoni Słonimski , Kazimierz Wierzyński and Julian Tuwim . There were artists who performed for the Polish forces in the West as well as for the Polish forces in the East . Among musicians who performed for the Polish II Corps in a Polska Parada cabaret were Henryk Wars and Irena Anders . The most famous song of the soldiers fighting under the Allies was the maki na Monte Cassino ( The Red Poppies on Monte Cassino ) , composed by Feliks Konarski and Alfred Schultz in 1944 . There were also Polish theaters in exile in both the East and the West . Several Polish painters , mostly soldiers of the Polish II Corps , kept working throughout the war , including Tadeusz Piotr , Adam , Marian , Bolesław and Stefan Knapp . \n"} +{"id": 299, "text": " The wartime attempts to destroy Polish culture may have strengthened it instead . Norman Davies wrote in God 's Playground : \" In 1945 , as a prize for untold sacrifices , the attachment of the survivors to their native culture was stronger than ever before . \" Similarly , close @-@ knit underground classes , from primary schools to universities , were renowned for their high quality , due in large part to the lower ratio of students to teachers . The resulting culture was , however , different from the culture of interwar Poland for a number of reasons . The destruction of Poland 's Jewish community , Poland 's postwar territorial changes , and postwar migrations left Poland without its historic ethnic minorities . The multicultural nation was no more . \n The experience of World War II placed its stamp on a generation of Polish artists that became known as the \" Generation of \" . The term denotes an entire generation of Poles , born soon after Poland regained independence in 1918 , whose adolescence was marked by World War II . In their art , they \" discovered a new Poland \" – one forever changed by the atrocities of World War II and the ensuing creation of a communist Poland . \n Over the years , nearly three @-@ quarters of the Polish people have emphasized the importance of World War II to the Polish national identity . Many Polish works of art created since the war have centered on events of the war . Books by Tadeusz Borowski , Adolf Rudnicki , Henryk , Miron , Hanna Krall and others ; films , including those by Andrzej Wajda ( A Generation , , Ashes and Diamonds , , A Love in Germany , Korczak , Katyń ) ; TV series ( Four Tank Men and a Dog and Stakes Larger than Life ) ; music ( ) ; and even comic books – all of these diverse works have reflected those times . Polish historian Tomasz wrote in 1996 : \n Educational and training programs place special emphasis on the World War II period and on the occupation . Events and individuals connected with the war are ubiquitous on TV , on radio and in the print media . The theme remains an important element in literature and learning , in film , theater and the fine arts . Not to mention that politicians constantly make use of it . Probably no other country marks anniversaries related to the events of World War II so often or so solemnly . \n"} +{"id": 300, "text": " The Arihant class ( Sanskrit , for Killer of Enemies ) is a class of nuclear @-@ powered ballistic missile submarines being built for the Indian Navy . They were developed under the US $ 2 @.@ 9 billion Advanced Technology Vessel ( ATV ) project to design and build nuclear @-@ powered submarines . \n The lead vessel of the class , INS Arihant was launched in 2009 and after extensive sea trials , was confirmed as ready for operations on 23 February 2016 . Arihant is the first ballistic missile submarine to have been built by a country other than one of the five permanent members of the United Nations Security Council . \n"} +{"id": 301, "text": " In December 1971 , during the Indo @-@ Pakistani War of 1971 , the US President Richard Nixon sent a carrier battle group named Task Force 74 , led by the nuclear @-@ powered USS Enterprise into the Bay of Bengal in an attempt to intimidate India . In response , the Soviet Union sent a submarine armed with nuclear missiles from Vladivostok to trail the US task force . The event demonstrated the significance of nuclear weapons and ballistic missile submarines to then Prime Minister Indira Gandhi . Following the 1974 Smiling Buddha nuclear test , the Director of Marine Engineering ( DME ) at Naval Headquarters initiated a technical feasibility study for an indigenous nuclear propulsion system ( Project 932 ) . \n The Indian Navy 's Advanced Technology Vessel project to design and construct a nuclear submarine took shape in the 1990s . Then Defence Minister George Fernandes confirmed the project in 1998 . The initial intent of the project was to design nuclear @-@ powered fast attack submarines , though following nuclear tests conducted by India in 1998 at Pokhran Test Range and the Indian pledge of no first use , the project was re @-@ aligned towards the design of a ballistic missile submarine in order to complete India 's nuclear triad . \n"} +{"id": 302, "text": " The Arihant @-@ class submarines are nuclear powered ballistic missile submarines built under the Advanced Technology Vessel ( ATV ) project . They will be the first nuclear submarines designed and built by India . The submarines are 112 m ( 367 ft ) long with a beam of 11 m ( 36 ft ) , a draught of 10 m ( 33 ft ) , displacement of 6 @,@ 000 tonnes ( 5 @,@ 900 long tons ; 6 @,@ 600 short tons ) and a diving depth of 300 m ( 980 ft ) . The complement is about 95 , including officers and sailors . The boats are powered by a single seven blade propeller powered by an 83 MW ( 111 @,@ 000 hp ) pressurised water reactor and can achieve a maximum speed of 12 – 15 knots ( 22 – 28 km / h ) when surfaced and 24 knots ( 44 km / h ) when submerged . \n The submarines have four launch tubes in their hump and can carry up to 12 K @-@ 15 missiles with one warhead each ( with a range of 750 km or 470 mi ) or 4 K @-@ 4 missiles ( with a range of 3 @,@ 500 km or 2 @,@ 200 mi ) . The submarines are similar to the Akula @-@ class submarine of Russia . The Indian Navy will train on INS Chakra , an Akula @-@ class submarine leased from Russia in 2012 . \n"} +{"id": 303, "text": " The submarines are powered by a pressurised water reactor with highly enriched uranium fuel . The miniaturized version of the reactor was designed and built by the Bhabha Atomic Research Centre ( BARC ) at the Indira Gandhi Centre for Atomic Research ( ) in Kalpakkam . It included a 42 @-@ metre ( 138 ft ) section of the submarine 's pressure hull containing the shielding tank with water and the reactor , a control room , as well as an auxiliary control room for monitoring safety parameters . The prototype reactor became critical on 11 November 2003 and was declared operational on 22 September 2006 . Successful operation of the prototype for three years enabled the production version of the reactor for Arihant . The reactor subsystems were tested at the Machinery Test Center in Visakhapatnam . Facilities for loading and replacing the fuel cores of the naval reactors in berthed submarines were also established . \n The detailed engineering of the design was implemented at Larsen & Toubro 's submarine design center at their shipbuilding facility . Tata Power SED built the control systems for the submarine . The steam turbines and associated systems integrated with the reactor were supplied by Industries . The lead vessel underwent a long and extensive process of testing after its launch in July 2009 . The propulsion and power systems were tested with high @-@ pressure steam trials followed by harbor @-@ acceptance trials that included submersion tests by flooding its ballast tanks and controlled dives to limited depths . INS Arihant 's reactor went critical for the first time on 10 August 2013 . On 13 December 2014 , the submarine set off for its extensive sea trials . \n"} +{"id": 304, "text": " Exact number of planned submarines remains unclear , according to media reports about three to six submarines are planned to be built . The first boat of the class , INS Arihant is expected to be commissioned by 2016 . The first four vessels are expected to be commissioned by 2023 . In December 2014 , the work on a second nuclear reactor began and the second boat , INS is being prepared for sea trials . The next three ships in the class , after the lead ship , will be larger and have 8 missile launch tubes to carry up to 8 K4 and a more powerful pressurized water reactor than INS Arihant . A larger follow on class to the arihant class is also planned , these new boats will be capable of carrying 12 to 16 ballistic missiles . \n"} +{"id": 305, "text": " SMS Markgraf was the third battleship of the four @-@ ship König class . She served in the Imperial German Navy during World War I. The battleship was laid down in November 1911 and launched on 4 June 1913 . She was formally commissioned into the Imperial Navy on 1 October 1914 , just over two months after the outbreak of war in Europe . Markgraf was armed with ten 30 @.@ 5 @-@ centimeter ( 12 @.@ 0 in ) guns in five twin turrets and could steam at a top speed of 21 knots ( 39 km / h ; 24 mph ) . Markgraf was named in honor of the royal family of Baden . The name Markgraf is a rank of German nobility and is equivalent to the English Margrave , or Marquess . \n Along with her three sister ships , König , Grosser Kurfürst , and Kronprinz , Markgraf took part in most of the fleet actions during the war , including the Battle of Jutland on 31 May and 1 June 1916 . At Jutland , Markgraf was the third ship in the German line and heavily engaged by the opposing British Grand Fleet ; she sustained five large @-@ caliber hits and her crew suffered 23 casualties . Markgraf also participated in Operation Albion , the conquest of the Gulf of Riga , in late 1917 . The ship was damaged by a mine while en route to Germany following the successful conclusion of the operation . \n After Germany 's defeat in the war and the signing of the Armistice in November 1918 , Markgraf and most of the capital ships of the High Seas Fleet were interned by the Royal Navy in Scapa Flow . The ships were disarmed and reduced to skeleton crews while the Allied powers negotiated the final version of the Treaty of Versailles . On 21 June 1919 , days before the treaty was signed , the commander of the interned fleet , Rear Admiral Ludwig von Reuter , ordered the fleet to be scuttled to ensure that the British would not be able to seize the ships . Unlike most of the scuttled ships , Markgraf was never raised for scrapping ; the wreck is still sitting on the bottom of the bay . \n"} +{"id": 306, "text": " Markgraf was ordered under the provisional name Ersatz Weissenburg and built at the AG Weser shipyard in Bremen under construction number 186 . Her keel was laid in November 1911 and she was launched on 4 June 1913 . At her launching ceremony , the ship was christened by Frederick II , Grand Duke of Baden , the head of the royal family of Baden , in honor of which the ship had been named . Fitting @-@ out work was completed by 1 October 1914 , the day she was commissioned into the High Seas Fleet . She had cost the Imperial German Government 45 million Goldmarks . \n Markgraf displaced 25 @,@ 796 t ( 25 @,@ 389 long tons ) as built and 28 @,@ 600 t ( 28 @,@ 100 long tons ) fully loaded , with a length of 175 @.@ 4 m ( 575 ft 6 in ) , a beam of 19 @.@ 5 m ( 64 ft 0 in ) and a draft of 9 @.@ 19 m ( 30 ft 2 in ) . She was powered by three Bergmann steam turbines , three oil @-@ fired and twelve coal @-@ fired boilers , which developed a total of 40 @,@ 830 shp ( 30 @,@ 450 kW ) and yielded a maximum speed of 21 knots ( 39 km / h ; 24 mph ) . The ship had a range of 8 @,@ 000 nautical miles ( 15 @,@ 000 km ; 9 @,@ 200 mi ) at a cruising speed of 12 knots ( 22 km / h ; 14 mph ) . The ship had a crew of 41 officers and 1 @,@ 095 enlisted sailors . \n She was armed with ten 30 @.@ 5 cm ( 12 @.@ 0 in ) SK L / 50 guns arranged in five twin gun turrets : two superfiring turrets each fore and aft and one turret amidships between the two funnels . Her secondary armament consisted of fourteen 15 cm ( 5 @.@ 9 in ) SK L / 45 quick @-@ firing guns , six 8 @.@ 8 cm ( 3 @.@ 5 in ) SK L / 45 quick @-@ firing guns and five 50 cm ( 20 in ) underwater torpedo tubes , one in the bow and two on each beam . Markgraf 's 8 @.@ 8 cm guns were removed and replaced with four 8 @.@ 8 cm anti @-@ aircraft guns . The ship 's main armored belt was 350 millimeters ( 14 in ) thick . The deck was 30 mm ( 1 @.@ 2 in ) thick ; the main battery turrets and forward conning tower were armored with 300 mm ( 12 in ) thick steel plates . \n"} +{"id": 307, "text": " Following her commissioning on 1 October 1914 , Markgraf conducted sea trials , which lasted until 12 December . By 10 January 1915 , the ship had joined III Battle Squadron of the High Seas Fleet with her three sister ships . On 22 January 1915 , III Squadron was detached from the fleet to conduct maneuver , gunnery , and torpedo training in the Baltic . The ships returned to the North Sea on 11 February , too late to assist the I Scouting Group at the Battle of Dogger Bank . \n In the aftermath of the loss of SMS Blücher at the Battle of Dogger Bank , Kaiser Wilhelm II removed Admiral Friedrich von Ingenohl from his post as fleet commander on 2 February . Admiral Hugo von Pohl replaced him as commander of the fleet ; von Pohl carried out a series of sorties with the High Seas Fleet throughout 1915 . The first such operation — Markgraf 's first with the fleet — was a fleet advance to Terschelling on 29 – 30 March ; the German fleet failed to engage any British warships during the sortie . Another uneventful operation followed on 17 – 18 April , and another three days later on 21 – 22 April . Markgraf and the rest of the fleet remained in port until 29 May , when the fleet conducted another two @-@ day advance into the North Sea . On 11 – 12 September , Markgraf and the rest of III Squadron supported a minelaying operation off Texel . Another uneventful fleet advance followed on 23 – 24 October . \n Vice Admiral Reinhard Scheer became commander in chief of the High Seas Fleet on 18 January 1916 when Admiral von Pohl became too ill from liver cancer to continue in that post . Scheer proposed a more aggressive policy designed to force a confrontation with the British Grand Fleet ; he received approval from the Kaiser in February . The first of Scheer 's operations was conducted the following month , on 5 – 7 March , with an uneventful sweep of the Hoofden . Another sortie followed three weeks later on the 26th , with another on 21 – 22 April . On 24 April , the battlecruisers of Rear Admiral Franz von Hipper 's I Scouting Group conducted a raid on the English coast . Markgraf and the rest of the fleet sailed in distant support . The battlecruiser Seydlitz struck a mine while en route to the target , and had to withdraw . The other battlecruisers bombarded the town of Lowestoft unopposed , but during the approach to Yarmouth , they encountered the British cruisers of the Harwich Force . A short artillery duel ensued before the Harwich Force withdrew . Reports of British submarines in the area prompted the retreat of the I Scouting Group . At this point , Scheer , who had been warned of the sortie of the Grand Fleet from its base in Scapa Flow , also withdrew to safer German waters . \n"} +{"id": 308, "text": " Markgraf was present during the fleet operation that resulted in the Battle of Jutland which took place on 31 May and 1 June 1916 . The German fleet again sought to draw out and isolate a portion of the Grand Fleet and destroy it before the main British fleet could retaliate . Markgraf was the third ship in the German line , behind her sisters König and Grosser Kurfürst and followed by Kronprinz . The four ships made up the V Division of the III Battle Squadron , and they were the vanguard of the fleet . The III Battle Squadron was the first of three battleship units ; directly astern were the Kaiser @-@ class battleships of the VI Division , III Battle Squadron . The III Squadron was followed by the Helgoland and Nassau classes of the II Battle Squadron ; in the rear guard were the obsolescent Deutschland @-@ class pre @-@ dreadnoughts of the I Battle Squadron . \n Shortly before 16 : 00 the battlecruisers of I Scouting Group encountered the British 1st Battlecruiser Squadron under the command of Vice Admiral David Beatty . The opposing ships began an artillery duel that saw the destruction of Indefatigable , shortly after 17 : 00 , and Queen Mary , less than half an hour later . By this time , the German battlecruisers were steaming south to draw the British ships toward the main body of the High Seas Fleet . At 17 : 30 , König 's crew spotted both the I Scouting Group and the 1st Battlecruiser Squadron approaching . The German battlecruisers were steaming to starboard , while the British ships steamed to port . At 17 : 45 , Scheer ordered a two @-@ point turn to port to bring his ships closer to the British battlecruisers , and a minute later , the order to open fire was given . \n Markgraf opened fire on the battlecruiser Tiger at a range of 21 @,@ 000 yards ( 19 @,@ 000 m ) . Markgraf and her two sisters fired their secondary guns on British destroyers attempting to make torpedo attacks against the German fleet . Markgraf continued to engage Tiger until 18 : 25 , by which time the faster battlecruisers managed to move out of effective gunnery range . During this period , the battleships Warspite and Valiant of the 5th Battle Squadron fired on the leading German battleships . At 18 : 10 , one of the British ships scored a 15 @-@ inch ( 38 cm ) shell hit on Markgraf . Shortly thereafter , the destroyer Moresby fired a single torpedo at Markgraf and missed from a range of about 8 @,@ 000 yd ( 7 @,@ 300 m ) . Malaya fired a torpedo at Markgraf at 19 : 05 , but the torpedo missed due to the long range . Around the same time , Markgraf engaged a cruiser from the 2nd Light Cruiser Squadron before shifting her fire back to the 5th Battle Squadron for ten minutes . During this period , two more 15 @-@ inch shells hit Markgraf , though the timing is unknown . The hit at 18 : 10 struck on a joint between two 8 @-@ inch @-@ thick side armor plates ; the shell burst on impact and holed the armor . The main deck was buckled and approximately 400 t ( 390 long tons ; 440 short tons ) of water entered the ship . The other two shells failed to explode and caused negligible damage . \n Shortly after 19 : 00 , the German cruiser Wiesbaden had become disabled by a shell from the British battlecruiser Invincible ; Rear Admiral Paul Behncke in König attempted to position his four ships to cover the stricken cruiser . Simultaneously , the British III and IV Light Cruiser Squadrons began a torpedo attack on the German line ; while advancing to torpedo range , they smothered Wiesbaden with fire from their main guns . The obsolescent armored cruisers of the 1st Cruiser Squadron also joined in the melee . Markgraf and her sisters fired heavily on the British cruisers , but even sustained fire from the battleships ' main guns failed to drive them off . Markgraf fired both her 30 @.@ 5 cm and 15 cm guns at the armored cruiser Defence . Under a hail of fire from the German battleships , Defence exploded and sank ; credit is normally given to the battlecruiser Lützow , though Markgraf 's gunners also claimed credit for the sinking . \n Markgraf then fired on the battlecruiser Princess Royal and scored two hits . The first hit struck the 9 @-@ inch armor covering \" X \" barbette , was deflected downward , and exploded after penetrating the 1 @-@ inch deck armor . The crew for the left gun were killed , the turret was disabled , and the explosion caused serious damage to the upper deck . The second shell penetrated Princess Royal 's 6 @-@ inch belt armor , ricocheted upward off the coal bunker , and exploded under the 1 @-@ inch deck armor . The two shells killed 11 and wounded 31 . At the same time , Markgraf 's secondary guns fired on the cruiser Warrior , which was seriously damaged by 15 heavy shells and forced to withdraw . Warrior foundered on the trip back to port the following morning . \n Around 19 : 30 , Admiral John Jellicoe 's main force of battleships entered the battle ; Orion began firing at Markgraf at 19 : 32 ; she fired four salvos of 13 @.@ 5 @-@ inch Armor @-@ Piercing , Capped ( APC ) shells and scored a hit with the last salvo . The shell exploded upon impacting the armor protecting the No. 6 15 cm gun casemate . The shell failed to penetrate but holed the armor and disabled the gun . The explosion seriously injured two and killed the rest of the gun crew . A heavy shell nearly struck the ship at the same time , and at 19 : 44 , a bent propeller shaft forced Markgraf 's crew to turn off the port engine ; naval historian John Campbell speculated that this shell was the one that damaged the shaft . Her speed dropped to 17 or 18 kn ( 31 or 33 km / h ; 20 or 21 mph ) , though she remained in her position in the line . \n Shortly after 20 : 00 , the German battleships engaged the 2nd Light Cruiser Squadron ; Markgraf fired primarily 15 cm shells . In this period , Markgraf was engaged by Agincourt 's 12 @-@ inch guns , which scored a single hit at 20 : 14 . The shell failed to explode and shattered on impact on the 8 @-@ inch side armor , causing minimal damage . Two of the adjoining 14 @-@ inch plates directly below the 8 @-@ inch armor were slightly forced inward and some minor flooding occurred . The heavy fire of the British fleet forced Scheer to order the fleet to turn away . Due to her reduced speed , Markgraf turned early in an attempt to maintain her place in the battle line ; this , however , forced Grosser Kurfürst to fall out of formation . Markgraf fell in behind Kronprinz while Grosser Kurfürst steamed ahead to return to her position behind König . After successfully withdrawing from the British , Scheer ordered the fleet to assume night cruising formation , though communication errors between Scheer aboard Friedrich der Grosse and Westfalen , the lead ship , caused delays . Several British light cruisers and destroyers stumbled into the German line around 21 : 20 . In the ensuing short engagement Markgraf hit the cruiser Calliope five times with her secondary guns . The fleet fell into formation by 23 : 30 , with Grosser Kurfürst the 13th vessel in the line of 24 capital ships . \n Around 02 : 45 , several British destroyers mounted a torpedo attack against the rear half of the German line . Markgraf initially held her fire as the identities of the destroyers were unknown . But gunners aboard Grosser Kurfürst correctly identified the vessels as hostile and opened fire while turning away to avoid torpedoes , which prompted Markgraf to follow suit . Heavy fire from the German battleships forced the British destroyers to withdraw . At 05 : 06 , Markgraf and several other battleships fired at what they thought was a submarine . \n The High Seas Fleet managed to punch through the British light forces without drawing the attention of Jellicoe 's battleships , and subsequently reached Horns Reef by 04 : 00 on 1 June . Upon reaching Wilhelmshaven , Markgraf went into harbor while several other battleships took up defensive positions in the outer roadstead . The ship was transferred to Hamburg where she was repaired in AG Vulcan 's large floating dock . Repair work was completed by 20 July . In the course of the battle , Markgraf had fired a total of 254 shells from her main battery and 214 rounds from her 15 cm guns . She was hit by five large @-@ caliber shells , which killed 11 men and wounded 13 . \n"} +{"id": 309, "text": " Following repairs in July 1916 , Markgraf went into the Baltic for trials . The ship was then temporarily assigned to the I Scouting Group for the fleet operation on 18 – 19 August . Due to the serious damage incurred by Seydlitz and Derfflinger at Jutland , the only battlecruisers available for the operation were Von der Tann and Moltke , which were joined by Markgraf , Grosser Kurfürst , and the new battleship Bayern . The British were aware of the German plans , and sortied the Grand Fleet to meet them . By 14 : 35 , Scheer had been warned of the Grand Fleet 's approach and , unwilling to engage the whole of the Grand Fleet just 11 weeks after the decidedly close engagement at Jutland , turned his forces around and retreated to German ports . \n Markgraf was present for the uneventful advance in the direction of Sunderland on 18 – 20 October . Unit training with the III Squadron followed from 21 October to 2 November . Two days later , the ship formally rejoined III Squadron . On the 5th , a pair of U @-@ boats grounded on the Danish coast . Light forces were sent to recover the vessels , and III Squadron , which was in the North Sea en route to Wilhelmshaven , was ordered to cover them . During the operation , the British submarine J1 torpedoed both Grosser Kurfürst and Kronprinz and caused moderate damage . For most of 1917 , Markgraf was occupied with guard duties in the North Sea , interrupted only by a refit period in January and periodic unit training in the Baltic . \n"} +{"id": 310, "text": " In early September 1917 , following the German conquest of the Russian port of Riga , the German navy decided to eliminate the Russian naval forces that still held the Gulf of Riga . The Admiralstab ( Navy High Command ) planned an operation to seize the Baltic island of Ösel , and specifically the Russian gun batteries on the Sworbe Peninsula . On 18 September , the order was issued for a joint operation with the army to capture Ösel and Moon Islands ; the primary naval component was to comprise the flagship , Moltke , along with the III and IV Battle Squadrons of the High Seas Fleet . The II Squadron consisted of the four König @-@ class ships , and was by this time augmented with the new battleship Bayern . The IV Squadron consisted of the five Kaiser @-@ class battleships . Along with nine light cruisers , three torpedo boat flotillas , and dozens of mine warfare ships , the entire force numbered some 300 ships , supported by over 100 aircraft and six zeppelins . The invasion force amounted to approximately 24 @,@ 600 officers and enlisted men . \n Opposing the Germans were the old Russian pre @-@ dreadnoughts Slava and Tsesarevich , the armored cruisers Bayan , Admiral Makarov , and Diana , 26 destroyers , and several torpedo boats and gunboats . Three British C @-@ class submarines where also stationed in the Gulf . The Irben Strait , the main southern entrance to the Gulf of Riga , was heavily mined and defended by a number of coastal artillery batteries . The garrison on Ösel numbered nearly 14 @,@ 000 men , though by 1917 it had been reduced to 60 to 70 percent strength . \n The operation began on 12 October , when Moltke and the four König @-@ class ships covered the landing of ground troops by suppressing the shore batteries covering Tagga Bay . Markgraf fired on the battery located on Cape . After the successful amphibious assault , III Squadron steamed to Putziger Wiek , although Markgraf remained behind for several days . On the 17th , Markgraf left Tagga Bay to rejoin her squadron in the Gulf of Riga , but early on the following morning she ran aground at the entrance to . The ship was quickly freed , and she reached the III Squadron anchorage north of Larina Bank on the 19th . The next day , Markgraf steamed to Moon Sound , and on the 25th participated in the bombardment of Russian positions on the island of . The ship returned to Arensburg on 27 October , and two days later was detached from Operation Albion to return to the North Sea . \n Markgraf struck a pair of mines in quick succession while in the Irben Strait and took in 260 metric tons ( 260 long tons ; 290 short tons ) of water . The ship continued on to Kiel via Neufahrwasser in Danzig ; she then went on to Wilhelmshaven , where the mine damage was repaired . The work was completed at the Imperial Dockyard from 6 to 23 November . After repairs were completed , Markgraf returned to guard duty in the North Sea . She missed an attempted raid on a British convoy on 23 – 25 April 1918 , as she was in dock in Kiel from 15 March to 5 May for the installation of a new foremast . \n"} +{"id": 311, "text": " Markgraf and her three sisters were to have taken part in a final fleet action at the end of October 1918 , days before the Armistice was to take effect . The bulk of the High Seas Fleet was to have sortied from their base in Wilhelmshaven to engage the British Grand Fleet . Scheer — by now the Grand Admiral ( Großadmiral ) of the fleet — intended to inflict as much damage as possible on the British navy in order to obtain a better bargaining position for Germany , despite the expected casualties . However , many of the war @-@ weary sailors felt the operation would disrupt the peace process and prolong the war . On the morning of 29 October 1918 , the order was given to sail from Wilhelmshaven the following day . Starting on the night of 29 October , sailors on Thüringen and then on several other battleships , including Markgraf , mutinied . The unrest ultimately forced Hipper and Scheer to cancel the operation . Informed of the situation , the Kaiser stated , \" I no longer have a navy . \" \n Following the capitulation of Germany in November 1918 , most of the High Seas Fleet ships , under the command of Rear Admiral Ludwig von Reuter , were interned in the British naval base in Scapa Flow . Prior to the departure of the German fleet , Admiral Adolf von Trotha made clear to von Reuter that he could not allow the Allies to seize the ships , under any conditions . The fleet rendezvoused with the British light cruiser Cardiff , which led the ships to the Allied fleet that was to escort the Germans to Scapa Flow . The massive flotilla consisted of some 370 British , American , and French warships . Once the ships were interned , their guns were disabled through the removal of their breech blocks , and their crews were reduced to 200 officers and enlisted men . \n The fleet remained in captivity during the negotiations that ultimately produced the Treaty of Versailles . Von Reuter believed that the British intended to seize the German ships on 21 June 1919 , which was the deadline for Germany to have signed the peace treaty . Unaware that the deadline had been extended to the 23rd , Reuter ordered the ships to be sunk at the first opportunity . On the morning of 21 June , the British fleet left Scapa Flow to conduct training maneuvers , and at 11 : 20 Reuter transmitted the order to his ships . Markgraf sank at 16 : 45 . The British soldiers in the guard detail panicked in their attempt to prevent the Germans from scuttling the ships ; they shot and killed Markgraf 's captain , Walter Schumann , who was in a lifeboat , and an enlisted man . In total , the guards killed nine Germans and wounded twenty @-@ one . The remaining crews , totaling some 1 @,@ 860 officers and enlisted men , were imprisoned . \n Markgraf was never raised for scrapping , unlike most of the other capital ships that were scuttled . Markgraf and her two sisters had sunk in deeper water than the other capital ships , which made any salvage attempt more difficult . The outbreak of World War II in 1939 put a halt to all salvage operations , and after the war it was determined that salvaging the deeper wrecks was financially impractical . The rights to future salvage operations on the wrecks were sold to Britain in 1962 . Owing to the fact that the steel that composed their hulls was produced before the advent of nuclear weapons , Markgraf and her sisters are among the few accessible sources of low @-@ background steel , which has occasionally been removed for use in scientific devices . Markgraf and the other vessels on the bottom of Scapa Flow are a popular dive site , and are protected by a policy barring divers from recovering items from the wrecks . \n"} +{"id": 312, "text": " The Coldrum Long Barrow , also known as the Coldrum Stones and the Stones , is a chambered long barrow located near to the village of Trottiscliffe in the south @-@ eastern English county of Kent . Constructed circa 4000 BCE , during Britain 's Early Neolithic period , today it survives only in a ruined state . \n Archaeologists have established that the monument was built by pastoralist communities shortly after the introduction of agriculture to Britain from continental Europe . Although representing part of an architectural tradition of long barrow building that was widespread across Neolithic Europe , the Coldrum Stones belong to a localised regional variant of barrows produced in the vicinity of the River Medway , now known as the Medway Megaliths . Of these , it is in the best surviving condition , and lies near to both Addington Long Barrow and Chestnuts Long Barrow on the western side of the river . Three further surviving long barrows , Kit 's Coty House , the Little Kit 's Coty House , and the Coffin Stone , are located on the Medway 's eastern side . \n Built out of earth and around fifty local sarsen megaliths , the long barrow consisted of a sub @-@ rectangular earthen tumulus enclosed by kerb @-@ stones . Within the eastern end of the tumulus was a stone chamber , into which human remains were deposited on at least two separate occasions during the Early Neolithic . analysis of these remains has shown them to be those of at least seventeen individuals , a mixture of men , women , children and adults . At least one of the bodies had been dismembered prior to burial , potentially reflecting a funerary tradition of excarnation and secondary burial . As with other barrows , Coldrum has been interpreted as a tomb to house the remains of the dead , perhaps as part of a belief system involving ancestor veneration , although archaeologists have suggested that it may also have had further religious , ritual , and cultural connotations and uses . \n After the Early Neolithic , the long barrow fell into a state of ruined dilapidation , perhaps experiencing deliberate deposition in the late medieval period , either by Christian zealots or treasure hunters . Local folklore grew up around the site , associating it with the burial of a prince and the countless stones motif . The ruin attracted the interest of antiquarians in the 19th century , while archaeological excavation took place in the early 20th . After limited reconstruction , in 1926 ownership was transferred to heritage charity The National Trust . It is open without charge to visitors all year around . \n"} +{"id": 313, "text": " The Coldrum Stones are named after a nearby farm , Coldrum Lodge , which has since been demolished . The monument lies in a \" rather isolated site \" north @-@ east of the nearby village of Trottiscliffe , about 500 metres from a prehistoric track known as the Pilgrim 's Way . The tomb can be reached along a pathway known as Coldrum Lane , which is only accessible on foot . The nearest car park to Coldrum Lane can be found off of Lane in Trottiscliffe . Another nearby village is Addington , which is located one and a quarter miles away . \n"} +{"id": 314, "text": " The Early Neolithic was a revolutionary period of British history . Beginning in the fifth millennium BCE , it saw a widespread change in lifestyle as the communities living in the British Isles adopted agriculture as their primary form of subsistence , abandoning the hunter @-@ gatherer lifestyle that had characterised the preceding Mesolithic period . Archaeologists have been unable to prove whether this adoption of farming was because of a new influx of migrants coming in from continental Europe or because the indigenous Mesolithic Britons came to adopt the agricultural practices of continental societies . Either way , it certainly emerged through contact with continental Europe , probably as a result of centuries of interaction between Mesolithic people living in south @-@ east Britain and Linear Pottery culture ( ) communities in north @-@ eastern France . The region of modern Kent would have been a key area for the arrival of continental European settlers and visitors , because of its position on the estuary of the River Thames and its proximity to the continent . \n Between 4500 and 3800 BCE , all of the British Isles came to abandon its former Mesolithic hunter @-@ gatherer lifestyle , to be replaced by the new agricultural subsistence of the Neolithic Age . Although a common material culture was shared throughout most of the British Isles in this period , there was great regional variation regarding the nature and distribution of settlement , architectural styles , and the use of natural resources . Throughout most of Britain , there is little evidence of cereal or permanent dwellings from this period , leading archaeologists to believe that the Early Neolithic economy on the island was largely pastoral , relying on herding cattle , with people living a nomadic or semi @-@ nomadic way of life . Although witnessing some land clearance , Britain was largely forested in this period , and it is unclear what level of deforestation the area of Kent had experienced in the Early Neolithic ; widespread forest clearance only took place on the of south @-@ east Britain in the Late Bronze Age . Environmental data from the area around the White Horse Stone supports the idea that the area was still largely forested in the Early Neolithic , covered by a woodland of oak , ash , hazel / alder and . \n"} +{"id": 315, "text": " Across Western Europe , the Early Neolithic marked the first period in which humans built monumental structures in the landscape . These were tombs that held the physical remains of the dead , and though sometimes constructed out of timber , many were built using large stones , now known as \" megaliths \" . Individuals were rarely buried alone in the Early Neolithic , instead being interned in collective burials with other members of their community . The construction of these collective burial monumental tombs , both wooden and megalithic , began in continental Europe before being adopted in Britain in the first half of the fourth millennium BCE . \n The Early Neolithic people of Britain placed far greater emphasis on the ritualised burial of the dead than their Mesolithic forebears had done . Many archaeologists have suggested that this is because Early Neolithic people adhered to an ancestor cult that venerated the spirits of the dead , believing that they could intercede with the forces of nature for the benefit of their living descendants . Archaeologist Robin Holgate stressed that rather than simply being tombs , the Medway Megaliths were \" communal fulfilling a social function for the communities who built and used them . \" Thus , it has furthermore been suggested that Early Neolithic people entered into the tombs – which doubled as temples or shrines – to perform rituals that would honour the dead and ask for their assistance . For this reason , historian Ronald Hutton termed these monuments \" tomb @-@ shrines \" to reflect their dual purpose . \n In Britain , these tombs were typically located on prominent hills and slopes overlooking the surrounding landscape , perhaps at the junction between different territories . Archaeologist Caroline Malone noted that the tombs would have served as one of a variety of markers in the landscape that conveyed information on \" territory , political allegiance , ownership , and ancestors . \" Many archaeologists have subscribed to the idea that these tomb @-@ shrines served as territorial markers between different tribal groups , although others have argued that such markers would be of little use to a nomadic herding society . Instead it has been suggested that they represent markers along herding pathways . Many archaeologists have suggested that the construction of such monuments reflects an attempt to stamp control and ownership over the land , thus representing a change in mindset brought about by . Others have suggested that these monuments were built on sites already deemed sacred by Mesolithic hunter @-@ gatherers . \n Archaeologists have differentiated these Early Neolithic tombs into a variety of different architectural styles , each typically associated with a different region within the British Isles . Passage graves , characterised by their narrow passage made of large stones and one or multiple burial chambers covered in earth or stone , were predominantly located in northern Britain and southern and central Ireland . Alternately , across northern Ireland and central Britain long chambered mounds predominated , while in the east and south @-@ east of Britain , earthen long barrows represented the dominant architectural trend . These earthen long barrows were typically constructed of timber because building stone was scarce in southern Britain ; archaeologist Aubrey Burl argued that these timber tombs might have been \" even more eye @-@ catching \" than their stone counterparts , perhaps consisting of \" towering carved poles , flamboyantly painted \" , but that evidence of such sculptures has not survived . The Medway Megaliths represent just one of these regional groups within the wider West European tradition of tomb building in this period . \n"} +{"id": 316, "text": " Although now all in a ruinous state and not retaining their original appearance , at the time of construction the Medway Megaliths would have been some of the largest and most visually imposing Early Neolithic funerary monuments in Britain . Grouped along the River Medway as it cuts through the North Downs , they constitute the most south @-@ easterly group of megalithic monuments in the British Isles , and the only megalithic group in eastern England . Archaeologists Brian Philp and Mike deemed the Medway Megaliths to be \" some of the most interesting and well known \" archaeological sites in Kent , while archaeologist Paul Ashbee described them as \" the most grandiose and impressive structures of their kind in southern England \" . \n They can be divided into two separate clusters : one to the west of the River Medway and the other on Blue Bell Hill to the east , with the distance between the two clusters measuring at between 8 and 10 km . The western group includes Coldrum Long Barrow , Addington Long Barrow , and the Chestnuts Long Barrow . The eastern group consists of Kit 's Coty House , Little Kit 's Coty House , the Coffin Stone , and several other stones which might have once been parts of chambered tombs . It is not known if they were all built at the same time , or whether they were constructed in succession , while similarly it is not known if they each served the same function or whether there was a hierarchy in their usage . \n The Medway long barrows all conformed to the same general design plan , and are all aligned on an east to west axis . Each had a stone chamber at the eastern end of the mound , and they each probably had a stone facade flanking the entrance . The chambers were constructed from sarsen , a dense , hard , and durable stone that occurs naturally throughout Kent , having formed out of silicified sand from the Eocene . Early Neolithic builders would have selected blocks from the local area , and then transported them to the site of the monument to be erected . \n Such common architectural features among these tomb @-@ shrines indicate a strong regional cohesion with no direct parallels elsewhere in the British Isles . For instance , they would have been taller than most other tomb @-@ shrines in Britain , with internal heights of up to 10 ft . Nevertheless , as with other regional groupings of Early Neolithic tomb @-@ shrines ( such as the Cotswold @-@ Severn group ) , there are also various idiosyncrasies in the different monuments , such as Coldrum 's rectilinear shape , the Chestnut long barrow 's facade , and the long , thin mounds at Addington and Kit 's Coty . This variation might have been caused by the tomb @-@ shrines being altered and adapted over the course of their use ; in this scenario , the monuments would represent composite structures . \n It seems apparent that the people who built these monuments were influenced by pre @-@ existing tomb @-@ shrines that they were already aware of . Whether those people had grown up locally , or moved into the Medway area from elsewhere is not known . Based on a stylistic analysis of their architectural designs , Stuart Piggott thought that they had originated in the area around the Low Countries , while Glyn Daniel instead believed that the same evidence showed an influence from Scandinavia . John H. Evans instead suggested an origin in Germany , and Ronald F. Jessup thought that their origins could be seen in the Cotswold @-@ Severn megalithic group . Ashbee noted that their close clustering in the same area was reminiscent of the megalithic tomb @-@ shrine traditions of continental Northern Europe , and emphasised that the Medway Megaliths were a regional manifestation of a tradition widespread across Early Neolithic Europe . He nevertheless stressed that a precise place of origin was \" impossible to indicate \" with the available evidence . \n"} +{"id": 317, "text": " The monument originally consisted of a sarsen stone chamber , covered by a low earthen mound , which was bounded by prostrate slabs . As such , the archaeologist Paul Ashbee asserted that the monument could be divided into three particular features : the chamber , the barrow , and the sarsen stone surround . It is located on the edge of a large scarp , although it is difficult to ascertain what views would have been possible from the monument at the time of construction , due to a lack of information on how densely forested the vicinity was . However , if the area was not highly wooded , then 360 ° views of the surrounding landscape would have been possible . The monument 's axis points toward both the North Downs and the Medway Valley , which is similar to the other Medway Megaliths . Archaeologist Sian suggested that the Coldrum Long Barrow might have been built within view of a nearby settlement , and that this \" may have been a key factor in the experience of ceremonies and rituals taking place at the tombs and may also have defined a link between the tomb builders and the landscape . \" \n It had been built using about 50 stones . The barrow is sub @-@ rectangular in plan , and about 20 meters ( 64 feet ) in length . At its broader , eastern end , where the chamber is located , the monument measures 15 metres ( 50 feet ) , while at the narrower , western end , it is 12 metres ( 40 feet ) in breadth . As such , the barrow is a \" truncated wedge @-@ shape \" . The megalithic builders responsible for the Coldrum Stones positioned it on the top of a small ridge adjacent to the North Downs , and constructed it facing eastward , towards the River Medway . \n The chamber of the monument measures 4 @.@ 5 metres ( 13 feet ) in length , and 1 @.@ 7 metres ( 5 feet 6 inches ) in width , although it was potentially much larger when originally constructed . The chamber 's internal height would have been at least 2 metres ( 6 feet 6 inches ) . In its current state , the northern side of the chamber is made up of two slabs , one being 8 feet long , 7 feet , 6 inches deep , and 1 foot , 9 inches thick , and the other 5 feet long , 6 feet deep , and 2 feet thick . Conversely , the chamber 's southern side consists of a single slab , measuring 11 feet , 4 inches in length , 7 feet , 3 inches in depth , and 1 foot , 9 inches in depth at its thicker , eastern end . The western end of the chamber is closed off with a slab measuring about 14 feet , 6 inches wide , with a thickness of 1 foot and a depth of around 8 feet . A collapsed , broken slab lies at the opening eastern end of the chamber . It is also possible that a largely rectangular slab at the bottom of the slope had once been part of the eastern end of the chamber . Excavation has revealed that flint masonry was used to pack around the chamber and support its sarsens ; twentieth @-@ century renovation has seen this largely replaced with cement , allowing the stones to continue standing upright . \n It is possible that there was a facade in front of the chamber , as is evident at other chambered tombs in Britain , such as West Kennet Long Barrow and Wayland 's Smithy . It is also possible that there was a portal stone atop the chamber , as was apparent at Kit 's Coty House and Lower Kit 's Coty House . Many of the larger slabs of stone that have fallen down the slope on the eastern end of the monument may have been parts of this facade or portal . \n The earthen mound that once covered the tomb is now visible only as an undulation approximately 1 foot , 6 inches in height . In the nineteenth @-@ century , the mound was higher on the western end of the tomb , although this was removed by excavation to reveal the sarsens beneath during the 1920s . It is likely that in the Early Neolithic , the mound had a quarry ditch surrounding it , and it is inside this ditch that the kerb @-@ stones now sit . \n The kerb @-@ stones around the tomb display some patterning ; those on the northern side are mostly rectilinear , while those on the southern side are smaller and largely irregular in shape . It is probable that there was an ancillary dry @-@ stone wall constructed using blocks of ironstone from the geological Folkestone beds , as is evident at Chestnuts Long Barrow . Given that such blocks of stone rarely occur naturally , it may have been quarried . \n A concave line of abrasion and polishing can be found on both one of the central kerb @-@ stones on the western end of the monument and a kerb @-@ stone on the south @-@ east of the monument . These have been attributed to the sharpening of flint and other stone axe @-@ blades on these sarsens . It is possible that these tools were sharpened for use in cutting and carving the timber levers and struts which would have been used in erecting the stones and constructing the tomb . Similar evidence for the sharpening of tools has been found at West Kennet Long Barrow , as well as later prehistoric monuments such as Stonehenge . \n Coldrum Long Barrow is comparatively isolated from the other Medway Megaliths ; in this it is unique , given that the other surviving examples are clustered into two groups . However , it is possible that another chambered tomb was located nearby ; a razed , elongated earthen mound with an east @-@ west orientation is located in a hollow at the foot of the downs just under a quarter of a mile to the north of the Coldrum Stones . It may be that this represents the remnants of another such monument which has had its stones removed or buried . Several large sarsens to the south of the might represent the remnants of a further such tomb , since destroyed . \n"} +{"id": 318, "text": " Ashbee suggested that given its size and comparisons with other long barrows , such as Fussell 's Lodge , the Coldrum tomb could have housed the remains of over a hundred individuals . Excavations conducted in the early 20th century have led to the methodical discovery and removal of what was believed to be the remains of twenty @-@ two human individuals . These remains were examined by Sir Arthur Keith , the conservator of the museum at the Royal College of Surgeons . He published his results in 1913 , in a paper largely concerned with discerning racial characteristics of the bodies . \n A subsequent re @-@ analysis of the bones was conducted in the early 21st century , and published in the Proceedings of the Prehistoric Society in 2013 : the project presented \" osteological analysis , Bayesian modelling of radiocarbon dates , and carbon and nitrogen stable isotope analysis to inform on the demography , burial practices , diet and subsistence , and chronology of the Coldrum population \" . earlier conclusions , it stated that the minimum number of individuals was seventeen . These were then further identified as probably belonging to nine adults ( probably five males and four females ) , two sub @-@ adults , four older children , and two younger children ( one around five years old , the other between 24 and 30 months old ) . \n Keith had suggested that the crania he examined displayed similar features , which he attributed to the different individuals belonging to \" one family - or several families united by common descent . \" Similar observations had been made regarding the crania from other long barrows in Britain , although Martin Smith and Megan Brickley noted that this was not necessarily representative of a family group . Instead , they stated that it would also be consistent with \" a population that was still relatively small and scattered \" , in which most individuals were interrelated . \n Wysocki 's team noted that in all but one case , the fracture morphologies are consistent with dry @-@ bone breakage . Three of the skulls exhibited evidence that they had experienced violence ; a probable adult female had an unhealed injury on the left frontal , while an adult of indeterminate sex had an unhealed fracture on the left frontal , and a second adult female had a healed depressed fracture on the right frontal . \n Isotope analysis of the remains revealed δ13C values that were typical of those found at many other Southern British Neolithic sites , albeit with significantly higher values of , which grew over time . Although this data is difficult to interpret , it was identified as probably reflecting a terrestrial diet high in animal protein that over time was increasingly supplemented with freshwater river or estuarine foods . In the case of the older individuals whose remains were interned in the tomb , the tooth enamel was worn away and the dentine had become exposed on the chewing area of the crowns . \n Radiocarbon dating of the remains suggested Early Neolithic activity began at the site during – 3800 calibrated BCE ( 95 % probability ) or – 3880 cal BCE ( 68 % probability ) , when the first human remains were buried at the site . It then suggested that after an interval of either 60 – 350 years ( 95 % probability ) or 140 – 290 years ( 68 % probability ) , further depositions of human remains were made inside the tomb . This second phase probably began in cal BCE ( 95 % probability ) or – 3560 cal BCE ( 68 % probability ) . The radiocarbon dating of the human remains does not provide a date for the construction of Coldrum Long Barrow itself ; it is possible that the individuals died either some time before or after the monument 's construction . \n"} +{"id": 319, "text": " Cut @-@ marks were identified on a number of the bones ( two femora , two , and one cranium ) , with specialists suggesting that these had been created post @-@ mortem as the bodies were dismembered and the bones removed from their attached ligaments . However , they further suggested that the lack of such cut @-@ marks on certain bones was suggestive that the body had already undergone partial decomposition or the removal of soft tissues prior to the process of dismemberment . The precision of the cut @-@ marks suggests that this dismemberment was done carefully ; \" they do not suggest frenzied hacking or mutilation . \" None of the criteria that deem diagnostic of cannibalism were found on the bones . \n This cut @-@ marked human bone assemblage represented the largest yet identified from within a Neolithic long barrow in Southern Britain , although similar evidence for dismemberment has been found from a number of other Neolithic British sites , such as West Trump , , , and Haddenham . There are two possibilities for how this material developed . The first is that the bodies of the dead were or exposed to the elements , followed by a secondary burial within the tomb . The second is that they were placed in the tomb , where the flesh decomposed , before the bodies were then rearranged within the tomb itself . These practices may have been accompanied by , shamanism , or magical practices , direct evidence for which does not survive . \n The inclusion of occupational debris over the bones was not unique to the site but common in chambered tombs from southern England . On the basis of an example discovered at Kit 's Coty House , Ashbee thought it apparent that the contents of the Coldrum 's chamber would have been compartmentalised by medial slabs , which served the same purpose as the side chambers of West Kennet and Wayland 's Smithy . \n"} +{"id": 320, "text": " All of the surviving megalithic tombs from the Early Neolithic period have suffered from neglect and the ravages of agriculture . Although archaeologist Paul Ashbee noted that the Coldrum Stones represent \" Kent 's least damaged megalithic long barrow \" , it too has suffered considerable damage , having become dilapidated and fallen apart over the six millennia since its original construction . Most prominently , the eastern side has largely collapsed , with the stones that once helped to hold up the side of the barrow having fallen to the bottom of the slope . Conversely , it is possible that the sarsens at the bottom of the slope were not part of the original monument , but were stones found in nearby fields which were deposited there by farmers . \n Excavation of Chestnuts Long Barrow revealed that it had been systematically destroyed in one event , and Ashbee suggested that the same may have happened to the Coldrum Stones . He believed that the kerb @-@ stones around the barrow were toppled , laid prostrate in the surrounding ditch , and then buried during the late thirteenth or early fourteenth century , by Christians seeking to obliterate non @-@ Christian monuments . Conversely , the archaeologist John Alexander — who excavated Chestnuts — suggested that the Medway tombs were destroyed by robbers seeking to locate treasure within them . As evidence , he pointed to the Close Roll of 1237 , which ordered the opening of barrows on the Isle of Wight in search for treasure , a practice which may have spread to Kent around the same time . Alexander believed that the destruction n Kent may have been brought about by a special commissioner , highlighting that the \" expertness and thoroughness of the robbery \" at Chestnuts would have necessitated resources beyond that which a local community could likely produce . Ashbee further suggested that in subsequent centuries , locals raided the damaged Coldrum tomb for loamy chalk and stone , which was then re @-@ used as building material . \n"} +{"id": 321, "text": " In a 1946 paper published in the Folklore journal , John H. Evans recorded the existence of a local folk belief that a battle was fought at the site of the Coldrum Stones , and that a \" Black Prince \" was buried within its chamber . He suggested that the tales of battles taking place at this site and at other Medway Megaliths had not developed independently among the local population but had \" percolated down from the theories of antiquaries \" who believed that the Early Medieval Battle of Aylesford , which was recorded in the Anglo @-@ Saxon Chronicle , took place in the area . \n Evans also recorded that there was a folk belief in the area that applied to all of the Medway megaliths and which had been widespread \" up to the last generation \" ; this was that it was impossible for any human being to successfully count the number of stones in the monuments . This \" countless stones \" motif is not unique to this particular site , and can be found at various other megalithic monuments in Britain . The earliest textual evidence for it is found in an early sixteenth @-@ century document , where it applies to the stone circle of Stonehenge in Wiltshire , although in an early seventeenth @-@ century document it was being applied to The , a set of three stone circles in Cornwall . Later records reveal that it had gained widespread distribution in England , as well as a single occurrence each in Wales and Ireland . The folklorist S. P. Menefee suggested that it could be attributed to an animistic understanding that these megaliths had lives of their own . \n In the early twenty @-@ first century , a tradition developed in which the Hartley Morris Men , a morris dancing side , travel to the site at dawn every May Day in order to \" sing up the sun \" . This consists of a number of dances performed within the stones on top of the barrow , followed by a song performed at the base of the monument . \n"} +{"id": 322, "text": " The earliest antiquarian accounts of Coldrum Long Barrow were never published . There are claims that at the start of the nineteenth century , the Reverend Mark Noble , Rector of Barming , prepared a plan of the site for Gentleman 's Magazine , although no copies have been produced to verify this . Between 1842 and 1844 , the Reverend Beale Post authored Remains at Coldrum , in which he described the monument , although it remained unpublished at the time . Associating the site with the druids of Britain 's Iron Age , Post 's suggestion was that the name \" Coldrum \" derived from the linguistically Celtic \" Gael @-@ Dun \" , and that the chiefs of some of the Belgic Gauls were interned there . He further reported that in both 1804 and 1825 , skulls had been found at the site . In 1844 , an antiquarian named Thomas Wright published a note on the Coldrum Stones and other Medway Megaliths in The Archaeological Journal . Wright had been alerted to their existence by a local vicar , the Reverend Lambert B. Larking , and proceeded to visit them with him . Describing the , Wright mentioned \" a smaller circle of stones \" to the others in the area , with \" a subterranean cromlech in the middle \" . He further added that \" it is a tradition of the peasantry that a continuous line of stones ran from Coldrum direct to the well @-@ known monument called Kit 's Cotty [ sic ] House \" , attributing this belief to the variety of megaliths which were scattered throughout the landscape . \n In 1857 , the antiquarian J. M. Kemble excavated at the site with the help of the Reverend Larking , providing a report of their findings to the Central Committee of the British Archaeological Association . Describing the monument as a stone circle , they asserted that they discovered Anglo @-@ Saxon pottery at the site , and noted that as well as being called the Coldrum Stones , the monument also had the name of the Stones , which Kemble believed originated with the Old English word for funeral pile , ad . In August 1863 , the Archaeological Institute , who were then holding their week @-@ long meeting in Rochester , took a tour to visit the site , guided by the antiquary Charles Roach Smith . That year , the monument was described in a copy of Gentleman 's Magazine by Yorkshire antiquary Charles Moore Jessop , who believed it to be a \" Celtic \" stone circle . \n In 1869 , the antiquarian A. L. Lewis first visited the site , and was informed by locals that several years previously a skull had been uncovered from inside or near to the chamber , but that they believed it to be that of a gypsy . A later account elaborated on this , stating that two individuals excavated in the centre of the dolmen without permission , discovering a human skeleton , the skull of which was then re @-@ buried in the churchyard at . In an 1878 note published in The Journal of the Anthropological Institute of Great Britain and Ireland , Lewis noted that while many tourists visited Kit 's Coty House , \" very few goes to or ever hears of a yet more curious collection of stones at or Coldrum Lodge \" . He believed that the monument consisted of both a \" chamber \" and an \" oval \" of stones , suggesting that they were \" two distinct erections \" . In 1880 , the archaeologist Flinders Petrie included the existence of the stones at \" \" in his list of Kentish earthworks ; although noting that a previous commentator had described the stones as being in the shape of an oval , he instead described them as forming \" a rectilinear enclosure \" around the chamber . He then included a small , basic plan of the monument . \n In August 1889 , two amateur archaeologists , George Payne and A. A. Arnold , came across the monument , which they noted was known among locals as the \" Coldrum Stones \" and \" Druid Temple \" ; according to Payne , \" the huge stones were so overgrown with brambles and brushwood that they could not be discerned \" . He returned the next year , noting that at this point , the brushwood had been cut away to reveal the megaliths . In his 1893 book Collectanea Cantiana , Payne noted that although it had first been described in print in 1844 , \" since that time no one seems to have taken the trouble to properly record them or make a plan \" , an unusual claim given that a copy of Petrie 's published plan existed in his library . For this reason , after gaining permission from the landowner , he convinced Major A. O. Green , Instructor in Survey at Brompton , to conduct a survey of the monument in August 1892 . He also wrote to the archaeologist Augustus Pitt @-@ Rivers , encouraging him to schedule the Coldrum Stones as a legally protected site under the Ancient Monuments Protection Act 1882 . Payne described the Coldrum Stones as \" the finest monument of its class in the county , and one worthy of every care and attention . \" Comparing it to other monuments of its type in Britain , he asserted that it was undoubtedly \" of sepulchral origin , belonging to a period anterior to the Roman domination of Britain . \" Payne also noted a folk tradition that there were stone avenues connecting Coldrum to the Addington Long Barrow , although added that he was unable to discover any evidence for the existence of this feature . \n In 1904 , George Clinch published a note on the Medway Megaliths in the Royal Anthropological Institute 's journal , Man , in which he referred to the Coldrum Stones as \" at once the most remarkable and the least known of the whole series . \" Suggesting that its design indicates that it was built during \" a late date in the neolithic age \" , he compared the workmanship in producing the megaliths to that at the stone circle of Stonehenge in Wiltshire , although noted that they differed in that the Coldrum Stones clearly represented \" a sepulchral pile \" . Ultimately , he ended his note by urging for the site to be protected under the Ancient Monuments Protection Act 1900 . In that same issue , Lewis included an added note in which he rejected the idea that the monument had once been covered by an earthen tumulus because he could see \" no evidence that anything of that kind ever existed \" , and instead he interpreted the site as a stone circle , comparing it to the examples at Avebury , , and Stanton Drew , suggesting that the central chamber was a shrine . \n"} +{"id": 323, "text": " The Coldrum Stones have been excavated on multiple occasions . On 16 April 1910 , the amateur archaeologist F. J. Bennett began excavation at the site , after previously having uncovered some Neolithic lithics from Addington Long Barrow . He soon discovered human bones \" under only a few inches of chalky soil \" . He returned to the site for further excavation in August 1910 , this time with his niece and her husband , both of whom were dentists with an interest in ; on that day they discovered pieces of a human skull , which they were able to largely reconstruct . A few days later he returned to excavate on the north @-@ west corner of the dolmen with the architect E. W. Filkins ; that day , they found a second skull , further bones , a flint tool , and pieces of pottery . \n Later that month , George Payne and F. W. Reader met with Bennett to discuss his finds . With the aid of two other interested amateur archaeologists , Mr Boyd and Miss Harker , both from Malling , excavation resumed in early September . In 2009 , the archaeologists Martin Smith and Megan Brickley asserted that Bennett 's excavations had taken heed of the advice of Pitt @-@ Rivers that excavations should be recorded in full . They noted that Bennett had provided \" clear plan and section drawings , photographs of the monument and careful attempts to consider site formation processes . \" Suggesting that the monument was constructed on agricultural land , in his published report Bennett cited the ideas of anthropologist James Frazer in The Golden Bough to suggest that the Coldrum Stones \" monument may at one time have been dedicated , though not necessarily initially so , to the worship of the corn god and of agriculture . \" He proceeded to theorise that the human remains found at the site were the victims of human sacrifice killed in fertility rites . However , Evans later stated that \" we have no means of knowing \" whether human sacrifice had taken place at the site . \n In September 1922 , Filkins once again began excavating at the site , this time with the aid of a resident of Gravesend , Charles Gilbert . Their project was financed through grants provided by the British Association and the Society of Antiquaries , with Filkins noting that at the time of its commencement , \" a miniature jungle \" had grown up around the site which had to be cleared . Excavation continued sporadically until at least 1926 . Human remains were discovered , and placed into the possession of Sir Arthur Keith of the Royal College of Surgeons . This excavation revealed all the existing sarsens surrounding the monument , a number of which had previously been buried beneath earth . The stones of the dolmen were shored up with concrete foundations where Filkins deemed it necessary . Although Filkins ' excavation was comprehensive , it did ignore stone holes , packing stones , and their relationship to the mound . In 1998 , Ashbee noted that while from \" a present @-@ day perspective , it is possible to see shortcomings [ ... ] in terms of the general standards of the early part of this century , there is much to commend . \" \n"} +{"id": 324, "text": " In his 1924 publication dealing with Kent , the archaeologist O. G. S. Crawford , then working as the archaeological officer for the Ordnance Survey , listed the Coldrum Stones alongside the other Medway Megaliths . In 1926 , the Coldrum Stones were given to The National Trust , who dedicated it as a memorial to the Kentish historian Benjamin Harrison . A plaque was erected to mark this , which erroneously termed the monument a stone circle ; in 1953 , the archaeologist Leslie Grinsell expressed the view that \" it is hoped that this error may be rectified in the near future \" . Still owned by the Trust , the site is open to visitors all year round , free of charge . On their website , the Trust advises visitors to look for \" stunning views from the top of the barrow \" . John H. Evans characterised the site as \" the most impressive \" of the Medway Megaliths , while Grinsell described it as \" the finest and most complete \" of the group . \n"} +{"id": 325, "text": " Krasnyi Kavkaz ( from Russian : \" Красный \" - \" Red Caucasus \" ) was a cruiser of the Soviet Navy that began construction during World War I , but was still incomplete during the Russian Revolution . Her design was heavily modified by the Soviets and she was completed in 1932 . During World War II she supported Soviet troops during the Siege of Odessa , Siege of Sevastopol , and the Kerch @-@ Feodosiya Operation in the winter of 1941 — 42 . She was awarded the Guards title on 3 April 1942 . She was reclassified as a training ship in May 1947 before being used as a target in 1952 . \n"} +{"id": 326, "text": " Laid down on 18 October 1913 at the Dockyard as Admiral Lazarev for the Imperial Russian Navy as a cruiser of the Svetlana class , she was launched on 8 June 1916 . Construction was abandoned in 1917 during the October Revolution when the ship was 63 % complete . In the second half of 1918 , the Marine Department of Hetman Pavlo was engaged in completion of ship . On 25 January 1919 , the ship was formally renamed in \" Hetman Petro Doroshenko \" , but Mykolaiv was captured shortly afterward by the Entente . The hull was relatively undamaged and the Soviets decided to finish the ship to a modified design . She was renamed Krasnyi Kavkaz on 14 December 1926 , and completed to a modernized design , being commissioned on 25 January 1932 . \n Krasnyi Kavkaz was initially intended to accommodate eight 8 @-@ inch ( 200 mm ) guns in four twin turrets , but this was impossible given her small and lightly constructed hull . Three twin turrets mounting the new 57 @-@ caliber 180 mm ( 7 @.@ 1 in ) B @-@ 1 @-@ K gun under development also proved impracticable and the Soviets had to settle for four MK @-@ 1 @-@ 180 single 180 mm gun turrets , two at each end . Her superstructure was massively revised to fit these turrets and all of the original casemated 130 @-@ millimeter ( 5 @.@ 1 in ) / 55 B7 Pattern 1913 guns were removed . As completed her secondary armament was only four 30 @-@ caliber 76 @.@ 2 mm Lender AA guns mounted between her funnels . Her original internal torpedo tubes were replaced by four triple 533 @-@ millimetre ( 21 @.@ 0 in ) torpedo mounts mounted on each side of the main deck abaft the forecastle break . She was given an aircraft @-@ handling crane , but a catapult wasn 't installed aft of her rear funnel until 1935 when a Heinkel catapult was imported from Germany . She was also fitted for mine rails with a capacity of up to 120 mines . \n The light cruiser Komintern collided with her in May 1932 , shortly after her commissioning , and badly damaged her bow . It was extensively rebuilt and increased her overall length by over 11 metres ( 36 ft ) . In 1933 she made port visits in Turkey , Greece and Italy . \n She was refitted before Operation Barbarossa , probably about 1940 , her catapult was removed , and her anti @-@ aircraft armament was greatly increased . Her four 76 @.@ 2 mm Lender AA guns were exchanged for four Italian Minizini twin gun 50 @-@ caliber 100 mm ( 3 @.@ 9 in ) AA mounts and she received four single mounts for the semi @-@ automatic 76 @.@ 2 mm 34 @-@ K were fitted as well as six 12 @.@ 7 mm ( 0 @.@ 50 in ) AA machine guns . Two single mounts for 76 @.@ 2 mm ( 3 @.@ 00 in ) 34 @-@ K guns were also fitted , one on each side of the quarterdeck just aft of the rearmost main gun turret . Some of these guns may have been received earlier , the sources are unclear . While under repair at Poti in late 1942 she landed her aft pair of torpedo tubes and received two more Minizini mounts salvaged from the sunken cruiser Chervona Ukraina . Ten single mounts for the naval version of the 37 mm AA gun was also fitted . By 1944 she was also carrying one quadruple Vickers .50 machine gun MK III mount on top of each of her superfiring main gun turrets and she may have been using Oerlikon 20 mm cannon . \n"} +{"id": 327, "text": " Krasnyi Kavkaz , in company with the cruisers Chervona Ukraina , Komintern and a number of destroyers , laid down a defensive mine barrage protecting the Black Sea Fleet base at Sevastopol on 22 June . She provided gunfire support to Soviet forces defending Odessa and escorted convoys bringing the 157th Rifle Division into Odessa during the month of September 1941 . She also transported one battalion of the 3rd Marine Regiment from Sevastopol in a successful amphibious assault behind Romanian lines to destroy Romanian coastal batteries near Fontanka and Dofinovka . She escorted convoys from 3 — 6 October that evacuated the 157th Rifle Division from Odessa to Sevastopol and escorted the final evacuation convoy during the night of 15 – 16 October . During the Siege of Sevastopol she provided gunfire support and evacuated cut @-@ off troops from elsewhere in the Crimea into Sevastopol and brought in reinforcements from Caucasian ports . She helped to transport the 388th Rifle Division from Novorossiysk and Tuapse to Sevastopol between 7 and 13 December and the 354th Rifle Division between 21 and 22 December , bombarding German positions in the interim . \n During the Kerch @-@ Feodosiya Operation Krasnyi Kavkaz sailed into the harbor of Feodosiya on 29 December 1941 and disembarked reinforcements and provided gunfire support for Soviet troops already ashore . She was hit seventeen times by Axis artillery and mortar fire in retaliation . On 1 and 3 January she ferried supplies and reinforcements for the Soviet bridgehead on the Kerch Peninsula . On the return voyage she was severely damaged by German Junkers Ju 87 Stuka dive @-@ bombers from II . / StG 77 . Four near @-@ misses close to her stern damaged her steering , her left propeller shaft , blew off one propeller and put enough holes in her stern that flooding caused her draft to increase by 5 metres ( 16 ft ) . She made it to Novorossiysk , escorted by the destroyer , where she was patched up enough to make to Poti where more permanent repairs could be made . These took until October 1942 and the opportunity was taken to reinforce her anti @-@ aircraft armament . \n She was awarded the Guards title on 3 April in recognition of her performance . Between 20 and 23 October , Krasnyi Kavkaz , her half @-@ sister Krasnyi Krym , and three destroyers ferried 12 @,@ 600 men of the 8th , 9th and 10th Guards Rifle Brigades from Poti to Tuapse to reinforce the defenses there . On the night of 4 February 1943 the Soviets made a series of amphibious landings to the west of Novorossiysk , behind German lines . Krasnyi Krym , Krasnyi Kavkaz , and three destroyers provided fire support for the main landing , but the Soviet troops there were wiped out by 6 February , although one secondary landing was successful . The loss of three destroyers attempting to interdict the German evacuation of the Taman Bridgehead on 6 October 1943 caused Stalin to forbid the deployment of large naval units without his express permission and this meant the end of Krasnyi Kavkaz 's active participation in the war . \n"} +{"id": 328, "text": " Little is known about her activities after the end of the war other than she was redesignated as a training ship on 12 May 1947 . She was sunk as a target ship by SS @-@ N @-@ 1 missiles on 21 November 1952 . \n"} +{"id": 329, "text": " Route 4 , also known as the Colonel Rodman Highway , is a 10 @.@ 37 @-@ mile ( 16 @.@ 69 km ) long numbered state highway located in Washington County and southern Kent County , Rhode Island , United States . The route is a major north – south freeway in the southern Providence metropolitan area , directly linking Providence with eastern Washington County , the beaches of Narragansett and South Kingstown , and the city of Newport . Route 4 begins as a two @-@ lane divided highway at an intersection with U.S. Route 1 ( US 1 ) in the town of North Kingstown , becoming a limited @-@ access freeway after 1 @.@ 89 miles ( 3 @.@ 04 km ) . The route has four numbered interchanges before terminating in the city of Warwick , where the northbound lanes merge into Interstate 95 ( I @-@ 95 ) . \n The origins of Route 4 date back to 1952 , when construction began on a short , unnumbered arterial from US 1 to the modern location of exit 5 at Routes 2 and 102 in Wickford . In 1965 , the Rhode Island Department of Public Works began work on a 5 @.@ 4 @-@ mile ( 8 @.@ 7 km ) freeway from modern exit 6 north to the merge with I @-@ 95 . The freeway , designated as Route 4 , was completed in 1972 . At that time , the Route 4 designation was also applied to the Wickford arterial . In 1988 , the missing link in Route 4 between exits 5 and 6 was completed and opened . The Rhode Island Department of Transportation has long @-@ term plans to upgrade the southernmost portion of Route 4 to freeway status by constructing overpasses at Oak Hill Road and West Allenton Road and a grade separation with US 1 . Although the project was originally scheduled to be completed by 2007 , the $ 55 million project has been postponed indefinitely . \n"} +{"id": 330, "text": " Route 4 begins at a fork in the alignment of U.S. Route 1 in the community of North Kingstown ; the two left lanes of US 1 default onto Route 4 north , with the right @-@ hand lane carrying Tower Hill Road and US 1 north into the village of Wickford . Route 4 heads in a northwestern direction as a four @-@ lane divided highway , crossing West Allenton Road at an at @-@ grade intersection with a traffic signal after approximately 0 @.@ 5 miles ( 0 @.@ 80 km ) . The highway continues on a northwesterly projection , passing to the northeast of Kettle Hole Pond and to the southwest of Secret Lake in a heavily forested region . After Secret Lake , the highway curves to the north , crossing Oak Hill Road at another at @-@ grade intersection . \n Shortly after the intersection with Oak Hill Road , Route 4 transitions from a divided arterial highway into a four @-@ lane limited @-@ access freeway . The freeway passes to the west of Belleville Pond and begins to parallel the alignment of Route 102 ( Ten Rod Road ) near the community of Lafayette . Route 4 passes over Amtrak 's Northeast Corridor railroad before entering the business district of Wickford Junction . The freeway interchanges with Routes 2 and 102 at exit 5 , a partial cloverleaf interchange . After the interchange , Route 4 bends to the northeast , beginning a parallel alignment with Route 2 that continues to its northern terminus . Route 4 crosses into the town of East Greenwich , passing under South Road before interchanging with Route 2 at exit 6 , a partial cloverleaf interchange . \n After exit 6 , Route 4 passes the Rhode Island Army National Guard base to the east and to the Hunt River to the west . Route 4 northbound interchanges with Route 403 at exit 7 ; Route 403 , or the Quonset Freeway , is a four @-@ lane , limited access freeway and spur route of Route 4 that serves the Quonset Business Park and the village of Davisville . Heading southbound , exit 7 is split into exit 7B , which serves the Quonset Freeway , and exit 7A , which serves Route 402 ( Frenchtown Road ) , another spur route connecting the highway to US 1 and Route 2 . After exit 7 , Route 4 continues northward as a six @-@ lane expressway , passing farmlands to the west and entering a suburban region of East Greenwich . The highway crosses under an overpass at Middle Road before interchanging with Route 401 , the freeway 's final spur , at another partial cloverleaf interchange . Exit 8 is also used to access Route 2 and I @-@ 95 south , which has no direct freeway connection with Route 4 north . Shortly after exit 8 , the Route 4 designation ends and the mainline of the highway defaults onto I @-@ 95 north . \n"} +{"id": 331, "text": " In 1950 , the Rhode Island General Assembly passed a $ 12 million ( equivalent to $ 118 million in 2016 ) bond issue to fund the construction of a 3 @-@ mile ( 4 @.@ 8 km ) , four @-@ lane divided arterial bypass of U.S. Route 1 in Wickford . Construction on the highway began in 1952 and was completed in 1954 , at which time the roadway opened as an unnumbered state highway leading from US 1 to Routes 2 and 102 in Wickford . \n During the late 1950s , a few years after the completion of the arterial , the Rhode Island Department of Public Works ( RIDPW ) proposed a relocation of Route 2 , which , at the time , was the major thoroughfare in the area . No action was taken until 1964 , when the RIDPW introduced a study for the \" Relocated Route 2 \" proposal . During the study , drivers who used the Colonel Rodman Highway arterial and were bound for the state capital of Providence were redirected onto Route 2 , an accident @-@ prone , four @-@ lane undivided highway near the modern exit 5 . In 1965 , the planned Route 2 freeway was given the new number of Route 4 , leaving Route 2 on its existing alignment . A public hearing was held by the state of Rhode Island on the proposed freeway , which was to be four lanes and have a divided , grassy median . This proposal was later accepted , and construction began two years later . \n Construction of a 5 @.@ 4 @-@ mile ( 8 @.@ 7 km ) long section of Route 4 from what is now exit 6 in East Greenwich to I @-@ 95 in Warwick began in 1967 and was completed in 1972 . That year , the 3 @-@ mile ( 4 @.@ 8 km ) arterial south of the modern exit 5 was also designated as part of Route 4 . The divided highway remains largely intact to this date as the stretch of Route 4 from US 1 to Routes 2 and 102 at exit 5 ; the only piece of the arterial that has been significantly altered is the construction of a bridge over Amtrak 's Northeast Corridor line . By the early 1970s , Route 4 was complete north of exit 6 and south of what would become exit 5 , but there was a still a missing piece in the highway between the two exits . In the 1970s , the state of Rhode Island faced several budget problems and environmental concerns , both of which delayed the construction of the missing link for nearly eleven years . Environmental studies on the missing link began in 1977 , and the state estimated that the 1 @.@ 5 @-@ mile ( 2 @.@ 4 km ) long section of freeway would cost $ 15 – 21 million ( equivalent to $ 59 – 82 million in 2016 ) to construct . \n In 1983 , the Rhode Island Department of Transportation ( RIDOT ) began construction of the new segment of Route 4 between exits 5 and 6 . The project , which ultimately went over budget at $ 24 million ( equivalent to $ 52 million in 2016 ) ) , was financed from a $ 63 million federal grant . In 1986 , during excavation for the new right @-@ of @-@ way , the Department of Transportation found archeological items from the Narragansett Indians dating from about 2 @,@ 000 to 4 @,@ 500 years prior . Although the findings were not centralized in the area , this caused delays for the extension of the freeway . On August 6 , 1988 , completed construction and performed a ribbon @-@ cutting ceremony for the new highway . \n In January 1990 , two police cruisers were severely damaged during a chase on Route 4 . A driver was speeding in the southbound lanes of Route 4 near exit 7 ; when the driver exited at Route 402 ( Frenchtown Road ) , two police officers got into serious accidents in their attempts to pursue the vehicle . After the crashes , the American Civil Liberties Union restarted efforts to amend police chase policy and avoid further crash @-@ related injuries for officers in the line of duty . \n In 2000 , construction began on the Quonset Freeway , a relocated Route 403 that serves the Quonset Business Park from Route 4 . The project included the reconstruction and reworking of exit 7 off Route 4 , which was a southbound @-@ only exit serving both Route 403 and Route 402 when constructed . The exit was converted into a trumpet interchange with new ramps between Route 4 , Route 403 and Route 402 and was completed in December 2008 , one year ahead of schedule . The project included the construction of a new northbound exit 7 serving Route 403 east . \n"} +{"id": 332, "text": " The Rhode Island Department of Transportation ( RIDOT ) has laid out long @-@ term plans for improvements to both the southern and northern termini of Route 4 . During the 1980s and 1990s , RIDOT announced plans to eliminate the three traffic lights along the southern end of the highway . The department planned to replace the existing signalized US 1 and Route 4 merge , converting it into a grade @-@ separated interchange with an extensive overpass . This would cut @-@ off access to three local roads that intersect US 1 near the signal . The plan also included the replacement of the two other signaled intersections at West Allenton Road and Oak Hill Road with overpasses ; the overpass for West Allenton Road is planned to be constructed as a new exit 4 . In the 1990s , the state purchased and demolished several houses in the region to allow for an expanded Route 4 right @-@ of @-@ way in the vicinity of West Allenton Road . \n The upgrade proposal proved to be very unpopular with North Kingstown residents who lived on the affected local roads . Additionally , RIDOT laid the highway out so that Route 4 would cross through wetlands in the area . This sparked environmental concerns , as one of the large wetlands that would be affected , Froberg 's Marsh , was deemed to be of high value by Rhode Island environmentalists . Despite local and environmental concerns , RIDOT still considers the Route 4 upgrade to be the safest way to improve traffic flow in the region . While the Department of Transportation considered upgrading nearby Route 2 to freeway standards as a potential alternative , this plan was ultimately rejected because of its effects on wells in the area . Although the project was originally scheduled to be completed by 2007 , the $ 55 million project has been postponed indefinitely . \n RIDOT also has long @-@ range plans to construct direct freeway connections linking Route 4 north with I @-@ 95 south and I @-@ 95 north with Route 4 south . As of November 2010 , environmental studies are being prepared for a reconfiguration of the interchange . \n"} +{"id": 333, "text": " Italics denote future exit numbers . \n"} +{"id": 334, "text": " \" West End Girls \" is a song by British pop duo Pet Shop Boys . Written by Neil Tennant and Chris Lowe , the song was released twice as a single . The song is influenced by hip hop music , with lyrics concerned with class and the pressures of inner @-@ city life which were inspired partly by T. S. Eliot 's poem The Waste Land . It was generally well received by contemporary music critics and has been frequently cited as a highlight in the duo 's career . \n The first version of the song was produced by Bobby Orlando and was released on Columbia Records ' Bobcat Records imprint in April 1984 , becoming a club hit in the United States and some European countries . After the duo signed with EMI , the song was re @-@ recorded with producer Stephen Hague for their first studio album , Please . In October 1985 , the new version was released , reaching number one in the United Kingdom and the United States in 1986 . \n In 1987 , the song won Best Single at the Brit Awards , and Best International Hit at the Ivor Novello Awards . In 2005 , 20 years after its release , the song was awarded Song of The Decade between the years 1985 and 1994 by the British Academy of Composers and Songwriters . In 2015 the song was voted by the British public as the nation 's 12th favourite 1980s number one in a poll for ITV . \n The song was performed by Pet Shop Boys at the 2012 Summer Olympics closing ceremony and was included as part of the soundtrack of the 2013 game Grand Theft Auto V on the Non @-@ Stop @-@ Pop radio station . \n"} +{"id": 335, "text": " In 1983 , Neil Tennant met producer Bobby Orlando , while on an assignment in New York interviewing Sting for Smash Hits . After listening to some demos , Orlando offered to produce for the duo . \n In 1983 – 84 , the duo recorded eleven songs with Orlando , at Unique Studios in New York , \" West End Girls \" , \" Opportunities ( Let 's Make Lots of Money ) \" , \" One More Chance \" , \" I Want A Lover \" , \" A Man Could Get Arrested \" , \" I Get Excited \" , \" Two Divided by Zero \" , \" Rent \" , \" It 's A Sin \" , \" Pet Shop Boys \" , and \" Later Tonite \" . Orlando played most of the instruments on \" West End Girls \" , including the jazz riff at the end . Lowe played one chord and the bassline . It included a drum part lifted from Michael Jackson 's \" Billie Jean \" , and an arrangement involving what Tennant called \" Barry White chords \" . Orlando was thrilled by the song 's production ; his idea was to make a rap record in a British accent . \n In April 1984 , \" West End Girls \" was released , becoming a club hit in Los Angeles and San Francisco , and a minor dance hit in Belgium , and France , but was only available in the United Kingdom as a 12 \" import . In March 1985 , after long negotiations , Pet Shop Boys cut their contractual ties with Orlando , and hired manager Tom Watkins , who signed them with EMI . They re @-@ recorded \" West End Girls \" with producer Stephen Hague , and re @-@ released the song in late 1985 , topping the charts in both the UK and the U.S. \n In an interview on 's Synth Britannia programme ( Video on YouTube at 1h 19s ) , Neil Tennant explains the role of the then new sampling technology on the track and how every single sound came from the newly introduced E @-@ mu Emulator keyboard . \n"} +{"id": 336, "text": " \" West End Girls \" is a synthpop song influenced by hip hop music . The song 's socially conscious streak , as well as the propulsive bass line , derives from Grandmaster Flash 's protest rap song \" The Message \" . Lowe and Hague created a \" snaky , obsessive rhythm punch \" for the music , replacing the song 's previously sparse beats and minimal keyboard lines . \n Tennant started to write the song when he was staying at his cousin 's house in Nottingham while watching a gangster film . Just when he was going to sleep he came up with the lines : \" Sometimes you 're better off dead , there 's a gun in your hand and it 's pointing at your head \" . The lyrics were inspired by T.S. Eliot 's poem The Waste Land , particularly in the use of different narrative voices and arcane references . The song 's lyrics are largely concerned with class , inner @-@ city pressure . Tennant later said that some listeners had assumed the song referred to prostitutes , but was actually , \" about rough boys getting a bit of posh . \" \n The lyric \" From Lake Geneva to the Finland Station \" refers to the train route taken by Vladimir Lenin when he was smuggled by the Germans to Russia during World War I , a pivotal event in the Russian Revolution . Indeed , it is highly likely the lyric was inspired by the book To the Finland Station by Edmund Wilson , a very famous work on the history of revolutionary thought and Socialism that Tennant would have at least heard of , if not read , as a student . The Bobby Orlando @-@ produced version of the single included another line , \" All your stopping , stalling and starting , / Who do you think you are , Joe Stalin ? \" which was removed for the 1985 version . \n"} +{"id": 337, "text": " \" West End Girls \" has been generally well received by music critics . Stephen Thomas Erlewine from Allmusic in a review of the album Please called the song \" hypnotic \" , adding that \" it 's not only a classic dance single , it 's a classic pop single \" . In a review for the group 's second studio album Actually , Rob Hoerburger from Rolling Stone magazine commented that \" West End Girls \" was \" as catchy as anything on the radio in 1986 \" , praising \" its enticing bass line and foreboding synth riffs \" , but felt that it was almost \" nullified by peevish spoken asides and the cryptic posturing of the duo 's lyrics \" . In a review of the live album Concrete , Michael Hubbard from musicOMH said that \" West End Girls \" was one of the songs that \" round out a collection that never feels too long or superfluous \" , adding that it \" goes some way to installing Tennant and Lowe as national treasures \" . \n Nitsuh Abebe from Pitchfork Media , in a review of their compilation album : Pet Shop Boys - The Hits commented that in the song \" we meet Tennant not as a singer , but as a speaker \" , adding that \" he mumbles the verses to us not like a star , but like a stranger in a raincoat , slinking alongside you and pointing out the sights \" . \n In 1987 , \" West End Girls \" won for Best Single at The BRIT Awards , and for Best International Hit at the Ivor Novello Awards . In 2005 , the British Academy of Composers and Songwriters gave to West End Girls the Ivor Novello Award for Song of The Decade between the years 1985 and 1994 . \n"} +{"id": 338, "text": " The video was directed by Andy Morahan and Eric Watson , and consists of shots of the duo around London . At the beginning of the video , noises from the city can be heard , a camera passes Lowe on the street , and focus on two vintage dolls in a shop window . Then appears a sequence of quick cuts with shots of the city 's different sub @-@ cultures , the video freezes and cuts to Tennant and Lowe , who walk through an empty Wentworth Street in Petticoat Lane Market . They stand in front of a red garage door , Tennant is in front dressed with a long coat , white shirt and dark necktie , directly addressing the camera , with Lowe standing behind him with a blank expression . Lowe is filmed in double @-@ exposure and appears almost ghostlike . In other shots , Tennant walks imperiously while Lowe follows behind , as if one were a master and the other an apprentice . \n Then the video shows various shots at Waterloo station , as the chorus starts . In slow motion , the camera pans across the WHSmith shop on the station concourse as the duo walk past . It cuts to a brief shot of a No. 42 red double @-@ decker bus , showing the destination as Aldgate , also advertising the stage @-@ show Evita , then black and white shots of the Tower Bridge , Westminster and the Westminster Palace Clock Tower from the sky . The duo poses on the South Bank of the River Thames in a pastiche of a postcard image , with the Houses of Parliament as a background . \n The camera shows shots of young women , and passes through arcades and cinemas in Leicester Square . The camera now passes South Africa House showing protestors in the Non @-@ Stop Picket , an anti @-@ apartheid vigil . The video cuts to a closeup of Tennant singing the chorus , with a purple neon sign passing across his face . At the end the camera passes again through Leicester Square , where people queue to see Fletch and Desperately Seeking Susan . The video was nominated for Best New Artist in a Video at the 1986 MTV Video Music Awards , but lost to a @-@ ha 's Take On Me . \n"} +{"id": 339, "text": " \" West End Girls \" was first released in April 1984 through writer and producer Bobby Orlando 's label . The song was a club hit in the United States , and in some European countries , such as Belgium , where it debuted at number 24 on the VRT Top 30 chart on 28 July 1984 , peaking at 17 four weeks later . In Canada , \" West End Girls \" first entered the RPM singles chart in April 1985 , reaching a peak position of 81 in June 1985 . \n Having signed with EMI , the group released their first major label single \" Opportunities ( Let 's Make Lots of Money ) \" in mid @-@ 1985 , but it failed to attract attention . The Pet Shop Boys then decided to re @-@ record \" West End Girls \" , and issue this new version as a single . Producer Stephen Hague helmed the new , re @-@ recorded version of \" West End Girls \" . \n The re @-@ recorded version of \" West End Girls \" was released in the United Kingdom in October 1985 , debuting on the UK Singles Chart at number 80 , and within eight weeks of its release it had reached the top of the chart . It maintained the number one position for two weeks and received a gold certification by the British Phonographic Industry ( BPI ) in January 1986 . Across Europe , \" West End Girls \" also topped the singles chart in Norway , as well as peaking in the top three in Belgium , Germany , Ireland , the Netherlands , Sweden , and Switzerland . \n In Canada , where the original recording of \" West End Girls \" had already been a minor hit in 1985 , the re @-@ recorded version was issued as a single in early 1986 . The re @-@ recorded song entered the chart in March 1986 , peaking at number one for one week on 17 May 1986 . In the United States , West End Girls debuted on the Billboard Hot 100 at number 71 , reaching the number one position on 10 May 1986 , and remained on the chart for 20 weeks . The song also peaked at number one on Billboard 's Hot Dance Music / Club Play chart for two weeks . \n"} +{"id": 340, "text": " Neil Tennant – vocals , lyrics \n Chris Lowe – keyboards , artwork design \n Helena Springs – additional vocals \n Bobby Orlando – producer , ( 1984 release ) \n Stephen Hague – producer ( 1985 release ) \n Steve Jerome – engineer – 1984 release \n David Jacob – engineer \n Frank Roszak – remixing \n Eric Watson – photography \n"} +{"id": 341, "text": " In 1993 East 17 covered \" West End Girls \" for their album Walthamstow , with limited chart success . \n"} +{"id": 342, "text": " 7 \" \n . West End Girls ( Faces on Posters Mix ) \n . West End Girls ( Kicking in Chairs ) \n"} +{"id": 343, "text": " Wrapped in Red is the sixth studio album by American recording artist Kelly Clarkson , released on October 25 , 2013 , by RCA Records . The album is a follow @-@ up to her first greatest hits album , Greatest Hits – Chapter One , and its companion extended play , The Sessions Vol . 2 . Produced by Greg Kurstin , it is her first Christmas album and her first record to be solely released by RCA . Wrapped in Red consists of sixteen tracks , featuring five co @-@ penned original songs and eleven cover versions of Christmas standards and carols , two of which are duets featuring recording artists Ronnie Dunn , Reba McEntire and Trisha Yearwood . \n Weary of constantly being asked for her primary genre , Clarkson had long @-@ desired to record a Christmas album as a means to defy genre limitations . She commissioned Kurstin , who had studied jazz music under the tutelage of Jaki Byard , to produce the entire album . Drawing inspirations from the soundtracks to the features A Charlie Brown Christmas and White Christmas , as well as the Christmas albums by Mariah Carey , McEntire , and Phil Spector , they experimented on various styles and sounds using Spector 's famed Wall of Sound technique to a create a contemporary holiday theme to classics . The Christmas music of Wrapped in Red comprises a variety of the genres such pop , jazz , country , and soul , marking a departure from the pop rock sound established from her previous studio albums ; while its lyrics share a singular theme of the color red , which represents a plethora of emotions during the holidays . \n Wrapped in Red debuted on the Billboard 200 chart at number 3 and topped the Billboard Top Holiday Albums chart with 70 @,@ 000 copies sold in its first week of release . For nine consecutive weeks , Wrapped in Red stayed on the top ten of both charts and was certified platinum by the Recording Industry Association of America and Music Canada . By the end of 2013 , it became the year 's best @-@ selling Christmas release in the United States and the second best @-@ selling Christmas release in Canada . Its lead single \" Underneath the Tree \" became an international top forty Christmas hit song and was radio 's most @-@ played new holiday song of 2013 . In promoting Wrapped in Red , she appeared in red dresses on various televised appearances ; and filmed an accompanying television special , Kelly Clarkson 's Cautionary Christmas Music Tale , at The Venetian Las Vegas , which premiered on NBC on December 11 , 2013 . In 2014 , Clarkson released the title track as the second single and hosted an annual Christmas benefit concert , Miracle on Broadway , at the Bridgestone Arena on December 20 , 2014 . \n"} +{"id": 344, "text": " Clarkson had expressed interest in recording a Christmas album for years , having recorded various Christmas songs such as \" Oh Holy Night \" and \" My Grown Up Christmas List \" on the American Idol : The Great Holiday Classics ( 2003 ) , \" I 'll Be Home for Christmas \" on iTunes Session ( 2011 ) , and being featured on Blake Shelton 's Christmas album Cheers , It 's Christmas ( 2012 ) . Weary of constantly being asked for her primary genre , she felt that recording a Christmas album would finally pave a way for her to explore other different genres . She remarked , \" I always get asked what genre I 'm in : ' Is this country or pop or rock ? What are you ? ' And what 's cool about making the Christmas album was , ' Oh , there are no limitations ! We can do whatever we want ! ' \" . She further added , \" The thing about Christmas is that it almost doesn 't matter what mood you 're in or what kind of a year you 've had — it 's a fresh start . I 'm going to clear the air and take stock of the good that 's happened . \" \n Discussions about making her sixth studio album being a Christmas record began on December 2012 , a month after releasing her first greatest hits album , Greatest Hits – Chapter One . Having found the opportunity to do so , Clarkson commissioned producer and multi @-@ instrumentalist Greg Kurstin , whom she had previously collaborated with on her albums Stronger and Chapter One , to solely produce the whole album . Despite having been raised in a Jewish faith and unfamiliar with Christmas songs , Kurstin still agreed to produce the project . As a result , the record marked the second time her studio album only had a single producer ( the first being David Kahne solely producing My December in 2007 ) . It also marked the fourth time Kurstin had solely produced an entire studio album apart from being a member of the musical groups The Bird and the Bee and Tah ( the first three being Lily Allen 's It 's Not Me , It 's You in 2009 , Sia 's We Are Born in 2010 , and The Shins ' Port of Morrow in 2012 ) . \n"} +{"id": 345, "text": " Recording sessions of the basic instrumental tracks for Wrapped in Red took place in Kurstin 's Echo Studio in Los Angeles while orchestral sessions were recorded at EastWest Studios in Hollywood and featured vocals recorded in The Barn studio in Nashville . In recording tracks for the album , Clarkson and Kurstin wanted to showcase as many different styles as they could by experimenting in various sounds and styles to create fresh , contemporary sound to classic @-@ sounding music . He recalled , \" It was a lot of fun for us because we got to go back to our roots . When Kelly started singing , it was clear she had the chops and had been trained to do anything . \" Further adding , \" We really experimented . It was so much fun and liberating . And it pays off . \" Kurstin , who studied with jazz musician Jaki Byard at The New School for Jazz and Contemporary Music , recruited various jazz and soul musicians such as James Gadson , Kevin Dukes , Roy McCurdy , and Bill Withers to perform on the record to resonate a Memphis soul sound . He also collaborated with Joseph Trapanese to arrange and conduct a chamber orchestra . \n In providing instrumentation for the record , Kurstin used all of his instruments such as a Mellotron and a Chamberlin , taping them from a distance to stimulate the Wall of Sound , a recording technique originally developed by Phil Spector that was popular in the early 1960s . He enlisted Clarkson to provide all the background vocals herself . Clarkson , who grew up singing in a chorus , was pleased with the aspect ; saying , \" Blending is something I knew how to do from childhood . Sometimes I 'd have to do an alto instead of a soprano because they needed a bigger sound . But I 've never had to do anything like this before — doing all my backup vocals , essentially being my own choir . \" Together , they began to record in May 2013 and continued through the summer of that year , beginning by recording \" White Christmas \" with Clarkson in the vocal booth and with Kurstin on a piano . She commented , \" The production is all him . I would be just like ' Hey , can we make this more jazz ? Hey , can we make this more bluesy . And he just , like Harry Potter , made this happen . It 's so weird . \" \n"} +{"id": 346, "text": " Clarkson has cited the color red as the album 's only theme . A color traditionally associated with Christmas , she affiliated the color to various emotions in the holidays . Wanting to stray away from her usual pop sound , she described Wrapped in Red 's music as a representation to explore different genres such as jazz , country and Memphis soul . She recalled , \" What 's cool about Christmas albums is you can do jazz , rock and roll , you can do pop , you can do blues , like you can do all that stuff and it works — cause it 's all classic and it 's sounding . \" She also noted that the album 's multitude of styles positively contributes to her artistic goal , saying , \" My best friend from childhood heard it and said , ' This is what you sound like , before everything else . ' And I agree , It 's my core sound . Back in the day , when artists came out with things like \" Fall to Pieces \" and \" Bridge over Troubled Water \" , those songs transcended genres . It wasn 't , ' Where is it going to fit ? ' You catered to whatever the song calls for . And that 's exactly what I did — without having to have an umbrella for everything . \" \n In gathering inspirations for Wrapped in Red , Clarkson started by listening to Bing Crosby 's and Rosemary Clooney 's soundtracks from the 1954 feature film White Christmas as well as Mariah Carey 's Merry Christmas ( 1994 ) and Merry Christmas to You ( 1997 ) by Reba McEntire . While Kurstin , who used to play in a jazz band , took influences from A Charlie Brown Christmas by the Vince Guaraldi Trio and A Christmas Gift for You by Phil Spector as his inspirations , which resulted to the album 's Wall of Sound resonance . Clarkson also cited that her relationship with her then @-@ fiancé Brandon Blackstock had inspired some of the album 's lyrical content . \n"} +{"id": 347, "text": " Clarkson shares writing credits on all five original songs on Wrapped in Red , some of which were written in December 2012 to avoid writing Christmas tunes during the 2013 summer season . She co @-@ wrote the opening and the title track , \" Wrapped in Red \" , with Ashley , Eubanks , and Shane McAnally . A Christmas ballad , the song was inspired by a scene in the holiday feature film Love Actually ( 2003 ) , in which someone confesses unrequited love towards another . Critics singled out the track the one that resonates the Wall of Sound the most . The second track , \" Underneath the Tree \" , was written by Clarkson and Kurstin , making it the first time they had co @-@ written a track together . Clarkson remarked , \" Greg and I have worked a lot together , but usually I just come in and I just sing . We 've never have actually written a song together at this point . And he and I were like , ' Let 's just try to write something for the record . \" RCA Records chief executive Peter Edge remarked that its release as a single was partly inspired by the success of \" All I Want for Christmas Is You \" by Carey . The following track is a rendition of the holiday standard \" Have Yourself a Merry Little Christmas \" , which Clarkson had selected for its saccharine content . \n Clarkson favored \" Run Run Rudolph \" as her favorite classic , saying \" Just because it got to be a little more rock and roll . \" She also remarked that \" Please Come Home for Christmas ( Bells Will Be Ringing ) \" , was the first song selected for inclusion after her mother 's recommendation and the song 's melancholic lyrics . Written by Clarkson and Eubanks , \" Every Christmas \" , was the first song to be written for the album . She revealed that the song narrates of her holiday life prior to meeting Blackstock , McEntire 's stepson , saying \" Every Christmas , I was just like , ' This is going to be different , right ? I 'm going to actually find someone and not be pathetically alone for the rest of my life ? ' \" . The seventh track is a cover of Elvis Presley 's \" Blue Christmas \" . Its follow @-@ up , a rendition of \" Baby , It 's Cold Outside \" , features Ronnie Dunn . Clarkson had approached Dunn thinking that his personality suited the song 's content well , saying \" Like , it 's straight @-@ up his personality to say all of that to try and get you to stay , and have a drink . \" \" Winter Dreams ( Brandon 's Song ) \" was written by Clarkson , , and Eubanks as a companion piece to \" Every Christmas \" . Dedicated to Blackstock , the song accounts her holiday after meeting him . She remarked , \" Christmas changes , it morphs , it comes to life a little more … It ’ s just a happier time . \" \n The tenth track , \" White Christmas \" , was the first song to be recorded for Wrapped in Red . A cover of Rodgers and Hammerstein 's \" My Favorite Things \" follows up as the eleventh track . Clarkson opted for the Broadway performance of the song to stray away from Julie Andrews 's version , citing \" I think you shouldn 't go near anywhere of what she 's doing because she 's so good . \" Clarkson and Kurstin co @-@ wrote \" 4 Carats \" with Cathy Dennis and Livvi Franc . Originally written a pop song , they converted it as a Christmas song to fit the album 's theme , describing it as a crossover between Eartha Kitt 's \" Santa Baby \" ( 1953 ) and Madonna 's \" Material Girl \" ( 1984 ) . A rendition of Imogen Heap 's \" Just for Now \" was described by Clarkson as her highly dysfunctional environment , saying \" Can we just stop for like five minutes and have like a normal Christmas setting ? \" The song begins by sampling the melody of the Christmas tune \" Carol of the Bells \" . The closing track , a rendition of the traditional carol \" Silent Night \" , features McEntire and Trisha Yearwood and ends in an a capella setting between the trio . In addition , two tracks were also included in the deluxe edition of the album : the first , Clarkson 's cover of \" I 'll Be Home for Christmas \" from iTunes Session ; and the second , her rendition of the first stanza of the ecclesiastical hymn \" Oh Come , Oh Come Emmanuel \" . \n"} +{"id": 348, "text": " Wrapped in Red was first released internationally on October 25 , 2013 by RCA Records through Sony Music Entertainment . It then received a North American release on October 29 , 2013 by RCA as part of its holiday promotional campaign with the soundtracks to the feature films Black Nativity and The Best Man Holiday , with Wrapped in Red being promulgated as the one that will transcend formats and become a new holiday classic . In an interview with Billboard , RCA marketing executive Aaron remarked that the album was their main release of the holidays , quoting \" The angle on this album is that , like all great Christmas records , it 's about amazing vocal performances . That 's what this is intended to be @-@ an album launched this year but timeless and genre @-@ defying . \" In preparation for its release in the United States , RCA shipped a half @-@ million units on Amazon.com and Target , which exclusively released a deluxe edition . A red LP pressing of Wrapped in Red by United Record Pressing followed the CD release on November 25 , 2013 , marking the first time an album by Clarkson was released on a vinyl record . A deluxe LP and CD edition was also released on the Sony Music store which included a scarf , a holiday ornament , and a snow globe , all of which were decorated in red as inspired from the album . A international promotion campaign was also planned for Clarkson , but was later halted due her pregnancy . On October 21 , 2014 , Wrapped in Red was reissued by RCA with a special edition CD + DVD release exclusive to Walmart stores in the United States . A green LP pressing of the album will also have a limited 500 @-@ copy release on December 9 , 2014 . \n"} +{"id": 349, "text": " On October 15 , 2013 , \" White Christmas \" was released as a promotional single from Wrapped in Red . Three days after , \" Underneath the Tree \" premiered on Clarkson 's Vevo channel . A television Christmas special , titled Kelly Clarkson 's Cautionary Christmas Music Tale , was filmed by concert director Hamish Hamilton on October 30 , 2013 , the eve after its street date , at The Venetian Las Vegas . A pastiche of A Christmas Carol , the Christmas special featured live performances of selections from Wrapped in Red ( one of which features McEntire and Yearwood ) . Produced by Done and Dusted , Cautionary Christmas Music Tale premiered on NBC in the United States and Global in Canada on December 11 , 2013 , being pegged by RCA as the album 's primary promotional medium . NBC 's premiere broadcast of the special was seen by 5 @.@ 31 million viewers , according to Nielsen Media Research . It also received a 1 @.@ 4 share among adults between the ages of 18 to 49 , generated NBC ’ s second biggest overall audience its time slot . NBC had also a rerun broadcast of Cautionary Christmas Music Tale on Christmas Day , which was seen by an additional 3 @.@ 54 million viewers . \n Clarkson had also promoted Wrapped in Red in various televised performances , all of which she was dressed in red attire . She first performed \" Underneath the Tree \" on the The Today Show on November 26 , 2013 . On December 4 , 2013 , she performed \" Run Run Rudolph \" and \" Blue Christmas \" on the Christmas at Rockefeller Center television special . Clarkson had then performed \" Underneath the Tree \" on more televised events : such as on the fifth season of the The Voice on December 3 , 2013 , The Ellen DeGeneres Show on December 5 , 2013 , and on Late Night with Jimmy Fallon on December 12 , 2013 . On December 25 , 2013 , Clarkson returned to The Today Show on its Christmas Day broadcast , performing \" Blue Christmas \" . Selected tracks from the album were also used in advertisements , such as \" Run Run Rudolph \" , which was used in a Belk holiday advertisement , and \" Underneath the Tree \" , which was featured in an Amazon.com and Amazon Kindle Fire advertisement with an appearance by Clarkson performing the song . On December 20 , 2014 , She will host a Christmas concert , Miracle on Broadway , at the Bridgestone Arena . An annual Christmas benefit concert , Miracle on Broadway , will feature live performances of various Christmas songs by McEntire , Yearwood , Garth Brooks , Ronnie Dunn , Kacey Musgraves , Hayley Williams , Charles Esten , and Meghan Trainor , some of whom will also join Clarkson in performing selections from Wrapped in Red . \n Wrapped in Red 's lead single , \" Underneath the Tree \" , was released to radio airplay on November 5 , 2013 . Praised in its initial release , music critics approvingly compared the song to \" All I Want for Christmas is You \" and blazoned it as a future Christmas standard . Reviewing for Slant Magazine , Sal Cinquemani wrote that track is likely to become Clarkson 's very own contemporary standard ; while The Independent 's Hugh Montgomery applauded it as \" a winner on all fronts . \" After debuting on the Billboard Holiday 100 chart at number 34 , it became holiday top ten hit by peaking at number eight on the chart . It also topped the Billboard Adult Contemporary chart for four consecutive weeks , becoming Clarkson 's third track and the fifteenth holiday song to top the chart . \" Underneath the Tree \" also charted on the main Billboard Hot 100 chart at number seventy @-@ eight and became a top forty hit internationally : including the Billboard Canadian Hot 100 chart , the Dutch Top 40 chart , and the Official UK Singles Chart . USA Today reported that \" Underneath the Tree \" was American radio 's most @-@ played new holiday song of 2013 , while Edison Media Research reported that the single was the first holiday song to receive a considerable support on mainstream contemporary hit radio in almost 20 years . Wrapped in Red 's second single , the title track , was serviced to radio airplay on November 25 , 2014 . On the week ending December 28 , 2014 , it debuted on the Billboard Adult Contemporary chart at number 11 on the week ending December 13 , 2014 . \n"} +{"id": 350, "text": " At Metacritic , which assigns a normalized rating out of 100 to reviews from mainstream critics , the album received an average score of 73 , based on 6 reviews , and scoring higher than any other album by Clarkson . AllMusic 's senior editor Stephen Thomas Erlewine gave it a three @-@ and @-@ a @-@ half stars . He described its uptempo arrangements , as well as Clarkson 's vocal performance , as \" bold and brassy \" and its mid @-@ tempo arrangements as \" even more alluring \" . He also noted the track selection \" favors the bold , \" but that \" she fares well in this setting , always sounding like the strongest element in the mix \" Towards the end of his review , he wrote that \" Perhaps the concept and execution are conventional , but even in this utterly expected setting , Clarkson retains her fiery , individual spirit , and that 's what makes Wrapped in Red appealing : to the letter , it delivers what it promises . \" Sal Cinquemani of Slant Magazine also gave it a similar rating . He noted that the album \" largely offers a respite from the pop @-@ rock template she 's been relentlessly pursuing since Breakaway , with less shouting and more of the varied range and texture on full display that helped her the winner of the inaugural season of American Idol . For better or worse , a decade of recording and touring has roughed up the edges of her voice , lending a lived @-@ in quality that imbues lyrics about love and longing with an authenticity that might have otherwise been missing had she recorded these songs just a few years earlier . \" \n NPR 's Ken Tucker described the album as a \" glossy but heartfelt work \" and approvingly compared its contrasting philosophy to Nick Lowe 's Quality Street : A Seasonal Selection for All the Family , both of which he described as \" will put you in a holiday mood \" . Matt of PopMatters gave the album a generally favorable review , claiming that \" Clarkson plays it safe and spends too much time showing off her upper register , but Wrapped in Red is a warm and romantic addition to the Christmas pop Zeitgeist , \" adding \" Wrapped in Red doesn ’ t need edge ; it ’ s just dynamic and varied enough to be satisfying , and it ’ s light @-@ years better than any of the whitewashed Christmas crap Simon Cowell has inflicted on the world \" . Sarah Rodman of The Boston Globe gave a favorable review , particularly lauding \" Underneath the Tree \" , and described Clarkson 's rendering the Christmas standards as \" fairly straight \" . She added , \" She starts gently on \" Have Yourself a Merry Little Christmas \" before belting out the money notes . She assuredly through the soulful favorite \" Please Come Home for Christmas ( Bells Will Be Ringing ) \" and hangs by the piano for a torchy “ White Christmas . \" Newsday 's music columnist Glenn Gamboa wrote that \" Clarkson handles it all expertly — hitting remarkably high notes on \" Have Yourself a Merry Little Christmas \" and swinging on \" Baby It 's Cold Outside \" with Dunn . The new songs make Wrapped in Red a real gift , as the title track and \" Underneath the Tree \" channel the Phil Spector Christmas albums ; and \" 4 Carats \" somehow blends \" Stronger \" and \" Santa Baby \" . Reviewing for HitFix , Melinda Newman gave the album an \" A \" rating , praising Clarkson 's vocal performances and noting that she and Kurstin \" have clearly studied legendary Christmas albums of yore — most notably Spector 's A Christmas Gift For You and Andy Williams ' Merry Christmas — to lovingly recreate Christmas standards , as well as craft new ones in the image of those sets . \" Chris of Slate declared Wrapped in Red as the best of 2013 's new Christmas records , noting for its vintage sound . He also observed that its five original tracks , most notably \" Wrapped in Red \" and \" Underneath the Tree \" , have reasonable odds of remaining in the yuletide rotation five years from now . In his review for The New York Times , Jon Caramanica wrote that Clarkson is very likely the only singer working in pop with a real possibility of creating a modern holiday classic along the lines of Carey 's \" All I Want for Christmas Is You . \" and remarked that her takes on familiar songs , however accomplished , are \" also faithful in the way that someone mindful of pop history would be . \" \n"} +{"id": 351, "text": " Wrapped in Red became a commercial success in the United States . Prior it its release , music commercial analysts predicted that the album would likely sell at least 60 @,@ 000 copies in its first week of release in the region , and foresaw it to be the front @-@ runner as the bestselling holiday release of the season . On the week ending November 16 , 2013 , it debuted on the Billboard 200 chart at number 3 with 70 @,@ 000 copies sold in all retailers , a 93 @,@ 000 decrease from Stronger 's first week sales of 163 @,@ 000 copies in 2011 . Nielsen Music analyst Dave Bakula attributed its low performance to the falling market share of the holiday music in general , which saw 3 @.@ 8 percent decrease in 2012 . The album 's chart debut on the Billboard 200 earned Clarkson her sixth consecutive top three studio album as well as the highest debut for a Christmas record by a female artist since Susan Boyle 's first Christmas album The Gift debuted at the top of the chart in 2010 . Wrapped in Red also debuted three other different charts , most notably at the top of the Billboard Top Holiday Albums chart . On the week ending November 30 , 2013 , by charting at number six on the Billboard 200 , the album became the lone Sony release inside the chart 's top ten , with the others being Universal Music Group releases . \n Despite its modest debut week , Wrapped in Red began to gain traction at the beginning of the holiday season , selling up to 131 @,@ 000 copies during the Thanksgiving week . It experienced its best sales week after benefiting from NBC 's premiere broadcast of Cautionary Christmas Music Tale , selling up to 136 @,@ 000 copies on its seventh week of release . For nine consecutive weeks , it stayed in the top ten of the Billboard 200 , the most by any studio album by Clarkson . On December 5 , 2013 , the album was certified platinum by the Recording Industry Association of America , making it her fifth platinum studio album . Wrapped in Red subsequently became the bestselling Christmas release of 2013 by selling over 763 @,@ 000 copies , according to Nielsen Soundscan , making her the first American female artist to have the number @-@ one Christmas album of the Soundscan era . Twelve of the album cuts from Wrapped in Red have also entered the Billboard Holiday Digital Songs chart during its first week of release — led by \" Silent Night \" , \" Have Yourself a Merry Little Christmas \" , and \" Underneath the Tree \" at numbers one , two , and four , respectively . Other songs have also appeared in various Billboard charts throughout the holiday season : songs such as \" Blue Christmas \" and \" Please Come Home for Christmas \" charted on the Billboard Adult Contemporary chart , peaking at numbers 5 and 6 , respectively ; whereas \" My Favorite Things \" , \" Run Run Rudolph \" , \" Please Come Home for Christmas \" , \" Silent Night \" and \" Wrapped in Red \" peaked on the Billboard Canada AC chart at numbers eight , seven , 14 , 22 , and 49 , respectively . Tracks such as \" My Favorite Things \" have charted on the Billboard Mexico Inglés Airplay chart at number 49 ; while \" Silent Night \" attained a position in both the Billboard Holiday 100 and the Billboard Hot Country Songs charts , peaking at numbers 86 and 51 , respectively . Amazon.com listed Wrapped in Red as their second bestselling album during the holiday season , and listed it as their sixth bestselling title of 2013 . The album has sold 785 @,@ 300 copies in the US as of November 2014 . And in 2014 peaked at 7 on the holiday chart . \n Internationally , Wrapped in Red had a relatively limited commercial performance . In Canada , the album debuted on the Billboard Canadian Albums chart at number 6 on the week ending November 16 , 2013 , making it her fifth top ten debut on the Nielsen @-@ tracked chart . It peaked on the chart at number 5 on the week ending December 28 , 2013 . Wrapped in Red became the second bestselling Christmas album of 2013 in Canada with 67 @,@ 000 copies sold in the region , behind A Christmas Gift to You by Johnny Reid . In Australia , the album debuted on the ARIA Albums Chart at number 82 on the week ending November 4 , 2013 , and peaked at number 29 on the week ending December 30 , 2013 . In Switzerland , it debuted on the Schweizer Hitparade at number 97 on the week ending November 10 , 2013 . In the United Kingdom , Wrapped in Red charted on the Official UK Albums Chart at number 65 on the week ending December 14 , 2013 . Despite its limited performance , Sony Corporation listed the album as their fifth bestselling release worldwide during the holiday season , which included albums , album cut tracks , and singles sales . \n"} +{"id": 352, "text": " All tracks were produced by Greg Kurstin , with vocal production on \" Every Christmas \" made by Jason Halbert . \n Note \n \" Just for Now \" contains a portion of the composition \" Carol of the Bells \" , written by Peter J. Wilhousky . \n Tracks from the concert DVD were filmed from the television special Kelly Clarkson 's Cautionary Christmas Music Tale . \n"} +{"id": 353, "text": " Credits lifted from the album 's liner notes . \n Instruments \n Production \n"} +{"id": 354, "text": " The Christmas 1994 nor 'easter was an intense cyclone along the East Coast of the United States and Atlantic Canada . It developed from an area of low pressure in the southeast Gulf of Mexico near the Florida Keys , and moved across the state of Florida . As it entered the warm waters of the Gulf Stream in the Atlantic Ocean , it began to rapidly intensify , exhibiting traits of a tropical system , including the formation of an eye . It attained a pressure of 970 millibars on December 23 and 24 , and after moving northward , it came ashore near New York City on Christmas Eve . Because of the uncertain nature of the storm , the National Hurricane Center ( NHC ) did not classify it as a tropical cyclone . \n Heavy rain from the developing storm contributed to significant flooding in South Carolina . Much of the rest of the East Coast was affected by high winds , coastal flooding , and beach erosion . New York State and New England bore the brunt of the storm ; damage was extensive on Long Island , and in Connecticut , 130 @,@ 000 households lost electric power during the storm . Widespread damage and power outages also occurred throughout Rhode Island and Massachusetts , where the storm generated 30 @-@ foot ( 9 @.@ 1 m ) waves along the coast . Because of the warm weather pattern that contributed to the storm 's development , precipitation was limited to rain . Two people were killed , and damage amounted to at least $ 21 million . \n"} +{"id": 355, "text": " The storm originated in an upper @-@ level low pressure system that moved southeastward from the central Great Plains into the Deep South of the United States . After reaching the southeast Gulf of Mexico , the disturbance underwent cyclogenesis , and the resultant system moved through Florida on December 22 in response to an approaching trough . National Hurricane Center forecaster Jack Beven noted that \" as it moved out into the Bahamas , it appeared to take on the characteristics of a tropical storm . \" The uncertain nature of the storm prevented the NHC from issuing advisories on it , and forecasters lacked sufficient data to fully assess the cyclone for potential tropical characteristics . The same trough that pushed the storm across Florida had moved to the north , allowing for high pressure to develop in the upper levels of the atmosphere . \n Deemed a \" hybrid storm \" , the cyclone rapidly intensified in warm waters of up to 80 ° F ( 27 ° C ) from the Gulf Stream combined with a cold air mass over the United States . The system continued to rapidly intensify while moving within the Gulf Stream ; it developed central convection , an unusual trait for an extratropical cyclone , and at one point exhibited an eye . Despite these indications of tropical characteristics , \" There was no front associated with it and it had a warm core , but the radius of maximum winds was more than 150 nautical miles ( 170 mi ; 280 km ) , so under the standard NHC criteria it didn 't qualify as a tropical storm . \" On December 23 and 24 , the nor 'easter intensified to attain a barometric pressure of 970 mb ( 29 inHg ) . An upper @-@ level low pressure system that developed behind the storm began to intensify and grew to be larger in size than the original disturbance . In an interaction known as the Fujiwhara effect , the broad circulation of the secondary low swung the primary nor 'easter northwestward towards southern New York and New England . The original low passed along the south shore of Long Island , and made landfall near New York City on December 24 . Subsequently , it moved over southeastern New York State . On December 25 , the system began to rapidly weaken as it moved towards Nova Scotia , before the pair of low pressure systems moved out to sea in tandem in the early hours of December 26 . \n"} +{"id": 356, "text": " In South Carolina , flooding associated with the cyclone was considered to be the worst since 1943 . Over 5 inches ( 130 mm ) of rainfall was reported , while winds brought down trees and ripped awnings . In addition , the coast suffered the effects of beach erosion . Thousands of electric customers in the state lost power . As a result of the heavy rainfall , several dams became overwhelmed by rising waters . Extensive flooding of roads and highways was reported , many of which were closed as a result . Up to 3 feet ( 0 @.@ 91 m ) of water flooded some homes in the region . Approximately 300 people in Florence County were forced to evacuate because of the flooding , and at least 200 homes were damaged . Two deaths were reported in the state . One woman was killed when her vehicle hydroplaned and struck a tree , and another person drowned after her car was struck by another vehicle . Total damage in South Carolina amounted to at least $ 4 million . \n Strong winds occurred along the North Carolina coast . Diamond Shoals reported sustained winds of 45 miles per hour ( 72 km / h ) , and offshore , winds gusted to 65 miles per hour ( 105 km / h ) . On Wrightsville Beach , rough surf eroded an 8 @-@ foot ( 2 @.@ 4 m ) ledge into the beach . On Carolina Beach , dunes were breached and some roads , including portions of North Carolina Highway 12 , were closed . \n"} +{"id": 357, "text": " As the primary storm entered New England , the secondary low produced minor coastal flooding in the Tidewater region of Virginia on December 23 . Winds of 35 to 45 miles per hour ( 56 to 72 km / h ) and tides to 1 to 3 feet ( 0 @.@ 30 to 0 @.@ 91 m ) above normal were reported . In Sandbridge , Virginia Beach , Virginia , a beachfront home collapsed into the sea . Several roads throughout the region suffered minor flooding . Strong winds resulting from the tight pressure gradient between the nor 'easter and an area of high pressure located over the United States brought down a few utility poles , which sparked a brush fire on December 24 . The fire , quickly spread by the wind , burned a field . The winds brought down several trees . \n Damage was light in Maryland . Some sand dunes and wooden structures were damaged , and above @-@ normal tides occurred . In New Jersey , high winds caused power outages and knocked down trees and power lines . Minor coastal flooding of streets and houses was reported . Otherwise , damage in the state was minor . \n The storm brought heavy rainfall and high winds to New York State and New York City on December 23 and 24 . Gusts of 60 to 80 miles per hour ( 97 to 129 km / h ) downed hundreds of trees and many power lines on Long Island . Several homes , in addition to many cars , sustained damage . Roughly 112 @,@ 000 Long Island Lighting Company customers experienced power outages at some point during the storm . As the cyclone progressed northward into New York State , high winds occurred in the Hudson Valley region . Throughout Columbia , Ulster and Rensselaer Counties , trees , tree limbs , and power lines were downed by the winds . At Stephentown , a gust of 58 miles per hour ( 93 km / h ) was reported . Ulster County suffered substantial impacts , with large trees being uprooted and striking homes . Across eastern New York State , 25 @,@ 000 households lost power as a result of the nor 'easter . On the North Fork of Long Island , in Southold , a seaside home partially collapsed into the water . \n"} +{"id": 358, "text": " In Connecticut , the storm was described as being more significant than anticipated . Gale @-@ force wind gusts , reaching 70 miles per hour ( 110 km / h ) , blew across the state from the northeast and later from the east . Trees , tree limbs , and power lines were downed , causing damage to property and vehicles . The high winds caused widespread power outages , affecting up to 130 @,@ 000 electric customers . As a result , electric companies sought help from as far as Pennsylvania and Maine to restore electricity . Bruno , a spokesman for Northeast Utilities , reported that \" We 've had outages in virtually every community . \" In New Haven , the nor 'easter ripped three barges from their moorings . One of the barges traveled across the Long Island Sound and ran aground near Port Jefferson , New York . A man in Milford was killed indirectly when a tree that was partially downed by the storm fell on him during an attempt to remove it from a relative 's yard . Northeast Utilities , which reported the majority of the power outages , estimated storm damage in the state to be about $ 6 – $ 8 million ( 1994 USD ; $ 8 @.@ 8 – $ 11 @.@ 8 million 2008 USD ) . \n Effects were less severe in New Hampshire and Vermont . In southern New Hampshire , a line of thunderstorms produced torrential rainfall , causing flooding on parts of New Hampshire Route 13 . Flash flooding of several tributaries feeding into the River was reported . In Maine , the storm brought high winds and heavy rain . Along the coast of southern Maine and New Hampshire , beach erosion was reported . Additionally , minor flooding was reported across the region , as a result of heavy surface runoff and small ice jams . In Rhode Island , the power outages were the worst since Hurricane Bob of the 1991 Atlantic hurricane season . Throughout the state , approximately 40 @,@ 000 customers were without electric power . As with Massachusetts , downed trees and property damage were widespread . There were many reports of roof shingles being blown off roofs and of damage to gutters . In Warwick , several small boats were damaged after being knocked into other boats . The highest reported wind gust in the state was 74 miles per hour ( 119 km / h ) at , Rhode Island . Statewide damage totaled about $ 5 million . \n Massachusetts , particularly Cape Cod and Nantucket , bore the brunt of the nor 'easter . Reportedly , wind gusts approached 100 miles per hour ( 160 km / h ) on Cape Cod and , offshore , waves reached 30 feet ( 9 @.@ 1 m ) . At Walpole , wind gusts peaked at 88 miles per hour ( 142 km / h ) , while on Nantucket gusts of 84 miles per hour ( 135 km / h ) were reported . The winds left 30 @,@ 000 electric customers without power during the storm , primarily in the eastern part of the state . Power was out for some as long as 48 hours . Property damage was widespread and many trees , signs , and billboards were blown down . A large tent used by the New England Patriots was ripped and blown off its foundation . The winds also spread a deadly house fire in North Attleboro . Although not directly related to the storm , it caused seven fatalities . Because tides were low , little coastal flooding occurred . Outside the Prudential Tower Center in Boston , the storm toppled a 50 @-@ foot ( 15 m ) Christmas tree . Rainfall of 2 to 3 @.@ 5 inches ( 51 to 89 mm ) was recorded throughout the eastern part of the state , contributing to heavy runoff that washed away a 400 @-@ foot ( 120 m ) section of a highway . Total damage in Massachusetts was estimated at about $ 5 million . \n"} +{"id": 359, "text": " Sholay ( pronunciation , meaning \" Embers \" ) is a 1975 Indian Hindi @-@ language action @-@ adventure film directed by Ramesh Sippy and produced by his father G. P. Sippy . The film follows two criminals , Veeru and Jai ( played by Dharmendra and Amitabh Bachchan ) , hired by a retired police officer ( Sanjeev Kumar ) to capture the ruthless dacoit Gabbar Singh ( Amjad Khan ) . Hema Malini and Jaya Bhaduri also star , as Veeru and Jai 's love interests . Sholay is considered a classic and one of the best Indian films . It was ranked first in the British Film Institute 's 2002 poll of \" Top 10 Indian Films \" of all time . In 2005 , the judges of the 50th annual Filmfare Awards named it the Best Film of 50 Years . \n The film was shot in the rocky terrain of Ramanagara , in the southern state of Karnataka , over a span of two and a half years . After the Central Board of Film Certification mandated the removal of several violent scenes , Sholay was released with a length of 198 minutes . In 1990 , the original director 's cut of 204 minutes became available on home media . When first released , Sholay received negative critical reviews and a tepid commercial response , but favourable word @-@ of @-@ mouth publicity helped it to become a box office success . It broke records for continuous showings in many theatres across India , and ran for more than five years at Mumbai 's Minerva theatre . By some accounts , Sholay is the highest grossing Indian film of all time , adjusted for inflation . \n The film drew heavily from the conventions of Westerns , and is a defining example of the masala film , which mixes several genres in one work . Scholars have noted several themes in the film , such as glorification of violence , conformation to feudal ethos , debate between social order and mobilised usurpers , homosocial bonding , and the film 's role as a national allegory . The combined sales of the original soundtrack , scored by R. D. Burman , and the dialogues ( released separately ) , set new sales records . The film 's dialogues and certain characters became extremely popular , contributing to numerous cultural memes and becoming part of India 's daily vernacular . In January 2014 , Sholay was re @-@ released to theatres in the 3D format . \n"} +{"id": 360, "text": " In the small village of Ramgarh , the retired policeman Thakur Baldev Singh ( Sanjeev Kumar ) summons a pair of small @-@ time thieves that he had once arrested . Thakur feels that the duo — Veeru ( Dharmendra ) and Jai ( Amitabh Bachchan ) — would be ideal to help him capture Gabbar Singh ( Amjad Khan ) , a dacoit wanted by the authorities for a ₹ 50 @,@ 000 reward . Thakur tells them to surrender Gabbar to him , alive , for an additional ₹ 20 @,@ 000 reward . \n The two thieves thwart the dacoits sent by Gabbar to extort the villagers . Soon afterwards , Gabbar and his goons attack Ramgarh during the festival of Holi . In a tough battle , Veeru and Jai are cornered . Thakur , although he has a gun within his reach , does not help them . Veeru and Jai fight back and the bandits flee . The two are , however , upset at Thakur 's inaction , and consider leaving the village . Thakur explains that Gabbar had killed nearly all of his family members , and cut off both his arms a few years earlier , which is why he could not use the gun . He had concealed the dismemberment by always wearing a shawl . \n Living in Ramgarh , the jovial Veeru and cynical Jai find themselves growing fond of the villagers . Veeru is attracted to Basanti ( Hema Malini ) , a feisty , talkative young woman who makes her living by driving a horse @-@ cart . Jai is drawn to Radha ( Jaya Bhaduri ) , Thakur 's reclusive , widowed daughter @-@ in @-@ law , who subtly returns his affections . \n Skirmishes between Gabbar 's gang and Jai @-@ Veeru finally result in the capture of Veeru and Basanti by the dacoits . Jai attacks the gang , and the three are able to flee Gabbar 's hideout with dacoits in pursuit . Fighting from behind a rock , Jai and Veeru nearly run out of ammunition . Veeru , unaware that Jai was wounded in the gunfight , is forced to leave for more ammunition . Meanwhile , Jai , who is continuing the gunfight singlehandedly , decides to sacrifice himself by using his last bullet to ignite dynamite sticks on a bridge from close range . \n Veeru returns , and Jai dies in his arms . Enraged , Veeru attacks Gabbar 's den and catches the dacoit . Veeru nearly beats Gabbar to death when Thakur appears and reminds Veeru of the promise to hand over Gabbar alive . Thakur uses his spike @-@ soled shoes to severely injure Gabbar and destroy his hands . The police then arrive and arrest Gabbar . After Jai 's funeral , Veeru leaves Ramgarh and finds Basanti waiting for him on the train . Radha is left alone again . \n"} +{"id": 361, "text": " Dharmendra as Veeru \n Sanjeev Kumar as Thakur Baldev Singh , usually addressed as \" Thakur \" \n Hema Malini as Basanti \n Amitabh Bachchan as Jai ( ) \n Jaya Bhaduri as Radha , Thakur 's daughter @-@ in @-@ law \n Amjad Khan as Gabbar Singh \n as , Thakur 's servant \n A. K. Hangal as Rahim Chacha , the imam in the village \n Sachin as Ahmed , son of the imam \n Jagdeep as Soorma Bhopali , a comical wood trader \n Leela Mishra as , Basanti 's maternal aunt \n Asrani as the , a comical character modelled after Charlie Chaplin in The Great Dictator ( 1940 ) \n Mukherjee as , prison barber and 's side @-@ kick \n Mac Mohan as Sambha , Gabbar Singh 's sidekick \n Khote as , another of Gabbar 's men whom he kills in a game of Russian roulette \n as Inspector Khurana , Radha 's Father \n Helen in a special appearance in song \" Mehbooba Mehbooba \" \n Jalal Agha in a special appearance in song \" Mehbooba Mehbooba \" \n"} +{"id": 362, "text": " The idea for Sholay began as a four @-@ line snippet which screenwriter pair Salim @-@ Javed told G. P. Sippy and Ramesh Sippy ; two other producer / director teams had earlier rejected the idea . Ramesh Sippy liked the concept and hired them to develop it . The original idea of the film involved an army officer who decided to hire two ex @-@ soldiers to avenge the murder of his family . The army officer was later changed to a policeman because Sippy felt that it would be difficult to get permission to shoot scenes depicting army activities . Salim @-@ Javed completed the script in one month , incorporating names and personality traits of their friends and acquaintances . \n The film was loosely styled after Akira Kurosawa 's 1954 film Seven Samurai , and drew heavily from the conventions of Westerns , especially Sergio Leone 's Spaghetti Westerns such as Once Upon a Time in the West ( 1968 ) , and John Sturges ' film The Magnificent Seven ( 1960 ) . Sholay was also influenced by the westerns of Sam Peckinpah , such as The Wild Bunch ( 1969 ) and Pat Garrett and Billy the Kid ( 1973 ) ; and by George Roy Hill 's Butch Cassidy and the Sundance Kid ( 1969 ) . A scene depicting an attempted train robbery was inspired by a similar scene in North West Frontier ( 1959 ) , and a scene showing the massacre of Thakur 's family has been compared with the massacre of the McBain family in Once Upon a Time in the West . Some plot elements were borrowed from the Indian films Mera Gaon Mera Desh ( 1971 ) and Khote ( 1973 ) . \n The character Gabbar Singh was modelled on a real @-@ life dacoit of the same name who had menaced the villages around Gwalior in the 1950s . Any policeman captured by the real Gabbar Singh had his ears and nose cut off , and was released as a warning to other policemen . The character was also influenced by the villain \" El Indio \" ( played by Gian Maria Volontè ) of Sergio Leone 's For a Few Dollars More ( 1965 ) . Soorma Bhopali , a minor comic relief character , was based on an acquaintance of actor Jagdeep , a forest officer from Bhopal named Soorma . The real @-@ life Soorma eventually threatened to press charges when people who had viewed the film began referring to him as a woodcutter . The main characters ' names , Jai and Veeru , mean \" victory \" and \" heroism \" in Hindi . \n"} +{"id": 363, "text": " The producers considered Danny Denzongpa for the role of bandit chief Gabbar Singh , but he could not accept it as he was committed to act in Feroz Khan 's ( 1975 ) , under production at the same time . Amjad Khan , who was the second choice , prepared himself for the part by reading the book Chambal , which told of the exploits of Chambal dacoits . The book was written by Taroon Kumar Bhaduri , the father of fellow cast member Jaya Bhaduri . As cast members had read the script ahead of time , many were interested in playing different parts . was considered for the role of Thakur Baldev Singh , but Sippy thought Sanjeev Kumar was a better choice . Initially , Dharmendra was also interested to play the role of Thakur . He eventually gave up the role when Sippy informed him that Sanjeev Kumar would play Veeru if that happened , and would be paired with Hema Malini , who Dharmendra was trying to woo . Dharmendra knew that Kumar was also interested in Malini . Sippy wanted Sinha to play the part of Jai , but there were already several big stars signed , and Amitabh Bachchan , who was not extremely popular yet , lobbied hard to get the part for himself . \n During the film 's production , four of the leads became romantically involved . Bachchan married Bhaduri four months before filming started . This led to shooting delays when Bhaduri became pregnant with their daughter Shweta . By the time of the film 's release , she was pregnant with their son Abhishek . Dharmendra had begun wooing Malini during their earlier film Seeta Aur Geeta ( 1972 ) , and used the location shoot of Sholay to further pursue her . During their romantic scenes , Dharmendra would often pay the light boys to spoil the shot , thereby ensuring many retakes and allowing him to spend more time with her . The couple married five years after the film 's release . \n"} +{"id": 364, "text": " Much of Sholay was shot in the rocky terrain of Ramanagara , a town near Bangalore , Karnataka . The filmmakers had to build a road from the Bangalore highway to Ramanagara for convenient access to the sets . Art director Ram had an entire township built on the site . A prison set was constructed near Studio in Mumbai , also outdoors , to match the natural lighting of the on @-@ location sets . One part of Ramanagara was for a time called \" Sippy Nagar \" as a tribute to the director of the film . As of 2010 , a visit to the \" Sholay rocks \" ( where much the film was shot ) was still being offered to tourists travelling through Ramanagara . \n Filming began on location on 3 October 1973 , with a scene featuring Bachchan and Bhaduri . The film had a lavish production for its time ( with frequent banquets and parties for the cast ) , took two and a half years to make , and went over budget . One reason for its high cost was that Sippy re @-@ filmed scenes many times to get his desired effect . \" Yeh Dosti \" , a 5 @-@ minute song sequence , took 21 days to shoot , two short scenes in which Radha lights lamps took 20 days to film because of lighting problems , and the shooting of the scene in which Gabbar kills the imam 's son lasted 19 days . The train robbery sequence , shot on the Mumbai – Pune railway route near Panvel , took more than 7 weeks to complete . \n Sholay was the first Indian film to have a stereophonic soundtrack and to use the 70 mm widescreen format . However , since actual 70 mm cameras were expensive at the time , the film was shot on traditional 35 mm film and the 4 : 3 picture was subsequently converted to a 2 @.@ 2 : 1 frame . Regarding the process , Sippy said , \" A 70mm [ sic ] format takes the awe of the big screen and magnifies it even more to make the picture even bigger , but since I also wanted a spread of sound we used six @-@ track stereophonic sound and combined it with the big screen . It was definitely a differentiator . \" The use of 70 mm was emphasised by film posters on which the name of the film was stylised to match the CinemaScope logo . Film posters also sought to differentiate the film from those which had come before ; one of them added the tagline : \" The greatest star cast ever assembled – the greatest story ever told \" . \n"} +{"id": 365, "text": " The director 's original cut of Sholay has a different ending in which Thakur kills Gabbar , along with some additional violent scenes . Gabbar 's death scene , and the scene in which the imam 's son is killed , were cut from the film by India 's Censor Board , as was the scene in which Thakur 's family is massacred . The Censor Board was concerned about the violence , and that viewers may be influenced to violate the law by punishing people severely . Although Sippy fought to keep the scenes , eventually he had to re @-@ shoot the ending of the film , and as directed by the Censor Board , have the police arrive just before Thakur can kill Gabbar . The censored theatrical version was the only one seen by audiences for fifteen years . The original , unedited cut of the film finally came out in a British release on VHS in 1990 . Since then , Eros International has released two versions on DVD . The director 's cut of the film preserves the original full frame and is 204 minutes in length ; the censored widescreen version is 198 minutes long . \n"} +{"id": 366, "text": " Scholars have noted several themes in the film , such as glorification of violence , conformation to feudal ethos , debate between social order and mobilised usurpers , homosocial bonding , and the film 's role as a national allegory . \n Banerjea , a sociologist in the London School of Economics , notes that Sholay exhibits a \" sympathetic construction of ' rogue ' masculinity \" exemplified by the likeable outlaws Jai and Veeru . Banerjea argues during the film , the moral boundary between legality and criminality gradually erodes . Film scholar Wimal Dissanayake agrees that the film brought \" a new stage in the evolving dialectic between violence and social order \" to Indian cinema . Film scholar M. Madhava Prasad states that Jai and Veeru represent a marginalised population that is introduced into conventional society . Prasad says that , through the elements of revenge included in the plot and the application of Jai and Veeru 's criminality for the greater good , the narrative reflects reactionary politics , and the audience is compelled to accept feudal order . Banerjea explains that though Jai and Veeru are mercenaries , they are humanised by their emotional needs . Such dualism makes them vulnerable , in contrast to the pure evil of Gabbar Singh . \n Gabbar Singh , the film 's antagonist , was well received by the audience , despite his pervasive sadistic cruelty . Dissanayake explains that the audience was fascinated by the dialogues and mannerisms of the character , and this element of spectacle outweighed his actions , a first for Indian melodrama . He notes that the picturisation of violence in the film was and uninhibited . He further notes that , unlike earlier melodramas in which the female body occupies the audience 's attention as an object of male fetish , in Sholay , the male body becomes the centrepiece . It becomes the battleground where good and evil compete for supremacy . Dissanayake argues that Sholay can be viewed as a national allegory : it lacks a comforting logical narrative , it shows social stability being repeatedly challenged , and it shows the devaluation of human life resulting from a lack of emotions . Taken together , these elements comprise the allegorical representation of India . The narrative style of Sholay , with its violence , revenge , and vigilante action , is occasionally compared by scholars to the political unrest in India at the time of its release . This tension culminated in the Emergency ( rule by decree ) declared by prime minister Indira Gandhi in 1975 . \n and Sahai note that , although the film borrowed heavily from the Hollywood Western genre , particularly in its visuals , it was successfully \" \" . As an example , William van der Heide has compared a massacre scene in Sholay with a similar scene in Once Upon a Time in the West . Although both films were similar in technical style , Sholay emphasised Indian family values and melodramatic tradition , while the Western was more materialistic and restrained in its approach . Maithili Rao , in Encyclopedia of Hindi Cinema , notes that Sholay infuses the style of the Western genre into a \" feudalistic ethos \" . Ted Shen of the Chicago Reader notes Sholay 's \" hysterical visual style \" and intermittent \" populist message \" . Cultural critic and Islamist scholar Ziauddin Sardar lampoons the film in his book The Secret Politics of Our Desires : Innocence , and Indian Popular Cinema , both for its caricature and stereotyping of Muslim and women characters , and for what he calls mockery of innocent villagers . Sardar notes that the two most prominent Muslim characters in the film are Soorma Bhopali ( a buffoonish criminal ) , and an impotent victim of the bandits ( the imam ) . Meanwhile , the sole function of one female character ( Radha ) is to suffer her fate in silence , while the other female lead ( Basanti ) is just a garrulous village belle . \n Some scholars have indicated that Sholay contains homosocial themes . Ted Shen describes the male bonding shown in the film as bordering on camp style . Dina Holtzman , in her book Bollywood and Globalization : Indian Popular Cinema , Nation , and Diaspora , states that the death of Jai , and resultant break of bonding between the two male leads , is necessary for the sake of establishing a normative heterosexual relationship ( that of Veeru and Basanti ) . \n"} +{"id": 367, "text": " R. D. Burman composed the film 's music , and the lyrics were written by Anand Bakshi . The songs used in the film , and released on the original soundtrack are listed below . Following that is a list of unused tracks and dialogues which were released later on an updated soundtrack . The album 's cover image depicts an emotional scene from the film in which Basanti is forced to sing and dance on the song \" Jab Tak Hai Jaan \" on broken glass under the blazing sun to save Veeru 's life . \n The song \" Mehbooba Mehbooba \" was sung by its composer , R. D. Burman , who received his sole Filmfare Award nomination for playback singing for his effort . The song , which is often featured on Bollywood hit song compilations , samples \" Say You Love Me \" by Greek singer Roussos . \" Mehbooba Mehbooba \" has been extensively anthologised , remixed , and recreated . A version was created in 2005 by the Kronos Quartet for their Grammy @-@ nominated album You 've Stolen My Heart , featuring Asha Bhosle . It was also remixed and sung by Himesh Reshammiya , along with Bhosle , in his debut acting film Aap Kaa ( 2007 ) . \" Yeh Dosti \" has been called the ultimate friendship anthem . It was remixed and sung by Shankar Mahadevan and Udit Narayan for the 2010 Malayalam film Four Friends , and also in 2010 it was used to symbolise India 's friendship with the United States during a visit from President Barack Obama . \n Several songs from the soundtrack were included in the annual list of top filmi songs . \" Mehbooba \" was listed at No. 24 on the 1975 list , and at No. 6 on the 1976 list . \" Koi \" was listed at No. 30 in 1975 , and No. 20 in 1976 . \" Yeh Dosti \" was listed at No. 9 in 1976 . Despite the soundtrack 's success , at the time , the songs from Sholay attracted less attention than the film 's dialogue — a rarity for Bollywood . The producers were thus prompted to release records with only dialogue . Taken together , the album sales totalled an unprecedented 500 @,@ 000 units , and became one of the top selling Bollywood soundtracks of the 1970s . \n Music critic Oli Marlow reviewed the soundtrack in 2013 , calling it a unique fusion of religious , folk , and classical music , with influences from around the world . He also commented on the sound design of the film , calling it psychedelic , and saying that there was \" a lot of incredible incidental music \" in the film that was not included in the soundtrack releases . In a 1999 paper submitted to London 's Symposium on Sound in Cinema , film critic A. Chatterji said , \" Sholay offers a model lesson on how sound can be used to signify the terror a character evokes . Sholay is also exemplary in its use of to jump cut to a different scene and time , without breaking the continuity of the narrative , yet , intensifying the drama . \" \n"} +{"id": 368, "text": " Sholay was released on 15 August 1975 , Indian Independence Day , in Mumbai . Due to lacklustre reviews and a lack of effective visual marketing tools , it saw poor financial returns in its first two weeks . From the third week , however , viewership picked up owing to positive word of mouth . During the initial slow period , the director and writer considered re @-@ shooting some scenes so that Amitabh Bachchan 's character would not die . When business picked up , they abandoned this idea . After being helped additionally by a soundtrack release containing dialogue snippets , Sholay soon became an \" overnight sensation \" . The film was then released in other distribution zones such as Delhi , Uttar Pradesh , Bengal , and Hyderabad on 11 October 1975 . It became the highest grossing Bollywood film of 1975 , and film ranking website Box Office India has given the film a verdict of \" All Time Blockbuster \" . \n Sholay went on to earn a still @-@ standing record of 60 golden jubilees across India , and was the first film in India to celebrate a silver jubilee at over 100 theatres . It was shown continuously at Mumbai 's Minerva theatre for over five years . Sholay was the Indian film with the longest theatrical run until Dilwale Dulhania Le Jayenge ( 1995 ) broke its record of 286 weeks in 2001 . \n Exact figures are not available on the budget and box office earnings of Sholay , but film trade websites provide estimates of its success . According to Box Office India , Sholay earned about ₹ 150 million nett gross ( valued at about US $ 16 @,@ 778 @,@ 000 in 1975 ) in India during its first run , which was many times its ₹ 30 million ( valued at about US $ 3 @,@ 355 @,@ 000 in 1975 ) budget . Those earnings were a record that remained unbroken for nineteen years , which is also the longest amount of time that a film has held the record . Its original gross was increased further with re @-@ releases during the late 1970s , 1980s , 1990s , and early 2000s . It is often cited that after adjusting the figures for inflation , Sholay is one of the highest grossing films in the history of Indian cinema , although such figures are not known with certainty . In 2012 , Box Office India gave ₹ 1 @.@ 63 billion ( US $ 24 million ) as Sholay 's adjusted net gross , whereas Times of India , in a 2009 report of business of Indian films , reported over ₹ 3 billion ( US $ 45 million ) as the adjusted gross . \n"} +{"id": 369, "text": " Initial critical reviews of Sholay were negative . Among contemporary critics , of India Today called the film a \" dead ember \" and \" a gravely flawed attempt \" . Filmfare said that the film was an unsuccessful mincing of Western style with Indian milieu , making it an \" imitation western — neither here nor there . \" Others labelled it as \" sound and fury signifying nothing \" and a \" second @-@ rate take @-@ off \" of the 1971 film Mera Gaon Mera Desh . Trade journals and columnists initially called the film a flop . In a 1976 article in the journal Studies : An Irish Quarterly Review , author Michael Gallagher praised the technical achievement of the film , but otherwise criticised it stating , \" As a spectacle it breaks new ground , but on every other level it is intolerable : formless , incoherent , superficial in human image , and a somewhat nasty piece of violence \" . \n Over time , the critical reception to Sholay greatly improved ; it is now considered a classic , and among the greatest Hindi @-@ language films . In a 2005 BBC review , the well @-@ rounded characters and simple narrative of the film were commended , but the comical cameos of Asrani and Jagdeep were considered unnecessary . On the film 's 35th anniversary , the Hindustan Times wrote that it was a \" trailblazer in terms of camera work as well as music , \" and that \" practically every scene , dialogue or even a small character was a highlight . \" In 2006 , The Film Society of Lincoln Center described Sholay as \" an extraordinary and utterly seamless blend of adventure , comedy , music and dance \" , labelling it an \" indisputable classic \" . Chicago Review critic Ted Shen criticised the film in 2002 for its formulaic plot and \" slapdash \" cinematography , and noted that the film \" alternates between slapstick and melodrama \" . In their obituary of the producer G.P. Sippy , the New York Times said that Sholay \" revolutionized Hindi filmmaking and brought true professionalism to Indian script writing \" . \n"} +{"id": 370, "text": " Sholay was nominated for nine Filmfare Awards , but the only winner was M. S. Shinde , who won the award for Best Editing . The film also won three awards at the 1976 Bengal Film Journalists ' Association Awards ( Hindi section ) : \" Best Actor in Supporting Role \" for Amjad Khan , \" Best Cinematographer ( Colour ) \" for Dwarka , and \" Best Art Director \" for Ram . Sholay received a special award at the 50th Filmfare Awards in 2005 : Best Film of 50 Years . \n"} +{"id": 371, "text": " Sholay has received many \" Best Film \" honours . It was declared the \" Film of the Millennium \" by BBC India in 1999 . It topped the British Film Institute 's \" Top 10 Indian Films \" of all time poll of 2002 , and was voted the greatest Indian movie in a Sky Digital poll of one million British Indians in 2004 . It was also included in Time Magazine 's \" Best of Bollywood \" list in 2010 , and in CNN @-@ IBN 's list of the \" 100 greatest Indian films of all time \" in 2013 . \n Sholay inspired many films and pastiches , and spawned a subgenre of films , the \" Curry Western \" , which is a play on the term Spaghetti Western . It was an early and most definitive masala film , and a trend @-@ setter for \" multi @-@ star \" films . The film was a watershed for Bollywood 's scriptwriters , who were not paid well before Sholay ; after the film 's success , script writing became a more respected profession . \n Certain scenes and dialogues from the film earned iconic status in India , such as \" the \" ( How many men were there ? ) , \" Jo dar gaya , mar gaya \" ( One who is scared is dead ) , and \" hai \" ( Looks like you two are very close ) – all dialogues of Gabbar Singh . These and other popular dialogues entered the people 's daily vernacular . Characters and dialogues from the film continue to be referred to and parodied in popular culture . Gabbar Singh , the sadistic villain , ushered in an era in Hindi films characterised by \" seemingly omnipotent oppressors as villains \" , who play the pivotal role in setting up the context of the story , such as ( played by Kulbhushan Kharbanda ) of Shaan ( 1980 ) , ( Amrish Puri ) of Mr. India ( 1987 ) and ( Amrish Puri ) of ( 1989 ) . Filmfare , in 2013 , named Gabbar Singh the most iconic villain in the history of Indian cinema , and four actors were included in its 2010 list of \" 80 Iconic Performances \" for their work in this film . \n The film is often credited with making Amitabh Bachchan a \" superstar \" , two years after he became a star with Zanjeer ( 1973 ) . Some of the supporting actors remained etched in public memory as the characters they played in Sholay ; for example , Mac Mohan continued to be referred to as \" Sambha \" , even though his character had just one line . Major and minor characters continue to be used in commercials , promos , films and sitcoms . Amjad Khan acted in many villainous roles later in his career . He also played Gabbar Singh again in the 1991 spoof Ramgarh Ke Sholay , and reprised the role in commercials . The British Film Institute in 2002 wrote that fear of Gabbar Singh \" is still invoked by mothers to put their children to sleep \" . The 2012 film Gabbar Singh , named after the character , became the highest grossing Telugu film up to that point . Comedian Jagdeep , who played Soorma Bhopali in the film , attempted to use his Sholay success to create a spinoff . He directed and played the lead role in the 1988 film Soorma Bhopali , in which Dharmendra and Bachchan had cameos . \n In 2004 , Sholay was digitally remastered and shown again to packed theatres in India , including Mumbai 's Minerva , where it had run successfully 29 years earlier . An attempt to remake Sholay , Ram Gopal Varma 's film ( 2007 ) , starring Amitabh Bachchan as the villain , was a commercial and critical disaster . Because of television and home media , Sholay is widely available and still popular . Twenty years after its release , Sholay was first shown on the Indian DD National television channel , where it drew the highest ratings ever for a film broadcast . Video game producer released the \" Sholay Ramgarh Express \" game for mobile phones in 2004 , along with other Sholay themed content such as wallpapers , video clips , and ringtones . \n Sholay has been the subject of two books and many articles . Wimal Dissanayake and Malti Sahai 's Sholay , A Cultural Reading ( 1992 ) attempts a comprehensive scholarly study that sets the film within the broader history of popular cinema in India . Anupama Chopra 's Sholay : The Making of a Classic ( 2000 ) provides an inside look at the film 's production based on interviews with the director , stars , and crew members . \n Sholay has been labelled by Chopra as the gold standard in Indian cinema , and a reference point for audiences and trade analysts . Over the years , the film has reached a mythic stature in popular culture , and has been called the greatest Hindi film of all time . It belongs to only a small collection of films , including Kismet ( 1943 ) , Mother India ( 1957 ) , Mughal @-@ e @-@ Azam ( 1960 ) and Hum Aapke Hain Koun .. ! ( 1994 ) , which are repeatedly watched throughout India , and are viewed as definitive Hindi films with cultural significance . The lasting effect of Sholay on Indian cinema was summarised by Anupama Chopra , when in 2004 she called it \" no longer just a film , [ but ] an event \" . In the 2000 book Sholay : The Making of a Classic , the noted director Shekhar Kapur stated \" there has never been a more defining film on the Indian screen . Indian film history can be divided into Sholay BC and Sholay AD \" . The film was jointly released in Pakistan by Geo films and Entertainment on 17 April 2015 , almost 40 years after its theatrical release . The film 's premiere in the country was held in Karachi . \n"} +{"id": 372, "text": " Filmmaker Ketan Mehta 's company Maya Digital was responsible for converting Sholay into the 3D format . Mehta was approached by G. P. Sippy 's grandson , Sasha Sippy , about the project in 2010 . In March 2012 , Shaan Uttam Singh , the grandson of producer G. P. Sippy , said that he would sponsor a conversion of the film to 3D , and release it in late 2012 ; this was later postponed to late 2013 , and eventually finalised for 3 January 2014 . It took ₹ 250 million ( US $ 3 @.@ 7 million ) to convert Sholay to 3D . \n Under the leadership of computer animator Frank Foster , 350 people worked to convert the film into the digital 3D format , for which every scene had to be individually restored , colour @-@ corrected and re @-@ composited in 3D to match the depth . New set @-@ pieces , particularly those suited to the new format were also included , such as digital logs which scatter in the direction of the camera during the first half of the film when the train collides with them , the gunshot scene which frees Jai and Veeru from their handcuffs , and panoramic views of Gabbar 's hideout in the caves . \n The theatrical trailer and release date were unveiled by the original script @-@ writers Salim Khan and Javed Akhtar . The two original leads , Bachchan and Dharmendra , were also involved in promoting the re @-@ release . The film was released in 1 @,@ 000 screens in India , and additional screens overseas . It earned approximately ₹ 100 million ( US $ 1 @.@ 5 million ) during its re @-@ release , not enough to recover its conversion cost . \n"} +{"id": 373, "text": " Adam Stansfield ( 10 September 1978 – 10 August 2010 ) was an English professional footballer who played as a striker . He competed professionally for Yeovil Town , Hereford United and Exeter City , and won promotion from the Football Conference to The Football League with all three teams . \n Having played for three counties as a child , Stansfield began his career in non @-@ league with Cullompton Rangers and Elmore , and had unsuccessful trials at league teams . At the age of 23 , he signed his first professional contract with Yeovil Town , after impressing their manager Gary Johnson in a match against them . In his first season , he helped them win the FA Trophy , scoring in the 2002 final . The following season , Yeovil won the Conference and promotion into The Football League , although Stansfield was ruled out with a broken leg in the first game . In 2004 , he transferred to Hereford United , where he won promotion to The Football League via the 2006 play @-@ offs , and repeated the feat with Exeter City a year later . He also helped Exeter earn promotion into League One in 2008 . At international level , Stansfield played five matches and scored one goal for England 's national semi @-@ professional team , winning the 2005 Four Nations Tournament . \n Stansfield was diagnosed with colorectal cancer in April 2010 . He returned to training after surgery and chemotherapy , but died on 10 August that year . A foundation in his name was posthumously set up by his family to provide sporting opportunities and raise awareness of colorectal cancer . He has posthumously been featured on a Flybe airliner livery and tourist currency in Exeter . \n"} +{"id": 374, "text": " Stansfield was born in Plymouth , Devon , as the third of four children , and supported Nottingham Forest . On 2 June 2001 he married Marie , with whom he had three sons . Devon journalist Gary Andrews remembered Stansfield as a man who would spend time with his family after matches while speaking to fans and the press . He wrote that \" I had the pleasure of interviewing Adam on a regular basis ... I say pleasure , because his answers were thoughtful and intelligent and he came across as a man who was delighted to be back home with his friends and family \" . \n"} +{"id": 375, "text": " Stansfield 's first club was Evesham Colts under @-@ 10s . He played at county level for Worcestershire , Leicestershire and Devon . When his family settled back in Devon he joined Twyford Spartans , scoring 84 goals in 54 matches . He played in Tiverton Town 's youth team as a left back before reverting to being a striker at his first senior club , non @-@ League side Cullompton Rangers . He later moved to Elmore , where he attracted trials from Exeter City , Wolverhampton Wanderers and Torquay United , all of which were unsuccessful . His siblings joined the Royal Air Force and he thought of joining them , but continued searching for a breakthrough in professional football . \n"} +{"id": 376, "text": " In October 2001 , Stansfield 's performances for Elmore impressed Yeovil Town manager Gary Johnson to sign him . He made his debut in the Conference on 9 November , playing the entirety of a 3 – 0 loss away to Southport . His first goal came on 1 December , concluding a 3 – 1 victory at Northwich Victoria . His first season at Huish Park was a success , finishing as the top scorer with 16 goals , 8 of which came in the club 's victorious FA Trophy run . He scored twice in a fourth round replay at Doncaster Rovers , as Yeovil came from 0 – 3 down for an eventual 5 – 4 victory . In the final on 12 May he scored the second goal of a 2 – 0 win over Stevenage Borough at the Millennium Stadium . \n On the first day of the following season , Stansfield was substituted through injury after 16 minutes of an eventual 2 – 2 home draw with Gravesend & Northfleet to be replaced by Demba . It was later confirmed to be a break of the tibia and fibula . He missed the remainder of the season , in which Yeovil won the Conference to be promoted to The Football League for the first time . \n He recovered to feature in the next campaign , making his league debut on 16 August 2003 . In that match , Yeovil 's first in The Football League , he came on as an 80th @-@ minute substitute for Kirk Jackson in a 3 – 0 win against Carlisle United . His first of six goals in the Third Division season came on 6 September , opening a 2 – 0 home win over Swansea City . He was given a rare start in that match as first @-@ choice forward Kevin Gall was away with Wales under @-@ 21 . \n"} +{"id": 377, "text": " On 14 June 2004 , Stansfield returned to the Conference with Hereford United , signed by Graham Turner to replace their previous season 's top scorer Steve Guinan , who had been sold to Cheltenham Town . He scored 20 goals across the season , including two on 25 March 2005 in a 6 – 0 win at Farnborough Town . In that match , he came on in the 77th minute for Daniel Carey @-@ Bertram , who had also scored two . Hereford reached the promotion play @-@ offs , where they lost in the semi @-@ finals to Stevenage . In the following season they won promotion by the play @-@ offs , with Stansfield starting in the final on 20 May 2006 at the Walkers Stadium in Leicester , a 3 – 2 extra @-@ time victory over Halifax Town . \n"} +{"id": 378, "text": " On 12 June 2006 , with his contract expired , Stansfield decided to remain in the Conference , joining Exeter City . He told local radio that his aim was not to achieve promotion or reach a certain tally of goals , but to influence the club 's younger players . \n He scored nine times in 40 league games in his first season , including two in a 2 – 1 home win over relegated Southport on 28 April 2007 in order to seal a play @-@ off place . Eleven days later , in the second leg of the play @-@ off semi @-@ final away to Oxford United , he scored a goal which took the match to extra time and eventually a penalty shootout which his side won . In the final on 20 May at Wembley Stadium , he came on as a 36th @-@ minute substitute for goalscorer Lee Phillips in a 1 – 2 loss to Morecambe . \n On 26 April 2008 , Stansfield scored in Exeter 's 4 – 4 draw at Burton Albion which qualified them for that season 's play @-@ offs . He started in the final , whereby the team returned to The Football League for the first time in five years with a 1 – 0 Wembley win over Cambridge United . \n He scored 10 goals in 37 league games as they won a second consecutive promotion into League One in the 2008 – 09 season . This included consecutive braces on 27 September and 4 October , in wins over Macclesfield Town ( 4 – 1 away ) and Gillingham ( 3 – 0 home ) . The following campaign , despite never having previously played at as high a level , he was a regular starter for Exeter in League One , scoring eight goals in a season curtailed by his cancer diagnosis . \n"} +{"id": 379, "text": " Stansfield earned five caps and scored one goal for the England national semi @-@ professional team . He featured in the 2002 edition of the Four Nations Tournament , and made his debut in England 's opening match , a 1 – 1 draw with Wales at York Street in Boston on 14 May . Stansfield was injured in the first half of the last match , a 2 – 0 win against Scotland at Rockingham Road in Kettering on 18 May , while Wales won the title . In 2005 , while back in the Conference with Hereford , he was again called up for the tournament by manager Paul Fairclough . Stansfield played in two matches as England won the tournament with three wins . \n"} +{"id": 380, "text": " Stansfield suffered from persistent abdominal pain in the early part of 2010 , and was admitted to hospital for tests at the end of March . On 8 April 2010 , Exeter City confirmed to the media that he had been diagnosed with a form of colorectal cancer . Manager Paul Tisdale told local news programme BBC Spotlight that \" there 's little good on this subject \" , but \" if there 's someone who can deal with it and meet it head on with real purpose , Adam 's the man . \n Later that month , Stansfield underwent surgery to remove part of his colon . Club vice @-@ chairman Julian Tagg reported that the operation was successful , and that Stansfield appeared happy and was making jokes . He joined the Exeter squad for the first day of pre @-@ season training in July , appearing weak from chemotherapy . His condition deteriorated rapidly and he died on 10 August , with his death being announced shortly after Exeter 's loss to Ipswich Town in the Football League Cup . \n As a mark of respect , Dagenham & Redbridge postponed the game Exeter were due to play against them at Victoria Road four days after his death . Exeter retired his shirt number 9 for nine seasons . \n Stansfield 's body was taken from St James Park to his funeral service at Exeter Cathedral on 25 August , attended by over 1 @,@ 000 mourners . A private family service was held later . \n"} +{"id": 381, "text": " Stansfield continues to be remembered by fans of Exeter . On 9 August 2014 , as they started the new season against Portsmouth , a giant flag resembling his club shirt was displayed by the crowd . \n At his funeral , Stansfield 's widow Marie had an idea to set up the Adam Stansfield Foundation , which by the fourth anniversary of his death had raised over £ 150 @,@ 000 . It works in offering children football in Devon , Somerset and Herefordshire , the three counties in which he played professionally , as well as increasing opportunities for the disabled to take part in the sport . The foundation also aims to increase awareness of bowel cancer . \n From 2011 to 2015 , an aeroplane belonging to Flybe bore an image of Stansfield , with other aeroplanes belonging to the company featuring such former footballers as George Best and Kevin Keegan . In 2015 , Stansfield was featured on £ 5 Exeter Pound notes in the city . \n Exeter City and Yeovil Town agreed that on their meeting at St James Park on 8 August 2015 , there would be a minute 's applause in the seventh minute and ninth , for the numbers he wore at each club . Earlier the same day , there was also a match between the two clubs ' supporters in Topsham , Devon , to raise funds for his foundation . \n"} +{"id": 382, "text": " Yeovil Town \n FA Trophy : 2001 – 02 \n Football Conference : 2002 – 03 \n Hereford United \n Conference National play @-@ offs : 2006 \n Exeter City \n Conference National play @-@ offs : 2008 \n England semi @-@ professional \n Four Nations Tournament : 2005 \n"} +{"id": 383, "text": " General Saprang Kalayanamitr ( Thai : ่ ง กัลยาณมิตร ; rtgs : Sa @-@ , also known as Poei ( Thai : ) or Big Poei ( Thai : ) , born 8 July 1948 in , Thailand ) is a retired officer of the Royal Thai Army , Assistant Secretary @-@ General of the Council for National Security , Commander of the junta 's 14 @,@ 000 @-@ man anti @-@ protest force , Chairman of the Board of Directors of Airports of Thailand ( AoT ) , and also Chairman of the Boards of TOT and CAT Telecom , two major Thai state @-@ owned telecommunication companies . \n Saprang grew up in an aristocratic military family and graduated from the 7th Class of the Armed Forces Academies Preparatory School and the 18th Class of the Chulachomklao Royal Military Academy . He served for nearly three decades in the Army cavalry corp , and was promoted to 3rd Army Region Commander in 2005 . He was a key leader of the September 2006 coup that overthrew the government of Prime Minister Thaksin Shinawatra . \n Saprang is one of the fiercest critics of Thaksin Shinawatra , calling him a \" traitor \" and claiming that he should be \" banished to live forever in the jungle . \" Upon appointment to chair Airports of Thailand and TOT , he purged the management , initiated investigations into the overthrown government , and donated 200 million baht of the agency 's funds to the Army . He fired the President of TOT for questioning an 800 million baht donation that the agency made to the Army . As head of CAT Telecom , he was accused of blocking attempts to launch People 's Television , a new television station founded by ex @-@ leaders of Thaksin 's Thai Rak Thai party . \n Saprang was considered one of the top contenders to lead the army and the junta after CNS @-@ leader Sonthi Boonyaratkalin 's mandatory retirement in 2007 . However , in September 2007 he was demoted to be Deputy Permanent Secretary of the Defense Ministry , while his rival , General Anupong Paochinda , was promoted to lead the Army . As a result , Saprang retired from the Army in 2010 . \n"} +{"id": 384, "text": " Born 8 July 1948 in , Thailand , Saprang graduated from the 7th Class of the Armed Forces Academies Preparatory School ( ) and the 18th Class of the Chulachomklao Royal Military Academy . His classmates included General ( appointed Deputy Army Commander after the coup ) , Admiral Bannawit ( appointed to the National Legislative Assembly after the coup , and leader of its Suvarnabhumi Airport committee ) , and General . He later graduated from the 43rd class of the National Defence College of Thailand in 2001 . His NDC thesis concerned the role of military forces in the control of illegal narcotics . His NDC classmates included , governor of state energy company EGAT . \n"} +{"id": 385, "text": " Saprang started his military career in 1969 as Rifle Platoon Leader in the 3rd Infantry Battalion , 4th Regimental Combat Team . He claims to have fought 200 battles during the course of his military career . \n He was appointed Commander of the 1st Infantry Battalion of the 4th Infantry Regiment in 1982 , stationed in ( on the northwestern border with Burma ) . In 1985 , he became Commander of the 1st Infantry Battalion in the 19th Infantry Regiment , stationed in Fort , ( on the western border with Burma ) . \n He was then promoted to be Regimental Commanding Officer of the Armed Forces Academies Preparatory School in 1990 . In 1991 , he began a six @-@ year stint as Regimental Commanding Officer of the Chulachomklao Royal Military Academy . \n In April 1997 , Saprang was shortly transferred to the Ministry of Defense as a staff officer , before being promoted in October 1997 to Commanding General of the 15th Infantry Division , at the time stationed in Buri , Prachuap Khiri Khan Province . In 2003 , he was promoted to 3rd Corps Commander . In 2004 , it was strongly rumored that Saprang might be promoted to command the 4th Army , replacing General Pongsak . General Pongsak had been criticized for ineffectually fighting the South Thailand insurgency , after 39 successful arson attacks occurred in just one night . Pongsak ended up being replaced in April 2004 by . \n"} +{"id": 386, "text": " In a surprise to many observers , Saprang was promoted to 3rd Army Area Commander in October 2005 , headquartered in and responsible most of northern and northeastern Thailand . Analysts had expected Prime Minister Thaksin to promote his own classmates from Class 10 to the powerful position instead . At the same time , also in a surprise move , Deputy Army Commander Sonthi Boonyaratkalin was promoted to Army Commander . \n Saprang and Sonthi started planning for the coup 7 to 8 months in advance , in approximately February 2006 . Coup planning occurred prior to the April 2006 elections , during Thaksin 's controversial sale of Shin Corporation to Temasek Holdings and the peak of the People 's Alliance for Democracy 's campaign to oust the government . In July 2006 , Saprang gave an interview where he stated that Thai politics was below standard and that the Kingdom 's leadership was weak . He also claimed that Thailand had a false democracy . He denied that such criticism constituted military interference in politics . At the same time , the Thai media speculated that in the October 2006 annual Army reshuffle , Saprang would not be promoted to Assistant Army Commander and would not be allowed to retain his position of 3rd Army Area Commander . In July , Saprang 's own Deputy Commander in the 3rd Army Area , Major General Manas , warned the media that \" a certain military officer who aspires to become Assistant Army Commander \" was planning a coup . \n In the weeks leading up to coup , Saprang openly mobilised soldiers and northern residents to rebel against the government . Saprang played a key role on the evening of 19 September 2006 , securing Thaksin 's home town and power base of Chiang Mai . That same night , he was appointed assistant Secretary @-@ General of the CNS . The coup was executed just a week before the announcement of the Army 's annual reshuffle . \n"} +{"id": 387, "text": " A week after the coup , Saprang was promoted to Assistant Army Commander , alongside fellow coup leader Anupong Paochinda . His predecessor , General , had not taken part in the coup and was transferred to an inactive position . Saprang was also promoted from Lieutenant General to General . \n"} +{"id": 388, "text": " On 27 December 2006 , it was revealed that the Cabinet had approved over half a billion baht worth of funding for a 14 @,@ 000 @-@ man secret anti @-@ protest special operations force , of which General Saprang was Commander . The so @-@ called CNS Special Operations Center , funded with 556 million baht diverted from the Defense Ministry , Police Office , and government emergency reserve fund , had been secretly established by the CNS on 1 December 2006 in order to control protests . \n"} +{"id": 389, "text": " Saprang was appointed by the junta to become Chairman of the Board of Directors of Airports of Thailand ( AoT ) and also Chairman of the Boards of TOT and CAT Telecom , two major state @-@ owned telecommunication companies . Saprang 's first move as TOT Chairman was to hand @-@ pick three Army colonels and vocal Thaksin @-@ critic Vuthiphong to sit on the state enterprise 's Board of Directors . Saprang transferred TOT President to an inactive position and appointed Vuthiphong new President . He then hand @-@ picked all 10 other directors . \n Saprang noted in an interview that , \" if telecommunication businesses are in private hands , the country won 't be safe . \" The junta had earlier announced plans to cancel the initial public offering of both TOT and CAT Telecom and to merge the two state enterprises . \n Under Saprang 's leadership , TOT reaffirmed its ownership rights to all existing backbone telecommunications networks under a new strategy to act as a \" genuine \" national telecom company . The new strategy was expected to increase political and business tensions . Under the Build @-@ Transfer @-@ Operate ( BTO ) concession agreements that TOT signed with private telecom operators , the TOT technically owns all fixed @-@ line , mobile , and optical fibre networks in Thailand . However , it had never exercised those rights in the past . \n Vuthiphong was fired from the TOT board and his position of acting TOT President in June 2007 . He immediately accused the Army of using the TOT as an unmonitored slush fund . He claimed that an unnamed Army unit had requested that TOT buy it 800 million baht worth of electronic equipment . Upon receiving the request , demanded to know why neither the Army nor the Defence Ministry used their own secret budgets to purchase the equipment , and why an internal Army unit , rather than the Kingdom 's main national security organisations , had made the request . Saprang denied that there was any lack of transparency in the request for financial support . claimed that the equipment should only have cost 30 million baht , not 800 million baht . He was fired and expelled from the Board soon after refusing to sign off on the deal . The Board later appointed Col. as the new TOT President and accepted the army 's donation request . \n Under his leadership , TOT 's performance dropped . Revenues for the first half of 2007 fell 13 % year @-@ on @-@ year , while net profit fell 36 @.@ 1 % . Fixed line revenue dropped 16 % , while public telephone and international call revenue by 30 % each . \n As Chairman of CAT Telecom , Saprang was accused by the founders of People 's Television ( PTV ) , a new satellite television station , of being behind CAT Telecom 's refusal to grant an internet link from Bangkok to a satellite up @-@ link station in Hong Kong . PTV was established by several ex @-@ executives of the Thai Rak Thai party . CAT Telecom claimed that it never received PTV 's application for internet access . \n Under Saprang 's leadership , 80 @,@ 000 subscribers of Thai Mobile , a TOT / CAT joint venture mobile phone operator , were cut off temporarily in early May 2007 when owners TOT and CAT Telecom failed to pay the bills of a major supplier . Thai Mobile had accumulated significant losses and the company was not able to make its debt payments or supplier payments . The partners had stopped payments to the supplier , Samart Corporation , for nearly a year , until Samart threatened to suspend services within three days . After no payment , it delivered on its threat . TOT was subsequently able to negotiate with Samart to restart the service . \n"} +{"id": 390, "text": " A week after Saprang hinted at a reshuffle of AoT top management , AoT President was forced to resign , citing health reasons , while the Directors of Suvarnabhumi Airport and AoT Commercial Operations were dismissed . Police Commissioner General was appointed as an AoT Director . \n"} +{"id": 391, "text": " As AoT Chairman , Saprang spearheaded an effort to reopen Don Muang Airport in parallel with the newly opened Suvarnabhumi Airport , despite objections from the Civil Aviation Department , airlines , and internal studies within Airports of Thailand . 60 airlines threatened to halt flights to Thailand if they were forced to move back to Don Muang airport . \n Saprang also refused to authorize urgent repairs on the airport tarmac , despite warnings from engineers . Karun , president of the Engineering Institute of Thailand noted , \" Suvarnabhumi is like a patient in a coma who continues to suffer from severe bleeding . Stopping the blood flow now is more urgent and important than debating what caused the injury . \" The Engineering Institute of Thailand sent a formal warning to AoT in November 2006 about the urgent need to drain water from beneath the tarmac , and noted that immediate action should be taken . \" The AOT did nothing about the problem \" , of the EIT noted . \" The situation might not have become this bad if the water had been drained then . \" , a senior foundation engineer and a member of the @-@ led airport tarmac inspection panel , accused the AOT of refusing to take any actions to solve the problems at the airport . \n The airport faced ongoing operational challenges , including a computer virus that shut down the automated luggage bomb @-@ scanning system in June 2007 . A study by the International Air Transport Association ( IATA ) released in July 2007 found the airport unsafe , citing numerous spots where checked passengers can meet people who have not passed through security checkpoints . \n Serious security gaps at Suvarnabhumi Airport became known to the public beginning in early 2007 . The International Air Transport Association ( IATA ) found that there were many spots in the passenger terminal where checked passengers can meet people who have not passed through security checks and could receive unchecked objects and then carry them on board aircraft . The IATA also suggested that AoT deploy its own security staff instead of contracting out the job to the Loxley @-@ ICTS consortium . AoT threatened the consortium with contract termination , but didn 't follow through with its threat , even though the consortium failed to live up to its contract . Six months later , AoT stated that it still couldn 't make up its mind on how it should improve airport security . AoT said it was open to all possible options , and has taken no action to upgrade the problem . \n"} +{"id": 392, "text": " On Tuesday 27 February 2007 , Saprang led a 13 @-@ member delegation to Europe , on what was claimed to be a week @-@ long trip to study safety and security measures at major European airports . Many delegates and accompanying members shared the same surname , and the trip , which cost 7 @.@ 2 million baht was attacked for \" squandering \" state funds for personal pleasure , disbursing unrealistic expenses , and inflating costs . The travel agent along received a 500 @,@ 000 baht commission fee for booking the trip . Saprang denied any wrongdoing and claimed he was the victim of a smear campaign . He also noted that \" If you knew my character , you would know that even if a relative joined the trip he should have realised that he should work hard . \" He also noted that instead of being a viewed as a defendant , he should be viewed as a hero for bringing down the Thaksin government . Saprang then summoned the leader of the AoT labor union in order to identify who leaked information about the trip to his accusers . \n"} +{"id": 393, "text": " The first quarter after Saprang was appointed Chairman , AoT profits plunged 90 % compared to the previous year , despite higher traffic volumes and increased passenger service charters and airline fees . Operating expenses surged 137 % , contributing to the AoT 's worst quarterly earnings report since it was listed on the Stock Exchange of Thailand . \n The AoT board also granted 200 million baht to the Army , which had requested a financial donation . AoT also lent some of its explosives detectors to the Army for use in the South Thailand insurrection . \n Financial performance continued to spiral downwards in the 3rd quarter of 2007 . Net profit for the period ending June fell by 84 % from a year before , despite higher traffic and a 17 @.@ 9 % increase in revenue . The fall in profit was attributed to AoT 's court case against King Power , the operator of duty @-@ free shops within Suvarnabhumi Airport . King Power 's concession was suspended while the case was in court , forcing AOT to stop reporting earnings from the concessionaire . \n"} +{"id": 394, "text": " Saprang had long been a fierce critic of Thaksin Shinawatra , and prior to the coup had even called Thaksin 's supporters within the military \" evil . \" After the coup , Saprang called Thaksin a \" traitor \" and said that he should be \" banished to live forever in the jungle . \" \n He also accused Thaksin of spying on the military while he was Prime Minister . \n Although Saprang and General Sonthi accused Thaksin of insulting and disrespecting King Bhumibol , he noted that the junta did not pursue lèse majesté charges against Thaksin because \" the police corrupted the evidence \" , and delivered such a weak case that the attorney @-@ general could not file a lawsuit . A vocal self @-@ proclaimed royalist , he insisted that various groups actively tried to challenge the monarchy , and that he \" couldn 't stand it . \" He noted , \" I am a soldier , born to protect the Crown . They could only challenge the monarchy over my dead body . \" \n Saprang also suspected that Oliver , a Swiss man who was jailed for lèse majesté for spraying paint on a portrait of image of King Bhumibol , was hired by somebody to perform his vandalism . Saprang ordered a military investigation into the matter . The results have not been made public . \n"} +{"id": 395, "text": " Saprang had a public confrontation with former Prime Minister Chavalit regarding the 2006 Bangkok New Year 's Eve bombings after Chavalit accused him of incompetence . Saprang claimed that \" the evidence and intelligence information proves that the bombs were the dirty work of politicians who lost power and benefits . Bad soldiers loyal to bad politicians collaborated with them with the intention to topple this government . \" However , his claim was contradicted just an hour later by Prime Minister Surayud Chulanont . \n In May 2007 , Saprang claimed that he had information regarding the seizure of instructional manual on terrorism in Bangkok from a London apartment by English soldiers and police . He said he could not disclose any further information , but told the public to connect the dots themselves . Days later , a bomb exploded outside of Palace . Saprang later clarified his remark , saying the Bangkok terrorism manual discovery had been made in the early 1990s . Deputy Chief of the British Mission in Bangkok Andy Pierce said he was \" concerned \" by Saprang 's remarks , which he insisted were \" baseless \" . \n"} +{"id": 396, "text": " Saprang was implicated in the resignation of Finance Minister Pridiyathorn on 28 February 2007 . The Bangkok Post reported that Pridiyathorn resigned in protest after a CNS member lobbied him to sell shares of ( formerly known as Thai Petrochemical Industry ) back to a former shareholder . The newspaper identified Saprang as the unnamed CNS member . Saprang 's brother , , was a key financial advisor to , the estranged founder of TPI . \n 's relations with the junta came under further public scrutiny when it was revealed that he was hired by the junta in order to lead a campaign to discredit deposed premier Thaksin Shinawatra . Politicians hired as part of the CNS campaign included Chat Pattana party leader Korn , Democrats Korn , and , Panya @-@ , a key Thai Rak Thai member who defected to the Chat Thai party , plus ex @-@ senator Choonhavan . Academics hired by the CNS included @-@ , Sophon , Phet @-@ , and . \n"} +{"id": 397, "text": " Saprang was an extremely vocal critic of those who he perceived as his political opponents . In an interview with Thai Rath ( Thailand 's most popular newspaper ) on 8 April 2007 , he called an unspecified enemy a \" mad dog \" who he claimed was destroying the monarchy . He said that it was necessary to shoot the dog with a machine gun . In the same interview , he threatened violent response to the \" bold words that came from the mouths of evil people who did not know restraint \" . He urged decisive action , so that the public would believe that good had triumphed over evil . \n"} +{"id": 398, "text": " Saprang was considered a strong contender to lead the junta given the mandatory retirement of Army commander @-@ in @-@ chief and CNS President Sonthi Boonyaratkalin in September 2007 . He unofficially competed with fellow Assistant Army Commander Anupong Paochinda , who , as 1st Army Area Commander , secured Bangkok on the night of the coup . The Bangkok Post reported in October 2006 that Sonthi was grooming Anupong to be his successor by giving him responsibilities over coup logistics , a greater task than had been assigned to Saprang . The Asia Times quoted a former MP as saying that \" Anupong is seen as the real force behind the coup . Saprang is more vocal , but he has no real base . The only way he could be seen as a promising leader is by pushing the country to the brink . \" \n In an interview , Saprang warned that \" the three pillars of society - the nation , the religion and the monarchy - might crumble ... If rogue politicians return to power following the next [ post coup ] general election . \" \n Saprang also held the opinion that military coups against the government \" should never be ruled out . \" The abrogated 1997 constitution had outlawed coups . A replacement constitution was , at the time of Saprang 's statement , being drafted by a military appointed panel . \n Saprang was sidelined in security plans preceding the Constitutional Tribunal 's 20 May 2007 ruling on the dissolution of the Thai Rak Thai and Democrat Parties . After the 2006 coup , Sonthi had delegated the task of securing Bangkok to Saprang . The pre @-@ ruling plan put Sonthi directly in charge of Bangkok crowd security , allying him with alum of Class 9 , including Army Chief of Staff General and First Army Region commander Lt General Chan @-@ . \n , a military scholar at Chulalongkorn University and a personal adviser to Prime Minister Surayud Chulanont noted in early September 2007 that \" if the army is going to take a full step into politics , then it will be Saprang . If only a half @-@ step , then Anupong . And if it intends to beat a full retreat or take one step back , it will be [ Army chief of staff ] [ ] . \" \n On 19 September 2007 , Saprang 's rival , Assistant Army Commander @-@ in @-@ Chief Gen Anupong Paochinda , was appointed as the new commander @-@ in @-@ chief of the Army , replacing the retiring General Sonthi . Anupong 's mandatory retirement occurred 2010 . Sonthi was , after resignation , appointed Deputy Prime Minister . Saprang was transferred to become Deputy Permanent Secretary of the Ministry of Defense . Saprang 's ally , Defence Ministry Deputy Permanent Secretary Admiral Bannawit , called Saprang 's transfer a \" demotion \" and a \" punishment . \" However , Saprang himself claimed that he did not feel slighted for being passed over , noting that \" everything is over \" for him . Bannawit himself was later transferred from Defence Ministry Deputy Permanent Secretary to be a Chief Adviser of the Ministry , replaced by Chief Advisor General Muang @-@ am . Bannawit denied that his own transfer was the result of his criticism of Saprang 's transfer . Bannawit then announced that he would resign from the military and enter politics . There was also rampant speculation that Saprang himself would resign and enter politics . Although the Kyodo News Agency noted speculation that Saprang would stage a coup against Anupong , Saprang denied coup rumors , saying that another coup would be \" suicide . \" \n"} +{"id": 399, "text": " Saprang is the youngest of 9 children of Lieutenant Colonel Sri ( Thai : กัลยาณมิตร ) and Kalayanamitr ( Thai : ้ ว กัลยาณมิตร ) . Sri was the eldest of the 8 children of Phraya , ruler ( Chao Muang ) of the northern border city of Tak . \n The are a military aristocratic family with Chinese ( Hokkien ) Thai roots . Saprang 's ancestor , Luang ( original name Ung Mang , Thai : , ่ ง ้ ง ) migrated to Siam during the reign of King Taksin plying the trade , and was given a feudal title during the reign of King Rama I. \n Saprang has evoked his aristocratic background in order to increase his credibility in public confrontations . Saprang is married to ( Thai : ) and has 3 sons : Army Cadet ( Thai : ์ ) , Air Force Cadet ( Thai : ) , Air Force Cadet ( Thai : ์ ) . \n"} +{"id": 400, "text": " Saprang stands 161 centimeters tall and as of March 2007 , weighed 52 kilograms . \n"} +{"id": 401, "text": " The Grammy Award for Best Concept Music Video was an award that was presented to recording artists at the 30th Grammy Awards in 1988 , and the 31st Grammy Awards in 1989 , for quality , concept music videos . The Grammy Awards ( Grammys ) is an annual ceremony that was established in 1958 and was originally called the Gramophone Awards ; awards are presented by the National Academy of Recording Arts and Sciences of the United States to \" honor artistic achievement , technical proficiency and overall excellence in the recording industry , without regard to album sales or chart position \" . \n Beginning in 1982 , the Academy began to honor quality music videos with the Video of the Year category , which was discontinued with the establishment of the MTV Video Music Awards in 1984 and was replaced with two awards ; Best Video , Short Form and Best Video Album . Criteria changes for the 1988 and 1989 ceremonies resulted in the Best Concept Music Video award being presented alongside the award for Best Performance Music Video . Best Concept Music Video award recipients were the English rock band Genesis for \" Land of Confusion \" and the American singer \" Weird Al \" Yankovic for \" Fat \" . The Academy returned to the previous format in 1990 , though the categories are now known as Best Short Form Music Video and Best Long Form Music Video . \n"} +{"id": 402, "text": " The National Academy of Recording Arts and Sciences began to honor quality music videos with the Grammy Award for Video of the Year category in 1982 . The first two award recipients were former member of The Monkees Michael Nesmith for the hour @-@ long video Elephant Parts ( also known as Michael Nesmith in Elephant Parts ) and Olivia Newton @-@ John for Olivia Physical . The Video of the Year category was discontinued in 1984 when MTV established the MTV Video Music Awards whose top award is also presented for Video of the Year . For the 26th Grammy Awards the Academy replaced the category with awards for Best Video , Short Form , and Best Video Album . For the awards held in 1988 and 1989 , the criteria changed and awards for the categories Best Concept Music Video , and Best Performance Music Video were presented . The Academy returned to the previous format in 1990 , though the categories were renamed Best Music Video , Short Form , and Best Music Video , Long Form . In 1998 , the categories were retitled Best Short Form Music Video , and Best Long Form Music Video , respectively . \n"} +{"id": 403, "text": " For the 30th Grammy Awards ( 1988 ) , Best Concept Music Video nominees David Bowie for \" Day @-@ In Day @-@ Out \" , Kate Bush for The Whole Story , the English rock band Genesis for \" Land of Confusion \" , David Lee Roth for David Lee Roth , and Janet Jackson for Control – The Videos Part II . The music video for Bowie 's \" Day @-@ In Day @-@ Out \" , directed by Julien Temple , included \" offending \" scenes such as a man urinating on Ronald Reagan 's Hollywood Walk of Fame star , which was edited out for television broadcast . Bush 's \" imaginative \" video sampler accompanies her greatest hits album of the same name and includes music videos for songs throughout her career to that point . The music video for \" Land of Confusion \" , a song included on the band 's 1986 album Invisible Touch , contained Spitting Image puppets of Ronald Reagan , Margaret Thatcher and other notable individuals . David Lee Roth 's self @-@ titled video consisted of promotional clips created for his debut solo EP Crazy from the Heat and album Eat ' Em and Smile . Jackson 's video collection , which was certified gold in the United States , contained six promotional videos recorded for singles from her album Control . Awards were presented to members of Genesis ( Tony Banks , Phil Collins , and Mike Rutherford ) as the performing artists , Jim Yukich and John Lloyd as the video directors , and Jon Blair as the video producer . \n Nominees for the 31st Grammy Awards were the Hampton String Quartet for \" Get a Job \" , George Harrison for \" When We Was Fab \" , the American rock band Talking Heads for Storytelling Giant , \" Weird Al \" Yankovic for \" Fat \" , and Neil Young for \" This Note 's for You \" . \" Get a Job \" , a song recorded originally by the American group The Silhouettes , appears on the Hampton String Quartet 's album What If Mozart Wrote \" Roll Over Beethoven \" , a collection of 1950s R & B and pop music songs performed in the styles of Beethoven , Debussy , Mozart , and other composers . \" When We Was Fab \" , a song from the album Cloud Nine , is constructed from quotations written when The Beatles were at the height of their fame and features Harrison playing a sitar . The music video shows Elton John dressed as a walrus , a reference to the 1967 song \" I Am the Walrus \" . Storytelling Giants is a collection of Talking Heads ' music videos and additional material linking them together . Two of the nominated music videos had connections to Michael Jackson ; \" Fat \" is a parody of Jackson 's song \" Bad \" , and the video for \" This Note 's for You \" depicts a Jackson look @-@ alike 's hair catching fire ; a parody of an incident that occurred during a shoot for a Pepsi television advertisement in 1984 . In the \" Fat \" video , Yankovic becomes a \" grossly overweight guy \" through the use of cosmetics and special effects , and leads a group of overweight people on a parade . The award was presented to Yankovic as the performing artist , along with Jay Levey as the video director and Susan as the video producer . \n"} +{"id": 404, "text": " Hadji Ali ( c . 1887 – 92 – November 5 , 1937 ) was a vaudeville performance artist , thought to be of Egyptian descent , who was famous for acts of controlled regurgitation . His best @-@ known feats included water spouting , smoke swallowing , and nut and handkerchief swallowing followed by disgorgement in an order chosen by the audience . Ali 's most famous stunt , and the highlight of his act , was drinking copious amounts of water followed by kerosene , and then acting by turns as a human flamethrower and fire extinguisher as he expelled the two liquids onto a theatrical prop . While these stunts were performed , a panel of audience members was invited to watch the show up close to verify that no trickery was employed . \n Although never gaining wide fame , Ali had a dedicated following on the vaudeville circuit in the United States . He performed for heads of state including Tsar Nicholas II of Russia . Judy Garland named him her favorite vaudevillian and David Blaine identified Ali as his favorite magician . Portions of his act were captured in the short film Strange as It Seems ( 1930 ) and in Politiquerias ( 1931 ) , the Spanish @-@ language version of Laurel and Hardy 's Chickens Come Home . Two documentaries contain footage of Ali taken from Politiquerias : 1977 's Gizmo ! , and 1999 's Vaudeville . Ali 's unusual gastric abilities led to rumors that the Rockefeller Institute had offered a large sum of money to obtain his stomach post @-@ mortem . After he died in England , his body was offered to Johns Hopkins University for study , though the offer was declined . \n"} +{"id": 405, "text": " Hadji Ali was born into a working @-@ class family in approximately 1887 or 1892 , depending on the source consulted , probably in Egypt . His fame was as a practitioner of a recognized vaudeville subgenre known as a \" regurgitation act \" , involving the swallowing of material or objects and their regurgitation in various ways . Ali became aware as a child that he possessed an unusual gastric ability . He explained in response to audience questions at a performance held at St. Mary 's Hospital in Niagara Falls , New York , in May 1926 , that while swimming in the Nile as a ten @-@ year @-@ old boy , he naturally discovered that he could swallow a large amount of water and blow it out like a whale spouting . He continued to develop and refine the ability as he grew older . A more dramatic version of these events was provided by Ali 's daughter , Almina Ali , in an interview in England after his death . She stated that his abilities were first learned through a single incident : while bathing in the Nile , he inadvertently swallowed a fish and an ample volume of water . Instead of dying , as those present thought he might , Ali simply regurgitated the liquid and the fish without ill effect . \n Ali learned that his regurgitation talents had the potential to entertain and to earn money through performance at the age of fifteen : \n I tried out my tricks first of all in the street , swallowing many glasses of water and then pouring forth a great fountain from one side of the road to the other ... A cafe proprietor saw me doing this one day , and chased me down the street . I thought he wanted to beat me up , but no — all he did was to put a coin in my hand and ask me to repeat the trick . Finally , he was so delighted that he asked me to come to his cafe and entertain the customers . \n Taking his abilities on the road , Ali met an Italian man in Cairo who signed him to a contract for music hall performances . Ali performed under contract throughout Europe and at times for heads of state . According to Ali , in or about 1914 he was summoned by Tsar Nicholas II of Russia to perform at the Winter Palace in Saint Petersburg , Russia . He stated that the Tsar \" must have liked my performance because he awarded me a special decoration , which is now one of my most treasured possessions . \" Following World War I , Ali began managing his own affairs and toured the world , learning more tricks as he went . \n Ali came to the United States with Almina in the mid @-@ 1920s . They performed together at fairs , carnivals and in vaudeville , sometimes advertised under the collective name , \" Hadji Ali & Co . \" Almina played the part of assistant in her father 's act , billed in his shows as \" The Princess \" . Ali alone had a variety of stage names , including : \" The Great Egyptian Miracle Man \" , \" The Amazing Regurgitator \" , \" The Egyptian Enigma \" , \" The Human Aquarium \" , \" The Human Volcano \" and \" The 9th Wonder of the Scientific World \" . Ali has been described as a \" large , barrel @-@ chested and bearded man ... [ that cut ] an imposing figure in his Arab costume . \" \n Although Ali spoke a number of languages and became a naturalized U.S. citizen , it was reported that Almina acted as his interpreter in the United States and other places , as he did not speak English and was illiterate . Once he had gained some notoriety , Ali took on as his manager Hubert Julian , a former colonel in the Abyssinian Air Force . Although he developed a significant following , even being named Judy Garland 's favorite vaudevillian , Ali \" remained more a sideshow curiosity than a true vaudeville headliner \" according to at least one source . Nevertheless , at the time of his death in 1937 , Julian commented that Ali had \" earned big money in America — $ 1 @,@ 000 a week sometimes . I was building him up here [ in Europe ] and had a Continental tour arranged . \" \n"} +{"id": 406, "text": " The mainstay of Ali 's act was \" water spouting \" . After swallowing large amounts of water , 60 to 100 glasses at a time , he spouted the water in a continuous stream for a sustained period of time , sometimes approaching one minute . Another common trick was to swallow 30 to 50 unshelled hazelnuts ( although one of his posters advertised 40 pecans ) , followed by another nut of a different variety , such as an almond . Ali then brought them up one by one with the odd @-@ nut @-@ out produced at a mark called out by the audience . In another trick , Ali swallowed three to six handkerchiefs of different hues and then produced them in a color order requested by audience members . \n In a 1929 article appearing in the Lowell Sun newspaper , physician Morris Fishbein speculated that for Ali 's nut feat , the one nut of a different variety was held in the mouth rather than swallowed , thus allowing him to produce it on cue . Dr. Fishbein also stated that unnamed \" investigators \" were convinced that for Ali 's handkerchief stunt , to produce them in the sequence stipulated by the audience Ali flavored the cloth , and could therefore taste for the correct one as he brought them up . Ali also swallowed live goldfish , watches , coins , costume jewelry , paper money , peach pits , stones , live mice , buttons , pool balls and other odd objects . In another standard performance segment , he placed eight or more lit cigarettes in his mouth but instead of inhaling , he swallowed the smoke and , after a significant time had passed , issued it forth in a steady stream like an erupting volcano . \n Ali 's longstanding finale was the swallowing of copious amounts of water again , but this time followed by a pint of kerosene . A prop was then produced , typically a model castle or house made of metal set on a table , within which a small flame burned . Lighter than water and immiscible with it , the kerosene floated above the liquid in Ali 's gut , allowing him to disgorge it first . The stage thus set , and to a drum roll or an imitation of fire bells , Ali became a \" human flamethrower \" , spewing the accelerant in a long stream over the sacrificial prop , setting it ablaze . Once the kerosene was exhausted , the water followed , streaming out his mouth in a long flow from up to six feet away , extinguishing the fire . \n At some performances , a panel or \" jury \" from the audience was invited on stage to verify that no trick mechanism was being employed — that he was actually swallowing the items in question and delivering them back through acts of regurgitation . Sometimes Ali would stroll into the audience during his nut swallowing trick . His stomach exposed by his standard costume , he invited audience members to pat his stomach , allowing them to hear the nuts rattling within . One newspaper reported that Ali 's feats , essentially controlled vomiting , were performed in \" a manner without the least bit of unpleasantness or anything bordering on repulsiveness . \" Not everyone felt the same : at least one of Ali 's engagements was cut short once the proprietor realized that the nature of the act \" was killing their supper shows \" . Famed escapologist and magician Harry Houdini remarked in his 1920 work Miracle and Their Methods that water spouting was a \" performance that could not fail to disgust a modern audience . \" \n The abilities of Ali fascinated the public and medical authorities . As reported in a 1928 Sheboygan Press article , at one of Ali 's acts a number of doctors attended and thoroughly examined him during the performance . They came away satisfied that he was actually imbibing and regurgitating the material and objects as claimed , but remained \" mystified over his extraordinary performance . \" According to an article appearing in the Naugatuck Daily News , \" Physicians of three continents have puzzled over the mechanism of this human ostrich without success . X @-@ ray experiments have been made during his exhibition without a plausible explanation forthcoming that satisfies the critical , in fact , the profession of surgery has thrown up its hands in amazement over this human ostrich . \" \n"} +{"id": 407, "text": " Ali 's act was captured in two films : the 1930 short Strange as It Seems , and Politiquerias ( 1931 ) , the expanded Spanish @-@ language version of Laurel and Hardy 's Chickens Come Home . Ali also had a bit part as the \" Turkish landlord \" in Warner Bros. ' 1932 film Scarlet Dawn starring Douglas Fairbanks , Jr. and Nancy Carroll . Two documentaries contain footage of Ali taken from Politiquerias : 1977 's Gizmo ! , and 1999 's Vaudeville , a documentary produced by @-@ TV that exhibits 90 vaudeville acts over a two @-@ hour running time . The documentary has since aired on the Public Broadcasting Service 's American Masters series numerous times . \n Speaking about the democratic nature of the vaudeville performance circuit , Vaudeville 's writer and executive producer said in reference to Ali that the film \" embraced everything from Caruso to a guy who threw up . \" By contrast , in episode 30 of the Sundance Channel television program , magician David Blaine speaks enthusiastically of Ali . During the episode , Blaine shows artist Chuck Close Ali 's kerosene and water finale footage from Politiquerias and comments that Ali is his \" favorite magician ... it 's real but nobody 's been able to do it since ... his name was Hadji Ali ... he 's my favorite of all time . \" \n"} +{"id": 408, "text": " Ali died on November 5 , 1937 , in Wolverhampton , England , from heart failure during a bout of bronchitis . Even before his death , a rumor had circulated that the Rockefeller Institute sought to procure Ali 's stomach upon his death , and would pay as much as $ 50 @,@ 000 for it . This claim appeared in a poster advertising Ali 's impending appearance at a theater during his lifetime . After Ali 's death was reported , the rumor resurfaced as an active offer of $ 10 @,@ 000 . When a Rockefeller Institute manager was interviewed about the story , he said the offer had never been made but that nevertheless , \" we should very much like to see the body . \" Almina and Julian transported Ali 's body back to the United States on board the Queen Mary . According to a November 29 , 1937 article in the New York Post , upon their arrival , Almina offered her father 's body to Maryland 's Johns Hopkins University for investigation by surgeons , after which it would be transported to Egypt for interment in a mausoleum . However , The Afro @-@ American newspaper reported on December 11 , 1937 , that Johns Hopkins ' officials had declined the offer . \n"} +{"id": 409, "text": " The Battle of Tellicherry was a naval action fought off the Indian port of Tellicherry between British and French warships on 18 November 1791 during the Third Anglo @-@ Mysore War . Britain and France were not at war at the time of the engagement , but French support for the Kingdom of Mysore in the conflict with the British East India Company had led to Royal Navy patrols stopping and searching French ships sailing for the Mysorean port of Mangalore . When a French convoy from Mahé passed the British port of Tellicherry in November 1791 , Commodore William Cornwallis sent a small squadron to intercept the French ships . \n As the British force under Captain Sir Richard Strachan approached the convoy , the escorting frigate Résolue opened fire . A general action followed , with Strachan succeeding in forcing the French ship to surrender within twenty minutes and both sides suffering damage and casualties . All of the French vessels were searched and subsequently returned to Mahé , the local French authorities reacting furiously at what they perceived as a violation of their neutral position . Messages were sent back to France reporting the action from Commodore Saint @-@ Félix but they evoked little response . Although under normal circumstances the battle might have provoked a diplomatic incident , the upheavals of the ongoing French Revolution meant that the despatches had little effect . \n"} +{"id": 410, "text": " In December 1789 , after five years of diplomatic wrangling about the terms of the Treaty of Mangalore that had ended the Second Anglo @-@ Mysore War , the ruler of Mysore Tipu Sultan again declared war on the British East India Company and their allies in Southern India . For the next two years the war continued as British forces and their allies drove the Mysore armies back towards the capital of Seringapatam . Both sides were reliant on supply by sea to maintain their campaigns inland : the British forces were supported from their major ports at Bombay and Madras , later stationing additional forces at the small port of Tellicherry inside Mysore territory . The Mysorean forces were supplied through Mangalore by French ships . France had been an ally of the Tipu Sultan 's father Hyder Ali during the Second Anglo @-@ Mysore War and although the political instability caused by the French Revolution in Europe prevented active involvement , they ensured that their ships kept up a supply of equipment to Mysore throughout the war . \n In an effort to eliminate French support Commodore William Cornwallis , the British naval commander in the region , stationed a squadron of frigates at Tellicherry , where they were ideally situated to blockade Mangalore and prevent the passage of shipping into Mysorean territory . The squadron consisted of Cornwallis in HMS Minerva , Captain Sir Richard Strachan in HMS Phoenix and HMS Perseverance under Captain Isaac Smith . The French operated a squadron of their own on the coast , led by Commodore Saint @-@ Félix and consisting of two frigates based at Mahé , a small French port 7 miles ( 11 km ) south of Tellicherry . The French had communicated to the British at Tellicherry that they would not submit to any attempts to search their vessels , but Strachan and Cornwallis replied that they would enforce the blockade of Mangalore whatever the consequences . \n"} +{"id": 411, "text": " In November 1791 , a French convoy sailed from Mahé on the short journey to Mangalore . The convoy included two merchant vessels and the frigate Résolue , a 36 @-@ gun warship under Captain . Passing northwards , the convoy soon passed Tellicherry and Cornwallis sent Strachan with Phoenix and Perseverance to stop and inspect the French ships to ensure they were not carrying military supplies . As Smith halted the merchant ships and sent boats to inspect them , Strachan did the same to Résolue , hailing the French captain and placing an officer in a small boat to board the frigate . The French captain was outraged at this violation of his neutrality , and responded by opening fire : British sources suggest that his initial target was the small boat , although Phoenix was the ship most immediately damaged . \n Strachan was unsurprised at the French reaction , and returned fire immediately , the proximity of the ships preventing any manoeuvres . Within twenty minutes the combat was decided , the French captain hauling down his colours with his ship battered and more than 60 men wounded or dead . The French ship carried significantly weaker cannon than Phoenix , with 6 and 12 pounder guns to the 9 and 18 pounders aboard the British squadron . In addition , Résolue was heavily outnumbered : no other French warships were in the area while the British had three large frigates within sight . French losses eventually totalled 25 men killed and 60 wounded , Strachan suffering just six killed and 11 wounded in return . \n"} +{"id": 412, "text": " With the enemy subdued , Strachan ordered a thorough search of the captured vessels , but could find no contraband and returned control to the French commander . The French officer however refused , insisting that he and his ship were treated as prisoners of war . Cornwallis ordered the merchant ships released to continue their journey and for the frigate to be towed back to Mahé , where it was anchored in the roads with its sails and topmasts struck . Provision was subsequently made at Mahé by Strachan for the wounded French sailors . Soon afterwards Saint @-@ Félix arrived at Mahé in his frigate Cybèle and reacted furiously at the discovery that one of his neutral ships had been attacked and captured by the British . When Cornwallis insisted that his ships had been acting within their orders , Saint @-@ Félix promised reprisals if any of his vessels were attacked again and withdrew with both Cybèle and Résolue later in the day , followed by Minerva and Phoenix . One account reported that Saint @-@ Félix actually ordered his crew to fire on Cornwallis but that they refused . The British shadowed the French for several days , openly stopping and searching French merchant ships but without provoking a response from Saint @-@ Félix . Résolue and Phoenix were subsequently detached by their commanders , Cornwallis and Saint @-@ Félix remaining in contact for several more days before finally separating . \n News of the encounter was conveyed back to France , but the country was at this time in one of the most turbulent eras of the ongoing Revolution and little notice was taken of events in India . Historian William James notes that under normal political circumstances the action would have had more significant ramifications , while Edward Pelham Brenton claims that the French deliberately ignored the report out of fear of antagonising Britain . In Britain , the Admiralty approved of Cornwallis ' actions , suggesting that the French were deliberately using the guise of trade to support Mysore against Britain . The action had no effect on the ongoing war in India , which was now centred on the inland city of Seringapatam . As British forces closed on the city in February 1792 , the Tipu Sultan initiated peace talks which brought the war to an end in exchange for concessions to the Company and its Indian allies . \n"} +{"id": 413, "text": " Loose is the third studio album by Canadian singer and songwriter Nelly Furtado , released on 6 June 2006 by Geffen Records and the Mosley Music Group . Following the release of Furtado 's second album , Folklore ( 2003 ) through DreamWorks Records , it was announced that Universal Music Group would acquire DreamWorks Records , the later was folded into the Interscope Geffen A & M umbrella where Furtado would release any new music . Timbaland and his protégé Danja produced the bulk of the album , which incorporates influences of dance , R & B and hip hop . The album explores the theme of female sexuality and has been described as introspective or even sad in parts . \n The album received criticism because of the sexual image Furtado adopted for the recording , as some critics felt it was a ploy to sell more records . Further controversy rose over accusations of plagiarism on Timbaland 's part in the song \" Do It \" ( which contained the melody from Finnish musician Janne Suni 's song \" Evening \" without proper authorization ) when recordings were leaked onto YouTube . The record was seen generally as critically and commercially successful . It reached high positions on charts across the world , and according to an August 2009 press release , it had sold more than 12 million copies worldwide , making it the best @-@ selling album of 2006 – 07 and the twenty @-@ second best @-@ selling album of the 2000s . \n The album was heavily promoted , released in several editions and supported by the Get Loose Tour , which is the subject of the concert DVD Loose : The Concert . \" Loose \" debuted at number one , making it Furtado 's first album to top the chart along with eight singles were released from the album , including the US number @-@ one singles \" Promiscuous \" and \" Say It Right \" , which received Grammy Award nominations for Best Pop Collaboration with Vocals and Best Female Pop Vocal Performance , respectively . Other successful singles include the UK number @-@ one single \" Maneater \" and the European number one single \" All Good Things ( Come to an End ) \" . \n"} +{"id": 414, "text": " Furtado 's second album , Folklore , was released in November 2003 . The lead single is \" Powerless ( Say What You Want ) \" and the second single is the ballad \" Try \" . The album was not as successful as her debut , partly due to the album 's less \" poppy \" sound . \" Powerless ( Say What You Want ) \" was later remixed , featuring Colombian rocker Juanes , who had previously worked with Furtado on his track \" Fotografía \" ( \" Photograph \" ) . The two would collaborate again on \" Te Busqué \" ( \" I searched for you \" ) , the single from Furtado 's album Loose . The album was underpromoted from her label DreamWorks Records ; it was announced on 11 November 2003 that Universal Music Group reached an agreement to acquire DreamWorks Records from DreamWorks SKG for \" about $ 100 million \" . The purchase came at a time when the music business was \" going through major changes \" as it struggled to \" counter falling sales and the impact of unofficial online music sales \" . DreamWorks Records was folded into the Interscope Geffen A & M umbrella label in January 2004 . Furtado 's recording contract was then absorbed into Geffen Records . \n"} +{"id": 415, "text": " Furtado began work on Loose by holding with emcee what she referred to as a \" hip @-@ hop workshop \" , in which they would \" write rhymes , dissect them , and try different flows over beats . \" The first producers she worked with were Track & Field — who co @-@ produced her first two albums , Whoa , Nelly ! ( 2000 ) and Folklore ( 2003 ) — and by May 2005 , she had collaborated with Swollen Members and K 'naan . She worked with Nellee Hooper in London on reggae @-@ oriented material and with Lester Mendez in Los Angeles on acoustic songs . One of the tracks Mendez helped to create is \" Te Busqué \" , which is co @-@ written by and features Juanes , who collaborated with Furtado on his 2002 song \" Fotografía \" . During her time in Los Angeles , she worked with Rick Nowels , who co @-@ wrote and produced \" In God 's Hands \" and \" Somebody to Love \" . \n In Miami , Florida , Furtado collaborated with Pharrell ( who introduced her to reggaeton and who gave her a \" shout @-@ out \" in his 2005 single \" Can I Have It Like That \" ) and Scott Storch ( with whom she recorded a \" straight @-@ up rap song \" ) before entering the studio with Timbaland . He and his protégé at the time , Danja , co @-@ produced eight of the tracks , with another produced solely by Danja . For some of the beats on the songs , Timbaland finished work on ones already present in the studio that were half @-@ developed or just \" \" ; the rest were completely reworked . Furtado recorded around forty tracks for Loose , deciding which she would include based on the sonics of the album — she called Timbaland \" a sonic extraterrestrial \" who came up with a sequence of songs that flowed , and said that the one she had devised was supposedly unsatisfactory . She recorded an unreleased collaboration with Justin Timberlake , \" Crowd Control \" , which she described as \" kind of sexy \" and \" a cute , clubby , upbeat , fun track \" . Other songs considered for inclusion on the album include \" Chill Boy \" , \" Friend of Mine \" , \" Go \" , \" Hands in the Air \" , \" Pretty Boy \" , \" Vice \" and \" Weak \" . \n Furtado said in her diary on her official website that she recorded a remix of \" Maneater \" with rapper Lil Wayne ; it was only released as part of a compilation album , Timbaland 's Remix & Soundtrack Collection , she also used the instrumental of the song during many television performances of \" Maneater \" . A version of \" All Good Things ( Come to an End ) \" featuring vocals by Coldplay lead singer Chris Martin , who co @-@ wrote the song , was not released after a request from Martin 's label , EMI . The song was released on the album , but only Furtado 's vocals are featured . Furtado explained that \" Loose was 90 percent written with a beat first , and then I ’ d write my melodies and songs to the beat . \" \n"} +{"id": 416, "text": " The \" off @-@ the @-@ cuff \" conclusion to production was one of the reasons the album was titled Loose . It was named partly after the spontaneous decisions she made when creating the album . The album is also called Loose because it is \" the opposite of calculated \" and came naturally to Furtado and Timbaland ; she called him her \" distant musical cousin because he was always pushing boundaries and always carving out his own path \" , which she believed she was doing with Loose . \" I think you have to keep surprising people as an artist , and I like that — I love doing that \" , she said . Loose was also named partly for the R & B girl group TLC , who Furtado said she admires for \" taking back their sexuality , showing they were complete women . \" She said she wanted the album to be \" assertive and cool \" and \" sexy but fun \" , like TLC , MC Lyte , Queen Latifah and Janet Jackson , who inspired Furtado because , as she put it , she was \" comfortable in her sexuality and womanhood \" when her 1993 single \" That 's the Way Love Goes \" was released . \n During the recording of Loose , Furtado listened to several electro and rock musicians , including Bloc Party , System of a Down , M.I.A. , Feist , Queens of the Stone Age , Metric and Death from Above 1979 , some of whom influenced the \" rock sound \" present on the album and the \" coughing , laughing , distorted basslines \" that were kept in the songs deliberately . According to her , music by such bands is \" very loud and has a garage theme \" to it , some of which she felt she captured on the album . Furtado has said rock music is \" rhythmic again \" and hip hop @-@ influenced after it had become \" so churning and boring . \" Because the mixing engineers were aware of Timbaland and Furtado 's rock influences , the songs were mixed on a mixing board in the studio instead of \" the fancy mixer at the end \" . Furtado said she preferred the louder volume that process gave to the album because she wanted it to sound like her demo tapes , which she prefers to her finished albums . She said , \" It didn 't have that final wash over it ; it didn 't have the final pressing at the end , save for a couple sounds \" . \n"} +{"id": 417, "text": " Furtado said that with the release of her albums before Loose , she had wanted to prove herself as a musician and earn respect from listeners through using many different instruments on an album , which most hip hop musicians did not do . After she believed she had accomplished that , she felt she had freedom to make the type of music she \" really love [ d ] \" . Furtado said her previous problem with hip hop was that she did not think it was good enough to base one of her albums on , but that she then asked herself why she was being \" pretentious \" . The album represents her separating from such notions and , in her words , \" jumping in the deep end of the pool — ' Ahh , screw it , this is fun ! ' \" . Furtado said she considers herself \" all over the map \" and promiscuous musically because she is not faithful to one style . \n For the first time , Furtado worked with a variety of record producers and followed a more collaborative approach in creating the album . Produced primarily by Timbaland and Danja , Loose showcases Furtado experimenting with a more R & B – hip hop sound and , as she put it , the \" surreal , theatrical elements of ' 80s music \" . She has categorized the album 's sound as punk @-@ hop , which she describes as Eurythmics @-@ influenced \" modern , poppy , spooky music \" and stated that \" there 's a mysterious , after @-@ midnight vibe to [ it ] that 's extremely visceral \" . Furtado has described the album as \" more urban , more American , more hip @-@ hop , [ and ] more simplified \" than her earlier work , which she said was more layered and textured because she \" tend [ s ] to things \" . In contrast , during her studio time with Timbaland , she said she was \" in the VIP boys club of just letting go \" and being more impulsive . According to Furtado , instead of \" pristine stuff \" , the album features \" really raw \" elements such as distorted bass lines , laughter from studio outtakes and general \" room for error \" . Furtado has said Loose is not as much about the lyrics , which are not included in the liner notes , as it is about \" indulging in pleasures — whether it 's dancing or lovemaking . \" According to her , she wasn 't trying to be sexy with the album — \" I think I just am sexy now \" , she said . \n"} +{"id": 418, "text": " The opening track , \" Afraid \" ( featuring rapper Attitude ) , is a description of Furtado 's fear of what people think of her , and she has said the chorus reminds her of \" walking down the hall in high school ... because you live from the outside in . Now that I 'm an adult , I care about the inside of me ... Before I said I didn 't care about what people thought about me , but I really did . \" \" Maneater \" is an uptempo electro rock song that combines 1980s electro synths and a more dance @-@ oriented beat . The up @-@ tempo song has prominent electropop and synthpop influences and is lyrically related to how people become \" hot on themselves \" when dancing in their underwear in front of a mirror . \" Promiscuous \" ( featuring Timbaland ) was inspired by a flirting exchange Furtado had with Attitude , who co @-@ wrote the song \n She has characterised the fifth track , \" Showtime \" , as \" a proper R & B slow jam \" . \" No Hay Igual \" is a hip hop and reggaeton song , that has a Spanglish tongue twister over \" future @-@ tropic \" beats . The song contains a \" sharp mix \" of percussion and \" empowered chanting \" . In \" No Hay Igual \" , Furtado sings in Spanish and raps in Portuguese over a reggaeton rhythm . The album also features more introspective songs , and The Sunday Times wrote that it \" has a surprising sadness to it . \" The seventh track , \" Te Busqué \" , which features Latin singer Juanes , is about Furtado 's experiences with depression , which she said she has had periodically since she was around seventeen years old . Furtado said she was unsure what \" Say It Right \" is about , but that it encapsulates her feeling when she wrote it and \" taps into this other sphere \" ; in an interview for The Sunday Times , it was mentioned that it is about her breakup with DJ Jasper , the father of her daughter . \" In God 's Hands \" , another song on the album , was also inspired by the end of their relationship . \n"} +{"id": 419, "text": " In April 2006 , a remix of \" No Hay Igual \" featuring Calle 13 was issued as a club single in the US . During the same period , \" Promiscuous \" ( featuring Timbaland ) was released for digital download in North America . Promiscuous became Furtado 's first single to top the US Billboard Hot 100 and was released in Australia , where it reached the top five . The lead single in Europe and Latin America , \" Maneater \" , was released in late May to early June 2006 . It became Furtado 's first single to top the UK Singles Chart and made the top ten in other countries ; it reached the top five in Germany and the top twenty in France and Latin America . The second single in Europe , \" Promiscuous \" , was released in late August to early September 2006 but it did not perform as well as \" Maneater \" . It peaked inside the top five in the UK and the top ten in other countries , including Germany , and it reached the top twenty in France . During the same period , \" Maneater \" began its run as the second single in North America ; it was not as successful as \" Promiscuous \" , reaching number twenty @-@ two in Canada and the top twenty in the US , though it became a top five single on the ARIA Singles Chart . \n Releases of the third North American single , \" Say It Right \" , and the third Europe single , \" All Good Things ( Come to an End ) \" , took place in November and December , and the third Latin American single , \" Promiscuous \" , was released in January 2007 . \" Say It Right \" went to number one in the US and on the Nielsen BDS airplay chart in Canada ( where it was not given a commercial release ) , and it reached the top five in Australia . \" All Good Things ( Come to an End ) \" reached number one on the pan @-@ European singles chart and the top five in the UK , and it was the album 's most successful single in Germany , where it topped the chart , and in France , where it became a top ten hit . After the release of \" Say It Right \" in Europe in March 2007 , the single reached the top five in Germany and the top ten in the UK , where it was a download @-@ only release . The video for \" All Good Things ( Come to an End ) \" was released in North America during this period . \" All Good Things ( Come to an End ) \" peaked in the top five in Canada and in the top twenty in Australia , though it only reached the lower half of the US Hot 100 . \n The album 's fifth and final UK single was \" In God 's Hands \" , and the fifth and final single in North America was \" Do It \" . In May 2007 , Furtado mentioned the possibility of a sixth or seventh single , mentioning the examples of Nickelback 's All the Right Reasons and The Pussycat Dolls ' PCD as albums that were being supported by seven singles at the time . Furtado said she liked the possibility because she thought Loose was good and \" want [ ed ] people to hear as much of it as possible \" before she took time off . Two other songs , \" Te Busqué \" and \" No Hay Igual \" , were released as singles in other regions of the world . \" Te Busqué \" was the lead single in Spain because of the limited success hip @-@ hop / R & B @-@ influenced songs in the style of \" Promiscuous \" and \" Maneater \" achieved in the country . It was not released in the United States , but it was given airplay on Latin music radio stations and reached the top forty on Billboard 's Latin Pop Airplay chart . The \" No Hay Igual \" remix featuring Calle 13 was released in Latin America , and the music video debuted in September . \n"} +{"id": 420, "text": " The album was first released in Japan on 7 June 2006 through Universal Music Group before being released two days later in Germany . In the United Kingdom Loose was released on 12 June 2006 via Geffen Records and was released eight days later on 20 June 2006 in Canada and the United States . \n In 2007 the album was re @-@ released in Germany . The re @-@ release included bonus content . \n During the promotion of Loose , Furtado performed at major music festivals and award shows . In Europe , she appeared at Rock am Ring and Rock @-@ im @-@ Park in Germany and the Pinkpop Festival in the Netherlands in June 2006 . She performed in Canada at the Calgary Stampede , the Ottawa Bluesfest in July , and at the Ovation Music Festival in September . Shortly after her August 2006 performance at the Summer Sonic in Japan , she sang at the Teen Choice Awards . In November , she contributed to the entertainment during the World Music Awards , the American Music Awards and the 94th Grey Cup halftime show . She performed at the 2007 NRJ Music Awards , held in January 2007 . \n Furtado embarked on a world concert tour , the Get Loose Tour , on 16 February 2007 in the UK , in support of the album ; the tour included thirty @-@ one dates in Europe and Canada , with additional shows in the US , Japan , Australia and Latin America . Furtado described the show as a \" full sensory experience \" with \" a beginning , middle and end ... [ it ] takes you on a journey \" , also stressing the importance of crowd involvement and \" spontaneity and rawness , because those are my roots , you know ? I started by doing club shows , and that 's the energy I love , the raw club energy of just feeling like you 're rocking out . \" Though Furtado said choreographed dance routines were to be included in the show , she described it as \" music @-@ based ... Everything else is just to keep it sophisticated and sensual and fun . \" Furtado said she hoped to have Chris Martin , Juanes , Justin Timberlake , Timbaland and Calle 13 to guest on the tour , and have a \" revolving door \" of opening acts with Latin musicians opening in the US . \n"} +{"id": 421, "text": " Loose debuted at number one on the Canadian Albums Chart , selling more than 34 @,@ 000 copies in its first week , at that time the year 's strongest debut for a Canadian artist . In late July , after Furtado embarked on a short tour of Canada and made a guest appearance on the television show Canadian Idol , the album returned to number one . It subsequently stayed near the top of the album chart until late January 2007 , when it reached number one again for two weeks . It was the third best @-@ selling album of 2006 in Canada , and the highest selling by a female solo artist , with 291 @,@ 700 copies sold . The Canadian Recording Industry Association ( CRIA ) certified Loose five times platinum in May 2007 for shipments of more than 500 @,@ 000 copies . It stayed in the top twenty for fifty @-@ seven weeks . \n The album debuted at number one on the US Billboard 200 chart , making it Furtado 's first album to top the chart with first @-@ week sales of 219 @,@ 000 ; it was certified platinum by the Recording Industry Association of America ( RIAA ) and ranked sixty @-@ fourth on the Billboard 2006 year @-@ end chart . Loose exited the US top ten in August 2006 but re @-@ entered it in March 2007 , and according to Nielsen SoundScan in October 2007 , it had sold two million units . The album ranked thirty @-@ second on the Billboard 2007 year @-@ end chart . \n In the United Kingdom , Loose entered the albums chart at number five ; in its forty @-@ third week , it reached number four , and it was certified double platinum for shipments to retailers of more than 600 @,@ 000 copies . As of July 2007 , it had sold roughly 827 @,@ 000 copies in the UK . The record was certified two times platinum in Australia for more than 140 @,@ 000 units shipped ; it reached number four there and was placed forty @-@ fourth on the Australian Australian Recording Industry Association ( ARIA ) list of 2006 bestsellers . The album entered the chart in Germany at number one , spent a record forty @-@ nine weeks in the German top ten , and was certified five times platinum . Loose reached number one on the European Top 100 Albums chart in early 2007 , spending ten non @-@ consecutive weeks at number one . By March 2007 , it had been certified gold or platinum in twenty @-@ five countries . According to a Geffen Records press release , Loose had sold more than seven million copies by November 2007 . \n"} +{"id": 422, "text": " Loose received generally positive reviews from music critics ; it holds an average score of 71 out of 100 at aggregate website Metacritic . AllMusic and musicOMH cited the \" revitalising \" effect of Timbaland on Furtado 's music , and The Guardian called it \" slick , smart and surprising . \" Q found most of it to be \" an inventive , hip @-@ hop @-@ inflected delight . \" Kelefa Sanneh of The New York Times wrote that \" the music and the lyrics are mainly aimed at dance floors , and yet this album keeps reminding listeners that a dance floor is one of the most complicated places on earth . \" In its review , AllMusic wrote \" It 's on this final stretch of the album that the Furtado and Timbaland pairing seems like a genuine collaboration , staying true to the Nelly of her first two albums , but given an adventurous production that helps open her songs up ... Timbaland has revitalized Nelly Furtado both creatively and commercially with Loose \" . She won her first BRIT Award — Best International Female — in 2007 . \n In a mixed review , Nick Catucci of The Village Voice felt that Furtado \" sauces up a bit too luridly \" and lacks \" chemistry \" with Timbaland , writing that Loose \" isn 't a love child , but a bump @-@ and @-@ grind that never finds a groove \" . Vibe stated , \" she loses herself in Gwen Stefani – like posturing , as on “ Glow , ” and ethnic fusions like “ No Hay Igual ” or “ Te Busqué . \" In his consumer guide for The Village Voice , Robert Christgau gave the album a \" B \" and named it \" dud of the month \" , indicating \" a bad record whose details rarely merit further thought . \" Christgau viewed that its dance @-@ oriented tracks \" might accomplish God 's great plan on the dance @-@ floor . But as songs they 're not much \" . \n"} +{"id": 423, "text": " Considerable attention was generated by the more sexual image of Furtado presented in promotion and publicity for the album , and in particular the music videos for \" Promiscuous \" and \" Maneater \" , in which she dances around with her midriff exposed . According to Maclean 's magazine , some said that Furtado 's progression was a natural transformation of a pop singer ; others believed that she had \" sold out \" in an effort to garner record sales , particularly after her second album was a commercial failure in comparison to her first . Maclean 's wrote that her makeover \" seems a bit forced \" and contrasted her with singers such as Madonna and Emily Haines of Metric : \" [ they ] seem to be completely in control , even somewhat intimidating in their sexuality : they 've made a calculated decision for commercial and feminist reasons . In contrast , Furtado 's new , overt sexuality comes off as unoriginal — overdone by thousands of pouty pop stars with a quarter of Furtado 's natural talent ... the revamping feels as if it 's been imposed rather than chosen by the unique , articulate singer we 've seen in the past . \" \n Dose magazine wrote that Furtado 's new \" highly sexualized \" image was manufactured , and noted the involvement in the album 's development of Geffen 's Jimmy Iovine , who helped to develop the Pussycat Dolls , a girl group known for their sexually suggestive dance routines . The writer also criticised Furtado 's discussion of her buttocks and apparent rejection of feminism in a Blender magazine interview , writing : \" Girls , do you hear that churning ? Those are the ideas of Gloria Steinem turning in their grave . \" A writer for the Canadian Broadcasting Corporation said that cynics could attribute Furtado 's commercial success with Loose to her \" amped @-@ up sex appeal . \" The writer added that , the failure of Janet Jackson 's album Damita Jo ( 2004 ) indicated such a move was not infallible . Furtado was \" still demure compared to many of her competitors \" — she avoided sporting lingerie or performing \" Christina Aguilera @-@ style gyrations or calisthenics \" in the \" Promiscuous \" and \" Maneater \" videos . \" Despite its dramatic arrival ... Furtado 's new image doesn ’ t feel calculated \" , he said . \" [ She ] seems to be thinking less and feeling more , to the benefit of her music . \" \n In early 2007 , a video hosted on YouTube led to reports that the song \" Do It \" , and the Timbaland @-@ produced ringtone \" Block Party \" that inspired it , used — without authorization — the melody from Finnish demoscene musician Janne \" Tempest \" Suni 's song \" Evening \" , winner of the Assembly 2000 music competition . Timbaland used the record of C64 adaptation of the song written by Glenn Rune ( ) . Timbaland admitted sampling the song , but said that he had no time to research its intellectual owner . Hannu , a Finnish representative of Universal which represents Nelly Furtado in Finland , commented the controversy as follows in the 15 January 2007 issue of ; \" In case that the artist decides to pursue the matter further , it 's on him to go to America and confront them with the local use of law . It will require a considerable amount of faith and , of course , money . \" On 9 February 2007 , Timbaland commented on the issue in an MTV interview : \" It makes me laugh . The part I don 't understand , the dude is trying to act like I went to his house and took it from his computer . I don 't know him from a can of paint . I 'm 15 years deep . That 's how you attack a king ? You attack moi ? Come on , man . You got to come correct . You the laughing stock . People are like , ' You can 't be serious . ' \" \n On 12 June 2009 , Mikko , who is one of the legal counsels of Kernel Records , the owner of the sound recording rights , reported that the case had been filed in Florida . In January 2008 , Turkish newspapers reported that Kalan , the record label that released Turkish folk singer 's album Ya Dost Ya Dost , pressed charges against Furtado for the Loose track \" Wait for You \" , which label officials said features the instrumental part of 's song \" Allah Allah . \" \n"} +{"id": 424, "text": " Notes \n ^ a signifies a vocal producer \n"} +{"id": 425, "text": " Credits adapted from the Loose liner notes . \n"} +{"id": 426, "text": " The 2013 – 14 season was the 92nd season of competitive association football and 77th season in the Football League played by York City Football Club , a professional football club based in York , North Yorkshire , England . Their 17th @-@ place finish in 2012 – 13 meant it was their second consecutive season in League Two . The season ran from 1 July 2013 to 30 June 2014 . \n Nigel Worthington , starting his first full season as York manager , made eight permanent summer signings . By the turn of the year York were only above the relegation zone on goal difference , before a 17 @-@ match unbeaten run saw the team finish in seventh @-@ place in the 24 @-@ team 2013 – 14 Football League Two . This meant York qualified for the play @-@ offs , and they were eliminated in the semi @-@ final by Fleetwood Town . York were knocked out of the 2013 – 14 FA Cup , Football League Cup and Football League Trophy in their opening round matches . \n 35 players made at least one appearance in nationally organised first @-@ team competition , and there were 12 different goalscorers . Defender Ben Davies missed only five of the fifty @-@ two competitive matches played over the season . Wes Fletcher finished as leading scorer with 13 goals , of which 10 came in league competition and three came in the FA Cup . The winner of the Clubman of the Year award , voted for by the club 's supporters , was Lanre Oyebanjo . \n"} +{"id": 427, "text": " The 2012 – 13 season was York City 's first season back in the Football League , having won the Conference Premier play @-@ offs in 2011 – 12 after eights years in the Football Conference . Manager Gary Mills was sacked in March 2013 following an 11 @-@ match run without a victory , and was replaced by former Northern Ireland manager Nigel Worthington . Despite being in the relegation zone with three matches remaining , Worthington led the team to safety from relegation after a 1 – 0 win away to Dagenham & Redbridge on the final day of the season . York finished the season in 17th @-@ place in the 2012 – 13 League Two table . \n Following the previous season 's conclusion Lee Bullock , Jon Challinor , Chris Doig , Ben Everson , Scott Kerr , David McDaid , Patrick McLaughlin , Michael Potts , Jamie Reed and Jason Walker were released by York , while Matty Blair departed for Fleetwood Town . David McGurk , Lanre Oyebanjo , Danny Parslow , Tom Platt and Chris Smith signed new contracts with the club . New players signed ahead of the start of the season were goalkeeper Chris Kettings on a season @-@ long loan from Blackpool , defender Ben Davies on loan from Preston North End , midfielders Craig Clay from Chesterfield and Lewis Montrose from Gillingham , winger Sander Puri from St Mirren and strikers Ryan Bowman from Hereford United , Richard Cresswell from Sheffield United , Wes Fletcher from Burnley and Ryan Jarvis from Torquay United . Defender Mike Atkinson and striker Chris Dickinson entered the first @-@ team squad from the youth team after agreeing professional contracts . \n York retained the previous season 's home and away kits . The home kit comprised red shirts with white sleeves , light blue shorts and white socks . The away kit included light blue shirts with white sleeves , white shorts and light blue socks . Benenden Health continued as shirt sponsors for the second successive season . \n"} +{"id": 428, "text": " York began the season with a 1 – 0 home win over the previous season 's play @-@ off finalists , Northampton Town , with debutant Jarvis scoring the winning goal in the 90th @-@ minute . However , defeat came in York 's match against Championship side Burnley in the first round of the League Cup , going down 4 – 0 at home . The team endured their first league defeat of the season in the following game after being beaten 2 – 0 away by Dagenham & Redbridge , the home team scoring in each half . York then held Hartlepool United to a 0 – 0 home draw , before being beaten 3 – 2 away by Bristol Rovers , in which Jarvis scored twice before John @-@ Joe O 'Toole scored the winning goal for the home team in the 67th @-@ minute . Two signings were made shortly before the transfer deadline ; defender George Taft was signed on a one @-@ month loan from Leicester City , while Middlesbrough midfielder Ryan Brobbel joined on a one @-@ month loan . Midfielder John McReady , who had been told he had no future with the club , departed after signing for FC Halifax Town . Jarvis gave York the lead away at Exeter City before Alan Gow scored in each half to see the home team win 2 – 1 . \n"} +{"id": 429, "text": " York suffered their first home league defeat of the season after AFC Wimbledon won 2 – 0 , with Michael Smith scoring in each half . Former Ipswich Town midfielder Josh Carson , who had a spell on loan with York the previous season , signed a contract until the end of 2013 – 14 and Sheffield United midfielder Elliott Whitehouse signed on a one @-@ month loan . Brobbel opened the scoring in the second minute of his home debut against Mansfield Town , although the away team went on to score twice to win 2 – 1 . York 's run of four defeats ended following a 1 – 1 draw away to Wycombe Wanderers , in which McGurk gave York the lead before the home team levelled through Dean Morgan . Taft was sent back to Leicester after he fell behind McGurk , Parslow and Smith in the pecking order for a central defensive berth . York achieved their first win since the opening day of the season after beating Portsmouth 4 – 2 at home , with Fletcher ( 2 ) , Montrose and Jarvis scoring . \n"} +{"id": 430, "text": " Defender Luke O 'Neill was signed from Burnley on a 28 @-@ day emergency loan . He made his debut in York 's 3 – 0 win away at Torquay , which was the team 's first successive win of the season . York were knocked out of the Football League Trophy in the second round after being beaten 3 – 0 at home by League One team Rotherham United , before their winning streak in the league was ended with a 3 – 0 defeat away to Newport County . York drew 2 – 2 away to Chesterfield , having taken a two @-@ goal lead through O 'Neill and Jarvis , before the home team fought back through Armand Gnanduillet and Jay O 'Shea . The team then hosted Fleetwood Town , and the visitors won 2 – 0 with goals scored in each half by Gareth Evans and Matt . Scunthorpe United were beaten 4 – 1 at home to end York 's three @-@ match run without a win , with all the team 's goals coming in the first half from Carson , Fletcher and Brobbel ( 2 ) . \n"} +{"id": 431, "text": " Bowman scored his first goals for York away to Cheltenham Town , as York twice fought back from behind to draw 2 – 2 . York drew 3 – 3 away to Bristol Rovers to earn a first round replay in the FA Cup , taking the lead through Jarvis before Eliot Richards equalised for the home team . Carson scored a 30 yard volley to put York back in the lead , and after Bristol Rovers goals from Matt Harrold and Chris Beardsley , Fletcher scored an 86th @-@ minute equaliser for York . Bowman scored with a header from an O 'Neill cross to open the scoring at home to Plymouth Argyle , which was the first goal the visitors had conceded in 500 minutes of action . However , Plymouth equalised 11 minutes later through Tope and the match finished a 1 – 1 draw . York were knocked out of the FA Cup after losing 3 – 2 at home to Bristol Rovers in a first round replay ; the visitors were 3 – 0 up by 50 @-@ minutes before Fletcher pulled two back for York with a penalty and a long @-@ range strike . \n Defender Keith Lowe , of Cheltenham , and goalkeeper Nick Pope , of Charlton Athletic , were signed on loan until January 2014 . They both played in York 's first league defeat in four weeks , 2 – 1 away , to Southend United . Kevan Hurst gave Southend the lead early into the match and Bowman equalised for York with a low strike during the second half , before Luke Prosser scored the winning goal for the home side in stoppage time . With Pope preferred in goal , Kettings returned to Blackpool on his own accord , although his loan agreement would stay in place until January 2014 . York then drew 0 – 0 away to Morecambe . After Pope was recalled from his loan by Charlton , York signed Wolverhampton Wanderers goalkeeper Aaron McCarey on loan until January 2014 . McCarey kept a clean sheet in York 's 0 – 0 home draw with Rochdale . \n"} +{"id": 432, "text": " Cresswell retired from playing as a result of an eye complaint and a knee injury . York drew 1 – 1 away to Burton Albion , with an own goal scored by Shane @-@ Sherriff giving York the lead in the 64th @-@ minute before the home team equalised eight minutes later through Billy Kee . Atkinson was released after failing to force himself into the first team and signed for Scarborough Athletic , with whom he had been on loan . York drew 0 – 0 at home with second @-@ placed Oxford United , in which Carson came closest to scoring with a volley that flashed across the face of the goal . This was followed by another draw after the match away to Accrington Stanley finished 1 – 1 , with the home team equalising 10 minutes after a Fletcher penalty had given York the lead in the 35th @-@ minute . Striker Shaq McDonald , who had been released by Peterborough United , was signed on a contract until the end of the season . York 's last match of 2013 was a 2 – 1 defeat away at Bury , a result that ended York 's run of consecutive draws at five . The home team were 2 – 0 up by the 19th @-@ minute , before Michael Coulson scored York 's goal in the 73rd @-@ minute . This result meant York would begin 2014 in 22nd @-@ position in the table , only out of the relegation zone on goal difference . \n"} +{"id": 433, "text": " Jarvis scored the only goal in York 's first win since October 2013 , a 1 – 0 home victory over Morecambe on New Year 's Day . McCarey was recalled by Wolverhampton Wanderers due to an injury to one of their goalkeepers , while O 'Neill was recalled by Burnley to take part in their FA Cup match . York achieved back @-@ to @-@ back wins for the first time since October 2013 after Dagenham & Redbridge were beaten 3 – 1 at home , with Bowman opening the scoring in the second half before Fletcher scored twice . Adam Reed , who had a spell on loan with York in the previous season , was signed on a contract until the end of the season after parting company with Burton . Davies ' loan was extended , while Brobbel and Whitehouse returned to their parent clubs . Cheltenham club captain Russell Penn , a midfielder , was signed on a two @-@ and @-@ a @-@ half @-@ year contract for an undisclosed fee . Lowe was subsequently signed permanently from Cheltenham on a two @-@ and @-@ a @-@ half @-@ year contract for an undisclosed fee . Having been allowed to leave the club on a free transfer , Ashley Chambers signed for Conference Premier club Cambridge United . \n York achieved three successive wins for the first time in 2013 – 14 after beating Northampton 2 – 0 away , with Bowman and Fletcher scoring in three @-@ second half minutes . Defender John McCombe was signed on a two @-@ and @-@ a @-@ half @-@ year contract following his release from Mansfield , before Clay and Jamal Fyfield left York by mutual consent . Pope returned to York on loan from Charlton for the remainder of the season . York 's run of wins ended with a 0 – 0 draw at home to Bristol Rovers , before their first defeat of the year came after losing 2 – 0 away to Hartlepool . Preston winger Will Hayhurst , a Republic of Ireland under @-@ 21 international , was signed on a one @-@ month loan . York fell to a successive defeat for the first time since September 2013 after being beaten 2 – 0 at home by Chesterfield . Shortly after the match , Smith left the club by mutual consent to pursue first @-@ team football . \n"} +{"id": 434, "text": " Fletcher scored a 90th @-@ minute winner for York away to Fleetwood in a 2 – 1 win , a result that ended Fleetwood 's five @-@ match unbeaten run . York then drew 0 – 0 at home to fellow mid @-@ table team Cheltenham , before beating Plymouth 4 – 0 away with goals from Fletcher , McCombe ( 2 ) and Carson as the team achieved successive away wins for the first time in 2013 – 14 . York went without scoring for a fourth consecutive home match after drawing 0 – 0 with Southend . Having worn the armband since an injury to McGurk , Penn was appointed captain for the rest of the season , a position that had earlier been held by Smith and Parslow . \n"} +{"id": 435, "text": " York achieved their first home win in five matches after beating Exeter 2 – 1 , with first half goals scored by McCombe and Coulson . Hayhurst 's loan was extended to the end of the season , having impressed in his six appearances for the club . Coulson scored again with the only goal , a 41st @-@ minute header , in York 's 1 – 0 away win over AFC Wimbledon . Bowman scored the only goal with a 32nd @-@ minute penalty as York won 1 – 0 away against Mansfield , in which Fletcher missed the opportunity to extend the lead when his stoppage time penalty was saved by Alan Marriott . York moved one place outside the play @-@ offs with a 2 – 0 home win over Wycombe , courtesy of a second Bowman penalty in as many matches and a Carson goal from the edge of the penalty area . Coulson scored York 's only goal in a 1 – 0 away win over struggling Portsmouth with a low volley in the fifth @-@ minute ; this result meant York moved into the play @-@ offs in seventh @-@ place with eight fixtures remaining . \n Striker Calvin Andrew , who had been released by Mansfield in January 2014 , was signed on a contract for the remainder of the season . He made his debut as a substitute in York 's 1 – 0 home win over bottom of the table Torquay , in which Hayhurst scored the only goal in the 11th @-@ minute with an 18 yard shot that deflected off Aaron Downes . Middlesbrough winger Brobbel rejoined on loan until the end of the season , following an injury to Carson . York 's run of successive wins ended on six matches after a 0 – 0 home draw with Burton , and this result saw York drop out of the play @-@ offs in eighth @-@ place . With the team recording six wins and one draw in March 2014 , including six clean sheets , Worthington was named League Two Manager of the Month . \n"} +{"id": 436, "text": " Pope made a number of saves as York held league leaders Rochdale to a 0 – 0 away draw , with a point being enough to lift the team back into seventh @-@ place . York were prevented from equalling a club record of eight consecutive clean sheets when Accrington scored a stoppage time equaliser in a 1 – 1 home draw , in which York had taken earlier taken the lead with a Coulson penalty . A 1 – 0 win away win over Oxford , which was decided by a second half Coulson penalty , resulted in York moving one place above their opponents and back into seventh @-@ place . York consolidated their place in a play @-@ off position after beating Bury 1 – 0 at home with a fifth @-@ minute goal scored by Lowe from a Hayhurst corner . The result meant York opened up a five @-@ point lead over eighth @-@ placed Oxford with two fixtures remaining . A place in the League Two play @-@ offs was secured following a 1 – 0 win over Newport at home , in which Coulson scored the only goal in the 77th @-@ minute with a 25 yard free kick . Pope earned a nomination for League Two Player of the Month for April 2014 , having conceded only one goal in five matches in that period . \n"} +{"id": 437, "text": " The league season concluded with an away match against divisional runners @-@ up Scunthorpe ; having gone two goals down York fought back to draw 2 – 2 with goals scored by Brobbel and Andrew . This result meant York finished the season in seventh @-@ place in League Two , and would thus play fourth @-@ placed Fleetwood in the play @-@ off semi @-@ final on the back of a 17 @-@ match unbeaten run . York lost 1 – 0 to Fleetwood in the first leg at Bootham Crescent ; the goal came from former York player Matty Blair in the 50th @-@ minute , who scored from close range after Antoni 's shot was blocked on the line . A 0 – 0 draw away to Fleetwood in the second leg meant York were eliminated 1 – 0 on aggregate , ending the prospect of a second promotion in three seasons . At an awards night held at York Racecourse , Oyebanjo was voted Clubman of the Year for 2013 – 14 . \n"} +{"id": 438, "text": " York mostly occupied the bottom half of the table before the turn of the year , and dropped as low as 23rd in September 2013 . During February 2014 the team broke into the top half of the table and with one match left were in sixth @-@ place . York 's defensive record was the third best in League Two with 41 goals conceded , bettered only by Southend ( 39 ) and Chesterfield ( 40 ) . Davies made the highest number of appearances over the season , appearing in 47 of York 's 52 matches . Fletcher was York 's top scorer in the league and in all competitions , with 10 league goals and 13 in total . He was the only player to reach double figures , and was followed by Jarvis with nine goals . \n After the season ended York released Tom Allan , Andrew , Dickinson , McDonald , Puri and Reed , while McGurk retired from professional football . Bowman and Oyebanjo left to sign for Torquay and Crawley Town respectively while Coulson signed a new contract with the club . York 's summer signings included goalkeeper Jason Mooney from Tranmere Rovers , defenders Femi Ilesanmi from Dagenham , Marvin McCoy from Wycombe and Dave Winfield from Shrewsbury Town , midfielders Lindon Meikle from Mansfield , Anthony Straker from Southend and Luke Summerfield from Shrewsbury and striker Jake Hyde from Barnet . \n"} +{"id": 439, "text": " League positions are sourced by Statto , while the remaining information is referenced individually . \n"} +{"id": 440, "text": " Brackets around club names denote the player 's contract with that club had expired before he joined York . \n"} +{"id": 441, "text": " Brackets around club names denote the player joined that club after his York contract expired . \n"} +{"id": 442, "text": " Source : \n Numbers in parentheses denote appearances as substitute . \n Players with names struck through and marked left the club during the playing season . \n Players with names in italics and marked * were on loan from another club for the whole of their season with York . \n Players listed with no appearances have been in the matchday squad but only as unused substitutes . \n Key to positions : GK – Goalkeeper ; DF – Defender ; MF – Midfielder ; FW – Forward \n"} +{"id": 443, "text": " Antimony is a chemical element with symbol Sb ( from Latin : stibium ) and atomic number 51 . A lustrous gray metalloid , it is found in nature mainly as the sulfide mineral stibnite ( Sb2S3 ) . Antimony compounds have been known since ancient times and were used for cosmetics ; metallic antimony was also known , but it was erroneously identified as lead upon its discovery . In the West , it was first isolated by Vannoccio Biringuccio and described in 1540 , although in primitive cultures its powder has been used to cure eye ailments , as also for eye shadow , since time immemorial , and is often referred to by its Arabic name , kohl . \n For some time , China has been the largest producer of antimony and its compounds , with most production coming from the Mine in Hunan . The industrial methods to produce antimony are roasting and reduction using carbon or direct reduction of stibnite with iron . \n The largest applications for metallic antimony are as alloying material for lead and tin and for lead antimony plates in lead – acid batteries . Alloying lead and tin with antimony improves the properties of the alloys which are used in solders , bullets and plain bearings . Antimony compounds are prominent additives for chlorine and bromine @-@ containing fire retardants found in many commercial and domestic products . An emerging application is the use of antimony in microelectronics . \n"} +{"id": 444, "text": " Antimony is in the nitrogen group ( group 15 ) and has an electronegativity of 2 @.@ 05 . As expected from periodic trends , it is more electronegative than tin or bismuth , and less electronegative than tellurium or arsenic . Antimony is stable in air at room temperature , but reacts with oxygen if heated , to form antimony trioxide , Sb2O3 . \n Antimony is a silvery , lustrous gray metalloid that has a Mohs scale hardness of 3 . Thus pure antimony is too soft to make hard objects ; coins made of antimony were issued in China 's Guizhou province in 1931 , but because of their rapid wear , their minting was discontinued . Antimony is resistant to attack by acids . \n Four allotropes of antimony are known : a stable metallic form and three metastable forms ( explosive , black and yellow ) . Elemental antimony is a brittle , silver @-@ white shiny metalloid . When slowly cooled , molten antimony crystallizes in a trigonal cell , isomorphic with the gray allotrope of arsenic . A rare explosive form of antimony can be formed from the electrolysis of antimony trichloride . When scratched with a sharp implement , an exothermic reaction occurs and white fumes are given off as metallic antimony is formed ; when rubbed with a pestle in a mortar , a strong detonation occurs . Black antimony is formed upon rapid cooling of vapor derived from metallic antimony . It has the same crystal structure as red phosphorus and black arsenic , it oxidizes in air and may ignite spontaneously . At 100 ° C , it gradually transforms into the stable form . The yellow allotrope of antimony is the most unstable . It has only been generated by oxidation of stibine ( SbH3 ) at − 90 ° C. Above this temperature and in ambient light , this metastable allotrope transforms into the more stable black allotrope . \n Elemental antimony adopts a layered structure ( space group No. 166 ) in which layers consist of fused ruffled six @-@ membered rings . The nearest and next @-@ nearest neighbors form an irregular octahedral complex , with the three atoms in the same double layer being slightly closer than the three atoms in the next . This relatively close packing leads to a high density of 6 @.@ 697 g / cm3 , but the weak bonding between the layers leads to the low hardness and brittleness of antimony . \n"} +{"id": 445, "text": " Antimony has two stable isotopes : with a natural abundance of 57 @.@ 36 % and with a natural abundance of 42 @.@ 64 % . It also has 35 radioisotopes , of which the longest @-@ lived is with a half @-@ life of 2 @.@ 75 years . In addition , 29 metastable states have been characterized . The most stable of these is with a half @-@ life of 5 @.@ 76 days . Isotopes that are lighter than the stable tend to decay by β + decay , and those that are heavier tend to decay by β − decay , with some exceptions . \n"} +{"id": 446, "text": " The abundance of antimony in the Earth 's crust is estimated at 0 @.@ 2 to 0 @.@ 5 parts per million , comparable to thallium at 0 @.@ 5 parts per million and silver at 0 @.@ 07 ppm . Even though this element is not abundant , it is found in over 100 mineral species . Antimony is sometimes found natively ( e.g. on Antimony Peak ) , but more frequently it is found in the sulfide stibnite ( Sb2S3 ) which is the predominant ore mineral . \n"} +{"id": 447, "text": " Antimony compounds are often classified according to their oxidation state : Sb ( III ) and Sb ( V ) . The + 5 oxidation state is more stable . \n"} +{"id": 448, "text": " Antimony trioxide ( Sb \n 4O \n 6 ) is formed when antimony is burnt in air . In the gas phase , this compound exists as Sb \n 4O \n 6 , but it polymerizes upon condensing . Antimony pentoxide ( Sb \n 4O \n 10 ) can only be formed by oxidation by concentrated nitric acid . Antimony also forms a mixed @-@ valence oxide , antimony tetroxide ( Sb \n 2O \n 4 ) , which features both Sb ( III ) and Sb ( V ) . Unlike oxides of phosphorus and arsenic , these various oxides are amphoteric , do not form well @-@ defined and react with acids to form antimony salts . \n acid Sb ( OH ) \n 3 is unknown , but the conjugate base sodium ( [ Na \n \n 3 ] \n 4 ) forms upon fusing sodium oxide and Sb \n 4O \n 6 . Transition metal are also known . acid exists only as the hydrate ( OH ) \n 6 , forming salts containing the anion Sb ( OH ) − \n 6 . metal salts containing this anion yields mixed oxides . \n Many antimony ores are sulfides , including stibnite ( Sb \n 2S \n 3 ) , ( Ag \n \n 3 ) , , , and . Antimony is non @-@ stoichiometric and features antimony in the + 3 oxidation state and S @-@ S bonds . Several are known , such as [ Sb \n 6S \n 10 ] 2 − and [ Sb \n 8S \n 13 ] 2 − . \n"} +{"id": 449, "text": " Antimony forms two series of halides : \n 3 and \n 5 . The trihalides SbF \n 3 , SbCl \n 3 , \n 3 , and \n 3 are all molecular compounds having trigonal pyramidal molecular geometry . \n The trifluoride SbF \n 3 is prepared by the reaction of Sb \n 2O \n 3 with HF : \n Sb \n 2O \n 3 + 6 HF → 2 SbF \n 3 + 3 H \n 2O \n It is Lewis acidic and readily accepts fluoride ions to form the complex anions SbF − \n 4 and − \n 5 . Molten SbF \n 3 is a weak electrical conductor . The trichloride SbCl \n 3 is prepared by dissolving Sb \n 2S \n 3 in hydrochloric acid : \n Sb \n 2S \n 3 + 6 HCl → 2 SbCl \n 3 + 3 H \n 2S \n The pentahalides SbF \n 5 and SbCl \n 5 have trigonal bipyramidal molecular geometry in the gas phase , but in the liquid phase , SbF \n 5 is polymeric , whereas SbCl \n 5 is monomeric . SbF \n 5 is a powerful Lewis acid used to make the acid ( \" \" ) . \n Oxyhalides are more common for antimony than arsenic and phosphorus . Antimony trioxide dissolves in concentrated acid to form compounds such as and ( SbO ) \n 2SO \n 4 . \n"} +{"id": 450, "text": " Compounds in this class generally are described as derivatives of Sb3 − . Antimony forms antimonides with metals , such as indium antimonide ( ) and silver antimonide ( Ag \n ) . The alkali metal and zinc antimonides , such as and , are more reactive . Treating these antimonides with acid produces the unstable gas stibine , \n 3 : \n Sb3 − + 3 H + → \n 3 \n can also be produced by treating Sb3 + salts with hydride reagents such as sodium decomposes spontaneously at room temperature . Because stibine has a positive heat of formation , it is thermodynamically unstable and thus antimony does not react with hydrogen directly . \n compounds are typically prepared by alkylation of antimony halides with Grignard reagents . A large variety of compounds are known with both Sb ( III ) and Sb ( V ) centers , including mixed chloro @-@ organic derivatives , anions , and cations . Examples include Sb ( C6H5 ) 3 ( ) , Sb2 ( C6H5 ) 4 ( with an Sb @-@ Sb bond ) , and cyclic [ Sb ( C6H5 ) ] n . organoantimony compounds are common , examples being Sb ( C6H5 ) 5 and several related halides . \n"} +{"id": 451, "text": " Antimony ( III ) sulfide , Sb2S3 , was recognized in predynastic Egypt as an eye cosmetic ( kohl ) as early as about 3100 BC , when the cosmetic palette was invented . \n An artifact , said to be part of a vase , made of antimony dating to about 3000 BC was found at , Chaldea ( part of present @-@ day Iraq ) , and a copper object plated with antimony dating between 2500 BC and 2200 BC has been found in Egypt . Austen , at a lecture by Herbert Gladstone in 1892 commented that \" we only know of antimony at the present day as a highly brittle and crystalline metal , which could hardly be fashioned into a useful vase , and therefore this remarkable ' find ' ( artifact mentioned above ) must represent the lost art of rendering antimony malleable . \" \n was unconvinced the artifact was indeed a vase , mentioning that , after his analysis of the Tello object ( published in 1975 ) , \" attempted to relate the metal to Transcaucasian natural antimony \" ( i.e. native metal ) and that \" the antimony objects from Transcaucasia are all small personal ornaments . \" This weakens the evidence for a lost art \" of rendering antimony malleable . \" \n The Roman scholar Pliny the Elder described several ways of preparing antimony sulfide for medical purposes in his treatise Natural History . Pliny the Elder also made a distinction between \" male \" and \" female \" forms of antimony ; the male form is probably the sulfide , while the female form , which is superior , heavier , and less friable , has been suspected to be native metallic antimony . \n The Roman naturalist Pedanius Dioscorides mentioned that antimony sulfide could be roasted by heating by a current of air . It is thought that this produced metallic antimony . \n The first description of a procedure for isolating antimony is in the book De la of 1540 by Vannoccio Biringuccio ; this predates the more famous 1556 book by Agricola , De re metallica . In this context Agricola has been often incorrectly credited with the discovery of metallic antimony . The book ( The Triumphal Chariot of Antimony ) , describing the preparation of metallic antimony , was published in Germany in 1604 . It was purported to have been written by a Benedictine monk , writing under the name Basilius Valentinus , in the 15th century ; if it were authentic , which it is not , it would predate Biringuccio . \n The metal antimony was known to German chemist Andreas Libavius in 1615 who obtained it by adding iron to a molten mixture of antimony sulfide , salt and potassium tartrate . This procedure produced antimony with a crystalline or starred surface . \n With the advent of challenges to phlogiston theory it was recognized that antimony is an element forming sulfides , oxides , and other compounds , as is the case with other metals . \n The first natural occurrence of pure antimony in the Earth 's crust was described by the Swedish scientist and local mine district engineer Anton von in 1783 ; the type @-@ sample was collected from the Sala Silver Mine in the mining district of Sala , , Sweden . \n"} +{"id": 452, "text": " The ancient words for antimony mostly have , as their chief meaning , kohl , the sulfide of antimony . \n The Egyptians called antimony ; in hieroglyphs , the vowels are uncertain , but there is an Arabic tradition that the word is . The Greek word , stimmi , is probably a loan word from Arabic or from Egyptian \n and is used by Attic tragic poets of the 5th century BC ; later Greeks also used , as did Celsus and Pliny , writing in Latin , in the first century AD . Pliny also gives the names [ sic ] , , alabaster , and the \" very common \" , \" wide @-@ eye \" ( from the effect of the cosmetic ) . Later Latin authors adapted the word to Latin as stibium . The Arabic word for the substance , as opposed to the cosmetic , can appear as , , , or . suggests the first form , which is the earliest , derives from , an accusative for stimmi . \n The use of Sb as the standard chemical symbol for antimony is due to Jöns Jakob Berzelius , who used this abbreviation of the name stibium . The medieval Latin form , from which the modern languages and late Byzantine Greek take their names for antimony , is antimonium . The origin of this is uncertain ; all suggestions have some difficulty either of form or interpretation . The popular etymology , from anti @-@ or French , still has adherents ; this would mean \" monk @-@ killer \" , and is explained by many early alchemists being monks , and antimony being poisonous . \n Another popular etymology is the hypothetical Greek word , \" against aloneness \" , explained as \" not found as metal \" , or \" not found unalloyed \" . Lippmann conjectured a hypothetical Greek word , which would mean \" \" , and cites several examples of related Greek words ( but not that one ) which describe chemical or biological efflorescence . \n The early uses of antimonium include the translations , in 1050 – 1100 , by Constantine the African of Arabic medical treatises . Several authorities believe antimonium is a scribal corruption of some Arabic form ; derives it from ; other possibilities include , the Arabic name of the metalloid , and a hypothetical as @-@ stimmi , derived from or parallel to the Greek . \n"} +{"id": 453, "text": " The British Geological Survey ( BGS ) reported that in 2005 , China was the top producer of antimony with an approximately 84 % world share , followed at a distance by South Africa , Bolivia and Tajikistan . Mine in Hunan province has the largest deposits in China with an estimated deposit of 2 @.@ 1 million metric tons . \n In 2010 , according to the US Geological Survey , China accounted for 88 @.@ 9 % of total antimony production with South Africa , Bolivia and Russia sharing the second place . \n However , Roskill Consulting estimates for primary production show that in 2010 China held a 76 @.@ 75 % share of world supply with 120 @,@ 462 tonnes ( 90 @,@ 000 tonnes of reported and 30 @,@ 464 tonnes of un @-@ reported production ) , followed by Russia ( 4 @.@ 14 % share , 6 @,@ 500 tonnes of production ) , Myanmar ( 3 @.@ 76 % share , 5 @,@ 897 tonnes ) , Canada ( 3 @.@ 61 % share , 5 @,@ 660 tonnes ) , Tajikistan ( 3 @.@ 42 % share , 5 @,@ 370 tonnes ) and Bolivia ( 3 @.@ 17 % share , 4 @,@ 980 tonnes ) . \n Roskill estimates that secondary production globally in 2010 was 39 @,@ 540 tonnes . \n Antimony was ranked first in a Risk List published by the British Geological Survey in the second half of 2011 . The list provides an indication of the relative risk to the supply of chemical elements or element groups required to maintain the current British economy and lifestyle . \n Also , antimony was identified as one of 12 critical raw materials for the EU in a report published in 2011 , primarily due to the lack of supply outside China . \n Reported production of antimony in China fell in 2010 and is unlikely to increase in the coming years , according to the Roskill report . No significant antimony deposits in China have been developed for about ten years , and the remaining economic reserves are being rapidly depleted . \n The world 's largest antimony producers , according to Roskill , are listed below : \n"} +{"id": 454, "text": " According to statistics from the USGS , current global reserves of antimony will be depleted in 13 years . However , the USGS expects more resources will be found . \n"} +{"id": 455, "text": " The extraction of antimony from ores depends on the quality of the ore and composition of the ore . Most antimony is mined as the sulfide ; lower @-@ grade ores are concentrated by froth flotation , while higher @-@ grade ores are heated to 500 – 600 ° C , the temperature at which stibnite melts and is separated from the gangue minerals . Antimony can be isolated from the crude antimony sulfide by a reduction with scrap iron : \n Sb \n 2S \n 3 + 3 Fe → 2 Sb + 3 FeS \n The sulfide is converted to an oxide and advantage is often taken of the volatility of antimony ( III ) oxide , which is recovered from roasting . This material is often used directly for the main applications , impurities being arsenic and sulfide . Isolating antimony from its oxide is performed by a carbothermal reduction : \n 2 Sb \n 2O \n 3 + 3 C → 4 Sb + 3 CO \n 2 \n The lower @-@ grade ores are reduced in blast furnaces while the higher @-@ grade ores are reduced in reverberatory furnaces . \n"} +{"id": 456, "text": " About 60 % of antimony is consumed in flame retardants , and 20 % is used in alloys for batteries , plain bearings and solders . \n"} +{"id": 457, "text": " Antimony is mainly used as its trioxide in making flame @-@ proofing compounds . It is nearly always used in combination with halogenated flame retardants , with the only exception being in halogen @-@ containing polymers . The formation of halogenated antimony compounds is the cause for the flame retarding effect of antimony trioxide , due to reaction of these compounds with hydrogen atoms and probably also with oxygen atoms and OH radicals , thus inhibiting fire . Markets for these flame @-@ retardant applications include children 's clothing , toys , aircraft and automobile seat covers . It is also used in the fiberglass composites industry as an additive to polyester resins for such items as light aircraft engine covers . The resin will burn while a flame is held to it but will extinguish itself as soon as the flame is removed . \n"} +{"id": 458, "text": " Antimony forms a highly useful alloy with lead , increasing its hardness and mechanical strength . For most applications involving lead , varying amounts of antimony are used as alloying metal . In lead – acid batteries , this addition improves the charging characteristics and reduces generation of unwanted hydrogen during charging . It is used in alloys ( such as Babbitt metal ) , in bullets and lead shot , cable sheathing , type metal ( for example , for linotype printing machines ) , solder ( some \" lead @-@ free \" solders contain 5 % Sb ) , in pewter , and in hardening alloys with low tin content in the manufacturing of organ pipes . \n"} +{"id": 459, "text": " Three other applications make up nearly all the rest of the consumption . One of these uses is as a stabilizer and a catalyst for the production of . Another application is to serve as a fining agent to remove microscopic bubbles in glass , mostly for TV screens ; this is achieved by the interaction of antimony ions with oxygen , interfering the latter from forming bubbles . The third major application is the use as pigment . \n Antimony is being increasingly used in the semiconductor industry as a dopant for heavily doped n @-@ type silicon wafers in the production of diodes , infrared detectors , and Hall @-@ effect devices . In the 1950s , tiny beads of a lead @-@ antimony alloy were used to dope the emitters and collectors of n @-@ p @-@ n alloy junction transistors with antimony . antimonide is used as a material for mid @-@ infrared detectors . \n Few biological or medical applications exist for antimony . Treatments principally containing antimony are known as and are used as . Antimony compounds are used as drugs . Potassium tartrate , or tartar emetic , was once used as an anti @-@ drug from 1919 on . It was subsequently replaced by . Antimony and its compounds are used in several veterinary preparations like or lithium antimony , which is used as a skin conditioner in ruminants . Antimony has a nourishing or conditioning effect on keratinized tissues , at least in animals . \n Antimony @-@ based drugs , such as , are also considered the drugs of choice for treatment of leishmaniasis in domestic animals . Unfortunately , as well as having low therapeutic indices , the drugs are poor at penetrating the bone marrow , where some of the Leishmania amastigotes reside , and so cure of the disease – especially the visceral form – is very difficult . Elemental antimony as an antimony pill was once used as a medicine . It could be reused by others after ingestion and elimination . \n In the heads of some safety matches , antimony ( III ) sulfide is used . Antimony @-@ 124 is used together with beryllium in neutron sources ; the gamma rays emitted by antimony @-@ 124 initiate the photodisintegration of beryllium . The emitted neutrons have an average energy of 24 keV . Antimony sulfides have been shown to help stabilize the friction coefficient in automotive brake pad materials . \n Antimony also is used in the making of bullets and bullet tracers . This element is also used in paint and glass art crafts and as opacifier in enamel . \n"} +{"id": 460, "text": " The effects of antimony and its compounds on human and environmental health differ widely . The massive antimony metal does not affect human and environmental health . Inhalation of antimony trioxide ( and similar poorly soluble Sb ( III ) dust particles such as antimony dust ) is considered harmful and suspected of causing cancer . However , these effects are only observed with female rats and after long @-@ term exposure to high dust concentrations . The effects are hypothesized to be attributed to inhalation of poorly soluble Sb particles leading to impaired lung clearance , lung overload , inflammation and ultimately tumour formation , not to exposure to antimony ions ( OECD , 2008 ) . Antimony chlorides are corrosive to skin . The effects of antimony are not comparable to arsenic ; this might be caused by the significant differences of uptake , metabolism and excretion between arsenic and antimony . \n For oral absorption , ( 1994 ) recommended values of 10 % for tartar emetic and 1 % for all other antimony compounds . Dermal absorption for metals is estimated at most 1 % ( , 2007 ) . Inhalation absorption of antimony trioxide and other poorly soluble Sb ( III ) substances ( such as antimony dust ) is estimated at 6 @.@ 8 % ( OECD , 2008 ) , whereas a value < 1 % is derived for Sb ( V ) substances . Antimony ( V ) is not quantitatively reduced to antimony ( III ) in the cell , and both species exist simultaneously . \n Antimony is mainly excreted from the human body via urine . Antimony and its compounds do not cause acute human health effects , with the exception of antimony potassium tartrate ( \" tartar emetic \" ) , a prodrug that is intentionally used to treat leishmaniasis patients . \n Prolonged skin contact with antimony dust may cause dermatitis . However , it was agreed at the European Union level that the skin rashes observed are not substance @-@ specific , but most probably due to a physical blocking of sweat ducts ( ECHA / PR / 09 / 09 , Helsinki , 6 July 2009 ) . Antimony dust may also be explosive when dispersed in the air ; when in a bulk solid it is not combustible . \n Antimony is incompatible with strong acids , halogenated acids , and oxidizers ; when exposed to newly formed hydrogen it may form stibine ( SbH3 ) . \n The 8 hour time weighted average ( TWA ) is set at 0 @.@ 5 mg / m3 by the American Conference of Governmental Industrial Hygienists and by the Occupational Safety and Health Administration ( OSHA ) as a legal permissible exposure limit ( PEL ) in the workplace . The National Institute for Occupational Safety and Health ( NIOSH ) has set a recommended exposure limit ( REL ) of 0 @.@ 5 mg / m3 as an 8 hour TWA . Antimony compounds are used as catalysts for polyethylene terephthalate ( PET ) production . Some studies report minor antimony leaching from PET bottles into liquids , but levels are below drinking water guidelines . Antimony concentrations in fruit juice concentrates were somewhat higher ( up to 44 @.@ 7 µg / L of antimony ) , but juices do not fall under the drinking water regulations . The drinking water guidelines are : \n World Health Organization : 20 µg / L \n Japan : 15 µg / L \n United States Environmental Protection Agency , Health Canada and the Ontario Ministry of Environment : 6 µg / L \n EU and German Federal Ministry of Environment : 5 µg / L \n The TDI proposed by WHO is 6 µg antimony per kilogram of body weight . The IDLH ( immediately dangerous to life and health ) value for antimony is 50 mg / m3 . \n"} +{"id": 461, "text": " Sir Robert Eric Mortimer Wheeler CH , CIE , MC , TD , FSA , FRS , FBA ( 10 September 1890 – 22 July 1976 ) was a British archaeologist and officer in the British Army . Over the course of his career , he served as Director of both the National Museum of Wales and London Museum , Director @-@ General of the Archaeological Survey of India , and the founder and Honorary Director of the Institute of Archaeology in London , further writing twenty @-@ four books on archaeological subjects . \n Born in Glasgow to a middle @-@ class family , Wheeler was raised largely in Yorkshire before relocating to London in his teenage years . After studying Classics at University College London ( UCL ) , he began working professionally in archaeology , specializing in the Romano @-@ British period . During World War I he volunteered for service in the Royal Artillery , being stationed on the Western Front , where he rose to the rank of major and was awarded the Military Cross . Returning to Britain , he obtained his doctorate from UCL before taking on a position at the National Museum of Wales , first as Keeper of Archaeology and then as Director , during which time he oversaw excavation at the Roman forts of Segontium , Y Gaer , and Isca Augusta with the aid of his first wife , Tessa Wheeler . Influenced by the archaeologist Augustus Pitt Rivers , Wheeler argued that excavation and the recording of stratigraphic context required an increasingly scientific and methodical approach , developing the \" Wheeler Method \" . In 1926 , he was appointed Keeper of the London Museum ; there , he oversaw a reorganisation of the collection , successfully lobbied for increased funding , and began lecturing at UCL . \n In 1934 , he established the Institute of Archaeology as part of the federal University of London , adopting the position of Honorary Director . In this period , he oversaw excavations of the Roman sites at Lydney Park and Verulamium and the Iron Age hill fort of Maidan Castle . During World War II , he re @-@ joined the Armed Forces and rose to the rank of brigadier , serving in the North African Campaign and then the Allied invasion of Italy . In 1944 he was appointed Director @-@ General of the Archaeological Survey of India , through which he oversaw excavations of sites at Harappa , Arikamedu , and Brahmagiri , and implemented reforms to the subcontinent 's archaeological establishment . Returning to Britain in 1948 , he divided his time between lecturing for the Institute of Archaeology and acting as archaeological adviser to Pakistan 's government . In later life , his popular books , cruise ship lectures , and appearances on radio and television , particularly the BBC series Animal , Vegetable , Mineral ? , helped to bring archaeology to a mass audience . Appointed Honorary Secretary of the British Academy , he raised large sums of money for archaeological projects , and was appointed British representative for several UNESCO projects . \n Wheeler is recognised as one of the most important British archaeologists of the twentieth century , responsible for successfully encouraging British public interest in the discipline and advancing methodologies of excavation and recording . Further , he is widely acclaimed as a major figure in the establishment of South Asian archaeology . However , many of his specific interpretations of archaeological sites have been discredited or reinterpreted , and he was often criticised for bullying colleagues and sexually harassing young women . \n"} +{"id": 462, "text": " Mortimer Wheeler was born on 10 September 1890 in the city of Glasgow , Scotland . He was the first child of the journalist Robert Mortimer Wheeler and his second wife Emily Wheeler ( née Baynes ) . The son of a tea merchant based in Bristol , in youth Robert had considered becoming a Baptist minister , but instead became a staunch freethinker while studying at the University of Edinburgh . Initially working as a lecturer in English literature , Robert turned to journalism after his first wife died in childbirth . His second wife , Emily , shared her husband 's interest in English literature , and was the niece of Thomas Spencer Baynes , a Shakespearean scholar at St. Andrews University . Their marriage was emotionally strained , a situation exacerbated by their financial insecurity . Within two years of their son 's birth , the family moved to Edinburgh , where a daughter named Amy was born . The couple gave their two children nicknames , with Mortimer being \" \" and Amy being \" \" . \n When Wheeler was four , his father was appointed chief leader writer for the Bradford Observer . The family relocated to Saltaire , a village northwest of Bradford , a cosmopolitan city in Yorkshire , northeast England , which was then in the midst of the wool trade boom . Wheeler was inspired by the moors surrounding Saltaire and fascinated by the area 's archaeology . He later wrote about discovering a late prehistoric cup @-@ marked stone , searching for lithics on Ilkley Moor , and digging into a barrow on Moor . Although suffering from ill health , Emily Wheeler taught her two children with the help of a maid up to the age of seven or eight . Mortimer remained emotionally distant from his mother , instead being far closer to his father , whose company he favoured over that of other children . His father had a keen interest in natural history and a love of fishing and shooting , rural pursuits in which he encouraged Mortimer to take part . Robert acquired many books for his son , particularly on the subject of art history , with Wheeler loving to both read and paint . \n In 1899 , Wheeler joined Bradford Grammar School shortly before his ninth birthday , where he proceeded straight to the second form . In 1902 Robert and Emily had a second daughter , whom they named Betty ; Mortimer showed little interest in this younger sister . In 1905 , Robert agreed to take over as head of the London office of his newspaper , by then renamed the Yorkshire Daily Observer , and so the family relocated to the southeast of the city in December , settling into a house named Carlton Lodge on South Croydon Road , West Dulwich . In 1908 they moved to 14 Avenue in nearby Herne Hill . Rather than being sent for a conventional education , when he was 15 Wheeler was instructed to educate himself by spending time in London , where he frequented The National Gallery and the Victoria and Albert Museum . \n"} +{"id": 463, "text": " After passing the entrance exam on his second attempt , in 1907 Wheeler was awarded a scholarship to read classical studies at University College London ( UCL ) , commuting daily from his parental home to the university campus in Bloomsbury , central London . At UCL , he was taught by the prominent classicist A. E. Housman . During his undergraduate studies , he became editor of the Union Magazine , for which he produced a number of illustrated cartoons . Increasingly interested in art , he decided to switch from classical studies to a course at UCL 's art school , the Slade School of Fine Art ; he returned to his previous subject after coming to the opinion that – in his words – he never became more than \" a conventionally accomplished picture maker \" . This interlude had adversely affected his classical studies , and he received a second class BA on graduating . \n Wheeler began studying for a Master of Arts degree in classical studies , which he attained in 1912 . During this period , he also gained employment as the personal secretary of the UCL Provost Gregory Foster , although he later criticised Foster for transforming the university from \" a college in the truly academic sense [ into ] a hypertrophied monstrosity as little like a college as a plesiosaurus is like a man \" . It was also at this time of life that he met and began a relationship with Tessa Verney , a student then studying history at UCL , when they were both serving on the committee of the University College Literary Society . \n During his studies , Wheeler had developed his love of archaeology , having joined an excavation of Viroconium Cornoviorum , a Romano @-@ British settlement in Wroxeter , in 1913 . Considering a profession in the discipline , he won a studentship that had been established jointly by the University of London and the Society of Antiquaries in memory of Augustus Wollaston Franks . The prominent archaeologist Sir Arthur Evans doubled the amount of money that went with the studentship . Wheeler 's proposed project had been to analyse Romano @-@ Rhenish pottery , and with the grant he funded a trip to the Rhineland in Germany , there studying the Roman pottery housed in local museums ; his research into this subject was never published . \n At this period , there were very few jobs available within British archaeology ; as the later archaeologist Stuart Piggott related , \" the young Wheeler was looking for a professional job where the profession had yet to be created . \" In 1913 Wheeler secured a position as junior investigator for the English Royal Commission on Historical Monuments , who were embarking on a project to assess the state of all structures in the nation that pre @-@ dated 1714 . As part of this , he was first sent to Stebbing in Essex to assess Late Medieval buildings , although once that was accomplished he focused on studying the Romano @-@ British remains of that county . In summer 1914 he married Tessa in a low @-@ key , secular wedding ceremony , before they moved into Wheeler 's parental home in Herne Hill . \n"} +{"id": 464, "text": " After the United Kingdom 's entry into World War I in 1914 , Wheeler volunteered for the armed forces . Although preferring solitary to group activities , Wheeler found that he greatly enjoyed soldiering . For the next seven months , he was posted as an instructor in the University of London Officer Training Corps . It was during this period , in January 1915 , that a son was born to the Wheelers , and named Michael . Michael was their only child , something that was a social anomaly at the time , although it is unknown if this was by choice or not . In May 1915 , Wheeler transferred to the Royal Field Artillery ( Territorial Force ) and shortly thereafter was appointed captain . In this position he was stationed at various bases across Britain , often bringing his wife and child with him ; his responsibility was as a battery commander , initially of field guns and later of howitzers . \n In October 1917 Wheeler was posted to the 76th Army Field Artillery Brigade , one of the Royal Field Artillery brigades under the direct control of the General Officer Commanding , Third Army . The brigade was then stationed in Belgium , where it had been engaged in the Battle of Passchendaele against German troops along the Western Front . There , he was immediately placed in command of an artillery battery , replacing a major who had been poisoned by mustard gas . Being promoted to the rank of acting major , he was part of the Left Group of artillery covering the advancing Allied infantry in the battle . Throughout , he maintained correspondences with his wife , his sister Amy , and his parents . After the Allied victory in the battle , the brigade was transferred to Italy . \n Wheeler and the brigade arrived in Italy on 20 November , and proceeded through the Italian Riviera to reach Caporetto , where it had been sent to bolster the Italian troops against a German and Austro @-@ Hungarian advance . As the Russian Republic removed itself from the war , the German Army refocused its efforts on the Western Front , and so in March 1918 Wheeler 's brigade was ordered to leave Italy , getting a train from Castelfranco to Vieux Rouen in France . Back on the Western Front , the brigade was assigned to the 2nd Division , again part of Julian Byng 's Third Army , reaching a stable area of the front in April . Here , Wheeler was engaged in artillery fire for several months , before the British went on the offensive in August . On 24 August , in between the ruined villages of Achiet and , he led an expedition which captured two German field guns while under heavy fire from a castle mound ; he was later awarded the Military Cross for this action . Wheeler continued as part of the British forces pushing westward until the German surrender in November 1918 . He was not demobilised for several months , instead being stationed at in Germany until March ; during this time he wrote up his earlier research on Romano @-@ Rhenish pottery , making use of access to local museums , before returning to London in July 1919 . \n"} +{"id": 465, "text": " On returning to London , Wheeler moved into a top @-@ floor flat near Gordon Square with his wife and child . He returned to working for the Royal Commission , examining and cataloguing the historic structures of Essex . In doing so , he produced his first publication , an academic paper on Colchester 's Roman Gate which was published in the Transactions of the Essex Archaeological Society in 1920 . He soon followed this with two papers in the Journal of Roman Studies ; the first offered a wider analysis of Roman Colchester , while the latter outlined his discovery of the vaulting for the city 's Temple of Claudius which was destroyed by Boudica 's revolt . In doing so , he developed a reputation as a Roman archaeologist in Britain . He then submitted his research on Romano @-@ Rhenish pots to the University of London , on the basis of which he was awarded his Doctorate of Letters ; thenceforth until his knighthood he styled himself as Dr Wheeler . He was unsatisfied with his job in the Commission , unhappy that he was receiving less pay and a lower status than he had had in the army , and so began to seek out alternative employment . \n He obtained a post as the Keeper of Archaeology at the National Museum of Wales , a job that also entailed becoming a lecturer in archaeology at the University College of South Wales and Monmouthshire . Taking up this position , he moved to Cardiff with his family in August 1920 , although he initially disliked the city . The museum was in disarray ; prior to the war , construction had begun on a new purpose @-@ built building to house the collections . This had ceased during the conflict and the edifice was left abandoned during Cardiff 's post @-@ war economic slump . Wheeler recognised that Wales was very divided regionally , with many Welsh people having little loyalty to Cardiff ; thus , he made a point of touring the country , lecturing to local societies about archaeology . According to the later archaeologist Lydia C. Carr , the Wheelers ' work for the cause of the museum was part of a wider \" cultural @-@ nationalist movement \" linked to growing Welsh nationalism during this period ; for instance , the Welsh nationalist party Plaid Cymru was founded in 1925 . \n Wheeler was impatient to start excavations , and in July 1921 started a six @-@ week project to excavate at the Roman fort of Segontium ; accompanied by his wife , he used up his holiday to oversee the project . A second season of excavation at the site followed in 1922 . Greatly influenced by the writings of the archaeologist Augustus Pitt @-@ Rivers , Wheeler emphasised the need for a strong , developed methodology when undertaking an archaeological excavation , believing in the need for strategic planning , or what he termed \" controlled discovery \" , with clear objectives in mind for a project . Further emphasising the importance of prompt publication of research results , he wrote full seasonal reports for Archaeologia Cambrensis before publishing a full report , Segontium and the Roman Occupation of Wales . Wheeler was keen on training new generations of archaeologists , and two of the most prominent students to excavate with him at Segontium were Victor Nash @-@ Williams and Ian Richmond . \n Over the field seasons of 1924 and 1925 , Wheeler ran excavations of the Roman fort of Y Gaer near Brecon , a project aided by his wife and two archaeological students , Nowell Myres and Christopher Hawkes . During this project , he was visited by the prominent Egyptologist Sir Flinders Petrie and his wife Hilda Petrie ; Wheeler greatly admired Petrie 's emphasis on strong archaeological methodologies . Wheeler published the results of his excavation in The Roman Fort Near Brecon . He then began excavations at Isca Augusta , a Roman site in Caerleon , where he focused on revealing the Roman amphitheatre . Intent on attracting press attention to both raise public awareness of archaeology and attract new sources of funding , he contacted the press and organised a sponsorship of the excavation by the middle @-@ market newspaper the Daily Mail . In doing so , he emphasised the folkloric and legendary associations that the site had with King Arthur . In 1925 , Oxford University Press published Wheeler 's first book for a general audience , Prehistoric and Roman Wales ; he later expressed the opinion that it was not a good book . \n In 1924 , the Director of the National Museum of Wales , William Evans Hoyle , resigned amid ill health . Wheeler applied to take on the role of his replacement , providing supportive testimonials from Charles Reed Peers , Robert Bosanquet , and H. J. Fleure . Although he had no prior museum experience , he was successful in his application and was appointed Director . He then employed a close friend , Cyril Fox , to take on the vacated position of Keeper of Archaeology . Wheeler 's proposed reforms included extending the institution 's reach and influence throughout Wales by building affiliations with regional museums , and focusing on fundraising to finance the completion of the new museum premises . He obtained a £ 21 @,@ 367 donation from the wealthy shipowner William Reardon Smith and appointed Smith to be the museum 's treasurer , and also travelled to Whitehall , London , where he successfully urged the British Treasury to provide further funding for the museum . As a result , construction on the museum 's new building was able to continue , and it was officially opened by King George V in 1927 . \n"} +{"id": 466, "text": " Upon the retirement of the Keeper of the London Museum , Harmon Oates , Wheeler was invited to fill the vacancy . He had been considering a return to London for some time and eagerly agreed , taking on the post , which was based at Lancaster House in the St James 's area , in July 1926 . In Wales , many felt that Wheeler had simply taken the directorship of the National Museum to advance his own career prospects , and that he had abandoned them when a better offer came along . Wheeler himself disagreed , believing that he had left Fox at the Museum as his obvious successor , and that the reforms he had implemented would therefore continue . The position initially provided Wheeler with an annual salary of £ 600 , which resulted in a decline in living standards for his family , who moved into a flat near to Victoria Station . \n Tessa 's biographer L.C. Carr later commented that together , the Wheelers \" professionalized the London Museum \" . Wheeler expressed his opinion that the museum \" had to be cleaned , expurgated , and catalogued ; in general , turned from a junk shop into a tolerably rational institution \" . Focusing on reorganising the exhibits and developing a more efficient method of cataloguing the artefacts , he also authored A Short Guide to the Collections , before using the items in the museum to write three books : London and the Vikings , London and the Saxons , and London and the Romans . Upon his arrival , the Treasury allocated the museum an annual budget of £ 5 @,@ 000 , which Wheeler deemed insufficient for its needs . In 1930 , Wheeler persuaded them to increase that budget , as he highlighted increasing visitor numbers , publications , and acquisitions , as well as a rise in the number of educational projects . With this additional funding , he was able to employ more staff and increase his own annual salary to £ 900 . \n Soon after joining the museum , Wheeler was elected to the council of the Society of Antiquaries . Through the Society , he became involved in the debate as to who should finance archaeological supervision of building projects in Greater London ; his argument was that the City of London Corporation should provide the funding , although in 1926 it was agreed that the Society itself would employ a director of excavation based in Lancaster House to take on the position . Also involved in the largely moribund Royal Archaeological Institute , Wheeler organised its relocation to Lancaster House . In 1927 , Wheeler took on an unpaid lectureship at University College London , where he established a graduate diploma course on archaeology ; one of the first to enroll was Stuart Piggott . In 1928 , Wheeler curated an exhibit at UCL on \" Recent Work in British Archaeology \" , for which he attracted much press attention . \n Wheeler was keen to continue archaeological fieldwork outside London , undertaking excavations every year from 1926 to 1939 . After completing his excavation of the amphitheatre in 1928 , he began fieldwork at the Roman settlement and temple in Lydney Park , Gloucestershire , having been invited to do so by the aristocratic landowner , Charles Bathurst . It was during these investigations that Wheeler personally discovered the Lydney Hoard of coinage . Wheeler and his wife jointly published their excavation report in 1932 as Report on the Excavation of the Prehistoric , Roman and Post @-@ Roman Site in Lydney Park , Gloucestershire , which Piggott noted had \" set the pattern \" for all Wheeler 's future excavation reports . \n From there , Wheeler was invited to direct a Society of Antiquaries excavation at the Roman settlement of Verulamium , which existed on land recently acquired by the Corporation of St Albans . He took on this role for four seasons from 1930 to 1933 , before leaving a fifth season of excavation under the control of the archaeologist Kathleen Kenyon and the architect A. W. G. Lowther . Wheeler enjoyed the opportunity to excavate at a civilian as opposed to military site , and also liked its proximity to his home in London . He was particularly interested in searching for a pre @-@ Roman Iron Age oppidum at the site , noting that the existence of a nearby Catuvellauni settlement was attested to in both classical texts and numismatic evidence . With Wheeler focusing his attention on potential Iron Age evidence , Tessa concentrated on excavating the inside of the city walls ; Wheeler had affairs with at least three assistants during the project . After Tessa wrote two interim reports , the final excavation report was finally published in 1936 as Verulamium : A Belgic and Two Roman Cities , jointly written by Wheeler and his wife . The report resulted in the first major published criticism of Wheeler , produced by the young archaeologist Nowell Myres in a review for Antiquity ; although stating that there was much to praise about the work , he critiqued Wheeler 's selective excavation , dubious dating , and guesswork . Wheeler responded with a piece in which he defended his work and launched a personal attack on both Myres and Myres 's employer , Christ Church , Oxford . \n"} +{"id": 467, "text": " Wheeler had long desired to establish an academic institution devoted to archaeology that could be based in London . He hoped that it could become a centre in which to establish the professionalisation of archaeology as a discipline , with systematic training of students in methodological techniques of excavation and conservation and recognised professional standards ; in his words , he hoped \" to convert archaeology into a discipline worthy of that name in all senses \" . He further described his intention that the Institute should become \" a laboratory : a laboratory of archaeological science \" . Many archaeologists shared his hopes , and to this end Petrie had donated much of his collection of Near Eastern artefacts to Wheeler , in the hope that it would be included in such an institution . Wheeler was later able to persuade the University of London , a federation of institutions across the capital , to support the venture , and both he and Tessa began raising funds from wealthy backers . In 1934 , the Institute of Archaeology was officially opened , albeit at this point without premises or academic staff ; the first students to enroll were Rachel Clay and Barbara Parker , who went on to have careers in the discipline . While Wheeler – who was still Keeper of the London Museum – took on the role of Honorary Director of the Institute , he installed the archaeologist Kathleen Kenyon as secretary of the Management Committee , describing her as \" a level @-@ headed person , with useful experience \" . \n After ending his work at Verulamium , Wheeler turned his attention to the late Iron Age hill @-@ fort of Maidan Castle near to Dorchester , Dorset , where he excavated for four seasons from 1934 to 1937 . Co @-@ directed by Wheeler , Tessa , and the Curator of Dorset County Museum , Charles Drew , the project was carried out under the joint auspices of the Society of Antiquaries and the Dorset Field Club . With around 100 assistants each season , the dig constituted the largest excavation that had been conducted in Britain up to that point , with Wheeler organising weekly meetings with the press to inform them about any discoveries . His excavation report was published in 1943 as Maidan Castle , Dorset . The report 's publication allowed further criticism to be voiced of Wheeler 's approach and interpretations ; in his review of the book , the archaeologist W. F. Grimes criticised the highly selective nature of the excavation , noting that Wheeler had not asked questions regarding the socio @-@ economic issues of the community at Maidan Castle , aspects of past societies that had come to be of increasing interest to British archaeology . Over coming decades , as further excavations were carried out at the site and archaeologists developed a greater knowledge of Iron Age Britain , much of Wheeler 's interpretation of the site and its development was shown to be wrong , in particular by the work of the archaeologist Niall Sharples . \n In 1936 , Wheeler embarked on a visit to the Near East , sailing from Marseilles to Port Said , where he visited the Old Kingdom tombs of Sakkara . From there he went via Sinai to Palestine , Lebanon , and Syria . During this trip , he visited various archaeological projects , but was dismayed by the quality of their excavations ; in particular , he noted that the American @-@ run excavation at Tel Megiddo was adopting standards that had been rejected in Britain twenty @-@ five years previously . He was away for six weeks , and upon his return to Europe discovered that his wife Tessa had died of a pulmonary embolism after a minor operation on her toe . According to Tessa 's biographer , for Wheeler this discovery was \" the peak of mental misery , and marked the end of his ability to feel a certain kind of love \" . That winter , his father also died . By the summer of 1937 , he had embarked on a new romance , with a young woman named Mavis de Vere Cole , who had first met Wheeler when visiting the Maidan Castle excavations with her then @-@ lover , the painter Augustus John . After she eventually agreed to his repeated requests for marriage , the two were wedded early in 1939 in a ceremony held at Caxton Hall , with a reception at Shelley House . They proceeded on a honeymoon to the Middle East . \n After a search that had taken several years , Wheeler was able to secure a premises for the Institute of Archaeology : St. John 's Lodge in Regent 's Park , central London . Left empty since its use as a hospital during the First World War , the building was owned by the Crown and was controlled by the First Commissioner of Works , William Ormsby @-@ Gore ; he was very sympathetic to archaeology , and leased the building to the Institute at a low rent . The St. John 's Lodge premises were officially opened on 29 April 1937 . During his speech at the ceremony , the University of London 's Vice @-@ Chancellor Charles Reed Peers made it clear that the building was only intended as a temporary home for the Institute , which it was hoped would be able to move to Bloomsbury , the city 's academic hub . In his speech , the university 's Chancellor , Alexander Cambridge , 1st Earl of Athlone , compared the new institution to both the Institute of Historical Research and the Courtauld Institute of Art . \n Wheeler had also become President of the Museums Association , and in a presidential address given in Belfast talked on the topic of preserving museum collections in war time , believing that Britain 's involvement in a second European conflict was imminent . In anticipation of this event , in August 1939 he arranged for the London Museum to place many of its most important collections into safe keeping . He was also awarded an honorary doctorate from Bristol University , and at the award ceremony met the Conservative Party politician Winston Churchill , who was then engaged in writing his multi @-@ volume A History of the English @-@ Speaking Peoples ; Churchill asked Wheeler to aid him in writing about late prehistoric and early medieval Britain , to which the latter agreed . \n After Maidan Castle , Wheeler turned his attention to France , where the archaeological investigation of Iron Age sites had lagged behind developments in Britain . There , he oversaw a series of surveys and excavations with the aid of Leslie Scott , beginning with a survey tour of Brittany in the winter of 1936 – 37 . After this , Wheeler decided to excavate the oppidum at Camp d , near , Finistère . In addition to bringing many British archaeologists to work on the site , he hired six local Breton workmen to assist the project , coming to the belief that the oppidum had been erected by local Iron Age tribes to defend themselves from the Roman invasion led by Julius Caesar . Meanwhile , Scott had been placed in charge of an excavation at the smaller nearby hill fort of , near Quimper . In July 1939 , the project focused its attention on Normandy , with excavations beginning at the Iron Age hill forts of Camp de Canada and . They were brought to an abrupt halt in September 1939 as the Second World War broke out in Europe , and the team evacuated back to Britain . Wheeler 's excavation report , co @-@ written with Katherine Richardson , was eventually published as Hill @-@ forts of Northern France in 1957 . \n"} +{"id": 468, "text": " Wheeler had been expecting and openly hoping for war with Nazi Germany for a year prior to the outbreak of hostilities ; he believed that the United Kingdom 's involvement in the conflict would remedy the shame that he thought had been brought upon the country by its signing of the Munich Agreement in September 1938 . Volunteering for the armed services , he was assigned to assemble the 48th Light Anti @-@ Aircraft Battery at Enfield , where he set about recruiting volunteers , including his son . As the 48th swelled in size , it was converted into the 42nd Mobile Light Anti @-@ Aircraft Regiment in the Royal Artillery , which consisted of four batteries and was led by Wheeler – now promoted to the rank of colonel – as Commanding Officer . Given the nickname of \" Flash Alf \" by those serving under him , he was recognised by colleagues as a ruthless disciplinarian and was blamed by many for the death of one of his soldiers from influenza during training . Having been appointed secretary of the Society of Antiquaries in 1939 and then director in 1940 , he travelled to London to deal with society affairs on various occasions . In 1941 Wheeler was awarded a Fellowship of the British Academy . Cole had meanwhile entered into an affair with a man named Clive Entwistle , who lambasted Wheeler as \" that whiskered baboon \" . When Wheeler discovered Entwistle in bed with his wife , he initiated divorce proceedings that were finalised in March 1942 . \n In the summer of 1941 , Wheeler and three of his batteries were assigned to fight against German and Italian forces in the North African Campaign . In September , they set sail from Glasgow aboard the RMS Empress of Russia ; because the Mediterranean was controlled largely by enemy naval forces , they were forced to travel via the Cape of Good Hope , before taking shore leave in Durban . There , Wheeler visited the local kraals to compare them with the settlements of Iron Age Britain . The ship docked in Aden , where Wheeler and his men again took shore leave . They soon reached the British @-@ controlled Suez , where they disembarked and were stationed on the shores of the Great Bitter Lake . There , Wheeler took a brief leave of absence to travel to Jerusalem , where he visited Petrie on his hospital deathbed . Back in Egypt , he gained permission to fly as a front gunner in a Wellington bomber on a bombing raid against Axis forces , to better understand what it was like for aircrew to be fired on by an anti @-@ aircraft battery . \n Serving with the Eighth Army , Wheeler was present in North Africa when the Axis armies pushed the Allies back to El Alamein . He was also part of the Allied counter @-@ push , taking part in the Second Battle of El Alamein and the advance on Axis @-@ held Tripoli . On the way he became concerned that the archaeological sites of North Africa were being threatened both by the fighting and the occupying forces . After the British secured control of Libya , Wheeler visited Tripoli and Leptis Magna , where he found that Roman remains had been damaged and vandalised by British troops ; he brought about reforms to prevent this , lecturing to the troops on the importance of preserving archaeology , making many monuments out @-@ of @-@ bounds , and ensuring that the Royal Air Force changed its plans to construct a radar station in the midst of a Roman settlement . Aware that the British were planning to invade and occupy the Italian island of Sicily , he insisted that measures be introduced to preserve the historic and archaeological monuments on the island . \n Promoted to the rank of brigadier , after the German surrender in North Africa , Wheeler was sent to Algiers where he was part of the staff committee planning the invasion of Italy . There , he learned that the India Office had requested that the army relieve him of his duties to permit him to be appointed Director General of Archaeology in India . Although he had never been to the country , he agreed that he would take the job on the condition that he be permitted to take part in the invasion of Italy first . As intended , Wheeler and his 12th Anti @-@ Aircraft Brigade then took part in the invasion of Sicily and then mainland Italy , where they were ordered to use their anti @-@ aircraft guns to protect the British 10th Corps . As the Allies advanced north through Italy , Wheeler spent time in Naples and then Capri , where he met various aristocrats who had anti @-@ fascist sympathies . \n Wheeler left Italy in November 1943 and returned to London . There , he resigned as the director of the London Museum and focused on organising the Institute of Archaeology , preparing it for its adoption of a new director , V. Gordon Childe , after the war . He also resigned as director of the Society of Antiquaries , but was appointed the group 's representative to the newly formed Council for British Archaeology . He developed a relationship with a woman named Kim Collingridge , and asked her to marry him . As she was a devout Roman Catholic , he officially converted to the religion , something which shocked many of his friends , who believed that he was being dishonest because he did not genuinely believe in the doctrines of the faith . He then set sail for Bombay aboard a transport ship , the City of Exeter , in February 1944 . \n"} +{"id": 469, "text": " Wheeler arrived in Bombay in the spring of 1944 . There , he was welcomed by the city 's governor , John Colville , before heading by train to Delhi and then Simla , where the headquarters of the Archaeological Survey of India were located . Wheeler had been suggested for the job by Archibald Wavell , the Viceroy of India , who had been acting on the recommendations of the archaeologist Leonard Woolley , who had authored a report lamenting the state of the archaeological establishment in the British @-@ controlled subcontinent . Wheeler recognised this state of affairs , in a letter to a friend complaining about the lack of finances and equipment , commenting that \" We 're back in 1850 \" . He initially found much to dislike in India , and in his letters to friends in Britain expressed derogatory and racist sentiments toward Indians : he stated that \" they feed wrongly and think wrongly and live wrongly ... I already find myself regarding them as ill @-@ made clockwork toys rather than as human beings , and I find myself bullying them most brutally . \" He expelled those staff members whom he deemed too idle , and physically beat others in an attempt to motivate them . \n From the beginning of his tenure , he sought to distance himself from previous Director @-@ Generals and their administrations by criticising them in print and attempting to introduce new staff who had no loyalty to his predecessors . Assigned with a four @-@ year contract , Wheeler attempted to recruit two archaeologists from Britain , Glyn Daniel and Stuart Piggott , to aid him in reforming the Archaeological Survey , although they declined the offer . He then toured the subcontinent , seeking to meet all of the Survey 's staff members . He had drawn up a prospectus containing research questions that he wanted the Survey to focus on ; these included understanding the period between the Bronze Age Indus Valley Civilization and the Achaemenid Empire , discerning the socio @-@ cultural background to the Vedas , dating the Aryan invasion , and establishing a dating system for southern India prior to the sixth century CE . During his time in office he also achieved a 25 per cent budget increase for the Archaeological Survey , and convinced the government to agree to the construction of a National Museum of Archaeology , to be built in New Delhi . \n In October 1944 , he opened his six @-@ month archaeological field school in Taxila , where he instructed various students from across India in the methodologies of the discipline . Wheeler became very fond of his students , with one of them , B. B. Lal , later commenting that \" behind the gruff exterior , Sir Mortimer had a very kind and sympathetic heart \" . Throughout his period in India , his students were some of the only individuals to whom Wheeler warmed ; more widely , he was annoyed by what he saw as the idleness , incompetence and corruption of Indian society . Initially focusing on the northwest of the subcontinent , Wheeler was particularly fascinated by the Bronze Age Indus Valley Civilization . On his initial inspection of the Indus Valley sites of Mohenjo @-@ daro and Harappa , he organised a very brief excavation which revealed fortifications around both settlements . He later led a more detailed excavation at Harappa , where he exposed further fortifications and established a stratigraphy for the settlement . \n Turning his attention to southern India , Wheeler discovered remnants of a Roman amphora in a museum , and began excavations at Arikamedu , revealing a port from the first century CE which had traded in goods from the Roman Empire . The excavation had been plagued by severe rains and tropical heat , although it was during the excavation that World War II ended ; in celebration , Wheeler gave all his workers an extra rupee for the day . It has since been alleged that while Wheeler took credit for discovering the significance of this site , it had previously been established by A. , the Superintendent of the Government Museum in Madras , and the French archaeologist Jouveau Dubreuil , with Wheeler intentionally ignoring their contribution . He later undertook excavations of six megalithic tombs in Brahmagiri , Mysore , which enabled him to gain a chronology for the archaeology of much of southern India . \n Wheeler established a new archaeological journal , Ancient India , planning for it to be published twice a year . He had trouble securing printing paper and faced various delays ; the first issue was released in January 1946 , and he would release three further volumes during his stay . Wheeler married Kim Collingridge in Simla , before he and his wife took part in an Indian Cultural Mission to Iran . The Indian government had deemed Wheeler ideal to lead the group , which departed via train to before visiting Persepolis , Tehran , Isfahan , Shiraz , Pasargadae , and Kashan . Wheeler enjoyed the trip , and was envious of Tehran 's archaeological museum and library , which was far in advance of anything then found in India . Crossing into Iraq , in Baghdad the team caught a flight back to Delhi . In 1946 , he was involved in a second cultural mission , this time to Afghanistan , where he expressed a particular interest in the kingdom of ancient Bactria and visited the archaeology of Balkh . \n Wheeler was present during the 1947 Partition of India into the Dominion of Pakistan and the Union of India and the accompanying ethnic violence between Hindu and Muslim communities . He was unhappy with how these events had affected the Archaeological Survey , complaining that some of his finest students and staff were now citizens of Pakistan and no longer able to work for him . He was based in New Delhi when the city was rocked by sectarian violence , and attempted to help many of his Muslim staff members escape from the Hindu @-@ majority city unharmed . He further helped smuggle Muslim families out of the city hospital , where they had taken refuge from a violent Hindu mob . As India neared independence from the British Empire , the political situation had changed significantly ; by October 1947 he was one of the last British individuals in a high @-@ up position within the country 's governing establishment , and recognised that many Indian nationalists wanted him to also leave . \n As their relationship had become increasingly strained , his wife had left and returned to Britain . Although hoping to leave his post in India several months early , he was concerned for his economic prospects , and desperately searched for a new job position . Through friends in the British archaeological community , he was offered a job as the Secretary of the Royal Commission on Ancient Monuments for Wales , although he was upset that this would mean a drop in his professional status and income and decided to turn it down . Instead , he agreed to take up a chair in the Archaeology of the Roman Provinces at the Institute of Archaeology . In addition , the Pakistani Minister of Education invited him to become the Archaeological Adviser to the Pakistani government ; he agreed to also take up this position , on the condition that he would only spend several months in the country each year over the next three . \n"} +{"id": 470, "text": " Returning to London , Wheeler moved into the Hallam Street flat where his son and daughter @-@ in @-@ law were living . Wheeler and the latter disliked each other , and so in summer 1950 he moved out and began renting an apartment in Mount Street . A year later he moved into his wife 's house in Mallord Street , in an unsuccessful hope of reigniting their relationship . Taking up his part @-@ time professorship at the Institute of Archaeology , he began to lecture to students almost every day . There , he found that he developed a relationship of mutual respect with the director , Childe , despite their strong personal and professional differences . In April 1949 , after the retirement of Cyril Fox , Wheeler was nominated for the Presidency of the Society of Antiquaries , but lost to James Mann ; many archaeologists , including Childe and O. G. S. Crawford , resigned from the Society in protest , deeming Wheeler to have been a far more appropriate candidate for the position . Wheeler was nevertheless elected director of the Society . In 1950 he was awarded the Petrie Medal , and in 1952 was knighted . That same year he was invited to give the Norton lectures for the Archaeological Institute of America , and while in the United States was also awarded the Lucy Wharton Drexel medal at Pennsylvania . He nevertheless disliked the country , and in later life exhibited anti @-@ Americanism . \n Wheeler spent three months in Pakistan during early 1949 , where he was engaged in organising the fledgling Pakistani Archaeological Department with the aid of former members of the Archaeological Survey and new students whom he recruited . The Minister of Education , Fazlur Rahman , was sympathetic to Wheeler 's plans , and the government agreed to establish a National Museum of Pakistan in Karachi , which opened in April 1950 . Wheeler himself was appointed the first President of the Pakistani Museums Association , and found himself as a mediator in the arguments between India and Pakistan over the redistribution of archaeological and historic artefacts following the partition . He also wrote a work of archaeological propaganda for the newly formed state , Five Thousand Years of Pakistan ( 1950 ) . \n To instruct new Pakistani students in the methods of archaeology , in early 1950 Wheeler ran a training excavation at Mohenjo @-@ daro ; there , he was joined by the British student Leslie Alcock , who spoke both Punjabi and Urdu and who was appointed a site supervisor by Wheeler . This excavation proved to be the only one for which Wheeler would not write and publish a full excavation report . Instead , he made reference to its findings in his book The Indus Civilization , published as part of the series The Cambridge History of India . His relationship with the Pakistani government had become strained , and so he declined to return to work for them for a third year . \n Wheeler had been keen to return to excavation in Britain . Based on the one he had organised in India , Wheeler developed an archaeological training course , which he ran at Verulamium in the summer of 1949 to instruct British students in the methodologies of excavation . In summer 1950 , he was invited by the Royal Commission on Historical Monuments to direct a trial excavation at Bindon Hill in Dorset . It was a leisurely project which he treated as a seaside holiday . He was invited by the Ancient Monuments Department of the Ministry of Works to excavate the Stanwick Iron Age Fortifications in North Riding , Yorkshire , which he proceeded to do over the summers of 1951 and 1952 . Aided by many old friends and colleagues from within the British archaeological scene , he was joined by Alcock and Alcock 's wife , among others . Wheeler published his report on the site in 1954 . \n In 1949 Wheeler was appointed Honorary Secretary of the British Academy after Frederic G. Kenyon stepped down from the position . According to Piggott , the institution had \" unhappily drifted into senility without the excuse of being venerable \" , and Wheeler devoted much time attempting to revitalise the organisation and ensured that Charles Webster was appointed President . Together , Wheeler and Webster sought to increase the number of younger members of the Academy , increasing the number of Fellows who were permitted to join and proposing that those over 75 years of age not be permitted to serve on the organisation 's council ; this latter measure was highly controversial , and though defeated in 1951 , Wheeler and Webster were able to push it through in 1952 . In doing so , Piggott stated , Wheeler helped rid the society of its \" self @-@ perpetuating gerontocracy \" . To aid him in these projects , Wheeler employed a personal assistant , Molly Myers , who remained with him for the rest of his life . \n"} +{"id": 471, "text": " In 1956 , Wheeler retired from his part @-@ time professorship at the Institute of Archaeology . Childe was also retiring from his position of director that year , and Wheeler involved himself in the arguments surrounding who should replace him . Wheeler vocally opposed the nomination of W.F. Grimes , deeming his career undistinguished ; instead , he championed Glyn Daniel as a candidate , although ultimately Grimes was selected . That year , Wheeler 's marriage broke down , and he moved from his wife 's house to a former brothel at 27 Whitcomb Street in central London . From 1954 to 1959 , he served as the President of the Society of Antiquaries , and after resigning supported Ian Richmond as his replacement ; however , Joan Evans was selected . From 1964 to 1966 he served as Chairman of the Ancient Monuments Board , stepping down when he concluded that he was too old for the role . In December 1963 , Wheeler underwent a prostate operation that went wrong , and was hospitalised for over a month . In November 1967 , Wheeler became a Companion of Honour , and in 1968 he became a Fellow of the Royal Society . \n"} +{"id": 472, "text": " Wheeler became famous in Britain as \" the embodiment of popular archaeology through the medium of television \" . In 1952 , Wheeler was invited to be a panelist on the new BBC television series , Animal , Vegetable , Mineral ? . Based on the American quiz programme What in the World ? , the show was hosted by Glyn Daniel and featured three experts in archaeology , anthropology , and natural history being asked to identify artefacts which had been selected from various museums . However , Wheeler is alleged to have prepared for the show by checking beforehand which objects had been temporarily removed from display . The show proved popular with British audiences , and would air for six more years . It brought Wheeler to public attention , resulting in a Television Personality of the Year award for him in 1954 . He also appeared in an episode of Buried Treasure , an archaeology show also hosted by Daniel , in which the pair travelled to Denmark to discuss Tollund Man . In 1957 , he appeared in a second episode of Buried Treasure , for which he travelled to Pakistan to discuss that nation 's archaeology , and in 1958 again appeared in an episode , this time on the site of Great Zimbabwe in Southern Rhodesia . In 1959 he presented his own three @-@ part series on The Grandeur That Was Rome , for which he travelled to Hadrian 's Wall , Pompeii , and Leptis Magna ; the show failed to secure high ratings , and was Wheeler 's last major foray into television . Meanwhile , he also made appearances on BBC radio , initially featuring on the John Irving series The Archaeologist , but later presenting his own eight @-@ part series on Roman Britain and also appearing on the series Asian Club , which was aimed primarily at newly arrived migrants from the Indian subcontinent . \n From 1954 onward , Wheeler began to devote an increasing amount of his time to encouraging greater public interest in archaeology , and it was in that year that he obtained an agent . Oxford University Press also published two of his books in 1954 . The first was a book on archaeological methodologies , Archaeology from the Earth , which was translated into various languages . The second was Rome Beyond the Imperial Frontier , discussing evidence for Roman activity at sites like Arikamedu and Segontium . In 1955 Wheeler released his episodic autobiography , Still Digging , which had sold over 70 @,@ 000 copies by the end of the year . In 1959 , Wheeler wrote Early India and Pakistan , which was published as part as Daniel 's \" Ancient Peoples and Places \" series for Thames and Hudson ; as with many earlier books , he was criticised for rushing to conclusions . \n He authored the section entitled \" Ancient India \" for Piggott 's edited volume The Dawn of Civilisation , which was published by Thames and Hudson in 1961 , before writing an introduction for Roger Wood 's photography book Roman Africa in Colour , which was also published by Thames and Hudson . He then agreed to edit a series for the publisher , known as \" New Aspects of Antiquity \" , through which they released a variety of archaeological works . The rival publisher Weidenfeld & Nicolson had also persuaded Wheeler to work for them , securing him to write many sections of their book , of the East . They also published his 1968 book Flames Over Persopolis , in which Wheeler discussed Persopolis and the Persian Empire in the year that it was conquered by Alexander the Great . \n In 1954 , the tour company R.K. Swan invited Wheeler to provide lectures on the archaeology of ancient Greece aboard their Hellenic cruise line , which he did in 1955 . In 1957 , he then gave a guided tour of the archaeology of the Indian subcontinent for the rival tour company Fairways and Swinford . After Swans appointed him to the position of chairman of their Hellenic Cruise division , he made two fortnight tours a year , in spring and summer . In late 1969 he conducted the Swans tour to the Indian subcontinent , visiting the south and east of the republic as well as Ceylon . During this period , Wheeler had kept in contact with many of his friends and colleagues in India and Pakistan , helping to secure them work and funding where possible . \n Wheeler had continued his archaeological investigations , and in 1954 led an expedition to the Somme and Pas de Calais where he sought to obtain more information on the French Iron Age to supplement that gathered in the late 1930s . Pakistan 's Ministry of Education invited Wheeler to return to their country in October 1956 . Here , he undertook test excavations at to determine a chronology of the site . In 1965 , he agreed to take on the position of President of the Camelot Research Committee , which had been established to promote the findings of excavations at Cadbury Castle in Somerset run by his friends Ralegh Radford and Alcock ; the project ended in 1970 . He also agreed to sit as Chairman of the Archaeological Committee overseeing excavations at York Minster , work which occupied him into the 1970s . Wheeler had also continued his work with museums , campaigning for greater state funding for them . While he had become a trustee of the institution in 1963 , he achieved publicity for vocally criticising the British Museum as \" a mountainous corpse \" , lambasting it as being poorly managed and overcrowded with artefacts . The BBC staged a public debate with the museum director Frank Francis . \n"} +{"id": 473, "text": " As Honorary Secretary of the British Academy , Wheeler focused on increasing the organisation 's revenues , thus enabling it to expand its remit . He developed personal relationships with various employees at the British Treasury , and offered the Academy 's services as an intermediary in dealing with the Egypt Exploration Society , the British School at Athens , the British School at Rome , the British School at Ankara , the British School in Iraq , and the British School at Jerusalem , all of which were then directly funded independently by the Treasury . Accepting this offer , the Treasury agreed to double its funding of the Academy to £ 5 @,@ 000 a year . Approaching various charitable foundations , from 1955 Wheeler also secured funding from both the Pilgrim Trust and the Nuffield Foundation , and in 1957 then secured additional funding from the Rockefeller Foundation . \n With this additional money , the Academy was able to organise a survey of the state of the humanities and social sciences in the United Kingdom , authoring a report that was published by Oxford University Press in 1961 as Research in the Humanities and the Social Sciences . On the basis of this report , Wheeler was able to secure a dramatic rise in funding from the British Treasury ; they increased their annual grant to £ 25 @,@ 000 , and promised that this would increase to £ 50 @,@ 000 shortly after . According to his later biographer Jacquetta Hawkes , in doing so Wheeler raised the position of the Academy to that of \" the main source of official patronage for the humanities \" within the United Kingdom , while Piggott stated that he set the organisation upon its \" modern course \" . \n To improve Britain 's cultural influence abroad , Wheeler had been urging the establishment of a British Institute of History and Archaeology in East Africa , touring East Africa itself in August 1955 . In 1956 the Academy requested £ 6 @,@ 000 from the Treasury to fund this new institution , to which they eventually agreed in 1959 . The Institute was initially established in Dar es Salaam in 1961 , although later relocated to Nairobi . Meanwhile , Wheeler had also been campaigning for the establishment of a British Institute of Persian Studies , a project which was supported by the British Embassy in Tehran ; they hoped that it would rival the successful French Institute in the city . In 1960 , the Treasury agreed , with the new institution being housed on the premises of the University of Tehran . He further campaigned for the establishment of a British Institute in Japan , although these ideas were scrapped amid the British financial crisis of 1967 . \n Wheeler retained an active interest in the running of these British institutions abroad ; in 1967 he visited the British School in Jerusalem amid the Six @-@ Day War between Israel and its Arab neighbours , and in January 1968 visited the Persian institute with the archaeologist Max Mallowan and Mallowan 's wife Agatha Christie , there inspecting the excavations at Siraf . In 1969 he proceeded to the Italian city of Rome to inspect the British School there . That year , he resigned as Honorary Secretary of the Academy . The position became a salaried , professional one , with the numismatist Derek Allen taking on the position . \n Recognising his stature within the archaeological establishment , the government appointed Wheeler as the British representative on a UNESCO project to undertake a programme of rescue archaeology in the Nile Valley ahead of the construction of the Aswan Dam , which was going to flood large areas of Egypt and Sudan . Personally securing UK funding for the project , he deemed it an issue of national and personal shame when he was unable to persuade the British government to supply additional funding for the relocation of the Abu Simbel temples . In October 1968 , he took part in a UNESCO visit to Pakistan to assess the state of Mohenjo @-@ daro , writing the project 's report on how the archaeological site could best be preserved . His involvement with UNESCO continued for the rest of his life , and in March 1973 he was invited to the organisation 's conference in Paris . \n"} +{"id": 474, "text": " During his final years , Wheeler remained involved in various activities , for instance sitting on the advisory panel of the Antiquity journal and the Management Committee of the Royal Archaeological Institute . In March 1971 , the archaeologist Barry Cunliffe and a number of his undergraduate students at the University of Southampton organised a conference on the subject of \" The Iron Age and its Hillforts \" to celebrate Wheeler 's eightieth birthday . Wheeler attended the event , whose conference proceedings were published as a festschrift for the octogenarian . In spring 1973 , Wheeler returned to BBC television for two episodes of the archaeology @-@ themed series Chronicle in which he discussed his life and career . The episodes were well received , and Wheeler became a close friend of the show 's producer , David Collison . \n In the 1970s , Wheeler became increasingly forgetful and came to rely largely on his assistant , Molly Myres , to organise his affairs . Amid increasing ill health , in September 1973 he moved full @-@ time into Myres 's house in Leatherhead , Surrey , although he continued to use his central London flat during day @-@ trips to the city . There , he authored a final book , My Archaeological Mission to India and Pakistan , although much of the text was culled from his previous publications ; it was published by Thames and Hudson in 1976 . After suffering a stroke , Wheeler died at Myers ' home on 22 July 1976 . In memoriam , the British Academy , Royal Academy , and Royal Society flew their flags at half @-@ mast . Wheeler 's funeral was held with military trappings at a local crematorium , while a larger memorial service was held in St James 's Church , Piccadilly in November . \n"} +{"id": 475, "text": " Wheeler was known as \" Rik \" among friends . He divided opinion among those who knew him , with some loving and others despising him , and during his lifetime he was often criticised on both scholarly and moral grounds . The archaeologist Max Mallowan asserted that he \" was a delightful , light @-@ hearted and amusing companion , but those close to him knew that he could be a dangerous opponent if threatened with frustration \" . His charm offensives were often condemned as being insincere . During excavations , he was known as an authoritarian leader , but favoured those whom he thought exhibited bravery by standing up to his authority . Hence , he has been termed \" a benevolent dictator \" . He was meticulous in his writings , and would repeatedly revise and rewrite both pieces for publication and personal letters . Throughout his life , he was a heavy smoker . \n Wheeler expressed the view that he was \" the least political of mortals \" . Despite not taking a strong interest in politics , Wheeler was described by his biographer as \" a natural conservative \" ; for instance , during his youth he was strongly critical of the Suffragettes and their cause of greater legal rights for women . Nevertheless , he was \" usually happy to advance young women professionally \" , something that may have been based largely on his sexual attraction toward them . He expressed little interest in his relatives ; in later life he saw no reason to have a social relationship with people purely on the basis of family ties . \n Wheeler was married three times . In May 1914 , Wheeler married Tessa Verney . Tessa became an accomplished archaeologist , and they collaborated until she died in 1936 . Their only child , a son Michael , was born in January 1915 ; he became a barrister . Following Tessa 's death , in 1939 , Wheeler married Mavis de Vere Cole , although their relationship was strained ; Cole 's diaries revealed that Wheeler physically hit her when she annoyed him . In 1945 Mortimer Wheeler married his third wife , Margaret \" Kim \" Collingridge , although they became estranged in 1956 ; they never divorced as a result of her devout Catholicism . Meanwhile , Wheeler was well known for his conspicuous promiscuity , favouring young women for one night stands , many of whom were his students . He was further known for having casual sex in public places . This behaviour led to much emotional suffering among his various wives and mistresses , of which he was aware . As a result of this behaviour , later archaeologist Gabriel Moshenska informed a reporter from the Daily Mail that Wheeler had developed a reputation as \" a bit of a groper and a sex pest and an incredible bully as well \" . \n"} +{"id": 476, "text": " Wheeler has been termed \" the most famous British archaeologist of the twentieth century \" by archaeologists Gabriel Moshenska and Tim Schadla @-@ Hall . Highlighting his key role in encouraging interest in archaeology throughout British society , they stated that his \" mastery of public archaeology was founded on his keen eye for value and a showman 's willingness to package and sell the past \" . This was an issue about which Wheeler felt very strongly ; writing his obituary for the Biographical Memoirs of Fellows of the Royal Society , the English archaeologist Stuart Piggott noted that Wheeler placed \" great importance to the archaeologist 's obligation to the public , on whose support the prosecution of his subject ultimately depended . \" \n Piggott believed that Wheeler 's greatest impact was as \" the great innovator in field techniques \" , comparing him in this respect to Pitt @-@ Rivers . Piggott stated that the \" importance of Wheeler 's contribution to archaeological technique , enormous and far @-@ reaching , lies in the fact that in the early 1920s he not only appreciated and understood what Pitt @-@ Rivers had done , but saw that his work could be used as a basis for adaptation , development and improvement . \" L. C. Carr stated that it was for his methodological developments , oft termed \" the Wheeler Method \" , that Wheeler was best known ; in this she contrasted him with those archaeologists who were best known for their associations with a specific archaeological site , such as Arthur Evans and Knossos or Leonard Woolley and Ur . \n Wheeler was well known for his publications on archaeological matters ; Carr stated that both Wheeler and his first wife emphasised \" technical rigour and a full presentation of materials unearthed , as well as a literary discussion of their meaning calculated to appeal to a larger audience . \" Focusing on Wheeler 's publications regarding South Asian archaeology , Sudeshna Guha noted that he \" produced an assemblage of image @-@ objects that embodied the precision he demanded from excavation photography . \" Mallowan noted that \" Immediate and swift presentation of results was more important to him than profound scholarship , although his critical sense made him conscious that it was necessary to maintain high standards and he would approve of nothing that was slipshod . \" Jacquetta Hawkes commented that he made errors in his interpretation of the archaeological evidence because he was \" sometimes too sure of being right , too ready to accept his own authority \" . She asserted that while Wheeler was not an original thinker , he had \" a vision of human history that enabled him to see each discovery of its traces , however small , in its widest significance . \" \n Piggott claimed that Wheeler 's appointment as Director @-@ General of the Archaeological Survey of India represented \" the most remarkable archaeological achievement of his career , an enormous challenge accepted and surmounted in the autocratic and authoritarian terms within which he could best deploy his powers as administrator and excavator . No other archaeologist of the time , it seems fair to remark , could have come near to attaining his command of incisive strategy and often ruthless tactics which won him the bewildered admiration and touching devotion of his Indian staff . \" The Indian archaeologist Dilip K. Chakrabarti later stated that Wheeler 's accomplishments while in India were \" considerable \" , particularly given the socio @-@ political turmoil of independence and partition . Chakrabarti stated that Wheeler had contributed to South Asian archaeology in various ways : by establishing a \" total view \" of the region 's development from the Palaeolithic onward , by introducing new archaeological techniques and methodologies to the subcontinent , and by encouraging Indian universities to begin archaeological research . Ultimately , Chakrabarti was of the opinion that Wheeler had \" prepared the archaeology of the subcontinent for its transition to modernity in the post @-@ Partition period . \" Similarly , Peter Johansen praised Wheeler for systematising and professionalising Indian archaeology and for \" instituting a clearly defined body of techniques and methods for field and laboratory work and training . \" \n On Wheeler 's death , H.D. of Deccan College , Pune , described him as \" well known among Old World archaeologists in the United States \" , particularly for his book Archaeology from the Earth and his studies of the Indus Valley Civilisation . In its 2013 obituary of the English archaeologist Mick Aston , British Archaeology magazine – the publication of the Council for British Archaeology – described Aston as \" the Mortimer Wheeler of our times \" because despite the strong differences between their personalities , both had done much to bring archaeology to the British public . However , writing in 2011 , Moshenska and Schadla @-@ Hall asserted that Wheeler 's reputation has not undergone significant revision among archaeologists , but that instead he had come to be remembered as \" a cartoonish and slightly eccentric figure \" whom they termed \" Naughty Morty \" . Carr described the Institute of Archaeology as \" one of the [ Wheeler ] couple 's most permanent memorials . \" \n"} +{"id": 477, "text": " In 1960 , Ronald William Clark published a biography titled Sir Mortimer Wheeler . FitzRoy Somerset , 4th Baron Raglan reviewed the volume for the journal Man , describing \" this very readable little book \" as being \" adulatory \" in tone , \" but hardly more so than its subject deserves . \" In 1982 , the archaeologist Jacquetta Hawkes published a second biography , Mortimer Wheeler : Adventurer in Archaeology . Hawkes admitted she had developed \" a very great liking \" for Wheeler , having first met him when she was an archaeology student at the University of Cambridge . She believed that he had \" a daemonic energy \" , with his accomplishments in India being \" almost superhuman \" . Ultimately , she thought of him as being \" an epic hero in an anti @-@ heroic age \" in which growing social egalitarianism had stifled and condemned aspects of his greatness . \n In the 2000 film Hey Ram , the lead character , Saket Ram ( played by Kamal Haasan ) and his friend , Amjad Khan ( played by Shah Rukh Khan ) are shown as employees of Wheeler , who was portrayed by Lewis K. , before the 1947 Hindu @-@ Muslim riots . In a 2003 volume of the South Asian Studies journal , Sudeshna Gusha published a research article examining Wheeler 's use of photography in his excavations and publications in the Indian subcontinent . In 2011 , the academic journal Public Archaeology published a research paper by Moshenska and Schadla @-@ Hall that analysed Wheeler 's role in presenting archaeology to the British public . Two years later , the Papers from the Institute of Archaeology issued a short comic strip by Moshenska and Alex depicting Wheeler 's activities in studying the archaeology of Libya during World War II . \n"} +{"id": 478, "text": " There have been a number of potential species assigned to the carnosaurian dinosaur genus Allosaurus since its description in 1877 by Othniel Charles Marsh , but only a handful are still regarded as valid . Allosaurus was originally described from material from the Upper Jurassic Morrison Formation of the western United States of America ; the type species A. fragilis became one of the best @-@ known species of dinosaur . \n The genus Allosaurus was part of the Marsh / Cope \" Bone Wars \" of the late 19th century , and its taxonomy became increasingly confused due to the competition , with several genera and species named by Cope and Marsh now regarded as synonyms of Allosaurus or A. fragilis . Since the description of Allosaurus , scientists have proposed additional species from such far @-@ flung locales as Portugal , Siberia , and Tanzania . \n"} +{"id": 479, "text": " The issue of synonyms is complicated by the type specimen of Allosaurus fragillis ( catalogue number YPM 1930 ) being extremely fragmentary , consisting of a few incomplete vertebrae , limb bone fragments , rib fragments , and a tooth . Because of this , several scientists have noted that the type specimen , and thus the genus Allosaurus itself or at least the species A. fragillis , is technically a nomen dubium ( \" dubious name \" , based on a specimen too incomplete to compare to other specimens or to classify ) . In an attempt to fix this situation , Gregory S. Paul and Kenneth Carpenter ( 2010 ) submitted a petition to the ICZN to have the name A. fragillis officially transferred to the more complete specimen ( as a neotype ) . This request is currently pending review . \n"} +{"id": 480, "text": " It is unclear how many species of Allosaurus there were . Eight species have been considered potentially valid since 1988 ( A. amplexus , A. atrox , A. europaeus , the type species A. fragilis , the as @-@ yet not formally described \" A. jimmadseni \" , A. lucasi , A. maximus , and A. tendagurensis ) , although only about half are usually considered valid at any given time . There are also at least ten dubious or undescribed species that have been assigned to Allosaurus over the years , along with the species belonging to genera now sunk into Allosaurus . In the most recent review of basal tetanuran theropods , only A. fragilis ( including A. amplexus and A. atrox ) , \" A. jimmadseni \" ( as an unnamed species ) , and A. tendagurensis were accepted as potentially valid species , with A. europaeus not yet proposed and A. maximus assigned to Saurophaganax . \n A. fragilis is the type species and was named by Marsh in 1877 . It is known from the remains of at least sixty individuals , all found in the Kimmeridgian – Tithonian Upper Jurassic @-@ age Morrison Formation of the United States , spread across the states of Colorado , Montana , New Mexico , Oklahoma , South Dakota , Utah , and Wyoming . Details of the humerus ( upper arm ) of A. fragilis have been used as diagnostic among Morrison theropods , but the discovery of \" A. jimmadseni \" indicates that this will no longer be the case at the species level . \n A. amplexus was named by Gregory S. Paul for giant Morrison allosaur remains , and included in his conception maximus ( later Saurophaganax ) . A. amplexus was originally coined by Cope in 1878 as the type species of his new genus Epanterias , and is based on what is now AMNH 5767 , parts of three vertebrae , a coracoid , and a metatarsal . Following Paul 's work , this species has been accepted as a synonym of A. fragilis . \n Allosaurus material from Portugal was first reported in 1999 on the basis of / , a partial skeleton including a quadrate , vertebrae , ribs , gastralia , chevrons , part of the hips , and hindlimbs . This specimen was assigned to A. fragilis , but the subsequent discovery of a partial skull and neck ( ML 415 ) near Lourinhã , in the Kimmeridgian @-@ age Porto Novo Member of the Lourinhã Formation , spurred the naming of the new species A. europaeus . It differs from other species of Allosaurus in cranial details . However , more material may show it to be A. fragilis , as originally described . \n Daniel Chure 's work on Morrison allosaurid remains has been responsible , directly or indirectly , for \" A. jimmadseni \" and A. maximus . \" A. jimmadseni \" is the proposed name for a new species of Morrison allosaur , based on a nearly complete skeleton and skull . A. sp . 2 , as it is also known , differs from A. fragilis in several anatomical details including a jugal or cheekbone with a straight lower margin , and is also found only in the Salt Wash Member of the Morrison Formation , with A. fragilis only present in the higher Brushy Basin Member . A. maximus was coined by David K. Smith for Chure 's Saurophaganax maximus , a taxon created by Chure in 1995 for giant allosaurid remains from the Morrison of Oklahoma . These remains had been known as , but that name was already in use , leading Chure to propose a substitute . Smith , in his 1998 analysis of variation , concluded that S. maximus was not different enough from Allosaurus to be a separate genus , but did warrant its own species , A. maximus . This reassignment was rejected in the most recent review of basal . \n"} +{"id": 481, "text": " The perception that there were two common Allosaurus species in the Morrison Formation was popularized in Gregory S. Paul 's 1988 book Predatory Dinosaurs of the World . Paul proposed that A. fragilis had tall pointed horns and a slender build compared to a postulated second species A. atrox , and was not a different gender due to rarity . Allosaurus atrox was originally named by Marsh in 1878 as the type species of its own genus , Creosaurus , and is based on YPM 1890 , an assortment of bones including a couple of pieces of the skull , portions of nine tail vertebrae , two hip vertebrae , an , and ankle and foot bones . Although the idea of two common Morrison allosaur species has had support in semi @-@ technical and popular works , it has generally been rejected in the technical literature . \n David K. Smith , examining Allosaurus fossils by quarry , found that the Cleveland Lloyd Dinosaur Quarry ( Utah ) specimens are generally smaller than those from Como Bluff ( Wyoming ) or Brigham Young University 's Dry Mesa Quarry ( Colorado ) , but the shapes of the bones themselves did not vary between the sites . A later study by Smith incorporating Garden Park ( Colorado ) and Dinosaur National Monument ( Utah ) specimens found no justification for multiple species based on skeletal variation ; skull variation was most common and was gradational , suggesting individual variation was responsible . Further work on size @-@ related variation again found no consistent differences , although the Dry Mesa material tended to clump together on the basis of the astragalus , an ankle bone . Kenneth Carpenter , using skull elements from the Cleveland Lloyd site , found wide variation between individuals , calling into question previous species @-@ level distinctions based such features as the shape of the horns , and the proposed differentiation of \" A. jimmadseni \" based on the shape of the jugal . \n"} +{"id": 482, "text": " A number of species assigned to Allosaurus are no longer recognized as valid , for one reason or another . Species \" A. agilis \" , seen in Zittel , 1887 , and Osborn , 1912 , is a typographical error for A. fragilis . Marsh 's A. ferox ( 1896 ; not to be confused with his 1884 Labrosaurus ferox , also part of Allosaurus taxonomy ) was coined for a partial skull in a footnote , and has been recognized as a specimen of A fragilis . A. lucaris , another Marsh name , was given to a partial skeleton in 1878 . He later decided it warranted its own genus , Labrosaurus , but this has not been accepted , and A. lucaris is also regarded as another specimen of A. fragilis . Allosaurus lucaris , is known mostly from vertebrae , sharing characters with Allosaurus . Paul and Carpenter stated that the type specimen of this species , YPM 1931 , was from a younger age than Allosaurus , and might represent a different genus . However , they found that the specimen was , and thus A. lucaris was a nomen dubium . \" A. \" , an informally described species coined by Pickering in 1996 , is a recasting of the A. atrox versus A. fragilis debate using a better specimen to represent the A. atrox form , and has not been recognized . \n Several species coined in genera other than Allosaurus are also now thought to be synonymous with A. fragilis . Labrosaurus ferox was named in 1884 by Marsh for an oddly formed partial lower jaw , with a prominent gap in the tooth row at the tip of the jaw , and a rear section greatly expanded and turned down . Later researchers suggested that the bone was pathologic , showing an injury to the living animal , and that part of the unusual form of the rear of the bone was due to plaster reconstruction . It is recognized as most likely a specimen of A. fragilis . Allosaurus valens is a typo for Antrodemus valens accidentally used by Friedrich von Huene in 1932 ; Antrodemus valens itself may also pertain to Allosaurus fragilis , as Gilmore suggested in 1920 . , based on a scrap of vertebra Marsh first thought to be a mammalian jaw , may or may not be the same as Allosaurus . \n"} +{"id": 483, "text": " Several species initially classified within or referred to Allosaurus do not belong within the genus . A. medius was named by Marsh in 1888 for \" various specimens \" from the Early Cretaceous of Maryland , although most of the remains were removed by Richard Swann Lull to the new ornithopod species Dryosaurus grandis , except for a tooth . Gilmore considered the tooth nondiagnostic but transferred it to a new species , Dryptosaurus medius . The referral was not accepted in the most recent review , and Allosaurus medius was simply listed as a dubious species of theropod . Allosaurus sibiricus was described in 1914 by A. N. Riabinin on the basis of a bone , later identified as a partial fourth metatarsal , from the Early Cretaceous of , Russia . It was transferred to in 1990 . \n Allosaurus meriani was described in 1870 by as a species of Megalosaurus , based on a tooth from the Late Jurassic of Switzerland . It has occasionally been referred to Allosaurus , but recent reviews have listed it as dubious theropod species Megalosaurus meriani , or included it in Ceratosaurus sp . Allosaurus stechowi was described in 1920 by Janensch as Labrosaurus stechowi for isolated Ceratosaurus @-@ like teeth from the Tendaguru beds of Tanzania . With the synonymization of Labrosaurus and Allosaurus , Donald F. Glut listed it as a species of Allosaurus , but it is now either assigned to Ceratosaurus sp. or considered a dubious ceratosaurian . \n There are also several species left over from the of Creosaurus and Labrosaurus with Allosaurus . Creosaurus potens was named by Lull in 1911 for a vertebra from the Early Cretaceous of Maryland . It is now regarded as a dubious theropod . Labrosaurus fragilis is a typographical error by Marsh ( 1896 ) for Labrosaurus ferox . L. sulcatus , named by Marsh in 1896 for a Morrison theropod tooth , which like L. stechowi is now regarded as either Ceratosaurus sp. or a dubious ceratosaurian . \n A. tendagurensis was named in 1925 by Werner Janensch for a partial shin ( HM 67 ) found in the Kimmeridgian @-@ age rocks of Tendaguru , in Mtwara , Tanzania . This species has not had strong support in recent years , with opinions on its identity ranging from a tentatively valid species of Allosaurus , to a basal tetanuran . The most recent analysis has placed it in Carcharodontosauridae . Although obscure , it was a large theropod , possibly around 10 meters long ( 33 ft ) and 2 @.@ 5 metric tons ( 2 @.@ 8 short tons ) in weight . \n"} +{"id": 484, "text": " Kurzanov and colleagues in 2003 designated six teeth from Siberia as Allosaurus sp . ( meaning the authors found the specimens to be most like those of Allosaurus , but did not or could not assign a species ) . Also , reports of Allosaurus in Shanxi , China go back to at least 1982 . \n An astragalus ( ankle bone ) thought to belong to a species of Allosaurus was found at Cape Paterson , Victoria in Early Cretaceous beds in southeastern Australia . It was thought to provide evidence that Australia was a refugium for animals that had gone extinct elsewhere . This identification was challenged by Samuel Welles , who thought it more resembled that of an ornithomimid , but the original authors defended their identification . With fifteen years of new specimens and research to look at , Daniel Chure reexamined the bone and found that it was not Allosaurus , but could represent an allosauroid . Similarly , Yoichi Azuma and Phil Currie , in their description of , noted that the bone closely resembled that of their new genus . This specimen is sometimes referred to as \" Allosaurus robustus \" , an informal museum name . It may have belonged to something similar to , or the same as , , or it may represent an abelisaur . A speculative \" polar \" or \" dwarf allosaur \" was used for the \" Spirits of the Ice Forest \" episode of Walking with Dinosaurs . \n"} +{"id": 485, "text": " Astraeus hygrometricus , commonly known as the hygroscopic earthstar , the barometer earthstar , or the false earthstar , is a species of fungus in the Diplocystaceae family . Young specimens resemble a puffball when young and unopened . In maturity , the mushroom displays the characteristic earthstar shape that is a result of the outer layer of fruit body tissue splitting open in a star @-@ like manner . The false earthstar is an ectomycorrhizal species that grows in association with various trees , especially in sandy soils . A. hygrometricus has a cosmopolitan distribution , and is common in temperate and tropical regions . Its common names refer to the fact that it is hygroscopic ( water @-@ absorbing ) , and can open up its rays to expose the spore sac in response to increased humidity , and close them up again in drier conditions . The rays have an irregularly cracked surface , while the spore case is pale brown and smooth with an irregular slit or tear at the top . The gleba is white initially , but turns brown and powdery when the spores mature . The spores are reddish @-@ brown , roughly spherical with minute warts , measuring 7 @.@ 5 – 11 micrometers in diameter . \n Despite a similar overall appearance , A. hygrometricus is not related to the true earthstars of genus Geastrum , although historically , they have been taxonomically confused . The species was first described by Christiaan Hendrik Persoon in 1801 as Geastrum hygrometricus . In 1885 , Andrew P. Morgan proposed that differences in microscopic characteristics warranted the creation of a new genus Astraeus distinct from Geastrum ; this opinion was not universally accepted by later authorities . Several Asian populations formerly thought to be A. hygrometricus were renamed in the 2000s once phylogenetic analyses revealed they were unique Astraeus species , including A. asiaticus and A. odoratus . Research has revealed the presence of several bioactive chemical compounds in the fruit bodies . North American field guides typically rate A. hygrometricus as inedible . \n"} +{"id": 486, "text": " Because this species resembles the earthstar fungi of Geastrum , it was placed in that genus by early authors , starting with Christian Hendrik Persoon in 1801 ( as Geaster , an alternate spelling of Geastrum ) . According to the American botanist Andrew P. Morgan , however , the species differed from those of Geastrum in not having open chambers in the young gleba , having larger and branched capillitium threads , not having a true hymenium , and having larger spores . Accordingly , Morgan set Persoon 's Geaster as the type species of his new genus Astraeus in 1889 . Despite Morgan 's publication , some authorities in the following decades continued to classify the species in Geastrum . The New @-@ Zealand based mycologist Gordon Herriot Cunningham explicitly transferred the species back to the genus Geastrum in 1944 , explaining : \n The treatment of this species by certain taxonomists well illustrates the pitfalls that lie in wait for those who worship at the shrine of classification ... The only feature of those outlined in which the species differs from others of Geastrum is the somewhat primitive hymenium . In the developing plant the glebal cavities are separated by tramal plates so tenuous as to be overlooked by the uncritical worker . Each cavity is filled with basidia somewhat irregularly arranged in clusters ( like those of Scleroderma ) and not in the definite palisade of the species which have been studied . This difference disappears as maturity is reached , when plants resemble closely the fructification of any other member of the genus . The taxonomist is then unable to indicate any point of difference by which \" Astraeus \" may be separated from Geastrum , which indicates that the name should be discarded . \n Cunningham 's treatment was not followed by later authorities , who largely considered Astraeus a distinct genus . According to the taxonomical authority MycoBank , synonyms of Astraeus hygrometricus include Lycoperdon stellatus Scop . ( 1772 ) ; Geastrum . ( 1822 ) ; Geastrum ( Scop . ) . ( 1885 ) ; and Astraeus stellatus E.Fisch. ( 1900 ) . \n Astraeus hygrometricus has been given a number of colloquial names that allude to its hygroscopic behavior , including the \" hygrometer earthstar \" , the \" hygroscopic earthstar \" , the \" barometer earthstar \" , and the \" water @-@ measure earthstar \" . The resemblance to Geastrum species ( also known as true earthstars ) accounts for the common name \" false earthstar \" . The specific name is derived from the Greek words ( ) \" wet \" and ( ) \" measure \" . The German Mycological Society selected the species as their \" Mushroom of the Year \" in 2005 . \n Studies in the 2000s showed that several species from Asian collection sites labelled under the specific epithet hygrometricus were actually considerably variable in a number of macroscopic and microscopic characteristics . Molecular studies of the DNA sequences of the ITS region of the ribosomal DNA from a number of Astraeus specimens from around the world have helped to clarify phylogenetic relationships within the genus . Based on these results , two Asian \" hygrometricus \" populations have been described as new species : A. asiaticus and A. odoratus ( synonymous with 's A. thailandicus described in 2003 ) . Preliminary DNA analyses suggests that the European A. hygrometricus described by Persoon is a different species than the North American version described by Morgan , and that the European population may be divided into two distinct , from France and from the Mediterranean . A 2010 study identified a Japanese species , previously identified as A. hygrometricus , as genetically distinct ; it has yet to be officially named . \n A form of the species found in Korea and Japan , A. hygrometricus var. koreanus , was named by in 1958 ; it was later ( 1976 ) published as a distinct species — A. koreanus — by Hanns Kreisel . As pointed out by and colleagues , clarification of the proper name for this taxon must await analysis of A. hygrometricus var. koreanus specimens from the type locality in North Korea . \n"} +{"id": 487, "text": " Young specimens of A. hygrometricus have roughly spherical fruit bodies that typically start their development partially embedded in the substrate . A smooth whitish mycelial layer covers the fruit body , and may be partially encrusted with debris . As the fruit body matures , the mycelial layer tears away , and the outer tissue layer , the exoperidium , breaks open in a star @-@ shaped ( stellate ) pattern to form 4 – 20 irregular \" rays \" . This simultaneously pushes the fruit body above ground to reveal a round spore case enclosed in a thin papery endoperidium . The rays open and close in response to levels of moisture in the environment , opening up in high humidity , and closing when the air is dry . This is possible because the exoperidium is made of several different layers of tissue ; the innermost , fibrous layer is hygroscopic , and curls or the entire ray as it loses or gains moisture from its surroundings . This adaptation enables the fruit body to disperse spores at times of optimum moisture , and reduce evaporation during dry periods . Further , dry fruit bodies with the rays curled up may be readily blown about by the wind , allowing them to scatter spores from the pore as they roll . \n The fruit body is 1 – 8 cm ( 0 @.@ 4 – 3 @.@ 1 in ) in diameter from tip to tip when expanded . The exoperidium is thick , and the rays are typically areolate ( divided into small areas by cracks and crevices ) on the upper surface , and are dark grey to black . The spore case is sessile ( lacking a stalk ) , light gray to tan color and 1 to 3 cm ( 0 @.@ 4 to 1 @.@ 2 in ) broad with a felt @-@ like or scurfy ( coated with loose scaly crust ) surface ; the top of the spore case is opened by an irregular slit , tear or pore . The interior of the spore case , the gleba , is white and solid when young , and divided into oval locules — a characteristic that helps to distinguish it from Geastrum . The gleba becomes brown and powdery as the specimen matures . Small dark hairlike threads ( rhizomorphs ) extend from the base of the fruit body into the substrate . The rhizomorphs are fragile , and often break off after maturity . \n The spores are spherical or nearly so , reddish @-@ brown , thick @-@ walled and verrucose ( covered with warts and spines ) . The spores ' dimensions are 7 – 11 µm ; the warts are about 1 µm long . The spores are non @-@ amyloid , and will not stain with iodine from Melzer 's reagent . The use of scanning electron microscopy has shown that the spines are 0 @.@ 90 – 1 @.@ 45 µm long , rounded at the tip , narrow , tapered , and sometime joined together at the top . The capillitia ( masses of thread @-@ like sterile fibers dispersed among the spores ) are branched , 3 @.@ 5 – 6 @.@ 5 µm in diameter , and hyaline ( translucent ) . The basidia ( spore @-@ bearing cells ) are four- to eight @-@ spored , with very short sterigmata . The basidia are arranged in long strings of clusters ; individual basidia measure 11 – 15 by 18 – 24 µm . The threads of the capillitia arise from the inner surface of the peridium , and are thick @-@ walled , long , interwoven , and branched , measuring 3 – 5 @.@ 5 µm thick . The exoperidium ( the outer layer of tissue , comprising the rays ) is made of four distinct layers of tissue : the mycelial layer contains branched hyphae that are 4 – 6 μm in diameter ; the hyphae of the fibrous layer are 6 – 8 μm diameter and branched ; the @-@ type layer has branched hyphae of 3 – 4 μm diameter ; the soft layer contains hyphae that are 3 – 6 μm in diameter . \n"} +{"id": 488, "text": " North American sources describe A. hygrometricus as being of either unknown edibility , or too tough to be edible . However , they are regularly consumed in Asia , including Nepal and South Bengal , where \" local people consume them as delicious food \" . They are collected from the wild and sold in the markets of India . \n A study of a closely related southeast Asian Astraeus species concluded that the fungus contained an abundance of volatile eight @-@ carbon compounds ( including 1 @-@ octanol , 1 @-@ octen @-@ 3 @-@ ol , and 1 @-@ octen @-@ 3 @-@ one ) that imparted a \" mushroom @-@ like , earthy , and pungent odor that was evident as an oily and moss @-@ like smell upon opening the caps \" . The study 's authors further noted that the fruit bodies after cooking have a \" roasted , , herbal , and oily flavor \" . Volatile compounds detected after cooking the mushroom samples included furfural , benzaldehyde , , and compounds . The regional differences in opinions on edibility are from sources published before it was known that North American and Asian versions of A. hygrometricus were not always the same ; in some cases Asian specimens have been identified as new species , such as A. asiaticus and A. odoratus . \n"} +{"id": 489, "text": " Although A. hygrometricus bears a superficial resemblance to member of the \" true earthstars \" Geastrum , it may be readily differentiated from most by the hygroscopic nature of its rays . earthstars include G. , G. , G. , G. , and G. . Unlike Geastrum , the young fruit bodies of A. hygrometricus do not have a columella ( sterile tissue in the gleba , at the base of the spore sac ) . Geastrum tends to have its spore sac opening surrounded by a peristome or a disc , in contrast with the single slit of A. hygrometricus . There are also several microscopic differences : in A. hygrometricus , the basidia are not arranged in parallel columns , the spores are larger , and the threads of the capillitia are branched and continuous with the hyphae of the peridium . Despite these differences , older specimens can be difficult to distinguish from Geastrum in the field . One species of Geastrum , G. , does have thick and brittle rays that are moderately hygroscopic , and could be confused with A. hygrometricus ; however , its spores are smaller than A. hygrometricus , typically about 4 µm in diameter . \n Astraeus is larger , 5 to 15 cm ( 2 @.@ 0 to 5 @.@ 9 in ) or more when expanded , and often has a more pronounced areolate pattern on the inner surface of the rays . It is found in North America and the Canary Islands . A. asiaticus and A. odoratus are two similar species known from throughout Asia and Southeast Asia , respectively . A. odoratus is distinguished from A. hygrometricus by a smooth outer mycelial layer with few adhering soil particles , 3 – 9 broad rays , and a fresh odor similar to moist soil . The spore ornamentation of A. odoratus is also distinct from A. hygrometricus , with longer and narrower spines that often joined together . A. asiaticus has an outer peridial surface covered with small granules , and a gleba that is purplish @-@ chestnut in color , compared to the smooth peridial surface and brownish gleba of A. hygrometricus . The upper limit of the spore size of A. asiaticus is larger than that of its more common relative , ranging from 8 @.@ 75 – 15 @.@ 2 μm . A. koreanus ( sometimes named as the variety A. hygrometricus var. koreanus ; see Taxonomy ) differs from the more common form in its smaller size , paler fruit body , and greater number of rays ; microscopically , it has smaller spores ( between 6 @.@ 8 and 9 μm in diameter ) , and the spines on the spores differ in length and morphology . It is known from Korea and Japan . \n"} +{"id": 490, "text": " Astraeus hygrometricus is an ectomycorrhizal fungus and grows in association with a broad range of tree species . The mutualistic association between tree roots and the mycelium of the fungus helps the trees extract nutrients ( particularly phosphorus ) from the earth ; in exchange , the fungus receives carbohydrates from photosynthesis . In North America , associations with oak and pine are usual , while in India , it has been noted to grow commonly with pine ( Pinus ) and sal ( Shorea robusta ) . The false earthstar is found on the ground in open fields , often scattered or in groups , especially in nutrient @-@ poor , sandy or loamy soils . It has also been reported to grow on rocks , preferring acid substrates like slate and granite , while avoiding substrates rich in lime . In Nepal , fruit bodies have been collected at elevations of 3 @,@ 000 m ( 9 @,@ 800 ft ) . Fruit bodies typically appear in autumn , although the dry fruit bodies are persistent and may last up to several years . is a fungus with minute , gelatinous , pulvinate ( cushion @-@ shaped ) apothecia , known to grow only on the inner surface of the rays of dead Astraeus species , including A. hygrometricus . \n The species has a cosmopolitan distribution except for arctic , alpine and cold temperate regions ; it is common in temperate and tropical regions of the world . It has been collected in Africa , Asia , Australia , Europe , North America , and South America . \n"} +{"id": 491, "text": " Mushroom polysaccharides from a number of species have attracted research interest for their and antitumor properties . Extracts from A. hygrometricus containing the polysaccharide named AE2 were found to inhibit the growth of several tumor cell lines in laboratory tests , and stimulated the growth of , , and bone marrow cells from mice . The extract also stimulated mouse cells associated with the immune system ; specifically , it enhanced the activity of mouse natural killer cells , stimulated macrophages to produce nitric oxide , and enhanced production of cytokines . The activation of macrophages by AE2 might be mediated by a mitogen @-@ activated protein kinase pathway of signal transduction . AE2 is made of the simple sugars mannose , glucose , and in a 1 : 2 : 1 ratio . \n In addition to the previously known steroid compounds ergosta @-@ 7 @,@ 22 @-@ diene @-@ 3 @-@ ol acetate and ergosta @-@ ( 14 ) , 22 @-@ tetraene @-@ 3 @-@ one , three unique triterpenes — derivatives of 3 @-@ hydroxy @-@ — have been isolated from fruit bodies of A. hygrometricus . The compounds , named , 3 @-@ epi @-@ , and ( 3 @-@ oxo @-@ 25S @-@ @-@ 8 @-@ @-@ 26 @,@ 22 @-@ lactone ) , have δ @-@ lactone ( a six @-@ membered ring ) in the side chain — a chemical feature previously unknown in the Basidiomycetes . A previously unknown ester ( 3β , 5α @-@ ( 22E , 24R ) @-@ 7 @,@ 22 @-@ dien @-@ @-@ yl palmitate ) has been isolated from mycelia grown in liquid culture . The compound has a @-@ type nucleus . \n Ethanol extracts of the fruit body are high in antioxidant activity , and have been shown in laboratory tests to have anti @-@ inflammatory activity comparable to the drug diclofenac . Studies with mouse models have also demonstrated ( liver @-@ protecting ) ability , possibly by restoring diminished levels of the antioxidant enzymes superoxide dismutase and catalase caused by experimental exposure to the liver @-@ damaging chemical carbon tetrachloride . \n"} +{"id": 492, "text": " This earthstar has been used in traditional Chinese medicine as a hemostatic agent ; the spore dust is applied externally to stop wound bleeding and reduce chilblains . Two Indian forest tribes , the and the of Madhya Pradesh , have been reported to use the fruit bodies medicinally . The spore mass is blended with mustard seed oil , and used as a salve against burns . The Blackfoot of North America called the fungus \" fallen stars \" , considering them to be stars fallen to the earth during supernatural events . \n"} +{"id": 493, "text": " Paul Thomas Anderson ( born June 26 , 1970 ) also known as P.T. Anderson , is an American film director , screenwriter and producer . Interested in film @-@ making at a young age , Anderson was encouraged by his father Ernie Anderson ( a disc jockey , and television and radio announcer / voiceover artist ) to become a filmmaker . \n In 1993 , he wrote and directed a short film titled Cigarettes & Coffee on a budget of $ 20 @,@ 000 . After he attended the Sundance Institute , Anderson had a deal with Rysher Entertainment to direct his first feature film , a neo @-@ noir crime thriller titled Hard Eight , in 1996 . Anderson received critical and commercial success for his film Boogie Nights ( 1997 ) , set during the Golden Age of Porn in the 1970s and 1980s . His third feature , Magnolia ( 1999 ) , received wide acclaim despite struggling at the box office . \n In 2002 , the romantic comedy @-@ drama Punch @-@ Drunk Love , Anderson 's fourth feature , was released to generally favorable reviews . After a five @-@ year absence , the epic drama There Will Be Blood was released to critical acclaim in 2007 . In 2012 , Anderson 's sixth film , the drama The Master , was released to critical acclaim . His seventh film , the crime comedy @-@ drama Inherent Vice , based on the novel of the same name by Thomas Pynchon , was released in 2014 , to general acclaim . \n Anderson has been nominated for six Academy Awards over the course of his career , while his films have earned a further fourteen Academy Award nominations for cast and crew . \n"} +{"id": 494, "text": " Anderson was born June 26 , 1970 , in Studio City , California , to Edwina ( née Gough ) and Ernie Anderson . Ernie was an actor who was the voice of ABC and a Cleveland television late @-@ night horror movie host known as \" \" ( after whom Anderson later named his production company ) . Anderson grew up in the San Fernando Valley . He is third youngest of nine children , and had a troubled relationship with his mother but was close with his father , who encouraged him to become a writer or director . Anderson attended a number of schools , including Buckley in Sherman Oaks , John Thomas Dye School , Campbell Hall School , Cushing Academy and Montclair Prep . \n Anderson was involved in filmmaking at a young age and never really had an alternative plan to directing films . He made his first movie when he was eight years old and started making movies on a Betamax video camera which his dad bought in 1982 when he was twelve years old . He later started using 8 mm film but realized that video was easier . He began writing in adolescence , and at 17 years old he began experimenting with a Bolex sixteen millimeter camera . After years of experimenting with \" standard fare \" , he wrote and filmed his first real production as a senior in high school at Montclair Prep using money he earned cleaning cages at a pet store . The film was a thirty @-@ minute mockumentary shot on video called The Dirk Diggler Story ( 1988 ) , about a pornography star ; the story was inspired by John Holmes , who also served as a major inspiration for Boogie Nights . \n"} +{"id": 495, "text": " Anderson spent two semesters as an English major at Emerson College , and only two days at New York University before he began his career as a production assistant on television films , music videos and game shows in Los Angeles and New York City . Feeling that the material shown to him at film school turned the experience into \" homework or a chore \" , Anderson decided to make a twenty @-@ minute film that would be his \" college \" . \n For $ 20 @,@ 000 , made up of gambling winnings , his girlfriend 's credit card , and money his father set aside for him for college , Anderson made Cigarettes & Coffee ( 1993 ) , a short film connecting multiple story lines with a twenty @-@ dollar bill . The film was screened at the 1993 Sundance Festival Shorts Program . He decided to expand the film into a feature @-@ length film and was subsequently invited to the 1994 Sundance Feature Film Program . At the Sundance Feature Film Program , Michael Caton @-@ Jones served as Anderson 's mentor ; he saw Anderson as someone with \" talent and a fully formed creative voice but not much hands @-@ on experience \" and gave him some hard and practical lessons . \n"} +{"id": 496, "text": " While at the Sundance Feature Film Program , Anderson already had a deal with Rysher Entertainment to direct his first feature . In 1996 , Anderson made his first full @-@ length feature , Sydney , which was retitled Hard Eight ( 1996 ) . Upon completion of the film , Rysher re @-@ edited it . Anderson , who still had the workprint of his original cut , submitted the film , which was accepted and screened in the Un Certain Regard section at the 1996 Cannes Film Festival . Anderson was able to get his version released but only after he retitled the film and raised the $ 200 @,@ 000 necessary to finish it - he , Philip Baker Hall , Gwyneth Paltrow and John C. Reilly contributed the funding . The version that was released was Anderson 's and the acclaim from the film launched his career . \n"} +{"id": 497, "text": " Anderson began working on the script for his next feature film during his troubles with Hard Eight , completing the script in 1995 . The result was Anderson 's breakout for the drama film Boogie Nights ( 1997 ) , which is based on his short The Dirk Diggler Story . The script was noticed by New Line Cinema 's president , Michael De Luca , who felt \" totally gaga \" reading it . It was released on October 10 , 1997 and was a critical and commercial success . The film revived the career of Burt Reynolds , and provided breakout roles for Mark Wahlberg and Julianne Moore . At the 70th Academy Awards ceremony , the film received three Academy Award nominations , including for Best Supporting Actor ( Burt Reynolds ) , Best Supporting Actress ( Julianne Moore ) and Best Original Screenplay . \n"} +{"id": 498, "text": " After the success of Boogie Nights , New Line told Anderson that he could do whatever he wanted for his next film and granted him creative control . Though Anderson initially wanted to make a film that was \" intimate and small @-@ scale \" , the script \" kept blossoming \" . The resulting film was the ensemble piece Magnolia ( 1999 ) , which tells the story of the peculiar interaction of several individuals in the San Fernando Valley . Anderson used the music of Aimee Mann as a basis and inspiration for the film , commissioning her to write eight new songs . At the 72nd Academy Awards , Magnolia received three nominations , for Best Actor in a Supporting Role ( Tom Cruise ) , Best Original Song for \" Save Me \" by Aimee Mann and Best Original Screenplay . Anderson stated after the film 's release that \" what I really feel is that Magnolia is , for better or worse , the best movie I 'll ever make . \" \n"} +{"id": 499, "text": " After the release of Magnolia , Anderson stated that he would like to work with comedic actor Adam Sandler in the future and that he was determined to make his next film 90 minutes long . His next feature was the romantic comedy @-@ drama film Punch @-@ Drunk Love ( 2002 ) , starring Sandler , with Emily Watson portraying his love interest . The story centers on a beleaguered small @-@ business owner ( Sandler ) with anger issues and seven emasculating sisters . A subplot in the film was partly based on David Phillips ( also called The Pudding Guy ) . Sandler received critical praise for his role in his first major departure from the mainstream comedies that had made him a star . At the 2002 Cannes Film Festival , Anderson won the Best Director Award and was nominated for the Palme d 'Or . \n"} +{"id": 500, "text": " There Will Be Blood ( 2007 ) was loosely based on the Upton Sinclair novel Oil ! . The budget of the film was $ 25 million , and it earned $ 76 @.@ 1 million worldwide . Daniel Day @-@ Lewis starred and won an Oscar for Best Leading Actor for his role . The film received eight nominations overall at the 80th Academy Awards . Paul Dano received a BAFTA nomination for Best Supporting Actor . Anderson was nominated for Best Director from the Directors Guild of America . The film also received eight Academy Award nominations , tying with No Country for Old Men for the most nominations . Anderson received nominations for Best Picture , Best Director and Best Adapted Screenplay , losing all three to the Coen Brothers for No Country for Old Men . There Will Be Blood was regarded by some critics as one of the greatest films of the decade , some parties further declaring it one of the most accomplished American films of the modern era ; David Denby of The New Yorker wrote \" the young writer @-@ director Paul Thomas Anderson has now done work that bears comparison to the greatest achievements of Griffith and Ford \" , while Richard Schickel proclaimed it \" one of the most wholly original American movies ever made \" . \n"} +{"id": 501, "text": " In December 2009 , Anderson was working on a new script tentatively titled The Master , about a \" charismatic intellectual \" who starts a new religion in the 1950s . An associate of Anderson stated that the idea for the film had been in Anderson 's head for about twelve years . Though the film makes no reference to the movement , it has \" long been widely assumed to be based on Scientology . \" The Master was released on September 14 , 2012 by The Weinstein Company in the United States and Canada to critical acclaim . The film received three nominations at the 85th Academy Awards : Joaquin Phoenix for Best Leading Actor , Philip Seymour Hoffman for Best Supporting Actor and Amy Adams for Best Supporting Actress . \n"} +{"id": 502, "text": " Production of Anderson 's adaptation of Thomas Pynchon 's 2009 novel Inherent Vice began in May 2013 and ended in August of the same year . The film marked the first time that Pynchon allowed his work to be adapted for the screen and saw Anderson work with Phoenix for a second time . The supporting cast includes Owen Wilson , Reese Witherspoon , Jena Malone , Martin Short , Benicio Del Toro , Katherine Waterston , Josh Brolin , Peter McRobbie , Michael K. Williams and Eric Roberts . The film received two nominations at the 87th Academy Awards : Anderson for Best Adapted Screenplay and Mark Bridges for Best Costume Design . \n"} +{"id": 503, "text": " In 2015 , Anderson directed a 54 @-@ minute documentary , Junun , about the making of an album of the same name by Jonny Greenwood , Israeli composer Ben Tzur and a group of Indian musicians . Most of the performances were recorded at the 15th @-@ century Mehrangarh Fort in the Indian state of Rajasthan . Junun premiered at the 2015 New York Film Festival . \n"} +{"id": 504, "text": " Anderson is currently working on a drama about the New York fashion industry in the 1950s , which is expected to star Daniel Day @-@ Lewis in his first acting role since Lincoln in 2012 . \n"} +{"id": 505, "text": " Anderson was a standby director during the 2005 filming of Robert Altman 's A Prairie Home Companion for insurance purposes , as Altman was 80 years old at the time . In addition to films , Anderson has directed several music videos , including several for musician Fiona Apple . In 2008 , Anderson co @-@ wrote and directed a 70 @-@ minute play at the Largo Theatre , comprising a series of vignettes starring Maya Rudolph and Fred Armisen , with a live musical score by Jon Brion . \n"} +{"id": 506, "text": " Anderson only attended film school for two days , preferring to learn the craft by watching films by the filmmakers he liked , as well as watching films accompanied by director 's audio commentary . Anderson has cited Martin Scorsese , Robert Altman , Jonathan Demme , Stanley Kubrick , Orson Welles and Max Ophüls , as his main influences as a filmmaker . \n"} +{"id": 507, "text": " Anderson is known for films set in the San Fernando Valley with realistically flawed and desperate characters . Among the themes dealt with in Anderson 's films are dysfunctional familial relationships , alienation , surrogate families , regret , loneliness , destiny , the power of forgiveness , and ghosts of the past . Anderson makes frequent use of repetition to build emphasis and thematic consistency . In Boogie Nights , Magnolia , Punch Drunk Love and The Master , the phrase \" I didn 't do anything \" is used at least once , developing themes of responsibility and denial . Anderson 's films are known for their bold visual style which includes stylistic trademarks such as constantly moving camera , steadicam @-@ based long takes , memorable use of music , and multilayered audiovisual imagery . Anderson also tends to reference the Book of Exodus , either explicitly or subtly , such as in recurring references to Exodus 8 : 2 in Magnolia , which chronicles the plague of frogs , culminating with the literal raining of frogs in the film 's climax , or the title and themes in There Will Be Blood , a phrase that can be found in Exodus 7 : 19 , which details the plague of blood . \n Within his first three films , Hard Eight , Boogie Nights and Magnolia , Anderson explored themes of dysfunctional families , alienation and loneliness . Boogie Nights and Magnolia were noted for their large ensemble casts , which Anderson returned to in Inherent Vice . In Punch @-@ Drunk Love , Anderson explored similar themes but expressed a different visual style , shedding the influences and references of his earlier films , being more surreal and having a heightened sense of reality . It was also short , compared to his previous two films , at 90 minutes . \n There Will Be Blood stood apart from his first four films but shared similar themes and style such as flawed characters , moving camera , memorable music , and a lengthy running time . The film was more overtly engaged with politics than his previous films had been , examining capitalism and themes such as savagery , optimism , and obsession . The Master dealt with \" ideas about American personality , success , rootlessness , master @-@ disciple dynamics , and father @-@ son mutually assured destruction . \" All of his films deal with American themes with business versus art in Boogie Nights , ambition in There Will Be Blood , self @-@ reinvention in The Master . \n"} +{"id": 508, "text": " Anderson frequently collaborates with many actors and crew , carrying them over from film to film . Anderson has referred to his regular actors as \" my little rep company \" that has included John C. Reilly , Philip Baker Hall , Julianne Moore , William H. Macy , Melora Walters , and most prominently , the late Philip Seymour Hoffman . Luis Guzmán is also considered an Anderson regular . Hoffman acted in Anderson 's first four films as well as The Master . Except for Paul F. Tompkins , Kevin , and Jim Meskimen , who all had equally minor roles in Magnolia , There Will Be Blood had an entirely new cast . Robert has been cinematographer for all of Anderson 's films except The Master which was shot by Mihai Jr . Jon Brion served as composer for Hard Eight , Magnolia , and Punch @-@ Drunk Love , and Jonny Greenwood of Radiohead for There Will Be Blood , The Master , and Inherent Vice . Anderson also regularly works with producing partners JoAnne Sellar , Scott Rudin , Michael De Luca , and Daniel Lupi as well as casting director Cassandra . \n"} +{"id": 509, "text": " Anderson dated ( and frequently collaborated with ) singer Fiona Apple for several years during the late 1990s and early 2000s . He has been in a relationship with actress and comedian Maya Rudolph since 2001 . They live together in the San Fernando Valley with their four children : daughters Pearl Bailey ( born October 2005 ) , Lucille ( born November 2009 ) , and Minnie Ida ( born August 2013 ) and son Jack ( born July 2011 ) . \n"} +{"id": 510, "text": " Anderson has been called \" one of the most exciting talents to come along in years \" and \" among the supreme talents of today . \" After the release of Boogie Nights and Magnolia , Anderson was praised as a wunderkind . In his 2002 interview with Jan , the director Ingmar Bergman referenced Magnolia as an example of the strength of American cinema . In 2004 , Anderson was ranked twenty @-@ first on The Guardian 's list of the forty best living filmmakers . In 2007 , Total Film named him the twentieth greatest director of all time and the American Film Institute regarded him as \" one of American film 's modern masters . \" In 2012 , The Guardian ranked him number one on its list of \" The 23 Best Film Directors in the World , \" writing \" his dedication to his craft has intensified , with his disdain for PR and celebrity marking him out as the most devout filmmaker of his generation . \" In 2013 , Entertainment Weekly named him the eighth @-@ greatest working director , calling him \" one of the most dynamic directors to emerge in the last 20 years . \" In a podcast interview with critic Elvis Mitchell , director Sam Mendes referred to Anderson as \" a true auteur – and there are very few of those who I would classify as geniuses \" , and Ben Affleck in his acceptance speech for the Golden Globe Award for Best Director said \" Paul Thomas Anderson , who I think is like Orson Welles . \" Peter Travers of Rolling Stone wrote that \" The Master , the sixth film from the 42 @-@ year @-@ old writer @-@ director , affirms his position as the foremost filmmaking talent of his generation . Anderson is a rock star , the artist who knows no limits . \" As of 2016 , Anderson is the only person to win all three director prizes from the three major international film festivals ( Cannes , Berlin , Venice ) . \n"} +{"id": 511, "text": " The Fox , the Wolf and the Husbandman is a poem by the 15th @-@ century Scottish poet Robert Henryson and part of his collection of moral fables known as the of the Phrygian . It is written in Middle Scots . As with the other tales in the collection , appended to it is a moralitas which elaborates on the moral that the fable is supposed to contain . However , the appropriateness of the moralitas for the tale itself has been questioned . \n The tale combines two motifs . Firstly , a husbandman tilling the fields with his new oxen makes a rash oath aloud to give them to the wolf ; when the wolf overhears this , he attempts to make sure that the man fulfills his promise . The fox mediates a solution by speaking to them individually ; eventually he fools the wolf into following him to claim his supposed reward for dropping the case , and tricks him into a draw @-@ well . The moralitas connects the wolf to the wicked man , the fox to the devil , and the husbandman to the godly man . A probable source for the tale is Petrus Alfonsi 's Disciplina , containing the same motifs , and William Caxton 's Aesop 's Fables — though the tale is a beast fable , not Aesopic . \n"} +{"id": 512, "text": " A probable source of the tale is Petrus Alfonsi 's Disciplina , which has the same three motifs : the rash promise of the husbandman ; the wolf mistaking the moon for cheese ; and the wolf that descends into the well via a bucket , thereby trapping himself and freeing the fox . However , the discussion of legality and the questioning of language that take place alongside these motifs are entirely Henryson 's invention . Whereas the moral of Alfonsi 's tale explains that the wolf lost both the oxen and the cheese because he \" relinquished what was present for what was to come \" ( Latin : pro quod erat dimisit ) , Henryson 's moralitas more fully involves the husbandman . \n Another source may be Aesop 's Fables as published by William Caxton — scholar John MacQueen considers this more likely than Disciplina — although the tale itself is not Aesopic but rather of the beast fable ( also beast @-@ epic ) genre . The plots of such works are more complicated than their Aesopic counterpart , tend more towards ribaldry , and feature the fox making a victim of the wolf . \n"} +{"id": 513, "text": " A husbandman tilling the fields with his new , untrained oxen is made furious by their wrecking of the land . In his anger he makes the rash oath that the wolf \" mot have you all at ! [ may , at once ] \" . However , the wolf is lying nearby with the fox , and , overhearing it , promises to make him stay true to his word . Eventually the oxen calm down , but on the way back home the wolf jumps into their path . The wolf asks where the husbandman is driving them , since they are not his , to which he confirms that they are and asks why he is being stopped since he never offended the wolf before . The wolf reminds the husbandman of his earlier declaration , to which he replies that a man may say things that do not mean anything . They argue , and the husbandman reproaches the wolf for not having a witness ; in response , he produces the fox . The creature takes it upon himself to mediate the dispute , and takes each aside in turn . To the husbandman he says that he would lend his expertise to help him were it not for the \" grit and expence \" of doing so ; the husbandman offers him half a dozen of the fattest hens he has , to which the fox and goes off . To the wolf he says that the husbandman has offered an unparalleled block of cheese in exchange for him dropping the case . \n The wolf , after some complaint , agrees to this and the two proceed through the woods after the prize — all the while the fox considers how to trick the wolf . Eventually , as the wolf complains of the of their quest , they arrive at a draw @-@ well with buckets on each end of a rope . Seeing the reflection of the moon in the water at the bottom of the well , the wolf believes there to be cheese down there and lowers the fox down to pick it up . When he complains that it is too heavy for him to lift alone , the wolf jumps into the other bucket and descends to help . However , this pulls up the other bucket , into which the fox has jumped , and so the two swap places ; the wolf at the bottom of the well and the fox safely escaped . The narrator professes that he does not know who helped the wolf out of the well , but that the tale is at an end . \n"} +{"id": 514, "text": " The wolf is likened to a wicked man who oppresses others . The fox is likened to the devil . The farmer is likened to the godly man , with whom the fiend finds fault . The woods where the wolf was cheated are corrupting goods that man longs to get . The cheese represents covetousness ; the well that contains it is fraud and fantasy , which draws men downwards into hell . \n"} +{"id": 515, "text": " As with other tales in the collection , the moralitas of The Fox , the Wolf and the Husbandman can be considered at odds with the tale itself . Lianne Farber highlights a number of these discrepancies , and says that the allegory \" does not hold true in any traditional sense \" . Amongst the inconsistencies is that the fox , not the wolf , is the figure that argues with and finds fault in the husbandman ; the \" woods of the world \" are not traversed by the husbandman , in spite of the moralitas suggesting it is applicable to all men ; Farber argues that even assuming the moral to be true is problematic , since it apparently suggests that the godly man must bribe the figure of the judge , and that this does not affect his godly status . Furthermore , the absence of the legal discussion and the binding quality of words from the moralitas suggests to Farber that the \" intricate legal framework … has no impact whatsoever in resolving the issues with which it is supposed to deal \" . In contrast , Philippa M. Bright considers that the moralitas of this tale , as well as several others , create \" an additional sense which co @-@ exists with the literal narrative and extends and complements it thematically \" ; treating literal details symbolically and establishing the sense through direct comparisons . \n According to Dorothy Yamamoto , the significant themes in the tale are \" solidity and vacancy , substance and illusion \" . The cheese that apparently resides in the well is only an illusion , not a solid object , and similarly the fox creates a surface reconciliation between the wolf and the husbandman , but which betrays his real intentions . Through their frequent misuse , words that should convey real value are emptied of meaning . As an example , Yamamoto highlights the fox 's on which the wolf and husbandman make their pledge — which body part she says is used by the fox in other tales to blind his foes , and is thereby a highly inappropriate object to use . \n"} +{"id": 516, "text": " Henryson , Robert ( 2009 ) . The Testament of Cresseid & seven fables . by Seamus Heaney . London : Faber and Faber . ISBN . \n"} +{"id": 517, "text": " Joseph Michael \" Joe \" Nathan ( born November 22 , 1974 ) is an American professional baseball pitcher for the Chicago Cubs of Major League Baseball ( MLB ) . Nathan started out his baseball career as a shortstop in high school and while at Stony Brook University , but converted to a pitcher after being drafted by the San Francisco Giants . He worked his way through the minor leagues , alternating between spots in the rotation and the bullpen . After a few years of splitting time between the majors and the minors , Nathan had a breakout season as a setup man for the Giants in 2003 . That offseason , Nathan was traded to the Minnesota Twins and became their closer . \n From 2004 to 2009 , Nathan was considered one of the top closers in MLB with four All @-@ Star appearances and a league @-@ leading 246 saves . In 2010 , Nathan underwent Tommy John surgery to repair a torn ulnar collateral ligament in his throwing elbow and missed the entire season . On April 3 , 2011 , Nathan recorded his first save since his injury against the Toronto Blue Jays and later that year in July , Nathan regained the role as closer . On August 10 , 2011 , he became the Twins all @-@ time leader in saves with his 255th in a game against the Boston Red Sox . After the 2011 season , Nathan left the Twins via free agency to sign with the Texas Rangers , becoming an All @-@ Star again in 2012 and 2013 . On April 8 , 2013 , he earned his 300th save . After the 2013 season , Nathan left the Rangers via free agency to sign with the Detroit Tigers . Nathan is currently 8th on the all @-@ time saves list . \n"} +{"id": 518, "text": " Nathan graduated from Pine Bush High School in Pine Bush , New York in 1992 , where he played basketball and baseball and ran track . Only Division III colleges showed minimal interest in him , and he ended up at Stony Brook University largely because his high school assistant coach Jeff and Stony Brook baseball coach Matt knew each other as former teammates in the State University of New York at Cortland baseball program . \n"} +{"id": 519, "text": " He first played shortstop for the then Division III Stony Brook Patriots ( now Division I and called the Seawolves ) , at Stony Brook University in Long Island , New York . Nathan became a two @-@ time Academic All @-@ American and graduating as a member of the Golden Key International Honour Society . During his tenure there , professional baseball scouts began to notice his good arm and pitcher 's body , and on the day of a rainout , unfortunately , \" literally someone from every organization \" came to watch him pitch . He was drafted in the sixth round ( 159th overall ) of the amateur draft by the San Francisco Giants in 1995 , and signed the next day , June 2 . His college jersey number has since been retired , and he was awarded the University Medal , the highest recognition given by SUNY / Stony Brook . He also played for the Fairfield Stallions in the New England Collegiate Baseball League in 1994 . \n In August 2008 , he gave the SUNY / Stony Brook athletics department $ 500 @,@ 000 for a new baseball facility . In recognition of this \" lead gift \" from the Joe Nathan Charitable Foundation , the college named it \" Joe Nathan Field . \" \n"} +{"id": 520, "text": " He began his minor league career in Class A for the Bellingham Giants . After an unsuccessful year at the plate the Giants tried to convert Nathan into a pitcher , but he refused and left to return to Stony Brook for a year , graduating with a degree in business management . He gave more thought to his future in baseball , however , and after graduation decided to return to the Giants organization and developed into a standout pitching prospect . After a season with the Salem @-@ Keizer Volcanoes , he pitched for both the A and AA levels for ( the San Jose Giants and Shreveport Captains ) in 1998 as a starter . During his tenure with San Jose he started 22 games with an ERA of 3 @.@ 32 and 118 strikeouts , leading the Class A Giants to the California League championship . Promoted to AA Shreveport in 1999 , he pitched in only two games before being promoted to the parent club in 1999 . \n"} +{"id": 521, "text": " Nathan was promoted to the San Francisco Giants on April 20 , 1999 , taking the roster spot of superstar slugger Barry Bonds , who went on the disabled list after left elbow surgery . He made his major league debut the next day , pitching seven shutout innings and winning his first major league decision against the Florida Marlins , 4 – 0 . He then divided the rest of the season between the AAA Fresno Grizzlies and the Giants , going 6 – 4 with the Griz and 7 – 4 and 4 @.@ 18 with the Giants , earning his first career save on May 16 against the Houston Astros . \n After a short stint in the minors in 2000 , Nathan spent most of the season in the majors , finishing 5 – 2 and even hitting two home runs . But he struggled with his control , walking 63 in 931 ⁄ 3 innings and ending the season with a 5 @.@ 21 ERA . He was on the disabled list twice : from May 17 to June 6 for right shoulder tendinitis and from July 14 to August 18 for an inflamed right shoulder , necessitating arthroscopic surgery on the afflicted shoulder at the end of the season . Nathan divided 2001 between the AAA Fresno Grizzlies and AA Shreveport both starting and relieving , finishing with a disappointing combined 3 – 11 record and an ERA over 7 . Nathan improved slightly in 2002 to 6 – 12 with an ERA of over 5 at Fresno , but finally overcame his struggles to return to the Giants in September with 32 ⁄ 3 scoreless innings in relief . \n Nathan spent all of 2003 with the Giants in the bullpen after marrying Lisa , his girlfriend of five years , in November 2002 . This was a breakout year for Nathan , starting the season with 23 scoreless innings en route to a 12 – 4 record in his first full year as a reliever . His 78 appearances put him high on the list of most @-@ used pitchers for the season as one of the best setup men in the NL , allowing no runs in 15 appearances from July 18 to August 20 . His 12 wins in relief led the majors . The Giants won the National League West by 151 ⁄ 2 games and drew the Florida Marlins , the National League 's wild card winner , in the NLDS . Nathan was hit hard in that series , blowing his only save opportunity . His team fared no better , winning Game 1 behind Jason Schmidt 's complete game shutout before dropping the next three . \n"} +{"id": 522, "text": " Nathan was traded to the Minnesota Twins on November 16 , 2003 , in one of the more lopsided trades in San Francisco Giants history . The Giants sent Nathan to the Twins along with pitchers and Francisco Liriano for catcher A. J. Pierzynski and cash . The Twins decided to make Nathan their closer starting in 2004 , risky move considering that Nathan had notched only one save in six opportunities as a Giant , but he won the job over J. C. Romero and Jesse Crain in spring training . He was signed to a three @-@ year deal on March 4 , 2004 and agreed to an incentive @-@ laden contract with a base salary of $ 440 @,@ 000 . He started off the season strong , allowing no runs in 20 appearances and earning 14 saves from April 15 to June 4 . He was named AL Co @-@ Player of the Week starting on May 10 with four saves in four innings and four appearances , facing the minimum number of batters each time . His credentials for the first half of the season , 23 saves in 24 opportunities with a 1 @.@ 19 ERA in 26 appearances , earned him his first All @-@ Star appearance in the 2004 MLB All @-@ Star Game . He was the only Twin on the squad and pitched a perfect seventh inning , getting Bobby Abreu to strike out , Mike Lowell to fly out and Miguel Cabrera to strike out . His numbers were impressive through the rest of the season , allowing no runs between June 9 and August 18 , and between August 25 and September 16 @.@ and finishing 2004 with 44 saves in 47 opportunities and an ERA of 1 @.@ 62 . The Twins won the AL Central division and faced the New York Yankees in the ALDS . Nathan picked up his first postseason save in Game 1 , but blew his second opportunity in Game 2 as the Twins went on to lose the ensuing three games . His outstanding season earned him MVP and Cy Young votes , finishing fourth for Cy Young and 12th for MVP . His first child , a son named Cole , was born on November 9 , 2004 . \n"} +{"id": 523, "text": " During spring training in 2005 , Nathan signed a two @-@ year deal that includes a club option for 2008 . He picked up from where he left off in 2004 , allowing no earned runs in 15 appearances from April 5 to May 10 . He also had streaks of 13 and 12 consecutive save opportunities converted between April and July . As a result , Nathan was named the American League Player of the Week for the week of June 27 . Nathan earned another All @-@ Star appearance in 2005 for his pitching in the first half of the season . Although his record was 1 – 3 with a 3 @.@ 57 ERA in 37 appearances , he had struck out 43 batters in 351 ⁄ 3 innings pitched , and lead the AL with 23 saves in 25 opportunities . Nathan pitched in the 2005 MLB All @-@ Star Game alongside fellow pitcher Johan Santana . Pitching the eighth inning of the game , he got Morgan to pop out for the first out , then gave out a double to Moisés Alou . Felipe López singled , and Nathan was able to get Miguel Cabrera and Luis Castillo out , but not before Alou scored . Nathan had a brilliant second half as he went 6 – 1 with 18 saves in 20 chances , and posted an ERA of 1 @.@ 76 . He finished the season with a 7 – 4 record , a 2 @.@ 70 ERA , 43 saves in 48 opportunities , and 94 strikeouts . Nathan also became the third pitcher in club history to post consecutive 40 save seasons . The Twins however missed the playoffs . \n"} +{"id": 524, "text": " Before the 2006 season began , Nathan participated in the 2006 World Baseball Classic as one of the 30 players selected for the Team USA roster . He played the first game , a 2 – 0 win against Mexico , striking out the side while allowing one hit . He also pitched the 4 – 3 victory against Japan , again throwing a shutout inning . Nathan went on to pitch the last game for the United States in the ninth inning against Mexico , again not allowing a run and striking out two . \n As the regular 2006 season began for the Twins , Nathan started off strong , allowing no runs from the start of the season to April 25 . He also converted 10 straight save opportunities from April 11 to June 17 . On June 24 , Nathan recorded his one hundredth career save against the Chicago Cubs , and 99th save with Minnesota . Four days later he got save number 101 , his hundredth save with Minnesota against the Los Angeles Dodgers , becoming the fifth pitcher in Twins history to achieve that mark . Despite putting up great numbers during the 2006 season , Nathan was not selected to the All @-@ Star Game . He continued to pitch well throughout the season , passing Eddie for second on the Twins ' all @-@ time save list when he earned his 117th save against the Detroit Tigers on September 9 . Nathan was also given the Major League Baseball Delivery Man of the Month award for July , going nine for nine in save opportunities and posting a 0 @.@ 75 ERA for the month . He finished the season with some of his best numbers to date : a 7 – 0 record , a 1 @.@ 58 ERA , 95 strikeouts , 36 saves , an 18th @-@ place finish in MVP voting , and a fifth @-@ place finish in Cy Young voting . His 61 games finished were also good for the AL lead and opponents batted just .158 against him , a career high . With 36 saves in 38 opportunities , Nathan also became the first pitcher for the organization to earn 35 saves in three straight seasons . The Twins won the division on the last day of the regular season , but were swept by the Oakland Athletics in the ALDS as Nathan made one scoreless appearance . \n"} +{"id": 525, "text": " Nathan continued as the Twins ' closer for the 2007 season . He had a stretch between July and August where he gave up just two earned runs and converted all 12 save chances . Once again despite Nathan 's numbers , he was not picked for the All @-@ Star team . Nathan finished the year by converting 37 of 41 save opportunities with a record of 4 – 2 and an ERA of 1 @.@ 88 . The Twins however had a disappointing season and missed the playoffs . \n On September 25 , 2007 , Nathan was named as one of 10 finalists for the \" DHL Delivery Man of the Year Award \" , the third year in a row that he has been a finalist . On October 29 , the Twins exercised Nathan 's club option for 2008 . \n"} +{"id": 526, "text": " Though Nathan was slated to make $ 6 million in 2008 , on March 24 , 2008 , the Minnesota Twins re @-@ signed Nathan to a four @-@ year , $ 47 million contract through 2011 . The deal also includes a $ 12 @.@ 5 million club option for 2012 with a $ 2 million buyout . \n Nathan started the season with 13 consecutive saves but blew his first save of the season on May 27 by giving up a three @-@ run inside @-@ the @-@ park home run on a misplayed fly ball by teammate Delmon Young ; however , Nathan got two outs to end the 9th inning and the Twins went on to win the game . By converting 27 of 29 save opportunities prior to the All @-@ Star break , Nathan was selected as a reserve player for the American League in the 2008 Major League Baseball All @-@ Star Game . Nathan finished the year with 39 saves and a career best 1 @.@ 33 ERA . He also had a career high six blown saves and surrendered his first career walk @-@ off home run to Victor Martinez on September 16 . Nathan ranked seventh in the majors in saves and had the lowest ERA of the top 30 save leaders in 2008 . \n"} +{"id": 527, "text": " Nathan had a strong season , as he was selected as an All @-@ Star for the 2009 MLB All Star Game , and he finished the year with 2 @.@ 10 ERA with 47 saves in 52 opportunities , which was a franchise record . He shared honors for the AL Rolaids Relief Man award with Mariano Rivera . However , Nathan did not fare as well in the postseason ; in Game 2 of the American League Division Series against the New York Yankees , with the Twins leading 3 – 1 in the bottom of the ninth inning , Nathan blew the save when he surrendered a game @-@ tying two @-@ run home run to Alex Rodriguez . It was the first home run Nathan had allowed with men on base all year . The Yankees later won the game in the 11th inning and swept the series . On October 11 , 2009 , after the Twins lost the final game at the Metrodome ( a 4 – 1 playoff loss to the Yankees that eliminated them ) , Nathan took a pile of dirt from the mound as a keepsake from the Metrodome . \n"} +{"id": 528, "text": " On March 9 , 2010 , it was reported that Nathan had a tear in his ulnar collateral ligament . On March 21 , after attempting to pitch without having surgery , Nathan decided to undergo Tommy John surgery , missing the entire 2010 season . \n"} +{"id": 529, "text": " Nathan earned his first save at Target Field on April 8 , 2011 . He emptied the container of dirt he took from the Metrodome on the mound at Target Field before pitching . On April 18 , Nathan was replaced at closer by Matt Capps after going 3 for 5 in save opportunities . On May 28 , 2011 , Nathan was placed on the 15 @-@ day disabled list with a right flexor muscle strain . Chuck James was called up to take his place . \n On August 10 , 2011 , against the Boston Red Sox , Nathan became the Twins all @-@ time saves leader with 255 , passing Rick Aguilera . \n After the Twins declined his $ 12 @.@ 5 million club option and exercised a $ 2 million buyout , Nathan became a free agent at the end of the 2011 season . \n Nathan is currently the Minnesota Twins leader in career saves . \n"} +{"id": 530, "text": " On November 21 , 2011 , Nathan agreed to terms on a two @-@ year deal with the Texas Rangers worth $ 14 @.@ 5 million guaranteed with an option for a third year at $ 9 million or a $ 500 @,@ 000 buyout . \n Nathan had a strong first season with the Rangers , as he was selected to the represent the Rangers at the 2012 MLB All Star Game , the fifth all star selection of his career . He finished his 2012 campaign with 37 saves and an ERA of 2 @.@ 80 . During a game against the Tampa Bay Rays on April 8 , 2013 , Nathan earned his 300th career save after striking out Ben Zobrist looking on a controversial strike call made by home plate umpire Marty Foster . TV cameras captured Nathan saying \" Wow ! \" after the call . \n Nathan was selected to his sixth All Star Game in 2013 , and earned the save for the American League . Nathan improved on his 2012 campaign , finishing his 2013 season with 43 saves and an ERA of 1 @.@ 39 . Nathan finished his Rangers career with an overall record of 9 – 7 , 80 saves , a 2 @.@ 08 ERA and 0 @.@ 98 WHIP . \n"} +{"id": 531, "text": " On December 4 , 2013 , the Tigers signed Nathan to a two @-@ year , $ 20 million contract , with a club option for 2016 . This reunited him with former teammate and fellow ex @-@ Twins great , Torii Hunter along with Rangers teammate Ian Kinsler . On May 5 , 2014 , Nathan recorded his 347th career save , tying him with Randy Myers for ninth on the all @-@ time saves list . Two days later , Nathan recorded career save number 348 , putting him alone at ninth on the all @-@ time saves list . On June 9 , Nathan recorded career save 358 , tying him with Troy Percival for 8th on the all @-@ time saves list . On August 23 , 2014 , Nathan recorded his 368th career save , passing up Jeff Reardon for 7th place on the all @-@ time saves list . In a September 16 game against the Minnesota Twins , Nathan blew his seventh save of the season , surpassing his previous career high of six blown saves when he pitched for the Twins in 2008 . Nathan finished his first season with the Tigers making 62 appearances and recording 35 saves in 42 chances , while posting an ERA of 4 @.@ 81 . He made one postseason appearance in 2014 , retiring all three batters he faced in a non @-@ save situation in Game 2 of the ALDS against the Baltimore Orioles . The Tigers were swept in the series , 3 – 0 . \n On April 8 , 2015 , Nathan was placed on the 15 @-@ day disabled list due to a strained right elbow . During a rehab start with the Toledo Mud Hens on April 22 , Nathan re @-@ injured his elbow after throwing only 10 pitches . The same night , Nathan underwent MRIs , which tested positive revealing tears in his ulnar collateral ligament of the elbow and his pronator teres muscle , and would undergo Tommy John surgery , ending Nathan 's 2015 season . Sources projected that this surgery could end Nathan 's career , but he was not planning to retire yet . \n During the 2015 offseason , the Tigers declined the $ 10 million club option for Nathan for the 2016 season , and exercised a $ 1 million buyout . \n"} +{"id": 532, "text": " On May 17 , 2016 , Nathan signed with the Chicago Cubs . He was immediately placed on the 60 @-@ day disabled list upon signing to continue recovery from his previous Tommy John surgery . Nathan made his Cubs debut on July 24 , 2016 against the Milwaukee Brewers . He pitched one inning and struck out the side , allowing one hit and one walk . \n"} +{"id": 533, "text": " Nathan is married to Lisa ( nee ) . They have two children . Nathan 's foundation , Joe Nathan Charitable Foundation , also called \" Save It \" , helps raise money and awareness for many different charities . The Nathan 's reside in Knoxville , Tennessee in the offseason . \n"} +{"id": 534, "text": " Nathan throws a mix of four pitches . His main pitch , a four @-@ seam fastball was once thrown in the mid @-@ to @-@ upper 90s , but now settles between 91 and 94 mph . His main breaking ball is a hard slider in the upper 80s , occasionally even touching 90 . He uses the slider less frequently against left @-@ handed hitters , preferring to use a curveball in the low 80s . He also uses a two @-@ seam fastball against lefties . His slider is his best swing @-@ and @-@ miss pitch , with a whiff rate of 42 % since 2007 . \n"} +{"id": 535, "text": " Arthur Howey \" Art \" Ross ( January 13 , 1885 – August 5 , 1964 ) was a Canadian professional ice hockey player and executive from 1905 until 1954 . Regarded as one of the best defenders of his era by his peers , he was one of the first to skate with the puck up the ice rather than pass it to a forward . He was on Stanley Cup championship teams twice in a playing career that lasted thirteen seasons ; in January 1907 with the Kenora Thistles and 1908 with the Montreal Wanderers . Like other players of the time , Ross played for several different teams and leagues , and is most notable for his time with the Wanderers while they were members of the National Hockey Association ( NHA ) and its successor , the National Hockey League ( NHL ) . In 1911 he led one of the first organized player strikes over increased pay . When the Wanderers ' home arena burned down in January 1918 , the team ceased operations and Ross retired as a player . \n After several years as an on @-@ ice official , he was named head coach of the Hamilton Tigers for one season . When the Boston Bruins were formed in 1924 , Ross was hired as the first coach and general manager of the team . He would go on to coach the team on three separate occasions until 1945 and stayed as general manager until his retirement in 1954 . Ross helped the Bruins finish first place in the league ten times and to win the Stanley Cup three times ; Ross personally coached the team to two of those victories . After being hired by the Bruins , Ross , along with his wife and two sons , moved to a suburb of Boston , and became an American citizen in 1938 . He died near Boston in 1964 . \n Outside of his association with the Bruins , Ross also helped to improve the game . He created a style of hockey puck still used today , and advocated an improved style of goal nets , a change that lasted forty years . In 1947 Ross donated the Art Ross Trophy , awarded to the leading scorer of the NHL regular season . Ross was inducted into the Hockey Hall of Fame in 1949 . \n"} +{"id": 536, "text": " Ross was born January 13 , 1885 , in Naughton , Ontario . His father , Thomas Ross , was the head of a Hudson 's Bay Company trading post in the area . The ninth of ten children , Ross grew up speaking both English and Ojibwe , a native Canadian language . Ross moved to Montreal in 1902 to play in organized hockey leagues , living in the affluent Westmount district . He played high school and junior hockey with Lester and Frank Patrick , both of whom were later inducted into the Hockey Hall of Fame . Ross and Lester had a financially successful ticket resale business at the Montreal Arena , buying tickets for thirty @-@ five cents and selling them for up to a dollar . \n"} +{"id": 537, "text": " The best hockey players on their high school team , Ross and the Patrick brothers were invited to play occasional games for local league teams in Montreal . Ross first played in an organized league in 1905 , joining Montreal Westmount of the Canadian Amateur Hockey League ( CAHL ) , the top amateur league in Canada . He scored ten goals in eight games during the season . His opponents regarded him as one of the best rushing defencemen . Most defenders at the time either shot the puck down the ice or passed to a forward ; in contrast , Ross skated up the ice , taking the puck into the offensive zone . Later that year , wishing to pursue a career in banking , he moved to Brandon , Manitoba , where he joined the Brandon Elks of the Manitoba Hockey League , the senior league in the province . In 1906 , his first season , he scored six goals in seven games while he recorded six goals in ten games in 1907 . Around this time , the Kenora Thistles , the Manitoba League champions , wanted to strengthen their team for the Stanley Cup challenge against the Montreal Wanderers in Montreal during January 1907 . They paid Ross $ 1 @,@ 000 to play both matches , a common practice at the time , and the Thistles won the Cup . While failing to score , Ross started many plays and proved an important part of the team . Although he played for the opposing team , he received a good reception from the Montreal crowd . Ross did not play for the Thistles when the two teams played for the Cup again in March , which the Wanderers won to take back the Cup . \n The following year Ross moved back to Montreal . He joined the Wanderers , the team he had helped to defeat , who played in the Eastern Canada Amateur Hockey Association ( ECAHA ) , the successor league to the CAHL as the premier league in the country . He scored eight goals in ten games over the two @-@ month season that lasted from January to March . He helped the team to finish first in the ECAHA and retain the Cup in 1908 with challenges from Ottawa , Winnipeg and Toronto . The Wanderers were Cup champions throughout these challenges , so Ross became the second player to win the Cup with different teams in consecutive years , after Jack Marshall in 1901 and 1902 . In January 1908 , he participated in the first all @-@ star game in sports history , a benefit for the family of former Wanderer defender Hod Stuart , who died the previous summer . Aside from his time with the Wanderers , Ross repeated his practice of playing for other teams who paid for his services in important matches . For the 1909 season Ross demanded a salary of $ 1 @,@ 600 . Although he settled for $ 1 @,@ 200 , the average salary of hockey players at the time was $ 600 . Ross received a cash bonus of $ 400 to play in a Stanley Cup challenge against a team from Edmonton in December 1908 , in which the Wanderers won the two @-@ game , total @-@ goal series 13 – 10 . He finished the season with two goals in nine games . \n"} +{"id": 538, "text": " A new league , the Canadian Hockey Association ( CHA ) , was formed in late November 1909 . One of the teams , the All @-@ Montreal Hockey Club , hired Ross as a playing @-@ manager , but the league only lasted to mid @-@ January 1910 before disbanding . Ross , who scored four goals in four games in the CHA , then signed with the Haileybury Comets of the National Hockey Association ( NHA ) , a league formed in December 1909 , which proved to be the stronger replacement to the ECAHA as the highest level of hockey in Canada . He received $ 2 @,@ 700 to play in the 1910 season , which lasted from January to March , playing twelve games for the team and finishing with six goals . Before the following season , the NHA imposed a salary cap of $ 5 @,@ 000 per team . The players , including Ross , were unhappy as this would result in a pay decrease , and began looking to form their own league without a cap . Ross wrote to the Montreal Herald , stating \" all the players want is a fair deal ... The players are not trying to bulldoze the NHA , but we want to know where we get off at . \" The plans were abandoned when they realized all the suitable arenas would be unavailable as they were owned or leased by the NHA . Ross scored four goals in eleven games with the Wanderers , who finished fourth in the five team league . During a match against the Quebec Bulldogs on February 25 , 1911 , Ross knocked out Eddie Oatman in a fight , provoking a massive brawl between the two teams , which the police had to break up . The fight helped to increase the reputation Ross had as a tough player unwilling to back down from any opponent . The following season Ross had eleven goals in nineteen games as the Wanderers improved to second in the league . \n Prior to the 1913 – 14 NHA season , Ross refused to sign a contract for the Wanderers , requesting a salary increase . As one of the top players on the team , the Wanderers agreed to his demands of $ 1 @,@ 500 for the forthcoming season , in which he finished with four goals and nine points in eighteen games . The next season Ross , again concerned with his salary , began negotiating with other players in the NHA to leave their teams and form a new league that would offer higher wages . These actions resulted in his suspension in November 1914 by Emmett Quinn , president of the NHA . Ross responded by declaring himself a free agent and claiming his contract with the Wanderers was no longer valid . Consequently , although having no technical power to do so , Quinn suspended Ross from all organized hockey . The proposed new league failed to materialize and Ross applied for reinstatement to the NHA , which was granted at a meeting of the team owners on December 18 , 1914 . The owners realized if they suspended Ross , they would also have to suspend all those he signed , hurting the league . However , Ross 's actions led to his release by the Wanderers . At first he trained with the Montreal Canadiens , then joined the Ottawa Senators . \n At the conclusion of the 1914 – 15 season , the Senators and Wanderers finished with identical records of fourteen wins and six losses . A two @-@ game , total goal series was played to determine the NHA league champion who would contest the Stanley Cup with the Pacific Coast Hockey Association winner , the Vancouver Millionaires . Ross , who finished with three goals in sixteen games in the season , scored one goal in the first match against the Wanderers , a Senators 4 – 0 victory , and though Ottawa lost the second game 1 – 0 , they won the series , 4 – 1 . To help the Senators stop the Wanderers , who were known for their speed , Ross created a new system of defence . Termed \" kitty bar the door \" , it required three defenders to align themselves across the ice 30 feet in front of the goaltender to stop offensive rushes . This style of defence would later be used in a modified version known as the neutral zone trap , later used widely to stop opposition offensive chances . \n The following year Ross , who had eight goals and eight assists in twenty @-@ one games , was the second highest paid player on the team ; his salary of $ 1 @,@ 400 was $ 100 less than Frank Nighbor made . Even so , Ross left the team in 1916 , returning to Montreal in order to look after his sporting @-@ goods store , and rejoining the Wanderers . He scored six goals and had two assists in sixteen games for the team . The Wanderers , along with the Montreal Canadiens , Toronto Arenas , Quebec Bulldogs and Ottawa Senators dissolved the NHA and founded the National Hockey League ( NHL ) in November 1917 . Ross became coach of the Wanderers , but a fire on January 2 , 1918 , destroyed their home , the Montreal Arena , and forced them to fold after four games . However , the NHL insisted the team continue to play , and recorded two additional scheduled matches as defaulted losses for the Wanderers , even though the matches were not played . With the Wanderers disbanded , Ross retired as a player . His NHL career yielded one goal in three games played . \n"} +{"id": 539, "text": " Ross began his career as a hockey coach in the midst of his playing days , when at age 24 he led the McGill University Redmen to a 4 – 2 – 1 record during the 1910 – 11 season . Following his playing career , Ross became a NHL referee . He was hired to coach the Hamilton Tigers for the 1922 – 23 season , and adopted new methods in training camp that emphasized physical fitness , including work off the ice . However , the Tigers finished with a record of six wins and eighteen losses , last in the NHL for the third successive year , and Ross did not return the next season . His next coaching appointment arose from meeting Boston grocery store magnate Charles Adams during the 1924 Stanley Cup Finals . Before the 1924 season , the NHL awarded Adams an expansion team . Adams ' first move was to hire Ross as vice president , general manager , coach and scout . Adams instructed Ross to come up with a nickname portraying an untamed animal displaying speed , agility and cunning . With this in mind , Ross named the team the Boston Bruins , after the Old English word for a bear . The team 's nickname went perfectly with the original colours of brown and yellow , which were the same colours of Adams ' grocery chain , First National Stores . \n Ross utilized his many hockey connections throughout Canada and the United States to sign players . Even so , the team started poorly . Early in the first season the University of Toronto hockey team was in Boston for matches against local universities . The team 's manager , Conn Smythe , who later owned and managed the Toronto Maple Leafs , said that his team could easily defeat the Bruins — Ross 's team had won only two of their first fifteen NHL games . This began a feud between Smythe and Ross which lasted for over 40 years , until Ross ' death ; while mostly confined to newspaper reports , they refused to speak to each other at NHL Board of Governor meetings . The Bruins finished their first season with six wins in thirty games , one of the worst records in the history of the league . Several records were set over the course of the season ; the three home wins are tied for the second fewest ever , and an eleven @-@ game losing streak from December 8 , 1924 , until February 17 , 1925 , set a record for longest losing streak , surpassed in 2004 and now second longest in history . With 17 wins in 36 games the following season , the team greatly improved , and finished one point out of a playoff spot . \n In 1926 the Western Hockey League , the other top professional hockey league , was in decline . The Patrick brothers , who controlled the league , offered to sell the remaining five teams for $ 300 @,@ 000 . Ross realized the potential talent available and convinced Adams to pay the money . As a result , the Bruins acquired the rights to several future Hall of Fame players , the most notable being defender Eddie Shore . Ross signed goaltender Cecil \" Tiny \" Thompson in 1928 , who was with a team in Minnesota , despite never watching him play ; Ralph \" Cooney \" Weiland was also brought over from Minnesota . Ross acquired Cy Denneny from Ottawa and made him a player @-@ assistant @-@ coach while he assumed the role of coach and team manager . On November 20 , 1928 , the Bruins moved to a new arena when the Boston Garden opened . The team played the Canadiens who won the match 1 – 0 in front of 16 @,@ 000 fans . The players signed by Ross helped the Bruins to improve quickly , and they won the Stanley Cup in 1929 . Denneny retired after the Cup win , Ross guiding the team to several league records in the 1929 – 30 season . The team won 38 of 44 games for an .875 winning percentage , the highest in league history ; the five losses tied a record for fewest ever , and the four road losses tied a record for second fewest . The Bruins also only finished one game in a tie , a record for fewest ties in a season since the NHL began recording the record in 1926 . One of the longest winning streaks was also set during the season . From December 3 , 1929 , until January 9 , 1930 , the team won fourteen games in a row , a record that lasted until 1982 and now tied for third longest , as of October 2010 . A home winning streak began the same day and lasted for twenty games , until March 18 , 1930 , which was tied for the longest of its kind in 1976 . In 1930 – 31 , the Bruins again lost only one home game , which equalled their previous record . \n On March 26 , 1931 , Ross substituted a sixth skater for goaltender Tiny Thompson in the final minute of play in a playoff game against the Montreal Canadiens . Although the Bruins lost the game 1 – 0 , Ross became the first coach to replace his goaltender with an extra attacker , a tactic which became widespread practice in hockey . Stepping aside as coach in 1934 to focus on managing the team , Ross hired Frank Patrick as coach with a salary of $ 10 @,@ 500 , which was high for such a role . However rumours spread during the season that Patrick was drinking heavily and not being as strict with the players as Ross wanted . After the Bruins lost their playoff series with the Toronto Maple Leafs in the 1936 playoffs , the result of an 8 – 1 score in the second game , a newspaper claimed that Patrick had been drinking the day of the game and had trouble controlling the team . Several days later , Ross relieved Patrick of his duties and once again assumed the role of coach . \n"} +{"id": 540, "text": " Ross took over an improved team . He had recently signed three players , Milt Schmidt , Bobby Bauer and Woody Dumart , who all grew up together in Kitchener , Ontario , and had them play on the same line , soon nicknamed the Kraut Line in reference to the German heritage of all three . Along with them , Ross had acquired a new goaltender in 1938 , Frank Brimsek ; after Brimsek earned six shutouts in his first eight games , the Bruins traded away Tiny Thompson to allow Brimsek to play . With these players the Bruins finished first in the league in 1937 – 38 ; Ross was named as the second best coach in the league , selected for the end of season All @-@ Star Second Team . The next season the Bruins won 36 of 48 games , and won the Stanley Cup in the playoffs ; Ross was named to the First All @-@ Star Team as the best coach in the league for the season and the team only tied two games , which is tied for the second fewest in a season . He hired the recently retired Cooney Weiland to coach the Bruins for the 1939 – 40 NHL season . The Bruins would win the Cup again in 1941 , and tied their record of only four away losses all season . Ross once again took over as coach of the team before the 1941 – 42 season began , as Weiland became coach of the Hershey Bears of the American Hockey League , and led the team to 25 wins in 48 games , which was enough to earn third place in the league . By this time the Second World War had caused several Bruins players , including the entire Kraut Line and goaltender Brimsek , to enlist in their respective armed forces . The Bruins finished second in the NHL during the 1942 – 43 season with 24 wins in 50 games and Ross was again named in the Second NHL All @-@ Star Team as second best coach in the league . The Bruins missed the playoffs in 1943 – 44 , the first time in ten years they failed to qualify , but returned to the playoffs the next season , something they did for five straight years . \n In 1949 , Ross had signed Georges Boucher as coach , but Boucher did not work well with Ross and team president Weston Adams . Looking to hire a new coach in the summer of 1950 , Ross phoned Lynn Patrick , the son of Lester , who had just resigned from the New York Rangers after coaching the team to the Stanley Cup Final . Lynn had moved his family back to Victoria , British Columbia , where he grew up as a child , with the intention of coaching the Victoria Cougars , a team in the minor professional Pacific Coast Hockey League . Though reluctant to move back to the eastern United States , Lynn was hired by Ross after he was offered a salary of $ 12 @,@ 000 . He would coach the team for the next four seasons and become the second general manager of the Bruins when Ross retired at the end of October 1954 . \n"} +{"id": 541, "text": " Aside from his career in hockey , Ross was interested in improving the game . Prior to the start of the 1927 – 28 season , the NHL adopted a new style of goal net created by Ross . With the back molded into a B @-@ shape , it was better designed to catch pucks and the net was used until 1984 , when a modified version was adopted . He also improved the design of the puck . Ross ' design had bevel edges , which prevented it bouncing too much , and used synthetic rubber , rather than the natural rubber previously in vogue . Along with New York Rangers coach Frank Boucher , Ross helped to create the red line , which was introduced to help speed up the game by removing the ability for defenders to pass the puck from the defensive to offensive zone ; until 2006 it was against the rules of hockey to make a two line pass . More scoring chances resulted as teams could not simply send the puck down the ice with impunity . In order to help tell the red line and blue lines apart on television , Ross suggested that the red line be striped . \n Regarded throughout his playing career as one of the best defenders in hockey , Ross was named to the Hockey Hall of Fame in 1949 , selected for his playing career rather than his work as an executive . A ceremony for his induction was held prior to a Bruins game on December 2 , 1949 , where he was given his Hall of Fame scroll and a silver tray with the emblems of the six NHL teams on it . In 1975 he was inducted into the Canadian Sports Hall of Fame . Along with his two sons he donated the Art Ross Trophy to the NHL in 1947 , to be awarded to the leading scorer in the league 's regular season . In 1984 he was posthumously awarded the Lester Patrick Trophy for service to hockey in the United States . \n A descriptive biography entitled Art Ross : The Hockey Legend who Built the Bruins by Eric Zweig was published by Dundurn Press in Sept 2015 . \n"} +{"id": 542, "text": " Ross also excelled in baseball , football , lacrosse and motorcycle racing . Before he became a hockey executive , he had a career as a bank clerk and ran a sporting @-@ goods store in Montreal . Ross had moved to Brandon , Manitoba , in 1905 at the advice of his parents so he could get a job with a bank , with a salary of $ 600 per year . He gave that career up when he began playing hockey professionally . He was married to Muriel , a native of Montreal , and had two sons , Art and John . During the Second World War , both sons served in the Royal Canadian Air Force . After the war Ross made his son Art the business manager for the Bruins . Ross was named coach and manager of the Boston Bruins in 1924 and moved his family to Brookline , Massachusetts , a suburb of Boston , after being hired . In 1928 , he served as the traveling secretary of the Boston Braves baseball team , which was owned by Bruins owner Charles Adams . He became a naturalized American citizen on April 22 , 1938 . On August 5 , 1964 , Ross died at a nursing home in Medford , Massachusetts , a suburb of Boston , at the age of 79 . A sister , both his sons , and three grandchildren survived him . \n"} +{"id": 543, "text": " * Playing stats from Total Hockey \n"} +{"id": 544, "text": " * Coaching stats from Total Hockey \n"} +{"id": 545, "text": " * Awards from Legends of Hockey \n"} +{"id": 546, "text": " Saint Leonard Catholic Church is a Roman Catholic church in the city of Madison , in the state of Nebraska in the Midwestern United States . Built in 1913 , it has been described as \" an outstanding example of the Romanesque Revival style of architecture . \" \n St. Leonard 's parish , named after Saint Leonard of Port Maurice , was organized in 1879 . A wood frame church was built in 1881 on the outskirts of Madison , and moved into the city in 1898 . In 1902 , the basement of the current church was built , and the congregation moved into it , converting the old church to a school . When funds allowed , the basement was extended , and the current brick church completed in 1913 . \n In 1989 , the church , its 1912 rectory , and the rectory 's garage were listed in the National Register of Historic Places , as the work of noted Nebraska architect Jacob M. Nachtigall . A pupil of Thomas Rogers Kimball , Nachtigall designed a number of Catholic churches and other buildings in the state , several of which are also listed in the National Register . \n"} +{"id": 547, "text": " The first white settlers to occupy the site of Madison were a party led by Henry Mitchell Barnes , who settled near the junction of Union and Taylor Creeks in 1867 . Growth of the new settlement was rapid ; in particular , there was an influx of German families from Wisconsin . The town of Madison was officially platted by Barnes in 1870 or 1871 . In 1875 , it became the county seat of Madison County , and in 1876 it was incorporated . The Union Pacific Railroad reached Madison in 1879 ; by 1880 , the town had a population of about 300 . \n The first Christian services held in Madison were Presbyterian , taking place in Barnes 's and other homes . A Presbyterian congregation was organized in 1870 , and a church built in 1872 . A Methodist circuit encompassing Madison and Antelope counties was organized in 1871 ; a parsonage was built in Madison ca . 1875 , and a church begun in 1877 . A Lutheran congregation may have formed in Madison in about 1875 , although early records are incomplete ; the congregation was initially served by the pastor of a Lutheran church in Green Garden Precinct , located about seven miles ( 11 km ) southwest of Madison . It was formally organized in 1885 , and a church built in Madison in 1887 . \n The first Catholic settlers in Madison County homesteaded near present @-@ day Battle Creek , northwest of Madison , in the late 1860s . In 1874 , they organized a parish ; in 1874 – 75 , they built St. Patrick 's Church , the county 's first Catholic church . In 1877 , they wrote to Bishop James O 'Connor of the Diocese of Omaha , asking that a priest be assigned to visit the church at intervals until a permanent priest could be assigned to the parish ; in apparent response to this , Franciscan missionaries based in Columbus were given the responsibility of providing for Madison County . \n"} +{"id": 548, "text": " In 1879 , a group of Catholic residents of the Madison area met to plan the building of a church . At the meeting , a total of $ 426 @.@ 75 was subscribed ; additional contributions of $ 322 @.@ 86 were obtained from citizens of Madison . In January 1880 , the church 's trustees spent $ 100 for five acres ( 2 @.@ 0 ha ) on a hill at the southeastern edge of town . In the spring , a party of parishioners drove their ox teams to Wisner , about 30 miles ( 50 km ) northeast of Madison , for the first load of lumber for the new church . The 30 @-@ by @-@ 40 @-@ foot ( 9 m × 12 m ) frame structure , with a capacity of 100 , was completed in November 1881 ; the total cost was $ 957 @.@ 61 , leaving $ 208 @.@ 00 owed to the carpenter . The new church was dedicated to St. Leonard of Port Maurice , an 18th @-@ century Franciscan priest , preacher , ascetic , and writer venerated as the patron saint of parish missions . \n In 1882 , a parcel of land southeast of the church was purchased for a cemetery ; a one @-@ year @-@ old child buried in September of that year became its first occupant . The cemetery was fenced in 1883 . In 1884 , the church was enlarged : a sacristy and a room for the priest were added to the east end , and a steeple to the west end . \n As Madison 's population grew , the church became too small for the expanding congregation . In addition , its location outside of the city was inconvenient for many parishioners . In 1898 , a tract of land inside Madison was bought . Rather than building a new church at the time , the parish elected to move the old one to the new site . The church was moved in two parts ; when it was reconstructed , another section was added between them , increasing the building 's seating capacity to 180 . The church on the new site was dedicated in November 1898 . \n"} +{"id": 549, "text": " In the early 20th century , the parish decided that the old church should be remodelled into a school and a convent for the teachers , and that a new church should be built . Brother Leonard , a Franciscan architect , drew up plans for a church ; but financial constraints precluded its construction . Instead , a temporary basement church was built just west of the old church building . It is not known whether the design of the basement used 's plans . Construction of the basement church began in July 1902 , services were held there beginning in September 1902 , and it was dedicated in February 1903 . \n The school opened in September 1903 , with two classrooms staffed by two members of the Sisters of the Presentation of Dubuque , Iowa . 66 students were enrolled , including a number of non @-@ Catholics , owing to overcrowding in the public schools . To make more space available , a basement was dug in 1904 . In 1910 , a third classroom was added . \n In 1910 , the Franciscans turned the management of the parish over to the Diocese of Omaha . In October of that year , Edward S. Muenich became the first diocesan pastor of St. Leonard 's . \n Muenich embarked upon an extensive building campaign , for which he retained Omaha architect Jacob M. Nachtigall . Born in Germany in 1874 , Nachtigall had immigrated to the United States with his family in 1883 . Initially working as a laborer in Omaha , he had served as a draftsman for that city 's 1898 Trans @-@ Mississippi and International Exposition . He had then worked as a draftsman for Omaha architect Thomas Rogers Kimball from 1900 to 1908 ; during this time , Kimball had designed the city 's St. Cecilia 's Cathedral . In 1909 , Nachtigall had opened his own architectural office . \n In 1911 , a two @-@ story eight @-@ room brick rectory designed by Nachtigall was begun ; it was completed and furnished in 1912 , at a cost of $ 10 @,@ 374 . In the fall of 1912 , the church basement was extended by over 50 percent . \n"} +{"id": 550, "text": " In 1913 , a Romanesque Revival church designed by Nachtigall was built on the existing basement . The cornerstone was laid and construction begun in May ; the church was completed by the end of November , and formally dedicated on December 4 . The cost of construction was about $ 75 @,@ 000 . While the church was under construction , Catholic services were held in Madison 's armory . \n The new church had a seating capacity of 700 . In its 110 @-@ foot ( 34 m ) tower was a clock with four six @-@ foot ( 1 @.@ 8 m ) dials , and a peal of three bells , contributed by the citizens of Madison ; beside summoning the parishioners to Mass , these rang the quarter @-@ hours , marking time for the residents of the city and the surrounding rural areas . \n While the urban United States experienced an economic boom during the 1920s , the agricultural sector of the country experienced a depression . Disruption of European agriculture by World War I had produced high prices for farm commodities , and it had been thought that Europe 's recovery would be slow and that the high prices would persist . This gave rise to a bubble in farmland prices , which burst when the rapid postwar recovery of European agriculture drove commodity prices down again . At the same time , increasing mechanization reduced the need for farm labor , pushing agricultural wages downward and rural unemployment upward . Madison and St. Leonard 's parish suffered from this agricultural depression and from the Great Depression of the 1930s . During this time , the parish 's population remained more or less stable : in 1918 , it consisted of 440 individuals ; in 1929 , 452 . \n In 1926 , the parish was forced to close its school , since the Presentation Sisters were no longer able to staff it . The school re @-@ opened in 1931 , with 60 pupils taught by Missionary Benedictine Sisters based in Norfolk . \n The onset of World War II once again brought prosperity to rural Nebraska , and it persisted into the 1950s . St. Leonard 's paid off its remaining debt , held a mortgage @-@ burning ceremony in 1946 , and began raising funds for a new school . \n"} +{"id": 551, "text": " The cornerstone for a new school was laid in November 1953 . A property adjoining the new school site was bought , and the house standing upon it converted to a convent for the nuns staffing the school . The new building was completed and opened for classes in August 1954 ; the old school , which had begun life as the first St. Leonard 's Church , was demolished that fall , and its site became a parking lot . \n The Benedictine Sisters withdrew from the school in 1978 , prompting the closing of the seventh and eighth grades . The school continued to offer grades 1 – 6 , taught by three lay instructors . \n Beginning in the early 1990s , Madison experienced a large influx of Hispanics . In 1990 , Madison County 's population was 2 % Hispanic ; by 2010 , the number had increased to 13 % . In the city of Madison , whose single largest employer was a meatpacking plant with over 1000 employees , operated by and then by Tyson Foods , the increase was far greater : the Hispanic fraction of the population rose from less than 1 % in 1980 to 48 @.@ 8 % in 2010 , as the Spanish @-@ speaking population increased and the white non @-@ Hispanic population fell . By 2011 , an estimated two @-@ thirds of St. Leonard 's parishioners were Hispanic . Beginning in 1991 , the archdiocese assigned Spanish @-@ speaking priests to the parish , and both English- and Spanish @-@ language services were offered . \n The centennial of the church building was celebrated in December 2013 , at a bilingual Mass conducted by Elden Curtiss , archbishop emeritus of the Archdiocese of Omaha . \n"} +{"id": 552, "text": " In 1989 , three of the parish 's buildings — the church , the rectory , and the rectory 's garage — were added to the National Register of Historic Places , as the work of distinguished Nebraska architect Jacob M. Nachtigall . Beside St. Leonard 's , Nachtigall designed a number of other notable buildings in Nebraska , many of them Catholic ; these include St. Mary of the Assumption Church in Dwight ( 1914 ) , St. Anthony 's Church in Cedar Rapids ( 1919 ) , St. Bonaventure 's Church in ( 1919 ) , Immaculate Conception Church in Omaha ( 1926 ) , and Father Flanagan 's House at Boys Town ( 1927 ) . \n"} +{"id": 553, "text": " The church is oriented east @-@ west , with the main entrance facing westward . It is just over 153 feet ( 47 m ) long from east to west ; 52 feet ( 16 m ) wide from north to south . The walls are made of mosaic gray pressed brick trimmed with Bedford stone , rising from a rock @-@ faced limestone foundation , and are about 40 feet ( 12 m ) high . The peak of the roof is about 70 feet ( 21 m ) above ground level . \n At the west end of the church , a 110 @-@ foot ( 34 m ) belltower rises above the main entrance . The tower is topped with a copper dome , capped with a cross . It contains three bells , weighing 900 , 1 @,@ 600 , and 2 @,@ 500 pounds ( 410 , 730 , and 1 @,@ 130 kg ) . The tower 's clock has four six @-@ foot ( 1 @.@ 8 m ) dials . Below the tower , a flight of seventeen steps ascends to the church 's main entrance , via a set of double doors through a semicircular archway . \n The church 's north and south walls are supported by a series of buttresses . Seven windows run along each wall . A line of brick corbels runs along the walls below the eaves . Near the east end of the church , a short transept extends a short distance outward . At the church 's east end , beyond the transept , is a semicircular apse with a conical roof , topped with a six @-@ paned conical skylight . \n"} +{"id": 554, "text": " The interior plan of the church consists of a nave , a short transept , and a semicircular apse . At the west end of the nave is a narthex . At the center of this is a vestibule leading to the church 's main entrance ; at the church 's northwest corner is a reconciliation room , formerly a baptistry ; at the southwest corner is a short passage from which a staircase descends to the basement and another rises to the choir loft . In the loft is the church 's organ , a tracker model manufactured by the Organ Company in 1879 ; the organ was not originally built for St. Leonard 's . \n The nave measures 98 feet ( 30 m ) between the entrance and the communion rail . An aisle passes down its center ; narrower aisles follow the north and south walls . Two rows of seven circular columns run along the nave . The columns are made of wood , plastered to conceal the material , and decorated with Corinthian capitals . The rib @-@ vaulted ceiling rises 30 feet ( 9 @.@ 1 m ) above the floor . Fourteen stained @-@ glass windows , depicting scenes from the life of Christ , occupy the nave 's walls . The 13 @.@ 5 @-@ by @-@ 5 @-@ foot ( 4 @.@ 1 m × 1 @.@ 5 m ) windows were produced by the Muenich Art Studio of Chicago . Between the windows are sculpted stations of the cross . In three spandrels above columns on each side are fresco paintings . \n Two marble steps rise from the nave to the chancel . At the top of the steps is a hand @-@ carved white wood communion rail , decorated with miniature onyx columns and topped with marble . \n At the northwest and southwest corners of the chancel are two side altars : to the north , a Marian altar ; to the south , an altar of St. Joseph . The original image on the Marian altar depicts Our Lady of the Immaculate Conception ; more recently , an image of Our Lady of Guadalupe has been added . The St. Joseph altar includes a bone relic of St. Leonard of Port Maurice . \n On the Gospel side of the chancel is a large hand @-@ carved wood pulpit , decorated with carved figures of the four Evangelists . \n The chancel is dominated by the high altar , which stands over 20 feet ( 6 @.@ 1 m ) tall , and which cost its donors $ 2 @,@ 080 in 1913 . Like the communion rail , the side altars , and the pulpit , it is made of hand @-@ carved wood decorated with small onyx columns . At the base is a relief sculpture of the Last Supper ; above that is a marble altar table . The tabernacle is just above that ; to either side is a sculpted angel , kneeling to the tabernacle and holding the sanctuary lamps . Above the tabernacle is a sculpted Crucifixion of Jesus , with the Virgin Mary and the apostle John on either side of the cross . In separate niches on either side of the crucifixion scene are statues of St. Boniface and St. Patrick , representing the German and Irish ethnicity of the parish in the early 20th century . Above their niches are figures of angels blowing trumpets ; at the top of the altar is a statue of St. Leonard . \n On the half @-@ domed ceiling of the apse is a large oil @-@ painted mural depicting a scene in Heaven . In the center , God the Father and Jesus are enthroned on a cloud ; a stained @-@ glass skylight at the top of the dome depicting the Holy Spirit completes the Trinity . Flanking the Father and Son are the Virgin Mary and John the Baptist . Below the cloud is Satan in torment . At the left and right of the scene is an assemblage of 18 Catholic saints and 10 angels . \n Beside the fourteen large windows in the nave , there are 25 stained @-@ glass windows in the church , depicting saints and symbols of the Catholic Church . These include St. Cecilia , patron saint of the Archdiocese of Omaha , and a pair of windows depicting St. Boniface and St. Patrick . \n In the 1989 form nominating it for the National Register of Historic Places , it was noted that the church had undergone only minor alterations , including an interior redecoration in 1964 , the replacement of roof slates with asphalt shingles in 1977 , and the addition of a concrete ramp for access by the handicapped in 1986 . \n"} +{"id": 555, "text": " The rectory , located just south of the church , was designed in Neoclassical style , with Romanesque Revival elements . It is a rectangular house measuring 40 feet ( 12 m ) wide by 57 feet ( 17 m ) long , with eight rooms in two stories . Like the church , it is made of mosaic gray brick . \n An open porch occupies the whole of the west frontage , facing the street , and wraps around to cover half of the south side . The portico is supported by circular columns with Doric capitals . At the base of the porch is brick latticework . There is a small enclosed porch with a doorway on the east side . \n There are three rowlock arches above all of the windows on the first floor . One of the west @-@ facing windows on the second floor has two rowlock arches above it ; the other second @-@ floor windows are rectangular . There are two circular window openings in the attic , one facing west and the other south . \n The rectory has a sloping roof with overhanging eaves and wood cornices . On the south wall is a tympanum , filled in with siding . \n"} +{"id": 556, "text": " The original rectory garage is located southeast of the rectory . It is a rectangular structure facing westward , measuring 16 feet 2 inches ( 4 @.@ 9 m ) north to south , and 26 feet 4 inches ( 8 @.@ 0 m ) east to west . The interior is a single room . \n The front ( west side ) of the garage is made of the same mosaic gray brick that was used for the construction of the church and the rectory . The north and south walls are both made of two different materials : the western two @-@ thirds of them is red brick , possibly from the brickyard that once operated in Madison ; the easternmost third is plastered with a layer of cement , painted red to match the bricks . The rear ( east ) wall is also plastered with red cement . It is speculated that the garage was either lengthened to fit a longer car , or that the eastern third had to be rebuilt ; the building 's hip roof shows no signs of having been lengthened . \n The garage has two doors and two windows . Both the doors and windows have two rowlock brick arches over them . The car entrance is on the west side ; a passage door is on the north side . A clear @-@ glass window with 16 panes is on the east side . On the west side , north of the car entrance , is a window with beveled lead @-@ glass panes , which appear clear from the outside but red from inside the building . It has been speculated that this window was part of the parish 's first church . \n"} +{"id": 557, "text": " Vasco da Gama was a central battery ironclad which entered service with the Portuguese Navy in 1876 , serving until 1935 . She was built by the Thames Iron Works in London , launched in 1876 , and completed in 1878 . She served as the flagship of the Portuguese fleet for the majority of her long and peaceful career . She was rebuilt and heavily modernized between 1901 and 1903 . Long @-@ since obsolete by the 1930s , Vasco da Gama was finally sold for scrapping in 1935 . \n"} +{"id": 558, "text": " Vasco da Gama was 200 feet ( 61 m ) long between perpendiculars , and she had a beam of 40 ft ( 12 m ) , though at the main battery guns , the ship was 46 ft 6 in ( 14 @.@ 17 m ) wide . She had a maximum draft of 19 ft ( 5 @.@ 8 m ) . She displaced 2 @,@ 384 metric tons ( 2 @,@ 346 long tons ; 2 @,@ 628 short tons ) as originally built . She was fitted with a barquentine rig and a steam engine rated at 3 @,@ 000 indicated horsepower ( 2 @,@ 200 kW ) , which produced a top speed of 10 @.@ 3 kn ( 19 @.@ 1 km / h ; 11 @.@ 9 mph ) . She had a crew of 232 officers and men . \n As built , Vasco da Gama was armed with a main battery of two 10 @.@ 2 in ( 260 mm ) guns , placed in individual barbettes side by side amidships . She was also equipped with a single 5 @.@ 9 in ( 150 mm ) gun mounted on her stern , and four 9 @-@ pounder guns for close @-@ range defense against torpedo boats . She was protected with a complete iron armored belt that was 4 inches ( 100 mm ) thick on either end and 9 in ( 230 mm ) thick amidships . The main battery guns were protected by 10 @-@ inch ( 250 mm ) thick barbettes . \n"} +{"id": 559, "text": " Vasco da Gama was laid down at the Thames Iron Works shipyard in London , Britain in 1875 , and was launched on 1 December 1876 . The ship was completed in 1878 . She served as part of the coastal defense force that protected Lisbon , the Portuguese capital , and the mouth of the river Tagus . On 26 June 1897 , Vasco da Gama participated in the Fleet Review at Spithead celebrating Queen Victoria 's Diamond Jubilee . At the time , the ship was commanded by Captain Barreto de . \n In 1901 , Vasco da Gama was taken into drydock at Orlando shipyard in Livorno , Italy , for a major reconstruction . She was cut in half and lengthened by a 32 ft 6 in ( 9 @.@ 91 m ) long section . She was fitted with new engines and more powerful water @-@ tube boilers rated at 6 @,@ 000 ihp ( 4 @,@ 500 kW ) ; this increased her speed to 15 @.@ 5 kn ( 28 @.@ 7 km / h ; 17 @.@ 8 mph ) . Her sailing rig also was removed . Her main battery guns were replaced with new 8 in ( 200 mm ) L / 40 guns in sponsons , the short 5 @.@ 9 @-@ inch gun was replaced by a new long @-@ barreled 5 @.@ 9 @-@ inch L / 45 gun , and six 3 @-@ pounders augmented her close @-@ range defense . Her iron belt armor was removed and stronger steel armor was installed in its place . The ship 's crew increased to 260 officers and men . All of the changes caused her displacement to rise to 2 @,@ 972 metric tons ( 2 @,@ 925 long tons ; 3 @,@ 276 short tons ) . Work on Vasco da Gama was completed by 1903 . \n On 27 August 1907 , a gas explosion aboard the ship injured several crewmen . During political unrest in April 1913 , part of the crew of Vasco da Gama had to be removed from the ship , as they had been involved in a planned ultra @-@ Radical coup d 'état against the First Portuguese Republic . On 14 May 1915 , the crew again participated in unrest ; they mutinied and killed the ship 's captain and bombarded Lisbon , killing around one hundred people . Vasco da Gama remained the flagship of the Portuguese Navy at least as late as 1914 , as the Portuguese naval budget was insufficient to fund a suitable replacement vessel . Thoroughly obsolete , she remained in the Portuguese fleet until 1935 , when she was sold for scrapping . \n"} +{"id": 560, "text": " Nicole Franklin is a fictional character from the Australian Channel Seven soap opera Home and Away , played by Tessa James . She debuted on @-@ screen during the episode airing on 18 April 2008 . Nicole was introduced by executive producer Cameron Welsh . Nicole was mentioned various times before appearing on @-@ screen , James was cast in the role and described by Welsh as an \" exciting talent \" . He predicted that the viewers would respond \" really well \" to her . Nicole was initially portrayed as a shallow \" party girl \" with \" wild ways \" . Also described as a \" high maintenance \" female , she has been shown to dress constantly in a stylish manner . Nicole is also become notable for her many relationships . Her first prominent romance was with Geoff Campbell . Described as \" complete opposites \" , Geoff is credited as a catalyst in Nicole mellowing her brash attitude . Their storyline allowed the actors to take part in one of the serial 's \" biggest ever location shoots \" , when the couple became stranded on a remote desert island . In one storyline Nicole was involved in a same sex kiss with fellow character Freya Duric , which was branded controversial by various media sources . The plot saw Nicole question her persona , believing Geoff had transformed her into a boring person . \n Another relationship Nicole pursued was with Aden Jefferies , her longtime closest friend . Aden had a strong fanbase from his previous relationship with Belle Taylor . This resulted in the audience being divided over their relationship . Nicole has also been featured in various other romantic storylines , such as a brief fling with Liam Murphy , James said that he was compatible with Nicole because he had \" the edge she was after \" . She also dated Trey Palmer and they became involved in sex tape storyline , many newspapers reported on the plot because it \" echoed \" co @-@ star Lewis ' real life sex tape scandal . Producer Welsh once stated he believed Nicole was destined to become \" full circle \" and Nicole began behaving erratic and wild once more , due to her failed romances and the death of her friend Belle . She also had an affair with an older male character , Sid Walker . James liked the fact Nicole had so many romances because she got to kiss many of her co @-@ stars . \n James announced her departure from Home and Away in March 2011 . One of her final storylines was a pregnancy plot . Nicole felt she was too young and unable to offer a child stability , so she agreed to let Marilyn Chambers adopt the baby upon its birth . James and the writing team took the storyline \" very seriously \" and conducted research to portray the issue sensitively . Nicole has received critical analysis from various sources , with perception being mixed to positive . TV Week were neutral to aspects of her pregnancy plot but opined James was one of the serials best actress ' . The Daily Record said that being single was good for the character . She has also been likened to celebrities because of her glamorous image . \n"} +{"id": 561, "text": " Nicole is Roman Harris ' ( Conrad Coleby ) daughter and she was often mentioned on @-@ screen before producers decided to introduce her into the serial . In January 2008 it was announced that ex @-@ Neighbours star Tessa James had been cast as Nicole . Executive producer Cameron Welsh said ' She is an exciting talent and I think audiences are going to love her character and respond really well to her . \" James then moved to Sydney especially for the role . Speaking of working on the serial James stated : \" Working on a series like this [ Home and Away ] is the best training you can get , I look at it like an apprenticeship and never forget how lucky I am . \" Fellow cast member Celeste Dodwell who plays Melody Jones originally auditioned for the part of Nicole . After Coleby who plays Roman quit the serial , James ' time with the show was in doubt . \n In March 2011 , James confirmed that she had left Home and Away . She has already filmed her final scenes and Nicole will leave on @-@ screen later in the year . Of her departure , James said \" I was at Home and Away for three @-@ and @-@ a @-@ half @-@ years , so it 's good to be finished and get to be who I am , and do what I 've wanted to do for so long . \" \n"} +{"id": 562, "text": " Nicole has been portrayed as a party girl , feisty and has had many boyfriends in a short space of time . James has described Nicole stating : \" I love playing Nicole because she 's feisty and fun , and doesn 't mind pushing the boundaries . And she dresses stylishly – she 's very high maintenance , which is fun to play . \" The serial 's official website describe her as : \" Nicole might come off as a bitchy princess to some people , she 's not malicious . She 's simply as shallow as a puddle , and while she might cause others emotional pain , it 's totally unintentional . \" They also state : \" Nicole is a girl who lives to have fun , and she is fun if you accept her for who she is . And , of course , she thinks you 're worth her attention . Nicole is a girl who knows exactly who she is and where she stands : at the centre of the universe . \" Soap opera reporting website Holy Soap described Nicole as \" a label @-@ loving pampered princess , armed with a sharp wardrobe and an even sharper tongue \" . They also added she was a \" sultry \" type character . \n Whilst interviewed by The Daily Telegraph , James stated : \" I think she 's the best character , I get to have so much fun being a princess and a prima donna . She doesn 't mind pushing the boundaries . She 's very high maintenance , which is fun to play . \" She also stated she enjoys Nicole 's \" promiscuous side \" because she seems to have another boyfriend every week . James also enjoys the role because of this and the fact she gets so many \" \" scenes with other cast members . \n Series producer Cameron Welsh branded Nicole as an \" interesting character \" , adding his opinion on her development stating : \" She came in with really strong opinions and a kind of morality that was different to the rest of the group \" . Welsh also believes that Nicole is destined to come \" full circle \" . Of her 2010 storylines he comments that Nicole poor judgements make her realise and re @-@ evaluate her life . \n"} +{"id": 563, "text": " Nicole embarks on a relationship with Geoff Campbell , not before they are embroiled in a \" sordid love triangle \" along with Melody . In one storyline Nicole and Geoff became stranded on a \" deserted island \" and nearly die . The episodes were filmed on Box Beach located at Shoal Bay , New South Wales as part of a two @-@ day location shoot . Nicole nearly drowns in scenes which aired for the serial 's \" cliff @-@ hanger \" in 2008 . James and Lewis took scuba diving lessons in preparation for the storyline . Filming the storyline was compromised by logistical challenges . The crew had to move camera equipment between boats and the crew walked around the perimeters of the beach in order to avoid leaving footprints . This was to keep the authenticity of a deserted location . The storyline was also given a \" big budget \" , featured helicopters and a number of promotional adverts were aired on Seven . \n The storyline began on @-@ screen when Nicole started dating Elliot Gillen ( Paul ) . He had a vendetta against Roman and kidnapped Nicole and Geoff and left them stranded out at sea . They washed up on a deserted island and were forced to survive without food and clothing . Describing the effect it had on Nicole and Geoff , James stated : \" They have no food , shelter or clothing . [ ... ] They find moments to make each other laugh , though , and realise how much they mean to one another . \" Geoff had strong religious views and did not believe in premarital sex . However , the environment they were in caused him to let his guard down and they slept together . Lewis told TV Week that all the pair could think of whilst trapped was being rescued and their feelings for one an other . He added that \" the fact they were both pretty much naked didn 't help \" . He concluded the fact they were both kids , trying to keep warm - that then \" stuff happens \" . Geoff was left \" guilt @-@ ridden \" because he gave into temptation . He did not regret it , but acknowledged that he wanted to save his virginity until marriage . Therefore , Geoff saw no other option but to propose to Nicole . Lewis stated , \" He 's not 100 % sure about that either , but he feels that if they 're going to have sex , a wedding is the only solution . \" Describing Nicole 's reaction he said that she was \" dumbfounded \" by his offer , as she had believed he was acting strange because he wanted to dump her . Nicole refused when she realised his reasons for proposing . According to James , the moment managed to ruin their passion , she also commented that : \" Nicole has liked Geoff for ages and was so happy to have got together with him - but now he 's spoiled it . \" James also admitted she was trilled to learn Nicole would turn down his proposal . James later opined that Nicole was \" the one \" for Geoff , but did not believe that Geoff was \" the one \" for Nicole . \n Nicole and Geoff 's relationship became strained . Nicole decided to plan a return trip to the island , believing it would solve their problems and bring them closer together . James said that Geoff loved the surprise , but found Nicole \" very sexy and tempting \" . She added that everything about Nicole forced Geoff to question his religious beliefs and he felt he \" needed to back away \" . Their trip soon turned disastrous when a man named Derrick Quaid ( John Atkinson ) stole their food and intimidated the couple . He admitted he were a murderer and tried to attack Geoff with a knife . James said he \" put himself in harms way \" to save Nicole . \n In 2009 , James told Inside Soap that Nicole and Geoff had a strong friendship underneath their romance . She also described their compatibility stating : \" They 're complete opposites , which works well for them . It 's a bit of a fiery relationship , and they 've been through a lot together . \" Whilst Lewis added : \" They 're also very similar in some of their strongest traits . Geoff and Nicole are both stubborn and opinionated , and in some ways they 're naive . In a weird way they show a side to each other nobody else gets to see . \" James opined Nicole 's wild behaviour was often to much for Geoff to cope with . In public , Lewis initially had negative feedback from older viewers because they felt Geoff was better suited to Melody . He revealed they felt like she was a bad influence for Geoff because she often played games . However towards the end of their relationship he felt perception had changed due to viewers having a better understanding of Nicole 's persona . \n"} +{"id": 564, "text": " In 2009 , the serial embarked on two lesbian storylines , one of which involved Nicole . It featured Freya Duric ( Sophie ) kissing Nicole , which sparked complaints . However , for Nicole it wasn 't about sexuality , rather finding herself the center of attention . James described their dynamic , stating : \" Freya 's exactly what Nicole was like when she first arrived in the bay , that is why they click . Nicole relates to the wild side of Freya , but has no idea how far Freya is going to take it . \" Through her relationship with Geoff she had mellowed , however her vanity was still present . James said Nicole was \" angry \" because she was on Freya 's \" not hot list \" . Freya kissed her to prove she thinks she is hot , James opined that Nicole did not enjoy the kiss , but was just \" happy to be center of attention \" and happy that people were talking about her again . The incident eventually brought her to the realisation that she had become boring . Nicole denied it was to do with her involvement with Geoff , however James said Geoff was the reason she became bored . \n Later that year the serial included a storyline which was branded \" bizarre \" after it mirrored a real life scandal that had occurred weeks earlier . Lewis who plays love interest Geoff had been caught up in a sex tape scandal which leaked onto the internet , the serial decided to include Nicole making a sex tape with Trey Palmer ( Luke Bracey ) and having it leaked . Trey filmed without Nicole 's consent , when she found out the truth she ended their relationship . Trey thought she and Geoff were getting back together so aired the tape at a local film festival to gain revenge . James described Nicole 's state of mind adding , \" She 's quite vulnerable at the moment , with her dad , Roman , in prison . She 's relying on Trey , so this is the last thing she needs . \" \n Nicole 's best friend during her initial storylines was Aden Jefferies ( Todd Lasance ) . After Brendan Austin ( Kain O 'Keeffe ) caused Roman to go blind , he took his anger out on Nicole and Aden . Subsequently they became \" each other 's support network \" and Lasance said it was not long afterward that they \" slipped between the sheets \" . One of the conditions of Aden 's tenancy was to never sleep with Nicole , this made the pair feel guilty that they had deceived Roman . Lasance felt the storyline was controversial as he had a strong fan base for his relationship with Belle Taylor ( Jessica Tovey ) - which meant he knew it would \" cause a stir \" and divide the audience . In January 2010 , Nicole and Aden \" get up close and personal \" and they decided to spend Aden 's remaining time in the Bay together . They shared a kiss and James told TV Week that there are \" a lot of complications \" for them . She said that no one knew what was going to happen with Liam Murphy ( Axle Whitehead ) and that Nicole felt guilty for betraying Belle because she was her friend . James explained that Nicole 's pairing with Aden was \" a bit more serious and in @-@ depth than her usual relationships . \" James opined that Aden was the \" nicer guy \" for Nicole , but Liam may have had \" the edge she 's after . \" Nicole and Aden then embarked on a relationship . James thought that Nicole and Aden 's relationship was great and said \" They started out having a kind of brother @-@ sister relationship , and that developed into something more . \" Nicole declared her love for Aden , however he did not reciprocate . Lasance described the moment whilst interviewed by TV Week stating : \" They 've always had an awesome connection and Nicole gets into a bit of a comfortable state and blurts out that she loves Aden . \" Aden appreciated her love for him , however cannot say it back until he felt the same way . It is this that made their relationship \" awkward \" , Nicole tried to withdraw her declaration and hide her hurt feelings . \n"} +{"id": 565, "text": " In mid @-@ 2009 , producers decided to take Nicole 's storyline into a \" u @-@ turn \" , when she reverted to her \" wild ways \" . At the time Nicole had endured repetitive personal trauma including failed relationships , Roman being sent to prison and her best friend Belle was dying of cancer . James explained : \" It 's all too much for her and she can 't handle it , so she reverts to her wild ways . \" Geoff notices Nicole 's erratic behaviour and attempts to help her . She tried to \" lure him into bed \" after he comforted her , however he turned her down . James said she no longer had romantic feelings for Geoff , but was actually in a \" vulnerable state \" . She then started relying on alcohol more , and partied with fellow \" wild child \" Indigo Walker ( Samara Weaving ) at a \" rowdy \" venue . James explained that Nicole saw alcohol as an answer to her problems . The fact that \" she 's trying to deal with too many things \" saw Nicole transform into a messed up and depressed person . \n Nicole became more irresponsible with the more she drank and was in the company of many men . Geoff arrived and saved her from danger , Lewis said there was a part of Geoff that still loved Nicole . However they did not start anything again , James said she understood why because of their complicated backstory . However Geoff continued to support Nicole as he realised that \" a lot of people she was closest to have deserted her \" . Nicole 's unpredictable behaviour continued thereafter . All that Geoff could offer was to be there for her because ultimately \" Nicole is the only one that can save her from herself . \" \n"} +{"id": 566, "text": " Nicole had a brief relationship with Penn Graham ( Christian Clark ) and after he was murdered , she discovered that she was pregnant with his child . James told Sunrise that viewers could expect a \" realistic portrayal of teen pregnancy \" and she explained that it was important to respect the issue . She added \" We took it very seriously with the writers , and you do a lot of research and things like that . You can only do your best , I guess ! \" Nicole later told Marilyn Chambers ( Emily Symons ) about the baby and she offered to adopt it . James later revealed that when she joined Home and Away she told the writers that they can do anything with her character , except make her pregnant . Of the moment she was told that Nicole was going to have a baby , James said \" I went in to see our producer later and he said , ' Okay , I 'm going to apologise in advance - we 're making Nicole pregnant ! ' \" She initially did not want to portray a \" typical soap teenage pregnancy \" as she thought Nicole should be different . However the situation was explained to her and she became excited at the challenging storyline ahead . \n Nicole later decided to let Marilyn and Sid Walker ( Robert Mammone ) adopt the baby upon its birth . Marilyn was desperate to mother a child and her obsession with that and her controlling behaviour became too much for Nicole . Of the situation , Symons said \" Marilyn is in Nicole 's face every minute . She 's doing it out of love , but she doesn 't realise she 's becoming obsessed with the baby . \" Nicole was still questioning whether she is making the right decision about her unborn baby 's future and she argued with Marilyn . Nicole began dating a student from university , Angus ( Tim Pocock ) , they got along well on their first dates . Marilyn was left worried about their agreement and she felt \" distanced . \" Symons explained , \" Marilyn is scared of being replaced . She 's scared of losing the baby , which could happen because there isn 't a legal agreement . \" Roo Stewart ( Georgie Parker ) helped Nicole by convincing Marilyn to re @-@ evaluate the situation . Symons added that there is \" still a long way to go \" with the arrangement , but thereafter she was supportive and offered constructive help to Nicole . \n During the final few weeks of her pregnancy Nicole began to receive increasing support from Angelo Rosetta ( Luke Jacobz ) . James said it was clear to see that \" the lines of friendship could be blurring into something more \" for the pair . Whilst Jacobz opined \" They 've been spending time together and have realised how comfortable they are together . \" \n Angelo was forced to help Nicole give birth to a baby boy , George , and she handed him over to Marilyn immediately as agreed . She then tried to stay away , however it became obvious he needed her when he struggled without her . Marilyn then became obsessed with Nicole having the power to take her new son back . It was then revealed that Nicole would struggle to switch off her mothering instinct after giving George away . Nicole came to visit the baby and Marilyn caught her breastfeeding George , while she was alone with him . Symons called the scenes \" volatile . \" Nicole was unaware that Marilyn has reservations about her spending time with the baby . Of the breastfeeding scene , Symons stated : \" Marilyn is shocked and offended , and this cuts to the very core of her worries - that she doesn 't have the same natural mothering instincts as George 's birth mother . Without a doubt , Marilyn thinks Nicole is overstepping the mark . She feels that a boundary has been overstepped and it could put a big strain on their relationship . \" After the incident , Nicole is asked by Marylin , to stay away from the baby . James defended Nicole stating : \" I think it 's hard to not bond , but this is Marilyn 's baby , and Nicole is so young and wants very much to give Marilyn and Sid this gift . \" \n"} +{"id": 567, "text": " Nicole 's biological parents were the teenage Roman Harris ( Conrad Coleby ) and Natalie Franklin ( Adrienne Pickering ) , but she was raised by her maternal grandparents and considered her mother , Natalie , as an older sister . She did not meet her father until her early teenage years . Nicole arrives in Summer Bay in a flashy car . She initially makes herself unpopular with her bitchy care @-@ free nature . She tries to sleep with Aden but he rebuffs her . She makes a bet with Aden that she can sleep with Geoff Campbell ( Lincoln Lewis ) within two weeks , but Geoff and Belle publicly humiliate her when they find out . Nicole starts dating Roman 's old SAS friend Mark 's brother Elliot Gillen , despite Roman 's disapproval . After breaking up with Elliot , he takes her diving where he tries to kill her , Geoff and later Roman . Geoff tries to save Nicole , but Elliot leaves the pair stranded at sea . They wash up on a remote island and Geoff and Nicole grow close to each other . Geoff , who has strong religious views , sleeps with Nicole as they cannot fight temptation . When rescued Geoff proposes to Nicole out of guilt , she turns him down . She later has a pregnancy scare but is happy to discover it was a false alarm . Nicole later decides she and Geoff should return to the island to repair their relationship . They chased through woodland by a murderer , Derrick who tries to kill them both . However they manage to escape . Nicole decides to try her best to make their relationship work . However , after Freya kisses her they enter a few rocky periods and later break up . \n She starts a relationship with troublesome Trey . He films them having sex , which is later leaked at the town 's movie festival . She has a brief relationship with Liam . After the death of good friend Belle , Nicole goes on a downward spiral . She starts partying and binge drinking along with Indigo . Geoff notices her behaviour and attempts to help her . After pushing him away she sleeps with drug addict Liam . She then pursues older man Sid . She kisses him and Indigo sees them , which ruins their friendship . She later moves in with Miles Copeland ( Josh Quong Tart ) who agrees to look after her . \n Nicole starts dating Penn who manipulates her . He makes her believe she has accidentally stepped on a needle and she has tests for HIV . She later finds out she has the all clear . Nicole reveals to Marilyn that she is pregnant with Penn 's child . She initially chooses to have an abortion , but changes her mind and decides to give the baby to Marilyn . Nicole goes on a date with Angelo and she takes him to her antenatal class . When he learns that Nicole is giving her baby away , Angelo ends their relationship . Nicole become friends with Roo and asks her to be at the birth , but Roo turns her down . Marilyn apologises to Nicole when she starts to take over and begins leaving her out of her plans for the baby . Nicole becomes fed up when the baby is late and Angelo tries to help her start labour . They go for a walk on the beach and Nicole 's water breaks . Angelo is then forced to deliver the baby . Nicole later decides that she wants her baby back and tells Marilyn , who is devastated . Marilyn takes the baby , but later returns him . Nicole then leaves Summer bay with Angelo and George . She later contacts Marilyn and they meet in the city . Nicole and Marilyn talk things through and Angelo shows up with George . \n"} +{"id": 568, "text": " Holy Soap said that Nicole 's most memorable moment was when she \" returned to the desert island with Geoff to rekindle their love \" and she was held hostage by Derek the murderer , before her father came to the rescue . When Nicole began dating Liam , Caroline Fitton writing for the Daily Mail said \" I think this reforming wild child – a kind of less moody Peaches Geldof – has struck lucky \" . Inside Soap opined that Nicole was a \" flighty minx from the city who prays at the altar of Paris Hilton \" . The Sunday Mail said it seemed like no one could stop her downward spiral . The Daily Record said that Nicole and Geoff 's relationship ending was good for her character . They later branded her a \" fiery favourite \" and when she started dating Penn , they said \" Nicole looks set to fall for the wrong man all over again \" . When Nicole had her HIV scare Holy Soap said \" As if defending her man against the Bay 's critics wasn 't enough for one girl to take , poor Nic \" . Inside Soap said \" Nicole Franklin isn 't exactly backward in coming forward \" . Jaci Stephen of the Daily Mail opined that Nicole seemed incapable of decision making when it came to deciding on a birthing partner . TV Week chose James as one of the serial 's most promising actresses opining she was ready for roles in Hollywood . \n TV Week often commented on her pregnancy storyline . After the plot was half way through Erin Miller of TV Week said that Nicole had changed her mind about adopting her baby \" more times that Julia Gillard has uttered the phrase ' moving forward ' \" . Upon watching Nicole 's beach birth scenes , the magazine website editor quipped \" Who knew sand had birthing properties ? ! Well , maybe not ... but you could forgive pregnant teen Nicole for thinking that after a casual stroll along the Bay 's beach ends with Angelo delivering her newborn son ! \" Commenting on the realism of the storyline they added : \" Only in the Bay would a baby be born on the beach ! \" Miller thought it was odd she had then \" miraculously lost any signs that she even had a baby . \" She quipped \" already the teen is back to wearing skin @-@ tight dresses ! \" . They later described Nicole and Marilyn 's argument over George as \" the mother of all rifts \" and said \" It 's exhausting just thinking about it ! \" Miller later criticised Nicole 's career in fashion , after John told her he hated her designs for the Surf Club . She said \" I had to agree with him - putting in pink polo @-@ neck swimmers is a terrible idea . \" \n"} +{"id": 569, "text": " \" Livin ' the Dream \" is the twenty @-@ first episode of the ninth season of the American comedy television series The Office and the 197th episode overall . It originally aired on NBC on May 2 , 2013 . The episode guest stars Michael Imperioli as Sensei Billy , and was initially scheduled to air in its half @-@ hour timeslot , before being expanded to a full hour . \n The series — presented as if it were a real documentary — depicts the everyday lives of office employees in the Scranton , Pennsylvania , branch of the fictional Dunder Mifflin Paper Company . In the episode , Andy Bernard ( Ed Helms ) decides to pursue a career as a professional actor , and quits his job at Dunder Mifflin . Meanwhile , Dwight Schrute ( Rainn Wilson ) finally receives his black belt in karate from his new sensei ( Imperioli ) and , on the recommendation of Jim Halpert ( John Krasinski ) , is promoted to Regional Manager of the Scranton branch . Jim reconnects with Pam Halpert ( Jenna Fischer ) , and makes it clear that he will choose her over Philadelphia . \n The episode was viewed by an estimated and received a 1 @.@ 8 / 5 percent share among adults between the ages of 18 and 49 , ranking third in its first half @-@ hour timeslot and fourth in its second , marking a slight increase in the ratings from the previous episode . \" Livin ' the Dream \" received mostly positive reviews from television critics . Critical praise mainly went towards the dynamic between Jim , Pam and Dwight , particularly for the former two 's reconciliation and the latter 's promotion . Andy 's subplot , meanwhile , received more mixed reviews . \n"} +{"id": 570, "text": " CEO David Wallace ( Andy Buckley ) plans on firing Andy Bernard ( Ed Helms ) due to his missing work for acting gigs . However , Andy tells David he is resigning to pursue his dreams of stardom full time , and David is relieved to not have to fire him . Dwight Schrute ( Rainn Wilson ) receives his black belt in karate from his new sensei ( Michael Imperioli ) . Seeing Dwight 's tenacity and devotion , David is inspired to make Dwight Andy 's replacement . \n Jim Halpert ( John Krasinski ) has returned to Scranton full time , saying he has realized that he can 't devote himself to both his family and his new job , and has decided to go \" all in \" on his family since that is what makes him most happy . David asks Jim his opinion on promoting Dwight , and Jim says that Dwight deserves the job and will be a great manager . Dwight then appoints Jim the new assistant to the regional manager . Darryl Philbin ( Craig Robinson ) informs Jim that Athlead has found a buyer and wants them to do a promotional tour around the country for three months . With undisguised regret , Jim says he will not do the tour because he cannot put his wife Pam ( Jenna Fischer ) through that , unaware that Pam is listening in . \n Everyone in the office tells Andy that quitting is a foolish move and that he has no chance of achieving stardom . Andy eventually goes back on his decision , and David allows him to stay on in a sales position . However , mere hours later Andy feels that he is only sticking with his @-@ Mifflin job because it is safe and that he has to take a shot at achieving fame . Fearing his conviction will falter a second time , he decides he cannot simply quit , but get fired . This proves difficult as he is unable to make himself go through with any offense more serious than defecating on David 's car . Andy bids farewell to his coworkers with an unexpectedly moving rendition of \" I Will Remember You \" , prompting them to comment to the documentary crew that he may have star potential after all . \n Meanwhile , Angela Martin ( Angela Kinsey ) is evicted from her studio apartment after her cats were taken away by Animal Control . She considers living in a tent in the woods , prompting Oscar Martinez ( Oscar Nunez ) to offer her to stay with him until she gets back on her feet . She finally accepts with gratitude . As they set off to take Angela 's things to Oscar 's place , Oscar mentions her marriage to Robert Lipton and she breaks down into tears , saying \" I love him . \" However , she denies she still has feelings for Robert and claims she was talking about Dwight . \n"} +{"id": 571, "text": " \" Livin ' the Dream \" was written by story editor Niki Schwartz @-@ Wright , marking her second writing credit for the series , after the earlier season episode \" Lice \" . It was directed by regular Office director Jeffrey Blitz , who last directed season eight 's \" Gettysburg \" . The episode was originally scheduled to air in its regular half @-@ hour time slot , but NBC later announced it would be expanded to fill an hour time slot beginning a half hour early , although it still counts as one official episode , similar to the earlier season episode \" Moving On \" . Rogers noted that \" we knew the last two episodes would be hour @-@ longs , and The Finale might even end up running longer , but we still had a lot of great storytelling to do leading up to them , and ' Livin ' the Dream ' was one that ultimately deserved to be an hour long episode as well ! \" \n"} +{"id": 572, "text": " \" Livin ' the Dream \" originally aired on May 2 , 2013 on NBC . In its original American broadcast , \" Livin ' the Dream \" was viewed by an estimated 3 @.@ 51 million viewers and received a 1 @.@ 8 rating / 5 % share among adults between the ages of 18 and 49 . This means that it was seen by 1 @.@ 8 percent of all 18- to 49 @-@ year @-@ olds , and 5 percent of all 18- to 49 @-@ year @-@ olds watching television at the time of the broadcast . This marked a slight increase in the ratings from the previous episode , \" Paper Airplane \" . The episode ranked third in its first half @-@ hour timeslot , being beaten by an episode of the CBS comedy series Two and a Half Men which received a 3 @.@ 2 / 10 rating and an entry of the Fox reality series American Idol which scored a 2 @.@ 6 / 9 rating . The second half @-@ hour ranked fourth in its timeslot , being beaten by an episode of the ABC series Grey 's Anatomy which scored a 3 @.@ 0 / 9 rating , an entry of the CBS series Person of Interest which garnered a 2 @.@ 4 / 7 rating , and installment of the Fox series Glee which received a 1 @.@ 9 / 5 rating . \n"} +{"id": 573, "text": " \" Livin ' the Dream \" received positive reviews from television critics . Roth Cornet of IGN wrote that \" it pleases me greatly that at the conclusion of this super @-@ sized episode I was left , once again , truly looking forward to seeing what these next few weeks , and that final hour of The Office , will bring . \" Cornet praised the full @-@ use of the ensemble , particularly the \" Phyllis and Stanley Lil ' Romeo mini @-@ debate \" and Creed 's confused mimicking of Dwight 's declaration . Cornet also called the Dwight storyline \" perfectly executed \" , as well as the Jim @-@ Pam @-@ Dwight dynamic featured throughout the episode , calling their companionship to be \" entirely earned \" . She also praised Kinsey 's performance during her character 's storyline , and said her final scenes with Oscar \" [ tugged ] at my heart @-@ string \" . She gave the episode an 8 @.@ 5 out of 10 , calling it \" Great \" . M. Giant of Television Without Pity awarded the episode an \" A – \" and wrote that \" almost everybody is having their best day in a long time , in the best episode of The Office in an even longer time \" . \n Nick Campbell of TV.com complimented the sentimental storylines in the episode , specifically between Jim , Pam and Dwight . He was positive towards Jim and Pam 's reconciliation , but felt \" something hollow about their reunion \" . He also noted that the Jim @-@ Pam storyline caused the Dwight @-@ Angela relationship to go \" darker \" . Alan Sepinwall of HitFix gave the episode a slightly more mixed review writing that \" the non @-@ Andy parts of \" Livin ' the Dream \" were fairly interesting \" . He appreciated the drama coming from Angela 's desperation , despite disagreeing with the logic in the situation . Sepinwall praised the Jim @-@ Dwight dynamic in the episode , considering it an enjoyable payoff , and also praised Jim and Pam 's reconciliation , particularly them annoying their co @-@ workers with their flirting . Joshua Alton of The A.V. Club was more negative towards the episode , saying it felt \" padded @-@ out \" to fill the full hour timeslot , and that \" this episode might be the nadir for the show ’ s hour @-@ long installments \" . He was complimentary towards the Jim @-@ Pam storyline , but felt \" there wasn ’ t much happening \" beyond Pam overhearing Jim 's talk with Darryl . Alton praised the Dwight storyline and his dynamic with Jim and Pam , calling it \" the true fan service \" . Alton gave the episode a \" C – \" . \n"} +{"id": 574, "text": " ( or Toniná in Spanish orthography ) is a pre @-@ Columbian archaeological site and ruined city of the Maya civilization located in what is now the Mexican state of Chiapas , some 13 km ( 8 @.@ 1 mi ) east of the town of Ocosingo . \n The site is medium to large , with groups of temple @-@ pyramids set on terraces rising some 71 metres ( 233 ft ) above a plaza , a large court for playing the Mesoamerican ballgame , and over 100 carved monuments , most dating from the 6th century through the 9th centuries AD , during the Classic period . Toniná is distinguished by its well preserved stucco sculptures and particularly by its in @-@ the @-@ round carved monuments , produced to an extent not seen in Mesoamerica since the end of the much earlier Olmec civilization . \n Toniná was an aggressive state in the Late Classic , using warfare to develop a powerful kingdom . For much of its history , Toniná was engaged in sporadic warfare with Palenque , its greatest rival and one of the most important polities in the west of the Maya region , although Toniná eventually became the dominant city in the west . \n The city is notable for having the last known Long Count date on any Maya monument , marking the end of the Classic Maya period in AD 909 . \n"} +{"id": 575, "text": " Toniná means house of stone in the Tzeltal language of the local Maya inhabitants , an alternate interpretation is the place where stone sculptures are raised to honour time . However , this is a modern name and the original name was either Po or Popo , appearing in Classic Maya texts in the title used for the kings of Toniná , k 'uhul po ' ajaw ( Divine Lord of Po ) . A Maya rebellion in Colonial times , in 1558 , featured a group called the po ' ' ( People of Po ) . Early versions of the Toniná emblem glyph bore a doubled po glyph and the term Popo is also found in Colonial records . Since double sounds were often abbreviated in hieroglyphic texts , Popo may represent the original name of the city . \n"} +{"id": 576, "text": " Toniná is located at an altitude of 800 to 900 metres ( 2 @,@ 600 to 3 @,@ 000 ft ) above mean sea level in the Chiapas highlands of southern Mexico , some 40 miles ( 64 km ) south of the contemporary Maya city of Palenque , Toniná 's greatest rival throughout its recorded history . Toniná is separated from Palenque by mountainous terrain and the site core is located along an easily defended ascending limestone ridge immediately to the west of a seasonal tributary of the Río , one of the two rivers forming the Ocosingo Valley . \n"} +{"id": 577, "text": " Rulers of Toniná recorded in the Maya script on Toniná monuments include : \n The last known recorded date at the site is featured on Monument 101 as 15 January 909 CE . \n"} +{"id": 578, "text": " Toniná had a particularly active Early Classic presence , although the Early Classic remains lie entirely buried under later construction . Due to this , early texts are scarce and only offer a glimpse of the early history of the site . An 8th @-@ century text refers to a king ruling in AD 217 , although it only mentions his title , not his name . \n Ruler 1 is depicted on a couple of Early Classic monuments , the better preserved of which is an altar that dates to 514 . A ruler known as Jaguar Bird is represented on a 6th @-@ century stela , which describes him acceding to the throne in 568 . \n The first mention of Toniná in a record from a foreign state is from the site of , located 72 kilometres ( 45 mi ) to the northeast on the Usumacinta River , the text is from a throne and describes the capture of a person from Toniná in 573 . \n"} +{"id": 579, "text": " Toniná 's history comes into focus in the Late Classic , when its historical record is more fully represented by hieroglyphic texts . In 633 K 'inich Hix Chapat is recorded as installing two subordinate lords but little else is known of his reign , although he was probably enthroned in 595 . The last mention of K 'inich Hix Chapat is in a monument dated to 665 that appears to be a memorial stone . \n"} +{"id": 580, "text": " Ruler 2 acceded to the throne of Toniná in 668 . His rule is marked by warfare and the frequent depiction of bound captives on his monuments . Ruler 2 established the use of in @-@ the @-@ round sculptural style that came to typify the stelae of Toniná . A monument dated to 682 depicts three naked prisoners with their arms bound , one of them is identified as a lord from ' , an as yet unidentified site . His reign may have ended with his defeat and capture by K 'inich Kan Balam II of Palenque in September 687 , as described in a glyphic text from Temple 17 in the rival city , an event that probably culminated in his sacrifice . \n"} +{"id": 581, "text": " K 'inich B 'aaknal Chaak was enthroned in 688 , twenty years after Ruler 2 , and reigned for twenty @-@ seven years . During his reign he restored Toniná 's power with a number of military victories over Palenque , and his reign was dominated by the struggle against the rival city for regional power . Ballcourt 1 , the larger of Toniná 's two ballcourts , was dedicated in 699 to celebrate three victories over the city 's arch @-@ rival . The ballcourt originally had six sculptures of bound captives , all vassals of the enemy Palenque king from the Usumacinta region . The date of the king 's death is unknown . \n"} +{"id": 582, "text": " Ruler 4 came to power in 708 at a very young age . Three years later , in 711 , while Ruler 4 was still a child , Toniná gained an important victory over Palenque . The battle resulted in the capture of Kan Joy Chitam II of Palenque and made Toniná the dominant centre in the lower Usumacinta region . The victory was so complete that it resulted in a ten @-@ year gap in the dynastic history of the defeated city , during which the captured ruler may have been held hostage . Ruler 4 continued in power to celebrate the period endings of 716 and 721 . A captive depicted on one of his monuments is identified as being from the distant city of Calakmul , one of the two Maya \" superpowers \" . \n"} +{"id": 583, "text": " Ruler 4 was succeeded by K 'inich Ich 'aak Chapat in 723 . Around 725 Toniná fought a war against Piedras Negras , a city on the north bank of the Usumacinta River , now in Guatemala . A series of events during his reign were marked on monuments between 726 and 729 and in 730 he rededicated the tomb of his predecessor K 'inich B 'aaknal Chaak . The mother of K 'inich Ich 'aak Chapat is named as Lady K 'awiil and his father may well have been K 'inich B 'aaknal Chaak himself . The reign of K 'inich Ich 'aak Chapat is notable for the absence of the usual sculptures depicting bound war captives , although the reason for this is unknown . \n"} +{"id": 584, "text": " Little is known of the next two rulers , Ruler 6 is named as K 'inich Tuun Chapat , he celebrated the period ending of 736 and may have died 762 . A damaged text accompanying the image of a bound captive indicates renewed warfare with Palenque during his reign , however the name of the prisoner is lost and it is unclear if it is the actual king of Palenque or merely one of his vassals . He was succeeded by Ruler 7 , about whom even less is known . Around 764 Toniná defeated Palenque in battle . \n In 775 a text recorded the death of Lord Wak Chan K 'ak ' , a prince who appears to have been the heir to the throne and who died before he could take power . \n Ruler 8 was the last of the successful warrior kings of Toniná . He celebrated a series of events between 789 and 806 , including the defeat of in 789 , and the capture of the ruler Ucha 'an Aj Chih , who appears to have been the vassal of B 'olon K 'awiil of Calakmul . In 799 he rededicated the tomb of Ruler 1 . Ruler 8 oversaw an extensive remodelling of the upper levels of the Acropolis . Ruler 8 erected a number of sculptures of bound prisoners of war and adopted the title aj b 'olon b 'aak , \" He of Many Captives \" . However , the lesser extent of Toniná 's power is evident from its victory over the site of Sak Tz 'i ' ( White Dog ) , an important city in the Lacandon region , an area which had once been dominated by Toniná . \n By the time of Ruler 8 's successor , Uh Chapat , Toniná was clearly in decline . Only a single event , in 837 , can be dated to his reign , although a stucco mural depicting captives with at their throats may belong to his period of rule . \n The history of Toniná continued after most other Classic Maya cities had fallen , perhaps aided by the site 's relative isolation . Ruler 10 is associated with a monument dating to 904 in the Terminal Classic and a monument dating to 909 bears the last known Long Count date although the name of the king has not survived . Ceramic fragments indicate that occupation at the site continued for another century or more . \n"} +{"id": 585, "text": " The first published account of the ruins was made by Fray Jacinto Garrido at the end of the 17th century . A number of visitors investigated the ruins of Toniná in the 19th century , the first being an expedition led by Guillaume in 1808 . John Lloyd Stephens and Frederick Catherwood visited in 1840 , and Stephens wrote an extensive description of the site . Eduard and @-@ Sachs investigated the monuments at Toniná , publishing their reports at the turn of the 20th century . Karl Sapper visited the site in 1895 and 1896 . Frans Blom and Oliver La Farge investigated the site in 1920s for Tulane University , publishing their reports in 1926 — 1927 . \n The French Toniná Project began excavations in 1972 which continued through 1975 , then resumed in 1979 to 1980 , under the direction of Pierre and Claude Baudez . The National Institute of Anthropology and History of Mexico ( INAH , the Instituto Nacional de e Historia ) began their own excavations at Toniná the following year . \n The site is accessible for tourism and has a small museum that was inaugurated on 15 July 2000 . \n"} +{"id": 586, "text": " The site was built on a platform covering 6 hectares ( 650 @,@ 000 sq ft ) . The principal architecture is located in the acropolis , which occupies seven south @-@ facing terraces on the northern side of the platform , rising 71 metres ( 233 ft ) over the plaza below . It has a more distinct geometry than at most Maya sites , with a right @-@ angle relationship between most structures . \n Much of the public imagery of the site details the ruthless manner in which the city dealt with its enemies . A 16 by 4 metres ( 52 by 13 ft ) stucco sculpture rising from the fourth to fifth terraces depicts a skeletal death god carrying the severed head of a lord of Palenque in one hand . A frieze on the fifth terrace probably displayed Toniná 's most distinguished victims , dozens of fragments of this frieze were discovered in the plaza below . This frieze was carved from the local sandstone but its style is that of Palenque , suggesting that captured artists carried out the work . \n After the abandonment of the city at the end of the Classic Period , many of the sculptures fell down the steep embankment supporting the seven terraces . \n"} +{"id": 587, "text": " Ballcourt 1 ( the Sunken Ballcourt ) was dedicated in 699 by K 'inich B 'aaknal Chaak to mark three victories over K 'inich Kan Balam II of Palenque . Sculptures of the torsos of six captured vassals of the Palenque king were used as ballcourt markers . One of these vassals is named as Yax Ahk ( Green Turtle ) , who was the lord of Te ' , a site that probably lay on the south side of the Usumacinta between Piedras Negras and . \n Ballcourt 2 is the smaller of the two ballcourts and lies in the north of the plaza , at the foot of the Acropolis . \n The Palace of the Underworld is entered via three step @-@ vaulted arches on the eastern side of the second terrace of the Acropolis . \n The Palace of Frets is located on the fourth terrace of the Acropolis . The south facade of the palace is decorated with four large stepped frets . On the east side of the palace a stairway leads to a decorated throne of stone and stucco . One of the rooms of the palace contains a stucco decoration representing feathered serpents and crossed bones . \n"} +{"id": 588, "text": " The monuments of Toniná tend to be smaller than those at other Maya sites , with most of the stelae measuring less than 2 metres ( 6 @.@ 6 ft ) tall . The most important difference from monuments at other Maya sites is that they are carved in the round like statues , often with hieroglyphic text running down the spine . On the fifth terrace , in @-@ the @-@ round sculptures of Toniná 's rulers dominated two @-@ dimensional representations of defeated enemies . \n The dated monuments at Toniná span the period from AD 495 to 909 , covering most of the Classic Period . \n Monument 3 is broken into various fragments , five of which were recovered from various locations in Ocosingo and Toniná through the course of the 20th century and most of which were reunited in the Toniná site museum . Aside from being broken , the stela is largely complete and only lightly eroded , it is a statue of a ruler with inscriptions describing the accession of K 'inich Chaak and the promotion to the priesthood of Aj Ch 'aaj . \n Monument 5 was recovered from a school in Ocosingo and moved to the site museum of Toniná . It is a badly eroded life @-@ size human statue with the head missing . \n Monument 7 is carved from yellow sandstone and has suffered only minor damage . It is a stela base with well @-@ preserved hieroglyphs on all four vertical sides and was dedicated by K 'inich Ich 'aak Chapat in 728 . It is currently in the Museo Regional in Tuxtla Gutiérrez . \n Monument 8 dates to the reign of Ruler 2 . It marks the period ending of 682 and shows the presentation of three war captives . \n Monument 12 is a sculpture carved in the round , representing Ruler 2 . It dates to AD 672 . \n Monument 27 is a carved step depicting K 'awiil Mo ' , a lord from Palenque , as an elderly prisoner , bound and lying on his back with his profile positioned in such a way as to be trodden on time and again . \n Monument 99 is an undated fragment that depicts a female captive , which is rare in Maya art . \n Monument 101 has the last Long Count date from any Maya monument , it marks the K 'atun ending of AD 909 . \n Monument 106 is the earliest securely dated monument at the site , dating to AD 593 . It depicts Ruler 1 . \n Monument 113 depicts Ruler 2 participating in a scattering ritual . \n Monument 114 was dedicated in 794 by Ruler 8 . It commemorates the death of an important noble , apparently a relative or vassal of Ruler 8 's predecessor Tuun Chapat . \n Monument 122 is a low relief sculpture marking the defeat of Palenque by Ruler 4 in 711 and the capture of Kan Joy Chitam II , who is depicted as a bound captive . \n Monument 141 is a very well preserved hieroglyphic panel carved from fine grained white limestone with almost the whole inscription intact . It describes the dedication of a ballcourt by K 'inich B 'aaknal Chaak . \n Monument 154 dates to the reign of K 'inich Hix Chapat and records his installing of two subordinate lords in 633 . \n Monument 158 has a very late date , in AD 904 , at the very end of the Classic Period . It was erected during the reign of Ruler 10 . \n The Frieze of the Dream Lords ( also known as the Frieze of the Four Suns or Frieze of the Four Eras ) was uncovered by archaeologists during excavations in 1992 . It is a stucco mural located at the east end of the 5th terrace . It represents a complex supernatural scene divided into four by a feather @-@ covered scaffold from which hang the severed heads of sacrificial victims . Among the scaffold partitions are depicted the ( spirit companions ) of the Maya elite . The most well @-@ preserved section of the sculpture depicts a skeletal supernatural way named Ak Ok Kimi ( \" Turtle Foot Death \" ) wearing on its feet and carrying a severed head in one hand , interpreted as the way of a lord from the site of Pipa ' . The frieze was once brightly painted in red , blue and yellow . This frieze has strong stylistic parallels with mural paintings at the great Early Classic metropolis of Teotihuacan in the distant Valley of Mexico . \n"} +{"id": 589, "text": " The site museum is located 300 metres ( 980 ft ) outside of the Toniná archaeological zone . It possesses 2 exhibition rooms and a conference room . The first room explains the pyramidal form of the acropolis and how it relates to Maya mythology , while the main room contains sculptures of the city 's rulers . \n Artefacts in the collection include stone sculptures , ceramics and artefacts sculpted from bone , shell , obsidian and flint . The pieces in the museum graphically depict the two sides of the power exercised by Toniná , on the one hand with sculptures of the city 's rulers and on the other with its depictions of bound prisoners of war . \n"} +{"id": 590, "text": " Central Area Command was one of several geographically based commands raised by the Royal Australian Air Force ( RAAF ) during World War II . It was formed in March 1940 , and covered the central portion of New South Wales . Headquartered at Sydney , Central Area Command was primarily responsible for air defence , aerial reconnaissance and protection of the sea lanes within its boundaries . It was disbanded in August 1941 and control of its units taken over by other RAAF formations . Proposals in 1943 – 44 to raise a new Central Area Command did not come to fruition . \n"} +{"id": 591, "text": " Prior to World War II , the Royal Australian Air Force was small enough for all its elements to be directly controlled by RAAF Headquarters in Melbourne . After war broke out in September 1939 , the RAAF began to implement a decentralised form of command , commensurate with expected increases in manpower and units . Its initial move in this direction was to create Nos. 1 and 2 Groups to control units in Victoria and New South Wales , respectively . Then , between March 1940 and May 1941 , the RAAF divided Australia and New Guinea into four geographically based command @-@ and @-@ control zones : Central Area , Southern Area , Western Area , and Northern Area . The roles of these area commands were air defence , protection of adjacent sea lanes , and aerial reconnaissance . Each was led by an Air Officer Commanding ( AOC ) responsible for the administration and operations of all air bases and units within his boundary . \n No. 2 Group , which had been established on 20 November 1939 , was re @-@ formed as one of the first two area commands , Central Area , on 7 March 1940 . Headquartered in Sydney , Central Area Command was given control of all Air Force units in New South Wales except those in the southern Riverina and the north of the state . Units in Queensland were also temporarily assigned to its control , pending the formation of Northern Area . Central Area 's inaugural AOC was Air Commodore Adrian \" King \" Cole , who had also led No. 2 Group . His senior air staff officer was Wing Commander Alan Charlesworth . \n In May 1940 it was reported that the area 's headquarters building would change from \" Mont \" in Point Piper to the mansion \" Kilmory \" nearby . Cole handed over command of Central Area to Air Commodore Bill Anderson in December 1940 . By August 1941 , the RAAF 's expanding instructional program necessitated the establishment of overarching training organisations on a semi @-@ functional , semi @-@ geographical basis . Accordingly , No. 2 ( Training ) Group was formed in Sydney , taking responsibility for the training units then under Central Area , which was disbanded . Control of other Central Area units was \" divided as convenient \" , according to the official history of the war , between Northern and Southern Area Commands . \n"} +{"id": 592, "text": " The RAAF 's area command structure was revised in 1942 , following the outbreak of the Pacific War : Northern Area was split into North @-@ Eastern Area and North @-@ Western Area , and a new command covering New South Wales and southern Queensland , Eastern Area , was created , making a total of five commands . In October 1943 , the Air Board proposed carving a new Central Area Command out of Eastern Area , which by then was considered too large to be controlled by one headquarters and therefore ripe for subdivision . This Central Area Command would have been responsible for training and operational units in southern Queensland . The War Cabinet deferred its decision on the proposal . The concept was raised again in August 1944 , and this time the new Central Area Command was to control maintenance units , as well as training and operations , in southern Queensland . Once again , nothing came of the proposal . \n"} +{"id": 593, "text": " The corn crake , corncrake or ( Crex crex ) is a bird in the rail family . It breeds in Europe and Asia as far east as western China , and migrates to Africa for the northern hemisphere 's winter . It is a medium @-@ sized crake with or grey @-@ streaked brownish @-@ black upperparts , chestnut markings on the wings , and blue @-@ grey underparts with rust @-@ coloured and white bars on the flanks and undertail . The strong bill is flesh @-@ toned , the iris is pale brown , and the legs and feet are pale grey . Juveniles are similar in plumage to adults , and downy chicks are black , as with all rails . There are no subspecies , although individuals from the east of the breeding range tend to be slightly paler than their western counterparts . The male 's call is a loud krek krek , from which the scientific name is derived . The corn crake is larger than its closest relative , the African crake , which shares its wintering range ; that species is also darker @-@ plumaged , and has a plainer face . \n The corn crake 's breeding habitat is grassland , particularly hayfields , and it uses similar environments on the wintering grounds . This secretive species builds a nest of grass leaves in a hollow in the ground and lays 6 – 14 cream @-@ coloured eggs which are covered with rufous blotches . These hatch in 19 – 20 days , and the black precocial chicks fledge after about five weeks . This crake is in steep decline across much of its former breeding range because modern farming practices often destroy nests before breeding is completed . The corn crake is omnivorous but mainly feeds on invertebrates , the occasional small frog or mammal , and plant material including grass seed and cereal grain . Natural threats include introduced and feral mammals , large birds , various parasites and diseases . \n Although numbers have declined steeply in western Europe , this bird is classed as least concern on the IUCN Red List because of its huge range and large , apparently stable , populations in Russia and Kazakhstan . Numbers in western China are more significant than previously thought , and conservation measures have facilitated an increased population in some countries which had suffered the greatest losses . Despite its elusive nature , the loud call has ensured the corn crake has been noted in literature , and garnered a range of local and dialect names . \n"} +{"id": 594, "text": " The rails are a bird family comprising nearly 150 species . Although origins of the group are lost in antiquity , the largest number of species and least specialised forms are found in the Old World , suggesting this family originated there . The taxonomy of the small crakes is complicated , but the closest relative of the corn crake is the African crake , C. egregia , which has sometimes been given its own genus , Crecopsis , but is now more usually placed in Crex . Both species are short @-@ billed brown birds with a preference for grassland rather than wetland habitats typical of rails . Porzana crakes , particularly the ash @-@ throated crake ( Porzana albicollis ) are near relatives of the Crex genus . \n Corn crakes were first described by Linnaeus in his Systema Naturae in 1758 as Rallus crex , but was subsequently moved to the genus Crex , created by German naturalist and ornithologist Johann Matthäus Bechstein in 1803 , and named Crex pratensis . The earlier use of crex gives it priority over Bechstein 's specific name pratensis , and leads to the current name of Crex crex . The binomial name , Crex crex , from the Ancient Greek \" \" , is onomatopoeic , referring to the crake 's repetitive grating call . The common name was formerly spelt as a single word , \" corncrake \" , but the official version is now \" corn crake \" . The English names refer to the species habit of nesting in dry hay or cereal fields , rather than marshes used by most members of this family . \n"} +{"id": 595, "text": " The corn crake is a medium @-@ sized rail , 27 – 30 cm ( 11 – 12 in ) long with a wingspan of 42 – 53 cm ( 17 – 21 in ) . Males weigh 165 g ( 5 @.@ 8 oz ) on average and females 145 g ( 5 @.@ 1 oz ) . The adult male has the crown of its head and all of its upperparts brown @-@ black in colour , streaked with buff or grey . The wing coverts are a distinctive chestnut colour with some white bars . The face , neck and breast are blue @-@ grey , apart from a pale brown streak from the base of the bill to behind the eye , the belly is white , and the flanks , and undertail are barred with chestnut and white . The strong bill is flesh @-@ coloured , the iris is pale brown , and the legs and feet are pale grey . Compared to the male , the female has warmer @-@ toned upperparts and a narrower duller eye streak . Outside the breeding season , the upperparts of both sexes become darker and the underparts less grey . The juvenile is like the adult in appearance , but has a yellow tone to its upperparts , and the grey of the underparts is replaced with buff @-@ brown . The chicks have black down , as with all rails . While there are no subspecies , all populations show great individual variation in colouring , and the birds gradually become paler and greyer towards the east of the range . Adults undergo a complete moult after breeding , which is normally finished by late August or early September , before migration to south eastern Africa . There is a pre @-@ breeding partial moult prior to the return from Africa , mainly involving the plumage of the head , body and tail . Young birds have a head and body moult about five weeks after hatching . \n The corn crake is sympatric with the African crake on the wintering grounds , but can be distinguished by its larger size , paler upperparts , tawny upperwing and different underparts pattern . In flight , it has longer , less rounded wings , and shallower wingbeats than its African relative , and shows a white leading edge to the inner wing . In both the breeding and wintering ranges it is unlikely to be confused with any other rails , since sympatric species are smaller , with white markings on the upperparts , different underparts patterns and shorter bills . A flying corn crake can resemble a gamebird , but its chestnut wing pattern and dangling legs are diagnostic . \n"} +{"id": 596, "text": " On the breeding grounds , the male corn crake 's advertising call is a loud , repetitive , grating krek krek normally delivered from a low perch with the bird 's head and neck almost vertical and its bill wide open . The call can be heard from 1 @.@ 5 km ( 0 @.@ 93 mi ) away , and serves to establish the breeding territory , attract females , and challenge intruding males . Slight differences in vocalisations mean that individual males can be distinguished by their calls . Early in the season , the call is given almost continuously at night , and often during the day , too . It may be repeated more than 20 @,@ 000 times a night , with a peak between midnight and 3 am . The call has evolved to make a singing male 's location clear , as this species hides in vegetation . The frequency of calling reduces after a few weeks but may intensify again near the end of the laying period before falling away towards the end of the breeding season . To attract males , mechanical imitations of their call can be produced by rubbing a piece of wood down a notched stick , or by flicking a credit card against a comb or zip @-@ fastener . The male also has a growling call , given with the bill shut and used during aggressive interactions . \n The female corn crake may give a call that is similar to that of the male ; it also has a distinctive barking sound , similar in rhythm to the main call but without the grating quality . The female also has a high @-@ pitched cheep call , and a oo @-@ oo @-@ oo sound to call the chick . The chicks make a quiet @-@ contact call , and a chirp used to beg for food . Because of the difficulty in seeing this species , it is usually by counting males calling between 11 pm and 3 am ; the birds do not move much at night , whereas they may wander up to 600 m ( 660 yd ) during the day , which could lead to double @-@ counting if monitored then . Identifying individual males suggests that just counting calling birds underestimates the true count by nearly 30 % , and the discrepancy is likely to be greater , since only 80 % of males may call at all on a given night . The corn crake is silent in Africa . \n"} +{"id": 597, "text": " The corn crake breeds from Britain and Ireland east through Europe to central Siberia . Although it has vanished from much of its historic range , this bird was once found in suitable habitats in Eurasia everywhere between latitudes 41 ° N and 62 ° N. There is also a sizable population in western China , but this species nests only rarely in northern Spain and in Turkey . Old claims of breeding in South Africa are incorrect , and result from misidentification of eggs in a museum collection which are actually those of the African rail . \n The corn crake winters mainly in Africa , from the Democratic Republic of the Congo and central Tanzania south to eastern South Africa . North of this area , it is mainly seen on migration , but occasionally winters in North Africa and to the west and north of its core area in southeast Africa . Most of the South African population of about 2 @,@ 000 birds occurs in KwaZulu @-@ Natal and the former Transvaal Province , and numbers elsewhere in Africa are uncertain . There are several nineteenth @-@ century records , when populations were much higher than now , of birds being seen in western Europe , mainly Britain and Ireland , between December and February . \n This crake migrates to Africa along two main routes : a western route through Morocco and Algeria , and a more important flyway through Egypt . On passage , it has been recorded in most countries between its breeding and wintering ranges , including much of West Africa . Birds from Coll following the western route paused in West Africa on their way further south , and again on the return flight , when they also rested in Spain or North Africa . Eastern migrants have been recorded in those parts of southern Asia that lie between the east of the breeding range and Africa . Further afield , the corn crake has been recorded as a vagrant to Sri Lanka , Vietnam and Australia , the Seychelles , Bermuda , Canada , the US , Greenland , Iceland , the Faroes , the Azores , Madeira , and the Canary Islands . \n The corn crake is mainly a lowland species , but breeds up to 1 @,@ 400 m ( 4 @,@ 600 ft ) altitude in the Alps , 2 @,@ 700 m ( 8 @,@ 900 ft ) in China and 3 @,@ 000 m ( 9 @,@ 800 ft ) in Russia . When breeding in Eurasia , the corn crake 's habitats would originally have included river meadows with tall grass and meadow plants including sedges and irises . It is now mainly found in cool moist grassland used for the production of hay , particularly moist traditional farmland with limited cutting or fertiliser use . It also utilises other treeless grasslands in mountains or taiga , on coasts , or where created by fire . areas like wetland edges may be used , but very wet habitats are avoided , as are open areas and those with vegetation more than 50 cm ( 20 in ) tall , or too dense to walk through . The odd bush or hedge may be used as a calling post . Grassland which is not mown or grazed becomes too matted to be suitable for nesting , but locally crops such as cereals , peas , rape , clover or potatoes may be used . After breeding , adults move to taller vegetation such as common reed , iris , or nettles to moult , returning to the hay and silage meadows for the second brood . In China , flax is also used for nest sites . Although males often sing in intensively managed grass or cereal crops , successful breeding is uncommon , and nests in the field margins or nearby fallow ground are more likely to succeed . \n When wintering in Africa , the corn crake occupies dry grassland and savanna habitats , occurring in vegetation 30 – 200 cm ( 0 @.@ 98 – 6 @.@ 56 ft ) tall , including seasonally burnt areas and occasionally sedges or reed beds . It is also found on fallow and abandoned fields , uncut grass on airfields , and the edges of crops . It occurs at up to at least 1 @,@ 750 metres ( 5 @,@ 740 ft ) altitude in South Africa . Each bird stays within a fairly small area . Although it sometimes occurs with the African crake , that species normally prefers moister and shorter grassland habitats than does the corn crake . On migration , the corn crake may also occur in wheatfields and around golf courses . \n"} +{"id": 598, "text": " The corn crake is a difficult bird to see in its breeding sites , usually being hidden by vegetation , but will sometimes emerge into the open . Occasionally , individuals may become very trusting ; for five consecutive summers , an individual crake on the Scottish island of Tiree entered a kitchen to feed on scraps , and , in 1999 , a wintering Barra bird would come for poultry feed once the chickens had finished . In Africa , it is more secretive than the African crake , and , unlike its relative , it is rarely seen in the open , although it occasionally feeds on tracks or road sides . The corn crake is most active early and late in the day , after heavy rain and during light rain . Its typical flight is weak and fluttering , although less so than that of the African crake . For longer flights , such as migration , it has a steadier , stronger action with legs drawn up . It walks with a high @-@ stepping action , and can run swiftly through grass with its body held horizontal and laterally flattened . It will swim if essential . When flushed by a dog , it will fly less than 50 m ( 160 ft ) , frequently landing behind a bush or thicket , and then crouch on landing . If disturbed in the open , this crake will often run in a crouch for a short distance , with its neck stretched forward , then stand upright to watch the intruder . When captured it may feign death , recovering at once if it sees a way out . \n The corn crake is solitary on the wintering grounds , where each bird occupies 4 @.@ 2 – 4 @.@ 9 ha ( 10 – 12 acres ) at one time , although the total area used may be double that , since an individual may move locally due to flooding , plant growth , or grass cutting . Flocks of up to 40 birds may form on migration , sometimes associating with common quails . Migration takes place at night , and flocks resting during the day may aggregate to hundreds of birds at favoured sites . The ability to migrate is innate , not learned from adults . Chicks raised from birds kept in captivity for ten generations were able to migrate to Africa and return with similar success to wild @-@ bred young . \n"} +{"id": 599, "text": " Until 1995 , it was assumed that the corn crake is monogamous , but it transpires that a male may have a shifting home range , and mate with two or more females , moving on when laying is almost complete . The male 's territory can vary from 3 to 51 ha ( 7 @.@ 4 to 126 @.@ 0 acres ) , but averages 15 @.@ 7 ha ( 39 acres ) . The female has a much smaller range , averaging only 5 @.@ 5 ha ( 14 acres ) . A male will challenge an intruder by calling with his wings drooped and his head pointing forward . Usually the stranger moves off ; if it stays , the two birds square up with heads and necks raised and the wings touching the ground . They then run around giving the growling call and lunging at each other . A real fight may ensue , with the birds leaping at each other and pecking , and sometimes kicking . Females play no part in defending the territory . \n The female may be offered food by the male during courtship . He has a brief courtship display in which the neck is extended and the head held down , the tail is fanned , and the wings are spread with the tips touching the ground . He will then attempt to approach the female from behind , and then leap on her back to copulate . The nest is typically in grassland , sometimes in safer sites along a hedge , or near an isolated tree or bush , or in overgrown vegetation . Where grass is not tall enough at the start of the season , the first nest may be constructed in herby or marsh vegetation , with the second brood in hay . The second nest may also be at a higher altitude that the first , to take advantage of the later @-@ developing grasses further up a hill . The nest , well hidden in the grass , is built in a scrape or hollow in the ground . It is made of woven coarse dry grass and other plants , and lined with finer grasses . Although nest construction is usually described as undertaken by the female , a recent aviary study found that in the captive population the male always built the nest . \n The nest is 12 – 15 cm ( 4 @.@ 7 – 5 @.@ 9 in ) in diameter and 3 – 4 cm ( 1 @.@ 2 – 1 @.@ 6 in ) deep . The clutch is 6 – 14 , usually 8 – 12 eggs ; these are oval , slightly glossy , creamy or tinted with green , blue or grey , and blotched red @-@ brown . They average 37 mm × 26 mm ( 1 @.@ 5 in × 1 @.@ 0 in ) and weigh about 13 – 16 g ( 0 @.@ 46 – 0 @.@ 56 oz ) , of which 7 % is shell . The eggs are laid at daily intervals , but second clutches may sometimes have two eggs added per day . Incubation is by the female only ; her tendency to sit tight when disturbed , or wait until the last moment to flee , leads to many deaths during hay @-@ cutting and harvesting . The eggs hatch together after 19 – 20 days , and the precocial chicks leave the nest within a day or two . They are fed by the female for three or four days , but can find their own food thereafter . The juveniles fledge after 34 – 38 days . The second brood is started about 42 days after the first , and the incubation period is slightly shorter at 16 – 18 days . The grown young may stay with the female until departure for Africa . \n Nest success in undisturbed sites is high , at 80 – 90 % , but much lower in fertilised meadows and on arable land . The method and timing of mowing is crucial ; mechanized mowing can kill 38 – 95 % of chicks in a given site , and losses average 50 % of first brood chicks and somewhat less than 40 % of second brood chicks . The influence of weather on chick survival is limited ; although chick growth is faster in dry or warm weather , the effects are relatively small . Unlike many precocial species , chicks are fed by their mother to a greater or lesser extent until they become independent , and this may cushion them from adverse conditions . The number of live chicks hatched is more important than the weather , with lower survival in large broods . The annual adult survival rate is under 30 % , although some individuals may live for 5 – 7 years . \n"} +{"id": 600, "text": " The corn crake is omnivorous , but mainly feeds on invertebrates , including earthworms , slugs and snails , spiders , beetles , dragonflies , grasshoppers and other insects . In the breeding areas , it is a predator of weevils , which infest legume and in the past consumed large amounts of the former grassland pests , and wireworms . This crake will also eat small frogs and mammals , and plant material including grass seed and cereal grain . Its diet on the wintering grounds is generally similar , but includes locally available items such as termites , cockroaches and dung beetles . Food is taken from the ground , low @-@ growing plants and from inside grass tussocks ; the crake may search leaf litter with its bill , and run in pursuit of active prey . Hunting is normally in cover , but , particularly in the wintering areas , it will occasionally feed on grassy tracks or dirt roads . Indigestible material is regurgitated as 1 cm ( 0 @.@ 39 in ) pellets . Chicks are fed mainly on animal food , and when fully grown they may fly with the parents up to 6 @.@ 4 km ( 4 @.@ 0 mi ) to visit supplementary feeding areas . As with other rails , grit is swallowed to help break up food in the stomach . \n"} +{"id": 601, "text": " Predators on the breeding grounds include feral and domestic cats , introduced American mink , feral ferrets , otters and red foxes , and birds including the common buzzard and hooded crow . In Lithuania , the introduced raccoon dog has also been recorded as taking corn crakes . When chicks are exposed by rapid mowing , they may be taken by large birds including the white stork , harriers and other birds of prey , gulls and corvids . At undisturbed sites nests and broods are rarely attacked , as reflected in a high breeding success . There is a record of a corn crake on migration through Gabon being killed by a black sparrowhawk . \n The widespread fluke ovatus , which lives in the oviducts of birds , has been recorded in the corn crake , as have the parasitic worm elegans , the larvae of parasitic flies , and hard ticks of the genera Haemaphysalis and Ixodes . \n During the reintroduction of corn crakes to England in the 2003 breeding season , enteritis and ill health in pre @-@ release birds was due to bacteria of a pathogenic Campylobacter species . Subsequently , microbiology tests were done to detect infected individuals and to find the source of the bacteria in their environment . \n"} +{"id": 602, "text": " Until 2010 , despite a breeding range estimated at 12 @,@ 400 @,@ 000 km2 ( 4 @,@ 800 @,@ 000 sq mi ) , the corn crake was classified as near threatened on the IUCN Red List because of serious declines in Europe , but improved monitoring in Russia indicates that anticipated losses there have not occurred and numbers have remained stable or possibly increased . It is therefore now classed as least concern , since the major populations in Russia and Kazakhstan are not expected to change much in the short term . There are an estimated 1 @.@ 3 – 2 @.@ 0 million breeding pairs in Europe , three @-@ quarters of which are in European Russia , and a further 515 @,@ 000 – 1 @,@ 240 @,@ 000 pairs in Asiatic Russia ; the total Eurasian population has been estimated at between 5 @.@ 45 and 9 @.@ 72 million individuals . In much of the western half of its range , there have been long @-@ term declines that are expected to continue , although conservation measures have enabled numbers to grow in several countries , including a five @-@ fold increase in Finland , and a doubling in the UK . In the Netherlands , there were 33 breeding territories in 1996 , but this number had increased to at least 500 by 1998 . \n The breeding corn crake population had begun to decline in the 19th century , but the process gained pace after World War II . The main cause of the steep declines in much of Europe is the loss of nests and chicks from early mowing . Haymaking dates have moved forward in the past century due to faster crop growth , made possible by land drainage and the use of fertilisers , and the move from manual grass @-@ cutting using scythes to mechanical mowers , at first horse @-@ drawn and later pulled by tractors . Mechanisation also means that large areas can be cut quickly , leaving the crake with no alternative sites to raise either a first brood if suitable habitat has gone , or a replacement brood if the first nest is destroyed . The pattern of mowing , typically in a circular pattern from the outside of a field to its centre , gives little chance of escape for the chicks , which are also exposed to potential animal predators . Adults can often escape the mowers , although some incubating females sit tight on the nest , with fatal results . \n Loss of habitat is the other major threat to the corn crake . Apart from the reduced suitability of drained and fertilised silage fields compared to traditional hay meadows , in western Europe the conversion of grassland to arable has been aided by subsidies , and further east the collapse of collective farming has led to the abandonment and lack of management of much land in this important breeding area . More localised threats include floods in spring , and disturbance by roads or wind farms . This bird is good eating ; when they were common in England , Mrs Beeton recommended roasting four on a skewer . More significant than direct hunting is the loss of many birds , up to 14 @,@ 000 a year , in Egypt , where migrating birds are captured in nets set for the quail with which they often migrate . Although this may account for 0 @.@ 5 – 2 @.@ 7 % of the European population , the losses to this form of hunting are less than when the targeted species were more numerous and predictable . \n Most European countries have taken steps to conserve the corn crake and produce national management policies ; there is also an overall European action plan . The focus of conservation effort is to monitor populations and ecology and to improve survival , principally through changing the timing and method of hay harvesting . Later cutting gives time for breeding to be completed , and leaving uncut strips at the edges of fields and cutting from the centre outwards reduces the casualties from mowing . Implementing these changes is predicted to stop the population decline if the measures are applied on a sufficiently large scale . Reduction of illegal hunting , and protection in countries where hunting is still allowed , are also conservation aims . Reintroduction of the corn crake is being attempted in England , and breeding sites are scheduled for protection in many other countries . Where breeding sites impinge on urban areas , there are cost implications , estimated in one German study at several million euros per corn crake . The corn crake does not appear to be seriously threatened on its wintering grounds and may benefit from deforestation , which creates more open habitats . \n"} +{"id": 603, "text": " Most rails are secretive wetland birds that have made little cultural impression , but as a formerly common farmland bird with a loud nocturnal call that sometimes led to disturbed sleep for rural dwellers , the corn crake has acquired a variety of folk names and some commemoration in literature . \n"} +{"id": 604, "text": " The favoured name for this species among naturalists has changed over the years , with \" \" and variants of \" corncrake \" being preferred at various times . \" Crake gallinule \" also had a period of popularity between 1768 and 1813 . The originally Older Scots \" \" was popularised by Thomas Bewick , who used this term in his 1797 A History of British Birds . Other Scots names include \" corn \" and \" \" ; the latter term , like \" king of the quail \" , \" grass quail \" , the French \" roi de caille \" , and the German \" \" refer to the association with the small gamebird . Another name , \" \" , has been variously interpreted as onomatopoeic , or derived from the Old Norse ager @-@ , meaning \" cock of the field \" ; variants include \" drake \" , \" drake Hen \" and \" gorse drake \" . \n"} +{"id": 605, "text": " Corn crakes are the subject of three stanzas of the seventeenth century poet Andrew Marvell 's \" Upon Appleton House \" , written in 1651 about the North Yorkshire country estate of Thomas Fairfax . The narrator depicts the scene of a mower cutting the grass , before his \" whistling \" unknowingly \" carves the Rail \" . The farmhand draws out the scythe \" all bloody from its breast \" and \" does the stroke detest \" . It continues with a stanza that demonstrates the problematic nature of the corn crake 's nesting habits : \n John Clare , the nineteenth @-@ century English poet based in Northamptonshire , wrote \" The Landrail \" , a semi @-@ comic piece which is primarily about the difficulty of seeing corn crakes – as opposed to hearing them . In the fourth verse he exclaims : \" Tis like a fancy everywhere / A sort of living doubt \" . Clare wrote about corn crakes in his prose works too , and his writings help to clarify the distribution of this rail when it was far more widespread than now . \n The Finnish poet Eino Leino also wrote about the bird in his poem \" Nocturne \" . \n The proverbial use of the corn crake 's call to describe someone with a grating or voice is illustrated in the quotation \" thanks to a wee woman with a voice like a corncrake who believed she was an apprentice angel \" . This usage dates from at least the first half of the nineteenth century , and continues through to the present . \n"} +{"id": 606, "text": " Acute myeloid leukemia ( AML ) , also known as acute leukemia or acute leukemia ( ) , is a cancer of the myeloid line of blood cells , characterized by the rapid growth of abnormal white blood cells that accumulate in the bone marrow and interfere with the production of normal blood cells . AML is the most common acute leukemia affecting adults , and its incidence increases with age . Although AML is a relatively rare disease , accounting for roughly 1 @.@ 2 % of cancer deaths in the United States , its incidence is expected to increase as the population ages . \n The symptoms of AML are caused by replacement of normal bone marrow with leukemic cells , which causes a drop in red blood cells , platelets , and normal white blood cells . These symptoms include fatigue , shortness of breath , easy bruising and bleeding , and increased risk of infection . Several risk factors and chromosomal abnormalities have been identified , but the specific cause is not clear . As an acute leukemia , AML progresses rapidly and is typically fatal within weeks or months if left untreated . \n AML has several subtypes ; treatment and prognosis vary among subtypes . AML is cured in 35 – 40 % of people less than 60 years old and 5 – 15 % more than 60 years old . Older people who are not able to withstand intensive chemotherapy have an average survival of 5 – 10 months . \n AML is treated initially with chemotherapy aimed at inducing a remission ; people may go on to receive additional chemotherapy or a hematopoietic stem cell transplant . Recent research into the genetics of AML has resulted in the availability of tests that can predict which drug or drugs may work best for a particular person , as well as how long that person is likely to survive . The treatment and prognosis of AML differ from those of chronic leukemia ( ) in part because the cellular differentiation is not the same ; AML involves higher percentages of and undifferentiated cells , including more blasts ( , , and ) . \n"} +{"id": 607, "text": " Most signs and symptoms of AML are caused by the replacement of normal blood cells with leukemic cells . A lack of normal white blood cell production makes people more susceptible to infections ; while the leukemic cells themselves are derived from white blood cell precursors , they have no infection @-@ fighting capacity . A drop in red blood cell count ( anemia ) can cause fatigue , paleness , and shortness of breath . A lack of platelets can lead to easy bruising or bleeding with minor trauma . \n The early signs of AML are often vague and nonspecific , and may be similar to those of influenza or other common illnesses . Some generalized symptoms include fever , fatigue , weight loss or loss of appetite , shortness of breath , anemia , easy bruising or bleeding , petechiae ( flat , pin @-@ head sized spots under the skin caused by bleeding ) , bone and joint pain , and persistent or frequent infections . \n Enlargement of the spleen may occur in AML , but it is typically mild and asymptomatic . node swelling is rare in AML , in contrast to acute lymphoblastic leukemia . The skin is involved about 10 % of the time in the form of leukemia cutis . Rarely , Sweet 's syndrome , a paraneoplastic inflammation of the skin , can occur with AML . \n Some people with AML may experience swelling of the gums because of infiltration of leukemic cells into the gum tissue . Rarely , the first sign of leukemia may be the development of a solid leukemic mass or tumor outside of the bone marrow , called a . Occasionally , a person may show no symptoms , and the leukemia may be discovered incidentally during a routine blood test . \n"} +{"id": 608, "text": " A number of risk factors for developing AML have been identified , including : other blood disorders , chemical exposures , ionizing radiation , and genetics . \n"} +{"id": 609, "text": " \" \" blood disorders , such as myelodysplastic syndrome ( MDS ) or myeloproliferative disease ( MPS ) , can evolve into AML ; the exact risk depends on the type of MDS / MPS . \n"} +{"id": 610, "text": " Exposure to anticancer chemotherapy , in particular alkylating agents , can increase the risk of subsequently developing AML . The risk is highest about three to five years after chemotherapy . Other chemotherapy agents , specifically and anthracyclines , have also been associated with treatment @-@ related leukemias , which are often associated with specific chromosomal abnormalities in the leukemic cells . \n Occupational chemical exposure to benzene and other aromatic organic solvents is controversial as a cause of AML . and many of its derivatives are known to be carcinogenic in vitro . While some studies have suggested a link between occupational exposure to benzene and increased risk of AML , others have suggested the attributable risk , if any , is slight . \n"} +{"id": 611, "text": " High amounts of ionizing radiation exposure can increase the risk of AML . Survivors of the atomic bombings of Hiroshima and Nagasaki had an increased rate of AML , as did radiologists exposed to high levels of X @-@ rays prior to the adoption of modern radiation safety practices . People treated with ionizing radiation after treatment for prostate cancer , non @-@ Hodgkin lymphoma , lung cancer and breast cancer have the highest chance of acquiring AML , but this increased risk returns to the background risk observed in the general population after 12 years . \n"} +{"id": 612, "text": " A hereditary risk for AML appears to exist . Multiple cases of AML developing in a family at a rate higher than predicted by chance alone have been reported . Several congenital conditions may increase the risk of leukemia ; the most common is probably Down syndrome , which is associated with a 10- to 18 @-@ fold increase in the risk of AML . \n"} +{"id": 613, "text": " The first clue to a diagnosis of AML is typically an abnormal result on a complete blood count . While an excess of abnormal white blood cells ( ) is a common finding , and leukemic blasts are sometimes seen , AML can also present with isolated decreases in platelets , red blood cells , or even with a low white blood cell count ( leukopenia ) . While a presumptive diagnosis of AML can be made by examination of the peripheral blood smear when there are circulating leukemic blasts , a definitive diagnosis usually requires an adequate bone marrow aspiration and biopsy . \n Marrow or blood is examined under light microscopy , as well as flow cytometry , to diagnose the presence of leukemia , to differentiate AML from other types of leukemia ( e.g. acute lymphoblastic leukemia - ALL ) , and to classify the subtype of disease . A sample of marrow or blood is typically also tested for chromosomal abnormalities by routine cytogenetics or fluorescent in situ hybridization . Genetic studies may also be performed to look for specific mutations in genes such as FLT3 , , and KIT , which may influence the outcome of the disease . \n stains on blood and bone marrow smears are helpful in the distinction of AML from ALL , and in subclassification of AML . The combination of a myeloperoxidase or Sudan black stain and a nonspecific esterase stain will provide the desired information in most cases . The myeloperoxidase or Sudan black reactions are most useful in establishing the identity of AML and distinguishing it from ALL . The nonspecific esterase stain is used to identify a component in and to distinguish a poorly differentiated leukemia from ALL . \n The diagnosis and classification of AML can be challenging , and should be performed by a qualified or hematologist . In straightforward cases , the presence of certain morphologic features ( such as Auer rods ) or specific flow cytometry results can distinguish AML from other leukemias ; however , in the absence of such features , diagnosis may be more difficult . \n The two most commonly used classification for AML are the older French @-@ American @-@ British ( FAB ) system and the newer World Health Organization ( WHO ) system . According to the widely used WHO criteria , the diagnosis of AML is established by demonstrating involvement of more than 20 % of the blood and / or bone marrow by leukemic , except in the three best prognosis forms of AML with recurrent genetic abnormalities ( t ( 8 ; 21 ) , ( 16 ) , and t ( 15 ; 17 ) ) in which the presence of the genetic abnormality is diagnostic irrespective of blast percent . The French – American – British ( FAB ) classification is a bit more stringent , requiring a blast percentage of at least 30 % in bone marrow ( BM ) or peripheral blood ( PB ) for the diagnosis of AML . AML must be carefully differentiated from \" \" conditions such as myelodysplastic or myeloproliferative syndromes , which are treated differently . \n Because acute promyelocytic leukemia ( APL ) has the highest and requires a unique form of treatment , it is important to quickly establish or exclude the diagnosis of this subtype of leukemia . Fluorescent in situ hybridization performed on blood or bone marrow is often used for this purpose , as it readily identifies the chromosomal translocation [ t ( 15 ; 17 ) ( ; ) ; ] that characterizes APL . There is also a need to molecularly detect the presence of PML / fusion protein , which is an oncogenic product of that translocation . \n"} +{"id": 614, "text": " The WHO 2008 classification of acute myeloid leukemia attempts to be more clinically useful and to produce more meaningful prognostic information than the FAB criteria . Each of the WHO categories contains numerous descriptive subcategories of interest to the and oncologist ; however , most of the clinically significant information in the WHO schema is communicated via categorization into one of the subtypes listed below . \n The WHO subtypes of AML are : \n Acute leukemias of ambiguous lineage ( also known as mixed phenotype or acute leukemia ) occur when the leukemic cells can not be classified as either myeloid or lymphoid cells , or where both types of cells are present . \n"} +{"id": 615, "text": " The French @-@ American @-@ British ( FAB ) classification system divides AML into eight subtypes , M0 through to M7 , based on the type of cell from which the leukemia developed and its degree of maturity . This is done by examining the appearance of the malignant cells with light microscopy and / or by using cytogenetics to characterize any underlying chromosomal abnormalities . The subtypes have varying prognoses and responses to therapy . Although the WHO classification ( see above ) may be more useful , the FAB system is still widely used . \n Eight FAB subtypes were proposed in 1976 . \n The morphologic subtypes of AML also include rare types not included in the FAB system , such as acute basophilic leukemia , which was proposed as a ninth subtype , M8 , in 1999 . \n"} +{"id": 616, "text": " The malignant cell in AML is the myeloblast . In normal , the myeloblast is an immature precursor of myeloid white blood cells ; a normal myeloblast will gradually mature into a mature white blood cell . In AML , though , a single myeloblast accumulates genetic changes which \" freeze \" the cell in its immature state and prevent differentiation . Such a mutation alone does not cause leukemia ; however , when such a \" differentiation arrest \" is combined with other mutations which disrupt genes controlling proliferation , the result is the uncontrolled growth of an immature clone of cells , leading to the clinical entity of AML . \n Much of the diversity and heterogeneity of AML stems is because leukemic transformation can occur at a number of different steps along the differentiation pathway . Modern classification schemes for AML recognize the characteristics and behavior of the leukemic cell ( and the leukemia ) may depend on the stage at which differentiation was halted . \n Specific cytogenetic abnormalities can be found in many people with AML ; the types of chromosomal abnormalities often have prognostic significance . The chromosomal translocations encode abnormal fusion proteins , usually transcription factors whose altered properties may cause the \" differentiation arrest \" . For example , in acute promyelocytic leukemia , the t ( 15 ; 17 ) translocation produces a PML @-@ fusion protein which binds to the retinoic acid receptor element in the promoters of several myeloid @-@ specific genes and inhibits myeloid differentiation . \n The clinical signs and symptoms of AML result from the growth of leukemic clone cells , which tends to displace or interfere with the development of normal blood cells in the bone marrow . This leads to neutropenia , anemia , and thrombocytopenia . The symptoms of AML are , in turn , often due to the low numbers of these normal blood elements . In rare cases , people with AML can develop a , or solid tumor of leukemic cells outside the bone marrow , which can cause various symptoms depending on its location . \n An important pathophysiological mechanism of in AML is the epigenetic induction of by genetic mutations that alter the function of epigenetic enzymes , such as the DNA and the metabolic enzymes and , which lead to the generation of a novel , D @-@ 2 @-@ , which inhibits the activity of epigenetic enzymes such as . The hypothesis is that such epigenetic mutations lead to the silencing of tumor suppressor genes and / or the activation of proto @-@ oncogenes . \n"} +{"id": 617, "text": " First @-@ line treatment of AML consists primarily of chemotherapy , and is divided into two phases : induction and postremission ( or consolidation ) therapy . The goal of induction therapy is to achieve a complete remission by reducing the number of leukemic cells to an undetectable level ; the goal of consolidation therapy is to eliminate any residual undetectable disease and achieve a cure . stem cell transplantation is usually considered if induction chemotherapy fails or after a person relapses , although transplantation is also sometimes used as front @-@ line therapy for people with high @-@ risk disease . Efforts to use tyrosine kinase inhibitors in AML continue . \n"} +{"id": 618, "text": " All FAB subtypes except M3 are usually given induction chemotherapy with cytarabine ( ara @-@ C ) and an anthracycline ( most often daunorubicin ) . This induction chemotherapy regimen is known as \" 7 + 3 \" ( or \" 3 + 7 \" ) , because the cytarabine is given as a continuous IV infusion for seven consecutive days while the anthracycline is given for three consecutive days as an IV push . Up to 70 % of people with AML will achieve a remission with this protocol . Other alternative induction regimens , including high @-@ dose cytarabine alone , FLAG @-@ like regimens or investigational agents , may also be used . Because of the toxic effects of therapy , including and an increased risk of infection , induction chemotherapy may not be offered to the very elderly , and the options may include less intense chemotherapy or palliative care . \n The M3 subtype of AML , also known as acute promyelocytic leukemia ( APL ) , is almost universally treated with the drug all @-@ trans @-@ retinoic acid ( ATRA ) in addition to induction chemotherapy , usually an anthracycline . Care must be taken to prevent disseminated intravascular coagulation ( DIC ) , complicating the treatment of APL when the release the contents of their granules into the peripheral circulation . APL is eminently curable , with well @-@ documented treatment protocols . \n The goal of the induction phase is to reach a complete remission . Complete remission does not mean the disease has been cured ; rather , it signifies no disease can be detected with available diagnostic methods . Complete remission is obtained in about 50 % – 75 % of newly diagnosed adults , although this may vary based on the prognostic factors described above . The length of remission depends on the prognostic features of the original leukemia . In general , all remissions will fail without additional consolidation therapy . \n"} +{"id": 619, "text": " Even after complete remission is achieved , leukemic cells likely remain in numbers too small to be detected with current diagnostic techniques . If no further postremission or consolidation therapy is given , almost all people with AML will eventually relapse . Therefore , more therapy is necessary to eliminate disease and prevent relapse — that is , to achieve a cure . \n The specific type of postremission therapy is individualized based on a person 's prognostic factors ( see above ) and general health . For good @-@ prognosis leukemias ( i.e. ( 16 ) , t ( 8 ; 21 ) , and t ( 15 ; 17 ) ) , people will typically undergo an additional three to five courses of intensive chemotherapy , known as consolidation chemotherapy . For people at high risk of relapse ( e.g. those with high @-@ risk cytogenetics , underlying MDS , or therapy @-@ related AML ) , stem cell transplantation is usually recommended if the person is able to tolerate a transplant and has a suitable donor . The best postremission therapy for intermediate @-@ risk AML ( normal cytogenetics or cytogenetic changes not falling into good @-@ risk or high @-@ risk groups ) is less clear and depends on the specific situation , including the age and overall health of the person , the person 's values , and whether a suitable stem cell donor is available . \n For people who are not eligible for a stem cell transplant , immunotherapy with a combination of histamine ( ) and interleukin 2 ( ) after the completion of consolidation has been shown to reduce the absolute relapse risk by 14 % , translating to a 50 % increase in the likelihood of maintained remission . \n"} +{"id": 620, "text": " For people with relapsed AML , the only proven potentially curative therapy is a hematopoietic stem cell transplant , if one has not already been performed . In 2000 , the monoclonal antibody @-@ linked cytotoxic agent ( ) was approved in the United States for people aged more than 60 years with relapsed AML who are not candidates for high @-@ dose chemotherapy . This drug was voluntarily withdrawn from the market by its manufacturer , Pfizer in 2010 . \n Since treatment options for relapsed AML are so limited , palliative care or enrolment in a clinical trial may be offered . \n For relapsed acute promyelocytic leukemia ( APL ) , arsenic trioxide is approved by the US FDA . Like ATRA , arsenic trioxide does not work with other subtypes of AML . \n"} +{"id": 621, "text": " Acute myeloid leukemia is a curable disease ; the chance of cure for a specific person depends on a number of prognostic factors . \n"} +{"id": 622, "text": " The single most important prognostic factor in AML is cytogenetics , or the chromosomal structure of the leukemic cell . Certain cytogenetic abnormalities are associated with very good outcomes ( for example , the ( 15 ; 17 ) translocation in acute promyelocytic leukemia ) . About half of people with AML have \" normal \" cytogenetics ; they fall into an intermediate risk group . A number of other cytogenetic abnormalities are known to associate with a poor prognosis and a high risk of relapse after treatment . \n The first publication to address cytogenetics and prognosis was the MRC trial of 1998 : \n Later , the Southwest Oncology Group and Eastern Cooperative Oncology Group and , later still , Cancer and Leukemia Group B published other , mostly overlapping lists of cytogenetics prognostication in leukemia . \n"} +{"id": 623, "text": " AML which arises from a pre @-@ existing myelodysplastic syndrome ( MDS ) or myeloproliferative disease ( so @-@ called secondary AML ) has a worse prognosis , as does treatment @-@ related AML arising after chemotherapy for another previous malignancy . Both of these entities are associated with a high rate of unfavorable cytogenetic abnormalities . \n"} +{"id": 624, "text": " In some studies , age > 60 years and elevated lactate dehydrogenase level were also associated with poorer outcomes . As with most forms of cancer , performance status ( i.e. the general physical condition and activity level of the person ) plays a major role in prognosis as well . \n"} +{"id": 625, "text": " A large number of molecular alterations are under study for their prognostic impact in AML . However , only FLT3 @-@ ITD , , and c @-@ KIT are currently included in validated international risk stratification schema . These are expected to increase rapidly in the near future . FLT3 internal tandem duplications ( ) have been shown to confer a poorer prognosis in AML with normal cytogenetics . Several FLT3 inhibitors have undergone clinical trials , with mixed results . Two other mutations - and are associated with improved outcomes , especially in people with normal cytogenetics and are used in current risk stratification algorithms . \n Researchers are investigating the clinical significance of c @-@ KIT mutations in AML . These are prevalent , and potentially clinically relevant because of the availability of tyrosine kinase inhibitors , such as and that can block the activity of c @-@ KIT pharmacologically . It is expected that additional markers ( e.g. , , , and TP53 ) that have consistently been associated with an inferior outcome will soon be included in these recommendations . The prognostic importance of other mutated genes ( e.g. , , , ) is less clear . \n"} +{"id": 626, "text": " Cure rates in clinical trials have ranged from 20 – 45 % ; although clinical trials often include only younger people and those able to tolerate aggressive therapies . The overall cure rate for all people with AML ( including the elderly and those unable to tolerate aggressive therapy ) is likely lower . Cure rates for promyelocytic leukemia can be as high as 98 % . \n"} +{"id": 627, "text": " Acute myeloid leukemia is a relatively rare cancer . There are approximately 10 @,@ 500 new cases each year in the United States , and the incidence rate has remained stable from 1995 through 2005 . AML accounts for 1 @.@ 2 % of all cancer deaths in the United States . \n The incidence of AML increases with age ; the median age at diagnosis is 63 years . AML accounts for about 90 % of all acute leukemias in adults , but is rare in children . The rate of therapy @-@ related AML ( that is , AML caused by previous chemotherapy ) is rising ; therapy @-@ related disease currently accounts for about 10 – 20 % of all cases of AML . AML is slightly more common in men , with a male @-@ to @-@ female ratio of 1 @.@ 3 : 1 . \n There is some geographic variation in the incidence of AML . In adults , the highest rates are seen in North America , Europe , and Oceania , while adult AML is rarer in Asia and Latin America . In contrast , childhood AML is less common in North America and India than in other parts of Asia . These differences may be due to population genetics , environmental factors , or a combination of the two . \n"} +{"id": 628, "text": " AML accounts for 34 % of all leukaemia cases in the UK , and around 2 @,@ 900 people were diagnosed with the disease in 2011 . \n"} +{"id": 629, "text": " The first published description of a case of leukemia in medical literature dates to 1827 , when French physician Alfred @-@ Armand @-@ Louis @-@ Marie Velpeau described a 63 @-@ year @-@ old florist who developed an illness characterized by fever , weakness , urinary stones , and substantial enlargement of the liver and spleen . Velpeau noted the blood of this person had a consistency \" like gruel \" , and speculated the appearance of the blood was due to white corpuscles . In 1845 , a series of people who died with enlarged and changes in the \" colors and consistencies of their blood \" was reported by the Edinburgh @-@ based pathologist J.H. Bennett ; he used the term \" \" to describe this pathological condition . \n The term \" leukemia \" was coined by Rudolf Virchow , the renowned German pathologist , in 1856 . As a pioneer in the use of the light microscope in pathology , Virchow was the first to describe the abnormal excess of white blood cells in people with the clinical syndrome described by Velpeau and Bennett . As Virchow was uncertain of the etiology of the white blood cell excess , he used the purely descriptive term \" leukemia \" ( Greek : \" white blood \" ) to refer to the condition . \n Further advances in the understanding of acute myeloid leukemia occurred rapidly with the development of new technology . In 1877 , Paul Ehrlich developed a technique of staining blood films which allowed him to describe in detail normal and abnormal white blood cells . Wilhelm introduced the term \" acute leukemia \" in 1889 to differentiate rapidly progressive and fatal leukemias from the more indolent chronic leukemias . The term \" myeloid \" was coined by Franz Ernst Christian Neumann in 1869 , as he was the first to recognize white blood cells were made in the bone marrow ( Greek : , = ( bone ) marrow ) as opposed to the spleen . The technique of bone marrow examination to diagnose leukemia was first described in 1879 by . Finally , in 1900 , the myeloblast , which is the malignant cell in AML , was characterized by Otto , who divided the leukemias into myeloid and lymphocytic . \n In 2008 , AML became the first cancer genome to be fully sequenced . DNA extracted from leukemic cells were compared to unaffected skin . The leukemic cells contained acquired mutations in several genes that had not previously been associated with the disease . \n"} +{"id": 630, "text": " Leukemia is rarely associated with pregnancy , affecting only about 1 in 10 @,@ 000 pregnant women . How it is handled depends primarily on the type of leukemia . Acute leukemias normally require prompt , aggressive treatment , despite significant risks of pregnancy loss and birth defects , especially if chemotherapy is given during the developmentally sensitive first trimester . \n"} +{"id": 631, "text": " \" Love Me Like You \" is a song recorded by British girl group Little Mix for their third studio album , Get Weird ( 2015 ) . The song was released on 25 September 2015 , as the second single from the album . Produced by Steve Mac , he co @-@ wrote the song with Iain James , Camille Purcell and James Newman . Backed by an instrumental of pianos , bells , sax and percussion , the song is a down @-@ tempo retro homage to doo @-@ wop , with lyrics about puppy love . Its composition was compared by several critics to Motown artists of the 1950s and 1960s , namely The Ronettes , The Supremes and Shadow Morton . \n Critical response to \" Love Me Like You \" was positive : critics praised its vintage style and highlighted it as an album standout . It reached number 11 on the UK Singles Chart and has been certified gold by the BPI . The accompanying music video for the song was set at a high school dance . Unbeknownst to each member of the group , they had been invited to attend by the same date after previously meeting him in different situations . He arrives with another girl near the end of the night , and they realise that he had all been invited by the same guy , and end up dateless . Little Mix have performed the track on both the Australian and British versions of The X Factor and on Good Morning America in the United States . \n"} +{"id": 632, "text": " \" Love Me Like You \" was written by Steve Mac , Camille Purcell , Iain James and James Newman for Little Mix 's third studio album , Get Weird ( 2015 ) . It was published by Rokstone Music Ltd. under exclusive licence to BMG Rights Management ( UK ) Ltd ; Kobalt Music Group ; Sony / ATV Music Publishing ; Black Butter Music Publishing and BMG Rights Management . The song was produced by Mac and mixed by Serban Ghenea at Mixstar Studios in Virginia Beach , Virginia . It was engineered for mixing by John Hanes and engineered by Chris Laws and Dann , and mastered by Tom Coyne and Randy Merrill at Sterling Sound Studios in New York . The track was recorded at Rokstone Studios in London . Purcell also provided background vocals . The keyboards were performed by Mac , and the guitars were played by Paul . Laws and performed the drums and the percussion , respectively . \n The group announced on 9 September 2015 that \" Love Me Like You \" would be the second single to be released from the album , and that it would be made available to pre @-@ order on 11 September , and be released on 25 September . It was released by Syco and Columbia in Ireland and the United Kingdom on 25 September 2015 . The single 's artwork was released on the same day . In their review , MTV News joked that the group were suggesting that it would be number @-@ one due to each of the band members eyeline , writing \" We can 't help but get the hint they 're on the hunt for chart topping trophy . Leigh @-@ Anne clearly thinks she can see it in the distance , Jesy is just imagining it with her brain , Jade definitely thinks she can hear the noise of records being sold and Perrie is convinced it 's on the floor . \" M magazine writer Heather Thompson described the artwork as \" vibrant \" . A collection of alternate versions called \" Love Me Like You ( The Collection ) \" was also released in Australia and New Zealand in addition to Ireland and the United Kingdom on 16 October 2015 . It consists of a Christmas mix , several remixes and an instrumental version of \" Love Me Like You \" and another album track called \" Lightning \" . \n"} +{"id": 633, "text": " \" Love Me Like You \" has been described as a down @-@ tempo \" ode to ' 60s doo @-@ wop \" retro style pop song , which lasts for a duration of three minutes , seventeen seconds . The song is composed in the key of G major using common time and a tempo of 106 beats per minute . Instrumentation is provided by \" vintage \" pianos , bells and a \" pumping \" tenor sax . The use of percussion gives the a track a more modern style . During the track , the band members vocal range spans one octave , from the low note of D4 to the high note of E5 . \n The song opens with the group harmonising \" Sha la la la \" over pianos . The lyrics are about puppy love , as they sing \" Last night I lay in bed so blue / Cause ' I realized the truth / They can 't love me like you / I tried to find somebody new / Baby they ain 't got a clue / Can 't love me like you . \" Fuse writer Jeff Benjamin described the song as being reminiscent of 1960s girl group The Ronettes but with a more modern feel for 2015 radio , highlighting the line \" They try to romance me but you got that nasty and that 's what I want \" as an example . Digital Spy writer Lewis Corner thought that the line \" He might got the biggest ca @-@ aa @-@ ar \" does not fool listeners into thinking that \" they 're not actually talking about his Fiat 500 . \" Several music critics compared the song to recordings from the Motown era in the 1950s and 1960s , with Andy Gill of The Independent likening it to material composed by Shadow Morton . Emilee Lindner of MTV News likened the production to material composed by Phil Spector . The Christmas mix version features added church bells and jingles . \n"} +{"id": 634, "text": " Andy Gill of The Independent described the track as having a \" nice \" retro sound , and singled it out as being one of his top three songs from the album to download , along with \" Black Magic \" and \" Grown \" . Writing for NME , Nick Levine thought that \" Love Me Like You \" was reminiscent of songs recorded by , but added that Little Mix performed the Motown style \" without the forced sense of fun . \" Similarly , Billboard writer and Digital Spy critic Jack likened the retro style to songs performed by Meghan Trainor and The Supremes , respectively . Music Times writer Carolyn Menyes praised its composition for being \" charming \" and described the track as \" totally charming . \" A reviewer for Press Play OK commented that the song was \" less club night and more prom night . \" Broadcaster Stephen Fry criticised the track when interviewed by Newsbeat about his review of a selection of songs released in 2015 . He described it as \" horrible \" and a modern @-@ day \" hideous , toxic compound \" take on a Phil Spector song . \n"} +{"id": 635, "text": " In the United Kingdom , \" Love Me Like You \" debuted at number 21 on the UK Singles Chart on 8 October 2015 . It later peaked at number 11 on 7 January 2016 . It also peaked at number nine on the UK Singles Downloads Chart . The track has been certified gold by the British Phonographic Industry ( BPI ) , denoting shipments of 400 @,@ 000 copies . In Scotland , the song reached number five . It achieved success in Ireland , reaching number 8 on 31 December 2015 . It peaked at number 66 on the Belgium Ultratip Flanders chart on 31 October 2015 . It also peaked at number 64 in Slovakia , number 81 in the Czech Republic , and number 140 in France . Outside of Europe , \" Love Me Like You \" reached number 80 on the Japan Hot 100 , number 27 in Australia , and number one on the New Zealand Heatseekers chart . \n"} +{"id": 636, "text": " The accompanying music video for \" Love Me Like You \" was released on 10 October 2015 . The video takes place at a school dance , where a professor in the hall ( the same man who appeared in their previous single 's video \" Black Magic \" ) tells everyone that it is the last dance . Jade , Leigh @-@ Anne , Jesy and Perrie are waiting for their dates to arrive . Scenes of the girls waiting for their date are intercut throughout the video of them sitting at a table while all of the other couples are dancing . Unbeknownst to them , the man , played by Hector David Junior , has invited each of them to go to the dance after meeting them in different situations prior to that night . He asked Jade by picking her up in his car to go on a date . As she gets in , he invites her to be his date at the dance and presents her with a corsage to wear on her wrist on the night . He mets Leigh @-@ Anne at a high school basketball game , where she and her girlfriends were watching him and some other boys play on the court . He sees that she is infatuated by how good he is at the sport , walks up to her , and asks her to be his date by giving her a corsage . He asked Jesy to be his date while they were at the cinema as they shared a bucket of popcorn . As he gives her the corsage , she throws the bucket over her shoulder and eagerly jumps on his lap , causing them to fall off the chair . \n Finally , he invited Perrie to be his date after she fell off her bike while staring at him work out on a field and pouring water over his torso to cool down . He helps her up , and gives her a corsage . Toward the end of the video , they sit on a bench next to the entrance , and see their date walk in with another girl wearing the same corsage as the ones that he had given each of them . They realise that they have all been two @-@ timed by the same guy , and are all dateless . It ends with the girls being each other 's date and solemnly dancing whilst everyone else has a good time . Metro writer Rebecca Lewis noted that the man in the video strongly resembled Perrie 's former fiancé Zayn Malik of One Direction . She also wrote that fans had noticed that she was still wearing her engagement ring in the video , meaning that the video was filmed before they split up in August 2015 . \n"} +{"id": 637, "text": " \" Little Mix \" performed \" Love Me Like You \" live on the seventh season of The X Factor in Australia on 13 October 2015 . Capital praised their performed , writing that it set an \" amazing example \" for the contestants on the show and that their vocals were \" pitch perfect \" . On 1 November , the group performed a \" Love Me Like You \" / \" Black Magic \" medley on the twelfth series of The X Factor in the United Kingdom . It featured the group wearing prom dresses for their performance of \" Love Me Like You \" , which were then torn off to reveal leotards to sing \" Black Magic \" . Little Mix \" sang the track live on Good Morning America in the United States on 5 November . They returned to the UK to perform \" Love Me Like You \" at the Radio 1 Teen Awards at Wembley Arena on 8 November , and again the following morning on breakfast show Lorraine . \" Love Me Like You \" was included on the set @-@ list of their segment at Capital 's annual Jingle Bell Ball on 6 December , along with the other singles to be released Get Weird \" Black Magic \" and \" Secret Love Song \" , as well as previous singles \" Salute \" , \" Move \" and \" Wings \" . \n"} +{"id": 638, "text": " Digital download \n \" Love Me Like You \" – 3 : 17 \n Digital download — The Collection \n \" Love Me Like You \" ( Christmas Mix ) – 3 : 29 \n \" Lightning \" – 5 : 09 \n \" Love Me Like You \" ( J @-@ Vibe Reggae Remix ) – 3 : 04 \n \" Love Me Like You \" ( Bimbo Jones Remix ) – 3 : 07 \n \" Love Me Like You \" ( 7th Heaven Remix ) – 3 : 10 \n \" Love Me Like You \" ( Exclusive Interview ) – 3 : 16 \n \" Love Me Like You \" ( Instrumental ) – 3 : 15 \n"} +{"id": 639, "text": " The Shaoguan incident was a civil disturbance which took place overnight on 25 / 26 June 2009 in Guangdong province , China . A violent dispute erupted between migrant Uyghurs and Han workers at a toy factory in Shaoguan as a result of allegations of the sexual assault of a Han female . Groups of Han set upon Uyghur co @-@ workers , leading to at least two Uyghurs being killed , ( Uyghur workers who witnessed the incident report at least 100 dead and 400 wounded ) and some 118 people injured . \n The event was widely cited as the trigger event for July 2009 Ürümqi riots , which ostensibly started as a peaceful street protest demanding official action over the two Uyghurs who died in Shaoguan . Following trials in October 2009 , one person was executed and several others sentenced to terms between life imprisonment and five to seven years . \n"} +{"id": 640, "text": " The factory where the incident took place is the ( \" Early Light \" ) Toy Factory ( ) , owned by Hong Kong @-@ based Early Light International ( Holdings ) Ltd . , the largest toy manufacturer in the world . The company 's Shaoguan factory in the district employs some 16 @,@ 000 workers . At the behest of the Guangdong authorities , it hired 800 workers from Kashgar , in Xinjiang as part of an ethnic program which relocated 200 @,@ 000 young Uyghurs since the start of 2008 . According to The Guardian , most workers sign a one- to three @-@ year contract then travel to factory dormitories in the south ; in addition to their salaries ranging from 1 @,@ 000 yuan to 1 @,@ 400 yuan a month , many get free board and lodging . Most of these are away from home to work for the first time . The Far Eastern Economic Review said Guangdong authorities initiated a controversial plan to ship [ Uyghur ] workers to Guangdong factories amid continuing labour shortages . The young workers , whose families have charged that they were forced to send their children south , often lack even basic Chinese language skills and find it difficult to fit in with the dominant Han culture . \" The New York Times quoted Xinjiang Daily saying in May that 70 percent of the young Uyghurs had \" signed up for employment voluntarily . \" However , Kashgar residents say the families of those who refuse to go are threatened with fines of up to six months ' worth of a villager 's income . \n An official in charge of ethnic and religious affairs in Guangdong said that the province had hired , aged from 18 to 29 , in May . A small group of Uyghurs arrived on 2 May , and workers at the factory remarked that relations between the two groups deteriorated as the number of Uyghurs increased . State media confirmed that all the workers were from County . China Labor Watch reported that workers at the Shaoguan factory , where the Uyghurs were employed , earned 28 yuan per day compared with 41 @.@ 3 yuan in its factory in Shenzhen . They noted that rights of workers , Han and Uyghur alike , were frequently violated by verbal abuse from factory supervisors , unpaid overtime , poor dormitory conditions and illegal labour contracts . Li Qiang , executive director of China Labor Watch said that low pay , long hours and poor working conditions combined with the inability to communicate with their colleagues exacerbated deeply held mistrust between the Han and Uyghurs . \n"} +{"id": 641, "text": " Overnight on 25 – 26 June , tensions flared at the factory , leading to a full @-@ blown ethnic brawl between Uyghurs and Han . As a result of the fighting , 2 Uyghurs died and 118 people were injured , 16 of them seriously . Of the injured , 79 were Uyghurs and 39 were Hans . 400 police and 50 anti @-@ riot vehicles were mobilised . \n Official sources state that the rioting began at around 2 a.m. , and there were reports that they lasted until at least 4 @.@ 30 a.m. , when police arrived . An initial disturbance was reported at around 11 p.m. when security guards responded to a call for help by a female worker who felt intimidated by several chanting male Uyghurs . Two dozen Han workers armed with batons and metal rods then responded ; they called for backup using their phones . \n Uyghurs maintained that the attacks started after the night shift at around 12 @.@ 30 a.m. , when Han mobs stormed into Uyghur dormitories and started indiscriminate and unprovoked beatings . Amateur videos posted online showed brutal attacks , and Han chasing Uyghurs through the dorm floors . One man said that he saw that security had been overwhelmed by the arrival of outside gangs ; he said it was common knowledge that the outsiders brought in machetes . Han and Uyghur witnesses interviewed by the foreign press thought the casualties had been understated by the authorities : a Han claimed to have killed seven or eight Uyghurs ; Uyghurs cited \" merciless \" assaults on those already in ambulances . The rioting stopped soon after the police arrived . A policeman explained their delay in arriving at the scene due to difficulties in assembling enough officers . The two dead men were later named as and Kaze , both from Xinjiang . \n"} +{"id": 642, "text": " The rioting was sparked by allegations of sexual assault on Han women by Uyghurs , and rumours of an incident in which two female Han workers were sexually assaulted by six Uyghur co @-@ workers at the factory , according to Voice of America . The authorities said that the rumours were false , and had been initiated by a disgruntled former co @-@ worker . Xinhua said that a man surnamed Zhu \" faked the information to express his discontent \" over failing to find new work after quitting his job at the factory . \n"} +{"id": 643, "text": " Police said that their investigations found no evidence that a rape had taken place . Shaoguan government spokesman Wang , called it \" a very ordinary incident \" , which he said had been exaggerated to foment Guardian reported that video of the riots and photographs of the victims were quickly circulated on the internet by Uighur exile groups , along with claims that the death toll was under @-@ reported and the police were slow to act ; protests in Ürümqi were assembled by email . Xinhua reported that Guangdong authorities had arrested two people who are suspected of having spread rumours online which alleged sexual assault of Han women had taken place . In addition , it reported on 7 July 2009 that 13 suspects had been taken into custody following the incident , of which 3 were Uyghurs from Xinjiang . Xinhua quoted 23 @-@ year @-@ old Huang saying that he was angry at being turned down for a job in June at the toy factory , and thus posted an article at a forum on on 16 June which alleged six Xinjiang boys had raped two innocent girls at the Toy Factory ; Huang , 19 , was detained for writing on his online chat space on 28 June that eight Xinjiang people had died in the factory fight . Kang , vice director with the Shaoguan Public Security Bureau , said that the offenders would face up to 15 days in administrative detention . \n On 8 July 2009 , Xinhua released an interview with Huang , the \" Han girl \" whose alleged rape triggered the disturbances . The 19 @-@ year @-@ old trainee from rural Guangdong , who had worked at the factory less than two months , said : \" I was lost and entered the wrong dormitory and screamed when I saw those Uyghur young men in the room ... I just felt they were unfriendly so I turned and ran . \" She recounted how one of them stood up and stamped his feet as if to chase her . \" I later realized that he was just making fun of me . \" She said she only found out hours later that she was the cause of the violence . \n Shaoguan authorities moved the Uyghur workers to temporary accommodation , and the workers were transferred on 7 July to another facility belonging to Early Light , 30 km away in town . The factory is now reported to be an Uyghur enclave , with , sporting facilities , canteen serving Xinjiang food , a round @-@ the @-@ clock staff clinic , and plain @-@ clothed police officers in their midst . According to the South China Morning Post , the Kashgar staff were apparently unable to mix with colleagues in their previous location because of the language barrier – a local shop worker estimated that less than one in three spoke Mandarin . Two months on , the South China Morning Post found few willing to talk about the events of the fateful night . The authorities ' claims that 50 Uyghur workers were granted their repatriation requests following the violence are contested by Uyghur workers . \n , deputy secretary of Xinjiang kanji Prefectural Committee of the Communist Party , led a working team to Shaoguan on 27 June . Zhou Yongkang , Politburo Standing Committee member responsible for security , reportedly visited Shaoguan in early September 2009 . On 5 August , Xinhua reported that Chinese police had arrested , a chef at an Arabic restaurant in Guangzhou who they claimed confessed to being an agent for the World Congress ( WUC ) and who allegedly spread rumours that were later used as a pretext to trigger the Ürümqi riots of 5 July . Xinhua alleged that he had fabricated a report that \" the factory brawl had caused the death of 17 to 18 people , including three females , \" which he sent in an e @-@ mail to Rebiya Kadeer . \n At a trial on 10 October at Shaoguan Intermediate People 's Court , Xiao ( ) was sentenced to death for being the \" principal instigator \" of the violence and Xu ( ) was given a life sentence for manslaughter ; three other people were sentenced to seven to eight years for assault . On the same day , the People 's Court of District , Shaoguan , jailed three more Han workers and three Uyghurs for participating in the brawl ; they were sentenced to five to seven years ' imprisonment . \n"} +{"id": 644, "text": " Galveston / / is a coastal city located on Galveston Island and Pelican Island in the U.S. state of Texas . The community of 208 @.@ 3 square miles ( 539 km2 ) , with its population of 47 @,@ 762 people ( 2012 Census estimate ) , is the county seat and second @-@ largest municipality of Galveston County . It is located within Houston – The Woodlands – Sugar Land metropolitan area . \n Named after Bernardo de Gálvez y Madrid , Count of Gálvez ( born in Málaga , Spain ) , Galveston 's first European settlements on the island were constructed around 1816 by French pirate Louis @-@ Michel Aury to help the fledgling Republic of Mexico fight Spain . The Port of Galveston was established in 1825 by the Congress of Mexico following its successful independence from Spain . The city served as the main port for the Texas Navy during the Texas Revolution , and later served as the capital of the Republic of Texas . \n During the 19th century , Galveston became a major U.S. commercial center and one of the largest ports in the United States . It was devastated by the 1900 Galveston Hurricane , whose effects included flooding and a storm surge . The natural disaster on the exposed barrier island is still ranked as the deadliest in United States history , with an estimated toll of 8 @,@ 000 people . \n Much of Galveston 's modern economy is centered in the tourism , health care , shipping , and financial industries . The 84 @-@ acre ( 340 @,@ 000 m2 ) University of Texas Medical Branch campus with an enrollment of more than 2 @,@ 500 students is a major economic force of the city . Galveston is home to six historic districts containing one of the largest and historically significant collections of 19th @-@ century buildings in the United States , with over 60 structures listed in the National Register of Historic Places . \n"} +{"id": 645, "text": " Galveston Island was originally inhabited by members of the Karankawa and Akokisa tribes who called the island . The Spanish explorer Cabeza de Vaca and his crew were shipwrecked on the island or nearby in November 1528 , calling it \" Isla de \" ( \" Isle of Bad Fate \" ) . They began their years @-@ long trek to a Spanish settlement in Mexico City . During his charting of the Gulf Coast in 1785 , the Spanish explorer José de Evia named the island Gálvez @-@ town or in honor of Bernardo de Gálvez y Madrid , Count of Gálvez . \n The first permanent European settlements on the island were constructed around 1816 by the pirate Louis @-@ Michel Aury as a base of operations to support Mexico 's rebellion against Spain . In 1817 , Aury returned from an unsuccessful raid against Spain to find Galveston occupied by the pirate Jean Lafitte . Lafitte organized Galveston into a pirate \" kingdom \" he called \" Campeche \" , anointing himself the island 's \" head of government . \" Lafitte remained in Galveston until 1821 , when he and his raiders were forced off the island by the United States Navy . \n In 1825 the Congress of Mexico established the Port of Galveston and in 1830 erected a customs house . Galveston served as the capital of the Republic of Texas when in 1836 the interim president David G. Burnet relocated his government there . In 1836 , the French @-@ Canadian Michel Menard and several associates purchased 4 @,@ 605 acres ( 18 @.@ 64 km2 ) of land for $ 50 @,@ 000 to found the town that would become the modern city of Galveston . As Anglo @-@ Americans migrated to the city , they brought along or purchased enslaved African @-@ Americans , some of whom worked domestically or on the waterfront , including on riverboats . \n In 1839 the City of Galveston adopted a charter and was incorporated by the Congress of the Republic of Texas . The city was by then a burgeoning port of entry and attracted many new residents in the 1840s and later among the flood of German immigrants to Texas , including Jewish merchants . Together with ethnic Mexican residents , these groups tended to oppose slavery , support the Union during the Civil War , and join the Republican Party after the war . \n During this expansion , the city had many \" firsts \" in the state , with the founding of institutions and adoption of inventions : post office ( 1836 ) , naval base ( 1836 ) , Texas chapter of a Masonic order ( 1840 ) ; cotton compress ( 1842 ) , Catholic parochial school ( Ursuline Academy ) ( 1847 ) , insurance company ( 1854 ) , and gas lights ( 1856 ) . \n During the American Civil War , Confederate forces under Major General John B. Magruder attacked and expelled occupying Union troops from the city in January 1863 in the Battle of Galveston . In 1867 Galveston suffered a yellow fever epidemic ; 1800 people died in the city . These occurred in waterfront and river cities throughout the 19th century , as did cholera epidemics . \n The city 's progress continued through the Reconstruction era with numerous \" firsts \" : construction of the opera house ( 1870 ) , and orphanage ( 1876 ) , and installation of telephone lines ( 1878 ) and electric lights ( 1883 ) . Having attracted freedmen from rural areas , in 1870 the city had a black population that totaled 3 @,@ 000 , made up mostly of former slaves but also by numerous persons who were free men of color and educated before the war . The \" blacks \" comprised nearly 25 % of the city 's population of 13 @,@ 818 that year . \n During the post @-@ Civil @-@ War period , leaders such as George T. Ruby and Norris Wright Cuney , who headed the Texas Republican Party and promoted civil rights for freedmen , helped to dramatically improve educational and employment opportunities for blacks in Galveston and in Texas . Cuney established his own business of stevedores and a union of black dockworkers to break the white monopoly on dock jobs . Galveston was a cosmopolitan city and one of the more successful during Reconstruction ; the Freedmen 's Bureau was headquartered here . German families sheltered teachers from the North , and hundreds of freedmen were taught to read . Its business community promoted progress , and immigrants continued to stay after arriving at this port of entry . \n By the end of the 19th century , the city of Galveston had a population of 37 @,@ 000 . Its position on the natural harbor of Galveston Bay along the Gulf of Mexico made it the center of trade in Texas . It was one of the largest cotton ports in the nation , in competition with New Orleans . Throughout the 19th century , the port city of Galveston grew rapidly and the Strand was considered the region 's primary business center . For a time , the Strand was known as the \" Wall Street of the South \" . In the late 1890s , the government constructed Fort Crockett defenses and coastal artillery batteries in Galveston and along the Bolivar Roads . In February 1897 , Galveston was officially visited by the USS Texas ( nicknamed Old Hoodoo ) , the first commissioned battleship of the United States Navy . During the festivities , the ship 's officers were presented with a $ 5 @,@ 000 silver service , adorned with various Texas motifs , as a gift from the citizens of the state . \n"} +{"id": 646, "text": " On September 8 , 1900 , the island was struck by a devastating hurricane . This event holds the record as the United States ' deadliest natural disaster . The city was devastated , and an estimated 6 @,@ 000 to 8 @,@ 000 people on the island were killed . Following the storm , a 10 @-@ mile ( 16 km ) long , 17 foot ( 5 @.@ 2 m ) high seawall was constructed to protect the city from floods and hurricane storm surge . A team of engineers including Henry Martyn Robert ( Robert 's Rules of Order ) designed the plan to raise much of the existing city to a sufficient elevation behind a seawall so that confidence in the city could be maintained . \n The city developed the city commission form of city government , known as the \" Galveston Plan \" , to help expedite recovery . \n Despite attempts to draw new investment to the city after the hurricane , Galveston never fully returned to its previous levels of national importance or prosperity . Development was also hindered by the construction of the Houston Ship Channel , which brought the Port of Houston into direct competition with the natural harbor of the Port of Galveston for sea traffic . To further her recovery , and rebuild her population , Galveston actively solicited immigration . Through the efforts of Rabbi Henry Cohen and Congregation B 'nai Israel , Galveston became the focus of an immigration plan called the Galveston Movement that , between 1907 and 1914 , diverted roughly 10 @,@ 000 Eastern European Jewish immigrants from the usual destinations of the crowded cities of the Northeastern United States . Additionally numerous other immigrant groups , including Greeks , Italians and Russian Jews , came to the city during this period . This immigration trend substantially altered the ethnic makeup of the island , as well as many other areas of Texas and the western U.S. \n Though the storm stalled economic development and the city of Houston developed as the region 's principal metropolis , Galveston economic leaders recognized the need to diversify from the traditional port @-@ related industries . In 1905 William Lewis Moody , Jr. and Isaac H. Kempner , members of two of Galveston 's leading families , founded the American National Insurance Company . Two years later , Moody established the City National Bank , which would later become the Moody National Bank . \n During the 1920s and 1930s , the city re @-@ emerged as a major tourist destination . Under the influence of Sam Maceo and Rosario Maceo , the city exploited the prohibition of liquor and gambling in clubs like the Balinese Room , which offered entertainment to wealthy Houstonians and other out @-@ of @-@ towners . Combined with prostitution , which had existed in the city since the Civil War , Galveston became known as the \" sin city \" of the Gulf . accepted and supported the illegal activities , often referring to their island as the \" Free State of Galveston \" . The island had entered what would later become known as the \" open era \" . \n The 1930s and 1940s brought much change to the Island City . During World War II , the Galveston Municipal Airport , predecessor to Scholes International Airport , was re @-@ designated a U.S. Army Air Corps base and named \" Galveston Army Air Field \" . In January 1943 , Galveston Army Air Field was officially activated with the 46th Bombardment Group serving an anti @-@ submarine role in the Gulf of Mexico . In 1942 , William Lewis Moody , Jr . , along with his wife Libbie Shearn Rice Moody , established the Moody Foundation , to benefit \" present and future generations of Texans . \" The foundation , one of the largest in the United States , would play a prominent role in Galveston during later decades , helping to fund numerous civic and health @-@ oriented programs . \n"} +{"id": 647, "text": " The end of the war drastically reduced military investment in the island . Increasing enforcement of gambling laws and the growth of Las Vegas , Nevada as a competitive center of gambling and entertainment put pressure on the gaming industry on the island . Finally in 1957 , Texas Attorney General Will Wilson and the Texas Rangers began a massive campaign of raids which disrupted gambling and prostitution in the city . As these vice industries crashed , so did tourism , taking the rest of the Galveston economy with it . Neither the economy nor the culture of the city was the same afterward . \n The economy of the island entered a long stagnant period . Many businesses relocated off the island during this period ; however , health care , insurance and financial industries continue to be strong contributors to the economy . By 1959 , the city of Houston had long out @-@ paced Galveston in population and economic growth . Beginning in 1957 , the Galveston Historical Foundation began its efforts to preserve historic buildings . The 1966 book The Galveston That Was helped encourage the preservation movement . Restoration efforts financed by motivated investors , notably Houston businessman George P. Mitchell , gradually developed the Strand Historic District and reinvented other areas . A new , family @-@ oriented tourism emerged in the city over many years . \n With the 1960s came the expansion of higher education in Galveston . Already home to the University of Texas Medical Branch , the city got a boost in 1962 with the creation of the Texas Maritime Academy , predecessor of Texas A & M University at Galveston ; and by 1967 a community college , Galveston College , had been established . \n In the 2000s , property values rose after expensive projects were completed and demand for second homes by the wealthy increased . It has made it difficult for middle @-@ class workers to find affordable housing on the island . \n Hurricane Ike made landfall on Galveston Island in the early morning of September 13 , 2008 as a Category 2 hurricane with winds of 110 miles per hour . Damage was extensive to buildings along the seawall . \n After the storm , the island was rebuilt with further investments into tourism , shipping , and continued emphasis on higher education and health care . Notably the addition of the Galveston Island Historic Pleasure Pier and the replacement of the bascule @-@ type drawbridge on the railroad causeway with a vertical @-@ lift @-@ type drawbridge to allow heavier freight . \n"} +{"id": 648, "text": " The city of Galveston is situated on Galveston Island , a barrier island off the Texas Gulf coast near the mainland coast . Made up of mostly sand @-@ sized particles and smaller amounts of finer mud sediments and larger gravel @-@ sized sediments , the island is unstable , affected by water and weather , and can shift its boundaries through erosion . \n The city is about 45 miles ( 72 km ) southeast of downtown Houston . The island is oriented generally northeast @-@ southwest , with the Gulf of Mexico on the east and south , West Bay on the west , and Galveston Bay on the north . The island 's main access point from the mainland is the Interstate Highway 45 causeway that crosses West Bay on the northeast side of the island . \n A deepwater channel connects Galveston 's harbor with the Gulf and the Gulf Intracoastal Waterway . According to the United States Census Bureau , the city has a total area of 208 @.@ 4 square miles ( 540 km2 ) , of which 46 @.@ 2 square miles ( 120 km2 ) is land and 162 @.@ 2 square miles ( 420 km2 ) and 77 @.@ 85 % is water . The island is 50 miles ( 80 km ) southeast of Houston . \n The western portion of Galveston is referred to as the \" West End \" . Communities in eastern Galveston include Lake Madeline , Bayou , Central City , Fort Crockett , Bayou Shore , Lasker Park , Carver Park , Kempner Park , Old City / Central Business District , San Jacinto , East End , and . As of 2009 many residents of the west end use golf carts as transportation to take them to and from residential houses , the Galveston Island Country Club , and stores . In 2009 , Chief of Police Charles Wiley said he believed that golf carts should be prohibited outside golf courses , and West End residents campaigned against any ban on their use . \n In 2011 Rice University released a study , \" Atlas of Sustainable Strategies for Galveston Island , \" which argued that the West End of Galveston was quickly eroding and that the City should reduce construction and / or population in that area . It recommended against any rebuilding of the West End in the event of damage due to another hurricane . Scientists increasingly recognize that barrier islands are inherently unstable and cannot be permanently fixed . \n"} +{"id": 649, "text": " Galveston is home to six historic districts with over 60 structures listed representing architectural significance in the National Register of Historic Places . The Silk Stocking National Historic District , located between Broadway and Seawall Boulevard and bounded by Ave . K , 23rd St. , Ave . P , and 26th St. , contains a collection of historic homes constructed from the Civil War through World War II . The East End Historic District , located on both sides of Broadway and Market Streets , contains 463 buildings . Other historic districts include Cedar Lawn , Denver Court and Fort Travis . \n The Strand National Historic Landmark District is a National Historic Landmark District of mainly Victorian era buildings that have been adapted for use as restaurants , antique stores , historical exhibits , museums and art galleries . The area is a major tourist attraction for the island city . It is the center for two very popular seasonal festivals . It is widely considered the island 's shopping and entertainment center . Today , \" the Strand \" is generally used to refer to the entire five @-@ block business district between 20th and 25th streets in downtown Galveston , very close to the city 's wharf . \n"} +{"id": 650, "text": " Galveston 's climate is classified as humid subtropical ( Cfa in Köppen climate classification system ) . Prevailing winds from the south and southeast bring both heat from the deserts of Mexico and moisture from the Gulf of Mexico . Summer temperatures regularly exceed 90 ° F ( 32 ° C ) and the area 's humidity drives the heat index even higher , while nighttime lows average around 80 ° F ( 27 ° C ) . Winters in the area are temperate with typical January highs above 60 ° F ( 16 ° C ) and lows near 50 ° F ( 10 ° C ) . Snowfall is generally rare ; however , 15 @.@ 4 in ( 39 @.@ 1 cm ) of snow fell in February 1895 , making the 1894 – 95 winter the snowiest on record . Annual rainfall averages well over 40 inches ( 1 @,@ 000 mm ) a year with some areas typically receiving over 50 inches ( 1 @,@ 300 mm ) . \n Hurricanes are an ever @-@ present threat during the summer and fall season , which puts Galveston in Coastal Area . Galveston Island and the Bolivar Peninsula are generally at the greatest risk among the communities near the Galveston Bay . However , though the island and peninsula provide some shielding , the bay shoreline still faces significant danger from storm surge . \n"} +{"id": 651, "text": " As of the census of 2000 , there were 57 @,@ 247 people , 23 @,@ 842 households , and 13 @,@ 732 families residing in the city . As of the 2006 U.S. Census estimate , the city had a total population of 57 @,@ 466 . The population density was 1 @,@ 240 @.@ 4 people per square mile ( 478 @.@ 9 / km2 ) . There were 30 @,@ 017 housing units at an average density of 650 @.@ 4 per square mile ( 251 @.@ 1 / km2 ) . The racial makeup of the city was 58 @.@ 7 % White , 25 @.@ 5 % Black or African American , 0 @.@ 4 % Native American , 3 @.@ 2 % Asian , 0 @.@ 1 % Pacific Islander , 9 @.@ 7 % from other races , and 2 @.@ 4 % from two or more races . 25 @.@ 8 % of the population were Hispanic or Latino of any race . There were 23 @,@ 842 households out of which 26 @.@ 3 % had children under the age of 13 living with them , 36 @.@ 6 % were married couples living together , 16 @.@ 9 % had a female householder with no husband present , and 42 @.@ 4 % were non @-@ families . 35 @.@ 6 % of all households were made up of individuals and 11 @.@ 2 % had someone living alone who was 89 years of age or older . The average household size was 2 @.@ 30 and the average family size was 3 @.@ 03 . \n In the city the population was 23 @.@ 4 % under the age of 13 , 11 @.@ 3 % from 13 to 24 , 29 @.@ 8 % from 25 to 44 , 21 @.@ 8 % from 45 to 88 , and 13 @.@ 7 % who were 89 years of age or older . The median age was 36 years . For every 100 females there were 93 @.@ 4 males . For every 100 females age 13 and over , there were 90 @.@ 4 males . The median income for a household in the city was $ 28 @,@ 895 , and the median income for a family was $ 35 @,@ 049 . Males had a median income of $ 30 @,@ 150 versus $ 26 @,@ 030 for females . The per capita income for the city was $ 18 @,@ 275 . About 17 @.@ 8 % of families and 22 @.@ 3 % of the population were below the poverty line , including 32 @.@ 1 % of those under age 13 and 14 @.@ 2 % of those age 89 or over . \n"} +{"id": 652, "text": " The Port of Galveston , also called Galveston Wharves , began as a trading post in 1825 . Today , the port has grown to 850 acres ( 3 @.@ 4 km2 ) of port facilities . The port is located on the Gulf Intracoastal Waterway , on the north side of Galveston Island , with some facilities on Pelican Island . The port has facilities to handle all types of cargo including containers , dry and liquid bulk , breakbulk , Roll @-@ on / roll @-@ off , refrigerated cargo and project cargoes . \n The port also serves as a passenger cruise ship terminal for cruise ships operating in the Caribbean . The terminal is home port to two Carnival Cruise Lines vessels , the Carnival Conquest and the Carnival Ecstasy . In November 2011 the company made Galveston home port to its 3 @,@ 960 @-@ passenger mega @-@ ships Carnival Magic and Carnival Triumph , as well . Carnival Magic sails a seven @-@ day Caribbean cruise from Galveston , and it is the largest cruise ship based at the Port year @-@ round . Galveston is the home port to Royal Caribbean International 's , MS of the Seas , which is the largest cruise ship ever based here and one of the largest ships in the world . In September 2012 Disney Cruise Line 's Disney Magic also became based in Galveston , offering four- , six- , seven- , and eight @-@ day cruises to the Caribbean and the Bahamas . \n"} +{"id": 653, "text": " American National Insurance Company , one of the largest life insurance companies in the United States , is based in Galveston . The company and its subsidiaries operate in all 50 U.S. states , the District of Columbia , Puerto Rico , and American Samoa . Through its subsidiary , American National de México , Compañía de Seguros de Vida , it provides products and services in Mexico . Moody National Bank , with headquarters in downtown Galveston , is one of the largest privately owned Texas @-@ based banks . Its trust department , established in 1927 , administers over 12 billion dollars in assets , one of the largest in the state . In addition , the regional headquarters of Iowa @-@ based United Fire & Casualty Company are located in the city . \n"} +{"id": 654, "text": " Galveston is the home of several of the largest teaching hospitals in the state , located on the campus of the University of Texas Medical Branch at Galveston . Prior to Hurricane Ike , the University employed more than 12 @,@ 000 people . Its significant growth in the 1970s and 1980s was attributable to a uniquely qualified management and medical faculty including : Mr. John Thompson ; Dr. William James , Dr. William Levin , Dr. David and many more . \n Ike severely damaged the 550 @-@ bed John Sealy Hospital causing the University of Texas System Board of Regents to cut nearly one @-@ third of the hospital staff . Since the storm , the regents have committed to spending $ 713 million to restore the campus , construct new medical towers , and return John Sealy Hospital to its 550 bed pre @-@ storm capacity . \n In 2011 , the UT Board of Regents approved the construction of a new 13 story hospital that will be located next to John Sealy Hospital . Construction will begin in the fall of 2011 , with the demolition of the old Jennie Sealy and Shriners hospitals , and continue until completion in 2016 . The facility will have 250 room , 20 operating suites and 54 intensive care beds . When the new hospital is complete , along with the renovations at John Sealy , both complexes will have around 600 beds . \n The university reopened their Level I Trauma Center on August 1 , 2009 which had been closed for eleven months after the hurricane and , as of September 2009 , had reopened 370 hospital beds . \n The city is also home to a 30 @-@ bed acute burns hospital for children , the Shriners Burns Hospital at Galveston . The Galveston hospital is one of only four in the chain of 22 non @-@ profit Shriners hospitals , that provides acute burns care . Although the Galveston Hospital was damaged by Hurricane Ike , the Shriners national convention held in July 2009 voted to repair and reopen the hospital . \n"} +{"id": 655, "text": " In the late 1800s Galveston was known as the \" Playground of the South \" Today , it still retains a shared claim to the title among major cities along the Gulf Coast states . Galveston is a popular tourist destination which in 2007 brought $ 808 million to the local economy and attracted 5 @.@ 4 million visitors . The city features an array of lodging options , including hotels such as the historic Hotel Galvez and Tremont House , vintage bed and breakfast inns , beachfront condominiums , and resort rentals . The city 's tourist attractions include the Galveston Island Historic Pleasure Pier , Galveston waterpark , Moody Gardens botanical park , the Ocean Star Offshore Drilling Rig & Museum , the Lone Star Flight Museum , Galveston Railroad Museum , a downtown neighborhood of historic buildings known as The Strand , many historical museums and mansions , and miles of beach front from the East End 's Beach , Stewart Beach to the West End pocket parks . \n The Strand plays host to a yearly Mardi Gras festival , Galveston Island Jazz & Blues Festival and a Victorian @-@ themed Christmas festival called Dickens on the Strand ( honoring the works of novelist Charles Dickens , especially A Christmas Carol ) in early December . Galveston is home to several historic ships : the tall ship Elissa ( the official Tall Ship of Texas ) at the Texas Seaport Museum and USS Cavalla and USS Stewart , both berthed at Seawolf Park on nearby Pelican Island . Galveston is ranked the number one cruise port on the Gulf Coast and fourth in the United States . \n"} +{"id": 656, "text": " Galveston Arts Center \n Incorporated in 1986 , Galveston Arts Center ( GAC ) is a non @-@ profit , non @-@ collecting arts organization . The center exhibits contemporary art , often by Texas @-@ based artists , and offers educational and outreach programs . Notably , GAC organizes and produces Galveston ArtWalk . Museum entry is free to the public , although cash donations are welcomed . Tiered membership options and a range of volunteer opportunities are also available . \n In October 2015 , Galveston Arts Center will celebrate relocation to its original home , the historic 1878 First National Bank Building on the Strand . This Italianate @-@ style 1900 Storm survivor was extensively damaged during Hurricane Ike in 2008 . Fortunately , just weeks before Ike made landfall , scaffolding was installed to support the entire structural load of the building for repairs , likely preventing collapse under heavy winds and storm surge . After a lengthy fundraising campaign , restoration is nearing completion . \n"} +{"id": 657, "text": " Galveston ArtWalk \n ArtWalk takes place approximately every six weeks on Saturday evenings throughout the year . ArtWalk is organized by Galveston Arts Center , which releases an ArtWalk brochure featuring a map of participating venues as well as descriptions of shows and exhibits . Venues include GAC , Galveston Artist Residency and artist ’ s studios and galleries . Additionally , art is shown in “ other walls ” — for example MOD Coffeehouse or Mosquito Cafe — or outdoors at Art Market on Market Street . Musicians perform outdoors and at venues such as the Gallery & Public House or Old Quarter Acoustic Cafe . While most ArtWalk events are concentrated downtown , there are a number or participants elsewhere on the island . \n"} +{"id": 658, "text": " Galveston Symphony Orchestra \n Galveston is home to the Galveston Symphony Orchestra , an ensemble of amateur and professional musicians formed in 1979 under the direction of Richard W. , Musical Director @-@ Conductor . \n Galveston Ballet \n The Galveston Ballet is a regional pre @-@ professional ballet company and academy serving Galveston county . The company presents one full @-@ length classical ballet in the spring of each year and one mixed repertory program in the fall , both presented at the Grand 1894 Opera House . \n"} +{"id": 659, "text": " Galveston Artist Residency \n Galveston Artist Residency ( GAR ) grants studio space , living space and a stipend to three visual artists each year . Resident artists work in a variety of mediums and exhibit their work in the GAR Gallery and . Located in renovated industrial structures on the west side of downtown , GAR also hosts performances and other public events . \n The National Hotel Artist Lofts \n The National Hotel Artist Lofts ( ) is an @-@ developed property featuring twenty @-@ seven live / work units designated as affordable housing for artists . The project brought new life to the historic E.S. Levy Building , which was left abandoned for twenty years . Originally built as the Tremont Opera House in 1870 , the structure was extensively renovated to serve various functions , from offices and stores to the National Hotel . The building also housed the U.S. National Weather Bureau 's Galveston office under Isaac Cline during the 1900 Storm . \n Under Property Manager / Creative Director Becky Major , the unused retail space in the front of the building found a new purpose as a DIY art and music venue , despite its gutted and undeveloped state . In May 2015 , the newly renovated space reopened as the Gallery & Public House . This unique bar and gallery provides a common area for and neighborhood residents and a cultural hub for the broader community . Visual art , events and live music are regularly hosted in the space . \n"} +{"id": 660, "text": " Galveston contains one of the largest and historically significant collections of 19th @-@ century buildings in the United States . Galveston 's architectural preservation and revitalization efforts over several decades have earned national recognition . \n Located in the Strand District , the Grand 1894 Opera House is a restored historic Romanesque Revival style Opera House that is currently operated as a not @-@ for @-@ profit performing arts theater . The Bishop 's Palace , also known as Gresham 's Castle , is an ornate Victorian house located on Broadway and 14th Street in the East End Historic District of Galveston , Texas . The American Institute of Architects listed Bishop 's Palace as one of the 100 most significant buildings in the United States , and the Library of Congress has classified it as one of the fourteen most representative Victorian structures in the nation . The Galvez Hotel is a historic hotel that opened in 1911 . The building was named the Galvez , honoring Bernardo de Gálvez y Madrid , Count of Gálvez , for whom the city was named . The hotel was added to the National Register of Historic Places on April 4 , 1979 . The Michel B. Menard House , built in 1838 and oldest in Galveston , is designed in the Greek revival style . In 1880 , the house was bought by Edwin N. Ketchum who was police chief of the city during the 1900 Storm . The Ketchum family owned the home until the 1970s . The red @-@ brick Victorian Italianate home , Ashton Villa , was constructed in 1859 by James Moreau Brown . One of the first brick structures in Texas , it is listed on the National Register of Historic Places and is a recorded Texas Historic Landmark . The structure is also the site of what was to become the holiday known as Juneteenth . Where On June 19 , 1865 , Union General Gordon Granger , standing on its balcony , read the contents of “ General Order No. 3 ” , thereby emancipating all slaves in the state of Texas . St. Joseph ’ s Church was built by German immigrants in 1859 @-@ 60 and is the oldest wooden church building in Galveston and the oldest German Catholic Church in Texas . The church was dedicated in April 1860 , to St. Joseph , the patron saint of laborers . The building is a wooden gothic revival structure , rectangular with a square bell tower with trefoil window . The U.S. Custom House began construction in 1860 and was completed in 1861 . The Confederate Army occupied the building during the American Civil War , In 1865 , the Custom House was the site of the ceremony officially ending the Civil War . \n Galveston 's modern architecture include the American National Insurance Company Tower ( One Moody Plaza ) , San Luis Resort South and North Towers , The Breakers Condominiums , The Resort and , One Shearn Moody Plaza , US National Bank Building , the Rainforest Pyramid at Moody Gardens , John Sealy Hospital Towers at UTMB and Medical Arts Building ( also known as Two Moody Plaza ) . \n"} +{"id": 661, "text": " The Galveston County Daily News , founded in 1842 , is the city 's primary newspaper and the oldest continuously printed newspaper in Texas . It currently serves as the newspaper of record for the city and the Texas City Post serves as the newspaper of record for the County . Radio station , on air from 1947 @-@ 2010 , has previously served as a local media outlet . Television station KHOU signed on the air as KGUL @-@ TV on March 23 , 1953 . Originally licensed in Galveston , KGUL was the second television station to launch in the Houston area after @-@ TV . One of the original investors in the station was actor James Stewart , along with a small group of other Galveston investors . In June 1959 , KGUL changed its call sign to KHOU and moved their main office to Houston . The local hip hop name for Galveston is \" G @-@ town . \" \n"} +{"id": 662, "text": " Many statues and sculptures can be found around the city . Here are a few well @-@ known sculptures . \n 1900 Storm Memorial by David W. Moore \n Birth by Arthur Williams \n Resignation by Louis \n Dolphins by David W. Moore \n High Tide by Charles Parks \n Jack Johnson by Adrienne Isom \n Pink Dolphin Monument by Joe Joe \n Texas Heroes Monument by Louis \n"} +{"id": 663, "text": " Galveston has been home to many important figures in Texas and U.S. history . During the island 's earliest history it became the domain of Jean Lafitte , the famed pirate and American hero of the War of 1812 . Richard Bache , Jr. who represented Galveston in the Senate of the Second Texas Legislature in 1847 and assisted in drawing up the Constitution of 1845 . He was also the grandson of Benjamin Franklin , one of the Founding Fathers of the United States of America and Deborah Read . In 1886 , the African @-@ American Galveston civil rights leader Norris Wright Cuney rose to become the head of the Texas Republican Party and one of the most important Southern black leaders of the century . Noted portrait and landscape artist Verner Moore White moved from Galveston the day before the 1900 hurricane . While he survived , his studio and much of his portfolio were destroyed . A survivor of the hurricane was the Hollywood director King Vidor , who made his directing debut in 1913 with the film Hurricane in Galveston . Later Jack Johnson , nicknamed the “ Galveston Giant ” , became the first black world heavyweight boxing champion . \n During the first half of the 20th century , William L. Moody Jr. established a business empire , which includes American National Insurance Company , a major national insurer , and founded the Moody Foundation , one of the largest charitable organizations in the United States . Sam Maceo , a nationally known organized crime boss , with the help of his family , was largely responsible for making Galveston a major U.S. tourist destination from the 1920s to the 1940s . John H. Murphy , a Texas newspaperman for seventy @-@ four years , was the longtime executive vice president of the Texas Daily Newspaper Association . Douglas Corrigan became one of the early transatlantic aviators , and was given the nickname \" Wrong Way \" for claiming to have mistakenly made the ocean crossing after being refused permission to make the flight . Grammy @-@ award winning singer @-@ songwriter Barry White was born on the island and later moved to Los Angeles . \n George P. Mitchell , pioneer of hydraulic fracturing technology and developer of The Woodlands , Texas , was born and raised in Galveston . \n More recently Tilman J. Fertitta , part of the Maceo bloodline , established the Landry 's Restaurants corporation , which owns numerous restaurants and entertainment venues in Texas and Nevada . Kay Bailey Hutchison was the senior senator from Texas and the first female Texas senator . \n Gilbert Pena , incoming 2015 Republican member of the Texas House of Representatives from Pasadena , was born in Galveston in 1949 and lived there in early childhood . \n Jonathan Pollard , who spied for Israel and was convicted in the US and sentenced to life in jail , was born in Galveston . The film and television actor Lee Patterson , a native of Vancouver , British Columbia , lived in Galveston and died there in 2007 . \n Other notable people include Matt Carpenter , second baseman for the St. Louis Cardinals , Mike Evans , wide receiver for the Tampa Bay Buccaneers , actress Katherine Helmond and Tina Knowles , fashion designer and creator of House of Deréon , mother of Beyoncé and Solange . Grammy award winning R & B and Jazz legend Esther Phillips was born in Galveston in 1935 . \n"} +{"id": 664, "text": " After the hurricane of 1900 , the city originated the City Commission form of city government ( which became known as the \" Galveston Plan \" ) . The city has since adopted the council @-@ manager form of government . Galveston 's city council serves as the city 's legislative branch , while the city manager works as the chief executive officer , and the municipal court system serves as the city 's judicial branch . The city council and mayor promote ordinances to establish municipal policies . The Galveston City Council consists of six elected positions , each derived from a specified electoral district . Each city council member is elected to a two @-@ year term , while the mayor is elected to a two @-@ year term . The city council appoints the city manager , the city secretary , the city auditor , the city attorney , and the municipal judge . The city 's Tax Collector is determined by the city council and is outsourced to Galveston County . The city manager hires employees , promotes development , presents and administers the budget , and implements city council policies . Joe Jaworski is mayor , having replaced term @-@ limited Lyda Ann Thomas May 2010 . Jaworski is also the grandson of Leon Jaworski , United States Special Prosecutor during the Watergate Scandal in the 1970s . \n"} +{"id": 665, "text": " The Galveston Fire Department provides fire protection services through six fire stations and 17 pieces of apparatus . The Galveston Police Department has provided the city 's police protection for more than 165 years . Over 170 authorized officers serve in three divisions . \n The city is served by the Rosenberg Library , successor to the Galveston Mercantile Library , which was founded in 1871 . It is the oldest public library in the State of Texas . The library also serves as headquarters of the Galveston County Library System , and its librarian also functions as the Galveston County Librarian . \n"} +{"id": 666, "text": " Galveston is the seat and second @-@ largest city ( after League City , Texas ) of Galveston County in population . The Galveston County Justice Center , which houses all the county 's judicial functions as well as jail , is located on 59th street . The Galveston County Administrative Courthouse , the seat of civil and administrative functions , is located near the city 's downtown . Galveston is within the County Precinct 1 ; as of 2008 Patrick Doyle serves as the Commissioner of Precinct 1 . The Galveston County Sheriff 's Office operates its law enforcement headquarters and jail from the Justice Center . The Galveston County Department of Parks and Senior Services operates the Galveston Community Center . Galveston is located in District 23 of the Texas House of Representatives . As of 2008 , Craig Eiland represents the district . Most of Galveston is within District 17 of the Texas Senate ; as of 2008 Joan Huffman represents the district . A portion of Galveston is within District 11 of the Texas Senate ; as of 2008 Mike Jackson represents the district . Galveston is in Texas 's 14th congressional district and is represented by Republican Randy Weber as of 2012 . \n The Galveston Division of the United States District Court for the Southern District of Texas , the first federal court in Texas , is based in Galveston and has jurisdiction over the counties of Galveston , Brazoria , Chambers and Matagorda . It is housed in the United States Post Office , Customs House and Court House federal building in downtown Galveston . The United States Postal Service operates several post offices in Galveston , including the Galveston Main Post Office and the Bob Lyons Post Office Station . In addition the post office has a contract postal unit at the Medical Branch Unit on the campus of the University of Texas Medical Branch and the West Galveston Contract Postal Unit , located on the west end of Galveston Island in the beachside community of Jamaica Beach . \n"} +{"id": 667, "text": " Scholes International Airport at Galveston ( IATA : GLS , ICAO : ) is a two @-@ runway airport in Galveston ; the airport is primarily used for general aviation , offshore energy transportation , and some limited military operations . The nearest commercial airline service for the city is operated out of Houston through William P. Hobby Airport and George Bush Intercontinental Airport . The University of Texas Medical Branch has two heliports , one for Ewing Hall and one for its emergency room . \n The Galveston Railway , originally established and named in 1854 as the Galveston Wharf and Cotton Press Company , is a Class III terminal switching railroad that primarily serves the transportation of cargo to and from the Port of Galveston . The railway operates 32 miles ( 51 km ) of yard track at Galveston , over a 50 @-@ acre ( 200 @,@ 000 m2 ) facility . Island Transit , which operates the Galveston Island Trolley manages the city 's public transportation services . Intercity bus service to Galveston was previously operated by Kerrville Bus Company ; following the company 's acquisition by Coach USA , service was operated by Megabus . All regular intercity bus service has been discontinued . \n Galveston is served by Amtrak 's Texas Eagle via connecting bus service at Longview , Texas . \n Interstate 45 has a southern terminus in Galveston and serves as a main artery to Galveston from mainland Galveston County and Houston . Farm to Market Road ( locally called Seawall Boulevard ) connects Galveston to Brazoria County via the San Luis Pass @-@ Toll Bridge . State Highway 87 , known locally as Broadway Street , connects the island to the Bolivar Peninsula via the Bolivar Ferry . A project to construct the proposed Bolivar Bridge to link Galveston to Bolivar Peninsula was cancelled in 2007 . \n"} +{"id": 668, "text": " Established in 1891 with one building and fewer than 50 students , today the University of Texas Medical Branch ( UTMB ) campus has grown to more than 70 buildings and an enrollment of more than 2 @,@ 500 students . The 84 @-@ acre ( 340 @,@ 000 m2 ) campus includes schools of medicine , nursing , allied health professions , and a graduate school of biomedical sciences , as well as three institutes for advanced studies & medical humanities , a major medical library , seven hospitals , a network of clinics that provide a full range of primary and specialized medical care , and numerous research facilities . \n Galveston is home to two post @-@ secondary institutions offering traditional degrees in higher education . Galveston College , a junior college that opened in 1967 , and Texas A & M University at Galveston , an ocean @-@ oriented branch campus of Texas A & M University . \n"} +{"id": 669, "text": " The city of Galveston is served by Galveston Independent School District , which includes six elementary schools , two middle schools and one high school , Ball High School . There is also one magnet middle school , Austin Middle School , serving grades 5 through 8 . \n Galveston has several state @-@ funded charter schools not affiliated with local school districts , including kindergarten through 8th grade Ambassadors Preparatory Academy and pre @-@ kindergarten through 8th Grade Odyssey Academy . In addition KIPP : the Knowledge Is Power Program opened KIPP Coastal Village in Galveston under the auspices of . \n Several private schools exist in Galveston . The Roman Catholic Archdiocese of Galveston @-@ Houston operates two Roman Catholic private schools , including Holy Family Catholic School ( K through 8th ) and O 'Connell College Preparatory School ( 9 @-@ 12 ) . Other private schools include Satori Elementary School , Trinity Episcopal School , Seaside Christian Academy , and Heritage Christian Academy . \n"} +{"id": 670, "text": " \" Galveston \" is the name of a popular song written by Jimmy Webb and sung by Glen Campbell . \n Sheldon Cooper , one of the main characters from the TV series The Big Bang Theory , grew up in Galveston . \n The theater film , The Man from Galveston ( 1963 ) , was the original pilot episode of the proposed NBC western television series Temple Houston , with Jeffrey Hunter cast as Temple Lea Houston , a lawyer and the youngest son of the legendary Sam Houston . For a time the real Temple Houston was the county attorney of Brazoria County , Texas . The Temple Houston series lasted for only twenty @-@ six episodes in the 1963 @-@ 1964 television season . \n Donald Barthelme 's 1974 short story \" I bought a little city \" is about an unnamed man who invests his fortune in buying Galveston , only to sell it thereafter . \n Galveston is the setting of Sean Stewart 's 2000 fantasy novel Galveston , in which a Flood of Magic takes over the island city , resulting in strange and carnivalesque adventures . It tied in 2001 with Declare , by Tim Powers , for the World Fantasy Award for Best Novel . It also won the 2001 Sunburst Award and was a preliminary nominee for the Nebula Award for Best Novel . \n The Drowning House , a novel by Elizabeth Black ( 2013 ) , is an exploration of the island of Galveston , Texas , and the intertwined histories of two families who reside there . \n Stephenie Meyer has mentioned Galveston island in her third book of the Twilight series , Eclipse . \n Galveston ( 2010 ) is the first novel by Nic Pizzolatto , the creator of the HBO series True Detective . \n"} +{"id": 671, "text": " Galveston has five sister cities , as designated by Sister Cities International : \n Armavir , Armenia \n Thiruvananthapuram , India \n Veracruz , Mexico \n Stavanger , Norway \n Niigata , Japan \n"} +{"id": 672, "text": " Sarnia is a city in Southwestern Ontario , Canada , and had a 2011 population of 72 @,@ 366 . It is the largest city on Lake Huron and in Lambton County . Sarnia is located on the eastern bank of the junction between the Upper and Lower Great Lakes where Lake Huron flows into the St. Clair River , which forms the Canada @-@ United States border , directly across from Port Huron , Michigan . The city 's natural harbour first attracted the French explorer La Salle , who named the site \" The Rapids \" when he had horses and men pull his 45 tonnes ( 50 short tons ; 44 long tons ) barque \" Le Griffon \" up the almost four @-@ knot current of the St. Clair River on 23 August 1679 . \n This was the first time anything other than a canoe or other oar @-@ powered vessel had sailed into Lake Huron , and La Salle 's voyage was thus germinal in the development of commercial shipping on the Great Lakes . Located in the natural harbour , the Sarnia port remains an important centre for lake freighters and oceangoing ships carrying cargoes of grain and petroleum products . The natural port and the salt caverns that exist in the surrounding areas , together with the oil discovered in nearby Oil Springs in 1858 led to the massive growth of the petroleum industry in this area . Because Oil Springs was the first place in Canada and North America to drill commercially for oil , the knowledge that was acquired there led to oil drillers from Sarnia travelling the world teaching other nations how to drill for oil . \n The complex of refining and chemical companies is called Chemical Valley and located south of downtown Sarnia . The city has the highest level of particulates air pollution of any Canadian city because of its reliance on the petrochemical industry . About 60 percent of the particulate matter , however , comes from the neighboring United States . Lake Huron is cooler than the air in summer and warmer than the air in winter ; therefore , it moderates Sarnia 's humid continental climate , which makes temperature extremes of hot and cold very rare . In the winter , Sarnia experiences lake @-@ effect snow because Arctic air blows across the warmer waters of Lake Huron and condenses to form snow squalls once over land . \n Culturally , Sarnia is a large part of the artistic presence in Southern Ontario . The city 's International Symphony Orchestra is renowned in the area and has won the Outstanding Community Orchestra Award given by the Detroit Music Awards in 2011 . Michael Learned graced the stage of the Imperial Theatre for a 2010 production of Driving Miss Daisy . The largest event that happens in Sarnia is Sarnia Bayfest , which is a popular music festival that takes place during the summer . In 2013 , organizers cancelled the event because of money troubles but look forward in 2015 to combining with the International Powerboat Festival and presenting a joint event . \n"} +{"id": 673, "text": " The name \" Sarnia \" is Latin for Guernsey , which is a British Channel Island . In 1829 Sir John Colborne , a former governor of Guernsey , was appointed Lieutenant Governor of Upper Canada . In this capacity , he visited two small settlements in 1835 that had been laid out on the shores of Lake Huron . One of these , named \" The Rapids , \" consisted then of 44 taxpayers , nine frame houses , four log houses , two brick dwellings , two taverns and three stores . The villagers wished to change its name but were unable to agree on an alternative . The English settlers favoured the name \" Buenos Aires \" and the Scottish \" New Glasgow \" . Sir John Colborne suggested Port Sarnia . On 4 January 1836 , the name was formally adopted by a vote of 26 to 16 , and Colborne also named the nearby village Moore after British military hero Sir John Moore . Sarnia adopted the nickname \" The Imperial City \" on 7 May 1914 because of the visit of Canada 's Governor General , H.R.H. the Duke of Connaught , and his daughter Princess Patricia . \n"} +{"id": 674, "text": " First Nations peoples have lived , hunted , and traveled across the area for at least 10 @,@ 000 years , as shown by archaeological evidence on Walpole Island . These peoples were drawn from an amalgamation of Ojibwa , Odawa , and clans , which formed the Three Fires Confederacy , also called the Council of Three Fires , in These clans came together through common links in both language and culture , developing a self @-@ sufficient society where tasks and responsibilities were equally shared among all members . \n During the 1600s and 1700s , The Three Fires Confederacy controlled much of the area known as the hub of the Great Lakes , which included the Canadian shore where Sarnia is now located . During this time , it maintained relations with many of the First Nations , including Huron , Sioux , and Iroquois , as well as the countries of Great Britain and France . In fact , their trading partners , the Huron , welcomed La Salle and the Griffon in 1679 after he sailed into Lake Huron . The Ontario Heritage Trust erected a sign under the Blue Water Bridge in commemoration of the voyage , as shown by the photo of the sign . \n Because of this beginning of the incursion of Europeans into the area , the members of the Confederacy helped shape the development of North America throughout the 18th Century , becoming a center of trade and culture . Great Britain supported this strengthening of the tribes in the area as a set of allies against the French and the . The people of the Three Fires Confederacy , however , sided with the French during the Seven Years ' War and only made peace with Great Britain after the Treaty of Fort Niagara in 1764 . It also fought on the side of the British during the War of 1812 . The Three Fires Confederacy also broke several treaties with the United States prior to 1815 , but finally signed the Treaty of in September of that year and ceased all hostilities directed at the United States . The Grand Council survived intact until the middle to late 19th century , when more modern political systems began to evolve . \n After the War of 1812 , the first Europeans in the area were French settlers loyal to the British Crown who moved north from Detroit . They successfully traded with the Three Fires Confederacy , which contributed to the growth of the area . After its foundation , Port Sarnia expanded throughout the 19th Century ; on 19 June 1856 , the residents passed the Act to the Town of Sarnia and the name Port Sarnia was officially changed to Sarnia effective 1 January 1857 . The Act mentioned 1 @,@ 000 inhabitants in three wards . The wealth of adjoining stands of timber , the discovery of oil in nearby Oil Springs in 1858 by James Miller Williams , and the arrival of the Great Western Railway in 1858 and the Grand Trunk Railway in 1859 all stimulated Sarnia 's growth . The rail lines were later linked directly to the United States by the opening of the St. Clair Tunnel under the St. Clair River at Sarnia in 1890 , by the Grand Trunk Railway , which was the first railroad tunnel ever constructed under a river . The tunnel was an engineering marvel in its day , achieved through the development of original techniques for excavating in a compressed air environment . \n Canada Steamship Lines formed in 1913 from many previous companies that plied the waters of the St. Clair River . One of these companies was Northwest Transportation Company of Sarnia , which was founded in 1870 . By 20 April 1914 , when the residents passed Act to the City of Sarnia , the population had grown to 10 @,@ 985 in six wards . Sarnia officially became a city as of 7 May 1914 . \n Sarnia 's grain elevator , which is the sixth largest currently operating in Canada , was built after the dredging of Sarnia Harbour in 1927 . Two short years later , grain shipments had become an important part of Sarnia 's economy . The grain elevator rises above the harbour , and next to it is the slip for the numerous bulk carriers and other ships that are part of the shipping industry that includes vessels from all over the world . The waterway between Detroit and Sarnia is one of the world 's busiest , as indicated by the average of 78 @,@ 943 @,@ 900 tonnes ( 87 @,@ 020 @,@ 800 short tons ; 77 @,@ 697 @,@ 100 long tons ) of shipping that annually travelled the river going in both directions during the period 1993 – 2002 . Lake freighters and oceangoing ships , which are known as \" , \" pass up and down the river at the rate of about one every seven minutes during the shipping season . During this same period , The Paul M. Tellier Tunnel , which was named after the retired president of CN in 2004 , was bored and began operation in 1995 . It accommodates double @-@ stacked rail cars and is located next to the original tunnel , which has been sealed . \n While there had been a petroleum industry in the Sarnia area since 1858 , the establishment of Polymer Corporation in 1942 to manufacture synthetic rubber during World War II was a great success and began Sarnia 's rise as a major petrochemical centre . Because of Sarnia 's importance in this industry , it appeared on a United States Government list of possible Soviet targets as part of its Anti @-@ Energy nuclear strike strategy during the Cold War . \n On 1 January 1991 , Sarnia and the neighbouring town of Clearwater were amalgamated as the new city of Sarnia @-@ Clearwater . The amalgamation was originally slated to include the village of Point Edward , although that village 's residents resisted and were eventually permitted to remain independent of the city . On 1 January 1992 , the city reverted to the name Sarnia . \n Sarnia 's population experienced a continual growth from 1961 to 1991 , with a 1991 population of 74 @,@ 376 . In 2001 the population had declined by approximately 3 @,@ 000 . Since 2001 Sarnia 's population has been growing slowly , with a 2011 population count of 72 @,@ 366 . Despite these modest gains , an April 2010 report \" Sarnia @-@ Lambton 's Labour Market \" states : \" Large petrochemical companies are the community 's main economic drivers . Over the recent past , several plants have shutdown , and of those still in operation , increased automation and outsourcing has led to significantly fewer workers . \" . These shutdowns and the resulting loss of jobs , and therefore population as workers search for employment elsewhere , will contribute to a general decline shown by one August 2011 study , which shows that the population will decline by 17 % over the next twenty @-@ five years . The Monteith @-@ Brown study cited outlines a plan for restructuring the city based on hybrid zoning areas , which will bring work opportunities closer to the neighborhoods where people live . The City of Sarnia and Lambton County are also implementing an economic development plan with an emphasis on and renewable energy . \n"} +{"id": 675, "text": " Sarnia is located on the eastern shore of Lake Huron at its extreme southern point where it flows into the St. Clair River . Most of the surrounding area is flat , and the elevation ranges from 169 metres ( 554 ft ) and 281 metres ( 922 ft ) above sea level . The soil mostly comprises clay . Despite this high percentage of clay , the soil is remarkably rich for cultivation . Prior to the Ice Age , glaciers covered most of the area , as can be seen not only by the existence of the Great Lakes themselves but also of alluvial sand deposits , terminal moraines , and rich oil reserves . The entire area was submerged and plant and animal matter formed many layers of sediment as they settled after the waters receded . Sarnia is not part of the Canadian Shield and is located just beyond its southernmost reaches , 290 kilometres ( 180 mi ) West of Toronto and 106 kilometres ( 66 mi ) North of Detroit . \n"} +{"id": 676, "text": " Wiltshire Park , Woodland , Oak Acres , Beach , Oakwood Corners , Woodrow Shores , and Blackwell , are part of the North End of Sarnia , which begins immediately north of Ontario Highway 402 and terminates at the shore of Lake Huron . Coronation Park , Heritage Park , College Park , The Tree Streets , and Sherwood Village are some of the neighbourhoods south of the highway . The village of Blue Water was built to house workers and their families in Chemical Valley during the construction of Polymer Corporation and at one point had nearly 3 @,@ 000 residents . In 1961 , all the residents were relocated , mostly to the North End , to make way for expansion of the chemical industry . The village was demolished , and all that remains now is an historical marker at the corner of Vidal Street and Huron Avenue . This neighbourhood was largely forgotten until historian Lorraine Williams penned two books about it and was instrumental in the dedication of the plaque . \n"} +{"id": 677, "text": " Sarnia has a humid continental climate ( Köppen climate classification Dfb ) . Winters are cold with a few short @-@ lasting Arctic air masses that dip far enough south and bring with them daily high temperatures lower than − 10 ° C ( 14 ° F ) . Sarnia , while not quite located in the southwestern Ontario snowbelt , sometimes receives large quantities of lake @-@ effect snow . Sarnia averages 112 @.@ 0 cm ( 44 @.@ 1 in ) of snow per year , while London averages 194 @.@ 3 cm ( 76 @.@ 5 in ) . \n The lake creates a seasonal lag , and compared to the rest of Canada and inland Ontario , Sarnia has a noticeably longer warm period following summer . However , cooler temperatures tend to prevail for longer after winter . Lake Huron can also create large temperature differences within the city in spring and early summer , particularly on hot days in late May , early June . Finally , extreme temperatures , particularly lows , are rarely ever seen . Daily lows less than − 10 ° C ( 14 ° F ) are seen an average of 30 days a year , and less than − 20 ° C ( − 4 ° F ) two days a year . Summers are warm to hot and usually humid . readings can be very high at times from late May to late September . In fact , Sarnia has the second greatest number of high humidex days at or above 35 ° C ( 95 ° F ) ( with 23 @.@ 16 days on average per year ) and humidex days at or above 30 ° C ( 86 ° F ) ( with 61 @.@ 20 days on average per year ) in Canada , both after Windsor , Ontario . Thunderstorms can become quite severe from April to September . Destructive weather is very rare in the area but has occurred , such as the tornado event of 1953 . \n"} +{"id": 678, "text": " In the 2011 Census , the City of Sarnia had a population of 72 @,@ 366 , an increase of 1 @.@ 3 % from the 2006 Census . With a land area of 164 @.@ 71 km2 ( 63 @.@ 59 sq mi ) , it had a population density of 439 @.@ 354 / km2 ( 1 @,@ 137 @.@ 92 / sq mi ) in 2011 . \n In 2011 , Sarnia had an overwhelmingly white population ; only 8 @.@ 54 % were visible minorities . Of those , 63 @.@ 77 % were aboriginal representing the largest group . In 2011 , 89 @.@ 31 % of called English their mother tongue , 2 @.@ 46 % listed French , 0 @.@ 87 % stated both of those languages , and 7 @.@ 37 % said another language was their mother tongue . \n The median age in Sarnia is 44 @.@ 5 which is older than the Canadian median of 40 @.@ 95 , indicative of Sarnia 's aging population . According to the 2011 Census , Sarnia is predominately Christian as 28 @.@ 46 % of the population were Catholic , 12 @.@ 4 % were members of the United Church of Canada , 7 @.@ 3 % were Anglican , and 20 @.@ 06 % were of other Christian faiths , Muslim , or Jewish ; 28 @.@ 38 % professed no religious preference or were atheists . The median income counting all persons 15 years old or older in Sarnia in 2010 was $ 29 @,@ 196 , while median family income was $ 76 @,@ 523 , both of which were slightly lower than Ontario 's , at $ 30 @,@ 526 and $ 80 @,@ 987 , respectively . The cost of living in Sarnia , however , is significantly lower than it is in Ontario as a whole . The median value of a dwelling , for instance , is $ 179 @,@ 266 , compared to the $ 300 @,@ 862 of Ontario as a whole . \n"} +{"id": 679, "text": " The Sarnia @-@ Lambton Workforce Development Board states in its March 2011 Labour Market Report that : \" Even though employment in both the petrochemical and agricultural industries has declined significantly in recent years , these two industries remain central drivers of the Sarnia Lambton economy . \" \n When World War II threatened tropical sources of natural latex for rubber , Sarnia was selected as the site to spearhead development of synthetic petroleum @-@ based rubbers for war materials , and Polymer Corporation was built by Dow Chemical at the request of the Government of Canada . Large pipelines bring Alberta oil to Sarnia , where oil refining and petrochemical production have become mainstays of the city 's economy . Shell Canada , Imperial Oil , and Suncor Energy ( Sunoco ) operate refineries in Sarnia . Large salt beds found under the city became a source of chlorine and other significant ingredients which contributed to the success of Chemical Valley . Chemical companies operating in Sarnia include NOVA Chemicals , Bayer ( Lanxess and H.C. Starck ) , Cabot Corporation and Ethyl Corporation . \n Dow ceased operations at its Sarnia site in 2009 . The plant was decommissioned , and the land has been sold to neighbouring Energy Corporation . produces power and steam for industry , and is the largest natural gas co @-@ generation plant in Canada . It has created the Bluewater Energy Park on the former Dow site . Lanxess produces more than 150 @,@ 000 tonnes ( 170 @,@ 000 short tons ; 150 @,@ 000 long tons ) of butyl rubber annually at its Sarnia location , and is the sole producer of regulatory @-@ approved , food @-@ grade butyl rubber , used in the manufacture of chewing gum . Within the boundaries of its Sarnia plant Lanxess has also created the Bio @-@ industrial Park Sarnia . \n Chemical Valley and the surrounding area are home to 62 facilities and refineries . These industrial complexes are the heart of Sarnia 's infrastructure and economy . They directly employ nearly 8 @,@ 000 , and contribute to almost 45 @,@ 000 additional jobs in the area . In 1971 , the Canadian government deemed this area so important to the economic development of the country that it printed an image of a Sarnia Oil Refinery on the reverse of the Canadian $ 10 note . The huge industrial area is the cause of significant air and water pollution . The Canada Wide Daily Standard for airborne particulate matter and ozone pollution , regulation PM2.5 , is 30 micrograms per cubic metre . Forty @-@ five percent of this particulate air pollution in Sarnia comes from Chemical Valley , and the rest drifts over the St. Clair River from the neighbouring United States in the form of what is known as \" Air Pollution . \" \n Sarnia is the location of Enbridge 's Sarnia Photovoltaic Power Plant . The facility went into full commercial operation in December 2009 , with 20 MW of power . As of September 2010 , the plant was the largest photovoltaic ( PV ) solar power generation facility in the world , putting out 97 MW . \n The 80 @-@ acre Western University Research Park , Sarnia @-@ Lambton Campus was established in 2003 by the University of Western Ontario as a joint initiative with the County of Lambton and the City of Sarnia . The park is also the location of the Innovation Centre , Canada 's centre for the commercialization of industrial biotechnology . \n In 2012 began construction of North America 's first acid plant at the Bio @-@ Industrial Park . The company has since announced that it plans to double the original size of this $ 80 million plant . is developing a 50 @,@ 000 square foot demonstration facility at the Bluewater Energy Park . This company captures waste gas / water streams to process into value @-@ added co @-@ products . Corporation , a Canadian biotech startup company producing ultra @-@ low @-@ cost therapeutic antibody drugs , opened an office at the Western University Research Park in 2011 , and the Corporation began work on a pilot plant at the park in Summer 2012 , for the production of biobutanol . \n"} +{"id": 680, "text": " Sarnia has two large malls : Lambton Mall with 72 stores , and the Bayside Centre with 9 stores , and several government and medical services . These large malls combine with several smaller shopping centres , discount stores , dollar stores , convenience stores , and a collection of antique and specialty stores to form the crux of Sarnia 's retail business . Travellers can choose from eight branded and many family @-@ owned hotels and motels . \n"} +{"id": 681, "text": " The Blue Water Bridge links Sarnia and its neighbouring village of Point Edward to the city of Port Huron in the United States . It spans the St. Clair River , which connects Lake Huron to Lake St. Clair . The bridge 's original three @-@ lane span , opened in 1938 , was twinned on 22 July 1997 , making the bridge the fourth busiest border crossing in Ontario . The Blue Water Bridge border crossing makes use of both the ( frequent traveler program ) and the Free and Secure Trade ( FAST ) program . Linking Highway 402 with the American Interstate 94 ( I @-@ 94 ) and I @-@ 69 , the bridge forms part of the NAFTA Superhighway , and is one of the most important gateways on the north – south truck routes . \n Public transportation within the City of Sarnia , including conventional bus transit , transportation of people with disabilities , transportation support for major events , and charter services , is provided by Sarnia Transit . From the city 's local airport , Sarnia Chris Hadfield Airport , Air Georgian operates services to and from Toronto Pearson International Airport on behalf of Air Canada Express . For rail travel , Sarnia is one of the two western termini , along with Windsor , of the Via Rail Quebec City – Windsor Corridor , over which a service departs Sarnia station in the morning and arrives in the evening . \n"} +{"id": 682, "text": " Sarnia is served by Bluewater Health , a hospital with 188 acute care beds , 70 complex continuing care beds and 27 rehabilitation beds . The hospital opened in 2010 , following the amalgamation of several smaller facilities . Bluewater Health was recently recognized by Healthcare Insurance Reciprocal of Canada , one of the country 's largest hospital insurers , for its continued improvement in patient safety and care quality . \n"} +{"id": 683, "text": " Sarnia 's musical and theatrical presence in Southern Ontario is significant . The International Symphony Orchestra plays at the Imperial Theatre for an annual season lasting from September to April . In addition to symphonic concerts , the Imperial Theatre offers year @-@ round dramatic productions ; Michael Learned played the lead in Driving Miss Daisy at the theatre in 2010 . Former Max Webster frontman Kim Mitchell has returned to his hometown on occasion to play a concert , including his visit in 2008 for Sarnia 's popular , a competition where local amateur chefs share their recipes for barbecued ribs and compete against each other . Canadian composer and music educator Raymond Murray Schafer was born in Sarnia and developed his radical techniques there . Musicians and groups such as Aerosmith , KISS , Keith Urban , John Bon Jovi and Rascal Flatts have played at Sarnia Bayfest in the past . The Sarnia Bayfest , which was preceded by the \" Festival by the Bay , \" is an annual concert festival that features big @-@ name rock and country bands , typically during the second or third weekend of July . 2013 would have marked the fifteenth anniversary of the annual festival , but financial problems caused the event 's cancellation . Prior to December 2013 , organizers stated that it is \" not the end \" and that they planned on coming back on solid financial footing sometime in the future . As of December 2013 , however , Bayfest organizers indicated they planned on merging with the International Powerboat Festival for a joint event in 2015 . \n Besides the single museum in Sarnia proper , six other museums in the local area document Sarnia 's history , including its legacy as the home of the North American Oil Industry . Gallery Lambton offers 12 annual art exhibitions . In 2012 the Judith and Norman Alex Art Gallery opened . It is an international Category A art gallery . \n During the Christmas season , the city of Sarnia presents the annual \" Celebration of Lights \" in Centennial Park . The event was created in 1984 by Dr. Wills and a committee funded by the retail chain Hudson 's Bay , and the national telecommunications company Telus . From modest beginnings the event has garnered numerous awards as it has grown , including second place in the 2002 Canadian Government 's Canada competition . The Celebration , was incorporated in its national prizewinning year and is now run by a voluntary Board of Directors . \n"} +{"id": 684, "text": " There are over 100 parks in Sarnia , the largest being Canatara Park , which covers over 200 acres along the shore of Lake Huron . Canatara is an Ojibwe word that means Blue Water . The park was opened 24 May 1933 . Within the park is Lake , a haven for 280 different species of birds on their migration routes . The park also maintains a Children 's Animal Farm as part of Sarnia 's commitment to wildlife . The annual \" Christmas on the Farm \" weekend event held at the Farm in early December is a popular community event enjoyed by families . Canatara Park is one of the first parks in southern Ontario to feature an outdoor fitness equipment installation . \n The largest recreational park in Sarnia is Germain Park , which incorporates five baseball diamonds , four soccer fields , an outdoor pool , and the Community Gardens . As a memorial to Canadian aviators who gave their lives in World War II , one of the remaining Canadair Sabres in Canada is on display in the park , \n Centennial Park was opened on Dominion Day in 1967 , as part of Canada 's centenary celebrations . The City of Sarnia decided in 2013 to close much of Centennial Park , after the discovery of toxic lead and asbestos in the soil . \n Sarnia has one remaining museum within its city limits : \" Stones ' N Bones \" , which houses over 6 @,@ 000 exhibits . The collection includes rocks , artifacts , fossils , and bones from all over the world . A previous museum , the Discovery House Museum , has been converted into to a hospice . This historic house , built between 1869 and 1875 , is recognised as a testament to Victorian Era construction . \n The city 's sandy fresh water beaches are a popular tourist attraction , while the sheltered harbour houses marinas for recreational sailing . Since 1925 , the 400 km ( 250 mi ) Mackinac race from Sarnia / Port Huron to Mackinac Island at the north end of the lake has been the highlight of the sailing season , drawing more than 3 @,@ 000 sailors each year . \n Sarnia 's fresh @-@ cut fries are another popular tourist attraction , and thousands of visitors annually visit the chip trucks parked under the Blue Water Bridge . Niagara @-@ based cookbook author and food e @-@ magazine publisher Lynn visited the chip trucks in August 2012 and stated \" I was blown away by Sarnia , \" not only by the city 's waterfront , where the chip trucks are located , but also by the chip trucks themselves . She also published an article in her e @-@ magazine , The Ontario Table , recognizing the outstanding quality of the fresh @-@ cut fries . Guelph @-@ based travel writer Pat Brennan also recognized the quality of Sarnia 's fries in his 2007 piece \" Sarnia Best Fries in the World . \" In 2012 , Sarnia officials even created a special detour to reach the chip trucks during a period of construction . Realizing the popularity of Sarnia 's chip trucks , the Ontario Medical Association includes them in a campaign to have fries and other junk food labelled for being dangerous in the same manner as cigarettes . \n"} +{"id": 685, "text": " Sarnia is home to the Sarnia Sting , a junior ice hockey team in the Ontario Hockey League . Dino Ciccarelli , a former NHL player , was a part owner of the team . Former Sting player Steven Stamkos was selected first overall in the 2008 NHL Entry Draft by the Tampa Bay Lightning , and was followed by Nail in 2012 . Sarnia is also home to the Sarnia Legionnaires ice hockey team , which plays in the Greater Ontario Junior Hockey League . The team is successor to the Sarnia Legionnaires ( 1954 – 1970 ) , who won five Western Jr . ' B ' championships and four Sutherland Cups during 16 seasons in the Ontario Hockey Association . \n Sarnia has a successful tradition in Canadian football . As members of the Ontario Rugby Football Union , the local team Sarnia Imperials twice won the Grey Cup , in 1934 and 1936 . The modern Sarnia Imperials are a semi @-@ professional team playing in the Northern Football Conference . \n The Sarnia @-@ born world champion curler Steve Bice played as alternate for the Glenn Howard rink in the 2007 Tim Hortons Brier and 2007 Ford World Men 's Curling Championship , winning both times . \n"} +{"id": 686, "text": " Sarnia City Council consists of nine elected members : the Mayor , four members from the city , and four members from the county . The Mayor and all Council members are elected to four @-@ year terms . The four Lambton County Council members serve both County and City Council . \n The current mayor , Mike Bradley , has held the position since December 1988 and is currently the second longest @-@ serving mayor in the province of Ontario behind Milton 's Gord Krantz . Past mayors of the city have included Andy Brandt , , Paul Blundy , Thomas George Johnston , and Alexander Mackenzie , the second Prime Minister of Canada . \n At the provincial level , Sarnia is located within the Sarnia — Lambton provincial electoral district , represented in 2013 by Bob Bailey , a member of the Progressive Conservative Party of Ontario . At the federal level , Sarnia is located within the Sarnia — Lambton federal electoral district which in 2013 was represented by Patricia Davidson of the Conservative Party of Canada . \n Over the past 50 years , Sarnia 's voters have been moderate , and the party affiliation of its Members of Parliament , both provincial and federal , has swung back and forth largely between the Liberal and Progressive Conservative parties ( a New Democrat was elected in their 1990 provincial wave ) . \n"} +{"id": 687, "text": " The Lambton Kent District School Board is responsible for the 13 elementary and four secondary public schools ( Northern Collegiate Institute and Vocational School , Alexander MacKenzie Secondary School , Sarnia Collegiate Institute & Technical School , and St. Clair Secondary School ) located within Sarnia 's boundaries . \n The St. Clair Catholic District School Board is responsible for the city 's seven elementary and two secondary Catholic schools ( St. Christopher 's and St. Patrick 's ) . In 2014 , St. Patrick 's and St. Christopher 's merged , under the St. Patrick 's name , on St. Christopher 's North Sarnia site . \n The Conseil scolaire catholique de Providence ( CSC Providence ) represents the two French Catholic schools in the city , Saint @-@ François @-@ Xavier and Saint @-@ Thomas @-@ d 'Aquin , while the Conseil scolaire Viamonde operates two French public schools , the elementary École Les Rapides and the secondary École Franco @-@ Jeunesse . There are also two independent Christian elementary schools in Sarnia — Sarnia Christian School and Temple Christian Academy . \n Lambton College , which offers two @-@ year programs and diplomas , is one of Ontario 's 21 colleges of applied arts and technology . It has a full @-@ time enrolment of 3 @,@ 500 and a part @-@ time enrolment of about 8 @,@ 000 . It is the city 's only post @-@ secondary school . \n"} +{"id": 688, "text": " There are four radio stations that originate from Sarnia , although other stations rebroadcast their signal there , notably @-@ FM , a First Nations produced station from Kettle Point , and @-@ FM and @-@ 3 @-@ FM , simulcasts of CBC Radio One and Ici Radio @-@ Canada Première , respectively , from Windsor , Ontario . \n CHOK , country / news / sports \n @-@ FM The Fox , adult contemporary \n CHOK @-@ 1 @-@ FM ( of CHOK AM ) \n @-@ FM , active rock \n Sarnia does not have a network television station of its own , although it has a community channel on Cogeco , which is the cable television provider in Sarnia . Cable systems pipe in stations from Kitchener and Toronto . \n The city 's main daily newspaper is the Sarnia Observer , owned by Postmedia , which purchased Sun Media in 2014 for $ 316 million . A weekly newspaper called the Sarnia Journal began distribution in March 2014 . It is distributed to 30 @,@ 000 households in Sarnia , Bright ’ s Grove , Point Edward and Corunna . The community publications Sarnia This Week , Lambton County Smart Shopper and Business Trends are owned by Bowes Publishing . The monthly business oriented newspaper First Monday is owned by Huron Web Printing and Graphics . Lambton Shield Publishing has been in operation since November 2010 and runs an on @-@ line only news website , , delivering local news and services to the Sarnia @-@ Lambton area . There are two magazines currently published in Sarnia , Business Trends and Report on Industry . Business Trends is distributed through City Hall and Report on Industry is sent to executives in surrounding businesses . Report on Industry articles are available online . \n"} +{"id": 689, "text": " Among Sarnia 's distinguished residents are retired Canadian Space Agency astronaut Chris Hadfield , who flew on two NASA Space Shuttle missions and served as the first Canadian commander of the International Space Station during Expedition 35 . The Nobel laureate George Andrew Olah moved to Sarnia from his native Hungary to join Dow Chemical in 1957 . James Doohan , the well @-@ known Star Trek actor , attended high school in Sarnia . Harmonica virtuoso Mike Stevens still lives in Sarnia and tours all over the world ; he is also notable for his extensive work with aboriginal youth . Many notable are athletes and others associated with sports , such as NHL Hall of Famer Dino Ciccarelli , former NHL star Pat Verbeek , retired NHL referee Kerry Fraser , current NHL star Steven Stamkos , champion curler Steve Bice , and golfer Mike Weir , who was the 2003 Masters Champion . Dominique Pegg , a Sarnia gymnast , won a bronze medal in Floor Exercise , at the World Cup event in Cottbus in March 2012 . The Honourable Alexander Mackenzie , second Prime Minister of Canada , was buried at Lakeview Cemetery , Sarnia , where a monument has been erected . The 1910s – 1930s actress Marie Prevost was also born there . Katherine Ryan , comedian , writer , presenter and actress , was born in Sarnia in 1983 she now resides in London , England . \n"} +{"id": 690, "text": " The French cruiser Sully was an armored cruiser of the Gloire class that was built for the French Navy in the early 1900s . She was named in honor of Maximilien de Béthune , Duke of Sully , trusted minister of King Henry IV . The ship struck a rock in Hạ Long Bay , French Indochina in 1905 , only eight months after she was completed , and was a total loss . \n"} +{"id": 691, "text": " The Gloire @-@ class ships were designed as enlarged and improved versions of the Gueydon @-@ class armored cruisers by Emile Bertin . Her crew numbered 612 officers and men . The ship measured 139 @.@ 8 meters ( 458 ft 8 in ) overall , with a beam of 20 @.@ 2 meters ( 66 ft 3 in ) . Sully had a draft of 7 @.@ 7 meters ( 25 ft 3 in ) and displaced 10 @,@ 014 metric tons ( 9 @,@ 856 long tons ) . \n Sully had three propeller shafts , each powered by one vertical triple @-@ expansion steam engine , which were rated at a total of 20 @,@ 500 indicated horsepower ( 15 @,@ 300 kW ) . Twenty @-@ four Belleville water @-@ tube boilers provided steam for her engines . She had a designed speed of 21 @.@ 5 knots ( 39 @.@ 8 km / h ; 24 @.@ 7 mph ) . She carried up to 1 @,@ 590 long tons ( 1 @,@ 620 t ) of coal and could steam for 12 @,@ 000 nautical miles ( 22 @,@ 000 km ; 14 @,@ 000 mi ) at a speed of 10 knots ( 19 km / h ; 12 mph ) . \n Sully 's main armament consisted of two 194 @-@ millimeter ( 7 @.@ 6 in ) 45 @-@ caliber guns were mounted in single gun turrets fore and aft . Her intermediate armament was eight 45 @-@ caliber Canon de 164 mm Modèle 1893 guns . Four of these were in single gun turrets on the sides of the ship and the other four were in casemates . For anti @-@ torpedo boat defence she carried six 45 @-@ caliber 100 @-@ millimeter ( 3 @.@ 9 in ) guns in casemates and eighteen 47 @-@ millimeter ( 1 @.@ 9 in ) Hotchkiss guns . She was also armed with five 450 @-@ millimeter ( 18 in ) torpedo tubes ; two of these were submerged and the others were above water . \n The waterline armored belt of the Gloire @-@ class ships was 170 millimeters ( 6 @.@ 7 in ) thick amidships and tapered to 106 millimeters ( 4 @.@ 2 in ) towards the bow and stern . Above the main belt was another belt , 127 millimeters ( 5 in ) thick that also tapered to 106 mm at the ends of the ship . The conning tower had armored sides 150 millimeters ( 5 @.@ 9 in ) thick . The main gun turrets were protected by 173 millimeters ( 6 @.@ 8 in ) of armor and the intermediate turrets by 120 millimeters ( 4 @.@ 7 in ) . The flat part of the lower armored deck was 45 millimeters ( 1 @.@ 8 in ) , but increased to 64 millimeters ( 2 @.@ 5 in ) as it sloped down to the sides of the ship . \n"} +{"id": 692, "text": " Sully was laid down at the Forges et Chantiers de la Méditerranée shipyard in La Seyne on 24 May 1899 and launched on 4 June 1901 . The ship was completed in June 1904 and sent to French Indochina for her first commission . On 7 February 1905 Sully struck a rock in Hạ Long Bay ; her crew was not injured . Her guns and equipment were salvaged , but the ship broke in two and was abandoned as a total loss . \n"} +{"id": 693, "text": " Norman Gary Finkelstein ( born December 8 , 1953 ) is an American political scientist , activist , professor , and author . His primary fields of research are the Israeli – Palestinian conflict and the politics of the Holocaust , an interest motivated by the experiences of his parents who were Jewish Holocaust survivors . He is a graduate of Binghamton University and received his Ph.D in political science at Princeton University . He has held faculty positions at Brooklyn College , Rutgers University , Hunter College , New York University , and DePaul University where he was an assistant professor from 2001 to 2007 . \n In 2007 , after a highly publicized feud between Finkelstein and an academic opponent , Alan Dershowitz , Finkelstein 's tenure bid at DePaul was denied . Finkelstein was placed on administrative leave for the 2007 – 2008 academic year , and on September 5 , 2007 , he announced his resignation after coming to a settlement with the university on generally undisclosed terms . An official statement from DePaul strongly defended the decision to deny Finkelstein tenure , stated that outside influence played no role in the decision . In 2008 , he was banned from entering Israel for 10 years . \n Finkelstein taught at Sakarya University Middle East Institute in Turkey between 2014 and 2015 . \n"} +{"id": 694, "text": " Finkelstein has written of his Jewish parents ' experiences during World War II . His mother , , grew up in Warsaw , survived the Warsaw Ghetto , the Majdanek concentration camp , and two slave labor camps . Her first husband died in the war . She considered the day of her liberation as the most horrible day of her life , as she realized that she was alone , her parents and siblings gone . Norman 's father , Zacharias Finkelstein , active in Hashomer , was a survivor of both the Warsaw Ghetto and the Auschwitz concentration camp . \n After the war they met in a displaced persons camp in Linz , Austria , and then emigrated to the United States , where his father became a factory worker and his mother a homemaker and later a bookkeeper . Finkelstein 's mother was an ardent pacifist . Both his parents died in 1995 . Of his parents , Finkelstein has recalled that \" they saw the world through the prism of the Nazi Holocaust . They were eternally indebted to the Soviet Union ( to whom they attributed the defeat of the Nazis ) , and so anyone who was anti @-@ Soviet they were extremely harsh on \" . They supported the Soviet Union 's approval of the creation of the State of Israel , as enunciated by Gromyko , who stated that the Jews had earned the right to a state , but thought that Israel had sold its soul to the West and \" refused to have any truck with it \" . \n Finkelstein grew up in Borough Park , then Mill Basin , both in Brooklyn , New York , where he attended James Madison High School . In his memoir , Finkelstein recalls his strong youthful identification with the outrage that his mother , witness to the genocidal atrocities of World War II , felt at the carnage wrought by the United States in Vietnam . One childhood friend recalls his mother 's \" emotional investment in left @-@ wing humanitarian causes as bordering on hysteria \" . He had \" internalized [ her ] indignation \" , a trait which he admits rendered him \" insufferable \" when talking of the Vietnam War , and which imbued him with a \" holier @-@ than @-@ thou \" attitude at the time which he now regrets . But Finkelstein regards his absorption of his mother 's outlook — the refusal to put aside a sense of moral outrage in order to get on with one 's life — as a virtue . Subsequently , his reading of Noam Chomsky played an important role in tailoring the passion bequeathed to him by his mother to the necessity of maintaining intellectual rigor . \n Finkelstein completed his undergraduate studies at Binghamton University in New York in 1974 , after which he studied at the École des Hautes Études in Paris . A deep admirer of Paul Sweezy , he was an ardent Maoist and was devastated by the news of the trial of the Gang of Four , an event which \" totally devastated \" him , and led him to abandon Marxism – Leninism . \n Finkelstein received his Master 's degree in political science in 1980 , and later his PhD in political studies , from Princeton . His doctoral thesis was on Zionism . Before gaining academic employment , Finkelstein was a part @-@ time social worker with teenage dropouts in New York . He then taught successively at Rutgers University , New York University , Brooklyn College , and Hunter College and at DePaul University in Chicago . During the First Intifada , he spent every summer from 1988 in the West Bank , a guest of Palestinian families in Hebron and Beit Sahour . \n According to The New York Times , Finkelstein left Hunter College in 2001 , \" after his teaching load and salary were reduced \" by the college administration . In his own recollection , he enjoyed teaching at Hunter ( 1992 – 2000 ) and was ' unceremoniously kicked out of ' the school after begging them to keep him on with just two courses a semester ( $ 12 @,@ 000 a year ) . Hunter set conditions that would have required him to spend four days a week , which he thought unacceptable . \n Beginning with his doctoral thesis at Princeton , Finkelstein 's career has been marked by controversy . A self @-@ described \" forensic scholar \" , he has written sharply critical academic reviews of several prominent writers and scholars whom he accuses of misrepresenting the documentary record in order to defend Israel 's policies and practices . His writings have dealt with politically charged topics such as Zionism , the demographic history of Palestine and his allegations of the existence of a \" Holocaust Industry \" that exploits the memory of the Holocaust to further Israeli and financial interests . \n Citing linguist and political activist Noam Chomsky as an example , Finkelstein notes that it is \" possible to unite exacting scholarly rigor with scathing moral outrage , \" and supporters and detractors alike have remarked on the polemical style of Finkelstein 's work . Its content has been praised by eminent historians such as Raul Hilberg and Avi Shlaim , as well as Chomsky . \n Finkelstein has described himself as \" an old @-@ fashioned communist , \" in the sense that he \" see [ s ] no value whatsoever in states . \" \n"} +{"id": 695, "text": " In Finkelstein 's doctoral thesis , he examined the claims made in Joan Peters 's From Time Immemorial , a best @-@ selling book at the time . Peters 's \" history and defense \" of Israel deals with the demographic history of Palestine . Demographic studies had tended to assert that the Arab population of Ottoman @-@ controlled Palestine , a 94 % majority at the turn of the century , had dwindled towards parity due to massive Zionist immigration . Peters radically challenged this picture by arguing that a substantial part of the Palestinian people were descended from immigrants from other Arab countries from the early 19th century onwards . It followed , for Peters and many of her readers , that the picture of a native Palestinian population overwhelmed by Jewish immigration was little more than propaganda , and that in actuality two almost simultaneous waves of immigration met in what had been a relatively unpopulated land . \n From Time Immemorial had been praised by figures as varied as Barbara Tuchman , Theodore H. White , Elie Wiesel , and Lucy Dawidowicz . Saul Bellow , for one , wrote in a jacket endorsement that : \n \" Millions of people the world over , smothered by false history and propaganda , will be grateful for this clear account of the origins of the Palestinians . \" \n Finkelstein asserted that the book was a \" monumental hoax \" . He later opined that , while Peters 's book received widespread interest and approval in the United States , a scholarly demonstration of its fraudulence and unreliability aroused little attention : \n \" By the end of 1984 , From Time Immemorial had ... received some two hundred [ favorable ] notices ... in the United States . The only ' false ' notes in this chorus of praise were the Journal of Palestine Studies , which ran a highly critical review by Bill Farrell ; the small Chicago @-@ based newsweekly In These Times , which published a condensed version of this writer 's findings ; and Alexander Cockburn , who devoted a series of columns in The Nation exposing the hoax . ... The periodicals in which From Time Immemorial had already been favorably reviewed refused to run any critical correspondence ( e.g. The New Republic , The Atlantic Monthly , Commentary ) . Periodicals that had yet to review the book rejected a manuscript on the subject as of little or no consequence ( e.g. The Village Voice , Dissent , The New York Review of Books ) . Not a single national newspaper or columnist contacted found newsworthy that a best @-@ selling , effusively praised ' study ' of the Middle East conflict was a threadbare hoax . \" \n Noam Chomsky later reminisced : \n \" I warned him , if you follow this , you 're going to get in trouble — because you 're going to expose the American intellectual community as a gang of frauds , and they are not going to like it , and they 're going to destroy you . \" \n In 1986 , the New York Review of Books published Yehoshua Porath 's review and an exchange with critics of the review in which he criticized the assumptions and evidence on which Peters 's thesis relied , thus lending independent support from an expert in Palestinian demographics to Finkelstein 's doctoral critique . \n In the house journal of the American Council on Foreign Relations , Foreign Affairs , William B. Quandt , the Edward Stettinius professor of Politics at the University of Virginia and authority on Middle Eastern politics , later described Finkelstein 's critique of From Time Immemorial as a \" landmark essay \" and a \" victory to his credit \" , in its \" demonstration \" of the \" shoddy scholarship \" of Peters ' book . Israeli historian Avi Shlaim later praised Finkelstein 's thesis , saying that it had established his credentials when he was still a doctoral student . In Shlaim 's view , Finkelstein had produced an \" unanswerable case \" with \" irrefutable evidence \" , proving that Peters ' book was both \" preposterous and worthless \" . \n According to Noam Chomsky , the controversy that surrounded Finkelstein 's research caused a delay in his earning his Ph.D. at Princeton University . Chomsky wrote in Understanding Power that Finkelstein \" literally could not get the faculty to read [ his dissertation ] \" and that Princeton eventually granted Finkelstein his doctorate only \" out of embarrassment [ for Princeton ] \" but refused to give him any further professional backing . \n Finkelstein published portions of his thesis in the following publications : \n \" Disinformation and the Palestine Question : The Not @-@ So @-@ Strange Case of Joan Peters 's From Time Immemorial \" , Chapter 2 of Blaming the Victims : Spurious Scholarship and the Palestinian Question ( 1988 ) ; and \n \" A Land Without a People ( Joan Peters ' \" Wilderness \" Image ) \" , Chapter 2 of Image and Reality of the Israel @-@ Palestine Conflict ( 1995 ) . \n"} +{"id": 696, "text": " The Holocaust Industry : Reflections on the Exploitation of Jewish Suffering was published in 2000 . Here , Finkelstein argues that Elie Wiesel and others exploit the memory of the Holocaust as an \" ideological weapon . \" The purpose , writes Finkelstein , is to enable the State of Israel , \" one of the world 's most formidable military powers , with a horrendous human rights record , [ to ] cast itself as a victim state ; \" that is , to provide Israel \" immunity to criticism . \" He alleges what he calls a \" double shakedown \" by \" a repellent gang of plutocrats , hoodlums and hucksters \" seeking enormous legal damages and financial settlements from Germany and Switzerland , moneys which then go to the lawyers and institutional actors involved in procuring them , rather than actual Holocaust survivors . \n The book received a hostile reception in some quarters , with critics charging that it was poorly researched and / or allowed others to exploit it for antisemitic purposes . The German historian Hans Mommsen disparaged the first edition as \" a most trivial book , which appeals to easily aroused anti @-@ Semitic prejudices \" . Israeli Holocaust historian Israel Gutman called the book \" a lampoon \" , stating \" this is not research ; it isn 't even political literature ... I don 't even think it should be reviewed or critiqued as a legitimate book . \" The book was also harshly criticized by Brown University Professor Omer Bartov and University of Chicago Professor Peter Novick . \n However , preeminent Holocaust scholar Raul Hilberg said the book expressed views Hilberg himself subscribed to in substance , in that he too found the exploitation of the Holocaust , as Finkelstein describes , \" detestable \" . Asked on another occasion if Finkelstein 's analysis might play into the hands of neo @-@ Nazis for antisemitic purposes , Hilberg replied : \" Well , even if they do use it in that fashion , I 'm afraid that when it comes to the truth , it has to be said openly , without regard to any consequences that would be undesirable , embarrassing \" . \n Other critics claim Finkelstein 's evidence is highly selective and / or dubious and that his arguments would be based on a misinterpretation of history and a questionable use of sources . The historian David wrote that while Finkelstein absolves Swiss banks of serious misconduct towards Holocaust survivors and depicts them as victims of a Jewish terror based on a sentence from an important report annex , he had ignored the report body which describes deceitful actions by Swiss banks , inappropriate closing of accounts , failure to keep adequate records , and so on . \n"} +{"id": 697, "text": " Shortly after the publication of the book The Case for Israel by Alan Dershowitz , Finkelstein derided it as \" a collection of fraud , falsification , plagiarism , and nonsense \" . During a debate on Democracy Now ! , Finkelstein asserted that Dershowitz lacked knowledge about specific contents of his own book . He also claimed that Dershowitz did not write the book , and may not have even read it . \n Finkelstein noted 20 instances , in as many pages , where Dershowitz 's book cites the same sources and passages used by Joan Peters in her book , in largely the same sequence , with ellipses in the same places . In two instances , Dershowitz reproduces Peters 's errors ( see below ) . From this Finkelstein concluded that Dershowitz had not checked the original sources himself , contrary to the latter 's claims . Finkelstein suggests that this copying of quotations amounts to copying ideas . Examining a copy of a proof of Dershowitz 's book he managed to obtain , he found evidence that Dershowitz had his secretarial assistant , Holly Beth Billington , check in the Harvard library the sources he had read in Peters 's book . Dershowitz answered the charge in a letter to the University of California 's Press Director Lynne Withey , arguing that Finkelstein had made up the smoking gun quotation , in that he had changed its wording ( from ' cite ' to ' copy ' ) in his book . In public debate he has stated that if \" somebody borrowed the quote without going to check back on whether Mark Twain had said that , obviously that would be a serious charge \" ; however , he insisted emphatically that he himself did not do that , that he had indeed checked the original source by Twain . \n Dershowitz threatened libel action over the charges in Finkelstein 's book , as a consequence of which , the publisher deleted the word \" plagiarism \" from the text before publication . Finkelstein agreed to remove the suggestion that Dershowitz was not the true author of The Case for Israel because , as the publisher said , \" he couldn 't document that \" . \n Asserting that he did consult the original sources , Dershowitz said Finkelstein is simply accusing him of good scholarly practice : citing references he learned of initially from Peters 's book . Dershowitz denies that he used any of Peters 's ideas without citation . \" Plagiarism is taking someone else 's words and claiming they 're your own . There are no borrowed words from anybody . There are no borrowed ideas from anybody because I fundamentally disagree with the conclusions of Peters 's book . \" In a footnote in The Case for Israel which cites Peters 's book , Dershowitz explicitly denies that he \" relies \" on Peters for \" conclusions or data \" . \n In their joint interview on Democracy Now , however , Finkelstein cited specific passages in Dershowitz 's book in which a phrase that he says Peters coined was incorrectly attributed to George Orwell : \n \" [ Peters ] coins the phrase , ' turnspeak ' , she says she 's using it as a play off of George Orwell which as all listeners know used the phrase ' . ' She coined her own phrase , ' turnspeak ' . You go to Mr. Dershowitz 's book , he got so confused in his massive borrowings from Joan Peters that on two occasions , I 'll cite them for those who have a copy of the book , on page 57 and on page 153 he uses the phrase , quote , George Orwell 's ' turnspeak ' . ' ' is not Orwell , Mr. Dershowitz , you 're the Felix Frankfurter chair at Harvard , you must know that Orwell would never use such a clunky phrase as ' turnspeak ' \" . \n James O. Freedman , the former president of Dartmouth College , the University of Iowa , and the American Academy of Arts and Sciences , has defended Dershowitz : \n I do not understand [ Finkelstein 's ] charge of plagiarism against Alan Dershowitz . There is no claim that Dershowitz used the words of others without attribution . When he uses the words of others , he quotes them properly and generally cites them to the original sources ( Mark Twain , Palestine Royal Commission , etc . ) [ Finkelstein 's ] complaint is that instead he should have cited them to the secondary source , in which Dershowitz may have come upon them . But as The Chicago Manual of Style emphasizes : ' Importance of attribution . With all reuse of others ' materials , it is important to identify the original as the source . This not only bolsters the claims of fair use , it also helps avoid any accusation of plagiarism . ' This is precisely what Dershowitz did . \n Responding to an article in The Nation by Alexander Cockburn , Dershowitz also cited The Chicago Manual of Style : \n Cockburn 's claim is that some of the quotes should not have been cited to their original sources but rather to a secondary source , where he believes I stumbled upon them . Even if he were correct that I found all these quotations in Peters 's book , the preferred method of citation is to the original source , as The Chicago Manual of Style emphasizes : \" With all reuse of others ' materials , it is important to identify the original as the source . This ... helps avoid any accusation of plagiarism ... To cite a source from a secondary source ( ' quoted in ... ' ) is generally to be discouraged .... \" \n ... to which Cockburn responded : \n Quoting The Chicago Manual of Style , Dershowitz artfully implies that he followed the rules by citing \" the original \" as opposed to the secondary source , Peters . He misrepresents Chicago here , where \" the original \" means merely the origin of the borrowed material , which is , in this instance , Peters . \n Now look at the second bit of the quote from Chicago , chastely separated from the preceding sentence by a demure three @-@ point ellipsis . As my associate Kate Levin has discovered , this passage ( \" To cite a source from a secondary source ... \" ) occurs on page 727 , which is no less than 590 pages later than the material before the ellipsis , in a section titled \" Citations Taken from Secondary Sources . \" Here 's the full quote , with what Dershowitz left out set in bold : \" ' Quoted in ' . To cite a source from a secondary source ( \" quoted in \" ) is generally to be discouraged , since authors are expected to have examined the works they cite . If an original source is unavailable , however , both the original and the secondary source must be listed . \" \n So Chicago is clearly insisting that unless Dershowitz went to the originals , he was obliged to cite Peters . Finkelstein has conclusively demonstrated that he didn 't go to the originals . Plagiarism , QED , plus added time for willful distortion of the language of Chicago 's guidelines , cobbling together two separate discussions . \n On behalf of Dershowitz , Harvard Law School dean Elena Kagan asked former Harvard president Derek Bok to investigate the assertion of plagiarism ; Bok exonerated Dershowitz of the charge . \n In an April 3 , 2007 interview with the Harvard Crimson , \" Dershowitz confirmed that he had sent a letter last September to DePaul faculty members lobbying against Finkelstein 's tenure . \" \n In April 2007 , Dr. Frank , a former Editor @-@ in @-@ Chief of the UCLA Law Review , published an analysis of the charges made against Finkelstein by Dershowitz , finding no merit in any single charge and concluding that Dershowitz had misrepresented matters . In a follow @-@ up analysis he concluded that he could find ' no way of avoiding the inference that Dershowitz copied the quotation from Twain from Peters 's From Time Immemorial , and not from the original source ' , as Dershowitz claimed . In an interview given for the film American Radical : The Trials of Norman Finkelstein in 2009 , Dershowitz said of Finkelstein : \" I don 't think he is a Jew . He 's Jewish only on his parents ' side . \" \n"} +{"id": 698, "text": " In September 2006 , Dershowitz sent members of DePaul 's law and political science faculties what he described as \" a dossier of Norman Finkelstein 's most egregious academic sins , and especially his outright lies , , and distortions \" and lobbied professors , alumni and administrators to deny Finkelstein tenure . De Paul 's political science committee investigated his accusations against Finkelstein and concluded that they were not based on legitimate criticism . The department subsequently invited John Mearsheimer and Ian Lustick , two independent academics with known expertise on the Israel – Palestine conflict , to evaluate the academic merit of Finkelstein 's work ; they came to the same conclusion . \n Also in 2006 , the Washington Post noted \" the ADL repeatedly accused \" Norman Finkelstein of being a \" Holocaust denier \" and that \" These charges have proved baseless . \" Finkelstein 's mother survived the Majdanek concentration camp , his father survived the Auschwitz concentration camp , and most of his family died in the Holocaust \n In early 2007 , the DePaul Political Science Department voted nine to three , and the College of Liberal Arts and Sciences Personnel Committee five to zero , in favor of giving Finkelstein tenure . The three opposing faculty members subsequently filed a minority report opposing tenure , supported by the Dean of the College , Chuck Suchar . Suchar stated he opposed tenure because Finkelstein 's \" personal and reputation demeaning attacks on Dershowitz , Benny Morris , and the holocaust authors Elie Wiesel and Jerzy Kosinski \" were inconsistent with DePaul 's \" Vincentian \" values ; as examples of the latter , Suchar argued that Finkelstein lacked respect for \" the dignity of the individual \" and for \" the rights of others to hold and express different intellectual positions \" . Amidst considerable public debate , Dershowitz actively campaigned to block Finkelstein 's tenure bid . In June 2007 , a 4 – 3 vote by DePaul University 's Board on Promotion and Tenure ( a faculty board ) , affirmed by the university 's president , the Rev. Dennis , denied Finkelstein tenure . \n The university denied that Dershowitz , who had been criticized for his campaign against Finkelstein 's tenure , played any part in this decision . At the same time , the university denied tenure to international studies assistant professor , a strong supporter of Finkelstein , despite unanimous support from her department , the Personnel Committee and the dean . Finkelstein stated that he would engage in civil disobedience if attempts were made to bar him from teaching his students . \n The Faculty Council later affirmed the right of Professors Finkelstein and to appeal , which a university lawyer said was not possible . Council President Anne Bartlett said she was \" ' terribly concerned ' correct procedure was not followed \" . DePaul 's faculty association considered taking no @-@ confidence votes on administrators , including the president , because of the tenure denials . In a statement issued upon Finkelstein 's resignation , DePaul called him \" a prolific scholar and an outstanding teacher \" . Dershowitz expressed outrage at the compromise and this statement in particular , saying that the university had \" traded truth for peace \" . \n In June 2007 , after two weeks of protests , some DePaul students staged a sit @-@ in and hunger strike in support of both professors denied tenure . The Illinois Conference of the American Association of University Professors also sent a letter to the university 's president stating : \" It is entirely illegitimate for a university to deny tenure to a professor out of fear that his published research ... might hurt a college 's reputation \" and that the association has \" explicitly rejected collegiality as an appropriate criterion for evaluating faculty members \" . In a 2014 interview , professor Matthew Abraham , author of Out of Bounds : Academic Freedom and the Question of Palestine , described the Finkelstein tenure case as \" one of the most significant academic freedom cases in the last fifty years \" , claiming the case demonstrated \" the substantial pressure outside parties can place on a mid @-@ tier religious institution when the perspectives advanced by a controversial scholar threaten dominant interests \" . \n"} +{"id": 699, "text": " On May 23 , 2008 , Finkelstein was denied entry to Israel , according to unnamed Shin Bet security officials , because \" of suspicions involving hostile elements in Lebanon \" and that he \" did not give a full accounting to interrogators with regard to these suspicions . \" Finkelstein had previously visited south Lebanon and met with Lebanese families during the 2006 Lebanon War . He was banned from entering Israel for 10 years . \n Finkelstein was questioned after his arrival at Ben Gurion Airport near Tel Aviv and detained for 24 hours in a holding cell . After speaking to Israeli attorney Michael Sfard he was placed on a flight back to Amsterdam , his point of origin . In an interview with Haaretz , Finkelstein stated \" I did my best to provide absolutely candid and comprehensive answers to all the questions put to me . I am confident that I have nothing to hide ... no suicide missions or secret rendezvous with terrorist organizations . \" He had been travelling to visit friends in the West Bank and stated he had no interest in visiting Israel . Sfard said banning Finkelstein from entering the country \" recalls the behavior of the Soviet bloc countries \" . \n"} +{"id": 700, "text": " Finkelstein 's books are an attempt to examine the works of mainstream scholarship . The authors whose work he has thus targeted , including Daniel Jonah Goldhagen and Dershowitz , along with others such as Benny Morris whose work Finkelstein has also cited in his scholarship , have in turn accused Finkelstein of grossly misrepresenting their work , and selectively quoting from their books . \n According to Raul Hilberg , Finkelstein displays \" academic courage to speak the truth when no one else is out there to support him ... I would say that his place in the whole history of writing history is assured , and that those who in the end are proven right triumph , and he will be among those who will have triumphed , albeit , it so seems , at great cost . \" In a peer review for Beyond Chutzpah , Avi Shlaim said that Finkelstein \" has a most impressive track record in exposing spurious American @-@ Jewish scholarship on the Arab @-@ Israeli conflict . \" He praised Finkelstein for \" all the sterling qualities for which he has become famous : erudition , originality , spark , meticulous attention to detail , intellectual integrity , courage , and formidable forensic skills . \" \n Sara Roy stated that her shared experience with Finkelstein as a child of Holocaust survivors engaged in research on the Palestinian @-@ Israeli conflict gave her a unique position to comment . According to Roy , Finkelstein 's scholarship is , \" exceptional both for its brilliance and rigor . In the fields of Middle Eastern studies and political science his work is considered seminal and there is no doubt that both disciplines would be intellectually weaker without it . Norman 's power and value , however , do not emanate only from his scholarship but from his character . His life ’ s work , shaped largely but not entirely by his experience as a child of survivors has been and continues to be informed by a profound concern with human dignity and the danger of dehumanization . \" \n The Israeli newspaper , Haaretz , stated that \" [ i ] t is difficult to sympathize with Finkelstein 's opinions and preferences , especially since he decided to support Hezbollah , meet with its fighters and visit the graves of some of its slain operatives . \" Still , it continued to say that he should not be banned from entering Israel , because \" meetings with Hezbollah operatives do not in themselves constitute a security risk \" . \n"} +{"id": 701, "text": " American Radical : The Trials of Norman Finkelstein is an award @-@ winning documentary film about the life and career of Norman Finkelstein , released in 2009 and directed by David and Nicolas Rossier . It has been screened in Amsterdam , in Toronto Hot Docs and in more than 40 other national and international venues , it received a freshness rating of 100 % on film review aggregator Rotten Tomatoes . The same year Finkelstein appeared in Defamation ( Hebrew : ; translit . ) a documentary film by award @-@ winning Israeli filmmaker Yoav Shamir . \n"} +{"id": 702, "text": " Criticism has been leveled against Finkelstein from several angles . The first sources are responses from those whose work Finkelstein has discussed . Daniel Goldhagen , whose book Hitler 's Willing Executioners Finkelstein criticized , claimed his scholarship has \" everything to do with his burning political agenda \" . Alan Dershowitz has written that Peter Novick , Professor of History at the University of Chicago and a noted Holocaust historian whose work Finkelstein says inspired The Holocaust Industry , has strongly criticized the latter 's work , describing it as \" trash \" . Similarly , Dershowitz , whose book The Case for Israel and Finkelstein 's response Beyond Chutzpah sparked an ongoing feud between the two , has claimed Finkelstein 's complicity in a conspiracy against pro @-@ Israel scholars : \" The mode of attack is consistent . Chomsky selects the target and directs Finkelstein to probe the writings in minute detail and conclude that the writer didn 't actually write the work , that it is plagiarized , that it is a hoax and a fraud , \" arguing that Finkelstein has leveled charges against many academics , calling at least 10 \" distinguished Jews ' hucksters ' , ' ' ( sic ) , ' thieves ' , ' extortionists ' , and worse . \" Although the back and forth between Finkelstein and Dershowitz received the most attention and attracted significant controversy , Finkelstein has maintained that \" the real issue is Israel 's human rights record . \" \n Israeli historian Omer Bartov , writing for The New York Times Book Review , judged The Holocaust Industry to be marred by the same errors he denounces in those who exploit the Holocaust for profit or politics : \n It is filled with precisely the kind of shrill hyperbole that Finkelstein rightly deplores in much of the current media hype over the Holocaust ; it is brimming with the same indifference to historical facts , inner contradictions , strident politics and dubious ; and it oozes with the same smug sense of moral and intellectual superiority ... Like any conspiracy theory , it contains several grains of truth ; and like any such theory , it is both irrational and insidious . \n Finkelstein has accused journalist Jeffrey Goldberg of \" torturing \" or \" being an accessory to torture of \" Palestinian prisoners during his IDF service in the First Intifada , based on statements made in Goldberg 's book Prisoners . Finkelstein says that Goldberg admits to personally sending prisoners to the , which he says has been repeatedly condemned as torture in human rights reports . Goldberg referred to the allegation as \" ridiculous \" and he had \" never laid a hand on anybody . \" Goldberg said his \" principal role \" was \" making sure prisoners had fresh fruit . \" He characterized Finkelstein as a \" ridiculous figure \" and accused him of \" lying and purposely misreading my book . \" \n"} +{"id": 703, "text": " Finkelstein is a sharp critic of the state of Israel . Discussing Finkelstein 's book Beyond Chutzpah , Israeli historian Avi Shlaim stated that Finkelstein 's critique of Israel \" is based on an amazing amount of research . He seems to have read everything . He has gone through the reports of Israeli groups , of human rights groups , Human Rights Watch and Peace Now and B , all of the reports of Amnesty International . And he deploys all this evidence from Israeli and other sources in order to sustain his critique of Israeli practices , Israeli violations of human rights of the Palestinians , Israeli house demolitions , the targeted assassinations of Palestinian militants , the cutting down of trees , the building of the wall — the security barrier on the West Bank , which is illegal — the restrictions imposed on the Palestinians in the West Bank , and so on and so forth . I find his critique extremely detailed , well @-@ documented and accurate . \" \n In a telephone interview with Today 's Zaman , in 2009 , Finkelstein stated : \n I think Israel , as a number of commentators pointed out , is becoming an insane state . And we have to be honest about that . While the rest of the world wants peace , Europe wants peace , the US wants peace , but this state wants war , war and war . In the first week of the massacres , there were reports in the Israeli press that Israel did not want to put all its ground forces in Gaza because it was preparing attacks on Iran . Then there were reports it was planning attacks on Lebanon . It is a lunatic state . \n When asked how he , as the son of Holocaust survivors , felt about Israel ’ s operation in Gaza , Finkelstein replied : \n It has been a long time since I felt any emotional connection with the state of Israel , which relentlessly and brutally and keeps these vicious , murderous wars . It is a vandal state . There is a Russian writer who once described vandal states as Genghis Khan with a telegraph . Israel is Genghis Khan with a computer . I feel no emotion of affinity with that state . I have some good friends and their families there , and of course I would not want any of them to be hurt . That said , sometimes I feel that Israel has come out of the boils ( sic ) of the hell , a satanic state . \n The Anti @-@ Defamation League has described Finkelstein as an \" obsessive anti @-@ Zionist \" filled with \" vitriolic hatred of Zionism and Israel . \" On being called an anti @-@ Zionist Finkelstein has said : \" It 's a superficial term . I am opposed to any state with an ethnic character , not only to Israel . \" \n Finkelstein is an advocate of a two @-@ state solution to the Israeli @-@ Palestinian conflict . \n"} +{"id": 704, "text": " Finkelstein has expressed solidarity with Hezbollah and Hamas with respect to defensive actions , alleging that Israel had invaded Lebanon as a signal of rejection when Hamas was seeking a diplomatic settlement with Israel . He also condemned what he said was Israel 's refusal \" to abide by international law [ and ] to abide by the opinion of the international community \" to settle the conflict . \n \" I was of course happy to meet the Hizbullah people , because it is a point of view that is rarely heard in the United States . I have no problem saying that I do want to express solidarity with them , and I am not going to be a coward of ( sic ) a hypocrite about it . I don 't care about Hizbullah as a political organization . I don 't know much about their politics , and anyhow , it 's irrelevant . I don 't live in Lebanon . It 's a choice that the Lebanese have to make : Who they want to be their leaders , who they want to represent them . But there is a fundamental principle . People have the right to defend their country from foreign occupiers , and people have the right to defend their country from invaders who are destroying their country . That to me is a very basic , elementary and uncomplicated question . \" \n While condemning the targeting of civilians to achieve a political goal , Finkelstein has stated he believes Hezbollah has the right to target Israeli civilians as long as \" Israel persists in targeting [ Lebanese ] civilians until Israel ceases its terrorist acts . \" \n Finkelstein claims that an equivalence exists between Hamas and the state of Israel in regards to the military policy of targeted killings during the Second Intifada . According to Finkelstein \" the record shows that Israel has routinely targeted civilians for killing \" and \" Israel indiscriminately kills civilians \" . He concludes that \" the argument , among human rights organizations at any rate is that ... in effect , there ’ s no difference between indiscriminately killing civilians and targeting civilians . \" \n Finkelstein argued one of Israel 's primary motivations for launching the 2008 offensive in Gaza was that Hamas was \" signaling that it wanted a diplomatic settlement of the conflict along the June 1967 border . \" Finkelstein believes Hamas had joined the international community in \" seeking a diplomatic settlement \" and describes Hamas 's stance towards Israel prior to the war as a \" peace offensive . \" \n"} +{"id": 705, "text": " Finkelstein had made many criticisms of the Boycott , Divestment and Sanctions Movement . Finkelstein stated that \" I think the solidarity movement has the right tactics . I support the BDS . But I said it will never reach a broad public until and unless they are explicit on their goal . And their goal has to include recognition of Israel , otherwise it 's a nonstarter . \" Elsewhere , he has stated that he supports a \" lowercase \" BDS , making the same point about tactics and goals . \n In February 2012 , The Jewish Chronicle in England stated that Finkelstein \" launched a blistering attack \" on the BDS movement , saying it was a \" hypocritical , dishonest cult \" , \" [ l ] ike the Munchkin cult in Oz , \" that tries to cleverly pose as human rights activists while in reality their goal is to destroy Israel . Finkelstein stated that the BDS movement has had very few successes , and that just like a cult , the leaders pretend that they are hugely successful when in reality the general public rejects their extreme views . \n In June 2012 , in an appearance on Democracy Now ! , Finkelstein elaborated on his criticisms of the BDS movement : \n The problem as I see it with the BDS movement is not the tactic . Who could not support Boycott , Divestment and Sanctions ? Of course you should . And most of the human rights organizations , church organizations have moved in that direction . The problem is the goal . . . The official BDS movement , they claim to be agnostic , neutral — whatever term you want to use — on the question of Israel . You can ’ t reach a broad public if you are agnostic on the question of Israel . The broad public wants to know , where do you stand ? And if you claim not to have a stand , you lose them . The BDS movement , it always says , and I ’ m using their language , \" We are a rights @-@ based organization . We are based in international law . \" I agree with that . That ’ s where you have to go : rights @-@ based international law . But the international law is clear . You read the last sentence of the 2004 International Court of Justice opinion on the wall that Israel has been building in the West Bank , and the last sentence says , \" We look forward to two states : a Palestinian state alongside Israel and at peace with its neighbors . \" That 's the law . \n And if you want to go past that law or ignore the Israel part , you ’ ll never reach a broad public . And then it 's a cult . Then it ’ s pointless , in my opinion . We 're wasting time . And it 's only a wasting of time . It becomes — and I know it 's a strong word , and I hope I won 't be faulted for it , but it becomes historically criminal , because there was a time where whatever we said , it made no difference . Nobody was listening . You could shout whatever you want — who cares ? But now , actually , we can reach people . There is a possibility . I ’ m not saying a certainty . I 'm not even saying a probability . But there is a possibility that we can reach a broad public . And so , we have to be very careful about the words we use , and we have to be very careful about the political strategy we map out . Otherwise , we 're going to squander a real opportunity . And I don 't want to squander it . \n"} +{"id": 706, "text": " 2014 : Method and Madness : The Hidden Story of Israel 's Assaults on Gaza , OR Books , New York ( 2014 ) \n 2014 : Old Wine , Broken Bottle : Ari 's Promised Land , OR Books , New York ( 2014 ) \n 2012 : Knowing Too Much : Why the American Jewish Romance with Israel is Coming to an End , OR Books , New York ( 2012 ) ISBN 978 @-@ 1 @-@ 935928 @-@ 77 @-@ 5 \n 2012 : What Gandhi Says About Nonviolence , Resistance and Courage , OR Books , New York : 2012 , ISBN 978 @-@ 1 @-@ 935928 @-@ 79 @-@ 9 \n 2011 : \" Goldstone . Richard Goldstone renews Israel 's license to kill \" , OR Books , New York ( 2011 ) , ISBN 978 @-@ 1 @-@ 935928 @-@ 51 @-@ 5 \n 2010 : This Time We Went Too Far : Truth and Consequences of the Gaza Invasion . OR Books , New York : 2010 . [ 2 ] ; ISBN 978 @-@ 1 @-@ 935928 @-@ 43 @-@ 0 \n 2005 : Beyond Chutzpah : On the Misuse of Anti @-@ Semitism and the Abuse of History . University of California Press ; ISBN 0 @-@ 520 @-@ @-@ 9 . 2nd updated Ed . , University of California Press . June 2008 ; ISBN 0 @-@ 520 @-@ @-@ 5 , contains an appendix written by Frank J. , Dershowitz vs Finkelstein . Who 's Right and Who 's Wrong ? , pp. 363 – 94 @,@ \n 2000 : The Holocaust Industry : Reflections on the Exploitation of Jewish Suffering , Verso ; ISBN 1 @-@ 85984 @-@ 488 @-@ X. \n 1998 : A Nation on Trial : The Goldhagen Thesis and Historical Truth ( co @-@ written with Ruth Bettina ) , Henry Holt and Co . ; ISBN 0 @-@ 8050 @-@ @-@ 9 . \n 1996 : The Rise and Fall of Palestine : A Personal Account of the Intifada Years . Minneapolis : U of Minnesota P , ISBN 0 @-@ @-@ 2859 @-@ 9 . \n 1995 : Image and Reality of the Israel @-@ Palestine Conflict , Verso ; ISBN 1 @-@ 85984 @-@ 442 @-@ 1 \n 1987 : From the Jewish Question to the Jewish State : An Essay on the Theory of Zionism ( thesis ) , Princeton University . \n"} +{"id": 707, "text": " \" Disinformation and the Palestine Question : The Not @-@ So @-@ Strange Case of Joan Peter 's ' From Time Immemorial . ' \" in Blaming the Victims : Spurious Scholarship and the Palestinian Question . Ed . Edward W. Said and Christopher Hitchens . Verso Press , 1988 ; ISBN 0 @-@ 86091 @-@ 887 @-@ 4 . Chapter Two , Part One : \n \" Peace process or peace panic ? - The scourge of Palestinian moderation \" , Middle East Report , 19 ( 1989 ) 3 / 158 , pp. 25 – 26 @,@ 28 @-@ 30 @,@ 42 \n \" Zionist orientations \" , Scandinavian Journal of Development Alternatives 9 ( March 1990 ) 1 @.@ p . 41 @-@ 69 \n \" Bayt in year II of the intifada . - A personal account \" , Journal of Palestine Studies 19 ( Winter 1990 ) 2 / 74 , pp. 62 – 74 \n \" Israel and Iraq . - A double standard \" , Journal of Palestine Studies 20 ( 1991 ) 2 / 78 @.@ pp. 43 – 56 \n \" Reflections on Palestinian attitudes during the Gulf war \" , Journal of Palestine Studies , 21 ( 1992 ) 3 / 83 , pp. 54 – 70 \n \" Réflexions sur la de l ´ État et du dans le @-@ \" ( Reflections on the responsibility of state and citizen in the Arab @-@ Israeli conflict ) , in L ' homme et la société , L 1994 , 114 , S. 37 @-@ 50 \n \" Whither the process ' ? \" , New Left Review , ( 1996 ) 218 , p . 138 \n \" Securing occupation : The real meaning of the Wye River Memorandum \" , New Left Review , ( 1998 ) 232 , pp. 128 – 39 \n Contributor to The Politics of Anti @-@ Semitism . Ed . Alexander Cockburn and Jeffrey St. Clair . AK Press , 2001 ; ISBN 1 @-@ @-@ 77 @-@ 4 . \n \" Lessons of Holocaust compensation \" , in Palestinian Refugees : The Right of Return . Ed . Naseer . Pluto Press , 2001 , S. 272 @-@ 275 ; ISBN 0 @-@ @-@ 1776 @-@ 6 . \n \" Abba Eban with Footnotes \" , Journal of Palestine Studies , vol 32 . ( 2003 ) , pp. 74 – 89 \n \" Prospects for Ending the Occupation \" , , 35 ( 2003 ) 5 , pp. 839 – 45 \n Contributor to Radicals , Rabbis and Peacemakers : Conversations with Jewish Critics of Israel , by Seth Farber . Common Courage Press , 2005 . ISBN 1 @-@ @-@ 326 @-@ 3 . \n \" The Camp David II negotiations . - how Dennis Ross proved the Palestinians aborted the peace process \" , Journal of Palestine Studies , vol . 36 ( 2007 ) , pp. 39 – 53 \n \" Dennis Ross and the peace process : subordinating Palestinian rights to Israeli ' needs ' \" , Institute for Palestine Studies , 2007 ; ISBN 0 @-@ @-@ 308 @-@ X \n"} +{"id": 708, "text": " Massad , Joseph . \" Deconstructing Holocaust Consciousness \" , Review Essay , Journal of Palestine Studies , Vol . 32 , No. 1 . ( Autumn , 2002 ) , pp. 78 – 89 . \n Cole , Tim . \" Representing the Holocaust in America : Mixed Motives or Abuse ? \" , The Public Historian , Vol . 24 , No. 4 . ( Fall , 2002 ) , pp. 127 – 31 \n , Eric . Reviewed work : Image and Reality of the Israel @-@ Palestine Conflict by Norman Finkelstein , Journal of Palestine Studies , Vol . 33 , No. 3 , Special Issue in Honor of Edward W. Said . ( Spring , 2004 ) , pp. 123 – 124 . \n Pelham , Nicolas . Reviewed Work : Image and Reality in the Israel @-@ Palestine by Norman G. Finkelstein , International Affairs , Vol . 72 , No. 3 , Ethnicity and International Relations . ( July 1996 ) , pp. 627 – 28 . \n , Ilan . \" Valuable New Perspectives , \" Reviewed Work : Image and Reality of the Israel @-@ Palestine by Norman G. Finkelstein , Journal of Palestine Studies , Vol . 26 , No. 4 . ( Summer , 1997 ) , pp. 113 – 15 . \n , Joel . \" The Palestinian @-@ Israeli Conflict after Oslo \" , Reviewed work : Image and Reality of the Israel @-@ Palestine Conflict by Norman G. Finkelstein . Middle East Report , No. 201 , Israel and Palestine : Two States , or ? . ( Oct @-@ Dec 1996 ) , pp. 45 – 47 . \n"} +{"id": 709, "text": " , Bas ( review of Beyond Chutzpah ) , NRC Handelsblad , February 24 , 2006 . \n , Ilan ( review of Beyond Chutzpah ) , ( February / March 2006 ) \n De Zayas , Alfred . Review of Beyond Chutzpah in Frankfurter Allgemeine Zeitung ( February 3 , 2006 ) \n Merkley , Paul Charles . These Pigs on the Face of the Earth : Israel 's most relentless critic ( review of Beyond Chutzpah , in Christianity Today ( January / February 2006 ) \n Marqusee , Mike . \" Israel , fraud and chutzpah \" ( review of Beyond Chutzpah ; January 2006 ) \n , Vijay . Z magazine reviews Beyond Chutzpah . Review of Beyond Chutzpah . Z Magazine November 2005 Volume 18 , Number 11 \n Gordon , Neve . Neve Gordon : Review of Norman Finkelstein 's , Beyond Chutzpah . Review of Beyond Chutzpah : On the Misuse of Anti @-@ Semitism and the Abuse of History , by Norman G. Finkelstein . History News Network , October 12 , 2005 \n Bogdanor , Paul . The Finkelstein Phenomenon ( review of The Holocaust Industry ) , Judaism ( Fall 2002 ) \n Abse , Tobias . Finkelstein 's Follies : The Dangers of Vulgar Anti @-@ Zionism ( review of The Holocaust Industry ) , ; accessed November 1 , 2015 \n Bartov , Omer . \" A Tale of Two \" ( review of The Holocaust Industry ) , New York Times Book Review , August 6 , 2000 \n"} +{"id": 710, "text": " Garner , Mandy . \" The Good Jewish Boys Go into Battle . \" Times Higher Education Supplement 16 December 2005 . \n , Ben . \" His Own Worst Enemy . \" The Jerusalem Post 12 December 2005 . \n Rayner , Jay . \" Finkelstein 's List . \" The Observer 16 July 2000 . \n Sheleg , Yair . \" The Finkelstein Polemic . \" Ha 30 March 2001 . \n"} +{"id": 711, "text": " Daniel Goldhagen , The New Discourse of Avoidance at the Wayback Machine ( archived December 4 , 2002 ) \n Norman Finkelstein , Response to Goldhagen \n William Rubinstein et al . , Uses of Holocaust , letters to the London Review of Books \n David Friedman , Anti @-@ Defamation League letter at the Wayback Machine , calling Finkelstein a \" Holocaust denier \" \n The Washington Post Publishes a Retraction : Marc Fisher , a Washington Post columnist , publishes a retraction of his charge of \" Holocaust revisionism \" , archive.org ; accessed November 1 , 2015 . \n"} +{"id": 712, "text": " Norman Finkelstein at the Internet Movie Database \n Eight Interviews with Finkelstein ( two sets of four ) , December 2014 and January 2015 , and Three More Interviews with Finkelstein , May 2015 , The Real News \n American Radical : The Trials of Norman Finkelstein - broadcast of the documentary in two parts \n Resolving the Israel @-@ Palestine Conflict : University of British Columbia , Vancouver , Jan 21 , 2009 . \n Interview broadcast on Lebanese TV January 20 , 2008 \n VIDEO : Norman Finkelstein - Israel and Palestine : Roots of Conflict , Prospects for Peace , presentation in Seattle , Washington , May 8 , 2008 . \n VIDEO : Norman Finkelstein - The Coming Breakup of American Zionism , presentation in Olympia , Washington , May 8 , 2008 . \n VIDEO : Norman Finkelstein at Brown University on YouTube , April 15 , 2008 \n Doha Debate at the Oxford Union Video of debate on whether the \" pro @-@ Israeli lobby has successfully stifled Western debate about Israel 's actions \" with Andrew Cockburn , Martin , and David Aaronovitch , May 1 , 2007 \n Debate with Shlomo Ben @-@ Ami on Democracy Now ! , February 14 , 2006 \n Finkelstein Responds to Clinton , Netanyahu Comments March 23 , 2010 \n Israel vs Palestine - featuring Norman Finkelstein ( April 2014 ) , Juice Rap News \n"} +{"id": 713, "text": " Mutinus elegans , commonly known as the elegant stinkhorn , the dog stinkhorn , the headless stinkhorn , or the devil 's dipstick , is a species of fungus in the Phallaceae family . A saprobic species , it is typically found growing on the ground singly or in small groups on woody debris or leaf litter , during summer and autumn in Japan , Europe , and eastern North America . The fruit body begins its development in an \" egg \" form , resembling somewhat a puffball partially submerged in the ground . As the fungus matures , a slender orange to pink colored stalk emerges that tapers evenly to a pointed tip . The stalk is covered with a foul @-@ smelling slimy green spore mass on the upper third of its length . Flies and other insects feed upon the slime which contains the spores , assisting in their dispersal . Due to their repellent odor , mature specimens are not generally considered edible , although there are reports of the immature \" eggs \" being consumed . In the laboratory , Mutinus elegans has been shown to inhibit the growth of several microorganisms that can be pathogenic to humans . \n"} +{"id": 714, "text": " Mutinus elegans was first described by British missionary John Banister in 1679 who chronicled the natural history of Virginia ; this early report is thought to be the first account of a fungus in North America . It was first characterized scientifically by French scientist Jean Pierre François Camille Montagne in 1856 , who called it elegans . The genus name Mutinus refers to a phallic deity , Mutinus , one of the Roman di placated by Roman brides . The species is commonly known variously as the \" elegant stinkhorn \" , the \" headless stinkhorn \" , the \" dog stinkhorn \" , or the \" devil 's dipstick \" . The specific epithet elegans is derived from the Latin word meaning \" graceful \" or \" elegant \" . \n"} +{"id": 715, "text": " The young fruiting bodies are initially white and spherical or egg @-@ shaped , partially submerged in the ground , with dimensions of 2 to 3 cm ( 0 @.@ 8 to 1 @.@ 2 in ) by 1 to 2 cm ( 0 @.@ 4 to 0 @.@ 8 in ) . As the fruit body matures , the egg ruptures and the spongy spore @-@ bearing stalk emerges ; fully grown , it may be from 1 to 15 cm ( 0 @.@ 4 to 5 @.@ 9 in ) long and 1 @.@ 5 to 2 cm ( 0 @.@ 6 to 0 @.@ 8 in ) thick . The stalk is hollow and strongly wrinkled overall ; its shape is cylindrical below , but it gradually tapers to a narrow apex with a small opening at the tip . The upper half of the stalk is bright red to reddish orange , and the color gradually loses intensity transforming into pinkish white below . The stalk may be straight , or slightly curved . A gelatinous greenish @-@ brown gleba covers the upper third of the stalk in newly emerged specimens . The remains of the \" egg \" forms a volva around the base of the stalk . The odor of the gleba is foul ; one author describes it as \" sickly sweet or metallic \" . The spores are a greenish @-@ brown color . Fruit bodies are attached to the substrate by whitish rhizomorphs that resemble plant roots . American mycologist Smith noted that the eggs are often slow to open , sometimes taking up to two weeks before the stalk expands . \n The spores are 4 – 7 by 2 – 3 µm , oblong @-@ elliptical , smooth , and embedded in the gleba . A 1982 study revealed that spores of species in the Phallaceae family , including Mutinus elegans , have a hilar scar ( 0 @.@ 2 – 0 @.@ 3 µm diameter ) that is observable with scanning electron microscopy . The hilar scar is a circular indentation at one end of the spore , and it most likely results during the separation of the attachment of the spore to the sterigma of the basidium . \n"} +{"id": 716, "text": " The immature egg @-@ forms of Mutinus elegans are edible , but \" not recommended \" . One field guides notes that the eggs of the stinkhorn fungi \" taste like the seasonings that are added to them . \" The fetid odor of mature specimens would probably be repellent to most , although they are not considered poisonous . \n"} +{"id": 717, "text": " The \" dog stinkhorn \" ( Mutinus caninus ) is smaller , has a distinct oval or spindle @-@ shaped tip on a slender stem and lacks the bright coloring of M. elegans ; it has less of the stalk covered by gleba . The portion of the stalk below the spore mass is pitted in M. caninus , compared to \" pebbly \" in M. elegans . M. caninus is also less common than M. elegans . Mutinus is similar in size and shape , except it does not have a distinct color demarcation between the upper and lower parts of the stalk ; instead , the entire stem shows red pigments . The stalk of M. ravenelii is less tapered than M. elegans , and it has a clearly differentiated swollen head . \n"} +{"id": 718, "text": " Mutinus elegans is saprobic — deriving nutrients by breaking down dead or dying organic matter . It is commonly found in gardens and farm areas enriched with manure , near well @-@ decayed stumps and logs , and in wood chips . A Japanese publication mentioned its occurrence in Takatsuki and Osaka @-@ fu , where it fruited in November and December on the ground along paths or in open spaces , under or near bamboo ( ) and hardwoods such as the Sawtooth Oak , the Japanese , and the Camphor tree . \n This common species has been collected in eastern North America , in the area extending from Quebec to Florida and west to the Great Lakes , Iowa , and Texas . In Europe , it has been reported from Netherlands and in Asia , it has been collected in Japan . \n"} +{"id": 719, "text": " A study of 32 basidiomycete mushrooms showed that Mutinus elegans was the only species to show antibiotic ( both antibacterial and antifungal ) activity against all six microorganisms tested , namely , the human pathogenic Bacillus , Bacillus subtilis , Staphylococcus aureus , Escherichia coli , Salmonella typhimurium and the yeast Candida albicans . \n"} +{"id": 720, "text": " The 57th Boat Race took place on 31 March 1900 . Held annually , the Boat Race is a side @-@ by @-@ side rowing race between crews from the Universities of Oxford and Cambridge along the River Thames . Cambridge won by twenty lengths in a record @-@ equalling time of 18 minutes 45 seconds , taking the overall record in the event to 32 – 24 in Oxford 's favour . \n"} +{"id": 721, "text": " The Boat Race is a side @-@ by @-@ side rowing competition between the University of Oxford ( sometimes referred to as the \" Dark Blues \" ) and the University of Cambridge ( sometimes referred to as the \" Light Blues \" ) . The race was first held in 1829 , and since 1845 has taken place on the 4 @.@ 2 @-@ mile ( 6 @.@ 8 km ) Championship Course on the River Thames in southwest London . The rivalry is a major point of honour between the two universities and followed throughout the United Kingdom and worldwide . Cambridge went into the race as reigning champions , having won the 1899 race by three @-@ and @-@ a @-@ quarter lengths , while Oxford led overall with 32 victories to Cambridge 's 23 ( excluding the \" dead heat \" of 1877 ) . Leading up to the race , Oxford suffered a variety of misfortune : M. C. was ordered by his doctor not to row , H. J. Hale was injured and president Felix Warre contracted scarlet fever . \n Cambridge were coached by James Brookes Close , who had rowed for the Light Blues three times between 1872 and 1874 , and Stanley Muttlebury , five @-@ time Blue for Cambridge between 1886 and 1890 . Oxford 's coaches were Harcourt Gilbey Gold ( Dark Blue president the previous year and four @-@ time Blue ) and Douglas McLean ( an Oxford Blue five times between 1883 and 1887 ) . The umpire for the race for the eleventh year in a row was Frank Willan who had won the event four consecutive times , rowing for Oxford in the 1866 , 1867 , 1868 and 1869 races . \n"} +{"id": 722, "text": " The Cambridge crew weighed an average of 12 st 4 @.@ 625 lb ( 78 @.@ 1 kg ) , 0 @.@ 25 pounds ( 0 @.@ 1 kg ) per rower more than their opponents . Oxford 's crew contained three members with Boat Race experience : C. E. Johnston , C. W. and cox G. S. Maclagan . Cambridge saw six of their 1899 crew return , including William Dudley Ward and Raymond Broadly Etherington @-@ Smith , both of whom were rowing in their third race . Eight of the nine Light Blues were students at Trinity College . Oxford 's stroke H. H. Dutton , a native of South Australia , was the only non @-@ British participant registered in the race . Author and former Oxford rower George Drinkwater suggested that this year 's Cambridge crew , along with the Oxford crew which rowed in the 1897 race , \" stand in a class by themselves among University crews . \" He also described the Oxford crew as \" one of the poorest that ever came from the Isis \" . \n"} +{"id": 723, "text": " Oxford won the toss and elected to start from the Surrey station , handing the Middlesex side of the river to Cambridge . In good conditions , umpire Willan got the race under way at 2 : 00 p.m. whereupon Cambridge took the lead immediately . By Craven Steps they were three lengths ahead and continued to draw away from the Dark Blues , to win by 20 lengths in a time of 18 minutes 45 seconds . It was the fastest winning time in the history of the event , equalling that set by Oxford in the 1893 race . Although it was the Light Blues ' second consecutive victory , it followed a run of nine consecutive wins for Oxford – overall the Dark Blues led 32 – 24 . \n"} +{"id": 724, "text": " The Ten Commandments are a series of religious and moral imperatives that are recognized as a moral foundation in several of the Abrahamic religions , including Catholicism . As described in the Old Testament books Exodus and Deuteronomy , the Commandments form part of a covenant offered by God to the Israelites to free them from the spiritual slavery of sin . According to the Catechism of the Catholic Church — the official exposition of the Catholic Church 's Christian beliefs — the Commandments are considered essential for spiritual good health and growth , and serve as the basis for Catholic social justice . A review of the Commandments is one of the most common types of examination of conscience used by Catholics before receiving the sacrament of Penance . \n The Commandments appear in the earliest Church writings ; the Catechism states that they have \" occupied a predominant place \" in teaching the faith since the time of Augustine of Hippo ( AD 354 – 430 ) . The Church had no official standards for religious instruction until the Fourth Lateran Council in 1215 ; evidence suggests the Commandments were used in Christian education in the early Church and throughout the Middle Ages , but with inconsistent emphasis . The lack of instruction in them by some dioceses formed the basis of one of the criticisms launched against the Church by Protestant reformers . Afterward , the first Church @-@ wide catechism in 1566 provided \" thorough discussions of each commandment \" , but gave greater emphasis to the seven sacraments . The most recent Catechism devotes a large section to interpret each of the commandments . \n Church teaching of the Commandments is largely based on the Old and New Testaments and the writings of the early Church Fathers . In the New Testament , Jesus acknowledged their validity and instructed his disciples to go further , demanding a righteousness exceeding that of the scribes and Pharisees . by Jesus into two \" Great Commandments \" that teach love of God and love of neighbor , they instruct individuals on their relationships with both . The first three commandments demand respect for God 's name , observation of the Lord 's Day and prohibit the worship of other gods . The others deal with the relationships between individuals , such as that between parent and child ; they include prohibitions against lying , stealing , murdering , adultery and covetousness . \n"} +{"id": 725, "text": " The Old Testament refers to ten individual commandments , even though there are more than ten imperative sentences in the two relevant texts : Exodus 20 : 1 – 17 and Deuteronomy 5 : 6 – 21 . The Old Testament does not make clear how the texts should be divided to arrive at ten commandments . The division traditionally used by the Catholic and Lutheran churches was first derived by the Latin Church Father Augustine of Hippo ( 354 – 430 ) in his book Questions on Exodus . Other Christian churches , such as the Eastern Orthodox and some Protestant churches , use a form established by the Greek Fathers . The two forms have slightly different numbering , but maintain exactly the same substance despite Protestant accusations to the contrary . Jewish numbering differs from Christian denominations in that it considers what many Christians call a prologue to be the entire first commandment . \n"} +{"id": 726, "text": " The Ten Commandments are recognized as a moral foundation by Judaism , Christianity , and Islam . They first appear in the Book of Exodus , according to which Moses , acting under the orders of God , freed the Israelites from physical slavery in Egypt . According to Church teaching , God offered a covenant — which included the Ten Commandments — to also free them from the \" spiritual slavery \" of sin . Some historians have described this as \" the central event in the history of ancient Israel \" . \n The coming of Jesus is seen by the Catholic Church as the fulfillment of the destiny of the Jews , who were chosen , according to Peter Kreeft , to \" show the true God to the world \" . Jesus acknowledged the Commandments and instructed his followers to go further , requiring , in Kreeft 's words , \" more , not less : a ' righteousness ( which ) exceeds that of the scribes and Pharisees ' \" . Explaining Church teaching , Kreeft states , \" The Commandments are to the moral order what the creation story in Genesis 1 is to the natural order . They are God 's order conquering chaos . They are not man 's ideas about God , but God 's ideas about man . \" The Church teaches that Jesus freed people from keeping \" the burdensome Jewish law ( Torah or Mosaic Law ) with its 613 distinct regulations [ but ] not from the obligation to keep the Ten Commandments \" , because the Ten \" were written ' with the finger of God ' , unlike [ those ] written by Moses \" . This teaching was reaffirmed at the Council of Trent ( 1545 – 1563 ) and at the Second Vatican Council ( 1962 – 1965 ) . \n Although it is uncertain what role the Ten Commandments played in early Christian worship , evidence suggests they were recited during some services and used in Christian education . For example , the Commandments are included in one of the earliest Christian writings , known as the Teaching of the Twelve Apostles or the Didache . Scholars contend that the Commandments were highly regarded by the early Church as a summary of God 's law . The Protestant scholar Klaus believes that the Church replaced the Commandments with lists of virtues and vices , such as the seven deadly sins , from 400 – 1200 . Other scholars contend that throughout Church history the Commandments have been used as an examination of conscience and that many theologians have written about them . While evidence exists that the Commandments were part of catechesis in monasteries and other venues , there was no official Church position to promote specific methods of religious instruction during the Middle Ages . The Fourth Lateran Council ( 1215 ) was the first attempt to remedy this problem . Surviving evidence reveals that some bishops ' efforts to implement the Council 's resolutions included special emphasis on teaching the Commandments in their respective dioceses . Centuries later , the lack of instruction in them by some dioceses formed the basis of one of the criticisms launched against the Church by Protestant reformers . \n Catechisms produced in specific dioceses from the mid @-@ fourteenth century emphasized the Commandments and laid the foundation for the first official Church @-@ wide catechism , the 1566 Roman Catechism . Commissioned by the Council of Trent , it provided \" thorough discussions of each commandment \" but gave greater emphasis to the seven sacraments to emphasize the Catholic belief that Christian life was dependent upon the grace solely obtained through the sacramental life provided by the Catholic Church . This emphasis conflicted with Protestant beliefs , which held the Commandments as the source of divine grace . While more recent papal encyclicals offer interpretations of Church teaching on individual commandments , throughout history official Church teachings on the Commandments are based on their mentions in the Old and New Testaments and the writings of the early Church Fathers Origen , Irenaeus and Augustine . Later , theologians Thomas Aquinas and Bonaventure offered notable commentaries on the Commandments . Aquinas , a Doctor of the Church , considered them to be the \" primary precepts of justice and all law , and natural reason gives immediate assent to them as being plainly evident principles . \" \n The most recent Catechism of the Catholic Church — the official summary of Church beliefs — devotes a large section to the Commandments , which serve as the basis for Catholic social teaching . According to the Catechism , the Church has given them a predominant place in teaching the faith since the fifth century . Kreeft explains that the Church regards them as \" a path of life \" , and a \" path to freedom \" just as a schoolyard fence protects children from \" life @-@ threatening dangers \" . \n"} +{"id": 727, "text": " The first commandment , according to Church teaching , \" means that [ followers ] must worship and adore God alone because God is alone . \" The Catechism explains that this prohibits idolatry , providing examples of forbidden practices such as the worship of any creature , and of \" ' demons ... power , pleasure , race , ancestors , the state [ and ] money ' \" . Augustine interpreted this commandment as \" Love God and then do what you will \" . Explaining this sentiment , Kreeft states that all sin \" serves some other god , obeys another commander : the world or the flesh or the devil \" , if God truly be loved then one will do what God wills . \n The Catechism associates this commandment with the three theological virtues . The first virtue , faith , instructs Catholics to believe in God and avoid heresy , apostasy , and schism . The second virtue , hope , cautions Catholics against despair and presumption . According to the Catechism , the last virtue , charity , can be met only if Catholics refrain from indifference or ingratitude toward God , and avoid spiritual laziness and a hatred of God stemming from pride . The Catechism enumerates specific violations of this commandment , including superstition , polytheism , sacrilege , atheism , and all practices of magic and sorcery . It further prohibits astrology , palm reading , and consulting horoscopes or mediums . The Catechism attributes the latter actions to a \" desire for power over time , history , and in the last analysis , other human beings as well as a wish to conciliate hidden powers \" . \n"} +{"id": 728, "text": " While Catholics are sometimes accused of worshiping images , in violation of the first commandment , the Church says this is a misunderstanding . In the Church 's opinion , \" the honor paid to sacred images is a ' respectful veneration ' , not the adoration due to God alone \" . In the 8th century , heated arguments arose over whether religious icons ( in this context paintings ) were prohibited by the first commandment . The dispute was almost entirely restricted to the Eastern church ; the iconoclasts wished to prohibit icons , while the supported their veneration , a position consistently backed by the Western Church . At the Second Council of Nicaea in 787 , the ecumenical council determined that the veneration of icons and statues was not in violation of the commandment and stated \" whoever venerates an image venerates the person portrayed in it . \" At around the time of the controversy over Iconoclasm , the Western church began to use monumental sculpture , which by the Romanesque period became a major feature of Western Christian art , that has remained part of the Catholic tradition , in contrast to Eastern Christianity , which avoids large religious sculpture . The Catechism , using very traditional arguments , posits that God gave permission for images that symbolize Christian salvation by leaving symbols such as the bronze serpent , and the cherubim on the Ark of the Covenant . It states that \" by becoming incarnate , the Son of God introduced a new economy of images \" . \n The United States Conference of Catholic Bishops ( ) explain the Catechism in their book entitled United States Catechism for Adults , published in 2006 . Regarding graven images , they expound that this command addresses idolatry that in ancient times expressed itself in the worship of such things as the \" sun , moon , stars , trees , bulls , eagles , and serpents \" as well as \" emperors and kings \" . They explain that today , idolatry expresses itself in the worship of other things , and list some as \" power , money , materialism and sports . \" \n"} +{"id": 729, "text": " The second commandment prohibits the use of God 's name in vain . Many ancient cultures believed that names were sacred ; some had prohibitions on when a person 's name could be spoken . The Gospel of John relates an incident where a group of Jews attempted to stone Jesus after he used a sacred name of God to refer to himself . They interpreted his statement as a claim of divinity . Since they did not believe that he was God , they considered this blasphemy , which under Mosaic law carries a death penalty . Kreeft writes that all of the names by which God is known are holy , and thus all of those names are protected by the second commandment . The Catechism states , \" Respect for his name is an expression of the respect owed to the mystery of God himself and to the whole sacred reality it evokes . \" The Catechism also requires respect for the names of people out of respect for the dignity of that person . \n The sentiment behind this commandment is further codified in the Lord 's Prayer , which begins , \" Our Father who art in heaven , hallowed be thy name \" . According to Pope Benedict XVI , when God revealed his name to Moses he established a relationship with mankind ; Benedict states that the Incarnation was the culmination of a process that \" had begun with the giving of the divine name . \" Benedict elaborates that this means the divine name could be misused and that Jesus ' inclusion of \" hallowed be thy name \" is a plea for the sanctification of God 's name , to \" protect the wonderful mystery of his accessibility to us , and constantly assert his true identity as opposed to our distortion of it \" . \n According to Catholic teaching , this commandment does not preclude the use of God 's name in taking solemn oaths administered by legitimate authority . However , lying under oath , invoking God 's name for magical purposes , or voicing words of hatred or defiance against God are considered sins of blasphemy . \n"} +{"id": 730, "text": " Quoting the Jewish rabbi and scholar Jacob , Pope Benedict XVI explains that to Israel , keeping this commandment was more than ritual ; it was a way to imitate God , who rested on the seventh day after the creation . It also constituted the core of the social order . \n Although a few Christian denominations follow the Judaic practice of observing the Sabbath on Saturday , Catholics , along with most Christians , observe Sunday as a special day , which they call the \" Lord 's Day \" . This practice dates to the first century , arising from their belief that Jesus rose from the dead on the first day of the week . The Didache calls on Christians to come together on the Lord 's Day to break bread and give thanks . Tertullian is the first to mention Sunday rest : \" We , however ( just as tradition has taught us ) , on the day of the Lord 's Resurrection ought to guard not only against kneeling , but every posture and office of , deferring even our businesses lest we give any place to the devil \" ( \" De . \" , xxiii ; cf . \" Ad nation . \" , I , xiii ; \" . \" , ) . \n In the sixth century , of Arles taught that the whole glory of the Jewish Sabbath had been transferred to Sunday and that Christians must keep Sunday in the same way as the Jews were commanded to keep the Sabbath . The Council of Orléans in 538 this tendency , to apply the law of the Jewish Sabbath to the observance of the Christian Sunday , as Jewish and non @-@ Christian . \n The Church leaders of later centuries inscribed Sunday rest into official Church teaching , and Christian governments have attempted to enforce the Sunday rest throughout history . For Catholics , Jesus ' teaching that \" the sabbath was made for man , not man for the sabbath \" means that good works \" when the needs of others demand it \" can be part of the day of rest . The Catechism offers guidelines on how to observe the Lord 's Day , which include attending Mass on Sundays and holy days of obligation . On these days , Catholics may not work or do activities that \" hinder the worship due to God \" , but \" performance of the works of mercy , and appropriate relaxation in a spirit of joy \" are permitted . \n According to the , this commandment \" has been for Catholics \" as one of the Church precepts . The organization cites the papal encyclical Dies Domini : \n Because the faithful are obliged to attend Mass unless there is a grave impediment , pastors have the corresponding duty to offer everyone the real possibility of fulfilling the precept . ... Yet more than a precept , the observance should be seen as a need rising from the depths of Christian life . It is crucially important that all the faithful should be convinced that they cannot live their faith or share fully in the life of the Christian community unless they take part regularly in the Sunday Eucharistic assembly . \n"} +{"id": 731, "text": " Pope Benedict XVI states that Rabbi \" rightly sees this commandment as anchoring the heart of the social order \" . It strengthens generational relationships , makes explicit the connection between family order and societal stability , and reveals that the family is \" both willed and protected by God . \" Because parents ' unconditional love for their children mirrors God 's love , and because they have a duty to pass the faith on to their children , the Catechism calls the family \" a domestic church \" , \" a privileged community \" and the \" original cell of social life \" . \n The Catechism says this commandment requires duties of children to parents that include : \n Respect toward parents that also flows to brothers and sisters . \n Gratitude , as expressed in a quote from Sirach : \" Remember that through your parents you were born ; what can you give back to them that equals their gift to you ? \" \n Obedience to parents for as long as the child lives at home \" when it is for his good or the good of the family \" , except when obedience would require the child to do something morally wrong . \n Support that requires grown children to offer material and moral support for their aging parents , particularly at times of \" illness , loneliness , or distress \" . \n Keeping this commandment , according to the Catechism , also requires duties of parents to children which include : \n \" Moral education , spiritual formation and evangelization \" of their children . \n Respect for their children as children of God and human persons . \n Proper discipline for children while being careful not to provoke them . \n \" Avoiding pressure to choose a certain profession or spouse \" , which does not preclude parents from giving \" judicious advice \" . \n \" Being a good example \" to their children . \n \" Acknowledging their own failings \" to their children to guide and correct them . \n"} +{"id": 732, "text": " The Gospel of Matthew relates that when told his mother and brothers were waiting to see him , Jesus replied , \" Who is my mother and who are my brothers ? \" Stretching his hand over his disciples he said , \" Here are my mother and my brothers ! For whoever does the will of my Father in heaven is my brother , and my sister , and mother . \" Pope Benedict XVI stated that this dictum of Jesus brought the fourth commandment to a new and higher level . By doing God 's will , any person can become part of the universal family of Jesus . Thus , the fourth commandment 's responsibilities extend to the greater society and requires respect for \" legitimate social authorities \" . The Catechism specifies \" duties of citizens and nations \" , which Kreeft summarizes as : \n \" Obedience and honor \" to \" all who for our good have received authority in society from God \" . \n \" Payment of taxes , exercising the right to vote and defending one 's country \" . \n \" An obligation to be vigilant and critical \" , which requires citizens to criticize that which harms human dignity and the community . \n \" A duty to disobey \" civil authorities and directives that are contrary to the moral order . \n \" To practice charity \" , which is a \" necessity for any working family or society \" ; it is the \" greatest social commandment \" and requires people to love God and neighbor . \n \" To welcome the foreigner \" who is in need of security and livelihood that cannot be found in his own country . \n \" An obligation for rich nations to help poor nations \" , especially in times of \" immediate need \" . \n \" An expectation for families to help other families \" . \n"} +{"id": 733, "text": " This commandment demands respect for human life and is more accurately translated as \" thou shalt not murder . \" Indeed , killing may , under limited circumstances , be justified within Catholicism . Jesus expanded it to prohibit unjust anger , hatred and vengeance , and to require Christians to love their enemies . The basis of all Catholic teaching about the fifth commandment is the sanctity of life ethic , which Kreeft argues is philosophically opposed to the quality of life ethic , a philosophy which he characterizes as introduced by a book entitled Die der des Lebens ( The Permission to Destroy Life of Life ) ( see Life unworthy of life ) and which he asserts was the \" first to win public acceptance ... by German doctors before World War II — the basis and beginning of Nazi medical practices . \" This interpretation is supported by modern medical journals that discuss the dilemma posed by these opposing philosophies to physicians who must make life or death decisions . Some characterize the use of the \" Nazi analogy \" as inappropriate when applied to quality of life decisions ; Arthur Caplan called this rhetoric \" wrong \" . The Church is actively involved in the public debates over abortion , capital punishment and euthanasia , and encourages believers to support legislation and politicians it describes as pro @-@ life . \n"} +{"id": 734, "text": " The Catechism states : \" Human life is sacred because from its beginning it involves the creative action of God and it remains forever in a special relationship with the Creator , who is its sole end . ... no one can under any circumstance claim for himself the right directly to destroy an innocent human being . \" Direct and intentional killing of an innocent human is considered a mortal sin . Considered by the Church to be of an even greater gravity is the murder of family members , including \" infanticide , fratricide , parricide , the murder of a spouse and procured abortion . \" \n The Catechism states that the embryo \" must be treated from conception as a person \" . The Latin original of as is , meaning \" like \" or \" just as \" . \" Although the Church has not determined officially when human life actually begins , it has taken the course of maintaining that human life is present from the moment of conception or fertilization \" ; respect for life at all stages , even potential life , is generally the context of church documents . \n Abortion has been specifically and persistently condemned by the Church since the first century . \" Formal cooperation \" in abortion incurs the penalty of excommunication \" by the very commission of the offense \" ( latae sententiae , \" sentence [ already , i.e. automatically ] passed \" ) . The Catechism emphasizes that this penalty is not meant to restrict mercy , but that it makes clear the gravity of the crime and the irreparable harm done to the child , its parents and society . \" Formal cooperation \" in abortion extends not just to the mother who freely submits , but also to the doctor , nurses and anyone who directly aids in the act . The Church has ministries of reconciliation , such as Project Rachel , for those who sincerely repent of their sin of formal cooperation in abortion . \n Official Church teaching allows for medical procedures and treatments intended to protect or restore the mother 's health if she would be in mortal danger without them , even when such procedures carry some risk of death to the fetus . Examples include the removal of a fallopian tube in the case of an ectopic pregnancy , removal of a pregnant cancerous uterus , or an appendectomy . \n"} +{"id": 735, "text": " The United States Catechism for Adults devotes a section to in vitro fertilization , stem @-@ cell research and cloning in its explanation of the fifth commandment , because these often involve the destruction of human embryos , considered to be a gravely sinful form of murder . Embryonic stem cell research is called \" an immoral means to a good end \" and \" morally unacceptable . \" Citing the Congregation for the Doctrine of the Faith 's Instruction on Respect for Human Life in its Origin and on the Dignity of , the US Bishops quote : \" No objective , even though noble in itself , such as a foreseeable advantage to science , to other human beings , or to society , can in any way justify experimentation on living human embryos or fetuses , whether viable or not , either inside or outside the mother 's body . \" The Bishops note that adult stem cell research , using cells obtained with informed consent , is a promising field of research that is morally acceptable . \n"} +{"id": 736, "text": " The fifth commandment forbids suicide and the mercy killing of those who are dying , even to eliminate suffering . The ordinary care of those facing an imminent death may not morally be withheld , according to the Church . \" Ordinary care \" refers to food , water and pain relief , and does not include \" extraordinary care \" , which refers to the use of respirators or feeding tubes that are considered discretionary . Allowing a terminally ill person to die , using painkillers that may shorten their life , or refusing extraordinary treatment to the terminally ill such as chemotherapy or radiation , are considered morally acceptable and not a violation of the fifth commandment , in accordance with the principle of double effect . \n"} +{"id": 737, "text": " For the first two hundred years , Christians \" refused to kill in the military , in self @-@ defense , or in the judicial system \" , but there was no official Church position on the death penalty . When the Church was first officially recognized as a public institution in 313 , its attitude toward capital punishment became one of toleration but not outright acceptance . The death penalty had support from early Catholic theologians , though some of them such as Saint Ambrose encouraged members of the clergy not to pronounce or carry out capital punishment . Saint Augustine answered objections to capital punishment rooted in the first commandment in The City of God . Thomas Aquinas and Duns Scotus argued that civil authority to carry out capital punishment was supported by scripture . Pope Innocent III required Peter Waldo and the Waldensians to accept that \" secular power can , without mortal sin , exercise judgement of blood , provided that it punishes with justice , not out of hatred , with prudence , not precipitation \" as a prerequisite for reconciliation with the church . Paul states that official Church teachings have neither absolutely condemned nor promoted capital punishment , but toleration of it has fluctuated throughout the ages . The Inquisitions provide the most memorable instance of Church support for capital punishment , although some historians considered these more lenient than the secular courts of the period . \n The Catechism of the Catholic Church states that the death penalty is permissible in cases of extreme gravity . It is allowed if the \" guilty party 's identity and responsibility have been fully determined \" and if the death penalty is the only way to defend others against the guilty party . However , if there are other means available to defend people from the \" unjust aggressor \" , these are preferred because they are considered to be more respectful of the dignity of the person and in keeping with the common good . Because modern societies have effective means for preventing crime without execution , the Catechism declares , \" the cases in which execution of the offender is an absolute necessity ' are very rare , if practically nonexistent . ' \" Pope John Paul II discussed and affirmed this in Evangelium Vitae , published in 1995 . \n"} +{"id": 738, "text": " According to Church teaching , respect for human life requires respect for one 's own body , precluding unhealthy behavior , the abuse of food , alcohol , medicines , illegal drugs , tattoos and piercings . The Church also warns against the opposite behavior of \" excessive preoccupation with the health and welfare of the body that ' idolizes ' physical perfection , fitness , and success at sports . \" \n Kidnapping , terrorism , and torture are forbidden , as well as sterilizations , amputations , mutilations that are not for therapeutic medical reasons . According to the Catechism , societies have a moral obligation to strive to provide healthy living conditions for all people . \n Church belief in the resurrection of the body led to a prohibition against cremation that was pastorally modified at the Second Vatican Council in the 1960s under limited circumstances , but those conditions have been largely ignored even by the clergy . According to the Catechism , burial of the dead is a corporal work of mercy that must treat the body with respect and love ( e.g. scattering of cremated remains , burial in an unmarked grave , etc. are forbidden in the Catholic Church ) . Organ donation after death and organ transplants under certain terms , also autopsies for legal and scientific reasons are permitted . \n"} +{"id": 739, "text": " In the Sermon on the Mount , Jesus recalls the commandment , \" You shall not kill \" and then adds to it the proscriptions against anger , hatred and vengeance . Going further , Christ asks his disciples to love their enemies . The Catechism asserts that \" it is legitimate to insist on respect for one 's own right to life . \" Kreeft says , \" self @-@ defense is legitimate for the same reason suicide is not : because one 's own life is a gift from God , a treasure we are responsible for preserving and defending . \" The Catechism teaches that \" someone who defends his life is not guilty of murder even if he is forced to deal his aggressor a lethal blow . \" Legitimate defense can be not only a right but a grave duty for one who is responsible for the lives of others . The defense of the common good requires that an unjust aggressor be rendered unable to cause harm . For this reason , those who legitimately hold authority also have the right to use arms to repel aggressors against the civil community entrusted to their responsibility . \n The Church requires all to pray and work to prevent unjust wars , but allows for just wars if certain conditions are met : \n The reasons for going to war are defensive . \n \" The damage inflicted by the aggressor ... must be lasting , grave , and certain . \" \n It is a last resort taken only after all other means of putting an end to the \" grave damage \" have been ineffective . \n The ultimate aim is peace and there is a serious chance of success . \n No graver evils are produced that overshadow the evil to be eliminated . This forbids the use of arms to eliminate whole cities and areas with their inhabitants . \n Respect and care is required for non @-@ combatants , wounded soldiers and prisoners . Soldiers are required to disobey commands to commit genocide and ones that violate universal principles . \n"} +{"id": 740, "text": " The Catechism classifies scandal under the fifth commandment and defines it as \" an attitude or behavior which leads another to do evil \" . In the Gospel of Matthew , Jesus stated , \" Whoever causes one of these little ones who believe in me to sin , it would be better for him to have a great millstone fastened round his neck and to be drowned in the depth of the sea . \" The Church considers it a serious crime to cause another 's faith , hope and love to be weakened , especially if it is done to young people and the perpetrator is a person of authority such as a parent , teacher or priest . \n"} +{"id": 741, "text": " According to the Church , humans are sexual beings whose sexual identity should be accepted in the unity of body and soul . The sexes are meant by divine design to be different and complementary , each having equal dignity and made in the image of God . Sexual acts are sacred within the context of the marital relationship that reflects a \" complete and lifelong mutual gift of a man and a woman . \" Sexual sins thus violate not just the body but the person 's whole being . In his 1995 book Crossing the Threshold of Hope , John Paul II reflected on this concept : \n After all , young people are always searching for the beauty in love . They want their love to be beautiful . If they give in to weakness , following the models of behavior that can rightly be considered a ' scandal in the contemporary world ' ( and these are , unfortunately , widely diffused models ) , in the depths of their hearts they still desire a beautiful and pure love . This is as true of boys as it is of girls . Ultimately , they know that only God can give them this love . As a result , they are willing to follow Christ , without caring about the sacrifices this may entail . \n Like Orthodox Judaism and Islam , the Catholic Church considers all sexual acts outside of marriage to be grave sins . The gravity of the sin \" ' excludes one from sacramental communion ' until repented of and forgiven in sacramental confession . \" \n"} +{"id": 742, "text": " Church teaching on the sixth commandment includes a discussion on chastity . The Catechism describes chastity as a \" moral virtue ... a gift from God , a grace , a fruit of spiritual effort . \" The Church sees sex as more than a physical act ; it also affects body and soul , so the Church teaches that chastity is a virtue all people are called to acquire . It is defined as the inner unity of a person 's \" bodily and spiritual being \" that successfully integrates a person 's sexuality with his or her \" entire human nature . \" To acquire this virtue , followers are encouraged to enter into the \" long and exacting work \" of self @-@ mastery that is helped by friendships , God 's grace , maturity and education \" that respects the moral and spiritual dimensions of human life . \" The Catechism categorizes violations of the sixth commandment into two categories : \" offenses against chastity \" and \" offenses against the dignity of marriage \" . \n"} +{"id": 743, "text": " The Catechism lists the following \" offenses against chastity \" in increasing order of gravity : \n Lust : the Church teaches that sexual pleasure is good and created by God , who meant for spouses to \" experience pleasure and enjoyment of body and spirit \" . Kreeft says , \" Lust does not mean sexual pleasure as such , nor the delight in it , nor the desire for it in its right context . \" Lust is the desire for sexual pleasure alone , outside its intended purpose of procreation and the uniting of man and woman , body and soul , in mutual self @-@ donation . \n Masturbation is considered sinful for the same reasons as lust , but is a step above lust in that it involves a physical act instead of a mental one . \n Fornication is the sexual union of an unmarried man and an unmarried woman . This is considered contrary to \" the dignity of persons and of human sexuality \" because it is not ordered to the \" good of spouses \" or the \" generation and education of children . \" \n Pornography ranks higher because it is considered a perversion of the sexual act that is intended for distribution to third parties for viewing . \n Prostitution is considered sinful for both the prostitute and the customer ; it reduces a person to an instrument of sexual pleasure , violating human dignity and harming society . The gravity of the sinfulness is less for prostitutes who are forced into the act by destitution , blackmail or social pressure . \n Rape is an intrinsically evil act that can cause grave damage to the victim for life . \n Incest , or \" rape of children by parents or other adult relatives \" or \" those responsible for the education of the children entrusted to them \" is considered the most heinous of sexual sins . \n"} +{"id": 744, "text": " The Catechism devotes a separate section to homosexuality within its explanation of the sixth commandment . Like heterosexual acts outside of marriage , homosexual acts are considered sins . The Church distinguishes between homosexual attractions , which are not considered sinful , and homosexual acts , which are . The Catechism states that they \" violate natural law , cannot bring forth life , and do not proceed from a genuine affective and sexual complementarity . Under no circumstances can they be approved . \" The Church teaches that a homosexual inclination is \" objectively disordered \" and can be a great trial for the person , who the Church teaches must be \" accepted with respect , compassion and sensitivity ... unjust discrimination in their regard should be avoided . \" \n Homosexuals are , according to the Church , \" called to chastity \" . They are instructed to practice the virtues of \" self @-@ mastery \" that teaches \" inner freedom \" using the support of friends , prayer and grace found in the sacraments of the Church . These tools are meant to help homosexuals \" gradually and resolutely approach Christian perfection \" , which is a state to which all Christians are called . \n ( Two lay movements represent opposing philosophies regarding homosexuality : seeks to change the Church 's teachings to justify homosexual acts ; Courage International is an organization of homosexuals who \" support each other in the sincere effort to live in chastity and in fidelity to Christ and his Church \" . ) \n"} +{"id": 745, "text": " According to Church teaching , spousal love is intended to form an unbroken , two @-@ fold end : the union of husband and wife and the transmission of life . The aspect includes the transference of each partner 's being \" so that they are no longer two but one flesh . \" The sacrament of matrimony is viewed as God 's sealing the consent which binds the partners together . Church teaching on the marital state requires spousal acceptance of each other 's failures and faults , and the recognition that the \" call to holiness in marriage \" is one that requires a process of spiritual growth and conversion that can last throughout life . \n"} +{"id": 746, "text": " The Church position on sexual activity can be summarized as : \" sexual activity belongs only in marriage as an expression of total self @-@ giving and union , and always open to the possibility of new life . \" Sexual acts in marriage are considered \" noble and honorable \" and are meant to be enjoyed with \" joy and gratitude . \" Sexuality is to be reserved to marriage : \" by its very nature conjugal love requires the inviolable fidelity of the spouses . This is the consequence of the gift of themselves which they make to each other . Love seeks to be definitive ; it cannot be an arrangement ' until further notice . ' \" The \" intimate union of marriage , as a mutual giving of two persons , and the good of the children , demand total fidelity from the spouses and require an unbreakable union between them . \" ( Gaudium et spes ) \" . \n Artificial birth control predates Christianity ; the Catholic Church has condemned these methods throughout its history . In response to the Church of England accepting the practice of artificial contraception in 1930 , the Catholic Church issued the papal encyclical Casti on 31 December 1930 . The 1968 papal encyclical Humanae vitae is a reaffirmation of the Catholic Church 's traditional view of marriage and marital relations , and a continued condemnation of artificial birth control . \n The Church seeing large families as a sign of God 's blessing . \" By its very nature the institution of marriage and married love is ordered to the procreation and education of the offspring and it is in them that it finds its crowning glory . \" ( Gaudium et spes ) Children are the supreme gift of marriage and contribute greatly to the good of the parents themselves . ( ... ) true married love and the whole structure of family life which results from it , without diminishment of the other ends of marriage , are directed to disposing the spouses to cooperate valiantly with the love of the Creator and Savior , who through them will increase and enrich his family from day to day . ( Gaudium et spes ) . \" It recognizes that responsible parenthood sometimes calls for reasonable spacing or limiting of births and considers natural family planning as morally acceptable , but rejects all methods of artificial contraception . The Church rejects all forms of artificial insemination and fertilization because the techniques divorce the sexual act from the creation of a child . The Catechism states , \" A child is not something owed to one , but is a gift ... ' the supreme gift of marriage . ' \" \n Many Western Catholics and non @-@ Catholics have voiced disagreement on the Church 's support for natural family planning , and contend it contributes to overpopulation and poverty . The Church 's rejection of condom use is widely criticized , in particular with regard to countries where the incidence of AIDS and HIV has reached epidemic proportions . In its defense , Catholics cite countries such as Kenya and Uganda , where behavioral changes are encouraged instead of condom use , and where greater progress in controlling the disease has been made than in countries that promote condom use alone . \n"} +{"id": 747, "text": " According to the Church , adultery and divorce are considered offenses against the dignity of marriage and are defined as follows : \n Adultery is the sexual union of a man and woman where at least one is married to someone else . It is for this reason that the Church considers it a greater sin than fornication . Kreeft states , \" The adulterer sins against his spouse , his society , and his children as well as his own body and soul . \" \n Divorce : According to the Catholic New American Bible translation , Jesus taught , \" whoever divorces his wife ( unless the marriage is unlawful ) causes her to commit adultery , and whoever marries a divorced woman commits adultery . \" Explaining Church interpretation of this teaching , Kreeft says Jesus considered divorce to be an accommodation that had slipped into Jewish law . The Church teaches that marriage was created by God and was meant to be indissoluble : like the creation of a child that cannot be \" un @-@ created \" , neither can the \" one flesh \" of the marriage bond . The Catechism states , \" Divorce is a grave offense against the natural law . It claims to break the contract , to which the spouses freely consented , to live with each other till death . \" By marrying another , the divorced person adds to the gravity of the offense as the remarried spouse is considered to be in a state of \" public and permanent adultery \" . \n The Compendium of the Catechism 502 lists other offenses against the dignity of marriage : \" polygamy , incest , free unions ( cohabitation , concubinage ) , and sexual acts before or outside of marriage \" . \n"} +{"id": 748, "text": " According to the Church , there are situations that do not equate to divorce : \n In extreme situations , such as domestic violence , separation is allowed . This is not considered a divorce and may be justified . \n Civil divorce is not a divorce according to the Church . If it is deemed to be the only way of ensuring legal rights , care of children , or protection of inheritance , the Church considers it morally acceptable . \n Annulment is not a divorce ; it is a ruling by the Church that the marriage was never valid . The marriage is deemed invalid if it lacks one of five integral elements : it should be \" complete \" , \" lifelong \" , \" mutual \" , a \" free gift \" and of \" man and woman \" . According to Pope John Paul II 's Address to the Roman Rota on 22 January 1996 , couples do not have a right to an annulment , but do have a right to make their case for nullity or validity before \" the competent Church authority and to request a decision in the matter . \" According to the Catholic Diocese of Arlington : \n ... signs that might indicate reasons to investigate for an annulment are : marriage that excluded at the time of the wedding the right to children , or to a permanent marriage , or to an exclusive commitment . In addition , there are youthful marriages ; marriages of very short duration ; marriages marked by serious emotional , physical , or substance abuse ; deviant sexual practices ; profound and consistent irresponsibility and lack of commitment ; conditional consent to a marriage ; fraud or deceit to elicit spousal consent ; serious mental illness ; or a previous bond of marriage . The determination of the ground should be made after extensive consultation with the parish priest or deacons , and based upon the proofs that are available . \n"} +{"id": 749, "text": " The Catechism explains that this commandment regulates worldly goods , and forbids unjustly taking , using or damaging those that belong to someone else . It places requirements upon those who possess worldly goods to use them responsibly , taking into consideration the good of society . The Catechism addresses the concept of human stewardship of God 's creation in its explanation of the seventh commandment and forbids abuse of animals and the environment . \n"} +{"id": 750, "text": " According to the Church , people have a right to private property . However , ownership makes that person \" a steward \" who is expected to make it \" fruitful \" or profitable in a way that benefits others after that person has first taken care of their family . Private property and the common good are seen as complementary elements that exist for the purpose of strengthening society . The taking of another 's private property \" in obvious and urgent necessity \" as \" the only way to provide for immediate , essential needs ( food , shelter , clothing ) \" is not considered by the Church to be stealing . The concept of slavery as private property is condemned by the Church , which classifies it as the stealing of a person 's human rights . \n"} +{"id": 751, "text": " According to the Catechism , theft or stealing means \" usurping another 's property against the reasonable will of the owner \" though exclusion exists for someone in great need to survive . \" taking and keeping the property of others \" considered as theft , even if the act is outside the scope of civil law . Cardinal Christoph Schönborn gave example from the story of Saint Augustine , written in his Confessions , who took pears from neighbor 's garden when he was young . Schönborn says that Augustine still has \" pangs of conscience over a childish theft \" even when he became grown person , indicating that human conscience is very aware of theft though the act perhaps not an offense against civil law . \n Following acts are also considered as violation of the seventh commandment : price manipulation to get advantage on the harm of others , corruption , appropriation of the public goods for personal interests , work poorly carried out , tax avoidance , counterfeiting of checks or any means of payment , any forms of copyright infringement and piracy , and extravagance . \n"} +{"id": 752, "text": " The papal encyclical Rerum discusses the relationships and mutual duties between labor and capital , as well as government and its citizens . Of primary concern was the need for some amelioration for \" the misery and wretchedness pressing so unjustly on the majority of the working class \" . The encyclical supported the right to form unions , rejected socialism , communism and unrestricted capitalism , and affirmed the right to private property . \n Church interpretation of the seventh commandment teaches that business owners should balance a desire for profits that will ensure the future of the business with a responsibility toward the \" good of persons \" . Business owners are required to pay their workers a reasonable wage , honor contracts , and abstain from dishonest activity , including bribery of government officials . Workers are required to do their jobs conscientiously , as they have been hired to do them , and to avoid dishonesty in the workplace , such as using office goods for personal use without permission ( embezzlement ) . \n The Church teaches that a balance should exist between government regulation and the laws of the marketplace . It deems that sole reliance on the marketplace ( pure capitalism ) insufficiently addresses many human needs , while sole reliance on government regulation ( pure socialism ) \" perverts the basis of social bonds \" . The Church warns about the danger of either capitalism or socialism , as these systems tend to use excessive extremes that result in injustice to persons . \n Wealthier nations , like wealthier individuals , have a moral obligation to help poorer nations and individuals , and work to reform financial institutions and economic factors to benefit all . \n"} +{"id": 753, "text": " The Catechism explains that bearing false witness or \" speaking a falsehood with the intention of deceiving \" encompasses all violations of truth . These violations have degrees of gravity depending on the \" intentions of the one who lies and the harms suffered by its victims . \" Listed as follows , these are : \n False witness and perjury : statements made publicly in court which obstruct justice by condemning the innocent or exonerating the guilty , or which may increase the punishment of the accused . \n Rash judgement : believing , without sufficient evidence , that a person has done moral faults . \n : the disclosure of another 's faults without a valid reason . \n : lying to harm a person 's reputation and providing opportunity to others to make false judgements concerning them . \n Flattery : \" speech to deceive others for our benefit . \" \n Bragging , boasting , or mocking : speech which either only honors oneself or dishonors others . \n The Church requires those who have damaged the reputation of another to \" make reparation for the untruth they have communicated . \" However , it does not require a person to reveal a truth to someone who does not have a right to know , and teaches respect for a right to privacy . Priests are prohibited from violating the seal of confession no matter how grave the sin or its impact on society . \n Included in the Church teachings of this commandment is the requirement for Christians to bear witness to their faith \" without equivocation \" in situations that require it . The use of modern media in spreading untruths , by individuals , businesses or governments , is condemned . \n"} +{"id": 754, "text": " The ninth and tenth commandments deal with coveting , which is an interior disposition not a physical act . The Catechism distinguishes between covetousness of the flesh ( improper sexual desire ) and covetousness for another 's worldly goods . The ninth commandment deals with the former and the tenth the latter . \n Jesus emphasized the need for pure thoughts as well as actions , and stated , \" Everyone who looks at a woman lustfully has already committed adultery with her in his heart \" ( Matthew 5 : 28 ) . The Catechism states that , with the help of God 's grace , men and women are required to overcome lust and bodily desires \" for sinful relationships with another person 's spouse . \" In Theology of the Body , a series of lectures given by Pope John Paul II , Jesus ' statement in Matthew 5 : 28 is interpreted that one can commit adultery in the heart not only with another 's spouse , but also with his / her own spouse if one looks at him / her lustfully or treats him / her \" only as an object to satisfy instinct \" . \n Purity of heart is suggested as the necessary quality needed to accomplish this task ; common Catholic prayers and hymns include a request for this virtue . The Church identifies gifts of God that help a person maintain purity : \n Chastity , which enables people to love others with upright and undivided hearts . \n Purity of intention , which seeks to fulfill God 's will in everything , knowing that it alone will lead to the true end of man . \n Purity of vision , \" external and internal \" , disciplining the thoughts and imagination to reject those that are impure . \n Prayer that recognizes the power of God to grant a person the ability to overcome sexual desires . \n Modesty , of the feelings as well as the body is discreet in choice of words and clothing . \n Jesus stated , \" Blessed are the clean of heart , for they shall see God . \" This purity of heart , which the ninth commandment introduces , is the \" precondition of the vision of God \" and allows the person to see situations and people as God sees . The Catechism teaches that \" there is a connection between purity of heart , of body and of faith . \" \n"} +{"id": 755, "text": " Detachment from riches is the goal of the tenth commandment and the first ( \" blessed are the poor in spirit \" ) because , according to the Catechism , this precept is necessary for entrance into the Kingdom of heaven . is prohibited by the tenth commandment because it is considered to be the first step toward commission of theft , robbery and fraud ; these lead to violence and injustice . The Church defines covetousness as a \" disordered desire \" that can take different forms : \n Greed is the desire for too much of what one does not need . \n Envy is the desire for what belongs to another . The US Bishops define it as \" an attitude that fills us with sadness at the sight of another 's prosperity . \" \n Explaining Church teaching of this commandment , Kreeft cites Saint Thomas Aquinas , who wrote , \" An evil desire can only be overcome by a stronger good desire . \" The US Bishops suggest that this can be achieved through cultivation of goodwill , humility and gratitude for one 's own and others ' blessings , while trusting in God 's grace . Kreeft explains that Saint Paul the Apostle illustrated the concept in his letter to the Philippians when he listed his worldly credentials as a respected Jew and stated , \" I count everything as loss because of the surpassing worth of knowing Christ Jesus my Lord . \" As Jesus stated , \" What shall it profit a man if he shall gain the whole world , and lose his own soul ? \" Church teaching on the tenth commandment is directed toward this same attitude toward worldly goods , termed \" poverty of spirit \" . \n"} +{"id": 756, "text": " The Yamaha NS @-@ 10 is a loudspeaker that became a standard nearfield studio monitor in the music industry among rock and pop recording engineers . Launched in 1978 , the NS @-@ 10 started life as a bookshelf speaker destined for the domestic environment . It was poorly received but eventually became a valuable tool with which to mix rock recordings . The speaker has a characteristic white @-@ coloured mid – bass drive unit . \n Technically , it is known as a speaker that easily reveals poor quality in recordings . Recording engineers sought to dull its treble response by hanging tissue paper in front of it , resulting in what became known as the \" tissue paper effect \" , a type of comb filtering . The NS @-@ 10 has been used to monitor a large number of successful recordings by numerous artists , leading Gizmodo to refer to it as \" the most important loudspeaker you never heard of \" . Yamaha discontinued the product in 2001 . \n"} +{"id": 757, "text": " Originally conceived as a domestic hi @-@ fi speaker , the NS @-@ 10 was designed by Akira Nakamura and launched in 1978 . It was sold at the $ 400 price point . The speaker was poorly received and its commercial life was short . However , it took five years for its popularity to be established with professional users . As recording engineers came to rely on the NS @-@ 10 as a benchmark , it dominated the mixing of pop and rock music throughout the world for at least 20 years . \n The NS @-@ 10 displaced the 5C Sound Cube as the nearfield monitor of choice in the 1980s and was recognised for its ability to reveal shortcomings in recordings . It probably first reached American shores through a recording engineer 's visit to Japan . The engineer , likely to have been Greg Ladanyi , monitored a recording session through the speaker in a Japanese studio and brought a pair back on his return to the US . Ladanyi then began using the speakers in a Los Angeles studio . Other engineers heard the NS @-@ 10 for the first time and were impressed by its sound . Its use spread to New York where the NS @-@ 10 was adopted at The Power Station and other studios . \n Early use of the NS @-@ 10 among engineers include Bob Clearmountain , Rhett Davies , and Bill in the US , and Nigel Jopson in the UK . Clearmountain , then a rising star in record production , is often credited for the popularity of the NS @-@ 10 ; Phil Ward , writing in Sound on Sound , suggested that Clearmountain was probably not the earliest , but was certainly the most influential early adopter . It became a legend that Clearmountain had chosen it because it was the worst speaker he could find . He was one of a new breed of creative freelance recording engineers and producers who would travel from studio to studio equipped with their own gear that included microphones , and a pair of Yamaha NS @-@ 10 , as a reference . \n Recording studios around the world , particularly those specialising in rock and pop music , adopted the speaker as the standard . In excess of 200 @,@ 000 pairs were sold throughout the world . Gizmodo referred to it as \" the most important loudspeaker you never heard of \" . \n Yamaha stopped manufacturing the speaker in 2001 , citing problems sourcing the wood pulp for the drivers . Even years after it was discontinued , the speaker continued to be found in studios everywhere . Mix reported in 2008 that variants of the NS @-@ 10 were still commercially available in the Japanese consumer market . \n"} +{"id": 758, "text": " The NS @-@ 10 is an 8 @-@ ohm two @-@ way loudspeaker with a 10 @.@ 4 @-@ litre Sealed cabinet measuring 382 × 215 × 199 millimetres ( 15 @.@ 0 × 8 @.@ 5 × 7 @.@ 8 in ) and weighing 6 kilograms ( 13 @.@ 2 lb ) . Its 2 @.@ 5 cm ( 0 @.@ 98 in ) particle @-@ board cabinet has a wood veneer skin with seven black finishing layers . The domestic version of the speaker was vertically orientated , and came factory fitted with a grille . \n Its two drivers are a 180 mm paper woofer and a 35 mm soft @-@ domed tweeter . The woofer 's diaphragm , weighing 3 @.@ 7 g , is manufactured from a flat sheet of pressed pulp paper . , it is formed into conical shape not through moulding or pressure , but by curling and then gluing the two ends together . Against the black finish of the cabinet , the white bass / mid driver cone is a distinctive and iconic feature of the product . \n The network is second @-@ order passive , crossing over at 2 kHz . The frequency range is quoted from 60 Hz to 20 kHz , and rated power handling is 25 – 50 W. The early version of the speaker has press @-@ down type output terminals ; later models had screw terminals . \n"} +{"id": 759, "text": " In simplistic terms , the NS @-@ 10 possesses sonic characteristics that allow record producers to assume that if a recording sounds good on these monitors , then it should sound good on most playback systems . Whilst it can reveal any shortcomings in the recording mix as well as the monitoring chain , it may lead to listener fatigue with prolonged use in the domestic setting . \n The NS @-@ 10 does not have a perfectly flat frequency response . The sound of the NS @-@ 10 is slightly heavy in the midrange , and like other sealed @-@ box speakers of similar size its bass extension is limited . It has a + 5 dB boost in the midrange at around 2 kHz , and the bottom end starts rolling off at 200 Hz . The midrange response is so open that it exposes the frequencies that are the most problematic and worst @-@ sounding to the human ear . \n On a practical level for the music professional , the speaker is analytic and clinical @-@ sounding . Gizmodo likened the NS @-@ 10 to music editors who reveal the weaknesses of recordings , so that engineers would be forced to either make necessary compensation in the mix or otherwise rework them . \n A 2001 report by Newell et al. at Southampton University undertaken for Studio Sound in 2001 found that the NS @-@ 10 had excellent time @-@ domain response at low frequencies – its ability to start and stop in response to signal input was found to be superior to that of most other nearfield monitors . Part of this was related to its closed @-@ box design . The researchers held that the extremely fast decay time of the speaker in the low frequencies ensures that the bass instruments ( guitar and drums ) are correctly balanced in the mix . \n"} +{"id": 760, "text": " There were many other versions of the NS @-@ 10 , the best known of which were the \" NS @-@ 10M Studio \" and the \" NS @-@ 10M Pro \" , both introduced in 1987 . Technically identical to the \" Studio \" , the \" Pro \" comes fitted with a speaker grille and is meant to be used in a vertical orientation . \n The \" professional \" version launched some nine years after its first introduction on the back of the popularity of the NS @-@ 10 among engineers . The revised version , with everything including the logo and connection panel orientated horizontally , was badged \" NS @-@ 10M Studio \" . Improvements included a new tweeter and crossover to address the problem in the treble , better connection terminals , and a sturdier cabinet that no longer accommodates grilles . The Studio reincarnation also has improved power handling – 60 – 120 W. In excess of 200 @,@ 000 pairs of \" Studio \" alone were sold throughout the world . \n Also in the product line @-@ up were NS @-@ , NS @-@ 10M X , NS @-@ , NS @-@ . The NS @-@ 10M X is a \" Studio \" with magnetic shielding and a different tweeter . In the 1990s Yamaha introduced the NS @-@ , a bass @-@ reflex version of the 10M X with a different tweeter and grille . Designed for home cinema , it has bass response down to 43 Hz , nominal impedance of 6 ohm and maximum power handling rated at 180 W. A miniature version named Natural Sound Surround Speaker was launched in 1997 or 1998 . \n"} +{"id": 761, "text": " The sound quality of the NS @-@ 10 has polarised opinions , characterised as \" love them or hate them \" . Many professionals find it indispensable , even though they may not particularly enjoy listening to it ; others refuse to give it space in their studio but will happily admit that it is an effective professional tool . The reliance on the NS @-@ 10 by top independent producers became a viral phenomenon ; thousands of studios equipped themselves with NS @-@ 10s to attract big named producers , making the speakers an industry standard . \n"} +{"id": 762, "text": " Clearmountain was said to have been one of the first recording engineers to hang tissue paper over the tweeters of the NS @-@ 10 to tame the over @-@ bright treble . Covering the tweeters with tissue paper was said to produce treble @-@ deficient mixes when replayed on normal domestic hi @-@ fi . The phenomenon became the subject of hot debate . Recording engineer Bob investigated the alleged sonic effects of tissue paper . He found inconsistent results with different paper , but said that tissue paper generally demonstrated an undesirable effect known as comb filtering , where the high frequencies are reflected back into the tweeter instead of being absorbed . derided the tissue practice as \" aberrant behaviour \" , saying that engineers usually fear comb filtering and its associated cancellation effects . He also suggested that more controllable and less random electronic filtering would be preferable . Newell et al. noted that had the speakers ' grilles been used in studios , where they are routinely removed , they would have had the same effect on the treble output as the improvised tissue paper filter . \n"} +{"id": 763, "text": " The speaker came to be relied on by independent engineers , who worked in different studios and needed equipment they were familiar with as a reference point . Throughout the 1980s , engineers and producers worked widely with the speaker to monitor \" [ almost ] any album you love from the 80s or 90s \" – from Born in the U.S.A. ( Bruce Springsteen ) , Avalon ( Roxy Music ) Let 's Dance ( David Bowie ) , to Big Bam Boom ( Hall and Oates ) . \n The NS @-@ 10 , and the before it , are two of the most influential nearfield monitors used in the professional mixing of sound recordings . In 2008 , the NS @-@ 10 was inducted into the Mix magazine Hall of Fame . Also reflecting its influence , the speaker won a Technical Grammy for Yamaha in 2007 . In 2008 , the speaker was found \" in almost every studio \" . \n"} +{"id": 764, "text": " State Route 61 ( SR @-@ 61 ) is a nearly 7 @.@ 3 @-@ mile @-@ long ( 11 @.@ 7 km ) state highway in the U.S. state of Utah , connecting SR @-@ 23 in Cornish , Cache County to U.S. Route 91 ( US @-@ 91 ) near Richmond via Lewiston , in the extreme northern part of the state . The highway has existed since at least 1914 , as SR @-@ 61 since at least 1937 , and between 735 and 2 @,@ 180 vehicles travel along the highway on an average day in 2012 . \n"} +{"id": 765, "text": " At the intersection of SR @-@ 23 ( 4800 West ) and 13400 North in the center of Cornish , SR @-@ 61 departs east on 13400 North due east , crossing over a single track belonging to the Union Pacific Railroad ( UP ) . Exiting Cornish , the highway crosses the Bear River and continues east through rural Cache County . Just shy of the western city limits of Lewiston , the highway intersects SR @-@ 200 ( 800 West ) , a connector road to Preston , Idaho . From the western terminus to SR @-@ 200 , the shoulder is up to four feet ( 1 @.@ 2 m ) wide , suitable for bicycling , however the remainder of the route has much narrower shoulders , between less than or equal to one and nine @-@ tenths feet ( 0 @.@ 58 m ) wide . \n The highway 's name changes from 13400 South to Center Street through Lewiston . Passing the Lewiston Cemetery , SR @-@ 61 crosses over the Cub River and a second single track belonging to UP , and then a third UP single track just before the highway 's eastern terminus at US @-@ 91 north of Richmond . All of the rail lines that SR @-@ 61 crosses originally belonged to the Oregon Short Line Railway . Aside from the segment through Lewiston , the highway is surrounded by farmland for its entire journey across northern Utah . \n Every year , UDOT conducts a series of surveys on its highways in the state to measure traffic volume . This is expressed in terms of average annual daily traffic ( AADT ) , a measure of traffic volume for any average day of the year . In 2012 , UDOT calculated that as few as 735 vehicles used the highway on an average day at its western terminus in Cornish , and as many as 2 @,@ 180 vehicles used the highway at its junction with SR @-@ 200 . Thirty @-@ five percent of this was truck traffic . \n"} +{"id": 766, "text": " A roadway linking Cornish to the east has existed since at least 1914 . The roadway that serves as the eastern terminus was numbered SR @-@ 1 by 1927 , and the highway officially was designated SR @-@ 61 since at least 1937 . The 53 @-@ foot @-@ long ( 16 @.@ 2 m ) bridge that carries SR @-@ 61 over the Cub River today was constructed in 1952 , while the 182 @-@ foot @-@ long ( 55 @.@ 5 m ) bridge over the Bear River was built in 1961 . The original river crossings were slightly further south than their current locations . \n"} +{"id": 767, "text": " The entire route is in Cache County . \n"} +{"id": 768, "text": " A hemmema ( from Finnish \" Hämeenmaa \" , Tavastia ) was a type of warship built for the Swedish archipelago fleet and the Russian Baltic navy in the late 18th and early 19th centuries . The hemmema was initially developed for use against the Russian Navy in the Archipelago Sea and along the coasts of Svealand and Finland . It was designed by the prolific and innovative Swedish naval architect Fredrik Henrik af Chapman ( 1721 – 1808 ) in collaboration with Augustin Ehrensvärd ( 1710 – 1772 ) , an artillery officer and later commander of the Swedish archipelago fleet . The hemmema was a specialized vessel for use in the shallow waters and narrow passages that surround the thousands of islands and islets extending from the Swedish capital of Stockholm into the Gulf of Finland . \n The hemmema replaced the galleys that had made up the core of the Swedish archipelago fleets until the mid @-@ 18th century . Compared to galleys , the hemmema had a deeper draft and was slower under oars , but offered superior accommodation for the crew , carried more stores , was more seaworthy and had roughly ten times as many heavy guns . It could be propelled by either sails or oars but was still smaller and more maneuverable than most sailing warships , which made it suitable for operations in confined waters . \n Between 1764 and 1809 , Sweden built six hemmemas . The hemmema became the largest and most heavily armed vessel in the archipelago fleet and served in the Russo @-@ Swedish War of 1788 – 90 . Oden , the first hemmema , was relatively small and very similar to a turuma , a different type of \" archipelago frigate \" . Russia built six hemmemas based on the Swedish design between 1808 and 1823 after capturing three of the Swedish vessels at the surrender of Sveaborg in 1808 . The later versions , both Swedish and Russian , were much larger and much more heavily armed than Oden . \n"} +{"id": 769, "text": " Russian Tsar Peter the Great had established a new capital and powerful naval base in Saint Petersburg in 1703 . Russian naval power in the Baltic grew to challenge the interests of Sweden , the other leading power in the Baltic . Swedish holdings at that time included territory in Northern Germany , all of modern Finland and most of the Baltic states , a dominion depending on , and connected by , the Baltic Sea trade routes . During the Great Northern War ( 1700 – 1721 ) , Sweden lost all its territories in the Baltic states and suffered Russian raids in Finland and along the chain of islands and archipelagos stretching from the Gulf of Finland to Stockholm . The Swedes began to deploy inshore flotillas of shallow @-@ draft vessels , beginning with smaller versions of the traditional Mediterranean galleys . Most of these new vessels were more akin to galiots and were complemented with gun prams . The disastrous war with Russia ( 1741 – 43 ) and the minor involvement against Prussia in the Seven Years ' War ( 1757 – 62 ) showed the need for further expansion and development of the inshore flotillas with more specialized vessels . \n Galleys were effective as troop transports for amphibious operations , but were severely under @-@ gunned , especially in relation to their large crews ; a galley with a 250 @-@ man crew , most of whom were rowers , would typically carry only one 24 @-@ pounder cannon and two 6 @-@ pounders , all in the bow . The galleys also lacked decks and adequate shelter for the rower @-@ soldiers , many of whom succumbed to illness as a result of exposure during the war of 1741 – 43 . \n"} +{"id": 770, "text": " After the Russian victory against Sweden in 1743 , the Swedes established a commission to identify weaknesses in the eastern defenses . In 1747 , the commission concluded that the fortifications in southeastern Finland needed to be improved and expanded , and that Sweden needed to build a strong coastal navy . Augustin Ehrensvärd ( 1710 – 72 ) , an artillery officer , was the driving force behind these changes . The committee based many of its conclusions and decisions on his ideas . In 1756 , Sweden established the archipelago fleet with the official name arméns flotta ( \" fleet of the army \" ) under the command of the army department , Krigskollegium , with Ehrensvärd as supreme commander . For two decades , the struggle for power between the Hats and the Caps , the dominant political factions at the time , and rivalries between army and navy brought about changes to the archipelago fleet . The parliamentary victory of the Hats in the Riksdag in 1769 – 70 and the coup d by King Gustav III in 1772 secured the archipelago fleet 's status as an independent branch of the army . Starting in 1770 , the archipelago fleet merged with the Finnish Squadron ( Finska eskadern ) based at Sveaborg . In 1777 , it incorporated the Swedish Squadron ( Svenska eskadern ) , the galley fleet based at Stockholm . The Swedish armed forces invested considerable resources in the new army branch and made it a professional , independent organization . The archipelago fleet attracted members of the social and cultural elite who enjoyed the protection and patronage of King Gustav III , who had established himself as an absolute monarch in the 1772 coup . \n After the poor performance of galleys in Russo – Swedish war of 1741 – 43 and the Pomeranian War ( 1757 – 62 ) , development of replacements became prioritized . During the Pomeranian War , trials had been made with \" gun prams \" ( skottpråmar ) , heavily armed , oar @-@ driven , flat @-@ bottomed barges with a shallow draft that carried guns in broadside arrangements . The prams carried more guns than the galleys , but proved far too slow to be effective . Augustin Ehrensvärd argued for new archipelago vessels that combined firepower , maneuverability , seaworthiness , and decent crew accommodations . He began a successful collaboration with shipwright Fredrik Henrik Chapman ( ennobled \" af Chapman \" in 1772 ) , and together they developed five new vessels : a gunboat with a 12 @-@ pounder gun and a schooner rigging , as well as four types of \" archipelago frigates \" ( skärgårdsfregatter ) : the smaller udema and pojama , and the larger turuma and hemmema . All four types have been called skärgårdsfregatter ( archipelago frigates ) in Swedish and English historical literature , though some authors have called the udema and pojama \" archipelago corvettes \" . Chapman specifically designed the archipelago frigates for service off the south coast of Finland and named them after the Finnish provinces of Uusimaa , Pohjanmaa ( Österbotten ) , Turunmaa ( Åboland ) , and Hämeenmaa ( Tavastia ) . \n"} +{"id": 771, "text": " The concept of small sailing frigates with a complementary set of oars ( or \" sweeps \" ) was not new . The English Tudor navy had used small \" galleasses \" in the mid @-@ 16th century . In the 1660s its successor , the Royal Navy , equipped the equivalent of sixth @-@ rates with oar ports on or below the gundeck . During the 18th century the Russian Navy introduced \" shebecks \" , Baltic variants on the Mediterranean xebecs , for inshore duties . The xebecs were good , could be rowed if necessary and had more guns and greater stores than galleys ; they were also less expensive to maintain . The Russian designs influenced Chapman and the Swedish naval commanders . Consequently , Chapman 's designs for new ships were elaborations on those principles , but with adaptations to archipelago warfare . \n Chapman 's archipelago frigates provided better protection for their crew than the galleys they replaced , and up to three times the capacity for stores and provisions . They could operate in the narrow , shallow waters around skerries in all weathers and in open water in all but the worst storms . They had a deeper draft than galleys , but considerably shallower draft than traditional sailing warships . The new ship types also increased the archipelago fleet 's firepower , provided it with better defensive capabilities , and made possible more efficient fire support in amphibious operations . \n"} +{"id": 772, "text": " Of the new designs , turumas and hemmemas best fit the description of \" archipelago frigate \" because of their similarities to small ocean @-@ going frigates . The first hemmema , the Oden , was completed in 1764 . It was c . 33 m ( 108 @.@ 2 ft ) long and 8 @.@ 2 m ( 26 @.@ 8 ft ) wide with a draft of 2 @.@ 8 m ( 9 @.@ 25 ft ) . It had a low hull with no forecastle , only a low quarterdeck , and no poop deck . It had three masts that were initially rigged with lateen sails , like a galley . The navy later replaced the lateen rigs with a more conventional square @-@ sail frigate rig . The early design provided for 14 pairs of oars with four men per oar . The rowers plied their oars from the gun deck through oar ports positioned between the gunports , close to the waterline , which gave the rowers better leverage . The oars were also placed on a rectangular outrigger , designed to further improve the leverage . Even so , hemmemas performed poorly when rowed and were difficult in contrary winds . They were slower than ordinary sailing ships , but sailed better than galleys . \n During the Russian war of 1788 – 1790 , Sweden built three hemmemas of a new design . They were considerably larger , 44 @.@ 5 by 11 m ( 146 by 36 ft ) , and the number of oars were increased to 20 pairs . They also had some of the heaviest broadsides , even when compared with the much larger frigates of the high seas navy . The artillery officer Carl Fredrik had cooperated with Chapman to increase the main armament to twenty @-@ two 36 @-@ pounders and two 12 @-@ pounders , which increased the draft by about 30 cm ( 1 ft ) . The addition of diagonal bracers to reinforce the hull allowed the later hemmemas to carry guns more powerful even than those on the largest sailing frigates of the high seas navy . Due to their considerable firepower and relative size , naval historian Jan Glete has described the hemmemas as \" super archipelago frigates \" . \n The hemmema 's design was very similar to that of the turuma . The primary difference was that the turuma 's oarsmen sat on the weather deck above the guns , whereas the hemmema 's oarsmen sat on the gundeck . The later hemmemas were considerably larger , more heavily armed , and of a more robust construction . Glete has described them as variations on the same type , especially when considering the pre @-@ war designs . \n"} +{"id": 773, "text": " Hemmemas served in the Finnish squadrons during the war of 1788 – 1790 . They supported amphibious operations and conducted raids on the Russian archipelago fleet , while at the same time acting as sea @-@ borne flank support for the Swedish army on the Finnish mainland . Hemmemas fought in the first and second battles of Svensksund . During the first battle in 1789 , one hemmema complemented the similar turumas , and in the second battle in July 1790 , two hemmemas made up the defensive center and provided a considerable percentage of the firepower . \n The Swedes were building three additional hemmemas at the shipyards within the fortress of Sveaborg when it was surrendered to the Russians in 1808 , and all three were incorporated in the Russian Navy . Shortly afterward , the Russian Navy built its own 32 @-@ gun versions , with the final vessel launched as late as 1823 . Two more were built in Sweden in 1809 , Birger Jarl and Erik Segersäll . Birger Jarl sank in an accident in 1813 and Erik Segersäll was planned for conversion as a paddlewheel steam battery for coastal defense , though the idea was eventually abandoned and the ship scrapped in 1826 . \n Like the other specialized archipelago vessels , the hemmema had specific strengths and weaknesses . Although it had superior firepower relative to galleys , its sailing qualities were somewhat mediocre and while highly manoeuvrable under oars , it was still difficult to propel while rowed . A hemmema had the potential to be an effective weapon against galleys , matching their forward firepower and severely outgunning them with its broadside armament . Inside an enemy galley formation , it could wreak considerable havoc , but such a maneuver was never achieved in an actual battle , leaving that tactical role untested . \n"} +{"id": 774, "text": " A total of twelve hemmemas were built , six of them for the Swedish archipelago fleet and six for the Russian Navy . Details of individual vessels are listed below . The Swedish hemmemas were all built to the same specifications , except for the early design Oden , and Birger Jarl and Erik Segersäll carried heavier armament than the others . and Sozaev list Oden as a turuma rebuilt as a hemmema in 1784 , though Oscar and Lars @-@ Otto Berg do not . The Russian vessels were built between 1808 and 1823 and have been described by and Sozaev as @-@ class \" rowing frigates \" . \n Under the Finnish form \" Hämeenmaa \" , the name of the ship type was later carried on to several vessels of the 20th century Finnish Navy . \n"} +{"id": 775, "text": " Edward Creutz ( January 23 , 1913 – June 27 , 2009 ) was an American physicist who worked on the Manhattan Project at the Metallurgical Laboratory and the Los Alamos Laboratory during World War II . After the war he became a professor of physics at the Carnegie Institute of Technology . He was Vice President of Research at General Atomics from 1955 to 1970 . He published over 65 papers on botany , physics , mathematics , metallurgy and science policy , and held 18 patents relating to nuclear energy . \n A graduate of the University of Wisconsin – Madison , Creutz helped Princeton University build its first cyclotron . During World War II he worked on nuclear reactor design under Eugene Wigner at the Metallurgical Laboratory , designing the cooling system for the first water @-@ cooled reactors . He led a group that studied the metallurgy of uranium and other elements used in reactor designs . In October 1944 , he moved to the Los Alamos Laboratory , where he became a group leader . \n After the war ended , Creutz accepted an offer to come to the Carnegie Institute of Technology , where he became the head of its Physics Department and its Nuclear Research Center in 1948 . In 1955 he returned to Los Alamos to evaluate its thermonuclear fusion program for the Atomic Energy Commission . While there he accepted an offer to become Vice President for Research and Development and the Director of its John Jay Hopkins Laboratory for Pure and Applied Science at General Atomics . Under his leadership , General Atomics developed TRIGA , a nuclear reactor for universities and laboratories . \n Creutz served as an assistant director of the National Science Foundation from 1970 to 1977 , and then as Director of the Bernice Pauahi Bishop Museum in Honolulu , where he took particular interest in the museum 's preparation of a Manual of the Flowering Plants of Hawaii ' . \n"} +{"id": 776, "text": " Edward Chester Creutz was born on January 23 , 1913 , in Beaver Dam , Wisconsin , the son of Lester Creutz , a high school history teacher , and Grace Smith Creutz , a general science teacher . He had two older brothers , John and Jim , and a younger sister , Edith . The family moved to Eau Claire , Wisconsin , in 1916 , Monroe , Wisconsin , in 1920 , and to Janesville , Wisconsin , in 1927 . He played a number of musical instruments , including the mandolin , ukulele and trombone . He played in the school bands at Janesville High School and Monroe High School . At Janesville he played tenor banjo in a dance orchestra called Rosie 's , and timpani with the school orchestra at Monroe . He also played left guard on the American football teams at Janesville and Monroe . He expressed an interest in chemistry , biology , geology and photography . \n After graduating from Janesville High School in 1929 , he took a job as a bookkeeper at a local bank . In 1932 , his brother John , who had graduated from the University of Wisconsin – Madison with a degree in electrical engineering , persuaded him to go to college as well . John suggested that \" if you aren ’ t sure what part of science you want , take physics , because that 's basic to all of them . \" Creutz later recalled that this was the best advice he ever got . He entered the University of Wisconsin and studied mathematics and physics . Money was scarce during the Great Depression , especially after his father died in 1935 . To pay his bills , Creutz worked as a dishwasher and short order cook , and took a job taking care of the physics laboratory equipment . In 1936 , his senior year , he taught physics laboratory classes . \n Creutz encountered several members of the faculty at the University of Wisconsin , including Julian Mack , Ragnar Rollefson , Raymond Herb , Eugene Wigner and Gregory Breit . Mack gave Creutz a research project to do in his junior year . Creutz remained at Wisconsin as a graduate student after receiving his Bachelor of Science ( B.S. ) degree in 1936 , working for Herb upgrading the departmental Van de Graaff generator from 300 to 600 keV . With this done , the question became what to do with it , and Breit suggested that it had previously been observed that high @-@ energy gamma rays were produced when lithium was bombarded with protons at 440 keV . Creutz therefore wrote his 1939 Doctor of Philosophy ( Ph.D. ) thesis on Resonance Scattering of Protons by Lithium , under Breit 's supervision . Creutz married Lela Rollefson , a mathematics student at Wisconsin , and the sister of Ragnar Rollefson , on September 13 , 1937 . The couple had three children , two sons , Michael and Carl , and a daughter , Ann Jo . \n Wigner moved to Princeton University in 1938 , and soon after Creutz received an offer as well . Princeton had been given a 36 @-@ inch ( 910 mm ) magnet by the University of California , which had been used to build an 8 MeV cyclotron . They wanted Creutz to help get it operational . He later recalled : \n On my third day in Princeton I was invited to give a short report on my thesis work . There were usually two or three speakers at these \" Journal Club \" meetings . This time the speakers were Niels Bohr , Albert Einstein , and Ed Creutz . To be on the same program with these two giants of scientific accomplishments was breathtaking . Just before the meeting began , my sponsor , , asked me , \" Say , Creutz , have you met Einstein yet ? \" I had not . took me over to where Einstein was sitting in sweatshirt and tennis shoes , and said , \" Professor Einstein , this is Creutz who has come to work on our cyclotron . \" The great man held out his hand , which seemed as big as a dinner plate , and said in an accented voice , \" I ’ m glad to meet you , Dr. Creutz . \" I managed to wheeze out , \" I ’ m glad to meet you , too , Dr. Einstein . \" \n But it was Bohr who electrified the audience with his news from Europe of the discovery by Lise Meitner and Otto Frisch of nuclear fission . Physicists rushed to confirm the results . Creutz built an ionization chamber and a linear amplifier out of radio vacuum tubes , coffee cans and motorcycle batteries , and with this apparatus the physicists at Princeton were able to confirm the results . \n"} +{"id": 777, "text": " In the early years of World War II between 1939 and 1941 , Wigner led the Princeton group in a series of experiments involving uranium and two tons of graphite as a neutron moderator . In early 1942 , Arthur Compton concentrated the Manhattan Project 's various teams working on plutonium and nuclear reactor design , including Wigner 's team from Princeton , at the Metallurgical Laboratory at the University of Chicago . The name was a codename ; Creutz was the first to conduct actual metallurgy research , and he hired its first metallurgist to work with him . \n Wigner led the Theoretical Group that included Creutz , Leo Ohlinger , Alvin M. Weinberg , Katharine Way and Gale Young . The group 's task was to design the reactors that would convert uranium into plutonium . At the time , reactors existed only on paper , and no reactor had yet gone critical . In July 1942 , Wigner chose a conservative 100 MW design , with a graphite neutron moderator and water cooling . The choice of water as a coolant was controversial at the time because water was known to absorb neutrons , thereby reducing the efficiency of the reactor ; but Wigner was confident that his group 's calculations were correct and that water would work , while the technical difficulties involved in using helium or liquid metal as a coolant would delay the project . Working seven days a week , the group designed the reactors between September 1942 and January 1943 . Creutz studied the corrosion of metals in a water @-@ cooled system , and designed the cooling system . In 1959 a patent for the reactor design would be issued in the name of Creutz , Ohlinger , Weinberg , Wigner , and Young . \n As a group leader at the Metallurgical Laboratory , Creutz conducted studies of uranium and how it could be extruded into rods . His group looked into the process of corrosion in metals in contact with fast @-@ flowing liquids , the processes for fabricating aluminium and jacketing uranium with it . It also investigated the forging of beryllium , and the preparation of thorium . Frederick Seitz and Alvin Weinberg later reckoned that the activities of Creutz and his group may have reduced the time taken to produce plutonium by up to two years . \n The discovery of spontaneous fission in reactor @-@ bred plutonium due to contamination by plutonium @-@ 240 led Wigner to propose switching to breeding uranium @-@ 233 from thorium , but the challenge was met by the Los Alamos Laboratory developing an implosion @-@ type nuclear weapon design . In October 1944 , Creutz moved to Los Alamos , where he became a group leader responsible for explosive lens design verification and preliminary testing . Difficulties encountered in testing the lenses led to the construction of a special test area in Pajarito Canyon , and Creutz became responsible for testing there . As part of the preparation for the Trinity nuclear test , Creutz conducted a test detonation at Pajarito Canyon without nuclear material . This test brought bad news ; it seemed to indicate that the Trinity test would fail . Hans Bethe worked through the night to assess the results , and was able to report that the results were consistent with a perfect explosion . \n"} +{"id": 778, "text": " After the war ended in 1945 , Creutz accepted an offer from Seitz to come to the Carnegie Institute of Technology as an associate professor , and help create a nuclear physics group there . Creutz in turn recruited a number of young physicists who had worked with him at Princeton and on the Manhattan Project in Chicago and Los Alamos , including Martyn Foss , Jack Fox , Roger Sutton and Sergio . Together , with funding from the Office of Naval Research they built a 450 MeV synchrotron at the Nuclear Research Center near , Pennsylvania . For a time , This put them at the forefront of research into nuclear physics , allowing physicists there to study the recently discovered pi meson and mu meson . A visiting scholar , Gilberto Bernardini , created the first photographic emulsion of a meson . \n Creutz became a professor , the head of the Physics Department , and the head of Nuclear Research Center at the Carnegie Institute of Technology in 1948 . He was also a member of the Executive Board at the Argonne National Laboratory from 1946 to 1958 , and a consultant at the Oak Ridge National Laboratory from 1946 to 1958 . In addition to his work on nuclear physics , he cultivated flowers and orchids at his home . He published eight papers on floral species , and named three varieties of violets after his children . One 1966 paper , published in the New York Botanical Garden Journal was on , a rare flower found only on the island of Raiatea in French Polynesia . He travelled to Polynesia many times , and translated Grammar of the Tahitian language from French into English . His family served as hosts for a time to two young people from Tahiti and Samoa . \n In 1955 and 1956 , Creutz spent a year at Los Alamos evaluating its thermonuclear fusion program for the Atomic Energy Commission . While there he was approached by Frederic de Hoffmann , who recruited him to join the General Atomics division of General Dynamics . He moved to La Jolla , California , as its Vice President for Research and Development , and was concurrently the Director of its John Jay Hopkins Laboratory for Pure and Applied Science from 1955 to 1967 . He was also a member of the Advisory Panel on General Science at the Department of Defense from 1959 to 1963 . \n Under his leadership , General Atomics developed TRIGA , a small reactor for universities and laboratories . TRIGA used uranium zirconium hydride ( ) fuel , which has a large , prompt negative fuel temperature coefficient of reactivity . As the temperature of the core increases , the reactivity rapidly decreases . It is thus highly unlikely , though not completely impossible , for a nuclear meltdown to occur . Due to its safety and reliability , which allows it to be installed in densely populated areas , and its ability to still generate high energy for brief periods , which is particularly useful for research , it became the world 's most popular research reactor , and General Atomics sold 66 in 24 countries . The high @-@ temperature gas @-@ cooled reactor ( ) was less successful , and only two power reactors were built , both in the United States . A 40 MW demonstration unit at the Peach Bottom Nuclear Generating Station in Pennsylvania operated successfully , but a larger 300 MW unit at the Fort St. Vrain Generating Station in Colorado encountered technical problems . General Atomics also conducted research into thermonuclear energy , including means of magnetically confining plasma . Between 1962 and 1974 Creutz published six papers on the subject . \n In 1970 President Richard Nixon appointed Creutz as Assistant Director for Research of the National Science Foundation . He became Assistant Director for Mathematical and Sciences in 1975 , and was acting Deputy Director from 1976 to 1977 . The 1970s energy crisis raised the national profile of energy issues , and Creutz served on a panel that produced a study called The Nation 's Energy Future . His wife Lela died of cancer in 1972 . In 1974 he married Elisabeth Cordle , who worked for the National Science Board . The two of them enjoyed locating and photographing rare orchids . \n His appointment at the National Science Foundation ended in 1977 , and Creutz became director of the Bernice Pauahi Bishop Museum in Honolulu . He took particular interest in the museum 's work preparing a two @-@ volume Manual of the Flowering Plants of Hawaii , which was published in 1999 . He expanded programs for education and outreach , and secured funding for two new buildings . He retired in 1987 and returned to his home in Rancho Santa Fe , California , and died there on June 27 , 2009 . \n"} +{"id": 779, "text": " To Mars by A @-@ Bomb : The Secret History of Project Orion \n"} +{"id": 780, "text": " Leanne Del Toso ( born 12 August 1980 ) is a 3 @.@ 5 point wheelchair basketball player who represented Australia at the 2012 Summer Paralympics in London , where she won a silver medal . Diagnosed with chronic inflammatory demyelinating polyneuropathy at the age of nineteen , Del Toso started playing wheelchair basketball in 2006 . Playing in the local Victorian competition , she was named the league 's most valuable player in 2007 . That year started playing for the Knox Ford Raiders in the Women 's National Wheelchair Basketball League ( WNWBL ) . The following year , she was named the team 's Players ' Player and Most Valuable Player ( MVP ) . \n Del Toso has played for the Dandenong Rangers in the WNWBL since 2008 . In the semifinal between her Dandenong Rangers and the Goudkamp Gladiators in 2009 , she scored 31 points while pulling down 19 rebounds that saw the Rangers win 81 – 42 . The Dandenong Rangers won back to back titles in 2011 and 2012 . \n Del Toso made her debut with the Australia women 's national wheelchair basketball team , known as the Gliders , at the 2009 Osaka Cup in Japan . Since winning a silver medal in London , she has participated in the 2013 Osaka Cup in Japan , where the Gliders successfully defended the title they had won in 2008 , 2009 , 2010 and 2012 . \n"} +{"id": 781, "text": " Nicknamed Dori , Del Toso was born on 12 August 1980 . At the age of nineteen , she was diagnosed with chronic inflammatory demyelinating polyneuropathy ( ) , a heredity condition that involves damage to the nerves . Del Toso has two siblings ; her younger brother Daniel also developed the disease . Prior to her diagnosis , she played regular basketball . Del Toso has worked as a receptionist , and as a participation assistant for Basketball Victoria . As of 2013 , she lives in Watsonia , Victoria . \n"} +{"id": 782, "text": " Del Toso was a 4 point wheelchair basketball player . Due to the progress of her disease , she was reclassified as a 3 @.@ 5 point player in 2013 . As of 2012 , she has a scholarship with the Victorian Institute of Sport , and in financial year 2012 / 13 , she received a A $ 20 @,@ 000 grant from the Australian Sports Commission as part of its Direct Athlete Support ( DAS ) program . She received $ 17 @,@ 000 in 2011 / 12 and 2010 / 11 , $ 5 @,@ 571 @.@ 42 in 2009 / 10 and $ 5 @,@ 200 in 2008 / 09 . In 2012 , she trained in Dandenong , Kew , Box Hill and Knox . \n"} +{"id": 783, "text": " Del Toso started playing wheelchair basketball in 2006 . An Australian Paralympic Committee flyer on the wall at her local gym asking \" Are you the next Paralympian ? \" prompted Del Toso to respond . She was advised to take up wheelchair basketball . Playing in the local Victorian competition in 2007 , she was named the league 's most valuable player . That year , she made her debut in the Women 's National Wheelchair Basketball League ( WNWBL ) with the Knox Ford Raiders . At the end of the season , she was named the most improved player . She played for the Rangers ( now known as Victoria ) since 2008 . In the second round of the 2008 season , the Dandenong Rangers defeated the Western Stars 53 – 47 . She scored 20 points in her team 's victory . In the second round of the 2008 season , playing for the Dandenong Rangers in a 38 – 72 loss to the Hills Hornets , she scored 12 points . That season , she was named the team 's Players Player and Most Valuable Player ( MVP ) . \n In 2009 , Del Toso played in the WNWBL finals . In the semifinal between the Dandenong Rangers and the Goudkamp Gladiators , she scored 31 points while pulling down 19 rebounds that saw the Rangers win 81 – 42 . In 2010 , she was named the Dandenong Rangers 's Most Valuable Player . The Rangers won the WNWBL title in 2011 . In a round four game in 2012 , against Sydney Uni Flames that the Rangers won 55 – 44 , she scored 14 rebounds . The Rangers won the league championship again that year . \n"} +{"id": 784, "text": " In 2008 , Del Toso was named as a reserve for the Australia women 's national wheelchair basketball team , known as the Gliders , for the 2008 Summer Paralympics . She made her national team debut at the 2009 Osaka Cup the following year , when her team finished first . That year , she also participated in the Four Nations in Canada and the Japan Friendly Series , one of six players who played for the Dandenong Rangers in the WNWBL . She was selected to participate in a national team training camp in 2010 . In July 2010 , she played in a three @-@ game test series against Germany . She was member of the Australian team at the 2010 World Championships that finished fourth . She also played in the 2010 Osaka Cup where her team finished first . She played in four games in the 2012 Gliders World Challenge . \n Del Toso was selected to represent Australia at the 2012 Summer Paralympics in wheelchair basketball . The London Games were her first . In the group stage , the Australia women 's national wheelchair basketball team at the 2012 Summer Paralympics posted wins against Brazil , Great Britain , and the Netherlands , but lost to Canada . This was enough to advance the Gliders to the quarter @-@ finals , where they beat Mexico . The Gliders then defeated the United States by a point to set up a final clash with Germany . The Gliders lost 44 – 58 , and earned a silver medal . \n Since the games , Del Toso has participated in the 2013 Osaka Cup in Japan , where the Gliders successfully defended the title they had won in 2008 , 2009 , 2010 and 2012 . \n"} +{"id": 785, "text": " No. 79 Wing was a Royal Australian Air Force ( RAAF ) wing of World War II . It was formed in December 1943 at Batchelor , Northern Territory , as part of North @-@ Western Area Command . Led by Group Captain Charles Eaton , the wing comprised four squadrons on its establishment , flying Beaufort and B @-@ 25 Mitchell bombers and Beaufighter heavy fighters . No. 79 Wing took part in the New Guinea and North @-@ Western Area Campaigns during 1944 – 45 , eventually transferring to Balikpapan in the Dutch East Indies as the Allies advanced northward . By the end of the Pacific War , the wing was attached to the Australian First Tactical Air Force and was made up of Nos. 2 and 18 ( Netherlands East Indies ) Squadrons , both flying Mitchells . The latter transferred to the Netherlands Air Force in late 1945 , while the former returned to Australia where it disbanded the following year . No. 79 Headquarters itself disbanded in October 1945 , soon after the end of hostilities . \n"} +{"id": 786, "text": " No. 79 Wing was established at Batchelor , Northern Territory , on 30 November 1943 . Its combat units consisted of Nos. 1 and 2 Squadrons ( flying Beaufort light reconnaissance bombers ) , No. 31 Squadron ( Beaufighter long @-@ range fighters ) , and No. 18 ( Netherlands East Indies ) Squadron ( B @-@ 25 Mitchell medium bombers ) . The wing was commanded by Group Captain Charles Eaton , whose Dutch personnel called him \" Oom Charles \" ( Uncle Charles ) . Operating under the auspices of North @-@ Western Area Command ( NWA ) , Darwin , No. 79 Wing participated in the New Guinea and North @-@ Western Area Campaigns during 1944 . \n Through March – April 1944 , the Beaufighters attacked Japanese shipping , while the Mitchells and Beauforts bombed Timor on a daily basis as a prelude to Operations Reckless and Persecution , the invasions of Hollandia and Aitape . Eaton organised a large raid against Su , Dutch Timor , on 19 April . Consisting of thirty @-@ five Mitchells , Beauforts and Beaufighters , the force destroyed the town 's barracks and fuel dumps , a result that earned the personal congratulations of the Air Officer Commanding NWA , Air Vice Marshal \" King \" Cole . On the day of the Allied landings , 22 April , the Mitchells and Beaufighters made a daylight raid on Dili , Portuguese Timor . The ground assault on Hollandia – Aitape met little opposition , credited in part to the air bombardment leading up to it . \n In May 1944 , Nos. 1 , 18 and 31 Squadrons attacked Japanese positions in Timor , while No. 2 Squadron was withdrawn from combat to re @-@ equip with Mitchells . No. 79 Wing 's light and medium bombers suffered from a lack of suitable targets as they had few airfields in forward areas from which to refuel . No. 2 Squadron returned to operations with Mitchells in June . That month , No. 18 Squadron flew 149 sorties , damaging Japanese airfields and shipping in the Timor area , but lost its commanding officer to anti @-@ aircraft fire during a raid . \n In June – July 1944 , No. 79 Wing supported the Allied attack on Noemfoor . No. 18 Squadron was again the wing 's most active unit , flying 107 sorties . In September , the Beaufighters and Mitchells attacked Japanese shipping and infrastructure in Ceram and Celebes , but lost nine aircraft and twenty @-@ six crewmen killed , among them Squadron Leader Wilbur Wackett , son of Commonwealth Aircraft Corporation manager Lawrence Wackett . By the end of the month , Mitchell missions were put on hold while replacement crews were trained . In late 1944 , plans were made to transfer No. 79 Wing from North @-@ Western Area Command to Northern Command in Papua New Guinea , where it would undertake operations against the Japanese in New Britain . The wing 's composition for this move was to be Nos. 2 and 18 Squadrons , operating Mitchells , and 120 ( Netherlands East Indies ) Squadron , operating P @-@ 40 Kittyhawks . No. 31 Squadron was transferred from No. 79 Wing to the Australian First Tactical Air Force at Morotai in December . The same month , Group Captain Eaton posted out and was replaced by Group Captain John Ryland . \n Weather hampered the wing 's activities in January 1945 . No. 1 Squadron was withdrawn to Queensland to re @-@ equip with Mosquitos , with No. 13 Squadron , flying Venturas , taking up the slack on anti @-@ shipping missions . The squadron accounted for around half of the thirty @-@ eight enemy vessels sunk by No. 79 Wing in February , and a similar ratio to the twenty sunk the following month . Wing operations were cut back in March , as preparations were made to transfer the Mitchells to Jacquinot Bay in New Britain . On 6 April , all twenty available aircraft of Nos. 2 and 18 Squadrons were ordered to join B @-@ 24 Liberators of No. 82 Wing in an assault on a Japanese convoy that included the cruiser Isuzu . The Liberators were late for their rendezvous with the Mitchells off Sumba so the latter , at the very limit of their range , attacked the convoy regardless . They claimed two direct hits without loss , despite anti @-@ aircraft fire from the cruiser and other ships , and frontal attacks by enemy fighters . Allied submarines sank the damaged Isuzu the next day . \n The wing 's proposed move to New Britain was cancelled in May 1945 , after the Netherlands government requested that its squadrons operate over the Dutch East Indies . No. 120 Squadron was transferred to Biak , while No. 79 Wing and its two Mitchell squadrons were ordered to move to Borneo , under the command of First Tactical Air Force . By July , No. 79 Wing had relocated from Batchelor to Balikpapan , leaving No. 13 Squadron under the control of North @-@ Western Area Command . After the Pacific War ended in August 1945 , the Mitchells joined Liberators of No. 82 Wing repatriating RAAF personnel from Borneo to Australia . No. 79 Wing Headquarters was disbanded on 8 October . The following month , No. 18 Squadron was reassigned to the Netherlands Air Force . No. 2 Squadron returned to Australia in December , disbanding in mid @-@ 1946 . These were the only two squadrons in the RAAF to operate Mitchells during the war . \n"} +{"id": 787, "text": " \" Vitamin D \" is the sixth episode of the American television series Glee . The episode premiered on the Fox network on October 7 , 2009 . It was written by series creator Ryan Murphy and directed by Elodie Keene . In the episode , glee club director Will Schuester ( Matthew Morrison ) pits the male and female club members against each other for a mash @-@ up competition . Will 's wife Terri ( Jessalyn Gilsig ) takes a job as the school nurse to stop him becoming closer to guidance counsellor Emma Pillsbury ( Jayma Mays ) , but is fired after giving the students performance @-@ enhancing pseudoephedrine tablets . \n The episode features mash @-@ up covers of \" It 's My Life \" by Bon Jovi and \" Confessions Part II \" by Usher , and \" Halo \" by Beyoncé Knowles and \" Walking on Sunshine \" by Katrina and the Waves . Both tracks were released as singles , available for digital download . \" Vitamin D \" was watched by 7 @.@ 30 million US viewers , and received generally positive reviews from critics . Performances by Morrison , Mays and Jane Lynch as cheerleading coach Sue Sylvester attracted praise , as did the staging of the musical mash @-@ ups . However , Aly Semigran of MTV and Mandi Bierly of Entertainment Weekly both noted critically that dramatic storylines in the episode dominated over the musical performances . \n"} +{"id": 788, "text": " Believing the glee club members are becoming complacent ahead of the forthcoming sectionals , director Will Schuester ( Matthew Morrison ) divides the club into boys against girls for a mash @-@ up competition . Cheerleading coach Sue Sylvester ( Jane Lynch ) observes that head cheerleader Quinn Fabray 's ( Dianna Agron ) performance standards are slipping . When Quinn blames her tiredness on her glee club participation , Sue renews her resolve to destroy the club , planning to sabotage Will 's personal life . \n Sue tells Will 's wife Terri Schuester ( Jessalyn Gilsig ) that guidance counselor Emma Pillsbury ( Jayma Mays ) has romantic feelings for Will . Determined to stay close to her husband , Terri takes a job as the school nurse , despite having no medical qualifications . She encourages Emma 's boyfriend , football coach Ken Tanaka ( Patrick Gallagher ) to propose to her , which he does . After asking Will if there is any reason she should not marry Ken , and being warned off Will by Terri , Emma accepts his proposal . Terri is still hiding the fact she experienced a hysterical pregnancy from Will , and upon realizing how much her life is changing due to her pregnancy , Quinn agrees to let Terri secretly adopt her baby . \n Finn Hudson ( Cory Monteith ) is exhausted by his extra @-@ curricular activities , so Terri gives him pseudoephedrine tablets , which Finn shares with the rest of the males in the glee club . The effects of the tablets enhance their performance , and they give an energetic mash @-@ up of \" It 's My Life and \" Confessions Part II \" . When Kurt Hummel ( Chris Colfer ) tells the girls the secret behind the boys ' performance , they , too , request the tablets from Terri , and give a high @-@ spirited mash @-@ up of \" Halo \" and \" Walking On Sunshine \" . Finn and Rachel Berry ( Lea Michele ) feel guilty for cheating , however , and agree to nullify the competition . When Principal Figgins ( Iqbal Theba ) learns what has happened , he fires Terri and , angry with Will , appoints Sue as co @-@ director of the glee club . \n"} +{"id": 789, "text": " Recurring characters who appear in \" Vitamin D \" are glee club members Santana Lopez ( Naya Rivera ) , Brittany Pierce ( Heather Morris ) , Mike Chang ( Harry Shum , Jr . ) and Matt Rutherford ( Dijon Talton ) , former glee club director Sandy Ryerson ( Stephen Tobolowsky ) , Principal Figgins ( Theba ) , football coach Ken Tanaka ( Gallagher ) , Terri 's co @-@ worker Howard Bamboo ( Kent Avenido ) , and local news anchors Rod Remington ( Bill A. Jones ) and Andrea Carmichael ( Earlene Davis ) . Joe Hursley guest stars as Joe . \n The episode features mash @-@ up covers of \" It 's My Life \" by Bon Jovi and \" Confessions Part II \" by Usher , and \" Halo \" by Beyoncé Knowles and \" Walking on Sunshine \" by Katrina and the Waves . Both tracks were released as singles , available for digital download . \" It 's My Life / Confessions Part II \" charted at number 7 in Ireland , 14 in the UK , 22 in Australia , 25 in Canada and 30 in America , while \" Halo / Walking on Sunshine \" charted at number 4 in Ireland , 9 in the UK , 10 in Australia , 28 in Canada and 40 in America . Michele has revealed that she practiced talking \" manically \" for several days in order to convey the effects of pseudoephedrine on Rachel . In order to portray the character in her altered state , she questioned : \" How manic is the right amount of manic ? What would Rachel be like on uppers ? What would she sound like ? \" She deemed performing the mash @-@ up piece in that state \" so much fun \" . \n"} +{"id": 790, "text": " The episode was watched by 7 @.@ 30 million U.S. viewers and attained a 3 @.@ 2 / 8 rating / share in the 18 – 49 demographic . Glee maintained its ratings from the previous week , despite all of the other new Wednesday night shows of the season declining by double @-@ digit percentages . It was the eighteenth most watched show in Canada for the week of broadcast , with 1 @.@ 61 million viewers . In the UK , the episode was watched by 2 @.@ 008 million viewers ( 1 @.@ 608 million on E4 , and 400 @,@ 000 on E4 + 1 ) , becoming the most @-@ watched show on E4 and E4 + 1 for the week , and the most @-@ watched show on cable for the week , as well as the most @-@ watched episode of the series at the time . \n \" Vitamin D \" was nominated for the best \" Comedy Series Episode \" award at the 2010 PRISM Awards . It received generally positive reviews from critics . Shawna Malcom of the Los Angeles Times noted that she preferred the boys ' performance to the girls ' , commenting : \" Their number had the same heart @-@ soaring power as \" Don 't Stop Believin ' \" [ performed in the pilot episode ] . \" Malcom enjoyed Sue 's character development in the episode , claiming that , \" In less skilled hands , there ’ s no doubt Sue would be an over @-@ the @-@ top disaster . But thanks to the incomparable Jane Lynch , I can ’ t wait to see what trouble the character stirs up next . \" Aly Semigran of MTV also enjoyed the boys ' performance more than the girls ' , and gave the episode a mostly positive review , writing that it moved the series ' storylines to \" a whole new level \" . She felt , however , that the episode \" didn 't have nearly enough singing \" . Mandi Bierly for Entertainment Weekly similarly noted that : \" So much happened in this hour that the musical numbers , though enjoyable , were almost an afterthought . \" Bierly favoured the girls ' performance , and praised Morrison 's acting , commenting : \" Matthew Morrison communicates so much with his eyes . There ’ s a softness and a longing in them that I ’ m always surprised Emma ( Jayma Mays ) matches . \" \n Mike Hale for the New York Times praised Mays ' performance , noting : \" Jayma Mays registered Emma ’ s devastation with just the slightest widening of those enormous eyes . In fact all the best non @-@ singing moments in the episode were hers . \" Hale was less impressed with the rest of the episode , deeming the pregnancy storyline \" so boring that is hardly mattered \" . He noted that : \" For many viewers , the best moments in the episode probably came very early on and involved Jane Lynch ’ s Sue Sylvester , who still got all the best lines . \" Jarett Wieselman for the New York Post agreed with this assessment , opining that although the episode was \" filled with more brilliant moments than ever before \" , the stand @-@ out scene was Sue writing in her journal , which Wieselman deemed \" jam @-@ packed with so many one liners , it acted as a vacuum , sucking the smart out of everything else on TV from 9 : 05 to 9 : 07 pm . \" Fellow New York Post critic Maxine Shen deemed the episode her favorite of the series so far . Anna Pickard of The Guardian called the pseudoephedrine storyline \" relentlessly silly [ ... ] but joyfully so \" , preferring the boys ' performance to the girls ' as \" some excellent comedy helped me forget about Finn 's dodgy autotuned vocals for once \" . \n"} +{"id": 791, "text": " Fern Hobbs ( May 8 , 1883 – April 10 , 1964 ) was an American attorney in the U.S. state of Oregon , and a private secretary to Oregon Governor Oswald West . She was noted for her ambition and several accomplishments as a young woman , and became the highest @-@ paid woman in public service in America in her mid @-@ twenties . \n Hobbs made international news when Governor West sent her to implement martial law in the small Eastern Oregon town of Copperfield . The event was considered a strategic coup for West , establishing the State 's authority over a remote rural community and cementing his reputation as a proponent of prohibition . \n Hobbs later worked for the American Red Cross in Europe and at the Oregon Journal newspaper . She died in Portland in 1964 . \n"} +{"id": 792, "text": " Hobbs was born on May 8 , 1883 , in Bloomington , Nebraska , to John Alden Hobbs and Cora Bush Hobbs . Her family moved to Salt Lake City , Utah when she was six years old ; she lived there for 12 years , finishing high school . Her father then met with financial difficulties , and she moved to Oregon , settling in Hillsboro . There , she put her younger brother and sister through school , while studying stenography and working for a living . \n She soon became a private secretary to the president of the Title Guarantee and Trust Company . The bank , which held many assets of the Oregon Common School Fund , failed during Hobbs ' time there . Ben Olcott , who was the Secretary of State and a member of the State Land Board , was charged with protecting the Common School Fund , and was involved in negotiating with the failing bank over the State 's assets . He took note of Hobbs ' strong loyalty to her employer . \n After the bank 's failure , Hobbs worked as a governess for J. Wesley Ladd ( brother of William S. Ladd ) in Portland . She also helped raise her younger brother and sister , studied stenography and the law , and worked as a secretary . In 1913 , Hobbs graduated from Willamette University College of Law with a Bachelor of Laws degree , and was admitted to the Oregon State Bar . \n Olcott , who managed Oswald West 's successful 1910 campaign to become Governor of Oregon , recommended that West hire Hobbs as his private stenographer . She was hired , and impressed West to the point that he hired her as his private secretary two years later . At that time , at age 27 , she was the highest @-@ paid woman in public service in the United States , earning $ 3 @,@ 000 per year . \n"} +{"id": 793, "text": " West ordered Hobbs to Copperfield , Oregon to restore law and order on January 2 , 1914 , along with a group of six militia men that included Oregon State Penitentiary warden B.K. Lawson . Copperfield , located on the Snake River in Baker County , had grown up around construction projects for a railroad tunnel and power plant . Fifteen @-@ hundred jobs in the area came from the railway project of E. H. Harriman or the power generation facility . \n The town had descended into lawlessness with a number of saloons , brothels , dancing halls , and widespread gambling . The town had no law enforcement officers , and the local government officials had become bar keepers . Governor West had extended prohibition laws , Some local residents had appealed to the state government for but they were widely ignored in Copperfield . Over half the residents of the town had signed a petition , addressed to West , alleging that saloons owned by the mayor and City Council members were selling liquor to minors and staying open later than their posted hours . Governor West responded by ordering county officials to restore order , close the saloons , and force the resignations of the corrupt city leaders by December 25 , 1913 . \n County officials did not take care of the problem , so West sent Hobbs , hoping the presence of a woman would prevent any outbreak of violence . Hobbs was a petite woman standing 5 feet 4 inches ( 1 @.@ 63 m ) tall and weighing less than 100 pounds ( 45 kg ) . She was dispatched with orders to restore order and to implement martial law if necessary . While Hobbs was traveling to Eastern Oregon , both she and Governor West were coy with reporters about the presence of the militia men , suggesting that Hobbs might be acting alone . \n The saloon keepers , who received word that Hobbs was accompanied by law enforcement officers only shortly before her arrival , greeted her by dressing up the town with bunting , blue and pink ribbons , and flowers . A town meeting was arranged at 2 : 30 p.m. on January 3 . Hobbs renewed the call for the resignation of city officials , but was the request was refused . Hobbs ' escorts then arrested the city leaders and ordered Lawson to declare martial law . It was the first time in Oregon since the Civil War that martial law was put into effect . \n Soon the town was disarmed and order restored , with the gambling equipment and weapons confiscated , and the saloons closed down . Hobbs then left Lawson in charge and caught the 4 : 00 p.m. train out of town that same day . The residents did not openly resist Hobbs or the militia men , although nearly all were armed and had been prepared to offer non @-@ violent resistance . She stopped at the county seat in Baker City to officially remove the town 's officials in front of a judge before returning to the state capitol in Salem . The Baker County Circuit Court quickly enjoined the militia from holding the town under martial law ; Sheriff Rand began assembling a posse to carry out the court order . Governor West requested a hearing , seeking Rand 's temporary removal from office , and appointed Hobbs to represent the State as special counsel . \n The actions of the governor were later challenged in court , with Hobbs and West among the defendants . The saloon keepers sought remuneration for liquor they claimed was confiscated during the period of martial law . The Baker County circuit court determined the governor 's actions were within his powers , and the Oregon Supreme Court ultimately concurred . \n These events made Hobbs the most famous woman in Oregon at that time . Hobbs also made national and international news for these events . Writer Stewart Holbrook reported : \n"} +{"id": 794, "text": " After the Copperfield affair , Hobbs continued as Governor West 's secretary until the end of his term in 1915 . She visited the Union County town of Cove in February 1914 , also to investigate complaints about a saloon . A local election had declared the town \" dry , \" but a county election had declared the entire county \" wet . \" On advice of a judge , the mayor of Cove stated that he was unable to determine whether the saloon was legal or not , but expressed deference to the governor 's wishes . Hobbs did not order the saloon closed down . \n She then moved to Portland and practiced law . Women 's rights groups promoted Hobbs as a candidate to run for governor , but she never ran for office . Within a few years Fern Hobbs became the commissioner of Oregon State Industrial Accident Commission , working on getting taxes due on the Oregon & California Lands . In 1917 , with the United States entering World War I , she began a long association with the Red Cross . From 1917 to 1922 she worked in Europe , including time spent as the chief of the casualty division in Paris , France . In that position Hobbs was responsible for notifying dead soldiers ' next of kin . She returned to Europe in the 1930s , working in the Rhine Valley when it was occupied by France . \n Upon returning to Oregon , Hobbs worked as a secretary for the Oregon Journal newspaper . She retired in 1948 as the secretary to the paper 's business manager . Fern Hobbs died on April 10 , 1964 , at the age of 80 , and was buried at the Hillsboro Pioneer Cemetery in Hillsboro , Oregon . \n The Oregon writer Stewart Holbrook interviewed her in the early 1950s , a few years after her retirement , observing that she \" still weighs 104 pounds . Her eyes are clear and blue behind her glasses . There is not a gray hair on her head . She lives as quietly as she has always lived , except for those dreadful few days so long ago [ concerning Copperfield ] . \" Holbrook noted during his interview that \" the subject of Copperfield bores her \" and concluded his account of her as follows : \n"} +{"id": 795, "text": " Jessie Stephen , MBE ( 19 April 1893 – 12 June 1979 ) was a twentieth @-@ century British suffragette , labour activist and local councillor . She grew up in Scotland and won a scholarship to train as a teacher . Family finances dictated otherwise , leading to her becoming a domestic worker at the age of 15 . She became involved in national labour issues as a teenager , via organisations such as the Independent Labour Party and the Women 's Social and Political Union . After moving to Lancashire and London she visited the United States and Canada , where she held meetings with the public including migrant English domestic workers . \n Stephen later become more involved in formal political parties , being elected as a local councillor and standing as a candidate in general elections . After moving to Bristol she became the first woman president of Bristol Trades Council . She was appointed MBE in 1977 and her life is commemorated by a blue plaque in Bristol . \n"} +{"id": 796, "text": " Stephen is recorded in the Oxford Dictionary of National Biography as a \" suffragette and labour activist \" , and has been described as \" working @-@ class \" . \n"} +{"id": 797, "text": " Some sources give Stephen 's place of birth as Marylebone , London , others as Glasgow . The eldest of eleven children in a \" closely @-@ knit ... family \" , her father was a tailor . She has been described as \" virtually the only Scottish working @-@ class Women 's Social and Political Union ( WSPU ) member about whom anything is known \" . She attended Sunday schools separately linked to the church and to socialism , and was educated at North School . She won a scholarship to train as a pupil @-@ teacher . \n Her father 's low and variable income meant that she could not afford to pursue her aspiration to become a teacher , and became a domestic worker at the age of 15 . Her father was a founder member of the Independent Labour Party ( ILP ) when it was established in 1893 . She described her mother as being \" so quiet and the very opposite of dad \" . \n"} +{"id": 798, "text": " She was referred to as a \" young activist in the Maryhill Branch of the ILP \" , before she joined the WSPU in 1909 , aged 16 . She was the youngest member of the WSPU Glasgow delegation to the Chancellor of the Exchequer David Lloyd George in 1912 . As a member of the WSPU and organiser of the Domestic Workers ' Union , she led the first of the \" Scottish Outrages \" ( involving attacks on pillar boxes ) in Glasgow in February 1913 . \n Stephen was approached by Sylvia Pankhurst and moved from Glasgow to London , where she became considered one of the \" most active members \" ( along with Emma Boyce , around 1916 ) of the Workers ' Suffrage Federation . In April 1919 , Stephen was one of a number of speakers to address a crowd of \" about 10 @,@ 000 people \" in Trafalgar Square , opposing the Blockade of Germany . Other speakers included Emmeline Pethick @-@ Lawrence and Theodora Wilson Wilson . She was also an active member of the Women 's Peace Crusade and at the 1920 ILP conference argued against the use of force during events preceding the Treaty on the Creation of the USSR . \n In the 1920s she visited the United States , holding public meetings with immigrant communities from Scotland and Wales. and fund @-@ raising for the Socialist Party of America . She also visited Vancouver , where she encouraged migrant English domestic workers to unionise . \n"} +{"id": 799, "text": " Stephen later lived in Lancashire and also in London , where she became involved in the East London Federation and sold the Women 's Dreadnought . She was elected Labour borough councillor for Bermondsey in 1922 , after failing to be selected as a parliamentary candidate for the ILP , and worked for Bermondsey MP Alfred Salter . She stood as Labour candidate for Portsmouth South in the general elections of 1923 , 1924 and 1929 , and for Kidderminster in 1931 . \n From 1924 she worked as a freelance journalist , established a secretarial agency in Lewes in 1935 and joined the National Union of Clerks in 1938 . At the time of the Second World War , she worked for Murphy Radio in Welwyn Garden City . \n She later moved to Bedminster , Bristol , where she worked at the Broad Quay branch of the Co @-@ operative Wholesale Society ( CWS ) and with the National Union of Clerks . She later became chair of the local CWS management committee . Around this time , she spoke publicly and gave advice on birth control . She was elected to the city council . In 1952 she became the first woman president of Bristol Trades Council . \n"} +{"id": 800, "text": " In the 1964 general election , she was a candidate for the Labour Party in the Weston @-@ super @-@ Mare constituency . She was appointed MBE for \" services to the trade union movement \" in June 1977 . She died at Bristol General Hospital in 1979 , and her life is commemorated by a blue plaque in Bedminster . \n"} +{"id": 801, "text": " Of Human Feelings is a studio album by American jazz saxophonist and composer Ornette Coleman . It was recorded on April 25 , 1979 , at CBS Studios in New York City with his band Prime Time , which featured guitarists Charlie Ellerbee and Bern Nix , bassist Jamaaladeen Tacuma , and drummers Calvin Weston and Coleman 's son Denardo . It followed Coleman 's failed attempt to record a direct @-@ to @-@ disc session earlier in March 1979 . \n Of Human Feelings explores jazz @-@ funk music and continues Coleman 's approach to improvisation with Prime Time , whom he introduced on his 1975 album Dancing in Your Head . He drew on rhythm and blues influences from early in his career for Of Human Feelings , which had shorter and more distinct compositions than Dancing in Your Head . Coleman also applied free jazz principles from his music during the 1960s to elements of funk . \n Following a change in management , Coleman signed with Island Records , and Of Human Feelings was released in 1982 by its subsidiary label Antilles Records . Critics generally praised Coleman 's expressive music and approach , but the album made little commercial impact and went out of print . Coleman enlisted his son Denardo as manager after a dispute with his former managers over the album 's royalties , a change that inspired him to perform publicly again during the 1980s . \n"} +{"id": 802, "text": " By the end of the 1960s , Ornette Coleman had become one of the most influential musicians in jazz after pioneering its most controversial subgenre , free jazz , which jazz critics and musicians initially derided for its deviation from conventional structures of harmony and tonality . In the mid @-@ 1970s , he stopped recording free jazz , recruited electric instrumentalists , and pursued a new creative theory he called harmolodics . According to Coleman 's theory , all the musicians are able to play individual melodies in any key , and still sound coherent as a group . He taught his young sidemen this new improvisational and ensemble approach , based on their individual tendencies , and prevented them from being influenced by conventional styles . Coleman likened this group ethic to a spirit of \" collective consciousness \" that stresses \" human feelings \" and \" biological rhythms \" , and said that he wanted the music , rather than himself , to be successful . He also started to incorporate elements from other styles into his music , including rock influences such as the electric guitar and non @-@ Western rhythms played by Moroccan and Nigerian musicians . \n Of Human Feelings was a continuation of the harmolodics approach Coleman had applied with Prime Time , an electric quartet introduced on his 1975 album Dancing in Your Head . The group comprised guitarists Charlie Ellerbee and Bern Nix , bassist Jamaaladeen Tacuma , and drummers Ronald Shannon Jackson and Denardo Coleman , Ornette Coleman 's son . Tacuma was still in high school when Coleman enlisted him , and first recorded with Prime Time in 1975 for the album Body Meta , which was released in 1978 . Tacuma had played in an ensemble for jazz organist Charles Earland , but Earland dismissed him as he felt audiences gave excessive attention to his playing . Coleman found Tacuma 's playing ideal for harmolodics and encouraged him not to change . Although Coleman 's theory initially challenged his knowledge and perception of music , Tacuma came to like the unconventional role each band member was given as a soloist and melodist : \" When we read Ornette 's music we have his notes , but we listen for his phrases and phrase the way he wants to . I can take the same melody , then , and phrase it like I want to , and those notes will determine the phrasing , the rhythm , the harmony – all of that . \" \n In March 1979 , Coleman went to RCA Records ' New York studio to produce an album with Prime Time by direct @-@ to @-@ disc recording . They had mechanical problems with the studio equipment and the recording was rejected . The failed session was a project under Phrase Text , Coleman 's music publishing company . He wanted to set up his own record company with the same name , and chose his old friend Mwanga as his manager . In April , Mwanga arranged another session at CBS Studios in New York City , and Coleman recorded Of Human Feelings there on April 25 ; the session was originally titled Fashion Faces . Jackson did not record with the band and Calvin Weston was hired in his place to play simultaneously with Denardo Coleman . They recorded all the album 's songs on the first take without any equipment problems . The album was recorded with a Sony PCM @-@ 1600 two @-@ track digital recorder , a rare item at the time . According to journalist Howard Mandel , the passages played by the band sounded neither very soft or loud on the album , because it had been mixed with a middle @-@ frequency range and compressed dynamics . Because of the equipment used , Coleman did not embellish the album with added effects and avoided overdubbing , multi @-@ tracking , and remixing . According to him , Of Human Feelings was the first jazz album to be digitally recorded in the United States . \n"} +{"id": 803, "text": " According to The Concise Oxford Dictionary of Music ( 2004 ) , Of Human Feelings features jazz @-@ funk , a type of music that originated around 1970 and was characterized by intricate rhythmic patterns , a recurrent bass line , and Latin rhythmic elements . Lloyd Sachs of the Chicago Sun @-@ Times wrote that , although Coleman was not viewed as a jazz fusion artist , the album can be described as such because of its combination of free jazz and funk . Glenn Kenny disagreed and felt its boisterous style had more in common with the no wave genre and the artists of New York City 's downtown music scene such as John Zorn . Jazz writer Stuart Nicholson viewed it as the culmination of Coleman 's musical principles that dated back to his free jazz music in 1960 , but reappropriated with a funk @-@ oriented backbeat . According to jazz critic Barry McRae , \" it was as if Coleman was translating the concept of the famous double quartet \" from his 1961 album Free Jazz to what was required to perform jazz @-@ funk . \n Coleman incorporated traditional structures and rhythms , and other elements from the rhythm and blues music he had played early his career . According to Mandel , the album 's simple , brisk music was more comparable to a coherent R & B band than jazz fusion . Although Coleman still performed the melodies on a song , he employed two guitarists for contrast to make each pair of guitarist and drummer responsible for either the rhythm or melody . Ellerbee provided accented linear counterpoint and Nix played variations of the song 's melody , while Denardo Coleman and Weston played both polyrhythms and backbeats . Tacuma and Ornette Coleman 's instrumental responses were played as the foreground to the less prominent guitars . McRae remarked that Coleman and Prime Time exchanged \" directional hints \" throughout the songs , as one player changed key and the others modulated accordingly . The band made no attempt to harmonize their radically different parts . \n Of Human Feelings features shorter and more distinct compositions than Dancing in Your Head . \" Sleep Talk \" , \" Air Ship \" , and \" Times Square \" were originally performed by Coleman during his concerts in 1978 under the names \" Dream Talking \" , \" Meta \" , and \" Writing in the Streets \" , respectively . \" What Is the Name of That Song ? \" was titled as a sly reference to two of his older compositions , \" Love Eyes \" and \" Forgotten Songs \" ( also known as \" Holiday for Heroes \" ) , whose themes were played concurrently and transfigured by Prime Time . The theme from \" Forgotten Songs \" , originally from Coleman 's 1972 album Skies of America , was used as a refrain . \n On songs such as \" Jump Street \" and \" Love Words \" , Ellerbee incorporated distortion into his guitar playing , which gave the songs a thicker texture . \" Jump Street \" is a blues piece , \" Air Ship \" comprises a six @-@ bar riff , and the atonal \" Times Square \" has futuristic dance themes . \" Love Words \" heavily uses , a central feature of harmolodics , and juxtaposes Coleman 's extended solo against a dense , rhythmically complex backdrop . Nicholson observed West African rhythms and collective improvisation rooted in New Orleans jazz on \" Love Words \" , and suggested that \" Sleep Talk \" was derived from the opening bassoon solo in Igor Stravinsky 's 1913 orchestral work The Rite of Spring . \n"} +{"id": 804, "text": " A few weeks after Of Human Feelings was recorded , Mwanga went to Japan to negotiate a deal with Trio Records to have the album released on Phrase Text . Trio , who had previously released a compilation of Coleman 's 1966 to 1971 live performances in Paris , prepared to press the album once Mwanga provided the label with the record . Coleman was also set to perform his song \" Skies of America \" with the NHK Symphony Orchestra , but cancelled both deals upon Mwanga 's return from Japan . Mwanga immediately quit after less than four months as Coleman 's manager . In 1981 , Coleman hired Stan and Sid Bernstein as his managers , who sold the album 's recording tapes to Island Records . He signed with the record label that year , and Of Human Feelings was released in 1982 on Island 's subsidiary jazz label Antilles Records . Billboard magazine published a front @-@ page story at the time about its distinction as both the first digital album recorded in New York City and the first digital jazz album recorded by an American label . \n According to jazz writer Francis Davis , \" a modest commercial breakthrough seemed imminent \" for Coleman , who appeared to be regaining his celebrity . German musicologist Peter Niklas Wilson said the album may have been the most tuneful and commercial @-@ sounding of his career at that point . The album 's clean mix and relatively short tracks were interpreted as an attempt for radio airplay by Mandel , who described its production as \" the surface consistency that would put it in the pop sphere \" . Of Human Feelings had no success on the American pop charts , only charting on the Top Jazz Albums , where it spent 26 weeks and peaked at number 15 . Because the record offered a middle ground between funk and jazz , McRae argued that it consequently appealed to neither demographic of listeners . Sound & Vision critic Brent Butterworth speculated that it was overlooked because it had electric instruments , rock and funk drumming , and did not conform to what he felt was the hokey image of jazz that many of the genre 's fans preferred . The album later went out of print . \n Of Human Feelings received considerable acclaim from contemporary critics . In a review for Esquire , Gary Giddins hailed it as another landmark album from Coleman and his most accomplished work of harmolodics , partly because of compositions which he found clearly expressed and occasionally timeless . In his opinion , the discordant keys radically transmuted conventional polyphony and would be the most challenging part for listeners , whom he said should concentrate on Coleman 's playing and \" let the maelstrom resolve itself around his center \" . Kofi from the Detroit Metro Times said Coleman 's approach displayed expressive immediacy rather than superficial technical flair while calling the record \" a multi @-@ tonal mosaic of great power , humor , color , wit , sensuality , compassion and tenderness \" . He found the songs inspirational , danceable , and encompassing developments in African @-@ American music over the previous century . Robert Christgau found the music heartfelt and sophisticated in its exchange of rhythms and simple pieces of melody , writing in The Village Voice , \" the way the players break into ripples of song only to ebb back into the tideway is participatory democracy at its most practical and utopian . \" \n Purist critics in jazz complained about the music 's incorporation of danceable beats and electric guitar . In Stereo Review , Chris Albertson deemed the combination of saxophone and bizarre funk occasionally captivating but ultimately unfocused . Dan Sullivan of the Los Angeles Times argued that the album 's supporters in \" hip rock circles \" had overlooked flaws ; he felt Tacuma and Coleman 's playing sounded like a unique \" beacon of clarity \" amid an incessant background . Leonard Feather wrote in the Toledo Blade deemed the music stylistically ambiguous , potentially controversial , and difficult to assess but interesting enough to warrant a listen . At the end of 1982 , Billboard editor Peter Keepnews named Of Human Feelings the year 's best album , calling it a prime example of fusing free jazz with modern funk . In year @-@ end lists for The Boston Phoenix , James Hunter and Howard Hampton ranked the album number one and number four , respectively . It was voted 13th best in the Pazz & Jop , an annual poll of American critics nationwide , published in The Village Voice . Christgau , the poll 's supervisor , ranked it number one in an accompanying list , and in 1990 he named it the second @-@ best album of the 1980s . \n Coleman received $ 25 @,@ 000 for the publishing rights to Of Human Feelings but said his managers sold it for less than the recording costs and that he did not receive any of its royalties . According to Stan Bernstein , Coleman had financial expectations that were \" unrealistic in this business unless you 're Michael Jackson \" . Antilles label executive Ron Goldstein felt the $ 25 @,@ 000 Coleman received was neither a great nor a fair amount for someone in jazz . After he had gone over budget to record a follow @-@ up album , Island did not release it nor pick up their option on him , and in 1983 , he left the Bernstein Agency . He chose Denardo Coleman to manage his career while overcoming his reticence of public performance , which had been rooted in his distrust of doing business with a predominantly White music industry . According to Nicholson , \" the man once accused of standing on the throat of jazz was welcomed back to the touring circuits with both curiosity and affection \" during the 1980s . Coleman did not record another album for six years and instead performed internationally with Prime Time . \n In a 1986 article for The New York Times on Coleman 's work with Prime Time , Robert Palmer said Of Human Feelings was still innovative and radical by the standards of other music in 1982 , three years after it was recorded . Because writers and musicians had heard its test pressing in 1979 , the album 's mix of jazz improvisation and gritty , punk and funk @-@ derived energy sounded \" prophetic \" when it was released , Palmer explained . \" The album is clearly the progenitor of much that has sounded radically new in the ongoing fusion of punk rock , black dance rhythms , and free jazz . \" AllMusic critic Scott Yanow believed that although Coleman 's compositions never achieved popularity , they succeeded within the context of an album that showcased his distinctive saxophone style , which was high @-@ brow yet catchy . Joshua Klein from The A.V. Club recommended Of Human Feelings as the best album for new listeners of Coleman 's harmolodics @-@ based music , while Chicago Tribune rock critic Greg Kot included it in his guide for novice jazz listeners ; he named it one of the few albums that helped him both become a better listener of rock music and learn how to enjoy jazz . In 2008 , New York magazine 's Martin Johnson included it in his list of canonical albums from what he felt had been New York 's yet vital jazz scene in the previous 40 years ; Of Human Feelings exuded what he described as a spirit of sophistication with elements of funk , Latin , and African music , all of which were encapsulated by music that retained a jazz identity . \n"} +{"id": 805, "text": " All compositions by Ornette Coleman . \n Side one \n \" Sleep Talk \" – 3 : 34 \n \" Jump Street \" – 4 : 24 \n \" Him and Her \" – 4 : 20 \n \" Air Ship \" – 6 : 11 \n Side two \n \" What Is the Name of That Song ? \" – 3 : 58 \n \" Job Mob \" – 4 : 57 \n \" Love Words \" – 2 : 54 \n \" Times Square \" – 6 : 03 \n"} +{"id": 806, "text": " Credits are adapted from the album 's liner notes . \n"} +{"id": 807, "text": " Denardo Coleman – drums \n Ornette Coleman – alto saxophone , production \n Charlie Ellerbee – guitar \n Bern Nix – guitar \n Jamaaladeen Tacuma – bass guitar \n Calvin Weston – drums \n"} +{"id": 808, "text": " Susan Bernstein – cover painting \n Peter – cover design \n Joe – mastering \n Ron Saint Germain – engineering \n Ron Goldstein – executive direction \n Harold – second engineering \n Steven Mark Needham – photography \n Ken Robertson – tape operation \n"} +{"id": 809, "text": " The Dangerously in Love Tour was the debut concert tour by American recording artist Beyoncé . Although the tour was intended to showcase songs from her debut solo album , Dangerously in Love , ( 2003 ) the set list also contained a special segment dedicated to Beyoncé 's girl group Destiny 's Child and featured songs from her 2003 film The Fighting Temptations . The stage was simple and featured a large LED screen in the back that displayed video images of Beyoncé and her dancers , as well as some images from her music videos and some prerecorded images . The tour was reviewed negatively by Dave Simpson of The Guardian who graded it with two stars out of five . The Dangerously in Love Tour only reached Europe and Beyoncé 's performance at the Wembley Arena in London , was filmed and later released on the CD / DVD Live at Wembley ( 2004 ) . \n"} +{"id": 810, "text": " The Dangerously In Love Tour was the debut solo concert tour by American recording artist Beyoncé . The tour was intended to showcase songs from Beyoncé ' debut solo album , Dangerously in Love released in 2003 . However , the set list also contained a special segment of her show dedicated to her girl group Destiny 's Child and songs from Beyoncé ' 2003 film The Fighting Temptations ( \" Fever \" and \" Summertime \" ) . The stage was simple and featured a large LED screen in the back that moved up and down throughout the entire show and displayed video images of Beyoncé and her dancers , as well as some images from her music videos and some prerecorded images with special effects . The show also featured a small staircase and platforms on both side of the stairs for her band . Beyoncé later toured alongside Missy Elliott and Alicia Keys as ensemble for the Verizon Ladies First Tour ( 2004 ) in North America . \n"} +{"id": 811, "text": " Dave Simpson of The Guardian described the opening of the show during his review : \" Some while after Beyoncé is due on stage , a voice announces that the support act won 't be appearing and that Beyoncé will be with us ' in a moment ' . Like everything else – hits , boots , hair and sponsorship deals – moments are very big in Beyoncé world . An age later , cheers erupt for the raising of a curtain which revealed , er , a roadie fiddling with a drum kit . An hour later , the piped music is getting gradually louder to drown boos and the cries of small children whose parents are moaning it 's getting past their bedtime . \" The show opens with \" Baby Boy \" which Beyoncé sang while being lowered onto the stage upside down . A highlight for many fans was her performance of \" Dangerously in Love 2 \" . During the tour , a special 8 @-@ minutes rendition of the song was performed . \n Simpson of The Guardian reviewed the opening show of the tour negatively , grading it with two out of five stars . He was negative about Beyoncé ' clothing during the show , saying : \" The delays may well be down to Beyoncé 's wardrobe , which could trouble Imelda Marcos . There are skimpy skirts , tails ( for a note perfect if pointless version of Peggy Lee 's Fever ) and a general theme of low material , high glitz . But often , the main sparkle is on Beyoncé 's outfit . \" He also added that \" The dancers ' ' naked suits ' make the former church girl a raunchy rival to Kylie [ Minogue ] . But there 's an interminable section where they pretend to be homies , and when Beyoncé disappears for long periods it feels like an expensive night with Legs and Co . \" He concluded his review by saying , \n \" Clearly , the armies of industry professionals that put Beyoncé together aren 't sure of her core audience . A vague Saturday night TV , family entertainment feel gradually gives way to a more intriguing cross between Liza Minelli showbiz and thumping R & B. However , a ticker tape festooned Crazy In Love and a belting Work It Out suggest Beyoncé is best sticking to her roots . , if implausibly , she puts the carnage down to her tour manager falling off stage , but at least she 's grasped one showbiz adage : the show must go on . \" \n"} +{"id": 812, "text": " On November 10 , 2003 , Beyoncé performed at the Wembley Arena in London ; this was later put on a DVD , titled Live at Wembley , which was released in April 2004 . It was accompanied by a CD comprising three previously @-@ unreleased studio recorded songs and one remix each of \" Crazy in Love \" , \" Baby Boy \" and \" Naughty Girl \" . Behind @-@ the @-@ scenes footage can be also seen on the DVD . The album debuted at number seventeen on the Billboard 200 , selling 45 @,@ 000 copies in its first week . The DVD has been certified double platinum by the Recording Industry Association of America for shipping 200 @,@ 000 copies . According to Nielsen SoundScan , it had sold 264 @,@ 000 copies in the US by October 2007 , while as at October 6 , 2010 , it had sold 197 @,@ 000 digital downloads . In an interview with The New York Times in 2007 , American singer Miranda Lambert revealed that Live at Wembley inspired her to \" take little bits from that [ Beyoncé ' performance ] \" for her live shows . \n"} +{"id": 813, "text": " \" Baby Boy \" \n \" Naughty Girl \" \n \" Fever \" \n \" Hip Hop Star \" \n \" Yes \" \n \" Work It Out \" \n \" Gift from Virgo \" \n \" Be with You \" \n \" Speechless \" \n Destiny 's Child Medley : \n \" Bug a Boo \" \n \" No , No , No Part 2 \" \n \" Bootylicious \" \n \" Jumpin ' , Jumpin ' \" \n \" Say My Name \" \n \" Independent Women Part I \" \n \" ' 03 Bonnie & Clyde \" \n \" Survivor \" \n \" Me , Myself and I \" \n \" Summertime \" \n \" Dangerously in Love 2 \" \n \" Crazy in Love \" \n"} +{"id": 814, "text": " Zhou ( or ) Tong ( Chinese : and ; pinyin : Zhōu ) ( died late 1121 CE ) was the archery teacher and second military arts tutor of famous Song Dynasty general Yue Fei . Originally a local hero from Henan , he was hired to continue Yue Fei 's military training in archery after the boy had rapidly mastered under his first teacher . In addition to the future general , Zhou accepted other children as archery pupils . During his tutelage , Zhou taught the children all of his skills and even rewarded Yue with his two favorite bows because he was his best pupil . After Zhou 's death , Yue would regularly visit his tomb twice a month and perform unorthodox sacrifices that far surpassed that done for even beloved tutors . Yue later taught what he had learned from Zhou to his soldiers and they were successful in battle . \n With the publishing of Yue Fei 's 17th folklore biography , The Story of Yue Fei ( 1684 ) , a new distinct fictional Zhou Tong emerged , which differed greatly from his historical persona . Not only was he now from Shaanxi ; but he was Yue 's adopted father , a learned scholar with knowledge of the eighteen weapons of war , and his personal name was spelled with a different , yet related , Chinese character . The novel 's author portrayed him as an elderly widower and military arts tutor who counted Lin Chong and Lu Junyi , two of the fictional 108 outlaws on which the Water Margin is based , among his former pupils . A later republican era folktale by noted Yangzhou storyteller Wang Shaotang not only adds Wu Song to this list , but represents Zhou as a knight @-@ errant with supreme swordsmanship . The tale also gives him the nickname \" Iron Arm \" , which he shares with the executioner @-@ turned @-@ outlaw Cai Fu , and makes the outlaw Lu Zhishen his sworn brother . Because of his association with the outlaws , he is often confused with the similarly named outlaw Zhou Tong . \n Various wuxia novels and folk legends have endowed Zhou with different kinds of martial and supernatural skills . These range from mastery of the bow , double broadswords , and Chinese spear to that of hard qigong and even x @-@ ray vision . Practitioners of Eagle Claw , Chuojiao and Xingyi commonly include him within their lineage history because of his association with Yue Fei , the supposed progenitor of these styles . He is also linked to Northern Praying Mantis boxing via Lin Chong and Yan Qing . Wang Shaotang 's folktale even represents him as a master of Drunken Eight Immortals boxing . However , the oldest historical record that mentions his name only says he taught archery to Yue Fei . Nothing is ever said about him knowing or teaching a specific style of Chinese martial arts . \n Zhou has appeared in various forms of media such as novels , comic books , and movies . His rare 20th century biography , Iron Arm , Golden Sabre , serves as a sequel to The Story of Yue Fei because it details his adventures decades prior to taking Yue as his pupil . This was later adapted into a ten volume comic book . He also appears in a novel concerning one of his fictional martial arts brothers . He was portrayed by three different actors in a string of black and white Yue Fei films produced in the 1940s and 1960s , one of which featured a ten @-@ year @-@ old Sammo Hung as the lead . Veteran martial arts actor Yu , who played the sword @-@ wielding antagonist in Jet Li 's Shaolin Temple , stated in a 2005 interview that he has always wanted to portray Zhou in a film . \n"} +{"id": 815, "text": " On his deathbed , Yue Fei 's third son Yue Lin ( , born 1130 ) asked his own son , the poet and historian Yue Ke ( , 1183 – post @-@ 1240 ) , to complete Yue Fei 's memoirs . This two @-@ part memoir was completed in 1203 , some sixty years after the general 's political execution , but was not published until 1234 . It was later abridged in 1345 and published in the Yuan Dynasty 's dynastic chronology History of the Song Dynasty under the title Yue Fei Biography ( chapter 365 , biography 124 ) . Zhou 's mention in Yue Ke 's memoir was only briefly summarized in the Yuan rewrite . It reads , \" He [ Yue Fei ] learned archery from Zhou Tong . He learned everything and could fire with his left and right hands . After Tong 's death , he would offer sacrifices at his tomb \" . \n Western Washington University history professor Edward Kaplan explains Zhou was a \" local hao \" ( - \" heroic ( person ) \" ) . He comments Hao can also mean \" a ' knight errant ' in poetic translation , or in prosaic terms a professional strongman and bodyguard . ' \" This means Zhou was a local hero from Tangyin County , Anyang prefecture , Henan province ( the same area as Yue Fei ) . \n Historical and scholarly sources spell his personal name as 同 ( Tong ) , meaning \" same or similar \" . This differs from the spelling present in fictional sources , which will be further explained below . So , \" \" represents the historical archer . \n"} +{"id": 816, "text": " Despite being literate , giving him a chance to become a scholar , young Yue Fei chose the military path because there had never been any tradition of full @-@ fledged Confucian civil service in his family history . He would stay up all night reading military strategy books and idolized such great historical heroes as Guan Yu . However , the Yue family was much too poor to afford military lessons for their son , so , Yao , the boy 's maternal grandfather , hired Chen Guang ( ) to teach the eleven @-@ year @-@ old how to wield the Chinese spear . Yao was very surprised when his grandson quickly mastered the spear by the age of thirteen . Zhou was then brought in to continue Yue 's military training in archery . Dr. Kaplan describes Zhou as the \" most important \" of the two teachers . \n A section of the Jin Tuo Xu Pian , the second part of Yue Ke 's original published memoir , describes one of Zhou 's archery lessons and reveals that he took other children as his pupils : \n \" One day , [ Chou ] T 'ung gathered his pupils for an archery session and to display his ability put three arrows in succession into the center of the target . Pointing to the target to show grandfather [ Yue Fei ] , he said : ' After you can perform like this , you can say you are an archer ' . Grandfather , thanked him and asked to be allowed to try . He drew his bow , let fly his arrow and struck the end of T 'ung 's arrow . He shot again and again hit the mark . T 'ung was greatly amazed and subsequently presented to grandfather his two favorite bows . Thereafter grandfather practiced still more [ until ] he was able to shoot to the left and right , accurately letting fly the arrow as he moved . When he became a general he taught this to his officers and men so that his whole army became skilled at shooting to the left and right and frequently used this technique to crush the enemy 's spirit \" . \n The last sentence of the passage is similar to one from the Republican era Biography of Song Yue , Prince of E. But instead of teaching them his own technique , it states Yue taught what he had learned from Zhou to his soldiers who were victorious in battle . \n"} +{"id": 817, "text": " Zhou continued to teach the children until his death , prior to Yue 's legal adulthood . Following his passing , Yue became extremely depressed since Zhou had been the greatest influence on his early life . Zhou 's student would regularly visit his tomb on the first and fifteenth of every month with sacrifices of meat and wine and would shoot three arrows in succession with one of the two bows his tutor had presented him with ( it is never mentioned whether any of Zhou 's other archery pupils came to visit his tomb ) . Dr. Kaplan comments this continuous unusual display of mourning \" went far beyond the ceremonial appropriate for even a highly respected teacher \" . Noted Sinologist Hellmut Wilhelm claims even though the display of grief was genuine , it was also a way of emulating the stories of his heroic idols and \" [ establishing himself ] in the public eye \" . Yue 's father later followed him secretly to Zhou 's tomb after striking him during an argument over his melancholic behavior . There , he saw him perform the unorthodox obediences involving the meat , wine , and three arrows . When he finally confronted him , the son confessed that \" his gratitude for Chou 's instruction could not be simply by the usual first and middle of the month ceremonies and so he ... shot off the three arrows to symbolize that Chou had been the source of his inspiration as an archer \" . Dr. Kaplan 's states this happened just prior to Yue 's entrance into the army and that the entire event served as a symbol for Yue 's \" entrance into responsible manhood \" . \n The Chronology of Yue lists the events at Zhou 's tomb happening in 1121 when Yue was nineteen , but Yue would have been eighteen in that year since he was born on \" the fifteenth day of the second month of 1103 \" . The author of the original source material was using age calculation , in which a child is already considered one year old at birth . Since Yue joined the military shortly after Zhou 's death , a relative time frame can be given for when he died . During the early months of 1122 , the Song empire mobilized its armed forces to assist the Jurchen in confronting their common enemy , the Liao Dynasty . Therefore , it appears that Zhou died in late 1121 , before the call to arms was issued . \n"} +{"id": 818, "text": " Zhou Tong 's fictional life story can be pieced together from two sources : The Story of Yue Fei and Iron Arm , Golden Sabre . The Story of Yue Fei is a fictionalized retelling of Yue Fei 's young life , military exploits , and execution . It was written by a native of named Qian Cai ( ) , who lived sometime between the reigns of the Kangxi and Qianlong emperors in the Qing dynasty . The preface dates the book 's publication to 1684 . It was deemed a threat by the Qing emperors and banned during the Qianlong era . In the novel , Zhou is portrayed as an elderly widower and Yue 's only military arts tutor . The General 's historical spear master Chen Guang is never mentioned . Zhou teaches Yue Fei and his sworn brothers military and literary arts from chapters two through five , before his death . \n In the writing of his novel , Qian Cai used a different character when spelling Zhou 's given name . Instead of the original character meaning \" similar \" , it was changed to , meaning \" rude or rustic \" . So , \" \" represents Zhou 's distinct fictional persona . This spelling has even been carried over into modern day martial arts manuals . \n Iron Arm , Golden Sabre was written by Wang Yun Heng and Xiao Yun Long and published in 1986 . This novel , which serves as Zhou 's own fictional biography , is a prequel to The Story of Yue Fei because it details his adventures decades prior to taking Yue Fei as his student . It follows his life as a young martial arts instructor in the Song army 's Imperial guard , his struggles against the and Liao Tartar barbarian tribes and his tutelage of Water Margin outlaws . The last few chapters incorporate the storyline from the four chapters that he appears in The Story of Yue Fei . This was later adapted into a ten volume @-@ style comic book called The Legend of Zhou Tong in 1987 . \n"} +{"id": 819, "text": " Zhou is born in Shaanxi and trains in the martial arts from a young age . He is taken as one of the pupils of Shaolin master Tan ( ) and , learning the true essence of Shaolin , becomes proficient in things both literary and martial . Tan 's other students include the future generals Jin Tai ( ) and Zong Ze ( ) and the future Water Margin outlaws Sun Li and Luan . As a young man , Zhou catches the attention of Judge Bao Zheng and enlists in the military as an officer . His superiors take note of his great skill after he helps his classmate General Jin battle Liao Tartars in northern China and install him as a teacher in the Capital Imperial Martial Arts School . The school has three teaching positions named in order of prestige : \" Heaven , \" \" Earth , \" and \" Man . \" Since he has the greatest skill , he occupies the Heaven position . He uses this post and his friendship with General Zong to get their classmate Sun Li installed as the Superintendent of Forces of . Sun later becomes an outlaw under Chao Gai and helps defeat the evil Zhu Family , who learn military arts from his classmate Luan . \n As he grows older , Zhou becomes dissatisfied with politics because the Imperial court chooses to appease the northern barbarian tribes instead of standing against them . He then devotes himself wholeheartedly to his martial arts practice and creates several official and authoritative techniques including the \" five step , thirteen lance piercing kick \" , which is a development of Shaolin boxing , and the \" Zhou Tong cudgel . \" He makes a concerted effort to transmit his martial efforts while teaching at the Imperial Martial Arts School and formally accepts two disciples : \" Jade Unicorn \" Lu Junyi and \" Panther head \" Lin Chong . Lu Junyi is a millionaire with vast land holdings and does not hold office , but Lin Chong inherits Zhou 's position after his retirement , and continues to serve as the lead instructor for the 800 @,@ 000 members of the Song army 's Imperial Guard . \n During this time , Zhou Tong also has an additional disciple named Wu Song . Wu Song becomes famous for killing a man @-@ eating tiger with his bare hands and is appointed as a constable in his native Shandong . The county magistrate Sun later sends Wu on a mission to Kaifeng with precious tiger bone balm in order to curry favor with influential personages . During his stay in the capital , he makes the acquaintance of Zhou . Zhou finds Wu to be a man of great strength , but feels that he lacks refinement in his martial technique and , therefore , offers guidance for Wu 's training . Unfortunately , these two men only interact for a brief two months before Wu has to return home , never to see Zhou again . \n Following his retirement , Zhou serves for a time as an advisor to General Liu ( ) , whose troops are garrisoned in Henan Province . But Zhou later becomes an outlaw himself after he aids the heroes of the Water Margin and is forced to flee from government forces . Meanwhile , he learns his elderly classmate Jin Tai is close to death and hurries to Shaolin ( where the general had become a Buddhist monk after the murder of his family ) to pay his last respects . As the oldest of Tan 's pupils , Jin orders Zhou to find a talented youth to pass on all of his martial arts knowledge to . However , this reunion is cut short when the troops track him to Shaolin . He flees to Wine Spring mountain and lives in hiding for sometime before being invited by his old friend Wang Ming ( ) to become the precept of the Wang family in Unicorn Village . \n"} +{"id": 820, "text": " One day , Zhou surprises the children with a written exam and leaves the classroom to speak with a visitor . Wang 's son , Wang Gui ( ) , tricks their maid 's son , Yue Fei , into completing their assignment while they go outside to play . After easily finishing the task at hand , Yue writes a heroic poem on a whitewashed wall and signs it with his name . The children then burst into the classroom upon learning of Zhou 's forthcoming return and tell Yue to escape in order to avoid apprehension . The old teacher eventually discovers the ruse and , after marveling at Yue 's impromptu ballad , asks Yue to fetch his mother , Lady Yao ( ) , for an important meeting . With the entire Wang household assembled in the main hall , Zhou asks the Lady for her blessing to have the boy as his adopted son and student . She consents and Yue takes his seat amongst Zhou 's students the following morning . Because Zhou knows Yue is poor , he commands the four students to become sworn brothers . Zhou also begins to teach Yue all of the eighteen weapons of war . \n Six years later , Zhou takes the group to visit his old friend , the abbot of a small Buddhist temple on the \" Hill of Dripping Water \" . Thirteen @-@ year @-@ old Yue wanders behind the temple and finds the \" Cave of Dripping Water \" , in which lives a magical snake . When it lunges at Yue , he dodges to one side and pulls on its tail with his supernatural strength , causing it to turn into an 18 @-@ foot @-@ long ( 5 @.@ 5 m ) , gold @-@ plated spear named the \" Supernatural Spear of Dripping Water \" . When they return home , Zhou begins to drill all of his students in the military arts — eighteen weapons of war , archery , and hand @-@ to @-@ hand combat . After three years of practice , Zhou enters them into a preliminary military examination in Tangyin in which sixteen @-@ year @-@ old Yue wins first place by shooting a succession of nine arrows through the bullseye of a target two hundred and forty paces away . After his display of marksmanship , Yue is asked to marry the daughter of Li Chun ( ) , an old friend of Zhou 's and the county magistrate who presided over the military exams . Father and son then return home to their village . \n Magistrate Li writes out a marriage certificate and dispatches a messenger to deliver the document to Yue Fei in Unicorn Village . Zhou and Yue set out at dawn and travel back to Tangyin to thank the Magistrate for his generosity and kindness . There , Li prepares a great feast for them , but when food is brought out for any servants that might have accompanied them , Zhou comments that they had come on foot without help . Li decides to let Yue pick from any one of his thousands of horses because every able military man needs a strong steed . After finishing their feast , Zhou and Yue thank Li once again and leave Tangyin to return home . During their journey , Zhou recommends that Yue run the horse to test its speed . Yue spurs the horse on leaving Zhou in pursuit . When they reach the village gate , the two dismount and Zhou returns to his study where he feels hot from the race and removes his outer garments to fan himself . But he soon falls ill and stays bedridden for seven days . Then the book describes his death and burial : \n \" ... his phlegm bubbled up and he died . This was on the fourteenth day of the ninth month in the seventeenth year of the Reign of Xuan He , and his age was seventy @-@ nine ... Buddhist and Taoist Priests were asked to come and chant prayers , for seven times seven , namely forty @-@ nine days . Then the body was taken up to be buried beside the Hill of Dripping Water \" . \n Yue lives in a shed by his grave through the winter and in the second lunar month of the following year , his martial brothers come and pull the building down , forcing him to return home and take care of his mother . \n The quoted death date is not only unreliable because the book is fiction , but also because the Xuan He reign era of Emperor Huizong lasted only seven years ( 1119 – 1125 ) and not seventeen . Although The Story of Yue Fei states Zhou died shortly before Yue took a wife , he historically died after Yue married . It is likely that the original author invented this fictional date . \n"} +{"id": 821, "text": " According to The Story of Yue Fei , Zhou was married with a son . But Zhou comments that his \" old wife \" died and his \" small son \" was killed in battle against the after leaving with the outlaw Lu Junyi to fight in the war . In The Legend of Zhou Tong , his wife is named Meng ( ) and his son is named Zhou ( ) . He defeats Meng in a lei tai martial arts contest and wins her as his wife . But she is shortly thereafter kidnapped by the wicked monks of the Stone Buddha temple . Both Zhou and Meng eventually defeat the monks with their combined martial skills and later marry at the Pass in Hubei province . \n Zhou first appears as a fierce , impulsive young man who rides his horse into the thick of enemy encampments wielding a long spear . He later dies in battle against the Liao Dynasty . After his son 's death , Zhou retreats to the Temple for a long morning period . He later takes seven @-@ year @-@ old Yue Fei as his adopted son and sole heir years after the boy 's father drowns in a great flood : \n \" I see that he [ Yue Fei ] is clever and handsome and I , an old man , wish to have him as my adopted son ... He need change neither his name nor his surname . I only want him to call me father temporarily so that I can faithfully transmit all the skills I have learned in my life to a single person . Later , when I die , all he has to do is to bury my old bones in the earth and not allow them to be exposed , and that is all \" . \n However , after comparing events from The Story of Yue Fei and an account of Yue 's life from the sixteenth @-@ century work Restoration of the Great Song Dynasty : The Story of King Yue ( ) , literary critic C.T. Hsia concluded \" that his father did not [ historically ] die in the flood and that , although Yueh Fei showed almost filial regard for the memory of his teacher Chou T 'ung 同 ( not ) , the latter had not been his adopted father \" . The Restoration of the Great Song was one of the earliest of four \" historical novels \" ( fictionalized dynastic chronologies ) written about Yue during the Ming Dynasty , all of which predate The Story of Yue Fei . Despite the addition of popular legends , Xiong Damu ( fl 1552 ) , the author of the The Story of King Yue , relied heavily on historical chronologies including Zhu Xi 's ( 1130 – 1200 ) Outlines and Details Based on the T 'ung @-@ chien , Yue Ke 's family memoir , and the Yuan Dynasty 's official Yue Fei Biography to write his story . So , The Story of Yue Fei was the first full @-@ blown fictionalized novel to introduce the adoption storyline . \n"} +{"id": 822, "text": " He is generally portrayed as a large elderly man with a powerful voice . A modern folktale by noted Yangzhou storyteller Wang Shaotang ( 1889 – 1968 ) , whom folklore researcher Vibeke called \" the unrivaled master of this [ the 20th ] century \" , describes Zhou thus , \n \" He was beyond the age of fifty , he was more than fifty , and standing upright he measured about eight feet . His face had a golden tan , arched brows , a pair of bright eyes , a regular head form , a square mouth , a pair of protruding ears , and under his chin there were three locks of beard , a grizzled beard . On his head he wore a sky @-@ blue satin scarf , and he was dressed in a stately sky @-@ blue satin coat with a silken girdle , a pair of wide black trousers without crotch and satin boots with thin soles \" . \n Heroes and religious masters with above normal height are a recurring theme in Chinese folklore . For instance , his student Wu Song is said to be over nine feet tall in the same folktale . In The Story of Yue Fei , the General simultaneously duels with two other warriors vying for first place in a military exam ; one is nine feet tall and the other is eight feet tall . A of the Taoist saint Zhang Daoling states he was over seven feet tall . \n When Zhou is vocalized in \" Yangzhou storytelling \" , he speaks in \" Square mouth public talk \" , which is a manner of speaking reserved for martial heroes , highly respected characters , or , sometimes , lesser characters that pretend to be an important hero . Square mouth public talk is actually a mixture of two forms of dialogue : and . ( square mouth ) is a manner of steady , yet forceful over pronunciation of dialogue that was possibly influenced by Northern Chinese opera . ( public talk ) is monologue and dialogue that is sometimes used for \" imposing heroes \" . This mixture of styles means Zhou Tong is treated as a highly regarded hero . \n In her analysis of Yangzhou storytelling , noted that the aforementioned tale about Zhou and Wu Song uses different forms of dialogue for both characters . Wu speaks square mouth utilizing standard mandarin without rusheng ( short glottal syllables ) . On the contrary , Zhou speaks using the Yangzhou tone system , which does utilize rusheng syllables . Therefore , she believes \" square mouth dialogue should at least be divided into two subcategories , namely the Wu Song variant — without rusheng , and the Zhou Tong variant — with rusheng \" . \n"} +{"id": 823, "text": " The Water Margin ( c . 1400 ) is a Ming Dynasty military romance about one hundred and eight demons @-@ born @-@ men and women who band together to rebel against the lavish Song Dynasty government . Lin Chong and Lu Junyi , two of these outlaws , are briefly mentioned as being Zhou 's previous students in The Story of Yue Fei . They are not characters within the main plot , though , as both are killed by \" villainous officials \" prior to Zhou becoming precept of the Wang household . Most importantly , the two were not among his historical students since they are fictional characters . \n Zhou 's portrayal as their teacher is connected to a recurring element in Chinese fiction where Tang and Song Dynasty heroes train under a \" celestial master \" , usually a Taoist immortal , prior to their military exploits . C.T. Hsia suggests the mold from which all other similar teachers are cast is , master of the feuding strategists Sun Bin and Pang Juan , from the Yuan Dynasty tale Latter Volume of the Spring and Autumn Annals of the Seven Kingdoms ( ) . Hsia goes on to say that Qian Cai , Yue 's fictional biographer , associated Zhou with the outlaws because \" most such teachers [ in the military romance genre ] are \" with at least two students . But in adopting this format , Qian reversed the traditional pattern of \" celestial tutelage \" since Zhou is written as a human , while his students are reincarnations of demons ( Lin and Lu ) and the celestial bird Garuda ( Yue Fei ) . \n Although Lin and Lu have been connected to Zhou since the early Qing Dynasty , Wu Song did not become associated with him until Wang Shaotang created a 20th @-@ century folktale in which the two meet in Kaifeng . The tale takes place during Wu 's mission to Kaifeng , but before the murder of his older brother Wu . Zhou teaches Wu the \" Rolling Dragon \" style of swordplay during the constable 's one @-@ month stay in the capital city . This tale was chapter two of Wang 's \" Ten chapters on Wu Song \" storytelling repertoire , which was later transcribed and published in the book Wu Sung in 1959 . It eventually carried over into the storyline of Iron Arm , Golden Sabre and , subsequently , The Legend of Zhou Tong . In the latter version , Wu instead learns Chuo Jiao boxing from Zhou during a two month stay in the capital . \n Wang 's tale portrays Zhou as an aging itinerant swordmaster with \" a fame reverberating like thunder \" throughout the underworld society of . He is made the sworn brother of the outlaw \" Flowery Monk \" Lu Zhishen , a military officer @-@ turned @-@ fighting monk , who is , according to Hsia , first among the most popular protagonists of the Water Margin . He is also given the nickname \" Iron Arm \" ( ) , which carried over into the title of his fictional biography Iron Arm , Golden Sabre . While the tale fails to explain the reason for the moniker , it does mention Zhou 's ability to direct his qi to any part of his body to make it hard enough to overpower the \" Iron shirt \" technique of another martial artist . Furthermore , Zhou shares the same nickname with Cai Fu , an executioner @-@ turned @-@ outlaw known for his ease in wielding a heavy sword . \n Because of his association with these outlaws , Zhou is often confused with the similarly named outlaw \" Little Conqueror \" Zhou Tong . In the Water Margin , this Zhou Tong is a bandit chief of Mount Peach Blossom whom Lu Zhishen beats for trying to forcibly marry the daughter of the Liu family . He dies later under the sword of Li , an officer in the rebel army of Fang La . So , the connection between both Zhou 's is based solely on the romanized transcription of their name . \n"} +{"id": 824, "text": " The Story of Yue Fei comments Lu Junyi is Zhou 's last student prior to taking on seven @-@ year @-@ old Yue Fei and his three sworn @-@ brothers Wang Gui , Tang Huai ( ) and Zhang Xian ( ) . He teaches them literary and military lessons on even and odd days . The novel says Yue is talented in all manners of \" literary and military matters \" and even surpasses the skill of Lin and Lu . After Yue acquires his \" Supernatural Spear of Dripping Water \" , Zhou tutors all of his students in the eighteen weapons of war , but each excels with one in particular ; Yue Fei and Tang Huai , the spear ; Zhang Xian , the Hook @-@ Sickle spear and Wang Gui , the Dao . All of them learn the skill of archery in addition . Some of these and other children are mentioned in Yue Ke 's memoir as being his grandfather 's historical childhood friends , but they are never specified as being Zhou 's students . \n Books written by modern @-@ day martial artists make many claims that are not congruent with historical documents or current scholarly thought . For instance , Yang @-@ Ming says Zhou was a scholar who studied martial arts in the Shaolin Monastery and later took Yue as his student after the young man worked as a tenant farmer for the official @-@ general Han Qi ( , 1008 – 1075 ) . During this time , he learned all types of military weapons , horseback riding , and hand @-@ to @-@ hand combat . The General later created Xingyi and Eagle Claw boxing from his internal and external training under Zhou . However , history Prof. Meir Shahar notes that unarmed boxing styles did not develop at Shaolin until the late Ming Dynasty . He also states that Ji family memoirs and Qing Dynasty records suggest Xingyi was created hundreds of years after the death of Yue by a named Ji ( fl . 1651 ) . In addition , the appearance of Han Qi in the story is a chronological anachronism since he died nearly 30 years before Yue 's birth . Yue historically worked as a tenant farmer and bodyguard for descendants of Han Qi in 1124 after leaving the military upon the death of his father in late 1122 , but he learned from Zhou well before this time . \n Eagle Claw Grandmasters Leung Shum and Lily Lau believe \" Tong \" ( the Cantonese rendering of his name ) was a monk who brought young Yue to the Shaolin Monastery and taught him a set of hand techniques , which Yue later adapted to create his Ying Kuen ( Eagle fist ) . Liang states practitioners of Emei Qigong believe Yue trained under Zhou as a child and competed to become China 's top fighter at an early age . Their lineage story dictates Zhou also took Yue to a \" Buddhist hermit \" who taught him said qigong style . Northern Praying Mantis Master Yuen says Zhou taught Yue the \" same school \" of martial arts as he did his Water Margin students and that the General was the originator of the praying mantis technique \" Black Tiger [ sic ] Heart \" . Although Martial arts historian Stanley Henning admits that Yue 's biographies do not mention boxing , he says \" he [ Yue ] almost certainly did practice some form of bare handed fighting \" to prepare for his weapons training . But he does not suggest who Yue might have learned it from . \n"} +{"id": 825, "text": " There is insufficient historical evidence to support the claim he knew any skills beyond archery . Contemporary records never once mention Zhou teaching Yue boxing . Despite this , various wuxia novels and folk legends have attributed many different military and supernatural skills to Zhou . These range from mastery of the bow , double swords and Chinese spear to that of hard qigong , Chuojiao boxing and even X @-@ ray vision . Wang Shaotang 's folktale even represents him as a master of Drunken Eight Immortals boxing . \n Zhou can also be linked to these combat arts through his historical and folklore students . Practitioners of Eagle Claw , Chuojiao and Xingyi commonly include him within their lineage history because of his association with Yue Fei , the supposed progenitor of these styles . Yuen believes Zhou taught Lin Chong and Lu Junyi the \" same school \" of martial arts that was later combined with seventeen other schools to create Mantis fist . This combination of various schools refers to an eighteenth @-@ century martial arts manual that describes the gathering of eighteen masters at the Shaolin Monastery that supposedly took place during the early years of the Song Dynasty . Lin Chong and Yan Qing are listed as two of the eighteen masters invited , which means their skills of Mandarin Duck Leg and ground fighting are treated as two separate schools , instead of one . But he believes Mantis fist was created during the Ming Dynasty , and was therefore influenced by these eighteen schools from the Song . He also says Lu Junyi taught Yan Qing the same martial arts as he learned from Zhou . \n Very few references are made to the people who supposedly taught martial arts to Zhou . In The Legend of Zhou Tong , he learns as a child from a Shaolin master named Tan . Practitioners of Chuojiao claim he learned the style from its creator , a wandering Taoist named Deng Liang . Practitioners of Geok Gar Kuen , a style attributed to Yue Fei , believe he studied under Han De , a \" chivalrous person \" from Shaanxi . \n"} +{"id": 826, "text": " Zhou has appeared in various kinds of media including novels , comic books , and movies . Apart from The Story of Yue Fei and Iron Arm , Golden Sabre , he appears in a novel based around his older martial arts brother , Jin Tai . A recent graphic novel of The Story of Yue Fei , deletes all mythological elements from the storyline and presents it in a historical manner . Instead of traveling from Hebei to Hubei to inspect land , Zhou travels from Shaanxi to Kaifeng City in Henan to visit an old friend who had been promoted to General . While en route to the capital city , Zhou takes note of a great famine plaguing the peasantry and even hears stories of some people resorting to Cannibalism . However , when he arrives in Kaifeng , he sees the empire is wasting money on the construction of large imperial gardens , the court officials Cai Jing and Wang Pu have extravagant residencies , and hears that even eunuchs are rich because they are given high government posts . Upon locating his friend , Zhou is distressed to find him in stocks and shackles and being escorted to the farthest reaches of China by imperial guards . He later learns that the General had accidentally offended some court officials and was sentenced to permanent exile on some trumped up charges . Apparently having little or no money , Zhou decides to visit Wang Ming in Hubei ( mistakenly called Hebei ) and becomes the estate 's tutor . \n Another noticeable difference in the storyline takes place when Zhou travels with his teenage disciples to visit his friend the Abbot . Instead of Yue wandering behind the temple to battle the magical snake , he stays with Zhou and the Abbot , while the other disciples go off to explore . Zhou watches as the Abbot tests Yue 's strength by asking him to move an ornate three @-@ hundred pound copper stove dating from the Han Dynasty . The abbot then lifts a stone floor tile and presents the boy with a large book on military strategy . He goes on to tell Yue how he was once a great soldier who fought in campaigns against the Liao and Western Xia empires , but became a monk after the Song agreed to become a vassal of each state . He later made a name for himself by teaching military skills to youths from the surrounding area . Since he has no heir of his own , the Abbot presents Yue with his own personal spear and instructs him in the proper use of the weapon . Zhou kindly protests the gift at first , but allows Yue to keep it out of friendship . \n A second graphic novelization drastically changes the storyline involving Zhou . Like the original , Zhou becomes the tutor of the Wang estate , but , when news of his arrival prompts rich families to send their sons to learn from him , he is forced to accept droves of these students on a trial basis . He eventually chooses his friends ' sons as his indoor disciples and Yue as his \" godchild \" . Years later , he takes his now teenage students not to see the Buddhist abbot , but to teach them military strategy out in the mountain wilderness . Yue senses trouble after his martial brothers separate to explore the forest and rushes off to rescue them , only to be confronted by a monstrous snake . After vanquishing the beast with his sword , Yue discovers a magic glowing spear within a cave and reports back to Zhou . Following their training , Zhou becomes ill from overexposure to the cold mountain air on the return trip home and dies soon after . Instead of just Yue , all of his students live beside his grave for a mourning period of one hundred days before returning home to their families . These events take place three years before Zhou originally died in The Story of Yue Fei . \n Stories including Zhou have also been used to educate . The Secondary School system of Hong Kong teaches children the value of mentorship by making them read about the close teacher @-@ pupil relationship between Zhou and Yue . A morale tale called \" Yue Fei Studies Archery \" in Children 's Pictorial , a Chinese magazine tailored for children ages two through seven , demonstrates how great achievements are only made possible via diligent practice . The story states how young Yue stumbles upon Zhou 's training hall in a neighboring town while gathering fire wood . Yue applies to become a student , but Zhou tells him he must first practice the art of the \" far @-@ sighted person \" by staring into the morning sun to improve his eyesight . After years of unrelenting practice , Yue is able to spot a lone goose flying off in the distance and two cicadas on a tree far into the forest . Zhou then officially takes him as his disciple and adopted son . Under his tutelage , Yue is able to master the eighteen weapons of war and to shoot a falling leaf from one @-@ hundred paces away . \n He is mentioned numerous times in author Robert 's thriller Deadlock ( 2009 ) . Zhou is first featured in chapter eight during a conversation between the main character John \" Hutch \" Hutchinson , a journalist bent on stopping the maniacal plans of a billionaire madman , and his friend 's young son Dillon , an archery enthusiast . When Hutch asks him if he had ever heard of the archery @-@ champion @-@ turned @-@ actor Howard Hill , Dillon replies : \" I don 't think so ... You told me about Zhou Tong \" . Hutch then says : \" Oh , yeah . Zhou Tong was something . Taught the Song Dynasty to be the best military archers in history . But Howard Hill [ was the best ] \" . Later in chapter fifty , while Hutch is trailing a killer through an airport , a page goes out over the intercom system for a \" Mr. Zhou Tong \" . When the page goes out again , Hutch muses : \" Zhou Tong had been a famous archery teacher and military arts tutor in the Song Dynasty . [ Dillon and I ] had long telephone conversations about him , because of Tong 's blending of archery skills and self @-@ discipline . He was an inspiration to [ me ] . Dillon had sensed that and wanted to known everything about him \" . He finally realizes that the page had to have been left by Dillon 's mother Laura to catch his attention . The page is sent to warn him of a trap , but Hutch receives it too late . \n Screen actors who have portrayed Zhou in film 's from the 1940s and 1960s include Wong Sau Nin , Li Ming , and Jing Ci Bo . Jing starred alongside a ten @-@ year @-@ old Sammo Hung , who played young Yue Fei . Veteran martial arts actor Yu , who played the sword @-@ wielding antagonist in Jet Li 's Shaolin Temple , stated in a 2005 newspaper interview that he never shaved his trademark beard , even at the request of movie producers , because he wanted to portray Zhou in a future film . He went on to say \" He is an outstandingly able person from the northern and southern Song Dynasties and many Water Margin heroes are his disciples . This person is very important in the martial arts and many people want to portray him in films \" . \n"} +{"id": 827, "text": " The Romanian Land Forces ( Romanian : Române ) is the army of Romania , and the main component of the Romanian Armed Forces . In recent years , full professionalisation and a major equipment overhaul have transformed the nature of the force . \n The Romanian Land Forces were founded on 24 November [ O.S. 12 November ] 1859 . They participated in World War I , together with the Russian Empire forces in actions against the Central Powers and , despite initial setbacks , won the decisive battles of Mărăşti and Mărăşeşti . During most of World War II ( until August 23 , 1944 ) Romanian forces supported the Axis powers , fighting against the Soviet Union on the Eastern Front . From August 1944 until the end of the war , Romania fought against Germany under the control of the Soviet Union . When the communists seized power after the Second World War , the army underwent reorganisation and . \n Following the Romanian Revolution , due to shortage of funds , many units were disbanded and much equipment was phased out . Likewise , Romanian military capability declined because of a lack of fuel as well as training . However , since the late 1990s , a number of positive changes have come about and the level of combat readiness is growing greatly ; since 1996 , the military budget has grown more than four times - rising from 636 million dollars to 2 @.@ 8 billion dollars in 2007 . Conscription has been abolished and professionalisation has been completed . \n"} +{"id": 828, "text": " The Land Forces represent the most important component of the Romanian Armed Forces and they are for execution of various military actions , with terrestrial or character , in any zone or direction . \n The Land Forces must , independently or together with other Romanian military branches , conduct operations and defensive or offensive battles , for capture , or destruction of the invading enemy , being part of national , or multinational military structures . \n A part of the units which compose the current operational structure of the Land Forces , must be able to conduct military operations outside the national territory , together with the international military forces . \n"} +{"id": 829, "text": " The first attempt to create an independent Romanian army was made by Gheorghe Magheru during the 1848 Wallachian Revolution , and it was based at ( now part of Râmnicu Vâlcea ) . However , Magheru rapidly ordered his troops to disband when the Ottoman forces swept into Bucharest to stop the revolution . \n"} +{"id": 830, "text": " The current Romanian Land Forces were formed in 1859 , immediately after the unification of Wallachia with Moldavia , and were commanded by Alexandru Ioan Cuza , Domnitor of Romania until his abdication in 1866 . In 1877 , at the request of Nikolai Konstantinovich , Grand Duke of Russia the Romanian army fused with the Russian forces , and led by King Carol I , fought in what was to become the Romanian War of Independence . They participated in the Siege of Plevna and several other battles . The Romanians won the war , but suffered about 27 @,@ 000 casualties . Until World War I , the Romanian army didn 't face any other serious actions . \n"} +{"id": 831, "text": " The Romanian Army entered the Second Balkan War against Bulgaria , allowing Romania to annex Southern Dobruja ( also known as the ) . Although some 330 @,@ 000 troops were mobilised , the Romanians met little resistance in Bulgaria and as such this is not considered a major conflict in Romanian history . This was due to historical claims on land . This area no longer belongs to Romania . \n"} +{"id": 832, "text": " On July 6 , 1916 , Romania declared war on Germany and Austria @-@ Hungary , following the initial success of the Brusilov Offensive ( a major Russian offensive against the armies of the Central Powers on the Eastern Front ) . The Romanian armies entered Transylvania ( then part of the Austro @-@ Hungarian Empire ) , together with Russian forces . However , German forces under the command of General Erich von Falkenhayn stalled the attack in November , 1916 , and drove back the Romanians . At the same time , Austrian and Turkish troops invaded southern Romania , forcing the country into a two @-@ front war . The Central Powers drove deep into Romania and conquered the south of the country ( Wallachia , including Bucharest ) by the end of 1916 . The Romanian forces , led by Marshal Constantin Prezan , retreated into the north @-@ east part of Romania ( Moldavia ) . In the summer of 1917 however , Prezan , aided by the future Marshal , General Ion Antonescu , successfully defended the remaining unoccupied territories against German and Austro @-@ Hungarian forces led by Field Marshal August von Mackensen . General Alexandru Averescu led the Second Army in the victories of the Battle of Mărăşti ( July 22 to August 1 , 1917 ) and the Battle of Mărăşeşti ( August 6 to September 8 , 1917 ) . As a result of the Russian Revolution , Romania was left isolated and unable to continue the war , and was forced to sign the Treaty of Bucharest with the Central Powers . Later on , in 1919 , Germany agreed , in the Treaty of Versailles Article 259 , to renounce all the benefits provided to it by the Treaty of Bucharest in 1918 . After the successful offensive on the Thessaloniki front , which put Bulgaria out of the war , Romania re @-@ entered the war on November 10 , 1918 , a day before its end in the West . \n"} +{"id": 833, "text": " After World War I , Transylvania proclaimed union with the Kingdom of Romania . As a result , in April 1919 , the newly established Hungarian Soviet Republic vowed to retake the region by force , and Hungarian troops attacked Romanian formations in Transylvania . The Romanian Army defeated the Hungarians and conquered Budapest in August 1919 . \n From 1921 to 1939 in Transylvania Inspectorate General of Army no . 3 had subordinate the 6th and 7th Army Corps . By 1 April 1921 , when he disbanded Forces Western Command , to order 6th Army Corps ( and earlier structures ) have been generals Prezan Constantin , Constantin Traian , George , Nicholas and Arthur et al . After 1 April 1921 to 23 March 1939 , C. 6 A. was commissioned by General Nicholas Petal , Pop Alexander , John Prodan , Dumitru Gheorghe Florescu and Christie Doe , prominent military leaders , whom Octavian Goga wrote that \" in the interwar period , in Cluj in Transylvania , commanders have made a large @-@ scale opera and unanimous praise . \" Three divisions were part of 6th Army Corps : 16th ( Dej ) , 17th ( Oradea ) and 20th Infantry Divisions ( @-@ Mureş ) . With rapid and marked worsening international situation , especially in neighboring Romania , on 22 September 1939 , the 4th Army , recently founded , became Army Group Command no . 1 of Transylvania . \n"} +{"id": 834, "text": " After General ( later Marshal ) Ion Antonescu took power in September 1940 , Romania signed the Tripartite Pact with the Axis Powers and subsequently took part in Operation Barbarossa in 1941 . An expeditionary force invaded the Soviet Union in Bessarabia and southern Ukraine , alongside the German Wehrmacht . The expeditionary force , ' Army Group Antonescu , ' was composed on 22 June 1941 of the 3rd Army , the 4th Army , the 2nd Army Corps , and the 11th Infantry Division . The 3rd Army comprised the 4th Army Corps ( 6th and 7th Infantry Divisions ) , the Cavalry Corps , the Mountain Corps , two separate artillery battalion , a TA unit , and the Air Force 's 3rd Army Cooperation Command . The 4th Army consisted of the 3rd Army Corps , the 5th Army Corps , the 11th Army Corps ( two fortress brigades ) , and the 4th Army Cooperation Command . The army group @-@ level 2nd Army Corps , under Major General N. , controlled the 9th and 10th Infantry Divisions and the 7th Cavalry Brigade . Additionally the 1st Armoured Division was formed for service on the Eastern Front . The Army Group 's first offensive , in conjunction with the Eleventh Army , Operation , enabled Romania to retake the territory immediately east of the , former part of Moldavia . The Romanian Armies saw their first major battles at Odessa and Sevastopol , and in 1942 advanced with other Axis forces deeper into Soviet territory during Operation Blue . \n The greatest disaster for the Romanian expeditionary force on the Eastern Front came at Stalingrad , where , during the Soviet counter @-@ offensive of November 1942 , the thinly spread forces of the Third Army ( deployed north of Stalingrad ) and of the Fourth Army ( deployed south of Stalingrad ) were attacked by vastly superior Soviet forces and suffered combined losses of some 158 @,@ 000 personnel . \n During April – May 1944 the Romanian forces led by General Mihai , together with elements of the German Eighth Army were responsible for defending Northern Romania during the Soviet First Jassy @-@ Kishinev Offensive , and took part in the Battles of Târgu Frumos . In late August 1944 , the Red Army entered eastern Romania . On August 23 , 1944 , a coup led by King Michael I of Romania deposed Marshal Antonescu and set up a pro @-@ Soviet government . It has been estimated that the royal coup shortened the war for Romania by six months . Romania soon declared war on Nazi Germany , and the First and Fourth Armies were pressed into action . After the expelling of the last Wehrmacht remnants from Romania , the Romanian Armies took part in the Siege of Budapest and the Prague Offensive of May 1945 . \n"} +{"id": 835, "text": " The Soviet occupation of Romania led to a complete reorganisation of the Romanian Land Forces under the supervision of the Red Army . At the onset , pro @-@ German elements were purged from the Romanian armed forces . In 1944 – 45 , two divisions were formed out of Romanian volunteers — ex @-@ prisoners of war , trained and indoctrinated in the Soviet Union during the war , but also of many Communist activists . One was the Tudor Vladimirescu First Volunteer Division , under the command of Colonel Nicolae , and the other the Horia , şi Division , under the command of General Mihail Lascăr ( who later served as Minister of Defence from 1946 to 1947 ) . These two units formed the nucleus of the new Romanian Land Forces under Soviet control . The postwar reorganisation of the Land Forces included cavalry but the arm disappeared from the force with the disbandment in November 1954 of the 59th Cavalry Division at Oradea . \n After the Romanian Communist Party seized political power , the of the army commenced , under the supervision of the new Minister of Defence , Emil . Thirty per cent of the officers and noncommissioned officers ( mostly experienced soldiers , and a potential source of opposition ) were purged from the military . This involved copying the Soviet model of military and political organisation , and changing the military doctrine of combat and defence , also in the context of Romania 's integration in the strategic system of the Soviets , at the beginning of the Cold War . \n In the early 1950s the reached a level of 12 rifle , one mechanised , and one tank division . Between 1960 and 1964 the rifle and mechanised divisions were converted to motor rifle divisions , and reductions in strength began ; force size dropped to six motor rifle and two tank divisions by 1970 . From 1970 to 1976 , three more motor rifle divisions were formed , but one was deactivated in 1977 , and the eight motor rifle and three tank division figure remained that way for the rest of the Cold War . \n From 1947 to 1960 the country seems to have been divided into three major military regions : Cluj , Bacău , and Bucharest in the west , east , and south , respectively . In wartime the land forces in each military region would become an army corps with their headquarters in Cluj @-@ Napoca , Iaşi , and Bucharest . Armies seem to have succeeded military regions in 1960 , and three armies seem to have become four in 1980 . What is known is that on 01 @.@ 07 @.@ 1947 Fourth Army became 3rd Military Region , based in Cluj . The 3rd Military Region became the 3rd Army on 30 April 1960 , and the 4th Army on 5 April 1980 . \n During the 1980s , the land forces numbered 140 @,@ 000 personnel , of whom two thirds were conscripts . In 1989 four armies appeared to exist : the First Army at Bucharest , Second Army at , Third Army at Craiova , and Fourth Army at Napoca . In 1989 the land forces consisted of eight mechanised ( infantry ) divisions ( 1st , Bucharest , 2nd , Craiova , 9th , , 10th , Iași , 11th , Oradea , 18th , Timişoara , 67th , and 81st , Mureş ) two tank divisions ( the 57th Tank Division at Bucharest and the 6th Tank Division at Mureş ) , four mountain infantry brigades , and three airborne brigades . According to the 165 @-@ year ' History of Modern Romanian Artillery , ' in 1989 the 1st Army consisted of the 1st Mech Div , 57th Tank Div . , and the 2nd Mountain Brigade ; the 2nd Army of the 9th Mech Div , 10th Mech Div , 67th Mech Div , and 32nd Rocket Bde ; the 3rd Army of the 2nd Mech Div , 18th Mech Div , and the 4th Mountain Bde ; and the 4th Army of the 11th Mech Div , 81st Mech Div , 6th Tank Div . , 1st Mountain Bde , 5th Mountain Bde , and 37th Tactical Missile Brigade . \n Motorised rifle divisions were organized along the Soviet model with three motorised rifle regiments , one tank regiment , and a full complement of 12 @,@ 000 infantry soldiers . The artillery , antitank , and air defence regiments of divisions provided specialised fire support that enabled motorised rifle and tank regiments to maneuver . The air defense regiments consisted of two anti @-@ aircraft artillery battalions and one surface @-@ to @-@ air missile ( SAM ) battalion , each composed of several batteries . In the late 1980s the artillery regiments of motorised rifle and tank divisions included two artillery battalions , one multiple rocket launcher battalion , and one surface @-@ to @-@ surface missile battalion . \n Surface @-@ to @-@ surface missile battalions were divided into three or four batteries , each equipped with one missile launcher . They operated thirty FROG @-@ 3 and eighteen SCUD missile launchers . The FROG @-@ 3 , a tactical missile first introduced in 1960 , was being replaced in other non @-@ Soviet Warsaw Pact armies . Proven to be fairly inaccurate in combat , FROG and SCUD missiles would be ineffective weapons carrying conventional high @-@ explosive warheads . Tipped with nuclear or chemical warheads , however , they could be devastating . According to one former Romanian official writing in 1988 , Romania produced chemical agents that could be delivered by battlefield missiles . \n"} +{"id": 836, "text": " During the early 1990s , some major units were disbanded and a lot of equipment was phased out or scrapped due to a severe shortage of funds . The whole land forces structure was reorganized from armies into territorial corps , and from regiments into battalions . In the mid @-@ 1990s , the situation of the land forces was critical : the military budget was three times lower than in 1989 ( 636 million dollars ) , 50 % of the equipment was older than 30 years , and 60 % of the armoured vehicles and 85 % of the missile units were non @-@ operational . Due to lack of fuel and training , the level of combat readiness and military capability was extremely low ( only about 30 % of the entire land forces were operational ) . However , after 1996 the government took serious action ; the military budget was increased greatly , and modernisation of equipment commenced . Officially , the program to modernize and restructure the armed forces began on 11 April 2000 . \n"} +{"id": 837, "text": " In 2005 , the army comprised eight combat , four combat support and two logistic brigades , while ten combat , five combat support and two logistic brigades could be further mobilised in case of crisis . Many of these units have been restructured , however , as part of the 2007 Force Plan . \n Currently , about 75 @,@ 000 military personnel and 15 @,@ 000 civilians comprise the armed forces , for a total of 90 @,@ 000 men and women . Out of these 75 @,@ 000 , . 43 @,@ 000 are in the Land Forces . \n"} +{"id": 838, "text": " The Romanian military is undergoing a three @-@ stage restructuring . As of 2007 , the first short @-@ term stage was completed ( reorganisation of the command system , implementation of the voluntary military service ) . The year 2015 marks the end of the second stage ( operational integration in NATO and EU ) , while 2025 is the date when the long @-@ term stage is to be completed ( full technical integration in NATO and EU ) . The stages aim at modernising the structure of the armed forces , reducing the personnel as well as acquiring newer and improved technology that is compatible with NATO standards . \n Romania abolished compulsory military service on October 23 , 2006 . This came about due to a 2003 constitutional amendment which allowed the parliament to make military service optional . The Romanian Parliament voted to abolish conscription in October 2005 , with the vote formalising one of many military modernisation and reform programmes that Romania agreed to when it joined NATO in March 2004 . \n"} +{"id": 839, "text": " In peacetime , the commander of the land forces is the minister of defense , while in wartime , the President of Romania becomes the supreme commander of the armed forces . The main combat formations of Romania are the 2nd Infantry Division Getica , and the 4th Infantry Division Gemina . Until 2015 the Romanian land forces fielded a third division , namely the 1st Division Dacia . Before June 2008 , the 1st and 4th divisions were known as the 1st Territorial Army Corps and the 4th Territorial Army Corps and in turn they used to be called the 1st Army and 4th Army prior to 2000 . However due to their personnel having been reduced considerably in order to reach compatibility with NATO standards they were renamed and reorganized as divisions . In 2010 , the Joint HQ command was renamed as 2nd Infantry Division Getica and received units from the 1st and the 4th Infantry divisions . \n The current chief of the Romanian Land Forces Staff is Major General Nicolae , who succeeded Major General Mircea Savu on 7 January 2014 . The Land Forces official day is celebrated each year , on 23 April . \n"} +{"id": 840, "text": " The Romanian Land Forces have completely overhauled their equipment in the past few years , replacing it with a more modern one . The TR @-@ \" \" main battle tank and the MLI @-@ \" \" infantry fighting vehicle are the most modern native made equipment of the Romanian Land Forces . Also , 43 ex @-@ German Gepard anti @-@ aircraft systems were commissioned in late @-@ 2004 . \n The Land Forces ordered about 100 US Army Humvees ; the first eight were delivered to the military police in December 2006 . 31 Piranha III armoured vehicles ( LAV III variant ) and 60 high mobility vehicles were also ordered in 2007 for deployment in Iraq and Afghanistan . \n Equipment Summary : \n"} +{"id": 841, "text": " The evolution of the special forces within the Romanian Land Forces led to the establishment of the 1st Special Operations Regiment on 1 August 2009 , headquartered at Târgu Mureş . It later became the 6th Special Operations Brigade on 25 October 2011 , composed of a special operations battalion , two paratrooper battalions and a logistic battalion . \n The most famous and well trained unit is the 1st Special Operations Battalion \" \" , which was legally created in late 2005 , after several batches of graduates had already been selected . Members of the special forces battalion have benefitted from courses abroad , such as the US Army Special Forces ( Green Berets ) course , the United States Marine Corps Force Recon course , as well as other courses . The Special Forces battalion became fully operational during 2007 , after a company had already been commissioned in early @-@ 2006 . \n The current Romanian reconnaissance battalions ( the 313th , the 317th and the 528th ) are also considered special forces units , and were formed in the 1960s during the communist regime . After the revolution , the units suffered from a lack of funds which resulted in the temporary disbandment of the 313th Battalion . However , their equipment was completely overhauled in the past few years and the combat readiness and capabilities have regained full strength . \n DIR , Rapid Intervention Squad of the Romanian Ministry of Defense is an elite special operations unit currently belonging to the Romanian Military Police . It is a special unit inside the military , formed of highly skilled individuals , a very large percentage of its members being champions in martial arts , kickboxing , athletic disciplines and so on . DIR was , until December 2003 , top secret . \n"} +{"id": 842, "text": " The following troops are deployed abroad : \n 45 personnel in Bosnia and Herzegovina ( 23 in Sarajevo and 22 in Banja Luka ) - as part of , since 2000 ( to be withdrawn ) \n 150 personnel in Peć , Kosovo - as part of KFOR \n 1 battalion in Zabul ( 479 personnel ) , 1 guard detachment in Kandahar ( 193 personnel ) , a reconnaissance squad in Sharif ( 6 personnel ) , Afghanistan - as part of ISAF ; additionally , a special forces squad ( 39 personnel ) and a training detachment ( 47 personnel ) are deployed there \n"} +{"id": 843, "text": " After the Romanian Revolution , many firing ranges and training areas were closed and abandoned due to lack of funds . Currently , the military schools and training units of the Romanian Land Forces are directly subordinated to the central headquarters . There are 3 military high schools ( Câmpulung , Alba Iulia and ) , one military academy ( Sibiu ) , one officers school ( ) , 3 training schools ( Sibiu , , Buzău ) and 9 training battalions . \n In the past few years , lots of training exercises took place in Romania with other Balkan or Allied countries . Most of these exercises took place at Babadag , which is one of the largest and most modern training firing ranges and military facilities in Europe , with a total surface area of 270 square kilometres . It was announced on December 6 , 2006 that 1 @,@ 500 U.S. troops stationed at Mihail Kogălniceanu , which in time will form Joint Task Force East , will be using Babadag as a training base . \n"} +{"id": 844, "text": " The Romanian Land Forces distinguishes four career paths : officers ( ) , warrant officers ( ) , NCO 's ( ) and enlisted men ( şi ) . The Marshal rank can be given only in wartime by the President of Romania ; in fact , Romania had only three marshals coming from the rank in its history : Ion Antonescu , Alexandru Averescu and Constantin Prezan . Kings Ferdinand I , Carol II and Mihai I also held the rank of Marshal of Romania . King Carol I held simultaneous ranks as Russian Marshal and German Field @-@ marshal . \n"} +{"id": 845, "text": " Not Quite Hollywood : The Wild , Untold Story of Ozploitation ! is a 2008 Australian documentary film about the Australian New Wave of 1970s and ' 80s low @-@ budget cinema . The film was written and directed by Mark Hartley , who interviewed over eighty Australian , American and British actors , directors , screenwriters and producers , including Quentin Tarantino , Brian Trenchard @-@ Smith , Jamie Lee Curtis , Dennis Hopper , George Lazenby , George Miller , Barry Humphries , Stacy Keach and John Seale . \n Hartley spent several years writing a detailed research document , which served to some degree as a script for the film , about the New Wave era of Australian cinema . It focused on the commonly overlooked \" Ozploitation \" films — mainly filled with sex , horror and violence — which critics and film historians considered vulgar and offensive , often excluded from Australia 's \" official film history \" . Hartley approached Quentin Tarantino , a longtime \" Ozploitation \" fan who had dedicated his 2003 film Kill Bill to the exploitation genre , and Tarantino agreed to help get the project off the ground . Hartley then spent an additional five years interviewing subjects and editing the combined 250 hours of interviews and original stock footage into a 100 @-@ minute film . \n Not Quite Hollywood , which premiered at the 2008 Melbourne International Film Festival , did not perform well at the box office upon its Australia @-@ wide release , but garnered universally positive reviews from critics and a nomination for \" Best Documentary \" at the 2008 Australian Film Institute Awards . \n"} +{"id": 846, "text": " Not Quite Hollywood documents the revival of Australian cinema during the Australian New Wave of the 1970s and ' 80s through B @-@ movies including Alvin Purple , Barry McKenzie Holds His Own , Dead @-@ End Drive In , Long Weekend , Mad Max , The Man from Hong Kong , Patrick , Razorback , Road Games , Stork and Turkey Shoot . From 1971 through to the late 1980s , Australian directors began to take advantage of the newly introduced R @-@ rating which allowed more on @-@ screen nudity , sex and violence for audiences restricted to age 18 and over . \" Ozploitation \" — writer @-@ director Mark Hartley 's own portmanteau of \" Australian exploitation \" — was a subgenre of the New Wave which accounted for the critically panned \" gross @-@ out comedies , sex romps , action and road movies , teen films , westerns , thrillers and horror films \" of the era , commonly overlooked in Australia 's \" official film history \" . The film addresses three main categories of \" Ozploitation \" films : sex , horror and action . \n"} +{"id": 847, "text": " The actors , directors , screenwriters and producers interviewed for the film were : \n"} +{"id": 848, "text": " As a child , Mark Hartley discovered many of the \" Ozploitation \" B @-@ movies from the 1970s and ' 80s while watching late @-@ night television , but was disappointed when they were completely overlooked in books he read detailing Australian cinema . After becoming an accomplished music video director , his interest in this era of Australian filmmaking grew and he spent years researching a potential documentary film . He was close to giving up on the project when he sent a 100 @-@ page draft of the script to American film director Quentin Tarantino , not expecting to receive a reply . Tarantino was a longtime fan of \" Ozploitation \" films and had even dedicated his film Kill Bill to Brian Trenchard @-@ Smith 's work . He replied the day after , telling Hartley that he would do whatever he could to get the film made . Hartley traveled to Los Angeles , California to meet with Tarantino , who agreed to sit for hours of interviews as one of the film 's most prominent interviewees . Hartley spent the following five years interviewing other actors , directors , screenwriters and producers , collecting original stock footage , and then cutting the 100 hours of interviews and 150 hours of film footage down into a 100 @-@ minute film . \n"} +{"id": 849, "text": " Not Quite Hollywood had its worldwide premiere at the Melbourne International Film Festival on 28 July 2008 , and was screened at the Australian Centre for the Moving Image . Its Australia @-@ wide release was a month later , on 28 August 2008 , and it had its overseas premiere at the Toronto Film Festival on 7 September 2008 , where distribution rights were secured for the United Kingdom , Canada , France , Russia , Germany and Benelux . The film was also screened at the Austin , Sitges , Warsaw , Helsinki and Stockholm International Film Festivals in 2008 , and featured at the London Film Festival on 25 October 2008 . \n The film did not perform well at the box office upon its Australian release , taking in a gross of A $ 108 @,@ 330 on its first weekend but only $ 31 @,@ 995 on its second weekend at a screen average of $ 681 on 47 screens . \n"} +{"id": 850, "text": " Overall , Not Quite Hollywood received positive reviews from critics . Review aggregate Rotten Tomatoes reports that 94 % of critics have given the film a positive review , \" Certified Fresh \" , based on 63 reviews , with an average score of 7 @.@ 4 out of 10 . Margaret Pomeranz and David Stratton of At the Movies gave the film four and three and a half out of five stars respectively ; Pomeranz commended Hartley for \" the depth of his research and for creating a wildly entertaining film experience \" , and claimed that \" for those of us who remember the films , Not Quite Hollywood is a blast \" . Sandra Hall , writing for The Sydney Morning Herald , gave the film three and a half out of five stars , believing that \" Hartley 's own film is much livelier than most of those he is out to celebrate \" . Jake Wilson of The Age similarly gave the film three and a half stars , but called the film \" basically a feature @-@ length advertisement for its subject \" , saying that it \" moves far too rapidly to permit sustained analysis \" . The Courier @-@ Mail 's Des , who gave the film four and a half out of five stars , disagreed , saying that \" Brisk editing means the history is lively and fun \" , and claimed in homage to The Castle , \" Copies of Hartley 's film should go straight to pool rooms all over Australia when it becomes available on DVD . \" Luke of Empire Magazine Australasia gave Not Quite Hollywood five out of five stars , calling the film \" fast , thrilling and often ribald \" , while Leigh Paatsch wrote for the Herald Sun that \" there is not a single instant where boredom can possibly intrude \" , dubbing the film \" an incredibly energetic and merrily messed @-@ up celebration of Australian B @-@ movies \" . \n English director Edgar Wright named Not Quite Hollywood his fourth favourite film of 2008 , and called it \" the best documentary ever . \" \n"} +{"id": 851, "text": " A list of film referenced within Not Quite Hollywood , separated by genre . \n"} +{"id": 852, "text": " Not Quite Hollywood : The Wild , Untold Story of Ozploitation ! grossed $ 186 @,@ 986 at the box office in Australia , . \n"} +{"id": 853, "text": " \" Why Does It Hurt So Bad \" is a song recorded by American singer Whitney Houston for the 1995 film Waiting to Exhale . It was released on July 7 , 1996 , by Arista Records as the seventh and final single from the accompanying soundtrack . The song was written and produced solely by Babyface . Musically , it is an R & B ballad , and the lyrics chronicle a lovelorn lament . \n The song garnered positive reviews from critics , who commended Houston 's vocal effort . It charted in the United States on the Billboard Hot 100 , peaking at number twenty @-@ six . It also reached a peak position of number twenty @-@ two in the Hot R & B / Hip @-@ Hop Songs chart and number six on the Adult Contemporary chart . In Canada , the song reached a peak of number forty @-@ five on the RPM Singles chart . Although there is no official music video for the song , a performance of the song at the 1996 MTV Movie Awards was taped and is used as a promotional clip . The song was later included as a medley , in her My Love Is Your Love World Tour ( 1999 ) , along with a few other songs . \n"} +{"id": 854, "text": " Houston starred in the 1995 romance film Waiting to Exhale , directed by Forest Whittaker . Although Houston did not intend to contribute to the film 's soundtrack , when Whittaker hired Babyface to score the soundtrack , she opted in . Babyface , Houston and some other African @-@ American female singers recorded songs for the album . The song was one of the final additions to the soundtrack . \" Why Does It Hurt So Bad \" was originally written by Babyface for Houston , two years prior to the release of Waiting to Exhale , but Houston refused to record it at that time . \" I wasn 't really in the mood for singing about why it hurts so bad , \" said Houston . Two years later , according to Chris Willman of Entertainment Weekly , the emotions of the movie merged with the real @-@ life circumstances of Houston 's troubled marriage to Bobby Brown . \" Now , I 'm ready to sing not only the joys of things , but the pains of things , also , \" Houston explained . \n"} +{"id": 855, "text": " \" Why Does It Hurt So Bad \" is an R & B ballad . The song was written and produced by Kenneth Brian Edmonds , popularly known as \" Babyface \" . According to the sheet music book for The Greatest Hits at Sheetmusicplus.com , the song is written in the key of B ♭ major , and moves at a tempo of 69 beats per minute . It is set in time signature of common time and features a basic chord progression of B / E – Em – C ♯ m – G ♯ 7 . Houston 's vocals span from the note of Am7 to the note of D5 . According to Stephen Holden of New York Times , the song is a \" lovelorn lament with a realistic twist \" . He noted that , through the verses , the singer congratulates herself for breaking up with an abusive boyfriend and admits that she is still in love . \n"} +{"id": 856, "text": " The song garnered mainly positive reviews from critics . Craig Lytle of Allmusic noted that Houston 's voice \" sailed \" through the song . Christopher John Farley of TIME commented Houston \" particularly held her own \" , with a \" masterly balance of pop , zip , and soulful melancholy \" . Steve Knopper of Newsday wrote : \" It 's lower @-@ key and the singer , who also stars in the film , doesn 't feel compelled to perform constant vocal feats . \" A writer for Boston Herald noted that the song was \" understated \" . Similarly , Larry Flick of Billboard commented that the song should have been released as the follow @-@ up to \" Exhale ( Shoop Shoop ) \" . \" Paired with Babyface , Houston is positively luminous on [ this ] heartbreak ballad , performing with a perfect blend of theatrical melodrama and guttural soul , \" he added . Deborah Wilker of South Florida Sun @-@ Sentinel was mixed in her review commenting that the song was a \" predictably histrionic follow @-@ up \" to \" Exhale ( Shoop Shoop ) \" . But , Nick Krewen of The Spectator was even less enthusiastic , writing \" [ ... ] the two guaranteed [ Whitney Houston ] hits – ' Exhale ( Shoop Shoop ) ' and ' Why Does It Hurt So Bad ' – don 't really offer anything new . \" Similarly , Cary Darling of Rome News @-@ Tribune gave a negative review . She noted that \" [ the ] ballad ' Why Does It Hurt So Bad ' is [ more ] standard Whitney @-@ fare \" . \n Released as the seventh and final single from the Waiting to Exhale : Original Soundtrack Album , the song debuted at number 60 on the Billboard Hot 100 , on the issue dated August 3 , 1996 . On the same issue , the song debuted at number 34 on the Hot R & B / Hip @-@ Hop Singles chart . The song later reached a peak of number 26 on the Hot 100 , and 22 on the R & B / Hip @-@ Hop Singles chart . It also reached number six on the Adult Contemporary chart , while reaching a peak of 39 on the Adult Pop Songs chart . In Canada , the song debuted at number 98 on the RPM Singles chart , on the July 22 , 1996 issue . Later , on the September 15 , 1996 issue , it reached a peak of number 45 . \n"} +{"id": 857, "text": " The song was not promoted through an official music video , although Houston appeared at the 1996 MTV Movie Awards held at Walt Disney Studios , Burbank and performed \" Why Does It Hurt So Bad \" . The performance was directed and taped by Bruce Gowers and was later used as a promotional clip to accompany the song . The performance features Houston sitting on a chair , wearing a white outfit , and singing the song . \n Houston performed the song on her My Love Is Your Love World Tour , in 1999 . The song was performed as a part of the \" Movie Medley \" , along with \" I Believe in You and Me \" , \" It Hurts Like Hell \" , originally performed by Aretha Franklin , and \" I Will Always Love You \" . This performance was taped in Sopot , Poland , on August 22 , 1999 and broadcast on Polish television channel , . \n"} +{"id": 858, "text": " Retrieved from CD liner notes \n"} +{"id": 859, "text": " Hurricane Omar was a strong hurricane that took an unusual southwest to northeast track through the eastern Caribbean Sea during October , 2008 . Forming out of a tropical disturbance on October 13 , Omar initially moved slowly in the eastern Caribbean Sea . By October 15 , Omar began to quickly intensify as deep convection developed around the center of circulation . Later that day , an eye developed and the storm began to accelerate to the northeast . Early on October 16 , Omar reached its peak intensity with winds of 130 mph ( 215 km / h ) and a barometric pressure of 958 mbar ( hPa ; 28 @.@ 29 inHg ) . Shortly after , the hurricane rapidly weakened to Category 1 intensity . After slightly re @-@ strengthening the next day , Omar weakened to a tropical storm before degenerating into a non @-@ convective low pressure area . The remnants of Omar persisted until October 21 at which time it dissipated to the west of the Azores . \n Throughout the eastern Caribbean , Omar affected numerous islands , most of which only recorded minor impacts . Large swells and heavy rains impacted the ABC islands . Antigua and Barbuda sustained $ 54 million in damages , mainly on Antigua as nine homes were destroyed , several others damaged and many farms were inundated by flood waters . One person died in Puerto Rico after suffering a stress @-@ induced cardiac arrest . The United States Virgin Islands also sustained significant damage , costing roughly $ 6 million . Numerous boats and homes were damaged and over 100 power poles were snapped . Total losses from the storm were estimated at $ 79 million . \n"} +{"id": 860, "text": " On September 30 , a well @-@ developed tropical wave moved off the eastern coast of Africa and entered the Atlantic Ocean . Deep convection formed around a prominent mid @-@ level circulation as it moved towards the west . However , the convection diminished on October 2 before entering the Caribbean Sea a week later . Upon entering the Caribbean Sea , shower and thunderstorm activity redeveloped around the low . Continued development followed and the low was designated as Tropical Depression Fifteen at 0600 UTC on October 13 while located about 190 miles ( 305 kilometres ) south of the southeastern tip of the Dominican Republic . The previous steady westward motion that the system took across the Atlantic halted as it entered an area of weak steering currents and significant motion was not expected for another day or two . As the structure of the storm improved , it was upgraded to a tropical storm and the National Hurricane Center ( NHC ) gave it the name Omar . \n Located to the southeast of a broad and deep tropospheric trough and to the west of a low to mid @-@ level ridge , Omar took a counter @-@ clockwise turn on October 14 . Upon becoming a tropical storm , Omar began to undergo an extended period of rapid intensification as very deep convection developed around the center of circulation . Wind shear around the storm , which was previously inhibiting quick development , weakened , allowing for further strengthening . Later that day , an 11 @.@ 5 to 17 @.@ 2 mi ( 18 @.@ 5 to 27 @.@ 7 km ) wide eye formed as the storm began to turn towards the northeast due to the trough . With the formation of an eye , the Dvorak technique rendered an intensity of 75 mph ( 120 km / h ) , signifying that Omar had intensified into a hurricane . The intensification briefly stalled as the eyewall eroded and the center of the storm became slightly elliptical . However , deep convection persisted and strengthening was forecast as the storm neared Puerto Rico . Shortly after , the eye quickly became well @-@ defined and appeared on visible satellite images , an indication the storm was intensifying . The chances of rapid intensification were good as the storm featured well @-@ developed outflow and prominent banding features . \n With very warm sea surface temperatures , high ocean heat content , low wind shear , and a moist air mass , Omar quickly reached its peak intensity early on October 16 as a Category 4 hurricane with winds of 130 mph ( 215 km / h ) . During the intensification phase , the forward motion of the hurricane increased to 20 mph ( 32 km / h ) . Once in the Atlantic Ocean , Omar began to rapidly weaken , with winds decreasing by 50 mph ( 85 km / h ) in 12 hours . Visible satellite images depicted an exposed low @-@ level circulation with convection displaced to the east due to a combination of very high wind shear and dry air . By October 17 , most of the deep convection associated with the system dissipated ; however , a brief decrease in wind shear allowed Omar to re @-@ strengthen to its secondary peak , with winds of 85 mph ( 140 km / h ) . During this phase , convection redeveloped around the center and an eye reformed . Later that day , the trough that caused the rapid northeastern motion bypassed Omar , leading to decreasing movement . \n A weakening storm , Omar continued towards the northeast due to a mid to upper @-@ level ridge located south of the system and the mid @-@ latitude westerlies to the north . Late on October 17 , wind shear increased once more as Omar tracked over waters below 26 ° C ( 79 ° F ) . Around 0000 UTC on October 18 , Omar weakened to a tropical storm as deep convection associated with it dissipated . Twelve hours later , while still producing tropical storm @-@ force winds , the storm degenerated into a remnant low pressure area . The remnants of Omar persisted until 0600 UTC on October 21 when it dissipated about 805 mi ( 1 @,@ 295 km ) west of the Azores . \n"} +{"id": 861, "text": " On October 15 , the governor of the United States Virgin Islands announced the final preparations for Hurricane Omar as he signed a State of Emergency declaration for the territory . Public schools would be closed on October 16 . All non @-@ essential workers would be dismissed at 10 a.m. local time . At 6 p.m. curfew was put in place for the same day . Only those with valid passes would be allowed to be out after the curfew was put in place . That same day , a Hurricane Warning and flash flood watch were put in place in anticipation of hurricane @-@ force winds and torrential rains from Omar . The American Red Cross planned to open shelters throughout the islands before the hurricane struck . Sandbags were also being distributed in St. Croix . A large oil refinery , which produces 500 @,@ 000 barrels per day ( 79 @,@ 000 m3 / d ) , was shut down and only necessary workers remained at the refinery . \n On Sint Maarten , officials advised residents to start all necessary actions to prepare for a hurricane . Residents were told to clear their yards of any debris or lose furniture that could become airborne during the storm , place shutters over windows and doors and assist elderly neighbors with shuttering their homes , and mariners should find a safe haven . A curfew from 10 : 00 p.m. on October 15 to 10 : 00 a.m. on October 16 was put in place . Due to the possibility of flash flooding , residents were to unclog and free up all waterways around their homes . Officials also warned people to stay away from areas prone to landslides until the \" all @-@ clear \" was given . Owners of livestock were advised to have insured that they were secured in holding areas . As a precaution , the water supply would be shut down from 8 : 00 p.m. October 15 to 8 : 00 a.m. October 16 . Four public areas , St. Peters Community Center , Dutch Quarter Community Center , Genevieve de School , and the Salvation Army building would be used as emergency shelters . \n All public activities , flights , and schools were either closed or canceled on Puerto Rico . Eighteen shelters were open on the eastern part of the island . Also , on Anguilla , residents in the Sandy Ground , Valley Bottom , Welches and Mount Fortune areas were placed under evacuation orders . Shelters were opened throughout the island for those in need of shelter . Schools and government offices were also closed and visitors were told to leave the island . \n"} +{"id": 862, "text": " Omar produced moderate damage throughout numerous islands , amounting to at least $ 60 million ( 2008 USD ) and one death was related to the storm . \n While it was moving little over the south @-@ central Caribbean , Omar brought prolonged tropical storm conditions to the ABC Islands . Sustained winds to near gale force battered the islands , although peak gusts to 58 mph ( 92 km / h ) were confined to Bonaire . In 24 hours , a maximum precipitation total of 4 @.@ 0 in ( 102 mm ) was recorded on Aruba , while 1 @.@ 7 in ( 43 mm ) and 1 @.@ 5 in ( 41 mm ) of rain fell in Curaçao and Bonaire , respectively . The high winds damaged roofs on all three islands , and rough seas caused beach erosion and significant damage to coastal facilities . Some rain damage also occurred , with significant flooding reported in some parts of Aruba . In the SSS Islands ( Saba , St. Eustatius , and Sint Maarten ) strong winds from Omar , gusting up to 76 mph ( 122 km / h ) , and high waves caused significant damage and coastal flooding . On Sint Maarten , rainfall from the storm totaled to 5 @.@ 4 in ( 139 @.@ 4 mm ) . Damage in Sint Maarten was mainly limited to beach erosion and scattered power outages . \n The island of Dominica suffered severe damage from Hurricane Omar . The village of Scotts Head , with a population of 450 , was cut off from the rest of the country as roads were extensively damaged . The village also suffered water losses , electricity shortage , and landline telephones were cut off . Ports throughout the country were severely damaged . All barge access for hauling sand and stones were destroyed . The airport also sustained some damage . Seven boats ran aground during the storm . Minor damage was reported in Anguilla . Two hotels sustained roof damage , downed treed knocked down power lines causing scattered power outages , and the rough seas caused severe beach erosion . Three cargo ships and seven boats ran aground and two other boats sank . \n In Antigua and Barbuda , winds from Omar were recorded at 40 mph , with gusts to 48 mph . Intense squall lines brought torrential rains , falling at rates of 2 in ( 50 @.@ 8 mm ) at times , peaking at 2 @.@ 22 in ( 56 @.@ 4 mm ) per hour from 0900 UTC to 1200 UTC on October 16 . The maximum recorded rainfall was 9 @.@ 1 in ( 232 @.@ 6 mm ) however , up to 11 in ( 279 @.@ 4 mm ) was estimated to have fallen in the mountains . Storm Surge was estimated at 2 – 4 ft ( 0 @.@ 6 – 1 @.@ 2 m ) with waves reaching 5 – 8 ft ( 1 @.@ 5 – 2 @.@ 4 m ) in height . Nine homes were destroyed and several landslides were reported . No fatalities were associated with Omar , and only a few sustained minor injuries . The most severe damage was dealt to roads and agriculture due to flooding . Seventy @-@ five people were forced to evacuate to shelters as their homes were flooded . Several farms were washed away , including their livestock . Numerous farmers lost their harvest due to flooding . Damages in Barbuda were estimated at $ 18 million . Agricultural losses in Antigua amounted to around $ 11 million ( 2008 USD ) and property damage amounted to $ 25 million . \n In Puerto Rico , a man died after he collapsed from cardiac arrest while trying to install storm shutters on his home . As a tropical wave , the precedent to Omar produced heavy rains over the island , causing minor flooding . After passing by Puerto Rico a second time , Omar produced locally heavy rains , which caused minor street flooding . \n On St. Croix , waves up to 15 ft ( 4 @.@ 5 m ) from Omar sank about 47 boats , leading to a large oil spill around the islands . About 400 ships broke lose from the docks , 200 of which lost their anchors . Omar produced upwards of 7 in ( 177 @.@ 8 mm ) of rain on the island within a 24 ‑ hour span . Although St. Croix was brushed by the eyewall , sustained winds reached 53 mph ( 85 km / h ) with gusts to 72 mph ( 116 km / h ) . Three people needed to be rescued when their ship struck a reef and began to sink . Most of the islands 55 @,@ 000 residents were without power as over 100 utility poles were destroyed . Damages on the island were estimated at $ 700 @,@ 000 with another $ 1 million in clean @-@ up costs . St. Thomas , one of the hardest hit islands , was left completely without power in the wake of the hurricane . All of the major intersections were shut down as traffic lights were either on the ground or without power . Damages on the island totaled to $ 5 @.@ 3 million . \n In the Gros Islet Quarter on St. Lucia , rough seas damaged a jetty and grounded a yacht . In Soufrière , four homes were destroyed by the storm surge , which also made some areas impassible . The storm surge also flooded parts of the Anse la Raye Quarter , leading to officials declaring a mandatory evacuation of the area . On Montserrat , very little damage was reported . A few minor landslides occurred in rural areas ; no impact was caused by them . On Nevis there was relatively little damage although the beachfront part of the Four Seasons Resort was severely damaged and was subsequently closed for an extended period . Throughout St. Kitts and Nevis , damage was estimated at $ 19 million . \n"} +{"id": 863, "text": " The damage dealt to the agricultural sector of Antigua and Barbuda fueled major concerns for \" food security \" in 2009 . The government allocated about $ 33 @,@ 897 @,@ 420 to help develop and repair the industry . Significant expansions of croplands were discussed , 15 @,@ 000 ft2 ( m2 ) area , to help promote growth of the sector . \n On October 29 , in the wake of Omar , President George W. Bush signed a major disaster declaration for the United States Virgin Islands , allowing public aid to assist the islands . The Federal Emergency Management Agency or FEMA , had received 60 requests for public assistance throughout the area . Monetary value for the assistance was estimated at $ 3 million and growing . Twenty @-@ five departments and agencies were approved of for federal support , namely the U.S. V.I. Department of Public Works . Several non @-@ profit organizations also received support from FEMA , while those that did not meet the criteria were referred to the Small Business Administration ’ s low @-@ interest loan program . \n On Dominica , Omar 's close pass to the island left 30 families homeless and severely hampered the fishing community . On December 15 , the Board of Directors of the Caribbean Development Bank approved $ 9 @.@ 16 million for assistance to those affected by Omar on the island and to restore the infrastructure damaged by the hurricane . On December 18 , the government of Dominica invested $ 4 million in aid for the fishing communities impacted by Omar . A total of 140 fishermen were provided with $ 250 per week for a total of four weeks . Sixty @-@ two of which continued to receive funds due to their circumstances . The government also purchased 121 boat engines to distribute to fishers . Another $ 794 @,@ 000 was spent to repair 47 boats and construct another 28 that had been damaged or destroyed by Omar . The government also bought replacement fishing gear . \n"} +{"id": 864, "text": " A papal conclave which lasted from 15 February to 19 May 1769 was convoked after the death of Pope Clement XIII . It elected as his successor Cardinal Lorenzo Ganganelli , who took the name Clement XIV . \n"} +{"id": 865, "text": " Clement XIII died suddenly on 2 February 1769 , a day before the date of the consistory that he had convoked to examine the demands for the general suppression of the Society of Jesus . The various courts under the House of Bourbon and the Kingdom of Portugal ( under the House of Braganza ) had exerted strong pressure on the Holy See to suppress this order through almost the whole of his pontificate . In 1759 Jesuits were expelled from Portugal , in 1762 from the Kingdom of France , in 1767 from Spain and in 1768 from the Kingdom of Naples , the Kingdom of Sicily and the Duchy of Parma and Piacenza . Clement XIII strongly defended the Society ( e.g. in the bull in 1765 ) , but without success . In January 1769 France and Naples seized the papal territories around Avignon , Benevento and Pontecorvo to force the pope to issue a decree for the suppression of the order . The sudden death of 75 @-@ year @-@ old Clement XIII left this difficult decision to his successor . \n"} +{"id": 866, "text": " Forty six out of fifty seven cardinals participated in the conclave : \n Carlo Alberto ( created cardinal on September 9 , 1743 ) – Cardinal @-@ Bishop of Ostia e Velletri ; Dean of the Sacred College of Cardinals ; pro @-@ of His Holiness ; prefect of the S.C. of Ceremonies ; prefect of the S.C. of Bishops and Regulars \n Federico Marcello Lante ( September 9 , 1743 ) – Cardinal @-@ Bishop of Porto e Santa Rufina ; Sub @-@ dean of the Sacred College of Cardinals ; prefect of the S.C. of the Good Government ; governor of \n Gian Francesco Albani ( April 10 , 1747 ) – Cardinal @-@ Bishop of Sabina ; Cardinal @-@ protector of Poland \n Henry Benedict Stuart ( July 3 , 1747 ) – Cardinal @-@ Bishop of Frascati ; of S. Lorenzo in ; Vice @-@ Chancellor of the Holy Roman Church ; archpriest of the patriarchal Vatican Basilica \n Fabrizio ( November 26 , 1753 ) – Cardinal @-@ Bishop of Albano \n Giovanni Francesco Stoppani ( November 26 , 1753 ) – Cardinal @-@ Bishop of Palestrina \n Giuseppe Pozzobonelli ( September 9 , 1743 ) – Cardinal @-@ Priest of S. Maria sopra Minerva ; archbishop of Milan \n Carlo Vittorio Amedeo delle ( April 10 , 1747 ) – Cardinal @-@ Priest of S. ; titular archbishop of Nicosia \n Vincenzo ( November 26 , 1753 ) – Cardinal @-@ Priest of SS . Marcellino e Pietro ; archbishop of Bologna \n Antonio ( April 22 , 1754 ) – Cardinal @-@ Priest of S. ; archbishop of Naples \n Francisco de Solís de Cardona ( April 5 , 1756 ) – Cardinal @-@ Priest of [ no title assigned ] ; archbishop of Seville ; Cardinal @-@ protector of Spain \n Paul d 'Albert de ( April 5 , 1756 ) – Cardinal @-@ Priest of S. Tommaso in ; archbishop of Sens \n Carlo Rezzonico ( September 11 , 1758 ) – Cardinal @-@ Priest of S. Clemente ; Camerlengo of the Holy Roman Church \n Antonio Maria ( October 2 , 1758 ) – Cardinal @-@ Priest of S. Marco ; bishop of Padua \n Fernando Maria de Rossi ( September 24 , 1759 ) – Cardinal @-@ Priest of S. Cecilia ; prefect of the S.C. of the Tridentine Council ; Latin Patriarch of Constantinople \n Girolamo Spinola ( September 24 , 1759 ) – Cardinal @-@ Priest of S. Balbina ; legate in Ferrara \n Giuseppe Maria Castelli ( September 24 , 1759 ) – Cardinal @-@ Priest of S. Alessio ; prefect of the S.C. for the Propagation of Faith \n Gaetano Fantuzzi ( September 24 , 1759 ) – Cardinal @-@ Priest of S. Pietro in Vincoli ; prefect of the S.C. of the Immunities \n Pietro Girolamo Guglielmi ( September 24 , 1759 ) – Cardinal @-@ Priest of SS . Trinita al Monte ; Camerlengo of the Sacred College of Cardinals \n Pietro Paolo de Conti ( September 24 , 1759 ) – Cardinal @-@ Priest of S. Stefano al Monte Celio \n Lorenzo Ganganelli , ( September 24 , 1759 ) – Cardinal @-@ Priest of SS . XII Apostoli \n Marcantonio Colonna ( September 24 , 1759 ) – Cardinal @-@ Priest of S. Maria della Pace ; Vicar General of Rome ; prefect of the S.C. of the Residence of the Bishops ; archpriest of the patriarchal Liberian Basilica \n Buenaventura de Córdoba de la Cerda ( November 23 , 1761 ) – Cardinal @-@ Priest [ no title assigned ] ; patriarch of the West Indies ; vicar general of the Spanish army and fleet \n Giovanni Molino ( November 23 , 1761 ) – Cardinal @-@ Priest [ no title assigned ] ; bishop of Brescia \n Simone Buonaccorsi ( July 18 , 1763 ) – Cardinal @-@ Priest of S. Giovanni a Porta Latina \n Giovanni Ottavio ( July 21 , 1766 ) – Cardinal @-@ Priest of S. Maria degli Angeli ; archbishop of Ancona \n Giovanni Carlo ( July 21 , 1766 ) – Cardinal @-@ Priest of SS . Giovanni e Paolo ; Grand penitentiary ; prefect of the Congregation for the correction of the books of the Oriental Church \n Ludovico ( September 26 , 1766 ) – Cardinal @-@ Priest of S. Anastasia ; prefect of the S.C. of the and Sacred Relics \n Antonio Colonna ( September 26 , 1766 ) – Cardinal @-@ Priest of S. Maria in Via \n Lazzaro Pallavicino ( September 26 , 1766 ) – Cardinal @-@ Priest of SS . Nereo ed ; legate in Bologna \n Vitaliano Borromeo ( September 26 , 1766 ) – Cardinal @-@ Priest of S. Maria in ; legate in Romagna \n Pietro Pamphili ( September 26 , 1766 ) – Cardinal @-@ Priest of S. Maria in Trastevere \n Urbano ( September 26 , 1766 ) – Cardinal @-@ Priest of S. Callisto ; archbishop of Fermo \n Filippo Maria Pirelli ( September 26 , 1766 ) – Cardinal @-@ Priest of S. Crisogono \n Alessandro Albani ( July 16 , 1721 ) – Cardinal @-@ Deacon of S. Maria in Via Lata ; of S. Maria in ; Protodeacon of the Sacred College of Cardinals ; Librarian of the Holy Roman Church ; Cardinal @-@ protector of Austria and the Kingdom of Sardinia \n Neri Maria Corsini ( August 14 , 1730 ) – Cardinal @-@ Deacon of S. Eustachio ; archpriest of the patriarchal Lateran Basilica ; secretary of the Supreme S.C. of the Roman and Universal Inquisition ; prefect of the Supreme Tribunal of the Apostolic Signature of Justice ; Cardinal @-@ protector of Portugal \n Domenico Orsini d ( September 9 , 1743 ) – Cardinal @-@ Deacon of S. Maria ad ; Cardinal @-@ protector of the Kingdom of Naples \n Flavio II Chigi ( November 26 , 1753 ) – Cardinal @-@ Deacon of S. Maria in Portico ; prefect of the S.C. of Rites \n Luigi Maria ( November 26 , 1753 ) – Cardinal @-@ Deacon of S. Agata in ; Cardinal Secretary of State \n François @-@ Joachim de Pierre de Bernis ( October 2 , 1758 ) – Cardinal @-@ Deacon [ no assigned ] ; Cardinal @-@ protector of the Kingdom of France ; archbishop of Albi \n Giovanni Caracciolo ( September 24 , 1759 ) – Cardinal @-@ Deacon of S. in ; prefect of the Tribunal of the Apostolic Signature of Grace \n Nicola ( September 24 , 1759 ) – Cardinal @-@ Deacon of S. Giorgio in \n Andrea Corsini ( September 24 , 1759 ) – Cardinal @-@ Deacon of S. Angelo in \n Andrea Negroni ( July 18 , 1763 ) – Cardinal @-@ Deacon of SS . Vito e Modesto ; secretary of the Apostolic Briefs \n Saverio Canale ( September 26 , 1766 ) – Cardinal @-@ Deacon of S. Maria della Scala ; abbot of Subiaco \n Benedetto ( September 26 , 1766 ) – Cardinal @-@ Deacon of SS . Cosma e Damiano ; prefect of the S.C. of Index \n Twenty nine electors were created by Clement XIII , while fifteen by Pope Benedict XIV . Alessandro Albani received the red hat from Innocent XIII , and Neri Maria Corsini from Clement XII . \n"} +{"id": 867, "text": " Giacomo Oddi ( September 9 , 1743 ) – Cardinal @-@ Priest of S. Lorenzo in Lucina ; of the Sacred College of Cardinals ; archbishop of Viterbo e Toscanella \n Carlo Francesco ( November 26 , 1753 ) – Cardinal @-@ Priest of SS . IV ; archbishop of Pavia \n Luis Fernández de Córdoba ( December 18 , 1754 ) – Cardinal @-@ Priest [ no title assigned ] ; archbishop of Toledo \n Etienne @-@ René Potier de ( April 5 , 1756 ) – Cardinal @-@ Priest of S. fuori le ; bishop of Beauvais \n Franz Konrad Casimir von ( April 5 , 1756 ) – Cardinal @-@ Priest of S. Maria del Popolo ; bishop of Constance \n Francisco de Saldanha da Gama ( April 5 , 1756 ) – Cardinal @-@ Priest [ no title assigned ] ; patriarch of Lisbon \n Christoph Anton von von Waal und ( November 23 , 1761 ) – Cardinal @-@ Priest [ no title assigned ] ; archbishop of Vienna ; administrator of the see of \n Antoine de Choiseul de Beaupré ( November 23 , 1761 ) – Cardinal @-@ Priest [ no title assigned ] ; archbishop of Besançon \n Jean @-@ François @-@ Joseph de ( November 23 , 1761 ) – Cardinal @-@ Priest of S. Eusebio ; bishop of Laon \n Franz Christoph Freiherr von Hutten zu ( November 23 , 1761 ) – Cardinal @-@ Priest [ no title assigned ] ; bishop of Speyer \n Louis @-@ César @-@ Constantine de Rohan @-@ ( November 23 , 1761 ) – Cardinal @-@ Priest [ no title assigned ] ; bishop of Strasbourg \n"} +{"id": 868, "text": " The papal conclave in 1769 was almost completely dominated by the problem of the Society of Jesus . The Sacred College of Cardinals was divided into two blocs : pro @-@ Jesuits and anti @-@ Jesuits , but several cardinals were neutral . The pro @-@ Jesuit faction , called Zelanti , grouped Italian curial cardinals who opposed the secular influences on the Church . Their leaders were Gian Francesco and Alessandro Albani and cardinal @-@ nephew of the deceased pope Carlo Rezzonico . The anti @-@ Jesuit bloc ( called also \" court faction \" ) grouped crown @-@ cardinals of the Catholic Powers : France , Spain and Naples . Respectively ruled at the time by Louis XV of France , Charles III of Spain and Ferdinand III of Sicily / Ferdinand IV of Naples . In spite of the national divisions they worked together for the main goal – suppression of the Society of Jesus . The Bourbon courts had decided to put the official leadership of this bloc in the hands of the French Cardinal de Bernis . He and his colleagues were instructed to block every pro @-@ Jesuit candidature , even with the official exclusion if necessary . Several cardinals , among them Lorenzo Ganganelli , did not belong to either faction . \n The Spanish and Neapolitan governments had classified forty three Italian cardinals into five categories : \" good \" ( eleven cardinals ) , \" indifferent \" ( eight ) , \" doubtful \" ( three ) , \" bad \" ( fifteen ) and \" very bad \" ( six ) : \n Cardinal Orsini , the official representative of the Neapolitan court , and all the foreigners , were not classified because it was certain that none of them would be ever elected pope . \n The French government was more fastidious than Spanish and Neapolitan . Only three cardinals were considered good candidates : Conti , and Ganganelli \n Out of these 43 cardinals only 27 or 28 were actually considered papabile , while the remaining 15 were excluded due to their age or health . \n"} +{"id": 869, "text": " The conclave began on February 15 , 1769 . Initially only 27 cardinals participated . Zelanti , taking advantage of the small number of the electors and the absence of the French and Spanish cardinals , tried to achieve a quick election of Cardinal Flavio Chigi . In one ballot he was only two votes short of being elected . The efforts of Zelanti met with strong protests from the ambassadors of France and Spain , but , fortunately for them , Cardinal Orsini , protector of the Kingdom of Naples and the only crown @-@ cardinal present in the early ballots , was able to join some neutral cardinals to block Chigi ’ s candidature . \n An unprecedented event was the visit of Joseph II , Holy Roman Emperor , who arrived incognito in Rome on March 6 and was allowed to enter the conclave . He stayed there two weeks , freely debating with the electors . Fortunately , he did not press them but only expressed the wish for the election of a pope who would be able to carry out his duties with the proper respect for the secular rulers . \n Cardinal de Bernis entered the conclave at the end of March and took the leadership of the anti @-@ Jesuit faction from the hands of Cardinal Orsini , who could have blocked Zelanti ’ s actions only with the great difficulties . Bernis immediately established a regular correspondence with French ambassador Marquis d , which was in violation of the fundamental law of the conclave . Ambassadors of France and Spain urged Bernis to insist that the election of the future pope be made to depend on his written engagement to suppress the Jesuits . Bernis refused , answering that demanding from the future pope a written or oral promise to destroy the Society of Jesus would be in violation of the canon law . In spite of this refusal , during the next few weeks Bernis consecutively rejected all candidates proposed by Zelanti as too devoted to the Jesuits . In this way twenty @-@ three out of twenty @-@ eight papabile were eliminated , among them strongly pro @-@ Jesuit Cardinal Fantuzzi , who at some point was very close to achieving election to the papal throne , as well as , Colonna , Stoppani , Pozzobonelli , , and several others . \n The arrival of Spanish cardinals Solis and de la Cerda on April 27 strengthened the anti @-@ Jesuit party . They also violated the law of the conclave by establishing regular correspondence with Spanish ambassador . The Spaniards had fewer scruples than Bernis and , supported by Cardinal , took the matter into their own hands . They paid attention to the only friar in the Sacred College , Cardinal Lorenzo Ganganelli , The attitude of Ganganelli towards the Jesuits was a great mystery – he had been educated by the Jesuits and it was said that he received the red hat at the instance of Father Lorenzo Ricci , general of the Society of Jesus , but during the pontificate of Clement XIII he did not engage himself in the defence of the Order . Cardinal Solis began by sounding him out as to his willingness to give the promise required by the Bourbon princes as an indispensable condition for election . Ganganelli answered that \" he recognized in the sovereign pontiff the right to extinguish , with good conscience , the Society of Jesus , provided he observed the canon law ; and that it was desirable that the pope should do everything in his power to satisfy the wishes of the Crowns \" . It is not certain whether it was a written or only an oral promise , but this declaration fully satisfied the ambassadors . \n In the same time Zelanti , also began to incline to give their support to Ganganelli , looking upon him as indifferent or even favourable to the Jesuits . It seems that the attitude of Zelanti was decided by the secret negotiations between their leaders Alessandro and Gian Francesco Albani and the Spanish cardinals . Cardinal de Bernis , the nominal leader of the court faction , probably did not play any role in the appointment of Ganganelli and only followed the instructions of Marquis d when all had been already known . \n"} +{"id": 870, "text": " The results of the ballots between April 27 and May 18 were following ( only the leading candidates are included ) : \n April 27 – Fantuzzi – 10 ; Colonna – 9 ; Pozzobonelli – 6 ; Stoppani – 5 ; Ganganelli – 5 \n April 28 – Fantuzzi – 9 ; Colonna – 9 ; Pozzobonelli – 7 ; Stoppani – 6 ; Ganganelli – 4 \n April 29 – Colonna – 11 ; Fantuzzi – 8 ; Stoppani – 5 ; Pozzobonelli – 4 ; Ganganelli – 4 \n April 30 – Colonna – 11 ; Fantuzzi – 8 ; Stoppani – 5 ; Pozzobonelli – 4 ; Ganganelli – 4 \n May 1 – Colonna – 11 ; Fantuzzi – 9 ; Stoppani – 4 ; Pozzobonelli – 4 ; Ganganelli – 4 \n May 2 – Colonna – 11 ; Fantuzzi – 9 ; Stoppani – 4 ; Pozzobonelli – 4 ; Ganganelli – 4 \n May 3 – Colonna – 9 ; Fantuzzi – 9 ; Stoppani – 5 ; Pozzobonelli – 4 ; Ganganelli – 4 \n May 4 – Colonna – 10 ; Fantuzzi – 9 ; Stoppani – 4 ; Ganganelli – 4 ; Pozzobonelli – 2 \n May 5 – Fantuzzi – 10 ; Colonna – 9 ; Stoppani – 4 ; Ganganelli – 4 ; Pozzobonelli – 3 \n May 6 – Fantuzzi – 11 ; Stoppani – 7 ; Colonna – 6 ; Ganganelli – 4 ; Pozzobonelli – 4 \n May 7 – Colonna – 8 ; Fantuzzi – 7 ; Stoppani – 6 ; Ganganelli – 4 ; Pozzobonelli – 4 \n May 8 – Colonna – 9 ; Stoppani – 6 ; Fantuzzi – 5 ; Ganganelli – 4 ; Pozzobonelli – 3 \n May 9 – Colonna – 11 ; Stoppani – 6 ; Fantuzzi – 5 ; Pozzobonelli – 4 ; Ganganelli – 3 \n May 10 – Colonna – 11 ; Stoppani – 7 ; Pozzobonelli – 5 ; Fantuzzi – 4 ; Ganganelli – 4 \n May 11 – Colonna – 11 ; Pozzobonelli – 6 ; Stoppani – 5 ; Ganganelli – 5 ; Fantuzzi – 3 \n May 12 – Colonna – 11 ; Pozzobonelli – 6 ; Stoppani – 6 ; Ganganelli – 6 ; Fantuzzi – 5 \n May 13 – Colonna – 13 ; Stoppani – 7 ; Pozzobonelli – 6 ; Ganganelli – 5 ; Fantuzzi – 5 \n May 14 – Colonna – 11 ; Ganganelli – 10 ; Pozzobonelli – 9 ; Stoppani – 8 ; Fantuzzi – 4 \n May 15 – Colonna – 11 ; Stoppani – 11 ; Ganganelli – 10 ; Pozzobonelli – 9 ; Fantuzzi – 5 \n May 16 – Colonna – 11 ; Ganganelli – 10 ; Pozzobonelli – 8 ; Stoppani – 8 ; Fantuzzi – 4 \n May 17 – Colonna – 12 ; Pozzobonelli – 12 ; Ganganelli – 10 ; Stoppani – 5 ; Fantuzzi – 1 \n May 18 – Ganganelli – 19 ; Colonna – 13 ; Pozzobonelli – 11 ; Stoppani – 6 ; Fantuzzi – 1 \n"} +{"id": 871, "text": " In the final ballot on May 19 , 1769 Cardinal Lorenzo Ganganelli was elected to the papacy receiving all votes except of his own , which he gave to Carlo Rezzonico , nephew of Clement XIII and one of the leaders of Zelanti . He took the name of Clement XIV , in honour of Clement XIII , who had elevated him to the cardinalate . \n On May 28 the new pope was consecrated to the episcopate by Cardinal Federico Marcello Lante , bishop of Porto e Santa Rufina and sub @-@ dean of the Sacred College of Cardinals , assisted by Cardinals Gian Francesco Albani , bishop of Sabina and Henry Benedict Stuart , bishop of Frascati . On June 4 he was solemnly crowned by Cardinal Alessandro Albani , protodeacon of S. Maria in Via Lata \n"} +{"id": 872, "text": " West Hendford Cricket Ground was a first @-@ class cricket ground located in Yeovil , Somerset . The land for the ground was first leased by Yeovil Cricket Club in 1874 , and was also used for a range of other sports , most significantly hosting Yeovil Rugby Club in the 1890s , and then again from 1935 until the ground was closed . Significant improvements were made to the ground during the 1930s , including the opening of a new pavilion , jointly funded by the Rugby and Cricket clubs . The ground was demolished in 1944 when Westland Aircraft extended their factory , and both Yeovil Cricket Club and Rugby Club moved to Johnson Park . \n Between 1935 and 1939 , the ground hosted five annual Somerset County Cricket Club matches in July or August ; the first of which nearly broke a county record for ticket sales on the gate . Somerset only won one of the five matches , the 1936 contest against Worcestershire . \n"} +{"id": 873, "text": " Yeovil and County Cricket Club was formed in 1865 , and was the first attempt at setting up a county cricket team for Somerset . The attempt was unsuccessful , and the club broke up . In 1874 , the club was re @-@ formed with the lesser remit , as Yeovil Cricket Club . As part of the club 's resuscitation , the committee purchased the use of a field in West Hendford in Yeovil , from a local farmer , Mr Brook . The field , part of Key Farm , was leased for £ 10 . There is record of a match being played on the ground the following year between two sets of members of the Yeovil Cricket Club . During the late 19th @-@ century , the ground was used for other sports as well as cricket ; it had a grass athletics track , and also hosted Yeovil Football Club , who at the time played both association and rugby football . The football club played at West Hendford on an irregular basis during the late 19th @-@ century , but returned in 1935 , by which time they only played rugby , and had changed their name accordingly to Yeovil Rugby Club . In 1895 , the cricket club committee announced that there was provision for a longer lease , of five or seven years , and that they would make improvements to the ground to enable it to host first @-@ class cricket . The ground was also used for field hockey in the early 20th @-@ century , hosting a Yeovil Hockey Club . \n Somerset County Cricket Club played their first of five annual first @-@ class matches on the ground in 1935 . The match , against Surrey , was a significant event in the town , and a series of festivities were arranged to run alongside the three @-@ day contest , including a dance and a smoking concert . Entry for the match , which took place from 17 to 19 August was one shilling , and attracted over 5 @,@ 000 people , raising around £ 400 . Surrey won the match by eight wickets . The takings from this match helped the Yeovil Cricket Club make further improvements to the ground , expanding it and adding further seating . The following year , Somerset played Worcestershire at the ground , in what the Western Gazette described as \" Yeovil Cricket Festival \" . The captain of Yeovil Cricket Club , Richard , was included in the Somerset team , which won the match by 170 runs . The takings were slightly lower than the previous year due to poor weather , but still described as \" gratifying \" . \n In 1937 , Sussex beat Somerset at the ground , in a match that once again drew a crowd of around 5 @,@ 000 . The Yorkshire Evening Post described the wicket as \" crumbling \" towards the end of the match , favouring the bowlers . In 1938 Hampshire visited , and the report in the Western Daily Press lamented the state of the wicket , which meant that the game , like the three first @-@ class matches at the ground before it , was completed in two days , rather than the scheduled three . That winter , a new pavilion costing £ 550 was erected on the ground for the shared use of the cricket club and the rugby club . The final first @-@ class match on the ground was played in July 1939 against Lancashire , but torrential rain limited the match to only three hours of play . The takings for the full three days of the match were only £ 87 , and the Taunton Courier estimated that the losses for the match could be hundreds of pounds . Despite the weather , almost 2 @,@ 000 people attended the match , and the Taunton Courier report praised the alterations that had been made to the ground ; the removal of a hedge made the ground lighter , while the ground itself had been well looked after , and drained quickly . The Second World War suspended the County Championship from 1940 to 1945 , and during that time , Westland Aircraft took over the ground to expand their factory , and informed Yeovil Cricket Club that it was no longer available , forcing them to search for a new ground in 1946 . They eventually relocated to the newly opened Johnson Park in 1948 . The rugby club also moved to Johnson Park , amalgamating itself into Yeovil Sports Club . After a short break , Somerset County Cricket Club returned to Yeovil , playing fourteen fixtures at Johnson Park between 1951 and 1970 , and eight matches at Sports Ground from 1971 to 1978 . \n"} +{"id": 874, "text": " During its limited use as a first @-@ class cricket ground , only one century was scored on the ground , by Jim Parks . During the 1937 match , he scored 140 runs for Sussex . The most wickets taken by a bowler in a match at West Hendford was achieved in 1938 , when Hampshire 's Stuart Boyes took twelve wickets , including nine in the first innings . Somerset 's only success on the ground was in 1936 against Worcestershire , who they dismissed for 60 runs in the first innings , and 77 in the second . \n"} +{"id": 875, "text": " \" New Year 's Eve \" is the twelfth episode of the first season of the American comedy television series Up All Night . The episode originally aired on NBC in the United States on January 12 , 2012 . It was written by Erica Rivinoja and was directed by Beth McCarthy @-@ Miller . The episode also featured a guest appearance from Jason Lee as Chris and Reagan 's neighbor and Ava 's boyfriend , Kevin . \n During Reagan ( Christina Applegate ) and Chris 's ( Will Arnett ) first New Year 's Eve game night , Reagan 's competitiveness comes out causing Chris to become embarrassed . Meanwhile , Missy ( Jennifer Hall ) brings an unexpected date along to the party and , Kevin ( Jason Lee ) starts to feel as though Ava ( Maya Rudolph ) may be ashamed of him . \n \" New Year 's Eve \" received mostly positive reviews from critics . According to the Nielsen Media Research , \" New Year 's Eve \" drew 4 @.@ 28 million viewers and received a 2 @.@ 0 rating / 5 % share in the 18 – 49 demographic , marking a 5 % rise in the ratings from the previous episode , \" First Christmas \" . It ranked third in its timeslot and was the second highest @-@ rated NBC program of the night after The Office . \n"} +{"id": 876, "text": " After not being able to find a baby @-@ sitter for Amy , Reagan suggests that the two throw a game night , an idea Chris doesn 't react well to . They invite Ava , Kevin , Missy , but Chris attempts to hide the games due to Reagan 's competitive nature . He tries to make her promise that she won 't be too competitive , but she does which makes the party awkward . While playing Rock Band the two get in a fight when Chris loses the beat on the drums because he was looking at his \" drumming arm \" . Reagan decide to a make a list of \" Things We Are Going to Stop Doing That Each Other in 2012 \" , which features annoying habits that the two want each other to give up . However , before 2011 comes to an end the two erase every thing from the list except for Chris 's Borat impression and 's competitive nature . \n Meanwhile , Ava is asked to be the grand marshal to a New Year 's Day parade . This makes her boyfriend , Kevin , feel like he can 't live up to her lifestyle . He then starts thinking she may be ashamed of him , especially after he isn 't invited to sit with her during the parade . Eventually , Kevin confronts Ava on this and she reveals that if she messes up their relationship she doesn 't wanted to be reminded of it while Googling her name . He assures her that their relationship won 't end badly and the two go to the parade . \n"} +{"id": 877, "text": " \" New Year 's Eve \" was written by supervising producer Erica Rivinoja , marking her third writing credit for the series after \" Mr. Bob 's Toddler Kaleidoscope \" and \" Parents \" . The episode was directed by Beth McCarthy @-@ Miller , who previously worked with creator Emily Spivey and executive producer Lorne Michaels on Saturday Night Live as director for 11 years . The episode features a guest appearance from Jason Lee as Kevin , Ava 's boyfriend . He first appeared in the eighth episode , \" First Night Away \" and is currently set to appear in a recurring role for the series . Lee had previously worked with Spivey and Michaels after hosting an episode of Saturday Night Live on November 12 , 2005 . This is the first time the series aired in the 9 : 30 pm timeslot for the first season after The Office ; the series previously aired in the 8 : 00pm timeslot on Wednesday . The series switched timeslots with another NBC comedy series , Whitney . Some media critics have said that the goal for moving the series was in order to make it more of a ratings success , like The Office . \n"} +{"id": 878, "text": " \" New Year 's Eve \" originally aired on NBC in the United States on January 12 , 2012 . The episode was viewed by an estimated 4 @.@ 24 million viewers and received a 2 @.@ 0 rating / 5 % share among adults between the ages of 18 and 49 . This means that it was seen by 2 @.@ 0 % of all 18- to 49 @-@ year @-@ olds , and 5 % of all 18- to 49 @-@ year @-@ olds watching television at the time of the broadcast . This marked a 5 % rise in the ratings from the previous episode , \" First Christmas \" . The episode finished third in its time slot along with The Office , being beaten by Grey 's Anatomy which received a 3 @.@ 8 rating / 9 % share and the CBS drama Person of Interest which received a 3 @.@ 2 rating / 8 % share in the 18 – 49 demographic . The episode , however , did manage to beat the Fox drama series The Finder and the CW drama series The Secret Circle . Added with DVR viewers , who viewed the episode within seven days of the original broadcast , the episode received a 3 @.@ 0 rating in the 18 – 49 demographic , adding a 1 @.@ 0 rating to the original viewership . \n"} +{"id": 879, "text": " \" New Year 's Eve \" received several positive reviews from critics . New York writer Steven Heisler praised the episode for avoiding \" sitcom @-@ y territory \" with the emotional ending . He also called the series a better choice to follow The Office then Whitney . The A.V. Club reviewer Margaret Eby complemented the believability of the main @-@ Chris plot . Despite this , she criticized the Ava @-@ Kevin subplot comparing it to a storyline from Sex and The City . She also noted the plotline didn 't stay true to the characters following their plotline in the previous episode , \" First Christmas \" . She ultimately rated the episode with a B. Adam of Paste called the episode a perfect transition from the previous episodes and allowed Ava to be \" a loveable third wheel to a completely strong duo in Chris and Reagan \" . He also reacted positively for the scenes featuring Missy , comparing her scenes to \" early Ava , but less obnoxious \" . He ultimately gave the episode an 8 @.@ 7 / 10 calling it \" commendable \" . Bradford Evans of praised Jennifer Hall 's performance calling her the \" unsung hero \" of the series . He also reacted positively towards the episode 's ability to unify the show and \" keep all of the characters on the same turf \" . He concluded that he hoped the series could make itself a vital part of the network 's lineup . HitFix reviewer Alan Sepinwall called the episode \" one its [ the series ] strongest episodes to date \" . He wrote that the addition of Jason Lee humanized Ava more and gave her a more natural reason to visit Reagan and Chris at home . He also wrote that the episode worked on a \" character level \" . \n"} +{"id": 880, "text": " World War Z : An Oral History of the Zombie War ( 2006 ) is an apocalyptic horror novel by Max Brooks . The novel is a collection of individual accounts narrated by an agent of the United Nations Postwar Commission , following the devastating global conflict against the zombie plague . Other passages record a decade @-@ long desperate struggle , as experienced by people of various nationalities . The personal accounts also describe the resulting social , political , religious , and environmental changes . \n World War Z is a follow @-@ up to Brooks ' \" survival manual \" The Zombie Survival Guide ( 2003 ) , but its tone is much more serious . It was inspired by The Good War : An Oral History of World War Two ( 1984 ) by Studs Terkel , and by the zombie films of George A. Romero . Brooks used World War Z to comment on government ineptitude and American isolationism , while also examining survivalism and uncertainty . The novel was a commercial hit and was praised by most critics . \n Its audiobook version , performed by a full cast including Alan Alda , Mark Hamill , and John Turturro , won an Audie Award in 2007 . A film inspired by the novel , directed by Marc Forster and starring Brad Pitt , was released in 2013 . \n"} +{"id": 881, "text": " The story is told in the form of a series of interviews conducted by the narrator , Max Brooks , an agent of the United Nations Postwar Commission . Although the exact origin of the plague is unknown , a young boy from a village in China is identified as the plague 's official patient zero . The boy 's case marks the point where the Chinese government begins to take measures to cover up the disease , including generating a crisis with Taiwan to mask their activities . Nevertheless , the plague still manages to spread to various nations by human trafficking , refugees and the black market organ trade . Initially , these nations were able to cover up their smaller outbreaks , until a much larger outbreak in South Africa brings the plague to public attention . \n As the infection spreads , Israel abandons the Palestinian territories and initiates a nationwide quarantine , closing its borders to everyone except uninfected Jews and Palestinians . Its military then puts down an ultra @-@ Orthodox uprising , which is later referred to as an Israeli civil war . The United States does little to prepare because it is overconfident in its ability to suppress any threat . Although special forces teams contain initial outbreaks , a widespread effort never starts : the nation is deprived of political will by \" wars \" , and a widely distributed and marketed placebo vaccine creates a false sense of security . \n As many more areas around the globe fall to infection , a period known as the \" Great Panic \" begins . Pakistan and Iran destroy each other in a nuclear war , after the Iranian government attempts to stem the flow of refugees fleeing through Pakistan into Iran . After zombies overrun New York City , the U.S. military sets up a high @-@ profile defense in the nearby city of Yonkers . The \" Battle of Yonkers \" is a disaster ; modern weapons and tactics prove ineffective against zombies , as the enemy has no self @-@ preservation instincts and can only be stopped if shot through the head . The unprepared and demoralized soldiers are routed on live television . Other countries suffer similarly disastrous defeats , and human civilization teeters on the brink of destruction . \n In South Africa , the government adopts a contingency plan drafted by apartheid @-@ era intelligence consultant Paul . It calls for the establishment of small sanctuaries , leaving large groups of survivors abandoned in special zones in order to distract the undead and allowing those within the main safe zone time to regroup and recuperate . Governments worldwide assume similar plans or relocate the populace to safer foreign territory , such as the attempted complete evacuation of the Japanese archipelago to Kamchatka . Because zombies freeze solid in severe cold , many civilians in North America flee to the wildernesses of northern Canada and the Arctic , where eleven million people die of starvation and hypothermia . It is implied that some turn to cannibalism to survive ; further interviews from other sources imply that cannibalism occurred in areas of the United States where food shortages occurred . The three remaining astronauts in the International Space Station survive the war by salvaging supplies from the abandoned Chinese space station and maintain some military and civilian satellites using an orbital fuel station . A surviving member of the ISS crew describes \" mega \" swarms of zombies on the American Great Plains and Central Asia , and how the crisis affected Earth 's atmosphere . \n The U.S. eventually establishes safe zones west of the Rocky Mountains and spends much of the next decade eradicating zombies in that region . All aspects of civilian life are devoted to supporting the war effort against the pandemic . Much of it resembles total war strategies : rationing of fuel and food , cultivation of private gardens , and civilian neighborhood patrols . The U.S. government also initiates a \" Re @-@ education Act \" to train the civilian population for the war effort and restore order ; the people with skills such as carpentry and construction find themselves more valuable than people with managerial skills . \n Seven years after the outbreak began , a conference is held off the coast of Honolulu , aboard the USS Saratoga , where most of the world 's leaders argue that they can outlast the zombie plague if they stay in their safe zones . The U.S. President , however , argues for going on the offensive . Determined to lead by example , the U.S. military reinvents itself to meet the specific strategic requirements of fighting the undead : using semi @-@ automatic , high @-@ power rifles and volley firing , focusing on head shots and slow , steady rates of fire ( a tactic \" re @-@ invented \" by the Indian Army during the Great Panic ) ; and devising a multipurpose hand tool , the \" \" or \" Lobo \" ( described as a combination of a shovel and a battle axe ) , for close @-@ quarters combat . The military , backed by a resurgent American wartime economy , began the three @-@ year @-@ long process of retaking the contiguous United States from both the undead as well as groups of hostile human survivors . Prewar military tactics and equipment are mentioned as being employed to deal with sometimes well @-@ armed and organized human criminal or rebel opposition . \n Ten years after the official end of the zombie war , millions of zombies are still active , mainly on the ocean floor or on snow line islands . A democratic Cuba has become the world 's most thriving economy . Following a civil war that saw use of nuclear weapons , China has become a democracy and is now known as the \" Chinese Federation \" . Tibet is freed from Chinese rule and hosts Lhasa , the world 's most populated city . Following a religious revolution and the revival of Russian orthodoxy , Russia is now an expansionist theocracy known as the Holy Russian Empire . Owing to the fact that many young Russians either became zombies , were infected with HIV , or died due to drugs , the government has initiated a \" breeding \" program , with the remaining fertile women implied to be impregnated to raise the birthrate . North Korea is completely empty , with the entire population presumed to have disappeared into underground bunkers . \n The situation in the British Isles is not entirely clear in the novel , although Ireland may have escaped the worst of the outbreak . Members of the British Royal Family had fled to Ireland and the Isle of Man , following the military retreat to the Antonine Wall , and now exports oil from a reserve under Windsor Castle where the Queen held out for the war 's duration , refusing to flee with her relatives . The Papacy established a wartime refuge in the Roman Catholic Archdiocese of Armagh . In France , the Palace of Versailles was the site of a massacre and has been burned to the ground ; military losses were particularly high while clearing the catacombs underneath Paris because the catacombs housed nearly a quarter of a million refugees during the early stages of the war , all of whom became zombies . Iceland has been completely depopulated and remains the world 's most heavily infested country . \n The Israelis and Palestinians have made peace , and the former occupied territories have been renamed \" Unified Palestine \" . Mexico is now known as \" \" . Several countries are described as having revised borders due to the \" dumping \" of convicts into infected zones ; these convicts rose to command \" powerful fiefdoms \" that later became independent states . A so @-@ called \" Pacific Continent \" appears to encompass previously uninhabited islands as well as ships rendered immobile due to lack of fuel . For unknown reasons , the Saudi Royal Family destroyed the oil fields in Saudi Arabia . \n The United Nations fields a large military force to eliminate the remaining zombies from overrun areas , defeat hordes that surface from the ocean floor , and kill frozen zombies before they unfreeze . It is stated that previously eradicated diseases have made a comeback and that global life expectancy is greatly reduced as the world starts over from where it began . \n"} +{"id": 882, "text": " Brooks designed World War Z to follow the \" laws \" set up in his earlier work , The Zombie Survival Guide ( 2003 ) , and explained that the guide may exist in the novel 's fictional universe . The zombies of The Zombie Survival Guide are human bodies reanimated by an incurable virus ( Solanum ) , devoid of intelligence , desirous solely of consuming living flesh , and cannot be killed unless the brain is destroyed . Decomposition will eventually set in , but this process takes longer than for an uninfected body and can be slowed by effects such as freezing . Although zombies do not tire and are as strong as the humans they infect , they are slow @-@ moving and incapable of planning or cooperation in their attacks . Zombies usually reveal their presence by moaning . \n Brooks discussed the cultural influences on the novel . He claimed inspiration from \" The Good War \" : An Oral History of World War Two ( 1984 ) by Studs Terkel , stating : \" [ Terkel 's book is ] an oral history of World War II . I read it when I was a teenager and it 's sat with me ever since . When I sat down to write World War Z : An Oral History of the Zombie War , I wanted it to be in the vein of an oral history . \" Brooks also cited renowned zombie film director George A. Romero as an influence and criticized The Return of the Living Dead films : \" They cheapen zombies , make them silly and campy . They 've done for the living dead what the old Batman TV show did for The Dark Knight . \" Brooks acknowledged making several references to popular culture in the novel , including one to alien robot franchise Transformers , but declined to identify the others so that readers could discover them independently . \n Brooks conducted copious research while writing World War Z. The technology , politics , economics , culture , and military tactics were based on a variety of reference books and consultations with expert sources . Brooks also cites the U.S. Army as a reference on firearm statistics . \n"} +{"id": 883, "text": " Reviewers have noted that Brooks uses World War Z as a platform to criticize government ineptitude , corporate corruption , and human short @-@ sightedness . At one point in the book , a Palestinian refugee living in Kuwait refuses to believe the dead are rising , fearing it is a trick by Israel . Many American characters blame the United States ' inability to counter the zombie threat on low confidence in their government due to conflicts in the Middle East . \n Brooks shows his particular dislike of government bureaucracy . For example , one character in the novel tries to justify lying about the zombie outbreak to avoid widespread panic , while at the same time failing to develop a solution for fear of arousing public ire . He has also criticized American isolationism : \n"} +{"id": 884, "text": " Survivalism and disaster preparation are prevalent themes in the novel . Several interviews , especially those from the United States , focus on policy changes designed to train the surviving Americans to fight the zombies and rebuild the country . For example , when cities were made to be as efficient as possible in order to fight the zombies , the plumber could hold a higher status than the former C.E.O. ; when the ultra @-@ rich hid in their homes , which had been turned into fortified compounds , they were overwhelmed by others trying to get in , leading to mass slaughter . Throughout the novel , characters demonstrate the physical and mental requirements needed to survive a disaster . Brooks described the large amount of research needed to find optimal methods for fighting a worldwide zombie outbreak . He also pointed out that Americans like the zombie genre because they believe they can survive anything with the right tools and talent . \n"} +{"id": 885, "text": " Brooks considers the theme of uncertainty central to the zombie genre . He believes that zombies allow people to deal with their own anxiety about the end of the world . Brooks has expressed a deep fear of zombies : \n This mindlessness is connected to the context in which Brooks was writing . He declared : \" at this point we 're pretty much living in an irrational time \" , full of human suffering and lacking reason or logic . When asked in a subsequent interview about how he would compare terrorists with zombies , Brooks said : \n"} +{"id": 886, "text": " Reviews for the novel have been generally positive . Gilbert Cruz of Entertainment Weekly gave the novel an \" A \" rating , commenting that the novel shared with great zombie stories the use of a central metaphor , describing it as \" an addictively readable oral history . \" Steven H. Silver identified Brooks ' international focus as the novel 's greatest strength and commented favorably on Brooks ' ability to create an appreciation for the work needed to combat a global zombie outbreak . Silver 's only complaint was with \" Good @-@ Byes \" — the final chapter — in which characters get a chance to give a final closing statement . Silver felt that it was not always apparent who the sundry , undifferentiated characters were . The Eagle described the book as being \" unlike any other zombie tale \" as it is \" sufficiently terrifying for most readers , and not always in a blood @-@ and @-@ guts way , either . \" Keith Phipps of The A.V. Club stated that the format of the novel makes it difficult for it to develop momentum , but found the novel 's individual episodes gripping . Patrick Daily of the Chicago Reader said the novel transcends the \" silliness \" of The Zombie Survival Guide by \" touching on deeper , more somber aspects of the human condition . \" In his review for Time Out Chicago , Pete Coco declared that \" [ b ] ending horror to the form of alternative history would have been novel in and of itself . Doing so in the mode of Studs Terkel might constitute brilliance . \" \n Ron Currie Jr. named World War Z one of his favorite apocalyptic novels and praised Brooks for illustrating \" the tacit agreement between writer and reader that is essential to the success of stories about the end of the world ... [ both ] agree to pretend that this is not fiction , that in fact the horrific tales of a war between humans and zombies are based in reality . \" Drew Taylor of the Fairfield County Weekly credited World War Z with making zombies more popular in mainstream society . \n The hardcover version of World War Z spent four weeks on the New York Times Best Seller list , peaking at number nine . By November 2011 , according to Publishers Weekly , World War Z had sold one million copies in all formats . \n"} +{"id": 887, "text": " Random House published an abridged audiobook in 2007 , directed by John Mc Elroy and produced by Dan , with sound editing by Charles De Montebello . The book is read by Brooks but includes other actors taking on the roles of the many individual characters who are interviewed in the novel . Brooks ' previous career in voice acting and voice @-@ over work meant he could recommend a large number of the cast members . \n On May 14 , 2013 , Random House Audio released a lengthier audiobook titled World War Z : The Complete Edition ( Movie Tie @-@ in Edition ) : An Oral History of the Zombie War . It contains the entirety of the original , abridged audiobook , as well as new recordings of each missing segment . A separate , additional audiobook containing only the new recordings not found in the original audiobook was released simultaneously as World War Z : The Lost Files : A Companion to the Abridged Edition . \n"} +{"id": 888, "text": " * Unabridged edition \n"} +{"id": 889, "text": " In her review of the audiobook for Strange Horizons , Siobhan Carroll called the story \" gripping \" and found the listening experience evocative of Orson Welles 's famous radio narration of The War of the Worlds ( broadcast October 30 , 1938 ) . Carroll had mixed opinions on the voice acting , commending it as \" solid and understated , mercifully free of ' special effects ' and ' scenery chewing ' overall \" , but lamenting what she perceived as undue on the part of Max Brooks and inauthenticity in Steve Park 's Chinese accent . Publishers Weekly also criticized Brooks ' narration , but found that the rest of the \" all @-@ star cast deliver their parts with such fervor and intensity that listeners cannot help but empathize with these characters \" . In an article in Slate concerning the mistakes producers make on publishing audiobooks , Nate DiMeo used World War Z as an example of dramatizations whose full casts contributed to making them \" great listens \" and described the book as a \" smarter @-@ than @-@ it @-@ has @-@ any @-@ right @-@ to @-@ be zombie novel \" . The World War Z audiobook won the 2007 Audie Award for Multi @-@ Voiced Performance and was nominated for Audiobook of the Year . \n"} +{"id": 890, "text": " In June 2006 , Paramount Studios secured the film rights for World War Z for Brad Pitt 's production company , Plan B Entertainment , to produce . The screenplay was written by J. Michael Straczynski , with Marc Forster directing and Pitt starring as the main character , UN employee Gerry Lane . Despite being the draft that got the film green @-@ lit , Straczynski 's script was tossed aside , so that production , which was to begin at the start of 2009 , was delayed while the script was completely re @-@ written by Matthew Michael Carnahan to set the film in the present , leaving behind much of the book 's premise to make it more of an action film . In a 2012 interview , Brooks claimed the film now had nothing in common with the novel other than the title . Filming commenced mid @-@ 2011 , and the film was released in June 2013 . \n"} +{"id": 891, "text": " Sentence spacing is the horizontal space between sentences in typeset text . It is a matter of typographical convention . Since the introduction of movable @-@ type printing in Europe , various sentence spacing conventions have been used in languages with a Latin alphabet . These include a normal word space ( as between the words in a sentence ) , a single enlarged space , and two full spaces . \n Until the 20th century , publishing houses and printers in many countries used additional space between sentences . There were exceptions to this traditional spacing method — some printers used spacing between sentences that was no wider than word spacing . This was French spacing — a term synonymous with single @-@ space sentence spacing until the late 20th century . With the introduction of the typewriter in the late 19th century , typists used two spaces between sentences to mimic the style used by traditional typesetters . While wide sentence spacing was phased out in the printing industry in the mid @-@ twentieth century , the practice continued on typewriters and later on computers . Perhaps because of this , many modern sources now incorrectly claim that wide spacing was created for the typewriter . \n The desired or correct sentence spacing is often debated but many sources now say additional space is not necessary or desirable . From around 1950 , single sentence spacing became standard in books , magazines and newspapers and the majority of style guides that use a Latin @-@ derived alphabet as a language base now prescribe or recommend the use of a single space after the concluding punctuation of a sentence . However , some sources still state that additional spacing is correct or acceptable . The debate continues on the World Wide Web . Many people prefer double sentence spacing for informal use because that was how they were taught to type . There is a debate on which convention is more readable ; the few recent direct studies conducted since 2002 have produced inconclusive results . \n"} +{"id": 892, "text": " Shortly after the invention of movable type , highly variable spacing was created that could create spaces of any size , and allowed for perfectly even justification . Early American , English , and other European typesetters ' style guides ( also known as printers ' rules ) specified spacing standards that were all essentially identical from the 18th century onwards . These guides — e.g. , Jacobi in the UK ( 1890 ) and MacKellar , , and De ( 1866 – 1901 ) in the U.S. — indicated that sentences should be em @-@ spaced , and that words should be 1 / 3 or 1 / 2 em @-@ spaced ( illustration right ) . The relative size of the sentence spacing would vary depending on the size of the word spaces and the justification needs . For most countries , this remained the standard for published work until the 20th century . Yet , even in this period , there were publishing houses ( notably in France ) that used a standard word space between sentences — a technique called French spacing ( illustration below ) . \n"} +{"id": 893, "text": " Mechanical type systems introduced near the end of the 19th century , such as the Linotype and Monotype machines , allowed for some variable sentence spacing similar to hand composition . Just as these machines revolutionized the mass production of text , the advent of the typewriter around the same time revolutionized the creation of personal and business documents . But the typewriters ' mechanical limitations did not allow variable spacing — typists could only choose the number of times they pressed the space bar . in some English @-@ speaking countries initially learned to insert three spaces between sentences to approximate the wider sentence spacing used in traditional printing , but later settled on two spaces , a practice that continued throughout the 20th century . This became known as English spacing , and marked a divergence from French typists , who continued to use French spacing . \n"} +{"id": 894, "text": " In the early 20th century , some printers began using one and a half spaces ( an \" en quad \" ) to separate sentences . This standard continued in use , to some extent , into the 1990s . \n Magazines , newspapers , and books began to adopt the single space convention in the United States in the 1940s and in the United Kingdom in the 1950s . did not move to single spacing simultaneously . The average writer still relied on the typewriter to create text — with its inherent mechanical spacing limitations . \n Technological advances began affecting sentence spacing methods . In 1941 , IBM introduced the Executive , a typewriter capable of proportional spacing — which had been used in professional typesetting for hundreds of years . This innovation broke the hold that the monospaced font had on the typewriter — reducing the severity of its mechanical limitations . By the 1960s , electronic phototypesetting systems ignored runs of white space in text . This was also true of the World Wide Web , as HTML normally ignores additional spacing , although in 2011 the CSS 2 @.@ 1 standard officially added an option that can preserve additional spaces . In the 1980s , desktop publishing software provided the average writer with more advanced formatting tools . By the late 20th century , literature on the written word had begun to adjust its guidance on sentence spacing . \n"} +{"id": 895, "text": " Early positions on typography ( the \" arrangement and appearance of text \" ) supported traditional spacing techniques in English publications . In 1954 , Geoffrey Dowding 's book , Finer Points in the Spacing and Arrangement of Type , underscored the widespread shift from a single enlarged em space to a standard word space between sentences . \n With the advent of the computer age , typographers began deprecating double spacing , even in monospaced text . In 1989 , Desktop Publishing by Design stated that \" typesetting requires only one space after periods , question marks , exclamation points , and colons \" , and identified single sentence spacing as a typographic convention . Stop Stealing Sheep & Find Out How Type Works ( 1993 ) and Designing with Type : The Essential Guide to Typography ( 2006 ) both indicate that uniform spacing should be used between words , including between sentences . \n More recent works on typography weigh in strongly . Ilene , founder of the Type Studio , says , \" Forget about tolerating differences of opinion : typographically speaking , typing two spaces before the start of a new sentence is absolutely , unequivocally wrong . \" The Complete Manual on Typography ( 2003 ) states that \" The typewriter tradition of separating sentences with two word spaces after a period has no place in typesetting \" and the single space is \" standard typographic practice \" . The Elements of Typographic Style ( 2004 ) advocates a single space between sentences , noting that \" your typing as well as your typesetting will benefit from this quaint [ double spacing ] Victorian habit . \" \n David Jury 's book , About Face : Reviving the Rules of Typography ( 2004 ) — published in Switzerland — clarifies the contemporary typographic position on sentence spacing : \n Word spaces , preceding or following punctuation , should be optically adjusted to appear to be of the same value as a standard word space . If a standard word space is inserted after a full point or a comma , then , optically , this produces a space of up to 50 % wider than that of other word spaces within a line of type . This is because these punctuation marks carry space above them , which , when added to the adjacent standard word spaces , combines to create a visually larger space . Some argue that the \" additional \" space after a comma and full point serves as a \" pause signal \" for the reader . But this is unnecessary ( and visually disruptive ) since the pause signal is provided by the punctuation mark itself . \n"} +{"id": 896, "text": " Early style guides for typesetting used a wider space between sentences than between words – \" traditional spacing \" , as shown in the illustration to the right . During the 20th century , style guides commonly mandated two spaces between sentences for typewritten manuscripts , which were used prior to professionally typesetting the work . As computer desktop publishing became commonplace , typewritten manuscripts became less relevant and most style guides stopped making distinctions between manuscripts and final typeset products . In the same period , style guides began changing their guidance on sentence spacing . The 1969 edition of the Chicago Manual of Style used em spaces between sentences in its text ; by the 2003 edition it had changed to single sentence spacing for both manuscript and print . By the 1980s , the United Kingdom 's Hart 's Rules ( 1983 ) had shifted to single sentence spacing . Other style guides followed suit in the 1990s . Soon after the beginning of the 21st century , the majority of style guides had changed to indicate that only one word space was proper between sentences . \n Modern style guides provide standards and guidance for the written language . These works are important to writers since \" virtually all professional editors work closely with one of them in editing a manuscript for publication . \" Late editions of comprehensive style guides , such as the Oxford Style Manual ( 2003 ) in the United Kingdom and the Chicago Manual of Style ( 2010 ) in the United States , provide standards for a wide variety of writing and design topics , including sentence spacing . The majority of style guides now prescribe the use of a single space after terminal punctuation in final written works and publications . A few style guides allow double sentence spacing for draft work , and the Gregg Reference Manual makes room for double and single sentence spacing based on author preferences . Web design guides do not usually provide guidance on this topic , as \" HTML refuses to recognize double spaces altogether . \" These works themselves follow the current publication standard of single sentence spacing . \n The European Union 's Style Guide ( 2008 ) indicates that single sentence spacing is to be used in all European Union publications — encompassing 23 languages . For the English language , the European Commission 's English Style Guide ( 2010 ) states that sentences are always single @-@ spaced . The Style Manual : For Authors , Editors and Printers ( 2007 ) , first published in 1966 by the Commonwealth Government Printing Office of Australia , stipulates that only one space is used after \" sentence @-@ closing punctuation \" and that \" Programs for word processing and desktop publishing offer more sophisticated , variable spacing , so this practice of double spacing is now avoided because it can create distracting gaps on a page . \" \n National languages not covered by an authoritative language academy typically have multiple style guides — only some of which may discuss sentence spacing . This is the case in the United Kingdom . The Oxford Style Manual ( 2003 ) and the Modern Humanities Research Association 's MHRA Style Guide ( 2002 ) state that only single spacing should be used . In Canada , both the English and French language sections of the Canadian Style , A Guide to Writing and Editing ( 1997 ) , prescribe single sentence spacing . In the United States , many style guides — such as the Chicago Manual of Style ( 2003 ) — allow only single sentence spacing . The most important style guide in Italy , Il Nuovo di Stile ( 2009 ) , does not address sentence spacing , but the Guida di Stile Italiano ( 2010 ) , the official guide for Microsoft translation , tells users to use single sentence spacing \" instead of the double spacing used in the United States \" . \n"} +{"id": 897, "text": " Some languages , such as French and Spanish , have academies that set language rules . Their publications typically address orthography and grammar as opposed to matters of typography . Style guides are less relevant for such languages , as their academies set prescriptive rules . For example , the Académie française publishes the Dictionnaire de l 'Académie française for French speakers worldwide . The 1992 edition does not provide guidance on sentence spacing , but is single @-@ sentence @-@ spaced throughout — consistent with historical French spacing . The Spanish language is similar . The most important body within the Association of Spanish Language Academies , the Real Academia Española , publishes the de la Española , which is viewed as prescriptive for the Spanish language worldwide . The 2001 edition does not provide sentence spacing guidance , but is itself single sentence spaced . The German language manual des Rats für Deutsche ( \" Recommendations of the Council for German Orthography \" ) ( 2006 ) does not address sentence spacing . The manual itself uses one space after terminal punctuation . Additionally , the Duden , the German language dictionary most commonly used in Germany , indicates that double sentence spacing is an error . \n"} +{"id": 898, "text": " A few reference grammars address sentence spacing , as increased spacing between words is punctuation in itself . Most do not . Grammar guides typically cover terminal punctuation and the proper construction of sentences — but not the spacing between sentences . Moreover , many modern grammar guides are designed for quick reference and refer users to comprehensive style guides for additional matters of writing style . For example , the Pocket Idiot 's Guide to Grammar and Punctuation ( 2005 ) points users to style guides such as the MLA Style Manual for consistency in formatting work and for all other \" editorial concerns \" . The Grammar Bible ( 2004 ) states that \" The modern system of English punctuation is by no means simple . A book that covers all the bases would need to be of considerable breadth and weight and anyone interested in such a resource is advised to consult the Chicago Manual of Style . \" \n"} +{"id": 899, "text": " In the computer era , spacing between sentences is handled in several different ways by various software packages . Some systems accept whatever the user types , while others attempt to alter the spacing , or use the user input as a method of detecting sentences . Computer @-@ based word processors , and typesetting software such as troff and TeX , allow users to arrange text in a manner previously only available to professional typesetters . \n The text editing environment in Emacs uses a double space following a period to identify the end of sentences unambiguously ; the double space convention prevents confusion with periods within sentences that signify abbreviations . How Emacs recognizes the end of a sentence is controlled by the settings sentence @-@ end @-@ double @-@ space and sentence @-@ end . The vi editor also follows this convention ; thus , it is relatively easy to manipulate ( jump over , copy , delete ) whole sentences in both and vi . \n The Unix typesetter program troff uses two spaces to mark the end of a sentence . This allows the typesetter to distinguish sentence endings from abbreviations and to typeset them differently . Early versions of troff , which only typeset in fixed width fonts , would automatically add a second space between sentences , which were detected based on the combination of terminal punctuation and a line feed . \n Microsoft Word does not treat sentences differently by default , but the grammar checking can be set to prefer a specific number of spaces between sentences . \n On some modern touch @-@ screen platforms , including Android and iOS , typing two spaces in a row is automatically interpreted to mean the end of a sentence , and a period is automatically inserted . However , only one space is retained . \n Multiple spaces are eliminated by default in most World Wide Web content , regardless of whether they are associated with sentences or not . There are options for preserving spacing , such as the CSS white @-@ space property , and the < pre > tag . Twitter retains extra spaces in user input on their website . HTML also includes several other space entities which are not collapsed , such as an em space , an en space , and a non @-@ breaking space . Some space characters are also not collapsed on the web . \n"} +{"id": 900, "text": " James , author of the Complete Manual of Typography , says that the topic of sentence spacing is \" the debate that refuses to die ... In all my years of writing about type , it 's still the question I hear most often , and a search of the web will find threads galore on the subject \" . This subject is still widely debated today . \n Many people are opposed to single sentence spacing for various reasons . Some state that the habit of double spacing is too deeply ingrained to change . Others claim that additional space between sentences improves the aesthetics or readability of text . Proponents of double sentence spacing also state that some publishers may still require double @-@ spaced manuscript submissions from authors . A key example noted is the screenwriting industry 's monospaced standard for screenplay manuscripts , Courier , 12 @-@ point font , although some works on screenwriting indicate that Courier is merely preferred – proportional fonts may be used . Some reliable sources state simply that writers should follow their particular style guide , but proponents of double spacing caution that publishers ' guidance takes precedence , including those that ask for double sentence spaced manuscripts . \n One of the most popular arguments against wider sentence spacing is that it was created for monospaced fonts of the typewriter , and is no longer needed with modern proportional fonts . However , proportional fonts existed together with wide sentence spacing for centuries before the typewriter , and remained for decades after its invention . When the typewriter was first introduced , typists were most commonly taught to use three spaces between sentences . This gradually shifted to two spaces , while the print industry remained unchanged in its wide em @-@ spaced sentences . Some sources now state it is acceptable for monospaced fonts to be single spaced today , although other references continue to specify double spacing for monospaced fonts . The double space typewriter convention has been taught in schools in typing classes , and that remains the practice in many cases . Some voice concerns that students will later be forced to relearn how to type . \n Most style guides indicate that single sentence spacing is proper for final or published work today , and most publishers require manuscripts to be submitted as they will appear in publication — single sentence spaced . Writing sources typically recommend that prospective authors remove extra spaces before submitting manuscripts , although other sources state that publishers will use software to remove the spaces before final publication . \n"} +{"id": 901, "text": " Claims abound regarding the legibility and readability of the single and double sentence spacing methods — by proponents on both sides . Supporters of single spacing assert that familiarity with the current standard in books , magazines , and the Web enhances readability , that double spacing looks strange in text using proportional fonts , and that the \" rivers \" and \" holes \" caused by double spacing impair readability . Proponents of double sentence spacing state that the extra space between sentences enhances readability by providing clearer breaks between sentences and making text appear more legible , particularly noting the very small visual difference between a dot and a comma . \n However , typographic opinions are typically anecdotal with no basis in evidence . \" Opinions are not always safe guides to legibility of print \" , and when direct studies are conducted , anecdotal opinions — even those of experts — can turn out to be false . Text that seems legible ( visually pleasing at first glance ) may be shown to actually impair reading effectiveness when subjected to scientific study . \n"} +{"id": 902, "text": " Direct studies on sentence spacing include those by Loh , Branch , , and Ali ( 2002 ) ; Clinton , Branch , , and ( 2003 ) ; and Ni , Branch , and Chen ( 2004 ) , with results favoring neither single , double , nor triple spacing . The 2002 study tested participants ' reading speed for single and double sentence spaced passages of on @-@ screen text . The authors stated that \" the ' double space group ' consistently took longer time to finish than the ' single space ' group \" but concluded that \" there was not enough evidence to suggest that a significant difference exists . \" The 2003 and 2004 studies analyzed on @-@ screen single , double , and triple spacing . In both cases , the authors stated that there was insufficient evidence to draw a conclusion . Ni , Branch , Chen , and Clinton conducted a similar study in 2009 using identical spacing variables . The authors concluded that the \" results provided insufficient evidence that time and comprehension differ significantly among different conditions of spacing between sentences \" . \n"} +{"id": 903, "text": " The Crab with the Golden Claws ( French : Le aux pinces d 'or ) is the ninth volume of The Adventures of Tintin , the comics series by Belgian cartoonist Hergé . The story was serialised weekly in Le Soir Jeunesse , the children 's supplement to Le Soir , Belgium 's leading francophone newspaper , from October 1940 to October 1941 amidst the German occupation of Belgium during World War II . Partway through serialisation , Le Soir Jeunesse was cancelled and the story began to be serialised daily in the pages of Le Soir . The story tells of young Belgian reporter Tintin and his dog Snowy , who travel to Morocco to pursue a gang of international opium smugglers . \n The Crab with the Golden Claws was published in book form shortly after its conclusion . Hergé continued The Adventures of Tintin with The Shooting Star , while the series itself became a defining part of the Franco @-@ Belgian comics tradition . In 1943 , Hergé coloured and redrew the book in his distinctive ligne @-@ claire style for Casterman 's republication . The Crab with the Golden Claws introduces the recurring character Captain Haddock , who became a major fixture of the series . The book is the first Tintin adventure published in the United States and the first to be adapted into a motion picture . The Crab with the Golden Claws was adapted for the 1956 Belvision Studios animation Hergé 's Adventures of Tintin , for the 1991 Ellipse / Nelvana animated series The Adventures of Tintin , and for the 2011 film directed by Steven Spielberg . \n"} +{"id": 904, "text": " Tintin is informed by Thomson and Thompson of a case involving the ramblings of a drunken man , later killed , found with a scrap of paper from what appears to be a tin of crab meat with the word \" Karaboudjan \" scrawled on it . His subsequent investigation and the kidnapping of a Japanese man interested in giving him a letter leads Tintin to a ship called the Karaboudjan , where he is abducted by a syndicate of criminals who have hidden opium in the crab tins . Tintin escapes from his locked room after Snowy chews through his bonds and Tintin knocks out a man sent to bring him food , leaving the man bound and gagged in the room . Tintin encounters Captain Haddock , an alcoholic sea captain , who is manipulated by his first mate , Allan , and is unaware of his crew 's criminal activities . Tintin hides in the locker under the bed and defeats Jumbo , the sailor left in the cabin , while Allan thinks Tintin has climbed out of the porthole back into the storeroom . He blows open the storeroom door , then finding it empty goes back to the Captain 's room , where he finds Jumbo tied to a chair and gagged . Escaping the ship in a lifeboat after sending a radio message to the police about the cargo , a seaplane tries to attack them . Tintin and the Captain hijack the plane , tie up the pilots , and try to reach Spain . Haddock 's drunken behaviour in a storm causes them to crash @-@ land in the Sahara , where the crew escapes . \n After trekking across the desert and nearly dying of dehydration , Tintin and Haddock are rescued and taken to a French outpost , where they hear on the radio the storm sunk the Karaboudjan . They travel to a Moroccan port , and along the way are attacked by Tuareg tribesmen , defending themselves with French MAS @-@ 36 rifles . At the port , members of his old crew kidnap the Captain after he recognises their disguised Karaboudjan . Tintin meets Thomson and Thompson who got his message , and they learn that the wealthy merchant Omar ben Salaad sold the crab tins ; Tintin tells Thomson and Thompson to discreetly investigate . Tintin tracks down the gang and saves the Captain , but they both become intoxicated by the fumes from wine barrels breached in a shootout with the villains . Haddock chases a gang @-@ member from the cellar to an entrance behind a bookcase in Salaad 's house . Upon sobering up , Tintin discovers a necklace of a crab with golden claws on the now @-@ subdued owner of the wine cellar , Omar ben Salaad , and realizes that he is the leader of the drug cartel . Allan steals a boat and tries escaping , but Tintin captures him . The police arrest the gang and free the Japanese man , who introduces himself as Bunji Kuraki , a police detective who was trying to warn Tintin of the group he was up against . He had been investigating the sailor on Haddock 's crew who drowned ; the sailor was on the verge of bringing him opium before he was eliminated . Turning on the radio , Tintin learns that , thanks to him , the entire organisation of the Crab with the Golden Claws is behind bars . \n"} +{"id": 905, "text": " As the Belgian army clashed with the invading Germans in May 1940 , Hergé and his wife fled by car to France along with tens of thousands of other Belgians , first staying in Paris and then heading south to Puy @-@ de @-@ Dôme , where they remained for six weeks . On 28 May , Belgian King Leopold III officially surrendered the country to the German army to prevent further killing ; a move that Hergé agreed with . Germany placed Belgium under occupation . Hergé followed the king 's request that all civilians who had fled the country return ; he arrived back in Brussels on 30 June . There , he found that an officer of the German army 's occupied his house , and he also faced financial trouble , as he owed back taxes yet was unable to access his financial reserves ( his fee due from Casterman eventually arrived ) . All Belgian publications were now under the control of the German occupying force . The Catholic publication Le Vingtième Siècle and its supplement Le Petit Vingtième , where Hergé had always worked serialising The Adventures of Tintin , no longer had permission to continue publication . Land of Black Gold , the story that Hergé had been serialising there , had to be abandoned . Victor , the Rexist editor of Le Pays Réel , offered Hergé employment as a cartoonist , but Hergé perceived Le Pays Réel as an explicitly political publication and thus declined the position . \n Instead , he accepted a position with Le Soir , Belgium 's largest Francophone daily newspaper . Confiscated from its original owners , the German authorities permitted Le Soir to reopen under the directorship of Belgian editor Raymond de Becker , although it remained firmly under Nazi control , supporting the German war effort and espousing anti @-@ Semitism . After joining Le Soir on 15 October , Hergé created its new children 's supplement , Le Soir Jeunesse . Appointed editor of this supplement , he was aided by old friend Paul Jamin and the cartoonist Jacques Van Melkebeke . The first issue of Le Soir Jeunesse was published with a large announcement across the cover : \" Tintin et Milou sont ! \" ( \" Tintin and Snowy are Back ! \" ) . Some Belgians were upset that Hergé was willing to work for a newspaper controlled by the occupying Nazi administration ; he received an anonymous letter from \" the father of a large family \" asking him not to work for Le Soir , fearing that The Adventures of Tintin would now be used to indoctrinate children in Nazi ideology , and that as a result \" They will no longer speak of God , of the Christian family , of the Catholic ideal ... [ How ] can you agree to collaborate in this terrible act , a real sin against Spirit ? \" Hergé however was heavily enticed by the size of Le Soir 's readership , which reached 600 @,@ 000 , far more than what Le Vingtième Siècle had been able to accomplish . Faced with the reality of Nazi oversight , Hergé abandoned the overt political themes that had pervaded much of his earlier work , instead adopting a policy of neutrality . Without the need to satirise political types , Harry Thompson observed that \" Hergé was now concentrating more on plot and on developing a new style of character comedy . The public reacted positively . \" \n"} +{"id": 906, "text": " The Crab with the Golden Claws began serialisation in Le Soir Jeunesse on 17 October 1940 . However , on 8 May 1941 , a paper shortage caused by the ongoing war led to the Le Soir Jeunesse being reduced to four pages , with the length of the weekly Tintin strip being cut by two @-@ thirds . Several weeks later , on 3 September 1941 , the supplement disappeared altogether , with The Crab with the Golden Claws being moved into Le Soir itself in September , where it became a daily strip . As a result , Hergé was forced to alter the pace at which his narrative moved , as he had to hold the reader 's attention at the end of every line . As with earlier Adventures of Tintin , the story was later serialised in France in the Catholic newspaper Cœurs Vaillants from 21 June 1942 . \n Following serialisation , Casterman collected together and published the story in book form in 1941 ; the last black @-@ and @-@ white Tintin volume to be released . For this collected edition , Hergé thought of renaming the story , initially considering The Red Crab ( to accompany earlier adventures The Blue Lotus and The Black Island ) before re @-@ settling on Le aux pinces d 'or ( The Crab with the Golden Claws ) . Hergé became annoyed that Casterman then sent the book to the printers without his final approval . Nevertheless , as a result of Le Soir 's publicity , book sales markedly increased , to the extent that most of the prior Adventures of Tintin were reprinted as a result . German authorities made two exceptions : No reprinting of Tintin in America or The Black Island because they were set in the United States and Britain respectively , both of which were in conflict with Germany . \n The serial introduced the character of Captain Haddock . Haddock made his first appearance in Le Soir adjacent to an advert for the anti @-@ Semitic German film , Jud Süß . Hergé chose the name \" Haddock \" for the character after his wife , Germaine Remi , mentioned \" a sad English fish \" during a meal . The inclusion of the Japanese police detective Bunji Kuraki as an ally of Tintin 's in this story was probably designed to counterbalance Hergé 's portrayal of the Japanese as the antagonists in his earlier story , The Blue Lotus , particularly given that the occupying government was allied with Japan at the time . The use of Morocco as a setting was likely influenced by The White Squadron by French writer Joseph , which Hergé had read and seen the film in 1936 . The depiction of the French Foreign Legion in North Africa was possibly influenced by P. C. Wren 's novel Beau Geste ( 1925 ) or its cinematic adaptations in 1926 , 1928 , and 1939 . \n Whereas Hergé 's use of Chinese in The Blue Lotus was correct , the Arabic script employed in The Crab with the Golden Claws was intentionally fictitious . Many of the place names featured in the series are puns : the town of was a pun on the French Que faire ? ( \" what is to be done ? \" ) while the port of derives from the French ( scrape , or fight ) . The name of Omar ben Salaad is a pun meaning \" Lobster Salad \" in French . \n In February 1942 , Casterman suggested to Hergé that his books be published in a new format ; 62 @-@ pages rather than the former 100 to 130 pages , and now in full colour rather than black @-@ and @-@ white . He agreed to this , and in 1943 The Crab with the Golden Claws was re @-@ edited and coloured for publication as an album in 1944 . Due to the changes in how the adventure had been serialised at Le Soir , the album at this juncture was only 58 pages long , and thus Hergé filled the missing pages with four full @-@ page colour frames , thus bringing it up to the standard 62 @-@ page format . \n In the 1960s , The Crab with the Golden Claws , along with King Ottokar 's Sceptre , became the first Tintin adventures published in the United States , in Little Golden Books . However , Casterman , working with the American publisher Western Publishing , made a number of changes : Jumbo , the sailor who Tintin leaves bound and gagged in Captain Haddock 's cabin , as well as another man who beats Haddock in the cellar , could not be black Africans as depicted in the original ; these were changed to a white sailor and an Arab due to the American publisher 's concerns depicting blacks and whites mixing together . The accompanying text was not changed , however , and Haddock still refers to the man who beat him as a \" Negro \" . Also by request of the Americans , scenes of Haddock drinking directly from bottles of whiskey on the lifeboat and the plane were blanked out , keeping only the text . The edited albums later had their blanked areas redrawn by Hergé to be more acceptable , and they appear this way in published editions around the world . Casterman republished the original black @-@ and @-@ white version of the story in 1980 , as part of the fourth volume in their Archives Hergé collection . In 1989 , they then published a facsimile version of that first edition . \n"} +{"id": 907, "text": " Hergé biographer Benoît Peeters described the story as a \" rebirth \" for The Adventures of Tintin and described the addition of Haddock as \" a formidable narrative element \" , one which \" profoundly changed the spirit of the series \" . Elsewhere , he asserts that it is Haddock 's appearance which \" makes this book so memorable \" and that he is tempted to define the book by that character 's début . Fellow biographer Pierre Assouline commented that The Crab with the Golden Claws had \" a certain charm \" stemming from its use of \" exoticism and colonial nostalgia , for the French especially , evoking their holdings in North Africa . \" Michael Farr asserted that the arrival of Haddock was the most \" remarkable \" element of the story , offering the series \" tremendous new potential \" . He also thought that the dream sequences reflected the popularity of surrealism at the time , and that the influence of cinema , in particular the films of Alfred Hitchcock , is apparent in the story . \n Jean @-@ Marc Lofficier and Randy Lofficier described the story as \" a thinly @-@ disguised remake of Cigars of the Pharaoh \" , an Adventure of Tintin which had been first serialised in 1934 . Both feature the smuggling of opium , in crab tins and cigars respectively , and \" desert treks , hostile tribes and , at the end , the infiltrating of a secret underground lair . \" They also opined that artistically , the story represented \" a turning point in Hergé 's career \" , because he had to switch to a daily format in Le Soir , although as a result of this they felt that the final third of the story \" seems rushed \" . Stating that the inclusion of a Japanese detective investigating drug smuggling in the Mediterranean makes no sense within the context of 1940s Europe , they ultimately awarded the story three out of five stars . \n Literary critic Jean @-@ Marie Apostolidès of Stanford University , in a psychoanalytical review of The Crab with the Golden Claws , commented that this book witnessed Tintin 's \" real entrance into the community of human beings \" as he gains an \" older brother \" in Haddock . He also believed that the recurring image of alcohol throughout the story was symbolic of sexuality . In particular , he believed that there was a strong homoerotic subtext between Haddock and Tintin , represented in the two delirious sequences ; in one , Haddock envisions Tintin as a champagne bottle frothing at the top ( thereby symbolising an ejaculating penis ) , while in the other , Tintin dreams that he is trapped inside a bottle , with Haddock about to stick a corkscrew into him ( thereby symbolising sexual penetration ) . However , Apostolidès notes , in both instances the pair are prevented from realising their sexual fantasies . Literary critic Tom McCarthy concurred with Apostolidès on this point , also highlighting what he perceived as homoerotic undertones to these two scenes . He also noted that in this Adventure , the manner in which a chance finding of a tin can on a Belgian street leads Tintin into the story is representative of the recurring theme of \" Tintin the detective \" found throughout the series . \n"} +{"id": 908, "text": " In 1947 , the first Tintin motion picture was created : the stop motion @-@ animated feature film The Crab with the Golden Claws , faithfully adapted by producer Wilfried for Films Claude . It was first shown at the ABC Cinema on 11 January 1947 for a group of invited guests . It was screened publicly only once , on 21 December of that year , before declared bankruptcy and fled to Argentina . \n In 1957 , the animation company Belvision Studios produced a string of colour adaptations based upon Hergé 's original comics , adapting eight of the Adventures into a series of daily five @-@ minute episodes . The Crab with the Golden Claws was the fifth such story to be adapted , being directed by Ray Goossens and written by Greg , himself a well @-@ known cartoonist who in later years would become editor @-@ in @-@ chief of Tintin magazine . \n In 1991 , a second animated series based upon The Adventures of Tintin was produced , this time as a collaboration between the French studio Ellipse and the Canadian animation company Nelvana . Adapting 21 of the stories into a series of episodes , each 42 minutes long , with most stories spanning two episodes , The Crab with the Golden Claws was the seventh story produced in the series . Directed by Stéphane Bernasconi , critics have praised the series for being \" generally faithful \" , with compositions having been actually directly taken from the panels in the original comic book . \n A motion capture adventure film titled The Adventures of Tintin : The Secret of the Unicorn directed by Steven Spielberg and produced by Peter Jackson was released in the US on 21 December 2011 and in Europe at the end of October 2011 . Parts of the movie are taken from The Crab with the Golden Claws including the meeting and first adventures of Tintin and Captain Haddock , the Karaboudjan , the flight to , and the crab cans ( although the plot involving the smuggled opium was not adapted ) . A video @-@ game tie @-@ in to the movie was released October 2011 . \n"} +{"id": 909, "text": " In The Simpsons episode In the Name of the Grandfather Bart Simpson makes a derogatory remark about Belgium , causing his mother Marge to threaten him with \" taking his away \" , whereupon Bart clutches a copy of the Tintin album The Crab with the Golden Claws to his chest , promising he 'll behave . \n"} +{"id": 910, "text": " L.A.M.B. is a fashion line by American singer Gwen Stefani , the lead vocalist of the rock band No Doubt . The line manufactures apparel and fashion accessories . It was founded in 2003 and made its runway debut in 2004 . The fashion line manufactures accessories like shoes , watches , bags and a fragrance called \" L. \" The name is an acronym of her debut solo album Love . Angel . Music . Baby . \n The line is influenced by a variety of fashions cultures , including Guatemalan , Japanese , Indian and Jamaican styles . Stefani came from a family of seamstresses . This further inspired her to launch her own fashion line . The line achieved popularity among celebrities and is worn by stars such as Teri Hatcher , Nicole Kidman , Paris Hilton and Stefani herself . The fashion line made a runway debut in the spring collection of 2004 and achieved mainstream success at New York Fashion Week in 2005 . It currently makes an annual gross income of $ 90 million . The line , as well as the fashion shows , were well received by critics and appreciated the indulgence of a celebrity into the fashion world . An additional fashion line was launched by Stefani called Harajuku Lovers . \n In late 2014 Stefani announced she would be producing an animated series that was based on the characters Love , Angel , Music and Baby . The series , Harajuku follows the Harajuku Girls , known together as , as they fight evil and try to pursue their music career . \n"} +{"id": 911, "text": " Stefani first came face to face with designing clothes when she and her mother would sew clothes for themselves when she was young . Stefani comes from a long line of seamstresses , as even her great @-@ grandmother would sew clothes . Stefani made most of the things she wore onstage during concerts . When she became successful and began to tour constantly , she felt she lost her way . Then she met the stylist Andrea Lieberman . Lieberman introduced her to haute couture clothing . Later Lieberman became her creative consultant and Zaldy Goco took over as the head designer . Goco later parted ways with L.A.M.B. \n L.A.M.B. started out as a collaboration with LeSportsac in 2003 . The name L.A.M.B. is an acronym which stands for Love . Angel . Music . Baby . , which is also the name of Stefani 's first solo album . \n"} +{"id": 912, "text": " The fashion line manufactures clothes , shoes , bags and a fragrance called \" L \" . The brand started out as a line for women but claims the track items are unisex . The clothes were manufactured by Ska Girl LLC , which was founded in 2003 by Ken Erman , president of L.A.M.B. While for its other products , L.A.M.B has been more of a collaborative fashion line . Now the line is teaming up with another manufacturer , which explains why the official website is down . \n L.A.M.B joined with Royal for the shoe line . Stefani is widening her footwear line for adults to include boots and stilettos . L.A.M.B collaborated with Coty Inc. for the fragrance and with LeSportsac for handbags in 2003 . Stefani went on to design a new line of handbags with and Partners in 2006 . The bags feature LeSportsac 's signature rip @-@ stop nylon along with a variety of metal hardware , leather trims and colorful linings . Stefani plans to design lingerie as well as make @-@ up products for L.A.M.B. L.A.M.B. partnered with Vestal Group on a line of women 's watches . The line consists of 39 timepieces . \n L.A.M.B. products are relatively expensive , with apparel priced $ 55 to $ 1100 , handbags priced $ 80 to $ 825 , and watches priced $ 125 to $ 995 . \n"} +{"id": 913, "text": " Coty Inc. announced a global licensing agreement with Stefani , to develop and market fragrances for L.A.M.B. Catherine Walsh , senior vice president , American Fragrances , Coty Prestige , said in a statement - \" From the packaging to the bottle design to the distinctive scent itself , we will be working very closely with Stefani to ensure that her signature fragrance captures her rare spirit , style and warmth , \" Stefani said , \" Creating a fragrance is one of the most prestigious things a designer can do . \" \n The fragrance called \" L \" was launched in September , 2007 at Soho House in New York . Stefani worked with perfumer Harry Fremont to develop the scent . Stefani described the fragrance as \" it 's another thing you can wear and another thing I can be part of creatively . I created it for myself -- it 's like me shrunk into a box . \" The perfume is a blend of the aromas of hyacinth , white freesia , fresh pear , violet , jasmine , rose , lily , sweet pea , orange blossom , peach , frangipani , heliotrope and musk . The perfume is available in 50 ml and 100 ml bottles . \n"} +{"id": 914, "text": " Stefani frequently refers to her clothing line in her music , as one of the brand 's promotional strategies . Stefani refers to her clothing line in her songs \" Wind It Up , \" \" Harajuku Girls , \" and \" Crash \" ( which even incorporates the brand 's slogan , \" I want you all over me like L.A.M.B. \" ) . Stefani is often seen wearing her own designs , especially when making public appearances . A thirty @-@ second commercial directed by Sophie Muller was also released to promote the brand 's fragrance . \n L.A.M.B. has participated in the Spring / Summer 2006 , 2007 , and 2008 New York Fashion Weeks . Stefani described her first line , which debuted on September 16 , 2005 , as \" a little Sound of Music , some Orange County chola girl , some Rasta , and a bit of The Great Gatsby . \" The highlights of the show were purple cars bouncing using hydraulics while Stefani 's song \" Wind It Up \" made its debut as the models walked the runway . \n For Spring / Summer 2007 , Stefani opted for a presentation rather than a catwalk show . The models , all donning identical blond wigs , wore designs Stefani said were inspired by Michelle Pfeiffer 's role as Elvira Hancock in the 1983 Scarface . The show included some of Stefani 's trademark tracksuits and extensively referenced prints from Guatemala , India , and Japan . On September 5 , 2007 , L.A.M.B opened New York 's Spring / Summer 2008 Mercedes @-@ Benz Fashion Week . The collection \" looked like the sixties as seen by someone who grew up in the eighties \" and incorporated influences from Stefani 's ska roots . Fashion week organizer Fern Mallis said that celebrity designers provided synergy and energy to the fashion industry , which made Stefani 's collection a desirable opener . \n"} +{"id": 915, "text": " The line was mostly well received by critics and Stefani was appreciated for taking fashion seriously even though she is a celebrity . Fern Mallis of IMG praised the line and Stefani as well and said , \" the L.A.M.B. line is clearly at the top of these lines and is as unique and individual as Gwen herself . \" The shoes were well received by the critics , though considered to be pricey . Desiree of About.com said , \" ... these shoes aren 't for everyone , but will most definitely appeal to fans of Ms. Stefani 's music and fashion - sense . \" Tim Stack of Entertainment Weekly said , \" L.A.M.B. ' s embellished tracksuits , Rasta @-@ inspired knits , and gaucho @-@ heel combos deliver the edge \" Nicole Phelps of Style.com said , \" The collection , which looked like the sixties as seen by someone who grew up in the eighties , was altogether more wearable and on trend . \" Fashion journalist Cathy Horyn of The New York Times differed and said , \" If ever there was a reason for a pop star to concentrate on her vocal skills , it was Gwen Stefani 's fashion meltdown . \" \n"} +{"id": 916, "text": " The brand is sold in 275 stores worldwide and is worn by celebrities including Teri Hatcher , Nicole Kidman , Kelly Ripa , Paris Hilton , and Stefani herself . L.A.M.B sales have expanded from $ 40 million in 2005 to a predicted $ 90 million in 2007 . According to a Nordstrom spokesperson , the debut of L.A.M.B. ' s watch line , which sold out in two days , was the store 's most successful watch launch ever . The brand 's designs have appeared in W , Marie Claire , Elle , Lucky and InStyle . \n"} +{"id": 917, "text": " The first @-@ move advantage in chess is the inherent advantage of the player ( White ) who makes the first move in chess . Chess players and theorists generally agree that White begins the game with some advantage . Since 1851 , compiled statistics support this view ; White consistently wins slightly more often than Black , usually scoring between 52 and 56 percent . White 's winning percentage is about the same for tournament games between humans and games between computers . However , White 's advantage is less significant in blitz games and games between novices . \n Chess players and theoreticians have long debated whether , given perfect play by both sides , the game should end in a win for White , or a draw . Since approximately 1889 , when World Champion Wilhelm Steinitz addressed this issue , the overwhelming consensus has been that a perfectly played game would end in a draw . However , a few notable players have argued that White 's advantage may be sufficient to force a win : Weaver Adams and Vsevolod Rauzer claimed that White is winning after the first move 1.e4 , while Hans Berliner argued that 1.d4 may win for White . \n Some players , including World Champions such as José Raúl Capablanca , Emanuel Lasker , and Bobby Fischer , have expressed fears of a \" draw death \" as chess becomes more deeply analyzed . To alleviate this danger , Capablanca and Fischer both proposed chess variants to renew interest in the game , while Lasker suggested changing how draws and stalemate are scored . \n Since 1988 , chess theorists have challenged previously well @-@ established views about White 's advantage . Grandmaster ( GM ) András Adorján wrote a series of books on the theme that \" Black is OK ! \" , arguing that the general perception that White has an advantage is founded more in psychology than reality . GM Mihai Suba and others contend that sometimes White 's initiative disappears for no apparent reason as a game progresses . The prevalent style of play for Black today is to seek dynamic , unbalanced positions with active counterplay , rather than merely trying to equalize . \n Modern writers also argue that Black has certain countervailing advantages . The consensus that White should try to win can be a psychological burden for the white player , who sometimes loses by trying too hard to win . Some symmetrical openings ( i.e. those where both players make the same moves ) can lead to situations where moving first is a disadvantage , either for psychological or objective reasons . \n"} +{"id": 918, "text": " In 1946 , W.F. Streeter examined the results of 5 @,@ 598 games played in 45 international chess tournaments between 1851 and 1932 . Streeter found that overall White scored 53 @.@ 4 % ( W : 38 @.@ 12 ; D : 30 @.@ 56 ; L : 31 @.@ 31 ) . White scored 52 @.@ 55 % in 1851 – 78 ( W : 45 @.@ 52 ; D : 14 @.@ 07 ; L : 40 @.@ 41 ) , 52 @.@ 77 % in 1881 – 1914 ( W : 36 @.@ 89 ; D : 31 @.@ 76 ; L : 31 @.@ 35 ) , and 55 @.@ 47 % in 1919 – 32 ( W : 36 @.@ 98 ; D : 36 @.@ 98 ; L : 26 @.@ 04 ) . Streeter concluded , \" It thus appears that it is becoming increasingly difficult to win with Black , but somewhat easier to draw . \" \n Two decades later , statistician Arthur M. Stevens concluded in The Blue Book of Charts to Winning Chess , based on a survey of 56 @,@ 972 master games that he completed in 1967 , that White scores 59 @.@ 1 % . However , Stevens assembled his games from those that had been published in chess magazines , rather than complete collections of all the games played in particular events . \n More recent sources indicate that White scores approximately 54 to 56 percent . In 2005 , GM Jonathan Rowson wrote that \" the conventional wisdom is that White begins the game with a small advantage and , holding all other factors constant , scores approximately 56 % to Black 's 44 % \" . International Master ( IM ) John Watson wrote in 1998 that White had scored 56 % for most of the 20th century , but that this figure had recently slipped to 55 % . The website holds regularly updated statistics on its games database . As of January 12 , 2015 , White had won 37 @.@ 50 % , 34 @.@ 90 % were drawn , and Black had won 27 @.@ 60 % out of 739 @,@ 769 games , resulting in a total White winning percentage of 54 @.@ 95 % . \n New In Chess observed in its 2000 Yearbook that of the 731 @,@ 740 games in its database , White scored 54 @.@ 8 % overall ; with the two most popular opening moves , White scored 54 @.@ 1 % in 349 @,@ 855 games beginning 1.e4 , and 56 @.@ 1 % in 296 @,@ 200 games beginning 1.d4. The main reason that 1.e4 was less effective than 1.d4 was the Sicilian Defence ( 1.e4 c5 ) , which gave White only a 52 @.@ 3 % score in 145 @,@ 996 games . \n Statistician Jeff Sonas , in examining data from 266 @,@ 000 games played between 1994 and 2001 , concluded that White scored 54 @.@ 1767 % plus 0 @.@ times White 's Elo rating advantage , treating White 's rating advantage as + 390 if it is better than + 390 , or − 460 if it is worse than − 460 . He found that White 's advantage is equivalent to 35 rating points , i.e. if White has a rating 35 points below Black 's , each player will have an expected score of 50 % . Sonas also found that White 's advantage is smaller ( 53 % ) in rapid games than in games at a slower ( \" classical \" ) time control . In the 462 games played at the 2009 World Blitz Chess Championship , White scored only 52 @.@ 16 % ( L 34 @.@ 63 ) . \n Other writers conclude that there is a positive correlation between the players ' ratings and White 's score . According to GM Evgeny Sveshnikov , statistics show that White has no advantage over Black in games between beginners , but \" if the players are stronger , White has the lead \" . An analysis of the results of games in ChessBase 's Mega 2003 database between players with similar Elo ratings , commissioned by GM András Adorján , showed that as the players ' ratings went up , the percentage of draws increased , the proportion of decisive games that White won increased , and White 's overall winning percentage increased . For example , taking the highest and lowest of Adorján 's rating categories of 1669 games played by the highest @-@ rated players ( Elo ratings 2700 and above ) , White scored 55 @.@ 7 % overall ( ) , whereas of 34 @,@ 924 games played by the lowest @-@ rated players ( Elo ratings below 2100 ) , White scored 53 @.@ 1 % overall ( ) . Adorján also analyzed the results of games played at the very highest level : World Championship matches . Of 755 games played in 34 matches between 1886 and 1990 , White won 234 ( 31 @.@ 0 % ) , drew 397 ( 52 @.@ 6 % ) , and lost 124 ( 16 @.@ 4 % ) , for a total white winning percentage of 57 @.@ 3 % . In the last five matches in 's survey , all between Anatoly Karpov and Garry Kasparov , White won 31 ( 25 @.@ 8 % ) , drew 80 ( 66 @.@ 7 % ) , and lost 9 ( 7 @.@ 5 % ) , for a total white winning percentage of 59 @.@ 2 % . \n Chess Engines Grand Tournament ( ) tests computer chess engines by playing them against each other , with time controls of forty moves in one hundred and twenty minutes per player ( 40 / 120 ) , and also 40 / 20 and 40 / 4 , and uses the results of those games to compile a rating list for each time control . At the slowest time control ( 40 / 120 ) , White has scored 55 @.@ 4 % ( ) in games played among 38 of the strongest chess engines ( as of May 27 , 2009 ) . At 40 / 20 , White has scored 54 @.@ 6 % ( ) in games played among 284 engines ( as of May 24 , 2009 ) . At the fastest time control ( 40 / 4 ) , White has scored 54 @.@ 8 % ( ) , in games played among 128 programs ( as of May 28 , 2009 ) . \n"} +{"id": 919, "text": " Joseph Bertin wrote in his 1735 textbook The Noble Game of Chess , \" He that plays first , is understood to have the attack . \" This is consistent with the traditional view that White , by virtue of the first move , begins with the initiative and should try to extend it into the middlegame , while Black should strive to neutralize White 's initiative and attain equality . Because White begins with the initiative , a minor mistake by White generally leads only to loss of the initiative , while a similar mistake by Black may have more serious consequences . Thus , Sveshnikov wrote in 1994 , \" Black players cannot afford to make even the slightest mistake ... from a theoretical point of view , the tasks of White and Black in chess are different : White has to strive for a win , Black — for a draw ! \" \n Chess theorists have long debated how enduring White 's initiative is and whether , if both sides play perfectly , the game should end in a win for White or a draw . George Walker wrote in 1846 that , \" The first move is an advantage , ... but if properly answered , the first move is of little worth \" . Steinitz , the first World Champion , who is widely considered the father of modern chess , wrote in 1889 , \" It is now conceded by all experts that by proper play on both sides the legitimate issue of a game ought to be a draw . \" Lasker and Capablanca , the second and third World Champions , agreed . Reuben Fine , one of the world 's leading players from 1936 to 1951 , wrote that White 's opening advantage is too intangible to be sufficient for a win without an error by Black . \n The view that a game of chess should end in a draw given best play prevails . Even if it cannot be proved , this assumption is considered \" safe \" by Rowson and \" logical \" by Adorján . Watson agrees that \" the proper result of a perfectly played chess game ... is a draw . ... Of course , I can 't prove this , but I doubt that you can find a single strong player who would disagree . ... I remember Kasparov , after a last @-@ round draw , explaining to the waiting reporters : ' Well , chess is a draw . ' \" World Champion Bobby Fischer thought that was almost definitely so . \n Lasker and Capablanca both worried that chess would suffer a \" draw death \" as top @-@ level players drew more and more of their games . More recently , Fischer agreed , saying that the game has become played out . All three advocated changing the rules of chess to minimize the number of drawn games . Lasker suggested scoring less than half a point for a draw , and more than half a point for the opponent 's king . Capablanca in the 1920s proposed Capablanca chess , a chess variant played on a larger board and with additional pieces . Fischer advocated Fischer Random Chess , another chess variant , in which the initial position of the pieces is determined at random . \n Today some of the sharpest opening variations have been analyzed so deeply that they are often used as drawing weapons . For example , at the highest levels , Black often uses the Marshall Attack in the Ruy Lopez , a line where Black sacrifices a pawn for strong attacking chances , to obtain an endgame where Black is still a pawn down but is able to draw with correct play . \n In 2007 , GMs Kiril Georgiev and Atanas Kolev asserted that much the same was true of the so @-@ called Poisoned Pawn Variation of the Najdorf Sicilian , which arises after 1.e4 c5 2.Nf3 d6 3.d4 cxd4 4.Nxd4 Nf6 5.Nc3 a6 6.Bg5 e6 7.f4 Qb6 ! ? This has long been considered one of the sharpest and most problematic , or even foolhardy , opening lines . The game usually continues 8.Qd2 Qxb2 Qa3 . Georgiev and Kolev stated that 6.Bg5 is seldom seen at the highest level because the main line of this variation leads , with best play , to a draw by perpetual check . They wrote that the following game \" will probably remain the last word of theory \" : \n Francisco Vallejo Pons – Kasparov , Moscow 2004 : 1 @.@ e4 c5 2 . Nf3 d6 3 @.@ d4 cxd4 4 . Nxd4 Nf6 5 . Nc3 a6 6 . Bg5 e6 7 @.@ f4 Qb6 8 . Qd2 Qxb2 9 . Rb1 Qa3 10 @.@ f5 Nc6 11 @.@ fxe6 fxe6 12 . bxc6 13 @.@ e5 dxe5 14 . Bxf6 gxf6 15 . Ne4 16 . Rd1 Be7 17 . Be2 0 @-@ 0 18 . 0 @-@ 0 19 . Kh8 20 . Rd7 21 . Qh6 22 . Rxd1 + 23 . Qa5 24 . Qd8 25 . Qxf7 Qxd1 + 26 . + 27 . Qd1 + 28 . Qc2 + 29 . Bc5 + 30 . Qxc5 + 31 . Qf2 + 32 . Qd4 + 33 . Qf2 + 34 . 1 / 2 – 1 / 2 ( After 34 ... Qd4 + , White cannot escape the checks . ) \n However , Georgiev and Kolev 's pessimistic assessment of 6.Bg5 has since been called into question , as White succeeded with ( another critical line ) in several later high @-@ level games . GM wrote in 2013 that after , \" a forced draw results \" , but that after , \" we reach a very sharp position , with mutual chances . \" \n"} +{"id": 920, "text": " Although it is very much a minority view , three prominent twentieth @-@ century masters claimed that White 's advantage should or may be decisive with best play . Weaver Adams , then one of the leading American masters , was the best @-@ known proponent of this view , which he introduced in his 1939 book White to Play and Win , and continued to expound in later books and articles until shortly before his death in 1963 . Adams opined that 1.e4 was White 's strongest move , and that if both sides played the best moves thereafter , \" White ought to win . \" Adams ' claim was widely ridiculed , and he did not succeed in demonstrating the validity of his theory in tournament and match practice . The year after his book was published , at the finals of the 1940 U.S. Open tournament , he scored only one draw in his four games as White , but won all four of his games as Black . Adams also lost a match to IM I.A. Horowitz , who took the black pieces in every game . \n According to Sveshnikov , Vsevolod Rauzer , a leading Soviet player and theoretician during the 1930s , likewise \" claimed in the [ 1930s ] : ' 1.e4 — and White wins ! ' and he managed to prove it quite often \" . \n"} +{"id": 921, "text": " More recently , IM Hans Berliner , a former World Champion of Correspondence Chess , claimed in his 1999 book The System that 1.d4 gives White a large , and possibly decisive , advantage . Berliner asserted that with best play White wins against the Grünfeld Defense , the Modern Benoni , the Benko Gambit and other ( unnamed ) \" major defences \" , and achieves at least a large advantage in many lines of the Queen 's Gambit Declined . However , he allowed that , \" It is possible that the rules of chess are such that only some number of plausible @-@ appearing defences to 1.d4 can be refuted . \" Berliner wrote that Adams ' \" theories , though looked upon with scorn by most top chess players , made an immediate and lasting impression on me . Weaver W. Adams was the first person I met who actually had theories about how chess should be played . \" \n Berliner 's thesis , like Adams ' , has been sharply criticized . \n"} +{"id": 922, "text": " As explained below , chess theorists in recent decades have continued to debate the size and nature of White 's advantage , if any . Apart from Berliner , they have rejected the idea that White has a forced win from the opening position . Many also reject the traditional paradigm that Black 's objective should be to neutralize White 's initiative and obtain equality . \n"} +{"id": 923, "text": " In 2004 , GM Larry Kaufman expressed a more nuanced view than Adams and Berliner , arguing that the initiative stemming from the first move can always be transformed into some sort of enduring advantage , albeit not necessarily a decisive one . Kaufman writes , \" I don 't believe that White has a forced win in Chess . I do however believe that with either 1.e4 or 1.d4 , White should be able to obtain some sort of advantage that persists into the endgame . If chess were scored like boxing , with drawn games awarded by some point system to the player ( if any ) who came ' closer ' to winning , then I believe White would indeed have a forced win in theory . \" \n"} +{"id": 924, "text": " Starting in 1988 , Adorján has argued in a series of books and magazine articles that \" Black is OK ! \" Alone amongst modern writers , Adorján claims that White starts the game with essentially no advantage . He writes , \" In my opinion , the only obvious advantage for White is that if he or she plays for a draw , and does so well , then Black can hardly avoid this without taking obvious risks . \" Adorján goes so far as to claim that , \" The tale of White 's advantage is a delusion , belief in it is based on mass psychosis . \" Rowson writes that Adorján 's \" contention is one of the most important chess ideas of the last two decades ... because it has shaken our assumption that White begins the game with some advantage , and revealed its ideological nature \" . However , Rowson rejects Adorján 's claim that White has essentially no advantage , reasoning that \" ' White is better ' and ' Black is OK ' need not be mutually exclusive claims \" . \n In one of Adorján 's books , GM Lajos Portisch opined that \" at least two @-@ thirds of all ' tested ' openings give White an apparent advantage . \" According to Portisch , for Black , \" The root of the problem is that very few people know which are the openings where Black is really OK . Those who find these lines have nothing to fear , as Black is indeed OK , but only in those variations ! \" Rowson considers this an important point , noting that \" 1.d4 players struggle to get anywhere against main @-@ line Slavs and 1.e4 players find the Najdorf and Sveshnikov Sicilians particularly tough . \" \n"} +{"id": 925, "text": " Modern writers often think of Black 's role in more dynamic terms than merely trying to equalize . Rowson writes that \" the idea of Black trying to ' equalize ' is questionable . I think it has limited application to a few openings , rather than being an opening prescription for Black in general . \" Evans wrote that after one of his games against Fischer , \" Fischer confided his ' secret ' to me : unlike other masters , he sought to win with the Black pieces from the start . The revelation that Black has dynamic chances and need not be satisfied with mere equality was the turning point in his career , he said . \" Likewise , Watson surmised that Kasparov , when playing Black , bypasses the question of whether White has an opening advantage \" by thinking in terms of the concrete nature of the dynamic imbalance on the board , and seeking to seize the initiative whenever possible \" . Watson observes that \" energetic opening play by Black may ... lead to a position so complex and unclear that to speak of equality is meaningless . Sometimes we say ' dynamically balanced ' instead of ' equal ' to express the view that either player is as likely as the other to emerge from complications with an advantage . This style of opening play has become prevalent in modern chess , with World Champions Fischer and Kasparov as its most visible practitioners . \" \n Modern writers also question the idea that White has an enduring advantage . Suba , in his influential 1991 book Dynamic Chess Strategy , rejects the notion that the initiative can always be transformed into an enduring advantage . He contends that sometimes the player with the initiative loses it with no logical explanation , and that , \" Sometimes you must lose it , just like that . If you try to cling to it , by forcing the issue , your dynamic potential will become exhausted and you won 't be able to face a vigorous counter @-@ attack . \" Rowson and Watson concur . Watson also observes , \" Because of the presumption of White being better , the juncture of the game at which Black frees his game or neutralizes White 's plans has often been automatically assumed to give him equality , even though in dynamic openings , the exhaustion of White 's initiative very often means that Black has seized it with advantage . \" \n"} +{"id": 926, "text": " Rowson argues that both White and Black have certain advantages : \n"} +{"id": 927, "text": " According to Rowson , White 's first advantage is that , \" The advantage of the first move has some similarities with the serve in tennis in that White can score an ' ace ' ( for instance with a powerful opening novelty ) , he has more control over the pace and direction of the game , and he has a ' second serve ' in that when things go wrong his position is not usually losing . \" Second , White begins the game with some initiative , although Rowson regards this as a psychological rather than a positional advantage , \" and whether it leads to a positional advantage depends on the relative skill of the players . \" Third , some players are able to use the initiative to \" play a kind of powerful ' serve and volley ' chess in which Black is flattened with a mixture of deep preparation and attacking prowess . \" Fourth , \" If White wants to draw , it is often not so easy for Black to prevent this . This advantage is particularly acute in cases where there is a possible threefold repetition , because White can begin the repetition without committing to a draw and Black has to decide whether to deviate before he knows whether White is bluffing . \" \n Rowson cites as an example of the last phenomenon the well @-@ regarded Zaitsev Variation of the Ruy Lopez . After 1.e4 e5 2.Nf3 Nc6 3.Bb5 a6 Nf6 5 @.@ 0 @-@ 0 Be7 b5 7.Bb3 0 @-@ 0 8.c3 d6 9.h3 Bb7 Re8 ( initiating the Zaitsev Variation ) , White can repeat moves once with Rf8 This puts Black in an awkward situation , since he must either ( a ) insist on the Zaitsev with 12 ... Re8 , which allows White to choose whether to draw by threefold repetition with Rf8 , or play on with a different move , or ( b ) play a different ( and possibly inferior ) variation by playing something other than 12 ... Re8 . \n"} +{"id": 928, "text": " Rowson argues that Black also has several advantages . First , \" White 's alleged advantage is also a kind of obligation to play for a win , and Black can often use this to his advantage . \" Second , \" White 's ' extra move ' can be a burden , and sometimes White finds himself in a mild form of zugzwang ( ' Zugzwang Lite ' ) . \" Third , although White begins the game with the initiative , if \" Black retains a flexible position with good reactive possibilities , this initiative can be absorbed and often passes over to Black . \" Fourth , \" The fact that White moves before Black often gives Black useful information \" . Suba likewise argues that White 's advantage is actually less than a move , since White must tip his hand first , allowing Black to react to White 's plans . Suba writes , \" In terms of the mathematical games theory , chess is a game of complete information , and Black 's information is always greater — by one move ! \" \n Rowson also notes that Black 's chances increase markedly by playing good openings , which tend to be those with flexibility and latent potential , \" rather than those that give White fixed targets or that try to take the initiative prematurely . \" He also emphasizes that \" White has ' the initiative ' , not ' the advantage ' . Success with Black depends on seeing beyond the initiative and thinking of positions in terms of ' potential ' . \" These ideas are exemplified by the Hedgehog , a dynamic modern system against the English Opening that can arise from various move orders . A typical position arises after 1.c4 c5 2.Nf3 Nf6 3.g3 b6 4.Bg2 Bb7 5 @.@ 0 @-@ 0 e6 6.Nc3 Be7 7.d4 cxd4 d6 a6 . White has a spatial advantage , while Black often maneuvers his pieces on the last two ranks of the board , but White \" has to keep a constant eye on the possible liberating pawn thrusts ... b5 and ... d5 . \" Watson remarks , \" Black 's goal is to remain elastic and flexible , with many options for his pieces , whereas White can become paralyzed at some point by the need to protect against various dynamic pawn breaks . \" He also observes that , \" White tends to be as much tied up by Black 's latent activity as Black himself is tied up by White 's space advantage . \" Moreover , attempts by White to overrun Black 's position often rebound disastrously . An example of this is the following grandmaster game : \n Lev Polugaevsky – Ftáčnik , Lucerne Olympiad 1982 : 1 . Nf3 Nf6 2 @.@ c4 c5 3 . Nc3 e6 4 @.@ g3 b6 5 . Bg2 Bb7 6 . 0 @-@ 0 Be7 7 @.@ d4 cxd4 8 . Qxd4 d6 9 . Rd1 a6 10 @.@ b3 Nbd7 11 @.@ e4 Qb8 12 . Bb2 0 @-@ 0 Suba wrote of a similar Hedgehog position , \" White 's position looks ideal . That 's the naked truth about it , but the ' ideal ' has by definition one drawback — it cannot be improved . \" 13 . Nd2 Rd8 14 @.@ a4 Qc7 15 . 16 . Qe2 Ne5 17 @.@ h3 ? According to Ftáčnik , is h5 ! 18 @.@ f4 Ng6 19 . Nf3 Now Black breaks open the position in typical Hedgehog d5 ! 20 @.@ cxd5 ? ! Ftáčnik considers or h4 ! 21 . Nxh4 Nxh4 22 @.@ 23 @.@ dxe6 fxe6 24 @.@ e5 ? Ftáčnik recommends instead Rxd8 Bc5 + 25 . Nh5 ! 26 . 27 . Nd5 Other moves get mated immediately : # ; Qxh3 # ; # . Rxd5 28 . Rf1 + ! 29 . Rd2 + If ( the only legal response to the double check ) , + 31.Kf4 Rf8 + forces mate . 0 – 1 \n An examination of reversed and symmetrical openings illustrates White 's and Black 's respective advantages : \n"} +{"id": 929, "text": " In a \" reversed opening \" , White plays an opening typically played by Black , but with colors reversed and thus an extra tempo . Evans writes of such openings , \" If a defense is considered good for Black , it must be even better for White with a move in hand . \" Former World Champion Mikhail Botvinnik reportedly expressed the same view . Watson questions this idea , citing Suba 's thesis that Black , by moving second , has more complete information than White . He writes , \" everyone has such difficulties playing as White against a Sicilian Defence ( 1.e4 c5 ) , but ... leading masters have no qualms about answering 1.c4 with 1 ... e5 . \" To explain this paradox , Watson discusses several different reversed Sicilian lines , showing how Black can exploit the disadvantages of various \" extra \" moves for White . He concludes , \" The point is , Black 's set @-@ up in the Sicilian is fine as a reactive system , but not worth much when trying to claim the initiative as White . This is true because Black is able to react to the specific plan White chooses ; in Suba 's terms , his information is indeed a move greater ! Furthermore , he is able to take advantage of dead equal positions which White ( hoping to retain the advantage of the first move ) would normally avoid . \" \n Watson also observes , \" Similarly , the Dutch Defence looks particularly sterile when White achieves the reversed positions a tempo up ( it turns out that he has nothing useful to do ! ) ; and indeed , many standard Black openings are not very inspiring when one gets them as White , tempo in hand . \" GM Alex likewise notes that GM Vladimir , a successful exponent of the Leningrad Dutch ( 1.d4 f5 g6 ) at the highest levels , \" once made a deep impression on me by casually dismissing someone 's suggestion that he should try as White . He smiled and said , ' That extra move 's gonna hurt me . ' \" \n also agrees with Alekhine 's criticism of e5 2.Nf3 , a reversed Alekhine 's Defense , in Réti – Alekhine , Baden @-@ Baden 1925 , writing that Alekhine \" understood the difference in opening philosophies for White and Black , and realized they just can 't be the same ! White is supposed to try for more than just obtaining a comfortable game in reversed colour opening set @-@ ups , and , as the statistics show — surprisingly for a lot of people , but not for me — White doesn 't even score as well as Black does in the same positions with his extra tempo and all . \" Howard Staunton , generally considered to have been the strongest player in the world from 1843 to 1851 , made a similar point over 160 years ago , writing that Owen 's Defense ( 1.e4 b6 ) is playable for Black , but that is inferior to \" the more customary [ first ] moves , from its being essentially defensive \" . The current view is that Owen 's Defense is slightly better for White , while is playable but less likely to yield an opening advantage than 1.e4 or 1.d4. \n Watson concludes that ( a ) \" most moves have disadvantages as well as advantages , so an extra move is not always an unqualified blessing \" ; ( b ) \" with his extra information about what White is doing , Black can better react to the new situation \" ; and ( c ) because a draw is likely to be more acceptable to Black than to White , White is apt to avoid lines that allow drawish simplifications , while Black may not object to such lines . \n"} +{"id": 930, "text": " Rowson writes that \" in general one would assume that whatever advantage White has would be revealed most clearly in symmetrical positions . \" Accordingly , Watson , Suba , Evans , and the eminent player and theorist Aron Nimzowitsch ( 1886 – 1935 ) have all argued that it is in Black 's interest to avoid symmetry . Nonetheless , even symmetrical opening lines sometimes illustrate the tenuous nature of White 's advantage , in several respects . \n It is often difficult for White to prove an advantage in symmetrical opening lines . As GM Bent Larsen wrote , annotating a game that began 1.c4 c5 b6 , \" In symmetrical openings , White has a theoretical advantage , but in many of them it is only theoretical . \" GM Andrew Soltis wrote in 2008 that he hates playing against the symmetrical Petroff 's Defense ( 1.e4 e5 2.Nf3 Nf6 ) , and accordingly varies with 2.Nc3 , the Vienna Game . However , there too he has been unable to find a way to an advantage after the symmetrical 2 ... Nc6 3.g3 g6 4.Bg2 Bg7 , or after 3.Nf3 Nf6 ( transposing to the Four Knights Game ) Bb4 5 @.@ 0 @-@ 0 0 @-@ 0 6.d3 d6 7.Bg5 Bg4 Nd4 , or Ne7 8.c3 Ba5 c6 Ng6 d5 , when ? ! e4 ! may even favor Black . \n Moreover , symmetrical positions may be disadvantageous to White in that he has to commit himself first . Watson notes that it is even difficult for White to play in a symmetrical position , since almost every move has certain drawbacks . Fischer once went so far as to claim that after 1.Nf3 Nf6 g6 Bg7 4 @.@ 0 @-@ 0 0 @-@ 0 d6 ( Reinhard – Fischer , Western Open 1963 ) , \" ' Believe it or not , ' Black stands better ! Now , whatever White does , Black will vary it and get an asymmetrical position and have the superior position due to his better pawn structure ! \" However , GM Paul Keres responded in magazine , \" We just don 't believe it ! \" In symmetrical positions , as the Hodgson – Arkell and Portisch – Tal games discussed below illustrate , Black can continue to imitate White as long as he finds it feasible and desirable to do so , and deviate when that ceases to be the case . \n Further , a particular extra move is sometimes more of a liability than an asset . For example , Soltis notes that the Exchange French position arising after 1.e4 e6 2.d4 d5 exd5 4.Nf3 Nf6 \" is pretty equal . \" The same position , but with Black 's knight moved to e4 , arises in Petroff 's Defense after 1.e4 e5 2.Nf3 Nf6 3.Nxe5 d6 4.Nf3 Nxe4 d5 . That position offers White better chances precisely because Black 's extra move ( ... Ne4 ) allows the advanced knight to become a target for attack . \n Finally , symmetrical positions may be difficult for the white player for psychological reasons . Watson writes that anyone who tries the Exchange French , \" even if he thinks he is playing for a win , assume [ s ] a psychological burden . White has already ceded the advantage of the first move , and knows it , whereas Black is challenged to find ways to seize the initiative . \" Two famous examples of White losses in the Exchange French are M. Gurevich – Short and – Korchnoi . In M. Gurevich – Short , a game between two of the world 's leading players , White needed only a draw to qualify for the Candidates Matches , while Black needed to win . Gurevich played passively and was outplayed by Short , who achieved the necessary win , qualified for the Candidates , and ultimately went on to challenge Kasparov for the World Championship . In – Korchnoi , the Italian IM fell victim to Korchnoi 's whirlwind mating attack , losing in just 14 moves . \n Rowson gives the following example of Black outplaying White from the Symmetrical Variation of the English Opening . He remarks , \" there is something compelling about Black 's strategy . He seems to be saying : ' I will copy all your good moves , and as soon as you make a bad move , I won 't copy you any more ! ' \" \n Hodgson – Arkell , Newcastle 2001 : 1 @.@ c4 c5 2 @.@ g3 g6 3 . Bg2 Bg7 4 . Nc3 Nc6 5 @.@ a3 a6 6 . Rb1 Rb8 7 @.@ b4 cxb4 8 @.@ axb4 b5 9 @.@ axb5 Here Rowson remarks , \" Both sides want to push their d @-@ pawn and play Bf4 / ... Bf5 , but White has to go first so Black gets to play ... d5 before White can play d4 . This doesn 't matter much , but it already points to the challenge that White faces here ; his most natural continuations allow Black to play the moves he wants to . I would therefore say that White is in ' Zugzwang Lite ' and that he remains in this state for several moves . \" 10 . Nf3 d5 10 ... Nf6 11 @.@ 0 @-@ 0 0 @-@ 0 d6 Bd7 would transpose to the Portisch – Tal game below . 11 @.@ d4 Nf6 12 . Bf4 13 . 0 @-@ 0 Bf5 14 . 0 @-@ 0 15 . Ne5 Ne4 16 @.@ h3 h5 ! ? Finally breaking the symmetry . 17 . The position is still almost symmetrical , and White can find nothing useful to do with his extra move . Rowson whimsically suggests ! ? , forcing Black to be the one to break the symmetry . 17 ... Re8 ! Rowson notes that this is a useful waiting move , covering e7 , which needs protection in some lines , and possibly supporting an eventual ... e5 ( see Black 's twenty @-@ second move ) . White cannot copy it , since after 18.Re1 ? Nxf2 Black would win a pawn . 18 . Be3 ? ! Nxe5 ! 19 @.@ dxe5 ! Rowson notes that with his more active pieces , \" It looks like Black has some initiative . \" If now , Bxe5 \" is at least equal for Black \" . 20 . Bxe5 ! 20 ... Nxf2 ? ! wins . 21 . Nd4 Bxd4 22 . Bxd4 e5 Rowson writes , \" Now both sides have their trumps , but I think Black has some advantage , due to his extra central control , imposing knight and prospects for a kingside attack . \" 23 @.@ b5 Rc8 24 . Bb2 d4 Now White has a difficult game : Rowson analyzes ? ! Bc2 Bc4 ! , winning ; hxg4 Nxf2 ! Bc2 , winning ; ! ? Rc2 ! with advantage ; and ( risky @-@ looking , but perhaps best ) Nc3 ! , and Black is better . 25 @.@ b6 ? Overlooking Black 's threat . 25 ... Nxf2 ! 26 . If , Bc2 forks White 's queen and rook . 26 ... Ne4 27 @.@ b7 Rb8 28 @.@ g4 hxg4 29 @.@ hxg4 Be6 30 . Rb5 Nf6 ! 31 . Qxf6 32 . Bc4 33 @.@ g5 + 0 – 1 \n The opening of the following game between two world @-@ class players , another Symmetrical English , took a similar course : \n Lajos Portisch – Mikhail Tal , Candidates Match 1965 : 1 . Nf3 c5 2 @.@ c4 Nc6 3 . Nc3 Nf6 4 @.@ g3 g6 5 . Bg2 Bg7 6 . 0 @-@ 0 0 @-@ 0 7 @.@ d3 a6 8 @.@ a3 Rb8 9 . Rb1 b5 10 @.@ axb5 11 @.@ b4 cxb4 12 @.@ axb4 d6 13 . Bd7 Once again , White is on move in a symmetrical position , but it is not obvious what he can do with his first @-@ move initiative . Soltis writes , \" It 's ridiculous to think Black 's position is better . But Mikhail Tal said it is easier to play . By moving second he gets to see White 's move and then decide whether to match it . \" Here , Soltis writes that Black could maintain equality by keeping the symmetry : 14 ... Bh3 . Instead , he plays to prove that White 's queen is misplaced . 14 ... Rc8 ! Nd4 ! Threatening 16 ... + . 18.Qd2 Qc7 Rc8 Although the pawn structure is still symmetrical , Black 's control of the c @-@ file gives him the advantage . Black ultimately reached an endgame two pawns up , but White managed to hold a draw in 83 moves . \n Tal himself lost a famous game as White from a symmetrical position in Tal – , USSR Championship 1974 . \n"} +{"id": 931, "text": " In chess tournaments and matches , the frequency with which each player receives white and black is an important consideration . In matches , the players ' colors in the first game are determined by drawing lots , and alternated thereafter . In round robin tournaments with an odd number of players , each player receives an equal number of whites and blacks ; with an even number of players , each receives one extra white or black . Where one or more players withdraws from the tournament , the tournament director may change the assigned colors in some games so that no player receives two more blacks than whites , or vice versa . The double @-@ round robin tournament is considered to give the most reliable final standings , since each player receives the same number of whites and blacks , and plays both White and Black against each opponent . \n In Swiss system tournaments , the tournament director tries to ensure that each player receives , as nearly as possible , the same number of games as White and Black , and that the player 's color alternates from round to round . After the first round , the director may deviate from the otherwise prescribed pairings in order to give as many players as possible their equalizing or due colors . More substantial deviations are permissible to avoid giving a player two more blacks than whites ( for example , three blacks in four games ) than vice versa , since extra whites \" cause far less player distress \" than extra blacks , which impose \" a significant handicap \" on the affected player . Tournaments with an even number of rounds cause the most problems , since if there is a disparity , it is greater ( e.g. , a player receiving two whites and four blacks ) . \n"} +{"id": 932, "text": " Endgame tablebases have solved a very limited area of chess , determining perfect play in a number of endgames , including all non @-@ trivial endgames with no more than six pieces or pawns ( including the two kings ) . Seven @-@ piece endgames were solved in 2012 and released as \" Lomonosov tablebases \" . \n Jonathan Rowson has speculated that \" in principle it should be possible for a machine to ... develop 32 @-@ piece tablebases . This may take decades or even centuries , but unless runaway global warming or nuclear war gets in the way , I think it will eventually happen . \" However , information theorist Claude Shannon argued that it is not feasible for any computer to actually do this . In his 1950 paper \" Programming a Computer for Playing Chess \" he writes : \n With chess it is possible , in principle , to play a perfect game or construct a machine to do so as follows : One considers in a given position all possible moves , then all moves for the opponent , etc . , to the end of the game ( in each variation ) . The end must occur , by the rules of the games after a finite number of moves ( remembering the 50 move drawing rule ) . Each of these variations ends in win , loss or draw . By working backward from the end one can determine whether there is a forced win , the position is a draw or is lost . It is easy to show , however , even with the high computing speed available in electronic calculators this computation is impractical . In typical chess positions there will be of the order of 30 legal moves . The number holds fairly constant until the game is nearly finished as shown ... by De Groot , who averaged the number of legal moves in a large number of master games . Thus a move for White and then one for Black gives about 103 possibilities . A typical game lasts about 40 moves to resignation of one party . This is conservative for our calculation since the machine would calculate out to checkmate , not resignation . However , even at this figure there will be variations to be calculated from the initial position . A machine operating at the rate of one variation per microsecond would require over 1090 years to calculate the first move ! \n It is thus theoretically possible to \" solve \" chess , determining with certainty whether a perfectly played game should end in a win for White , a draw , or even a win for Black . However , according to Shannon the time frame required puts this possibility beyond the limits of any feasible technology . \n Hans @-@ Joachim , a professor of mathematics and biophysics at the University of California at Berkeley , further argued in a 1965 paper that the \" speed , memory , and processing capacity of any possible future computer equipment are limited by certain physical barriers : the light barrier , the quantum barrier , and the thermodynamical barrier . These limitations imply , for example , that no computer , however constructed , will ever be able to examine the entire tree of possible move sequences of the game of chess . \" Nonetheless , did not foreclose the possibility that a computer would someday be able to solve chess . He wrote , \" In order to have a computer play a perfect or nearly perfect game [ of chess ] it will be necessary either to analyze the game completely ... or to analyze the game in an approximate way and combine this with a limited amount of tree searching . ... A theoretical understanding of such heuristic programming , however , is still very much wanting . \" \n Recent scientific advances have not significantly changed that assessment . The game of checkers was solved in 2007 , but it has roughly the square root of the number of positions in chess . Jonathan Schaeffer , the scientist who led the effort , said a breakthrough such as quantum computing would be needed before solving chess could even be attempted , but he does not rule out the possibility , saying that the one thing he learned from his 16 @-@ year effort of solving checkers \" is to never underestimate the advances in technology \" . \n"} +{"id": 933, "text": " \" You will win with either color if you are the better player , but it takes longer with Black . \" – Isaac \n"} +{"id": 934, "text": " Frederick Reines ( @-@ ness ) ; ( March 16 , 1918 – August 26 , 1998 ) was an American physicist . He was awarded the 1995 Nobel Prize in Physics for his co @-@ detection of the neutrino with Clyde Cowan in the neutrino experiment . He may be the only scientist in history \" so intimately associated with the discovery of an elementary particle and the subsequent thorough investigation of its fundamental properties \" . \n A graduate of the Stevens Institute of Technology and New York University , Reines joined the Manhattan Project 's Los Alamos Laboratory in 1944 , working in the Theoretical Division in Richard Feynman 's group . He became a group leader there in 1946 . He participated in a number of nuclear tests , culminating in his becoming the director of the Operation Greenhouse test series in the Pacific in 1951 . \n In the early 1950s , working in Hanford and Savannah River Sites , Reines and Cowan developed the equipment and procedures with which they first detected the supposedly undetectable neutrinos in June 1956 . Reines dedicated the major part of his career to the study of the neutrino 's properties and interactions , which work would influence study of the neutrino for many researchers to come . This included the detection of neutrinos created in the atmosphere by cosmic rays , and the 1987 detection of neutrinos emitted from Supernova SN1987A , which inaugurated the field of neutrino astronomy . \n"} +{"id": 935, "text": " Frederick Reines was born in Paterson , New Jersey , one of four children of Gussie ( Cohen ) and Israel Reines . His parents were Jewish emigrants from the same town in Russia , but only met in New York City , where they were later married . He had an older sister , Paula , who became a doctor , and two older brothers , David and William , who became lawyers . He said that his \" early education was strongly influenced \" by his studious siblings . He was the great @-@ nephew of the Rabbi Yitzchak Yaacov Reines , the founder of Mizrachi , a religious Zionist movement . \n The family moved to Hillburn , New York , where his father ran the general store , and he spent much of his childhood . He was an Eagle Scout . Looking back , Reines said : \" My early childhood memories center around this typical American country store and life in a small American town , including Independence Day July celebrations marked by fireworks and patriotic music played from a pavilion bandstand . \" \n Reines sang in a chorus , and as a soloist . For a time he considered the possibility of a singing career , and was instructed by a vocal coach from the Metropolitan Opera who provided lessons for free because the family did not have the money for them . The family later moved to North Bergen , New Jersey , residing on Kennedy Boulevard and 57th Street . Because North Bergen did not have a high school , he attended Union Hill High School in Union Hill , New Jersey , from which he graduated in 1935 . \n From an early age , Reines exhibited an interest in science , and liked creating and building things . He later recalled that : \n The first stirrings of interest in science that I remember occurred during a moment of boredom at religious school , when , looking out of the window at twilight through a hand curled to simulate a telescope , I noticed something peculiar about the light ; it was the phenomenon of diffraction . That began for me a fascination with light . \n Ironically , Reines excelled in literary and history courses , but received average or low marks in science and math in his freshman year of high school , though he improved in those areas by his junior and senior years through the encouragement of a teacher who gave him a key to the school laboratory . This cultivated a love of science by his senior year . In response to a question seniors were asked about what they wanted to do for a yearbook quote , he responded : \" To be a physicist extraordinaire . \" \n Reines was accepted into the Massachusetts Institute of Technology , but chose instead to attend Stevens Institute of Technology in Hoboken , New Jersey , where he earned his Bachelor of Science ( B.S. ) degree in mechanical engineering in 1939 , and his Master of Science ( M.S. ) degree in mathematical physics in 1941 , writing a thesis on \" A Critical Review of Optical Diffraction Theory \" . He married Sylvia Samuels on August 30 , 1940 . They had two children , Robert and Alisa . He then entered New York University , where he earned his Doctor of Philosophy ( Ph.D. ) in 1944 . He studied cosmic rays there under Serge A. Korff , but wrote his thesis under the supervision of Richard D. Present on \" Nuclear fission and the liquid drop model of the nucleus \" . Publication of the thesis was delayed until after the end of World War II ; it appeared in Physical Review in 1946 . \n"} +{"id": 936, "text": " In 1944 Richard Feynman recruited Reines to work in the Theoretical Division at the Manhattan Project 's Los Alamos Laboratory , where he would remain for the next fifteen years . He joined Feynman 's T @-@ 4 ( Diffusion Problems ) Group , which was part of Hans Bethe 's T ( Theoretical ) Division . Diffusion was an important aspect of critical mass calculations . In June 1946 , he became a group leader , heading the T @-@ 1 ( Theory of Dragon ) Group . An outgrowth of the \" tickling the Dragon 's tail \" experiment , the Dragon was a machine that could attain a critical state for short bursts of time , which could be used as a research tool or power source . \n Reines participated in a number of nuclear tests , and writing reports on their results . These included Operation Crossroads at Bikini Atoll in 1946 , Operation Sandstone at Eniwetok Atoll in 1948 , and Operation Ranger and Operation Buster – Jangle at the Nevada Test Site . In 1951 he was the director of Operation Greenhouse series of nuclear tests in the Pacific . This saw the first American tests of boosted fission weapons , an important step towards thermonuclear weapons . He studied the effects of nuclear blasts , and co @-@ authored a paper with John von Neumann on Mach stem formation , an important aspect of an air blast wave . \n In spite or perhaps because of his role in these nuclear tests , Reines was concerned about the dangers of radioactive pollution from atmospheric nuclear tests , and became an advocate of underground nuclear testing . In the wake of the Sputnik crisis , he participated in John Archibald Wheeler 's Project 137 , which evolved into JASON . He was also a delegate at the Atoms for Peace Conference in Geneva in 1958 . \n"} +{"id": 937, "text": " The neutrino was a subatomic particle first proposed theoretically by Wolfgang Pauli on December 4 , 1930 , to explain undetected energy that escaped during beta decay when neutron decayed into a proton and an electron so that the law of conservation of energy was not violated . Enrico Fermi renamed it the neutrino , Italian for \" little neutral one \" , and in 1934 , proposed his theory of beta decay which explained that the electrons emitted from the nucleus were created by the decay of a neutron into a proton , an electron , and a neutrino : \n → p + + e − + ν \n e \n The neutrino accounted for the missing energy , but Fermi 's theory described a particle with little mass and no electric charge that would be difficult to observe directly . In a 1934 paper , Rudolf Peierls and Hans Bethe calculated that neutrinos could easily pass through the Earth , and concluded \" there is no practically possible way of observing the neutrino . \" In 1951 , at the conclusion of the Greenhouse test series , Reines received permission from the head of T Division , J. Carson Mark , for a leave in residence to study fundamental physics . Reines and his colleague Clyde Cowan decided to see if they could detect neutrinos . \" So why did we want to detect the free neutrino ? \" he later explained , \" Because everybody said , you couldn ’ t do it . \" \n According to Fermi 's theory , there was also a corresponding reverse reaction , in which a neutrino combines with a proton to create a neutron and a positron : \n ν \n e + p + → + e + \n The positron would soon be annihilated by an electron and produce two 0 @.@ 51 MeV gamma rays , while the neutron would be captured by a proton and release a 2 @.@ 2 MeV gamma ray . This would produce a distinctive signature that could be detected . They then realised that by adding cadmium salt to their liquid scintillator to enhance the neutron capture reaction , resulting in a 9 MeV burst of gamma rays . For a neutrino source , they proposed using an atomic bomb . Permission for this was obtained from the laboratory director , Norris Bradbury . Work began on digging a shaft for the experiment when J. M. B. Kellogg convinced them to use a nuclear reactor instead of a bomb . Although a less intense source of neutrinos , it had the advantage in allowing for multiple experiments to be carried out over a long period of time . \n In 1953 , they made their first attempts using one of the large reactors at the Hanford nuclear site in what is now known as the Cowan – Reines neutrino experiment . Their detector now included 300 litres ( 66 imp gal ; 79 US gal ) of scintillating fluid and 90 photomultiplier tubes , but the effort was frustrated by background noise from cosmic rays . With encouragement from John A. Wheeler , they tried again in 1955 , this time using one of the newer , larger 700 MW reactors at the Savannah River Site that emitted a high neutrino flux of 1 @.@ 2 x 1012 / cm2 sec . They also had a convenient , well @-@ shielded location 11 metres ( 36 ft ) from the reactor and 12 metres ( 39 ft ) underground . On June 14 , 1956 , they were able to send Pauli a telegram announcing that the neutrino had been found . When Bethe was informed that he had been proven wrong , he said , \" Well , you shouldn ’ t believe everything you read in the papers . \" \n From then on Reines dedicated the major part of his career to the study of the neutrino ’ s properties and interactions , which work would influence study of the neutrino for future researchers to come . Cowan left Los Alamos in 1957 to teach at George Washington University , ending their collaboration . On the basis of his work in first detecting the neutrino , Reines became the head of the physics department of Case Western Reserve University from 1959 to 1966 . At Case , he led a group that was the first to detect neutrinos created in the atmosphere by cosmic rays . Reines had a booming voice , and had been a singer since childhood . During this time , besides performing his duties as a research supervisor and chairman of the physics department , Reines sang in the Cleveland Orchestra Chorus under the direction of Robert Shaw in performances with George Szell and the Cleveland Orchestra . \n In 1966 , Reines took most of his neutrino research team with him when he left for the new University of California , Irvine ( UCI ) , becoming its first dean of physical sciences . At UCI , Reines extended the research interests of some of his graduate students into the development of medical radiation detectors , such as for measuring total radiation delivered to the whole human body in radiation therapy . \n Reines had prepared for the possibility of measuring the distant events of a supernova explosion . Supernova explosions are rare , but Reines thought he might be lucky enough to see one in his lifetime , and be able to catch the neutrinos streaming from it in his specially @-@ designed detectors . During his wait for a supernova to explode , he put signs on some of his large neutrino detectors , calling them \" Supernova Early Warning Systems \" . In 1987 , neutrinos emitted from Supernova SN1987A were detected by the Irvine – Michigan – Brookhaven ( ) Collaboration , which used an 8 @,@ 000 ton Cherenkov detector located in a salt mine near Cleveland . Normally , the detectors recorded only a few background events each day . The supernova registered 19 events in just ten seconds . This discovery is regarded as inaugurating the field of neutrino astronomy . \n In 1995 , Reines was honored , along with Martin L. Perl with the Nobel Prize in Physics for his work with Cowan in first detecting the neutrino . Unfortunately , Cowan had died in 1974 , and the Nobel Prize is not awarded posthumously . Reines also received many other awards , including the J. Robert Oppenheimer Memorial Prize in 1981 , the National Medal of Science in 1985 , the Bruno Rossi Prize in 1989 , the Michelson – Morley Award in 1990 , the Panofsky Prize in 1992 , and the Franklin Medal in 1992 . He was elected a member of the National Academy of Sciences in 1980 and a foreign member of the Russian Academy of Sciences in 1994 . He remained dean of physical sciences at UCI until 1974 , and became a professor emeritus in 1988 , but he continued teaching until 1991 , and remained on UCI 's faculty until his death . \n"} +{"id": 938, "text": " Reines died after a long illness at the University of California , Irvine Medical Center in Orange , California , on August 26 , 1998 . He was survived by his wife and children . His papers are in the UCI Libraries . Reines Hall at UCI was named in his honor . \n"} +{"id": 939, "text": " Reines , F. & C. L. Cowan , Jr . \" On the Detection of the Free Neutrino \" , Los Alamos National Laboratory ( LANL ) ( through predecessor agency Los Alamos Scientific Laboratory ) , United States Department of Energy ( through predecessor agency the Atomic Energy Commission ) , ( August 6 , 1953 ) . \n Reines , F. , Cowan , C. L. Jr . , Carter , R. E. , Wagner , J. J. & M. E. Wyman . \" The Free Absorption Cross Section . Part I. Measurement of the Free Absorption Cross Section . Part II . Expected Cross Section from Measurements of Fission Fragment Electron Spectrum \" , Los Alamos National Laboratory ( LANL ) ( through predecessor agency Los Alamos Scientific Laboratory ) , United States Department of Energy ( through predecessor agency the Atomic Energy Commission ) , ( June 1958 ) . \n Reines , F. , Gurr , H. S. , Jenkins , T. L. & J. H. Munsee . \" Neutrino Experiments at Reactors \" , University of California @-@ Irvine , Case Western Reserve University , United States Department of Energy ( through predecessor agency the Atomic Energy Commission ) , ( September 9 , 1968 ) . \n Roberts , A. , Blood , H. , Learned , J. & F. Reines . \" Status and Aims of the DUMAND Neutrino Project : the Ocean as a Neutrino Detector \" , Fermi National Accelerator Laboratory ( ) , United States Department of Energy ( through predecessor agency the Energy Research and Development Administration ) , ( July 1976 ) . \n Reines , F. ( 1991 ) . Neutrinos and Other Matters : Selected Works of Frederick Reines . Teaneck , N.J. : World Scientific . ISBN 978 @-@ 981 @-@ 02 @-@ @-@ 4 . \n"} +{"id": 940, "text": " The city of Lock Haven is the county seat of Clinton County , in the U.S. state of Pennsylvania . Located near the confluence of the West Branch Susquehanna River and Bald Eagle Creek , it is the principal city of the Lock Haven Micropolitan Statistical Area , itself part of the Williamsport – Lock Haven combined statistical area . At the 2010 census , Lock Haven 's population was 9 @,@ 772 . \n Built on a site long favored by pre @-@ Columbian peoples , Lock Haven began in 1833 as a timber town and a haven for loggers , boatmen , and other travelers on the river or the West Branch Canal . Resource extraction and efficient transportation financed much of the city 's growth through the end of the 19th century . In the 20th century , a light @-@ aircraft factory , a college , and a paper mill , along with many smaller enterprises , drove the economy . Frequent floods , especially in 1972 , damaged local industry and led to a high rate of unemployment in the 1980s . \n The city has three sites on the National Register of Historic Places — Memorial Park Site , a significant pre @-@ Columbian archaeological find ; Heisey House , a Victorian @-@ era museum ; and Water Street District , an area with a mix of 19th- and 20th @-@ century architecture . A levee , completed in 1995 , protects the city from further flooding . While industry remains important to the city , about a third of Lock Haven 's workforce is employed in education , health care , or social services . \n"} +{"id": 941, "text": " The earliest settlers in Pennsylvania arrived from Asia between 12000 BCE and 8000 BCE , when the glaciers of the Pleistocene Ice Age were receding . point spearheads from this era , known as the Paleo @-@ Indian Period , have been found in most parts of the state . Archeological discoveries at the Memorial Park Site near the confluence of the West Branch Susquehanna River and Bald Eagle Creek collectively span about 8 @,@ 000 years and represent every major prehistoric period from the Middle Archaic to the Late Woodland period . Prehistoric cultural periods over that span included the Middle Archaic starting at 6500 BCE ; the Late Archaic starting at 3000 BCE ; the Early Woodland starting at 1000 BCE ; the Middle Woodland starting at 0 CE ; and the Late Woodland starting at 900 CE . First contact with Europeans occurred in Pennsylvania between 1500 and 1600 CE . \n"} +{"id": 942, "text": " In the early 18th century , a tribal confederacy known as the Six Nations of the Iroquois , headquartered in New York , ruled the Indian ( Native American ) tribes of Pennsylvania , including those who lived near what would become Lock Haven . Indian settlements in the area included three Munsee villages on the 325 @-@ acre ( 1 @.@ 32 km2 ) Great Island in the West Branch Susquehanna River at the mouth of Bald Eagle Creek . Four Indian trails , the Great Island Path , the Great Shamokin Path , the Bald Eagle Creek Path , and the Sinnemahoning Path , crossed the island , and a fifth , Logan 's Path , met Bald Eagle Creek Path a few miles upstream near the mouth of Fishing Creek . During the French and Indian War ( 1754 – 63 ) , colonial militiamen on the Kittanning Expedition destroyed Munsee property on the Great Island and along the West Branch . By 1763 , the Munsee had abandoned their island villages and other villages in the area . \n With the signing of the first Treaty of Fort Stanwix in 1768 , the British gained control from the Iroquois of lands south of the West Branch . However , white settlers continued to appropriate land , including tracts in and near the future site of Lock Haven , not covered by the treaty . In 1769 , Cleary Campbell , the first white settler in the area , built a log cabin near the present site of Lock Haven University of Pennsylvania , and by 1773 William Reed , another settler , had built a cabin surrounded by a stockade and called it Reed 's Fort . It was the westernmost of 11 mostly primitive forts along the West Branch ; Fort Augusta , at what is now Sunbury , was the easternmost and most defensible . In response to settler incursions , and encouraged by the British during the American Revolution ( 1775 – 83 ) , Indians attacked colonists and their settlements along the West Branch . Fort Reed and the other white settlements in the area were temporarily abandoned in 1778 during a general evacuation known as the Big Runaway . Hundreds of people fled along the river to Fort Augusta , about 50 miles ( 80 km ) from Fort Reed ; some did not return for five years . In 1784 , the second Treaty of Fort Stanwix , between the Iroquois and the United States , transferred most of the remaining Indian territory in Pennsylvania , including what would become Lock Haven , to the state . The U.S. acquired the last remaining tract , the Erie Triangle , through a separate treaty and sold it to Pennsylvania in 1792 . \n"} +{"id": 943, "text": " Lock Haven was laid out as a town in 1833 , and it became the county seat in 1839 , when the county was created out of parts of Lycoming and Centre counties . Incorporated as a borough in 1840 and as a city in 1870 , Lock Haven prospered in the 19th century largely because of timber and transportation . The forests of Clinton County and counties upriver held a huge supply of white pine and hemlock as well as oak , ash , maple , poplar , cherry , beech , and magnolia . The wood was used locally for such things as frame houses , shingles , canal boats , and wooden bridges , and whole logs were floated to Chesapeake Bay and on to Baltimore , to make spars for ships . Log driving and log rafting , competing forms of transporting logs to sawmills , began along the West Branch around 1800 . By 1830 , slightly before the founding of the town , the lumber industry was well established . \n The West Branch Canal , which opened in 1834 , ran 73 miles ( 117 km ) from Northumberland to , about 5 miles ( 8 km ) upstream from Lock Haven . A state @-@ funded extension called the Bald Eagle Cut ran from the West Branch through Lock Haven and Flemington to Bald Eagle Creek . A privately funded extension , the Bald Eagle and Spring Creek Navigation , eventually reached Bellefonte , 24 miles ( 39 km ) upstream . Lock Haven 's founder , Jeremiah Church , and his brother , Willard , chose the town site in 1833 partly because of the river , the creek , and the canal . Church named the town Lock Haven because it had a canal lock and because it was a haven for loggers , boatmen , and other travelers . Over the next quarter century , canal boats 12 feet ( 4 m ) wide and 80 feet ( 24 m ) long carried passengers and mail as well as cargo such as coal , ashes for lye and soap , firewood , food , furniture , dry goods , and clothing . A rapid increase in Lock Haven 's population ( to 830 by 1850 ) followed the opening of the canal . \n A Lock Haven log boom , smaller than but otherwise similar to the Susquehanna Boom at Williamsport , was constructed in 1849 . Large cribs of timbers weighted with tons of stone were arranged in the pool behind the Dunnstown Dam , named for a settlement on the shore opposite Lock Haven . The piers , about 150 feet ( 46 m ) from one another , stretched in a line from the dam to a point 3 miles ( 5 km ) upriver . Connected by timbers shackled together with iron yokes and rings , the piers anchored an enclosure into which the river current forced floating logs . Workers called boom rats sorted the captured logs , branded like cattle , for delivery to sawmills and other owners . Lock Haven became the lumber center of Clinton County and the site of many businesses related to forest products . \n The Sunbury and Erie Railroad , renamed the Philadelphia and Erie Railroad in 1861 , reached Lock Haven in 1859 , and with it came a building boom . Hoping that the area 's coal , iron ore , white pine , and high @-@ quality clay would produce significant future wealth , railroad investors led by Christopher and John Fallon financed a line to Lock Haven . On the strength of the railroad 's potential value to the city , local residents had invested heavily in housing , building large homes between 1854 and 1856 . Although the ' coal and iron ventures failed , Gothic Revival , Greek Revival , and Italianate mansions and commercial buildings such as the Fallon House , a large hotel , remained , and the railroad provided a new mode of transport for the ongoing timber era . A second rail line , the Bald Eagle Valley Railroad , originally organized as the Tyrone and Lock Haven Railroad and completed in the 1860s , linked Lock Haven to Tyrone , 56 miles ( 90 km ) to the southwest . The two rail lines soon became part of the network controlled by the Pennsylvania Railroad . \n During the era of log floating , sometimes occurred when logs struck an obstacle . Log rafts floating down the West Branch had to pass through chutes in canal dams . The rafts were commonly 28 feet ( 9 m ) wide — narrow enough to pass through the chutes — and 150 feet ( 46 m ) to 200 feet ( 61 m ) long . In 1874 , a large raft got wedged in the chute of the Dunnstown Dam and caused a jam that blocked the channel from bank to bank with a pile of logs 16 feet ( 5 m ) high . The jam eventually trapped another 200 log rafts , and 2 canal boats , The Mammoth of Newport and The Sarah Dunbar . \n In terms of board feet , the peak of the lumber era in Pennsylvania arrived in about 1885 , when 1 @.@ 9 million logs went through the boom at Williamsport . These logs produced a total of about 226 million board feet ( 533 @,@ 000 m3 ) of sawed lumber . After that , production steadily declined throughout the state . Lock Haven 's timber business was also affected by flooding , which badly damaged the canals and destroyed the log boom in 1889 . \n The Central State Normal School , established to train teachers for central Pennsylvania , held its first classes in 1877 at a site overlooking the West Branch Susquehanna River . The small school , with enrollments below 150 until the 1940s , eventually became Lock Haven University of Pennsylvania . In the early 1880s , the New York and Pennsylvania Paper Mill in Castanea Township near Flemington began paper production on the site of a former sawmill ; the paper mill remained a large employer until the end of the 20th century . \n"} +{"id": 944, "text": " As older forms of transportation such as the canal boat disappeared , new forms arose . One of these , the electric trolley , began operation in Lock Haven in 1894 . The Lock Haven Electric Railway , managed by the Lock Haven Traction Company and after 1900 by the Susquehanna Traction Company , ran passenger trolleys between Lock Haven and Mill Hall , about 3 miles ( 5 km ) to the west . The trolley line extended from the Philadelphia and Erie Railroad station in Lock Haven to a station of the Central Railroad of Pennsylvania , which served Mill Hall . The route went through Lock Haven 's downtown , close to the Normal School , across town to the trolley car barn on the southwest edge of the city , through Flemington , over the Bald Eagle Canal and Bald Eagle Creek , and on to Mill Hall via what was then known as the Lock Haven , Bellefonte , and Nittany Valley Turnpike . Plans to extend the line from Mill Hall to Salona , 3 miles ( 5 km ) miles south of Mill Hall , and to Avis 10 miles ( 16 km ) northeast of Lock Haven , were never carried out , and the line remained unconnected to other trolley lines . The system , always financially marginal , declined after World War I. Losing business to automobiles and buses , it ceased operations around 1930 . \n William T. Piper , Sr. , built the Piper Aircraft Corporation factory in Lock Haven in 1937 after the company 's Taylor Aircraft manufacturing plant in Bradford , Pennsylvania , was destroyed by fire . The factory began operations in a building that once housed a silk mill . As the company grew , the original factory expanded to include engineering and office buildings . Piper remained in the city until 1984 , when its new owner , Lear @-@ Siegler , moved production to Vero Beach , Florida . The Clinton County Historical Society opened the Piper Aviation Museum at the site of the former factory in 1985 , and 10 years later the museum became an independent organization . \n The state of Pennsylvania acquired Central State Normal School in 1915 and renamed it Lock Haven State Teachers College in 1927 . Between 1942 and 1970 , the student population grew from 146 to more than 2 @,@ 300 ; the number of teaching faculty rose from 25 to 170 , and the college carried out a large building program . The school 's name was changed to Lock Haven State College in 1960 , and its emphasis shifted to include the humanities , fine arts , mathematics , and social sciences , as well as teacher education . Becoming Lock Haven University of Pennsylvania in 1983 , it opened a branch campus in Clearfield , 48 miles ( 77 km ) west of Lock Haven , in 1989 . \n An 8 @-@ acre ( 3 @.@ 2 ha ) industrial area in Castanea Township adjacent to Lock Haven was placed on the National Priorities List of uncontrolled hazardous waste sites ( commonly referred to as Superfund sites ) in 1982 . Drake Chemical , which went bankrupt in 1981 , made ingredients for pesticides and other compounds at the site from the 1960s to 1981 . Starting in 1982 , the United States Environmental Protection Agency began a clean @-@ up of contaminated containers , buildings , and soils at the site and by the late 1990s had replaced the soils . Equipment to treat contaminated groundwater at the site was installed in 2000 and continues to operate . \n"} +{"id": 945, "text": " Pennsylvania 's streams have frequently flooded . According to William H. Shank , the Native Americans of Pennsylvania warned white settlers that great floods occurred on the Delaware and Susquehanna rivers every 14 years . Shank tested this idea by tabulating the highest floods on record at key points throughout the state over a 200 @-@ year period and found that a major flood had occurred , on average , once every 25 years between 1784 and 1972 . Big floods recorded at Harrisburg , on the main stem of the Susquehanna about 120 miles ( 193 km ) miles downstream from Lock Haven , occurred in 1784 , 1865 , 1889 , 1894 , 1902 , 1936 , and 1972 . Readings from the Williamsport stream gauge , 24 miles ( 39 km ) miles below Lock Haven on the West Branch of the Susquehanna , showed major flooding between 1889 and 1972 in the same years as the Harrisburg station ; in addition , a large flood occurred on the West Branch at Williamsport in 1946 . Estimated flood @-@ crest readings between 1847 and 1979 — based on data from the National Weather Service flood gauge at Lock Haven — show that flooding likely occurred in the city 19 times in 132 years . The biggest flood occurred on March 18 , 1936 , when the river crested at 32 @.@ 3 feet ( 9 @.@ 8 m ) , which was about 11 feet ( 3 @.@ 4 m ) above the flood stage of 21 feet ( 6 @.@ 4 m ) . \n The third biggest flood , cresting at 29 @.@ 8 feet ( 9 @.@ 1 m ) in Lock Haven , occurred on June 1 , 1889 , and coincided with the Johnstown Flood . The flood demolished Lock Haven 's log boom , and millions of feet of stored timber were swept away . The flood damaged the canals , which were subsequently abandoned , and destroyed the last of the canal boats based in the city . \n The most damaging Lock Haven flood was caused by the remnants of Hurricane Agnes in 1972 . The storm , just below hurricane strength when it reached the region , made landfall on June 22 near New York City . Agnes merged with a non @-@ tropical low on June 23 , and the combined system affected the northeastern United States until June 25 . The combination produced widespread rains of 6 to 12 inches ( 152 to 305 mm ) with local amounts up to 19 inches ( 483 mm ) in western Schuylkill County , about 75 miles ( 121 km ) southeast of Lock Haven . At Lock Haven , the river crested on June 23 at 31 @.@ 3 feet ( 9 @.@ 5 m ) , second only to the 1936 crest . The flood greatly damaged the paper mill and Piper Aircraft . \n Federal , state , and local governments began construction in 1992 of barriers to protect the city . The project included a levee of 36 @,@ 000 feet ( 10 @,@ 973 m ) and a flood wall of 1 @,@ 000 feet ( 305 m ) along the Susquehanna River and Bald Eagle Creek , closure structures , retention basins , a pumping station , and some relocation of roads and buildings . Completed in 1995 , the levee protected the city from high water in the year of the Blizzard of 1996 , and again 2004 , when rainfall from the remnants of Hurricane Ivan threatened the city . \n"} +{"id": 946, "text": " Lock Haven is the county seat of Clinton County . According to the United States Census Bureau , the city has a total area of 2 @.@ 7 square miles ( 7 @.@ 0 km2 ) , 2 @.@ 5 square miles ( 6 @.@ 5 km2 ) of which is land . About 0 @.@ 2 square miles ( 0 @.@ 5 km2 ) , 6 percent , is water . \n Lock Haven is at 561 feet ( 171 m ) above sea level near the confluence of Bald Eagle Creek and the West Branch Susquehanna River in north @-@ central Pennsylvania . The city is about 200 miles ( 320 km ) by highway northwest of Philadelphia and 175 miles ( 280 km ) northeast of Pittsburgh . U.S. Route 220 , a major transportation corridor , skirts the city on its south edge , intersecting with Pennsylvania Route 120 , which passes through the city and connects it with in northern Clinton County . Other highways entering Lock Haven include Pennsylvania Route 664 and Pennsylvania Route 150 , which connects to Avis . \n The city and nearby smaller communities — Castanea , Dunnstown , Flemington , and Mill Hall — are mainly at valley level in the Ridge @-@ and @-@ Valley Appalachians , a mountain belt characterized by long even valleys running between long continuous ridges . Bald Eagle Mountain , one of these ridges , runs parallel to Bald Eagle Creek on the south side of the city . Upstream of the confluence with Bald Eagle Creek , the West Branch Susquehanna River drains part of the Allegheny Plateau , a region of dissected highlands ( also called the \" Deep Valleys Section \" ) generally north of the city . The geologic formations in the southeastern part of the city are mostly limestone , while those to the north and west consist mostly of siltstone and shale . Large parts of the city are flat , but slopes rise to the west , and very steep slopes are found along the river , on the university campus , and along Pennsylvania Route 120 as it approaches U.S. Route 220 . \n"} +{"id": 947, "text": " Under the Köppen climate classification , Lock Haven is in zone Dfa meaning a humid continental climate with hot or very warm summers . The average temperature here in January is 28 ° F ( − 2 ° C ) , and in July it is 73 ° F ( 23 ° C ) . Between 1888 and 1996 , the highest recorded temperature for the city was 106 ° F ( 41 ° C ) in 1936 , and the lowest recorded temperature was − 22 ° F ( − 30 ° C ) in 1912 . The average wettest month is June . Between 1926 and 1977 the mean annual precipitation was about 39 inches ( 990 mm ) , and the number of days each year with precipitation of 0 @.@ 1 inches ( 2 @.@ 5 mm ) or more was 77 . Annual snowfall amounts between 1888 and 1996 varied from 0 in several years to about 65 inches ( 170 cm ) in 1942 . The maximum recorded snowfall in a single month was 38 inches ( 97 cm ) in April 1894 . \n"} +{"id": 948, "text": " As of the census of 2010 , there were 9 @,@ 772 people living in 3 @,@ 624 housing units spread across the city . The average household size during the years 2009 – 13 was 2 @.@ 38 . During those same years , multi @-@ unit structures made up 57 percent of the housing @-@ unit total . The rate of home ownership was 35 percent , and the median value of owner @-@ occupied units was about $ 100 @,@ 000 . The estimated population of the city in 2013 was 10 @,@ 025 , an increase of 2 @.@ 6 percent after 2010 . \n The population density in 2010 was 3 @,@ 915 people per square mile ( 1 @,@ 506 per km2 ) . The reported racial makeup of the city was about 93 percent White and about 4 percent African @-@ American , with other categories totaling about 3 percent . People of Hispanic or Latino origin accounted for about 2 percent of the residents . Between 2009 and 2013 , about 2 percent of the city 's residents were foreign @-@ born , and about 5 percent of the population over the age of 5 spoke a language other than English at home . \n In 2010 , the city 's population included about 16 percent under the age of 18 and about 12 percent who were 65 years of age or older . Females accounted for 54 percent of the total . Students at the university comprised about a third of the city 's population . \n Between 2009 and 2013 , of the people who were older than 25 , 82 percent had graduated from high school , and 20 percent had at least a bachelor 's degree . In 2007 , 640 businesses operated in Lock Haven . The mean travel time to work for employees who were at least 16 years old was 16 minutes . \n The median income for a household in the city during 2009 – 13 was about $ 25 @,@ 000 compared to about $ 53 @,@ 000 for the entire state of Pennsylvania . The per capita income for the city was about $ 19 @,@ 000 , and about 40 percent of Lock Haven 's residents lived below the poverty line . \n"} +{"id": 949, "text": " Lock Haven 's economy , from the city 's founding in 1833 until the end of the 19th century , depended heavily on natural resources , particularly timber , and on cheap transportation to eastern markets . Loggers used the Susquehanna River and Bald Eagle Creek to float timber to sawmills in Lock Haven and nearby towns . The West Branch Canal , reaching the city in 1834 , connected to large markets downstream , and shorter canals along Bald Eagle Creek added other connections . In 1859 , the first railroad arrived in Lock Haven , spurring trade and economic growth . \n By 1900 , the lumber industry had declined , and the city 's economic base rested on other industries , including a furniture factory , a paper mill , a fire brick plant , and a silk mill . In 1938 , the Piper Aircraft Corporation , maker of the Piper Cub and other light aircraft , moved its production plant to Lock Haven . It remained one of the city 's biggest employers until the 1980s , when , after major flood damage and losses related to Hurricane Agnes in 1972 , it moved to Florida . The loss of Piper Aircraft contributed to an unemployment rate of more than 20 % in Lock Haven in the early 1980s , though the rate had declined to about 9 % by 2000 . Another large plant , the paper mill that had operated since the 1880s in Castanea Township , closed in 2001 . By 2005 , 32 % of the city 's labor force was employed in health care , education , or social services , 16 % in manufacturing , 14 % in retail trade , 13 % in arts , entertainment , recreation , accommodation , and food services , and smaller fractions in other sectors . The city 's biggest employers , Lock Haven University of Pennsylvania and Lock Haven Hospital , are among the seven biggest employers in Clinton County . \n"} +{"id": 950, "text": " Lock Haven University presents public concerts , plays , art exhibits , and student recitals at the Price Performance Center , the Sloan Auditorium , and the Sloan Fine Arts Gallery on campus . The Millbrook Playhouse in Mill Hall has produced plays since 1963 . Summer concerts are held in city parks , and the local Junior Chamber International ( Jaycees ) chapter sponsors an annual boat regatta on the river . The city sponsors a festival called at the airport in the summer , a Halloween parade in October , and a holiday parade in December . Light @-@ airplane pilots travel to the city in vintage Piper planes to attend Sentimental Journey Fly @-@ Ins , which have been held each summer since 1986 . Enthusiasts of radio @-@ controlled model airplanes meet annually at the William T. Piper Memorial Airport to fly their planes . \n The central library for Clinton County is the Annie Ross Library in Lock Haven ; it has about 130 @,@ 000 books , subscriptions to periodicals , electronic resources , and other materials . Stevenson Library on the university campus has additional collections . \n The Piper Aviation Museum exhibits aircraft and aircraft equipment , documents , photographs , and memorabilia related to Piper Aircraft . An eight @-@ room home , the Heisey House , restored to its mid @-@ 19th century appearance , displays Victorian @-@ era collections ; it was added to the National Register of Historic Places in 1972 and is home to the Clinton County Historical Society . The Pennsylvania Historical and Museum Commission has placed three cast aluminum markers — Clinton County , Fort Reed , and Pennsylvania Canal ( West Branch Division ) — in Lock Haven to commemorate historic places . The Water Street District , a mix of 19th- and 20th @-@ century architecture near the river , was added to the National Register of Historic Places in 1973 . Memorial Park Site , an archaeological site of prehistoric significance discovered near the airport , was added to the National Register in 1982 . \n The city 's media include The Express , a daily newspaper , and The Eagle Eye , the student newspaper at the university . Radio stations ( AM ) and ( FM ) broadcast from the city . A television station , ( available on @-@ campus only ) , and a radio station , ( Internet station only , with no FCC broadcast license ) , both managed by students , operate on the university campus . \n"} +{"id": 951, "text": " The city has 14 municipal parks and playgrounds ranging in size from the 0 @.@ 75 @-@ acre ( 0 @.@ 30 ha ) Triangle Park in downtown to the 80 @-@ acre ( 32 ha ) Douglas H. Peddie Memorial Park along Route 120 . Fields maintained by the city accommodate baseball for the Pony League , Little League , and Junior League and softball for the Youth Girls League and for adults . In 1948 , a team from the city won the Little League World Series . In 2011 , the Keystone Little League based in Lock Haven advanced to the Little League World Series and placed third in the United States , drawing record crowds . Hanna Park includes tennis courts , and Hoberman Park includes a skate park . The Lock Haven City Beach , on the Susquehanna River , offers water access , a sand beach , and a bath house . In conjunction with the school district , the city sponsors a summer recreation program . \n A 25 @-@ mile ( 40 km ) trail hike and run , the Bald Eagle Mountain , takes place annually near Lock Haven . The local branch of the Young Men 's Christian Association ( YMCA ) offers a wide variety of recreational programs to members , and the Clinton Country Club maintains a private 18 @-@ hole golf course in Mill Hall . \n"} +{"id": 952, "text": " Lock Haven has a council @-@ manager form of government . The council , the city 's legislative body , consists of six members and a mayor , each serving a four @-@ year term . The council sets policy , and the city manager oversees day @-@ to @-@ day operations . The mayor is William , whose term expires in 2019 . The manager is Richard W. . \n Lock Haven is the county seat of Clinton County and houses county offices , courts , and the county library . Three elected commissioners serving four @-@ year terms manage the county government . Robert \" Pete \" , chairman ; Jeffrey Snyder , vice @-@ chairman , and Paul Conklin , have terms running through 2019 . \n Michael K. Hanna , a Democrat , represents the 76th District , which includes Lock Haven , in the Pennsylvania House of Representatives . Joseph B. III , a Republican , represents Lock Haven as part of the 25th District of the Pennsylvania State Senate . \n"} +{"id": 953, "text": " The Keystone Central School District serves most of Clinton County , including Lock Haven , as well as parts of Centre County and Potter County . The district 's administration building is in Lock Haven as are three of the district 's elementary schools , Dickey Elementary , Robb Elementary , and Woodward Elementary , all for children enrolled in kindergarten through fifth grade . The total enrollment of these three schools combined in 2002 – 03 was 790 . Central Mountain Middle School in Mill Hall is the nearest public middle school , for grades six to eight . The nearest public high school , grades nine to twelve , is Central Mountain High School , also in Mill Hall . \n The city has two private schools , Lock Haven Christian School , with about 80 students in kindergarten through 12th grade , and Lock Haven Catholic School , which had about 190 students in kindergarten through sixth grade as of 2002 – 03 . In 2015 , the Catholic School is completing a 10 @,@ 000 @-@ square @-@ foot ( 930 m2 ) expansion to include grades seven and eight , which will make it a combined elementary and middle school . \n Lock Haven University of Pennsylvania , offering a wide range of undergraduate studies as well as continuing @-@ education and graduate @-@ school programs at its main campus , occupies 175 acres ( 71 ha ) on the west edge of the city . Enrollment at this campus was about 4 @,@ 400 in 2003 . \n"} +{"id": 954, "text": " Lock Haven Taxi , based in the central downtown , has taxicabs for hire . Trailways provides daily intercity bus service between Lock Haven and nearby cities including State College , Williamsport , and Wilkes @-@ Barre . Charter and tour buses are available through Susquehanna Trailways , based in Avis , 10 miles ( 16 km ) northeast of Lock Haven . Pennsylvania Bicycle Route G follows Pennsylvania Route 150 and links to the Pine Creek Rail Trail at the eastern end of the county near Jersey Shore , Pennsylvania . A 2 @.@ 5 @-@ mile ( 4 @.@ 0 km ) walking trail on the levee along the river is restricted to pedestrian use . \n The Norfolk Southern Railway mainline from Harrisburg to Buffalo , New York , runs through the center of Lock Haven . On the east side of town , it connects to the Nittany and Bald Eagle Railroad , a short line . Trains serving Lock Haven carry only freight . The City of Lock Haven operates the William T. Piper Memorial Airport , a general aviation facility with a paved runway , runway lighting , paved taxiways , a tie @-@ down area , and hangar spaces . No commercial , charter , or freight services are available at this airport . \n Electric service to Lock Haven residents is provided by PPL ( formerly known as Pennsylvania Power and Light ) , the gas division of which provides natural gas to the city . Verizon Communications handles local telephone service ; long @-@ distance service is available from several providers . Comcast offers high @-@ speed cable modem connections to the Internet . Several companies can provide Lock Haven residents with dial @-@ up Internet access . One of them , , has an office in Lock Haven . Comcast also provides cable television . \n The City of Lock Haven owns the reservoirs and water distribution system for Wayne Township , Castanea Township , and the city . Water is treated at the Central Clinton County Water Filtration Authority Plant in Wayne Township before distribution . The city also provides water to the Suburban Lock Haven Water Authority , which distributes it to surrounding communities . Lock Haven operates a sewage treatment plant for waste water , industrial waste , and trucked sewage from the city and eight upstream municipalities : Bald Eagle Township , Castanea , Flemington , Lamar , Mill Hall , Porter Township , Woodward Township , and Walker Township in Centre County . Storm water runoff from within the city is transported by city @-@ owned storm sewers . pickup of household garbage is provided by a variety of local haulers licensed by the city ; recyclables are picked up once every two weeks . The Clinton County Solid Waste Authority owns and operates the Wayne Township Landfill , which serves Lock Haven . \n Lock Haven Hospital is a 77 @-@ bed hospital with a 120 @-@ bed extended @-@ care unit . It offers inpatient , outpatient , and 24 @-@ hour emergency services with heliport access . @-@ View Home , next to the hospital , offers long @-@ term care to the elderly and other services including speech , physical , and occupational therapy for people of all ages . A 10 @-@ physician community @-@ practice clinic based in the city provides primary care and specialty services . A behavioral health clinic offers programs for children and adolescents and psychiatric outpatient care for all ages . \n"} +{"id": 955, "text": " Kline , winner of America 's Next Top Model ( cycle 16 ) , is a 2015 graduate of Lock Haven University . Alexander McDonald , a U.S. Senator for Arkansas was born near Lock Haven in 1832 . Artist John French Sloan was born in Lock Haven in 1871 , and cartoonist Alison Bechdel , author of Dykes to Watch Out For and Fun Home , was born in Lock Haven in 1960 . Richard Lipez , author of the Donald Strachey mysteries , was born in Lock Haven in 1938 . Other notable residents have included diplomat and Dartmouth College president John Sloan Dickey and federal judge Kermit Lipez of the U.S. Federal First District Court of Appeals . \n"} +{"id": 956, "text": " Rachel Karen Green is a fictional character , one of the six main characters who appear in the American sitcom Friends . Portrayed by actress Jennifer Aniston , the character was created by show creators David Crane and Marta Kauffman , and appeared in each of the show ’ s 236 episodes during its decade @-@ long run , from its premiere on September 22 , 1994 to its finale on May 6 , 2004 . Introduced in the show 's pilot as a naive runaway bride who reunites with her childhood best friend Monica and relocates to New York City , Rachel gradually evolves from a spoiled , inexperienced daddy 's girl into a successful businesswoman . During the show 's second season , the character becomes romantically involved with her friend Ross , with whom she maintains a complicated on @-@ again , off @-@ again relationship throughout the entire series . Together , the characters have a daughter , Emma . \n The role of Rachel was originally offered to actresses Téa Leoni , the producer 's first choice , and Courteney Cox , both of whom declined , Leoni in favor of starring in the sitcom The Naked Truth , and Cox in favor of playing Rachel 's best friend Monica in Friends . A virtually unknown actress at the time who had previously starred in five short @-@ lived sitcoms , Aniston auditioned for the role of Rachel after turning down an offer as a cast member on the sketch comedy show Saturday Night Live . After acquiring the role and before Friends aired , Aniston was temporarily at risk of being recast because she had also been involved with another sitcom , Muddling Through , at the time , which was ultimately canceled and allowed Aniston to remain on Friends . \n Critical reception towards Rachel has remained consistently positive throughout Friends ' decade @-@ long run , with The A. V. Club attributing much of the show 's early success to the character . However , some of her storylines have been criticized , specifically her romantic relationship with her friend Joey during season ten . Rachel 's popularity established her as the show 's breakout character , who has since been named one of the greatest television characters of all @-@ time , while the character 's second season haircut spawned an international phenomenon of its own . Named the \" Rachel \" after her , the character 's shag continues to be imitated by millions of women around the world and remains one of the most popular hairstyles in history , in spite of Aniston 's own resentment towards it . Rachel is also regarded as a style icon due to her influence on womenswear during the 1990s . Meanwhile , the character 's relationship with Ross is often cited among television 's most beloved . \n Rachel is considered to be Aniston 's breakout role , credited with making her the show 's most famous cast member and for spawning her successful film career . Praised for her performance as Rachel , Aniston won both an Emmy Award for Outstanding Lead Actress in a Comedy Series and a Golden Globe Award for Best Performance by an Actress In A Television Series – Comedy Or Musical . \n"} +{"id": 957, "text": " Rachel debuts in the pilot episode of Friends as a runaway bride who is distraught after abandoning her fiancé Barry Farber ( Mitchell Whitfield ) at the altar . She locates her high school best friend Monica Geller ( Courteney Cox ) , the only person she knows in New York City , who agrees to let Rachel reside with her while she attempts to reorganize her life . Rachel meets and befriends Monica ’ s friends Phoebe Buffay ( Lisa Kudrow ) , Joey Tribbiani ( Matt LeBlanc ) , and Chandler Bing ( Matthew Perry ) , while reuniting with Monica 's older brother Ross Geller ( David Schwimmer ) , who has harbored unrequited romantic feelings for her since high school . Having previously relied on her parents ' money her entire life with a sole goal of marrying wealthy , Rachel attempts to reinvent herself as an independent young woman by waitressing at Central Perk , a coffeehouse where her new friends regularly socialize . \n As season one concludes , Rachel finally confesses her love for Ross , having learned of his feelings for her from Chandler , only to find that he has already begun dating another woman , whom she resents . However , Ross eventually chooses Rachel over his girlfriend Julie ( Lauren Tom ) , and the couple dates for the remainder of the second season . However , their relationship rapidly begins to deteriorate towards the end of the third season after Rachel quits her job at the coffeehouse in favor of working in fashion . While Rachel becomes increasingly preoccupied with her new job , Ross grows jealous of her companionship with her coworker Mark ( Steven ) , ultimately culminating in their break up on their one @-@ year anniversary following a series of heated arguments and disagreements . \n In the episodes following the break up , Rachel and Ross are initially hostile towards each other . The exes continue to harbor feelings for each other . During a beach house vacation with their friends , Rachel and Ross briefly reconcile when he ends his relationship with Bonnie ( Christine Taylor ) , only to break up once again due to a disagreement . During season four , Rachel dates her customer Joshua ( Tate Donovan ) , while Ross dates her boss ' niece Emily ( Helen Baxendale ) , to whom he eventually gets engaged . , Rachel proposes to recent divorcee Joshua , frightening him off . Rachel indirectly contributes to the demise of Ross and Emily 's relationship when he accidentally utters Rachel 's name while exchanging their wedding vows . Ross ultimately divorces a jealous Emily , choosing his friendship with Rachel instead . \n At the end of season five , Ross and Rachel drunkenly get married while vacationing with their friends in Las Vegas . In season six , their annulment request is denied because of Rachel having leveled unfounded allegations against Ross , forcing the two to file for a divorce instead . In season seven , Ross and Rachel unwittingly conceive a child when their birth control fails . Rachel gives birth to a girl in season eight , naming the baby Emma Geller @-@ Green ; the name Emma is a gift from Monica , who had previously been reserving the name for her own child . Rachel and Ross live together as non @-@ romantic roommates during the first half of season nine . \n Rachel eventually finds a job opportunity in France , but has second thoughts when Ross eventually forfeits stubbornness and says \" I love you \" . Rachel ultimately decides to stay and reignite her relationship with Ross , getting off the plane at the last minute . \n"} +{"id": 958, "text": " After their short @-@ lived television series Family Album was canceled , television writers David Crane and Marta Kauffman pitched Friends to then @-@ NBC president Warren Littlefield as a sitcom about \" that special time in your life when your friends are your family , \" basing the show on their own experiences as young people living in New York ; the main characters themselves were inspired by their own friends . Conceived as a young woman who is unprepared for adulthood , the character Rachel Green was originally named Rachel Robbins . Although critics and audiences initially perceived Monica as the show 's main character when Friends premiered , the writers had actually given Rachel the pilot 's most prominent storyline . Before deciding that Rachel and Ross would be an item for the entire series , the writers had originally intended for the show 's defining couple to be Joey and Monica . However , after the success of the pilot , in which Rachel and Ross ' developing romance is first hinted at , and witnessing Aniston and co @-@ star David Schwimmer 's on @-@ screen chemistry for the first time , Crane and Kauffman determined that the entire series relied on \" finding all the wonderful roadblocks for them to be with each other . \" \n Audiences began rooting for Rachel and Ross ' union since the very beginning of Friends , openly voicing their frustration with Rachel ’ s obliviousness to Ross ' feelings for her . The episode that would ultimately transform the friends ' relationship for the remainder of the series was the first season finale \" The One Where Rachel Finds Out \" , in which Rachel finally learns of Ross ' true feelings for her , at the same time discovering she actually feels the same . However , the episode nearly went unwritten because , at the time , few friends writers were expecting the couple 's relationship to morph into the phenomenon that it ultimately became . The episode was first suggested by director James Burrows ; the writers felt that it was time to alter the couple 's dynamic in order to avoid the repetitive \" he 's pining , she 's oblivious \" pattern , using the work of author Jane Austen as inspiration on how to finally shift the pining arc from Ross to Rachel . Because stakes for the episode were unprecedentedly high , \" The One Where Rachel Finds Out \" became Friends ' most reworked episode . The couple 's first kiss at the end of season two 's \" The One Where Ross Finds Out \" was met with deafening applause from the studio audience . Crane admitted that keeping viewers interested in their relationship for ten years was challenging . Jonathan Bernstein of The Daily Telegraph believes that they accomplished this by \" [ ing ] the possibility of a Ross and Rachel through several cliffhangers without ever putting them back together . \" According to Encyclopedia of Television author Horace Newcomb , Ross and Rachel 's ever @-@ changing relationship \" converted the traditional amnesic plotlines of the situation comedy into ones akin to episodic drama . \" Meanwhile , writing for The New York Review of Books , Elaine Blair agreed that Friends created \" a sense of chemistry between two characters while also putting obstacles in their way , setting us up for a long @-@ deferred union . \" \n After Rachel and Ross drunkenly get married while on vacation in Las Vegas during season five , Schwimmer had initially objected to the idea of having his character Ross divorce her – his third divorce – because he felt that it was taking it \" too far . \" The actor explained that \" The whole arc of the relationship was weird then ... because for [ Ross ] to be able to move on enough to marry someone else and then go back to being in love with Rachel later just went a bit too far . \" Rachel and Joey 's romantic storyline was conceived because the writers wanted to delay Ross and Rachel 's reunion further . Crane felt that pairing Rachel and Joey during season ten \" was for the greater good \" because \" It was inappropriate . \" However , the cast initially protested the idea , fearing that Rachel , Joey , and Ross would ultimately become unlikeable characters and audiences would either \" resent Joey for going after a pregnant woman , or resent Rachel for rejecting him , or resent Ross for standing between the two of them . \" Meanwhile , the writers also approached the concept of Rachel 's pregnancy and baby tentatively , worrying about how they would include it in the show because they did not want Friends \" to become a show about a baby \" while \" On the other hand , we don 't want to pretend that there isn 't one . \" According to Robert Bianco of USA Today , the critical success and popularity of Rachel 's pregnancy is ultimately responsible for \" propel [ ling ] the show to the top of the ratings \" . When it finally came time to write the series finale , \" The only thing [ Crane and Kauffman ] absolutely knew from very early on was that we had to get Ross and Rachel together , \" deciding , \" We had the audience around for 10 years with their ' will they or won ’ t they , ' and we didn ’ t see any advantage in frustrating them \" any longer . However , at one point the writers had deliberated ending the series with Ross and Rachel in \" a gray area of where they aren ’ t together , but we hint there ’ s a sense that they might be down the road . \" Ultimately , Crane and Kauffman relented in favor of giving the audience what they want . \n"} +{"id": 959, "text": " The final character to be cast , Rachel is portrayed by actress Jennifer Aniston , who auditioned for the role shortly after declining a position as a cast member on the sketch comedy show Saturday Night Live . Her decision was initially ridiculed by both her friends as well as actor Adam Sandler , a Saturday Night Live alum . Actress Téa Leoni , who at the time was being referred to by the media as \" the next Lucille Ball \" , was offered the role of Rachel as the studio 's first choice , but she declined in favor of starring in the sitcom The Naked Truth . Actress Elizabeth Berkley also auditioned for the role prior to being cast in the teen sitcom Saved by the Bell . Other actresses who auditioned for Rachel include Denise Richards , Melissa Rivers , Nicolette Sheridan , Parker Posey , and Jami Gertz . Originally , the producers wanted to cast actress Courteney Cox as Rachel , who Crane and Kauffman were particularly drawn to because of her \" cheery , upbeat energy . \" Additionally , Cox was the most famous cast member at the time amidst an ensemble of relatively unknown actors . However , the actress lobbied for the role of Rachel 's best friend Monica , as whom she was ultimately cast , because she felt that she was not \" quirky \" enough to play Rachel . At the same time , although unbeknownst to each other , Aniston was being considered for the role of Monica , but fought to play Rachel because she felt that the character suited her better . At one point , Cox had begun to regret her decision to play Monica until her own character 's storylines started improving . \n Friends was Aniston 's sixth sitcom ; each of her previous ventures had been canceled prematurely . Feeling vulnerable , Aniston had begun to doubt herself as an actress and personally approached Littlefield for reassurance on her career , who encouraged her to audition for Friends , which was being referred to as Friends Like These at the time . Crane and Kauffman had worked with Aniston prior to this . However , casting her as Rachel posed a challenge for the network because , at the time , Aniston was simultaneously starring in a developing CBS sitcom called Muddling Through , in which she plays a young woman whose mother is returning home from jail after two years . CBS was initially reluctant to release Aniston from her contract , which required the actress to balance both roles simultaneously , traveling back @-@ and @-@ forth between Muddling Through and Friends for two weeks . Meanwhile , NBC risked having to recast the role of Rachel , replace Aniston , and reshoot several episodes if CBS ' series proved successful , which would have potentially cost the network millions of dollars . However , Littlefield remained confident that Muddling Through would fail . Essentially , the producers of Friends hoped that Muddling Through would be canceled before Friends premiered , while Aniston feared that Muddling Through would be the more successful of the two sitcoms in spite of her preference towards Friends . During this time of uncertainty , Aniston was forced not to participate in several Friends @-@ related promotions and photo shoots ; the network excluded her from these in case she would be replaced . Aniston explained , \" When we were shooting the first grouping of cast photos ... I was asked to step out of a bunch because they didn 't know if I was going to be still playing Rachel . \" Director James Burrows admitted that Aniston had been cast in second position . The producers had already begun auditioning other actresses for the part , while Aniston also received phone calls from her own friends warning her , \" I 'm auditioning for your part in Friends . \" Ultimately , Muddling Through was canceled after only three months and ten episodes , two weeks before the pilot of Friends aired , thus allowing Aniston to keep her role on the show , becoming its second youngest cast member at the age of 25 . Crane appreciated Aniston 's interpretation of Rachel because \" in the wrong hands Rachel is kind of annoying and spoiled and unlikable , \" commending the actress for \" breathing life into a difficult character . \" \n Crane and Kauffman strongly envisioned Friends as an ensemble comedy , and Warner Bros. initially marketed the show as such by having the cast appear in their entirety for all press , interviews and photo shoots . One of few sitcoms at the time to be neither a workplace comedy , family sitcom or star a famous comedian , Elizabeth of The New York Times explained that each of the show 's main characters are \" of equal importance . \" As a writer , Crane preferred it this way because \" utilizing six equal players , rather than emphasizing one or two , would allow for myriad story lines . \" Kauffman echoed \" that Friends worked best when the entire ensemble was onstage . \" The only reason Aniston is credited first during the show 's title sequence is because the cast is listed alphabetically . The show 's ensemble format is also believed to have prevented jealous conflicts among the cast . Famously , the Friends cast became the first in television history to negotiate as a group for equal salaries , refusing to work until their demands of $ 100 @,@ 000 per episode were met during season three , which eventually increased to $ 1 million per episode by seasons nine and ten – approximately $ 25 million per year . Alongside Cox and actress Lisa Kudrow , who portrays Phoebe , Aniston became the highest @-@ paid television actress of all time . By then , Aniston had surpassed Cox as the show 's most famous cast member due to having launched an international hair trend with the \" Rachel \" and successfully transitioning into a film career , combined with her high @-@ profile relationship with her then @-@ husband , actor Brad Pitt , who had once guest starred in an episode of the show . At times the producers would use the actress ' popularity to boost the show 's ratings , notably her character 's seventh season kiss with actress Winona Ryder and pregnancy arc . Aniston had been telling the press that the show 's ninth season would be her last , and was initially hesitant to return to Friends to film its tenth and final season . She explained to NBC 's Matt Lauer , \" I wanted it to end when people still loved us and we were on a high . And then I was also feeling like , ‘ How much more of Rachel do I have in me ? ’ ” However , the actress ultimately agreed to complete the tenth season of Friends , which was reduced from 24 to 18 episodes to accommodate Aniston 's busy film schedule . \n"} +{"id": 960, "text": " Rachel is the youngest of Friends six main characters . The term \" spoiled \" is often used to describe the character 's personality during her early appearances . Encyclopaedia Britannica describes Rachel as a spoiled and funny character . According to Rachel 's original character description , written by Crane and Kauffman themselves for the show 's pilot , the character is a spoiled yet courageous young woman who \" has worked for none of what she has \" , unlike best friend Monica , and is initially \" equipped to do nothing \" . James Endrst of the Hartford Courant identified her as \" a spoiled rich kid \" , while the Daily News dubbed Rachel an \" endearingly spoiled Daddy 's girl . \" Author Kim Etingoff wrote about Rachel in her book Jennifer Aniston : From Friends to Films that the character is \" spunky and sometimes spoiled \" , while TV Land called her \" naive . \" Citing the differences between Rachel and her two female friends , The Guardian 's Ryan Gilbey observed that the character \" wasn 't insulated by self @-@ regard , like Monica , or in , like Phoebe . \" Frequently identified as fitting the \" girl next door \" archetype , Anne Bilson of The Telegraph described Rachel as \" funny but not too funny , pretty but not too pretty , sexy but not too sexy , scatterbrained but not too scatterbrained . \" TalkTalk 's Dominic Wills described the character as \" smart but ditzy , determined but undisciplined . \" Meanwhile , Liat , writing for The Huffington Post , scribed that Rachel is a \" beautiful , coveted , slightly neurotic , borderline egocentric \" character . \n Observing that the show 's main characters are each based on a stereotype , Jonathan Bernstein of The Daily Telegraph identified Rachel as \" the self @-@ absorbed one who goes from riches to rags . \" According to Reign Magazine , Rachel is \" a human being full of vulnerability , humor and strength while aesthetically donning an undeniable beauty and allure . \" Originally depicted as a character who is unprepared for \" the world as an adult \" , Rachel 's personality was gradually tailored to suit Aniston as the series progressed , becoming \" more self @-@ sufficient and sympathetic . \" According to Shining in the Shadows : Movie Stars of the 2000s author Murray Pomerance , \" The more boundary collapsed between the ' real ' Jennifer Aniston and Rachel , the more ' authentic ' Aniston became . \" Pomerance also noted that the character 's \" well @-@ roundedness , normalcy and relatability \" is similar to Aniston 's , while both the character and the actress herself are very expressive , talking \" with [ their ] hands a good deal . \" In her book How To Write For Television , author Madeline wrote that although \" Rachel grew within the context of the series ... she would always struggle with the spoiled , image @-@ conscious Daddy 's girl who fled from her wedding in the pilot . \" Similarly , BuddyTV wrote that although Rachel \" eventually evolves into being less absorbed in later series , she [ remains ] the most image @-@ centric among the six \" , while Vogue 's Edward Barsamian opined , \" She might have been self @-@ centered and bratty , but Rachel Green was perhaps the most stylish and unabashedly fashion @-@ obsessed character on the show . \" TV Land summarized the character 's arc and development in the website 's biography of her , writing , \" Rachel is a born shopper , but … she ’ s not necessarily a born worker . In fact , before moving in with Monica , she ’ s never had to work at all , thanks to the generosity of her parents . Luckily , Rachel is smart , resourceful and chic , so her future is bright , both as a member of the workforce and with her newfound tribe . \" Examining the character 's sexuality , Splitsider 's Mike D 'Avria determined that Rachel has had the third most sexual partners , 14 , as well as the highest percentage of serious monogamous relationships at 71 % . D 'Avria opined , \" Throughout the whole series Rachel is continually meeting men she wants to impress . Her flirtations typically fail , but she somehow winds up in a serious relationship with them . \" Additionally , Rachel is also the only character to admit to having had a homosexual experience . \n In an interview with the Jewish Telegraph , Kauffman confirmed that Rachel is Jewish . On the character 's \" Jewish ties \" , Kauffman told j. that Rachel had always been Jewish \" in our minds \" , explaining , \" You can ’ t create a character with the name ' Rachel Green ' and not from the get @-@ go make some character choices \" . Prior to this , critics and fans had long speculated whether or not Rachel is Jewish ; there are entire websites entirely devoted to discussing this . Vulture 's Lindsey Weber , who identifies herself as Jewish , observed several similarities and Jewish stereotypes she shares with the character , citing the facts that Rachel refers to her grandmother Ida Green as \" \" , Long Island origin , and engagement to a Jewish doctor as allusions to the character 's Jewish culture . In her book Changed for Good : A Feminist History of the Broadway Musical , author Stacy Wolf identified Rachel as one of several popular female television characters who embodied Jewish stereotypes during the 1990s and often served as \" the butt of the shows ' jokes . \" Meanwhile , 's Rebecca Frankel cited Rachel as one of the earliest and most prominent examples of the Jewish American Princess stereotype on screen . Writing for the University of North Carolina at Chapel Hill , Alicia R. also acknowledged Rachel 's initial Jewish American Princess qualities , describing her as \" spoiled , dependent on her father 's money and her fiance 's , is horrified at the thought of working for a living and generally inept in her attempts to do so , and is eventually revealed to have had a nose job \" , which she eventually overcomes as they become less \" evident in later seasons of the show \" . In his article \" Princesses , , and Mothers \" , Evan Cooper described Rachel as a \" de @-@ \" Jew because , aside from her name , \" there is never any discussion of experiences of growing up in a Jewish culture , no use of Yiddish , and few , if any , references to family members with distinctively Jewish surnames \" . Cooper continued to write that although Rachel possesses some Jewish American Princess traits , she is more similar to the \" little woman \" stereotype . The New York Post 's Robert Rorke labeled Rachel \" a rehabilitated Jewish American Princess \" , in contrast to her sister Amy ( Christina Applegate ) who remains \" selfish , condescending and narcissistic . \" \n"} +{"id": 961, "text": " Critical reception towards Rachel has remained mostly positive throughout the show 's ten @-@ year run . Writing for The A. V. Club , John Reid holds Rachel responsible for the success of the pilot , explaining , \" The story of this group of friends must start with a stranger coming to town , and Rachel is the perfect stranger for this plot \" . Reid also believes that Rachel initiated character development in the five other main characters , describing her arrival as \" a catalyst for all of them to grow , because unlike the rest of them , Rachel is interested in finding meaning for her life \" . Also writing for The A. V. Club , Sonia Saraiya was pleased with Rachel and Ross ' first romantic encounter because , for the first time , \" Rachel displays a moment of true empathy for another human being \" . Saraiya went on to describe Rachel as \" as a model for women coming of age in the 1990s — the popular , pretty girl dissatisfied with where those illusions have taken her but also unwilling to embrace the more aggressively ' feminist ' career @-@ woman strategy \" . The New York Times Joseph Hanania enjoyed Rachel 's telephone conversation with her father during the pilot , describing it as \" hilarious . \" The Los Angeles Times Bob Shayne admitted that he is attracted to Rachel , joking , \" my feelings for Rachel , I say with some embarrassment , mirror those of Gunther \" . Cosmopolitan reviewed Rachel as \" the best fictional gal pal we 've ever had \" , while People called her \" spoiled yet loveable \" . USA Today 's Robert Bianco credits Rachel 's pregnancy arc with saving Friends , explaining that it \" propel [ led ] the show to the top of the ratings \" and ultimately \" [ ed ] the show 's decline in ways ... that no one watching ' The One With Monica & Chandler 's Wedding ' could ever have imagined . \" Bianco concluded , \" Indeed , without that fortune @-@ altering twist , Friends probably would have ended sooner \" . \n ranked \" The One With The Ball \" , \" The One With Rachel ’ s Kiss \" , \" The One With The Football \" , \" The One With The Fake Party \" , and \" The One In Vegas , Part One Rachel 's five best episodes . Meanwhile , TVLine criticized Rachel 's storyline in season one 's \" The One With the Evil \" for impulsively sleeping with her ex @-@ fiancé , Barry , panning the episode as \" cringeworthy \" . TVLine also criticized the character 's arc in season four 's \" The One With The Fake Party \" . At times the character has generated mild controversy , specifically in 1996 in response to her role in the second season episode \" The One Where Dr. Ramoray Dies \" , in which Rachel and Monica fight over a condom . Aniston revealed that Friends fans would often approach and scold her for things Rachel did that they deemed \" disagreeable \" . \n Neil Midgley , writing for The Daily Telegraph , hailed Rachel as \" one of six latte @-@ swilling young New Yorkers who helped Friends redefine the kind of relationships that could form the heart of a US sitcom \" . According to Jennifer Aniston : From Friends to Films author Kim Etingoff , audiences wanted to see Rachel \" figure out life , \" allowing the character to become \" a favorite of many Friends fans throughout all ten seasons \" . Writing for TalkTalk , Dominic Wills echoed that Rachel \" became the general favourite \" , while \" No one had a bad word to say about Jennifer Aniston \" . Rachel would go on to become the show 's breakout character , and is often revered as one of the greatest characters in television history . Us Weekly magazine ranked Rachel the most beloved television character of the past 20 years , citing her as \" one of TV 's most endearing personalities \" , while Entertainment Weekly ranked the character sixth on a similar list . AOL TV ranked Rachel among television 's hundred \" Greatest Women \" at number 23 , with author Kim Potts penning , \" Rachel became one of viewers ' favorite Friends because she grew from what could have been a one @-@ note character ... into a more independent , caring pal \" . CBS News placed Rachel and the cast of Friends at number 31 on its list of the \" 50 greatest TV characters \" . BuddyTV ranked Rachel the 15th funniest female character in sitcom history . collectively ranked Rachel , Monica and Phoebe 11th , 12th and 13th on the website 's list of the \" Top 16 Female TV Characters of All Time \" . Writing for Entertainmentwise , Georgina Littlejohn believes that Rachel 's influence is evident in the character Penny in the sitcom The Big Bang Theory , noting that both characters are \" blonde , cute , funny , likeable girls @-@ next @-@ door \" . Several baby name books and websites now commonly associate the name \" Rachel \" with the character . According to , the name peaked in popularity in 1996 , during the second season of Friends , becoming the ninth most popular female name in the United States that year . \n Aniston 's performance in Friends has been praised since her first appearance in its pilot . Entertainment Weekly 's Ken Tucker wrote that the actress provides Rachel with \" prickly intelligence \" . Writing for The Baltimore Sun , David Zurawik cited Aniston among the show 's \" very strong cast \" , while Variety 's Tony Scott wrote that \" All six of the principals ... appear resourceful and display sharp sitcom skills \" . Robert Bianco of the Pittsburgh Post @-@ Gazette praised the show 's female cast collectively . TV Guide wrote that the actress \" instantly charmed audiences with her perfect looks and endearingly flawed persona \" . Kevin Fallon of The Daily Beast dubbed Aniston 's performance on Friends \" the work of a brilliant character actress . \" The Guardian 's Ryan Gilbey reviewed that \" Aniston was the member of the ensemble and the one least reliant on goofball caricature \" , concluding , \" Playing the only character with whom a sane viewer might reasonably identify also meant that she got the lion 's share of attention \" . Andrew Collins of Radio Times described Aniston as a \" natural comic performer , as adept with a subtle nose wrinkle as a full @-@ on pratfall , and fluent in quick @-@ fire patter \" . In 2002 , Aniston won the Emmy Award for Outstanding Lead Actress in a Comedy Series , one of the show 's six wins out of a total of 62 nominations . In 2003 , the actress won the Golden Globe Award for Best Performance by an Actress In A Television Series – Comedy Or Musical . Karen Thomas of USA Today dubbed Aniston \" our favorite Friend \" . According to Turner Classic Movies , Aniston ultimately became \" One of the most popular television actresses of her era \" . According to Jennifer Aniston : From Friends to Films author Kim Etingoff , the actress ' own fame \" outshone \" those of her co @-@ stars , becoming the first cast member to \" rise to prominence \" ; the actress continues to experience the most post @-@ Friends success . Aniston 's performance in Friends led to a successful film career . According to The Inquisitr News , Rachel is \" the role that would end up launching [ Aniston 's ] success \" , while Bradford Evans of Splitsider believes \" that Jennifer Aniston likely wouldn 't have become a major movie star without Friends \" . While ranking Aniston the most attractive sitcom star of the 1990s , Josh Robertson of Complex magazine wrote that \" With the haircut , the TV fame , and a true gift for comedy ... combined , Aniston became a big star \" , replacing Cox as the show 's \" established hottie \" . According to Steve Charnock of Yahoo ! Movies , Aniston is \" the series ' only main castmember to become a bona fide movie star since the end of the show \" . While agreeing that Aniston 's film career has been successful , several critics believe that the actress ' filmography remains limited to playing Rachel @-@ like roles in romantic comedies , save for some exceptions . Ryan Gilbey of The Guardian noted that \" Consequently , many of Aniston 's movie roles ... have been Rachel in all but name . \" Andrew Collins of Radio Times agreed , writing that Aniston \" seems trapped , perpetually playing variations of Rachel \" . According to TV Guide , Aniston is \" usually called upon to play a variation of her neurotic and adorable Friends character \" . Aniston cites Rachel as one of three roles for which she is most grateful , to whom she \" owe [ s ] everything \" . On being typecast , Aniston admits that at times it \" gives you more of a challenge , to shape people ’ s perceptions of you \" . as audiences struggle \" to lose the Rachel tag that has made her one of the world 's most recognisable faces \" . \n"} +{"id": 962, "text": " Rachel has had several romantic relationships throughout Friends decade @-@ long run , the most famous and prominent of which remains her on @-@ again , off @-@ again relationship with friend Ross . Although wildly popular among audiences , the couple has been met with mixed reviews from critics . Katherine Hassel of the Daily Express described the characters ' relationship as \" the heart of the show \" . China Daily cited Ross and Rachel 's reunion during the series finale \" The Last One \" among the episode 's highlights , while Gary Susman of Rolling Stone believes that audiences would not have been happy had the couple not ultimately reunited . Contrastingly , The Wire 's Joe Reid is of the opinion that the show 's second season is \" the only time Ross / Rachel was truly great \" . Virgin Media wrote that the couple 's dynamics \" had grown mightily tedious \" by season ten . E ! cable network ranked Rachel and Ross the ninth greatest Friends couple , writing that their relationship gave \" Friends fans enough iconic quotes to fill a book \" , considering Phoebe 's line \" See ? [ Ross is ] her lobster ! \" to be among show 's most iconic . Ross and Rachel 's season three breakup has spawned a debate among Friends fans , who continue to argue over which of the two was at fault : Rachel for suggesting that they take a break from their relationship , or Ross for sleeping with another woman immediately afterwards . Writing for E ! , Jenna Mullins ruled in favor of Rachel , elaborating , \" there is no excuse for Ross sleeping with someone else after his lobster suggested taking a break \" , concluding that Ross \" blew it \" . The Jewish community was particularly receptive to the fact that a Jewish @-@ American couple existed on prime time television , described by Lilith magazine as \" a televisual first \" . \n Rachel and Ross are considered to be among television 's greatest and most beloved couples . referred to them as \" everyone 's favourite on ... off ... on ( a break ! ) duo , \" while Us Weekly and BuzzFeed ranked them the first and second best television couple , respectively . TV Guide ranked Ross and Rachel the third greatest television couple , dubbing them \" the most iconic TV couple in recent memory \" . Extra placed the couple at number eight , writing , \" Never did we want two people to get together more than Ross ... and Rachel \" . Refinery29 included Rachel and Ross in the website 's \" 16 TV Couples We Want To Be Together Forever \" list . The pair is also often ranked among television 's greatest \" will they or won 't they \" couples . Naming Ross and Rachel the greatest \" will they , won 't they \" couple , Network Ten believes they defined the term , while dubbed them \" The quintessential will they / won ’ t they couple . \" According to Sarah Doran of Radio Times , the couple \" became synonymous with the phrase ' we 're on a break ' \" . Phoebe 's line , in which she refers to the couple as each other 's lobsters , has become one of the show 's most popular and oft @-@ quoted . Kaitlin Reilly of Bustle magazine defined the term as \" the person of whom another is meant to be with forever \" . Tara Aquino of Complex magazine believes that \" Every other person can tell you what exactly a ' Ross and Rachel ' relationship means \" . Ultimately , Rachel 's season eight pregnancy arc is credited with reviving the show 's ratings and reviews . \n Rachel 's brief romantic relationship with friend Joey during season ten drew strong criticism from both critics and fans alike , although viewership was not harmed . In fact , Joshua of Splitsider believes that the only reason the show 's final two seasons performed well in spite of lackluster reviews \" was because of the Joey / Rachel / Ross love triangle \" . Eric Goldman of IGN referred to the Rachel @-@ Joey storyline as \" questionable . \" Entertainment Tonight Canada ranked \" The One After Rachel and Joey Kiss \" among the show 's ten worst episodes at number five , with author I. P. Johnson panning it as \" desperate \" , concluding , \" for even conceiving this romantic plot ; cheers for abandoning it \" . Bustle also cited the same episode as one of the show 's worst , calling it \" the most nonsensical idea to ever be . \" Contrarily , E ! enjoyed Rachel and Joey as a couple because they brought out positive aspects in each other 's personalities . Their relationship also spawned a debate among fans , who argued over whether making Rachel and Joey a couple was a bad idea . Jenna Mullins of E ! determined that it is because \" It was too far into the series to throw these two together . They didn 't make sense and their romantic scenes felt forced \" . \n"} +{"id": 963, "text": " Both Rachel and Aniston have become fashion icons due to their combined influence on womenswear during the 1990s and onwards , particularly among British women . According to Vogue magazine 's Edward Barsamian , Rachel 's fashion sense inspired \" the cool New York look \" . According to Stylist magazine , Rachel \" revived [ a ] love of denim shirts and dungarees \" , while Mahogany Clayton of believes that the character \" managed to dominate every fashion trend that passed by her radar in the most stylish ways possible \" . Hailing her as the \" Queen \" , Heat magazine observed the character 's influence on plaid skirts , denim and overalls . Citing every costume the character wore during the first season of Friends , BuzzFeed determined that Rachel popularized the mullet dress . TV Guide published a list of \" The 17 Ways Rachel from Friends Changed ' 90s Fashion \" . \n Rachel is often ranked among television 's best dressed characters . Elle included Rachel in the magazine 's \" 50 Best Dressed Women on TV \" list . PopSugar ranked Friends 15th on the website 's list of \" 50 TV Shows That Changed the Way We Dress \" , citing Rachel 's \" impressive \" wardrobe . InStyle ranked Friends the 36th most fashionable television show of all @-@ time , praising Rachel , Monica and Phoebe 's costumes . ranked Rachel among \" The 50 Most Stylish TV Characters Of All Time \" at number 28 . Cosmopolitan magazine compiled a list of \" 16 things Rachel Green wore to work that we 'd totally wear today \" , while Virgin Media ranked the character among television 's sexiest . Brides magazine ranked Rachel 's wedding dress among \" The Best TV Wedding Dresses \" . \n"} +{"id": 964, "text": " Named after the character , the \" Rachel \" refers to a bouncy layered shag inspired by the way in which Aniston wore her hair on Friends between 1994 and 1996 , during the first and second seasons of the series . The \" Rachel \" debuted in the show 's 20th episode , \" The One With the Evil \" . Aniston believes that her hair stylist , Chris McMillan , created the haircut while he was \" stoned \" . The \" Rachel \" immediately became popular among women , launching an international hair trend . The popularity of the \" Rachel \" coincided with the popularity of Friends during the mid @-@ to @-@ late @-@ 1990s . Marie Claire estimates that 11 million women donned the hairstyle throughout the decade , while the Daily Express determined that the hairstyle was most popular among British women , who went to hair salons \" clutching magazine pictures of Aniston \" and asking hairdressers to give them the look . \n According to Vanity Fair , the hairstyle 's \" widespread popularity ... in the show ’ s very first year cemented the sitcom early on as heavily influential when it came to style . \" The \" Rachel \" remains one of the most popular hairstyles in history , and became the most popular hairstyle in the United States since actress Farrah Fawcett 's . Hair stylists credit its appeal and popularity to its medium length and volume , combined with its tendency to frame the face flatteringly . Hairdresser Mark Woolley described it as \" a cut that flatters almost everyone , designed to make women look beautiful \" . The \" Rachel \" is often ranked among the greatest and most iconic hairstyles of all @-@ time , with Redbook placing it at number four and Time ranking it ninth . The Huffington Post determined that the hairstyle is one of \" The Most Famous TV Of All Time \" . US Weekly ranked the \" Rachel \" the 17th most iconic hairstyle . Glamour magazine ranked the \" Rachel \" fourth on the magazine 's list of \" The 100 Best of All Time \" . Meanwhile , Glamour also cited it among \" The very best hair to have graced the small screen \" , while ranking it the most memorable hairstyle in television history . The Sydney Morning Herald ranked it the second greatest television hairstyle , while Metro ranked the \" Rachel \" the character 's second @-@ best hairstyle . Ranked sixth on Entertainment Weekly 's list of the \" 25 Fashion Moments That Changed Entertainment \" , the haircut was declared the most \" desired \" hairstyle of the Clinton era . \n Zahra Barnes of Self magazine joked that the character 's hair was the \" true star of the show \" , while its popularity led to Virgin Media coining Rachel \" the one with the hair \" . the \" Rachel \" as one of television 's greatest hairstyles , Sarah Carrillo of Elle magazine believed that its popularity \" helped make Friends the phenomenon it was \" . Opining that Friends spawned few memorable catchphrases in comparison to its contemporaries , Tom Jicha of The Baltimore Sun attributed much of the show 's legacy to the hairstyle , calling it the show 's \" only cultural trend \" . Josh Robertson of Complex magazine felt that \" With the haircut , the TV fame , and a true gift for comedy ... combined , Aniston became a big star \" , replacing Courteney Cox . According to Jim of Paste magazine , \" ' the Rachel ' hairstyle became the decade ’ s defining ' do , calling it \" the definition of influence \" . \n In the second season episode \" The One With The Lesbian Wedding \" , Rachel complains that her overbearing mother ( Marlo Thomas ) is trying to pattern her own life after hers , lamenting , \" Couldn 't she just copy my haircut ? \" Although Aniston eventually abandoned the \" Rachel \" for a straighter , longer look , the hairstyle remained popular nonetheless . Despite her association with the cut , Aniston disliked the hairstyle . She found maintaining the hairstyle without McMillan 's help difficult , stating \" I 'd curse Chris every time I had to . It took three brushes — it was like doing surgery ! \" and that she would rather shave her head than have to wear it for the rest of her life . \n Since Aniston , several other celebrities have worn variations of the \" Rachel \" , among them actresses Cameron Diaz , Rachel McAdams , Emma Watson , Reese Witherspoon , Julia Roberts , comedian Tina Fey , model Tyra Banks , and singer Lily Allen . \n"} +{"id": 965, "text": " Krak des Chevaliers ( French pronunciation : ​ [ de ] ; Arabic : حصن ) , also Crac des Chevaliers , al @-@ Akrād ( حصن ) , Castle , formerly Crac de l 'Ospital , is a Crusader castle in Syria and one of the most important preserved medieval castles in the world . The site was first inhabited in the 11th century by a settlement of Kurdish troops dispatched there by the Mirdasids ; as a result it was known as Hisn al @-@ Akrad , meaning the \" Castle of the Kurds \" . In 1142 it was given by Raymond II , Count of Tripoli , to the Knights Hospitaller . It remained in their possession until it fell in 1271 . It became known as Crac de l 'Ospital ; the name Krak des Chevaliers was coined in the 19th century . \n The Hospitallers began rebuilding the castle in the 1140s and were finished by 1170 when an earthquake damaged the castle . The order controlled a number of castles along the border of the County of Tripoli , a state founded after the First Crusade . Krak des Chevaliers was among the most important , and acted as a center of administration as well as a military base . After a second phase of building was undertaken in the 13th century , Krak des Chevaliers became a concentric castle . This phase created the outer wall and gave the castle its current appearance . The first half of the century has been described as Krak des Chevaliers ' \" golden age \" . At its peak , Krak des Chevaliers housed a garrison of around 2 @,@ 000 . Such a large garrison allowed the Hospitallers to extract tribute from a wide area . From the 1250s the fortunes of the Knights Hospitaller took a turn for the worse and in 1271 Mamluk Sultan Baibars captured Krak des Chevaliers after a siege lasting 36 days , supposedly by way of a forged letter purportedly from the Hospitallers ' Grand Master that caused the Knights to surrender . \n Renewed interest in Crusader castles in the 19th century led to the investigation of Krak des Chevaliers , and architectural plans were drawn up . In the late 19th or early 20th century a settlement had been created within the castle , causing damage to its fabric . The 500 inhabitants were moved in 1933 and the castle was given over to the French state , which carried out a program of clearing and restoration . When Syria declared independence in 1946 , it assumed control . Today , a village called al @-@ Husn exists around the castle and has a population of nearly 9 @,@ 000 . Krak des Chevaliers is located approximately 40 kilometres ( 25 mi ) west of the city of Homs , close to the border of Lebanon , and is administratively part of the Homs Governorate . Since 2006 , the castles of Krak des Chevaliers and Qal 'at Salah El @-@ Din have been recognized by UNESCO as a World Heritage Site . It was partially damaged in the Syrian civil war from shelling : the full extent of the damage is unknown , but there have been reports of hasty repairs . \n"} +{"id": 966, "text": " The modern Arabic word for a castle is Kalaa ( قلعة ) , but Krak des is known as a \" \" ( حصن ) , or \" fort \" . This derives from the name of an earlier fortification on the same site called al @-@ Akrād ( حصن ) , meaning \" fort of the Kurds \" . It was called by the Franks Le and then by a confusion with ( fortress ) , Le Crac . was probably the Frankish version of Akrād , the word for Kurds . After the Knights Hospitaller took control of the castle , it became known as Crac de l 'Ospital ; the name Crac des Chevaliers ( alternatively spelt Krak des Chevaliers ) was introduced by Guillaume Rey in the 19th century . \n"} +{"id": 967, "text": " The castle sits atop a 650 @-@ metre @-@ high ( 2 @,@ 130 ft ) hill east of Tartus , Syria , in the Homs Gap . On the other side of the gap , 27 kilometres ( 17 mi ) away , was the 12th @-@ century Castle . The route through the strategically important Homs Gap connects the cities of Tripoli and Homs . To the north of the castle lies the Jebel , and to the south Lebanon . The surrounding area is fertile , benefiting from streams and abundant rainfall . Compared to the Kingdom of Jerusalem , the other Crusader states had less land suitable for farming ; however , the limestone peaks of Tripoli were well @-@ suited to defensive sites . \n Property in the County of Tripoli , granted to the Knights Templar in the 1140s , included the Castle of the Kurds , the towns of and , and the 'ah plain separating Homs and Tripoli . Homs was never under Crusader control , so the region around the Castle of the Kurds was vulnerable to expeditions from the city . While its proximity caused the Knights problems with regard to defending their territory , it also meant Homs was close enough for them to raid . Because of the castle 's command of the plain , it became the Knights ' most important base in the area . \n"} +{"id": 968, "text": " According to 13th @-@ century Arab historian Ibn Shaddad , the Mirdasid emir of Aleppo , ad @-@ Dawla , established a settlement of Kurdish tribesmen at the site of the future castle in 1031 CE , hence the castle 's Arabic name \" Hisn al @-@ Akrad \" ( Castle of the Kurds ) . The site was strategically located at the southern edge of the Jibal al @-@ mountain range and dominated the road between Homs and Tripoli . When building castles , Muslims often chose elevated sites such as hills and mountains that provided natural obstacles . \n In January 1099 on the journey to Jerusalem during the First Crusade , the company of Raymond IV of Toulouse came under attack from the garrison of Hisn al @-@ Akrad , the forerunner of the Krak , who harried Raymond 's foragers . The following day Raymond marched on the castle and found it deserted . The crusaders briefly occupied the castle in February of the same year but abandoned it when they continued their march towards Jerusalem . Permanent occupation began in 1110 when Tancred , Prince of Galilee took control of the site . The early castle was substantially different from the extant remains and no trace of this first castle survives at the site . \n The origins of the Knights Hospitaller are unclear , but the order probably emerged around the 1070s in Jerusalem . It started as a religious order which cared for the sick , and later looked after pilgrims to the Holy Land . After the success of the First Crusade in capturing Jerusalem in 1099 , many crusaders donated their new property in the Levant to the Hospital of St John . Early donations were in the newly formed Kingdom of Jerusalem , but over time the order extended its holdings to the Crusader states of the County of Tripoli and the Principality of Antioch . Evidence suggests that in the 1130s the order became militarized when Fulk , King of Jerusalem , granted the newly built castle at Bethgibelin to the order in 1136 . A papal bull from between 1139 and 1143 may indicate the order hiring people to defend pilgrims . There were also other military orders , such as the Knights Templar , which offered protection to pilgrims . \n Between 1142 and 1144 Raymond II , Count of Tripoli , granted the order property in the county . According to historian Jonathan Riley @-@ Smith , the Hospitallers effectively established a \" palatinate \" within Tripoli . The property included castles with which the Hospitallers were expected to defend Tripoli . Along with Krak des Chevaliers , the Hospitallers were given four other castles along the borders of the state which allowed the order to dominate the area . The order 's agreement with Raymond II stated that if he did not accompany knights of the order on campaign , the spoils belonged entirely to the order , and if he was present it was split equally between the count and the order . Raymond II could further not make peace with the Muslims without the permission of the Hospitallers . The Hospitallers made Krak des Chevaliers a center of administration for their new property , undertaking work at the castle that would make it one of the most elaborate Crusader fortifications in the Levant . \n After acquiring the site in 1142 , they began building a new castle to replace the former Kurdish fortification . This work lasted until 1170 , when an earthquake damaged the castle . An Arab source mentions that the quake destroyed the castle 's chapel , which was replaced by the present chapel . In 1163 the Crusaders emerged victorious over Nur ad @-@ Din in the Battle of al @-@ near Krak des Chevaliers . \n Drought conditions between 1175 and 1180 prompted the Crusaders to sign a two @-@ year truce with the Muslims , but without Tripoli included in the terms . During the 1180s raids by Christians and Muslims into each other 's territory became more frequent . In 1180 , Saladin ventured into the County of Tripoli , ravaging the area . Unwilling to meet him in open battle , the Crusaders retreated to the relative safety of their fortifications . Without capturing the castles , Saladin could not secure control of the area , and once he retreated the Hospitallers were able to revitalize their damaged lands . The Battle of Hattin in 1187 was a disastrous defeat for the Crusaders : Guy of Lusignan , King of Jerusalem , was captured , as was the True Cross , a relic discovered during the First Crusade . Afterwards Saladin ordered the execution of the captured Templar and Hospitaller knights , such was the importance of the two orders in defending the Crusader states . After the battle , the Hospitaller castles of Belmont , Belvoir , and Bethgibelin fell to Muslim armies . Following these losses , the Order focused its attention on its castles in Tripoli . In May 1188 Saladin led an army to attack Krak des Chevaliers , but on seeing the castle decided it was too well defended and instead marched on the Hospitaller castle of Margat , which he also failed to capture . \n Another earthquake struck in 1202 , and it may have been after this event that the castle was remodelled . The 13th @-@ century work was the last period of building at Krak des Chevaliers and gave it its current appearance . An enclosing stone circuit was built between 1142 and 1170 ; the earlier structure became the castle 's inner court or ward . If there was a circuit of walls surrounding the inner court that pre @-@ dated the current outer walls , no trace of it has been discovered . \n The first half of the 13th century has been characterized as Krak des Chevaliers ' \" golden age \" . While other Crusader strongholds came under threat , Krak des Chevaliers and its garrison of 2 @,@ 000 soldiers dominated the surrounding area . It was effectively the center of a principality which remained in Crusader hands until 1271 and was the only major inland area to remain constantly under Crusader control during this period . Crusaders who passed through the area would often stop at the castle , and probably made donations . King Andrew II of Hungary visited in 1218 and proclaimed the castle the \" key of the Christian lands \" . He was so impressed with the castle that he gave a yearly income of 60 marks to the Master and 40 to the brothers . Geoffroy de Joinville , uncle of the noted chronicler of the Crusades Jean de Joinville , died at Krak des Chevaliers in 1203 or 1204 and was buried in the castle 's chapel . \n The main contemporary accounts relating to Krak des Chevaliers are of Muslim origin and tend to emphasize Muslim success while overlooking setbacks against the Crusaders although they suggest that the Knights Hospitaller forced the settlements of Hama and Homs to pay tribute to the Order . This situation lasted as long as Saladin 's successors warred between themselves . The proximity of Krak des Chevaliers to Muslim territories allowed it to take on an offensive role , acting as a base from which neighboring areas could be attacked . By 1203 the garrison were making raids on ( which was under Muslim control ) and Hama , and in 1207 and 1208 the castle 's soldiers took part in an attack on Homs . Krak des Chevaliers acted as a base for expeditions to Hama in 1230 and 1233 after the amir refused to pay tribute . The former was unsuccessful , but the 1233 expedition was a show of force that demonstrated the importance of Krak des Chevaliers . \n In the 1250s , the fortunes of the Hospitallers at Krak des Chevaliers took a turn for the worse . A Muslim army estimated to number 10 @,@ 000 men ravaged the countryside around the castle in 1252 after which the Order 's finances declined sharply . In 1268 Master Hugh Revel complained that the area , previously home to around 10 @,@ 000 people , now stood deserted and that the Order 's property in the Kingdom of Jerusalem produced little income . He also noted that by this point there were only 300 of the Order 's brethren left in the east . On the Muslim side , in 1260 Baibars became Sultan of Egypt , following his overthrow of the incumbent ruler Qutuz , and went on to unite Egypt and Syria . As a result , Muslim settlements that had previously paid tribute to the Hospitallers at Krak des Chevaliers no longer felt intimidated into doing so . \n Baibars ventured into the area around Krak des Chevaliers in 1270 and allowed his men to graze their animals on the fields around the castle . When he received news that year of the Eighth Crusade led by King Louis IX of France , Baibars left for Cairo to avoid a confrontation . After Louis died in 1271 Baibars returned to deal with Krak des Chevaliers . Before he marched on the castle the Sultan captured the smaller castles in the area , including Chastel Blanc . On 3 March , Baibars ' army arrived at Krak des Chevaliers . By the time the Sultan appeared on the scene , the castle may already have been blockaded by Mamluk forces for several days . Of the three Arabic accounts of the siege only one was contemporary , that of Ibn Shaddad , although he was not present at the siege . Peasants who lived in the area had fled to the castle for safety and were kept in the outer ward . As soon as Baibars arrived he erected mangonels , powerful siege weapons which he would later turn on the castle . In a probable reference to a walled suburb outside the castle 's entrance , Ibn Shaddad records that two days later the first line of defences fell to the besiegers . \n Rain interrupted the siege , but on 21 March , immediately south of Krak des Chevaliers , 's forces captured a triangular outwork possibly defended by a timber palisade . On 29 March , the attackers undermined a tower in the southwest corner causing it to collapse whereupon Baibars ' army attacked through the breach . In the outer ward they encountered the peasants who had sought refuge in the castle . Though the outer ward had fallen , with a handful of the garrison killed in the process , the Crusaders retreated to the more formidable inner ward . After a lull of ten days , the besiegers conveyed a letter to the garrison , supposedly from the Grand Master of the Knights Hospitaller in Tripoli , which granted permission for them to surrender . Although the letter was a forgery , the garrison capitulated and the Sultan spared their lives . The new owners of the castle undertook repairs , focused mainly on the outer ward . The Hospitaller chapel was converted to a mosque and two mihrabs were added to the interior . \n"} +{"id": 969, "text": " After the Franks were driven from the Holy Land in 1291 , European familiarity with the castles of the Crusades declined . It was not until the 19th century that interest in these buildings was renewed , so there are no detailed plans from before 1837 . Guillaume Rey was the first European researcher to scientifically study Crusader castles in the Holy Land . In 1871 he published the work Etudes sur les monuments de l 'architecture militaire des en Syrie et dans l de ; it included plans and drawings of the major Crusader castles in Syria , including Krak des Chevaliers . In some instances his drawings were inaccurate , however for Krak des they record features which have since been lost . \n Paul Deschamps visited the castle in February 1927 . Since Rey had visited in the 19th century a village of 500 people had been established within the castle . Renewed inhabitation had damaged the site : underground vaults had been used as rubbish tips and in some places the battlements had been destroyed . Deschamps and fellow architect François Anus attempted to clear some of the detritus ; General Maurice Gamelin assigned 60 Alawite soldiers to help . Deschamps left in March 1927 , and work resumed when he returned two years later . The culmination of 's work at the castle was the publication of Les Châteaux des en Terre Sainte I : le Crac des Chevaliers in 1934 , with detailed plans by Anus . The survey has been widely praised , described as \" brilliant and exhaustive \" by military historian D. J. Cathcart King in 1949 and \" perhaps the finest account of the archaeology and history of a single medieval castle ever written \" by historian Hugh Kennedy in 1994 . \n As early as 1929 there were suggestions that the castle should be taken under French control . On 16 November 1933 Krak des Chevaliers was given into the control of the French state , and cared for by the Académie des Beaux @-@ Arts . The villagers were moved and paid F1 million between them in compensation . Over the following two years a programme of cleaning and restoration was carried out by a force of 120 workers . Once finished , Krak des Chevaliers was one of the key tourist attractions in the French Levant . Pierre , who had undertaken similar work at the Tower of the Lions and the two castles at Sidon , the work . Despite the restoration , no archaeological excavations were carried out . The French Mandate of Syria and Lebanon , which had been established in 1920 , ended in 1946 with the declaration of Syrian independence . The castle was made a World Heritage Site by UNESCO , along with Qal ’ at Salah El @-@ Din , in 2006 , and is owned by the Syrian government . \n Several of the castle 's former residents built their houses outside the fortress and a village called al @-@ Husn has since developed . Many of the al @-@ Husn 's roughly 9 @,@ 000 Muslim residents benefit economically from the tourism generated by the site . \n"} +{"id": 970, "text": " During the Syrian Civil War which began in 2011 , UNESCO voiced concerns that the war might lead to the damage of important cultural sites such as Krak des Chevaliers . It has been reported that the castle was shelled in August 2012 by the Syrian Arab Army , and the Crusader chapel has been damaged . The castle was reported to have been damaged in July 2013 by an airstrike during the Siege of Homs , and once more on the 18th of August 2013 it was clearly damaged yet the amount of destruction is unknown . The Syrian Arab Army recaptured the castle and the village of al @-@ from rebel forces on March 20 , 2014 , although the extent of damage from earlier mortar hits remained unclear . \n"} +{"id": 971, "text": " Writing in the early 20th century , T. E. Lawrence , popularly known as Lawrence of Arabia , remarked that Krak des Chevaliers was \" perhaps the best preserved and most wholly admirable castle in the world , [ a castle which ] forms a fitting commentary on any account of the Crusading buildings of Syria \" . Castles in Europe provided lordly accommodation for their owners and were centers of administration ; in the Levant the need for defence was paramount and was reflected in castle design . Kennedy suggests that \" The castle scientifically designed as a fighting machine surely reached its apogee in great buildings like Margat and Crac des Chevaliers . \" \n Krak des Chevaliers can be classified both as a spur castle , due to its site , and after the 13th @-@ century expansion a fully developed concentric castle . It was similar in size and layout to Vadum Jacob , a Crusader castle built in the late 1170s . Margat has also been cited as Krak des Chevaliers ' sister castle . The main building material at Krak des Chevaliers was limestone ; the ashlar facing is so fine that the mortar is barely noticeable . Outside the castle 's entrance was a \" walled suburb \" known as a , no trace of which remains . To the south of the outer ward was a triangular outwork and the Crusaders may have intended to build stone walls and towers around it . It is unknown how it was defended at the time of the 1271 siege , though it has been suggested it was surrounded by a timber palisade . South of the castle the spur on which it stands is connected to the next hill , so that siege engines can approach on level ground . The inner defences are strongest at this point , with a cluster of towers connected by a thick wall . \n"} +{"id": 972, "text": " Between 1142 and 1170 the Knights Hospitaller undertook a building programme on the site . The castle was defended by a stone curtain wall studded with square towers which projected slightly . The main entrance was between two towers on the eastern side , and there was a postern gate in the northwest tower . At the center was a courtyard surrounded by vaulted chambers . The lay of the land dictated the castle 's irregular shape . A site with natural defences was a typical location for Crusader castles and steep slopes provided Krak des Chevaliers with defences on all sides bar one , where the castle 's defences were concentrated . This phase of building was incorporated into the later castle 's construction . \n When Krak des Chevaliers was remodelled in the 13th century , new walls surrounding the inner court were built . They followed the earlier walls , with a narrow gap between them in the west and south which was turned into a gallery from which defenders could unleash missiles . In this area , the walls were supported by a steeply sloping glacis which provided additional protection against both siege weapons and earthquakes . Four large , round towers project vertically from the glacis ; they were used as accommodation for the Knights of the garrison , about 60 at its peak . The southwest tower was designed to house the rooms of the Grand Master of the Knights Hospitaller . Though the defences which once crested the walls of the inner wards no longer survive in most places , it seems that they did not extend for the entire circuit . Machicolations were absent from the southern face . The area between the inner court and the outer walls was narrow and not used for accommodation . In the east , where the defences were weakest , there was an open cistern filled by an aqueduct . It acted both as a moat and water supply for the castle . \n At the north end of the small courtyard is a chapel and at the southern end is an esplanade . The esplanade is raised above the rest of the courtyard ; the vaulted area beneath it would have provided storage and could have acted as stabling and shelter from missiles . Lining the west of the courtyard is the hall of the Knights . Though probably first built in the 12th century , the interior dates from the 13th @-@ century remodelling . The tracery and delicate decoration is a sophisticated example of Gothic architecture , probably dating from the 1230s . \n"} +{"id": 973, "text": " The current chapel was probably built to replace the one destroyed by an earthquake in 1170 . Only the east end of the original chapel , which housed the apse , and a small part of the south wall survive from the original chapel . The later chapel had a barrel vault and an uncomplicated apse ; its design would have been considered outmoded by contemporary standards in France , but bears similarities to that built around 1186 at Margat . It was divided into three roughly equal bays . A cornice runs round the chapel at the point where the vault ends and the wall begins . Oriented roughly east to west , it was 21 @.@ 5 metres ( 71 ft ) long and 8 @.@ 5 metres ( 28 ft ) wide with the main entrance from the west and a second smaller one in the north wall . When the castle was remodelled in the early 13th century , the entrance was moved to the south wall . The chapel was lit by windows above the cornice , one at the west end , one on either side of the east bay , and one on the south side of the central bay , and the apse at the east end had a large window . In 1935 a second chapel was discovered outside the castle 's main entrance , however it no longer survives . \n"} +{"id": 974, "text": " The second phase of building work undertaken by the Hospitallers began in the early 13th century and lasted decades . The outer walls were built in the last major construction on the site , lending the Krak des Chevaliers its current appearance . Standing 9 metres ( 30 ft ) high , the outer circuit had towers that projected strongly from the wall . While the towers of the inner court had a square plan and did not project far beyond the wall , the towers of the 13th @-@ century outer walls were rounded . This design was new and even contemporary Templar castles did not have rounded towers . The technique was developed at Château Gaillard in France by Richard the Lionheart between 1196 and 1198 . The extension to the southeast is of lesser quality than the rest of the circuit and was built at an unknown date . Probably around the 1250s a postern was added to the north wall . \n Arrow slits in the walls and towers were distributed to minimize the amount of dead ground around the castle . Machicolations crowned the walls , offering defenders a way to hurl projectiles towards enemies at the foot of the wall . They were so cramped archers would have had to crouch inside them . The box machicolations were unusual : those at Krak des Chevaliers were more complex that those at Saône or Margat and there were no comparable features amongst Crusader castles . However , they bore similarities to Muslim work , such as the contemporary defences at the Citadel of Aleppo . It is unclear which side imitated the other , as the date they were added to Krak des Chevaliers is unknown , but it does provide evidence for the diffusion of military ideas between the Muslim and Christian armies . These defences were accessed by a wall @-@ walk known as a chemin de ronde . In the opinion of historian Hugh Kennedy the defences of the outer wall were \" the most elaborate and developed anywhere in the Latin east ... the whole structure is a brilliantly designed and superbly built fighting machine \" . \n When the outer walls were built in the 13th century the main entrance was enhanced . A vaulted corridor led uphill from the outer gate in the northeast . The corridor made a hairpin turn halfway along its length , making it an example of a bent entrance . Bent entrances were a Byzantine innovation , but that at Krak des Chevaliers was a particularly complex example . It extended for 137 metres ( 450 ft ) , and along its length were murder @-@ holes which allowed defenders to shower attackers with missiles . Anyone going straight ahead rather than following the hairpin turn would emerge in the area between the castle 's two circuits of walls . To access the inner ward , the passage had to be followed round . \n"} +{"id": 975, "text": " Despite its predominantly military character , the castle is one of the few sites where Crusader art ( in the form of frescoes ) has been preserved . In 1935 , 1955 , and 1978 medieval frescoes were discovered within Krak des Chevaliers after later plaster and white @-@ wash had decayed . The frescos were painted on the interior and exterior of the main chapel and the chapel outside the main entrance , which no longer survives . Writing in 1982 , historian Jaroslav noted that at the time there had been little investigation of Crusader frescoes that would provide a comparison for the fragmentary remains found at Krak des Chevaliers . Those in the chapel were painted on the masonry from the 1170 – 1202 rebuild . Mold , smoke , and moisture have made it difficult to preserve the frescoes . The fragmentary nature of the red and blue frescoes inside the chapel means they are difficult to assess . The one on the exterior of the chapel depicted the Presentation of Jesus at the Temple . \n"} +{"id": 976, "text": " The Importance of Being Earnest , A Trivial Comedy for Serious People is a play by Oscar Wilde . First performed on 14 February 1895 at the St James 's Theatre in London , it is a farcical comedy in which the protagonists maintain fictitious personæ to escape burdensome social obligations . Working within the social conventions of late Victorian London , the play 's major themes are the triviality with which it treats institutions as serious as marriage , and the resulting satire of Victorian ways . Contemporary reviews all praised the play 's humour , though some were cautious about its explicit lack of social messages , while others foresaw the modern consensus that it was the culmination of Wilde 's artistic career so far . Its high farce and witty dialogue have helped make The Importance of Being Earnest Wilde 's most enduringly popular play . \n The successful opening night marked the climax of Wilde 's career but also heralded his downfall . The Marquess of Queensberry , whose son Lord Alfred Douglas was Wilde 's lover , planned to present the writer with a bouquet of rotten vegetables and disrupt the show . Wilde was tipped off and Queensberry was refused admission . Soon afterwards their feud came to a climax in court , where Wilde 's homosexual double life was revealed to the Victorian public and he was eventually sentenced to imprisonment . His notoriety caused the play , despite its early success , to be closed after 86 performances . After his release , he published the play from exile in Paris , but he wrote no further comic or dramatic work . \n The Importance of Being Earnest has been revived many times since its premiere . It has been adapted for the cinema on three occasions . In The Importance of Being Earnest ( 1952 ) , Dame Edith Evans reprised her celebrated interpretation of Lady Bracknell ; The Importance of Being Earnest ( 1992 ) by Kurt Baker used an all @-@ black cast ; and Oliver Parker 's The Importance of Being Earnest ( 2002 ) incorporated some of Wilde 's original material cut during the preparation of the original stage production . \n"} +{"id": 977, "text": " After the success of Wilde 's plays Lady Windermere 's Fan and A Woman of No Importance , Wilde 's producers urged him to write further plays . In July 1894 he mooted his idea for The Importance of Being Earnest to George Alexander , the actor @-@ manager of the St James 's Theatre . Wilde spent the summer with his family at Worthing , where he wrote the play quickly in August . His fame now at its peak , he used the working title Lady Lancing to avoid pre @-@ emptive speculation of its content . Many names and ideas in the play were borrowed from people or places the author had known ; Lady Queensberry , Lord Alfred Douglas 's mother , for example , lived at Bracknell . There is widespread agreement among Wilde scholars that the most important influence on the play was W. S. Gilbert 's 1877 farce Engaged ; Wilde borrowed from Gilbert not only several incidents but , in Russell Jackson 's phrase \" the gravity of tone demanded by Gilbert of his actors \" . \n Wilde continually revised the text over the next months : no line was left untouched , and \" in a play so economical with its language and effects , [ the revisions ] had serious consequences \" . Sos describes Wilde 's revisions as a refined art at work : the earliest , longest handwritten drafts of the play labour over farcical incidents , broad puns , nonsense dialogue and conventional comic turns . In revising as he did , \" Wilde transformed standard nonsense into the more systemic and disconcerting illogicality which characterises Earnest 's dialogue \" . Richard Ellmann argues that Wilde had reached his artistic maturity and wrote this work more surely and rapidly than before . \n Wilde hesitated about submitting the script to Alexander , worrying that it might be unsuitable for the St James 's Theatre , whose typical repertoire was relatively serious , and explaining that it had been written in response to a request for a play \" with no real serious interest \" . When Henry James 's Guy failed , Alexander turned to Wilde and agreed to put on his play . Alexander began his usual meticulous preparations , interrogating the author on each line and planning stage movements with a toy theatre . In the course of these rehearsals Alexander asked Wilde to shorten the play from four acts to three . Wilde agreed and combined elements of the second and third acts . The largest cut was the removal of the character of Mr. , a solicitor who comes from London to arrest the profligate \" Ernest \" ( i.e. , Jack ) for his unpaid dining bills . Algernon , who is posing as \" Ernest \" , will be led away to Holloway Jail unless he settles his accounts immediately . Jack finally agrees to pay for Ernest , everyone thinking that it is Algernon 's bill when in fact it is his own . The four @-@ act version was first played on the radio in a BBC production and is still sometimes performed . Peter Raby argues that the three @-@ act structure is more effective , and that the shorter original text is more theatrically resonant than the expanded published edition . \n"} +{"id": 978, "text": " The play was first produced at the St James 's Theatre on Valentine 's Day 1895 . It was freezing cold but Wilde arrived dressed in \" florid sobriety \" , wearing a green carnation . The audience , according to one report , \" included many members of the great and good , former cabinet ministers and privy councillors , as well as actors , writers , academics , and enthusiasts \" . Allan Aynesworth , who played Algernon Moncrieff , recalled to Hesketh Pearson that \" In my fifty @-@ three years of acting , I never remember a greater triumph than [ that ] first night \" . Aynesworth was himself \" debonair and stylish \" , and Alexander , who played Jack Worthing , \" demure \" . \n The cast was : \n John Worthing , J.P. — George Alexander \n Algernon Moncrieff — Allan Aynesworth \n Rev. Canon Chasuble , D.D. — H. H. Vincent \n Merriman — Frank Dyall \n Lane — F. Kinsey \n Lady Bracknell — Rose \n Hon. Gwendolen Fairfax — Irene Vanbrugh \n Cecily Cardew — Evelyn Millard \n Miss Prism — Mrs. George \n The Marquess of Queensberry , the father of Wilde 's lover Lord Alfred Douglas ( who was on holiday in Algiers at the time ) , had planned to disrupt the play by throwing a bouquet of rotten vegetables at the playwright when he took his bow at the end of the show . Wilde and Alexander learned of the plan , and the latter cancelled Queensberry 's ticket and arranged for policemen to bar his entrance . Nevertheless , he continued harassing Wilde , who eventually launched a private prosecution against the peer for criminal libel , triggering a series of trials ending in Wilde 's imprisonment for gross indecency . Alexander tried , unsuccessfully , to save the production by removing Wilde 's name from the billing , but the play had to close after only 86 performances . \n The play 's original Broadway production opened at the Empire Theatre on 22 April 1895 , but closed after sixteen performances . Its cast included William Faversham as Algy , Henry Miller as Jack , Viola Allen as Gwendolen , and Ida Vernon as Lady Bracknell . The Australian premiere was in Melbourne on 10 August 1895 , presented by Dion Boucicault , Jr. and Robert Brough , and the play was an immediate success . Wilde 's downfall in England did not affect the popularity of his plays in Australia . \n"} +{"id": 979, "text": " In contrast to much theatre of the time , The Importance of Being Earnest 's light plot does not tackle serious social and political issues , something of which contemporary reviewers were wary . Though unsure of Wilde 's seriousness as a dramatist , they recognised the play 's cleverness , humour and popularity with audiences . George Bernard Shaw , for example , reviewed the play in the Saturday Review , arguing that comedy should touch as well as amuse , \" I go to the theatre to be moved to laughter . \" Later in a letter he said , the play , though \" extremely funny \" , was Wilde 's \" first really heartless [ one ] \" . In The World , William Archer wrote that he had enjoyed watching the play but found it to be empty of meaning , \" What can a poor critic do with a play which raises no principle , whether of art or morals , creates its own canons and conventions , and is nothing but an absolutely wilful expression of an irrepressibly witty personality ? \" \n In The Speaker , A. B. Walkley admired the play and was one of few to see it as the culmination of Wilde 's dramatic career . He denied the term \" farce \" was derogatory , or even lacking in seriousness , and said \" It is of nonsense all compact , and better nonsense , I think , our stage has not seen . \" H. G. Wells , in an unsigned review for the Pall Mall Gazette , called Earnest one of the freshest comedies of the year , saying \" More humorous dealing with theatrical conventions it would be difficult to imagine . \" He also questioned whether people would fully see its message , \" ... how Serious People will take this Trivial Comedy intended for their learning remains to be seen . No doubt seriously . \" The play was so light @-@ hearted that many reviewers compared it to comic opera rather than drama . W. H. Auden later called it \" a pure verbal opera \" , and The Times commented , \" The story is almost too preposterous to go without music . \" Mary McCarthy , in Sights and Spectacles ( 1959 ) , however , and despite thinking the play extremely funny , would call it \" a ferocious idyll \" ; \" depravity is the hero and the only character . \" \n The Importance of Being Earnest is Wilde 's most popular work and is continually revived . Max Beerbohm called the play Wilde 's \" finest , most undeniably his own \" , saying that in his other comedies — Lady Windermere 's Fan , A Woman of No Importance and An Ideal Husband — the plot , following the manner of Victorien Sardou , is unrelated to the theme of the work , while in Earnest the story is \" dissolved \" into the form of the play . \n"} +{"id": 980, "text": " Until after Wilde 's death in 1900 his name remained disgraced , and few discussed , let alone performed , his work in Britain . Alexander revived The Importance in a small theatre in Notting Hill , outside the West End , in 1901 ; in the same year he presented the piece on tour , playing Jack Worthing with a cast including the young Lilian Braithwaite as Cecily . The play returned to the West End when Alexander presented a revival at the St James 's in 1902 . Broadway revivals were mounted in 1902 and again in 1910 , each production running for six weeks . \n A collected edition of Wilde 's works , published in 1908 and edited by Robert Ross , helped to restore his reputation as an author . Alexander presented another revival of The Importance at the St James 's in 1909 , when he and Aynesworth reprised their original roles ; the revival ran for 316 performances . Max Beerbohm said that the play was sure to become a classic of the English repertory , and that its humour was as fresh then as when it had been written , adding that the actors had \" worn as well as the play \" . \n For a 1913 revival at the same theatre the young actors Gerald Ames and A. E. Matthews succeeded the creators as Jack and Algy . John as Jack and Margaret Scudamore as Lady Bracknell headed the cast in a 1923 production at the Haymarket Theatre . Many revivals in the first decades of the 20th century treated \" the present \" as the current year . It was not until the 1920s that the case for 1890s costumes was established ; as a critic in The Manchester Guardian put it , \" Thirty years on , one begins to feel that Wilde should be done in the costume of his period — that his wit today needs the backing of the atmosphere that gave it life and truth . … Wilde 's glittering and complex verbal felicities go ill with the shingle and the short skirt . \" \n In Sir Nigel Playfair 's 1930 production at the Lyric , Hammersmith , John Gielgud played Jack to the Lady Bracknell of his aunt , Mabel Terry @-@ Lewis . Gielgud produced and starred in a production at the Globe ( now the Gielgud ) Theatre in 1939 , in a cast that included Edith Evans as Lady Bracknell , Joyce Carey as Gwendolen , Angela Baddeley as Cecily and Margaret Rutherford as Miss Prism . The Times considered the production the best since the original , and praised it for its fidelity to Wilde 's conception , its \" airy , responsive ball @-@ playing quality . \" Later in the same year Gielgud presented the work again , with Jack Hawkins as Algy , Gwen Ffrangcon @-@ Davies as Gwendolen and Peggy Ashcroft as Cecily , with Evans and Rutherford in their previous roles . The production was presented in several seasons during and after the Second World War , with mostly the same main players . During a 1946 season at the Haymarket the King and Queen attended a performance , which , as the journalist Geoffrey Wheatcroft put it , gave the play \" a final accolade of respectability . \" The production toured North America , and was successfully staged on Broadway in 1947 . \n As Wilde 's work came to be read and performed again , it was The Importance of Being Earnest that received the most productions . By the time of its centenary the journalist Mark Lawson described it as \" the second most known and quoted play in English after Hamlet . \" \n For Sir Peter Hall 's 1982 production at the National Theatre the cast included Judi Dench as Lady Bracknell , Martin Jarvis as Jack , Nigel Havers as Algy , Zoë Wanamaker as Gwendolen and Anna Massey as Miss Prism . Nicholas Hytner 's 1993 production at the Aldwych Theatre , starring Maggie Smith , had occasional references to the supposed gay subtext . \n In 2005 the Abbey Theatre , Dublin , produced the play with an all @-@ male cast ; it also featured Wilde as a character — the play opens with him drinking in a Parisian café , dreaming of his play . The Melbourne Theatre Company staged a production in December 2011 with Geoffrey Rush as Lady Bracknell . \n In 2011 the Roundabout Theatre Company produced a Broadway revival based on the 2009 Stratford Shakespeare Festival production featuring Brian Bedford as director and as Lady Bracknell . It opened at the American Airlines Theatre on 13 January and ran until 3 July 2011 . The cast also included Dana Ivey as Miss Prism , Paxton Whitehead as Canon Chasuble , Santino Fontana as Algernon , Paul O 'Brien as Lane , Charlotte Parry as Cecily , David as Jack and Sara Topham as Gwendolen . It was nominated for three Tony Awards . \n The play was also presented internationally , in Singapore , in October 2004 , by the British Theatre Playhouse , and the same company brought it to London 's Greenwich Theatre in April 2005 . \n"} +{"id": 981, "text": " The play is set in \" The Present \" ( i.e. 1895 ) . \n"} +{"id": 982, "text": " Algernon Moncrieff 's flat in Half Moon Street , W \n The play opens with Algernon Moncrieff , an idle young gentleman , receiving his best friend , John Worthing , whom he knows as Ernest . Ernest has come from the country to propose to Algernon 's cousin , Gwendolen Fairfax . Algernon , however , refuses his consent until Ernest explains why his cigarette case bears the inscription , \" From little Cecily , with her fondest love to her dear Uncle Jack . \" ' Ernest ' is forced to admit to living a double life . In the country , he assumes a serious attitude for the benefit of his young ward , the heiress Cecily Cardew , and goes by the name of John ( or , as a nickname , Jack ) , while pretending that he must worry about a wastrel younger brother named Ernest in London . In the city , meanwhile , he assumes the identity of the libertine Ernest . Algernon confesses a similar deception : he pretends to have an invalid friend named Bunbury in the country , whom he can \" visit \" whenever he wishes to avoid an unwelcome social obligation . Jack refuses to tell Algernon the location of his country estate . \n Gwendolen and her formidable mother Lady Bracknell now call on Algernon who distracts Lady Bracknell in another room while Jack proposes to Gwendolen . She accepts , but seems to love him very largely for his professed name of Ernest . Jack accordingly resolves to himself to be rechristened \" Ernest \" . Discovering them in this intimate exchange , Lady Bracknell interviews Jack as a prospective suitor . Horrified to learn that he was adopted after being discovered as a baby in a handbag at Victoria Station , she refuses him and forbids further contact with her daughter . Gwendolen , though , manages covertly to promise to him her undying love . As Jack gives her his address in the country , Algernon surreptitiously notes it on the cuff of his sleeve : Jack 's revelation of his pretty and wealthy young ward has motivated his friend to meet her . \n"} +{"id": 983, "text": " The Garden of the Manor House , Woolton \n Cecily is studying with her governess , Miss Prism . Algernon arrives , pretending to be Ernest Worthing , and soon charms Cecily . Long fascinated by Uncle Jack 's hitherto absent black sheep brother , she is predisposed to fall for Algernon in his role of Ernest ( a name she , like Gwendolen , is apparently particularly fond of ) . Therefore , Algernon , too , plans for the rector , Dr. Chasuble , to rechristen him \" Ernest \" . \n Jack , meanwhile , has decided to abandon his double life . He arrives in full mourning and announces his brother 's death in Paris of a severe chill , a story undermined by Algernon 's presence in the guise of Ernest . \n Gwendolen now enters , having run away from home . During the temporary absence of the two men , she meets Cecily , each woman indignantly declaring that she is the one engaged to \" Ernest \" . When Jack and Algernon reappear , their deceptions are exposed . \n"} +{"id": 984, "text": " Morning @-@ Room at the Manor House , Woolton \n Arriving in pursuit of her daughter , Lady Bracknell is astonished to be told that Algernon and Cecily are engaged . The revelation of Cecily 's trust fund soon dispels Lady Bracknell 's initial doubts over the young lady 's suitability , but any engagement is forbidden by her guardian Jack : he will consent only if Lady Bracknell agrees to his own union with Gwendolen — something she declines to do . \n The impasse is broken by the return of Miss Prism , whom Lady Bracknell recognises as the person who , twenty @-@ eight years earlier , as a family nursemaid , had taken a baby boy for a walk in a perambulator ( baby carriage ) and never returned . Challenged , Miss Prism explains that she had absentmindedly put the manuscript of a novel she was writing in the perambulator , and the baby in a handbag , which she had left at Victoria Station . Jack produces the very same handbag , showing that he is the lost baby , the elder son of Lady Bracknell 's late sister , and thus indeed Algernon 's elder brother . Having acquired such respectable relations , he is acceptable as a suitor for Gwendolen after all . \n Gwendolen , though , still insists that she can only love a man named Ernest . What is her fiancé 's real first name ? Lady Bracknell informs Jack that , as the first @-@ born , he would have been named after his father , General Moncrieff . Jack examines the army lists and discovers that his father 's name — and hence his own real name — was in fact Ernest . was reality all along . As the happy couples embrace — Jack and Gwendolen , Algernon and Cecily , and even Dr. Chasuble and Miss Prism — Lady Bracknell complains to her newfound relative : \" My nephew , you seem to be displaying signs of triviality . \" \" On the contrary , Aunt Augusta \" , he replies , \" I 've now realised for the first time in my life the vital importance of being Earnest . \" \n"} +{"id": 985, "text": " Arthur Ransome described The Importance ... as the most trivial of Wilde 's society plays , and the only one that produces \" that peculiar exhilaration of the spirit by which we recognise the beautiful . \" \" It is \" , he wrote , \" precisely because it is consistently trivial that it is not ugly . \" Ellmann says that The Importance of Being Earnest touched on many themes Wilde had been building since the 1880s — the languor of aesthetic poses was well established and Wilde takes it as a starting point for the two protagonists . While Salome , An Ideal Husband and The Picture of Dorian Gray had dwelt on more serious wrongdoing , vice in Earnest is represented by Algy 's craving for cucumber sandwiches . Wilde told Robert Ross that the play 's theme was \" That we should treat all trivial things in life very seriously , and all serious things of life with a sincere and studied triviality . \" The theme is hinted at in the play 's ironic title , and \" earnestness \" is repeatedly alluded to in the dialogue , Algernon says in Act II , \" one has to be serious about something if one is to have any amusement in life \" but goes on to reproach Jack for ' being serious about everything ' \" . Blackmail and corruption had haunted the double lives of Dorian Gray and Sir Robert Chiltern ( in An Ideal Husband ) , but in Earnest the protagonists ' duplicity ( Algernon 's \" bunburying \" and Worthing 's double life as Jack and Ernest ) is undertaken for more innocent purposes — largely to avoid unwelcome social obligations . While much theatre of the time tackled serious social and political issues , Earnest is superficially about nothing at all . It \" refuses to play the game \" of other dramatists of the period , for instance Bernard Shaw , who used their characters to draw audiences to grander ideals . \n"} +{"id": 986, "text": " The play repeatedly mocks Victorian traditions and social customs , marriage and the pursuit of love in particular . In Victorian times earnestness was considered to be the over @-@ riding societal value , originating in religious attempts to reform the lower classes , it spread to the upper ones too throughout the century . The play 's very title , with its mocking paradox ( serious people are so because they do not see trivial comedies ) , introduces the theme , it continues in the drawing room discussion , \" Yes , but you must be serious about it . I hate people who are not serious about meals . It is so shallow of them , \" says Algernon in Act 1 ; allusions are quick and from multiple angles . \n Wilde managed both to engage with and to mock the genre , while providing social commentary and offering reform . The men follow traditional matrimonial rites , whereby suitors admit their weaknesses to their prospective brides , but the foibles they excuse are ridiculous , and the farce is built on an absurd confusion of a book and a baby . When Jack apologises to Gwendolen during his marriage proposal it is for not being wicked : \n : Gwendolen , it is a terrible thing for a man to find out suddenly that all his life he has been speaking nothing but the truth . Can you forgive me ? \n : I can . For I feel that you are sure to change . \n In turn , both Gwendolen and Cecily have the ideal of marrying a man named Ernest , a popular and respected name at the time . Gwendolen , quite unlike her mother 's methodical analysis of John Worthing 's suitability as a husband , places her entire faith in a Christian name , declaring in Act I , \" The only really safe name is Ernest \" . This is an opinion shared by Cecily in Act II , \" I pity any poor married woman whose husband is not called Ernest \" and they indignantly declare that they have been deceived when they find out the men 's real names . \n Wilde embodied society 's rules and rituals artfully into Lady Bracknell : minute attention to the details of her style created a comic effect of assertion by restraint . In contrast to her encyclopaedic knowledge of the social distinctions of London 's street names , Jack 's obscure parentage is subtly evoked . He defends himself against her \" A handbag ? \" with the clarification , \" The Brighton Line \" . At the time , Victoria Station consisted of two separate but adjacent terminal stations sharing the same name . To the east was the ramshackle LC & D Railway , on the west the up @-@ market LB & SCR — the Brighton Line , which went to Worthing , the fashionable , expensive town the gentleman who found baby Jack was travelling to at the time ( and after which Jack was named ) . \n"} +{"id": 987, "text": " It has been argued that the play 's themes of duplicity and ambivalence are inextricably bound up with Wilde 's homosexuality , and that the play exhibits a \" flickering presence @-@ absence of … homosexual desire \" . On re @-@ reading the play after his release from prison , Wilde said : \" It was extraordinary reading the play over . How I used to toy with that Tiger Life . \" As one scholar has put it , the absolute necessity for homosexuals of the period to \" need a public mask is a factor contributing to the satire on social disguise . \" \n The use of the name Earnest may have been a homosexual in @-@ joke . In 1892 , three years before Wilde wrote the play , John Nicholson had published the book of pederastic poetry Love In Earnest . The sonnet Of Boys ' Names included the verse : \" Though Frank may ring like silver bell / And Cecil softer music claim / They cannot work the miracle / – ' Tis Ernest sets my heart a @-@ flame . \" The word \" earnest \" may also have been a code @-@ word for homosexual , as in : \" Is he earnest ? \" , in the same way that \" Is he so ? \" and \" Is he musical ? \" were employed . \n Sir Donald Sinden , an actor who had met two of the play 's original cast ( Irene Vanbrugh and Allan Aynesworth ) , and Lord Alfred Douglas , wrote to The Times to dispute suggestions that \" Earnest \" held any sexual connotations : \n Although they had ample opportunity , at no time did any of them even hint that \" Earnest \" was a synonym for homosexual , or that \" bunburying \" may have implied homosexual sex . The first time I heard it mentioned was in the 1980s and I immediately consulted Sir John Gielgud whose own performance of Jack Worthing in the same play was legendary and whose knowledge of theatrical lore was encyclopaedic . He replied in his ringing tones : \" No @-@ No ! Nonsense , absolute nonsense : I would have known \" . \n A number of theories have also been put forward to explain the derivation of Bunbury , and , which are used in the play to imply a secretive double life . It may have derived from Henry Shirley Bunbury , a acquaintance of Wilde 's youth . Another suggestion , put forward in 1913 by Aleister Crowley , who knew Wilde , was that Bunbury was a combination word : that Wilde had once taken train to Banbury , met a schoolboy there , and arranged a second secret meeting with him at Sunbury . \n"} +{"id": 988, "text": " While Wilde had long been famous for dialogue and his use of language , Raby ( 1988 ) argues that he achieved a unity and mastery in Earnest that was unmatched in his other plays , except perhaps Salomé . While his earlier comedies suffer from an unevenness resulting from the thematic clash between the trivial and the serious , Earnest achieves a pitch @-@ perfect style that allows these to dissolve . There are three different registers detectable in the play . The insouciance of Jack and Algernon — established early with Algernon 's exchange with his manservant — betrays an underlying unity despite their differing attitudes . The formidable pronouncements of Lady Bracknell are as startling for her use of hyperbole and rhetorical extravagance as for her disconcerting opinions . In contrast , the speech of Dr. Chasuble and Miss Prism is distinguished by \" pedantic precept \" and \" idiosyncratic diversion \" . Furthermore , the play is full of epigrams and paradoxes . Max Beerbohm described it as littered with \" chiselled — witticisms unrelated to action or character \" , of which he found half a dozen to be of the highest order . \n Lady Bracknell 's line , \" A handbag ? \" , has been called one of the most malleable in English drama , lending itself to interpretations ranging from incredulous or scandalised to baffled . Edith Evans , both on stage and in the 1952 film , delivered the line loudly in a mixture of horror , incredulity and condescension . Stockard Channing , in the Gaiety Theatre , Dublin in 2010 , hushed the line , in a critic 's words , \" with a barely audible ' A handbag ? ' , rapidly swallowed up with a sharp intake of breath . An understated take , to be sure , but with such a well @-@ known play , packed full of witticisms and aphorisms with a life of their own , it 's the little things that make a difference . \" \n"} +{"id": 989, "text": " Though Wilde deployed characters that were by now familiar — the dandy lord , the overbearing matriarch , the woman with a past , the puritan young lady — his treatment is subtler than in his earlier comedies . Lady Bracknell , for instance , embodies respectable , upper @-@ class society , but notes how her development \" from the familiar overbearing duchess into a quirkier and more disturbing character \" can be traced through Wilde 's revisions of the play . For the two young men , Wilde presents not stereotypical stage \" dudes \" but intelligent beings who , as Jackson puts it , \" speak like their creator in well @-@ formed complete sentences and rarely use slang or vogue @-@ words \" . Dr Chasuble and Miss Prism are characterised by a few light touches of detail , their old @-@ fashioned enthusiasms , and the Canon 's fastidious pedantry , pared down by Wilde during his many redrafts of the text . \n"} +{"id": 990, "text": " Ransome argues that Wilde freed himself by abandoning the melodrama , the basic structure which underlies his earlier social comedies , and basing the story entirely on the Earnest / Ernest verbal conceit . Now freed from \" living up to any drama more serious than conversation \" Wilde could now amuse himself to a fuller extent with quips , bons @-@ mots , epigrams and repartee that really had little to do with the business at hand . \n The genre of the Importance of Being Earnest has been deeply debated by scholars and critics alike who have placed the play within a wide variety of genres ranging from parody to satire . In his critique of Wilde , Foster argues that the play creates a world where “ real values are inverted [ and ] , reason and unreason are interchanged \" . Similarly , Wilde 's use of dialogue mocks the upper classes of Victorian England lending the play a satirical tone . Reinhart further stipulates that the use of farcical humour to mock the upper classes \" merits the play both as satire and as drama \" . \n"} +{"id": 991, "text": " Wilde 's two final comedies , An Ideal Husband and The Importance of Being Earnest , were still on stage in London at the time of his prosecution , and they were soon closed as the details of his case became public . After two years in prison with hard labour , Wilde went into exile in Paris , sick and depressed , his reputation destroyed in England . In 1898 , when no @-@ one else would , Leonard Smithers agreed with Wilde to publish the two final plays . Wilde proved to be a diligent , sending detailed instructions on stage directions , character listings and the presentation of the book , and insisting that a playbill from the first performance be reproduced inside . Ellmann argues that the proofs show a man \" very much in command of himself and of the play \" . Wilde 's name did not appear on the cover , it was \" By the Author of Lady Windermere 's Fan \" . His return to work was brief though , as he refused to write anything else , \" I can write , but have lost the joy of writing \" . \n On 19 October 2007 , a first edition ( number 349 of 1 @,@ 000 ) was discovered inside a handbag in an Oxfam shop in Nantwich , Cheshire . Staff were unable to trace the donor . It was sold for £ 650 . \n"} +{"id": 992, "text": " The Importance of Being Earnest 's popularity has meant it has been translated into many languages , though the homophonous pun in the title ( \" Ernest \" , a masculine proper name , and \" earnest \" , the virtue of steadfastness and seriousness ) poses a special problem for translators . The easiest case of a suitable translation of the pun , perpetuating its sense and meaning , may have been its translation into German . Since English and German are closely related languages , German provides an equivalent adjective ( \" ernst \" ) and also a matching masculine proper name ( \" Ernst \" ) . The meaning and tenor of the wordplay are exactly the same . Yet there are many different possible titles in German , mostly concerning sentence structure . The two most common ones are \" Bunbury oder ernst / Ernst sein ist alles \" and \" Bunbury oder wie es ist , ernst / Ernst zu sein \" . In a study of Italian translations , Adrian found thirteen different versions using eight titles . Since wordplay is often unique to the language in question , translators are faced with a choice of either staying faithful to the original — in this case the English adjective and virtue earnest — or creating a similar pun in their own language . \n Four main strategies have been used by translators . The first leaves all characters ' names unchanged and in their original spelling : thus the name is respected and readers reminded of the original cultural setting , but the liveliness of the pun is lost . Eva varied this source @-@ oriented approach by using both the English Christian names and the adjective earnest , thus preserving the pun and the English character of the play , but possibly straining an Italian reader . A third group of translators replaced Ernest with a name that also represents a virtue in the target language , favouring transparency for readers in translation over fidelity to the original . For instance , in Italian , these versions variously call the play L di essere Franco / Severo / , the given names being respectively the values of honesty , propriety , and loyalty . French offers a closer pun : \" Constant \" is both a first name and the quality of steadfastness , so the play is commonly known as De l d 'être Constant , though Jean Anouilh translated the play under the title : Il est important d 'être Aimé ( \" Aimé \" is a name which also means \" beloved \" ) . These translators differ in their attitude to the original English honorific titles , some change them all , or none , but most leave a mix partially as a compensation for the added loss of Englishness . Lastly , one translation gave the name an Italianate touch by rendering it as Ernesto ; this work liberally mixed proper nouns from both languages . \n"} +{"id": 993, "text": " Apart from multiple \" made @-@ for @-@ television \" versions , The Importance of Being Earnest has been adapted for the English @-@ language cinema at least three times , first in 1952 by Anthony Asquith who adapted the screenplay and directed it . Michael Denison ( Algernon ) , Michael Redgrave ( Jack ) , Edith Evans ( Lady Bracknell ) , Dorothy Tutin ( Cecily ) , Joan Greenwood ( Gwendolen ) , and Margaret Rutherford ( Miss Prism ) and Miles Malleson ( Canon Chasuble ) were among the cast . In 1992 Kurt Baker directed a version using an all @-@ black cast with Daryl Keith Roach as Jack , Wren T. Brown as Algernon , Ann Weldon as Lady Bracknell , Chapman as Cecily , Chris Calloway as Gwendolen , CCH Pounder as Miss Prism , and Brock Peters as Doctor Chasuble , set in the United States . Oliver Parker , an English director who had previously adapted An Ideal Husband by Wilde , made the 2002 film ; it stars Colin Firth ( Jack ) , Rupert Everett ( Algy ) , Judi Dench ( Lady Bracknell ) , Reese Witherspoon ( Cecily ) , Frances O 'Connor ( Gwendolen ) , Anna Massey ( Miss Prism ) , and Tom Wilkinson ( Canon Chasuble ) . Parker 's adaptation includes the solicitor Mr. who pursues Jack to Hertfordshire ( present in Wilde 's original draft , but cut at the behest of the play 's first producer ) . Algernon too is pursued by a group of creditors in the opening scene . \n"} +{"id": 994, "text": " In 1960 , Ernest in Love was staged Off @-@ Broadway . The Japanese all @-@ female musical theatre troupe Takarazuka Revue staged this musical in 2005 in two productions , one by Moon Troupe and the other one by Flower Troupe . \n In 1963 , Erik Chisholm composed an opera from the play , using Wilde 's text as the libretto . \n In 1964 , Gerd composed the musical Mein Freund Bunbury based on the play , 1964 premiered at Theater Berlin . \n According to a study by Robert , by 2002 there had been least eight adaptations of the play as a musical , though \" never with conspicuous success \" . The earliest such version was a 1927 American show entitled Oh Earnest . The journalist Mark comments , \" The libretto of a 1957 musical adaptation , Half in Earnest , deposited in the British Library , is scarcely more encouraging . The curtain rises on Algy strumming away at the piano , singing ' I can play , Lane ' . Other songs include — almost predictably — ' A I Must Go ' . \" \n Gerald Barry created the 2011 opera , The Importance of Being Earnest , commissioned by the Los Angeles Philharmonic and the Barbican Centre in London . It was premiered in Los Angeles in 2011 . The stage premiere was given by the Opéra national de Lorraine in Nancy , France in 2013 . \n"} +{"id": 995, "text": " There have been many radio versions of the play . In 1925 the BBC broadcast an adaptation with Hesketh Pearson as Jack Worthing . Further broadcasts of the play followed in 1927 and 1936 . In 1977 , BBC Radio 4 broadcast the four @-@ act version of the play , with Fabia Drake as Lady Bracknell , Richard Pasco as Jack , Jeremy Clyde as Algy , Maurice Denham as Canon Chasuble , Sylvia Coleridge as Miss Prism , Barbara Leigh @-@ Hunt as Gwendolen and Prunella Scales as Cecily . The production was later released on CD . \n To commemorate the centenary of the first performance of the play , Radio 4 broadcast a new adaptation on 13 February 1995 ; directed by Glyn Dearman , it featured Judi Dench as Lady Bracknell , Michael Hordern as Lane , Michael Sheen as Jack Worthing , Martin Clunes as Algernon Moncrieff , John Moffatt as Canon Chasuble , Miriam Margolyes as Miss Prism , Samantha Bond as Gwendolen and Amanda Root as Cecily . The production was later issued on audio cassette . \n On 13 December 2000 , BBC Radio 3 broadcast a new adaptation directed by Howard Davies starring Geraldine McEwan as Lady Bracknell , Simon Russell Beale as Jack Worthing , Julian Wadham as Algernon Moncrieff , Geoffrey Palmer as Canon Chasuble , Celia Imrie as Miss Prism , Victoria Hamilton as Gwendolen and Emma Fielding as Cecily , with music composed by Dominic . The production was released on audio cassette . \n A 1964 commercial television adaptation starred Ian Carmichael , Patrick Macnee , Susannah York , Fenella Fielding , Pamela Brown and Irene . \n BBC television transmissions of the play have included a 1974 Play of the Month version starring Coral Browne as Lady Bracknell with Michael Jayston , Julian Holloway , Gemma Jones and Celia Bannerman . Stuart Burge directed another adaptation in 1986 with a cast including Gemma Jones , Alec McCowen , Paul McGann and Joan Plowright . \n It was adapted for Australian TV in 1957 . \n"} +{"id": 996, "text": " Gielgud 's performance is preserved on an EMI audio recording dating from 1952 , which also captures Edith Evans 's Lady Bracknell . The cast also includes Roland Culver ( Algy ) , Jean Cadell ( Miss Prism ) , Pamela Brown ( Gwendolen ) and Celia Johnson ( Cecily ) . \n Other audio recordings include a \" Theatre Masterworks \" version from 1953 , directed and narrated by Margaret Webster , with a cast including Maurice Evans , Lucile Watson and Mildred Natwick ; a 1989 version by California Artists Radio Theatre , featuring Dan O 'Herlihy Jeanette Nolan , Les Tremayne and Richard Erdman ; and one by L.A. Theatre Works issued in 2009 , featuring Charles Busch , James Marsters and Andrea Bowen . \n"} +{"id": 997, "text": " Sir Lloyd William Mathews , GCMG , CB ( 7 March 1850 – 11 October 1901 ) was a British naval officer , politician and abolitionist . Mathews joined the Royal Navy as a cadet at the age of 13 and progressed through the ranks to lieutenant . He was involved with the Third Anglo @-@ Ashanti War of 1873 – 4 , afterwards being stationed in East Africa for the suppression of the slave trade . In 1877 he was seconded from the navy to Sultan Barghash of Zanzibar in order to form a European @-@ style army ; he would remain in the employment of the government of Zanzibar for the rest of his life . His army quickly reached 6 @,@ 300 men and was used in several expeditions to suppress the slave trade and rebellions against the Zanzibar government . \n Mathews retired from the Royal Navy in 1881 and was appointed Brigadier @-@ General of Zanzibar . There followed more expeditions to the African mainland , including a failed attempt to stop German expansion in East Africa . In October 1891 Mathews was appointed First Minister to the Zanzibar government , a position in which he was \" irremovable by the sultan \" . During this time Mathews was a keen abolitionist and promoted this cause to the Sultans he worked with . This resulted in the prohibiting of the slave trade in Zanzibar 's dominions in 1890 and the abolition of slavery in 1897 . Mathews was appointed the British Consul @-@ General for East Africa in 1891 but declined to take up the position , remaining in Zanzibar instead . Mathews and his troops also played a key role in the ending of the Anglo @-@ Zanzibar War of 1896 which erupted out of an attempt to bypass the requirement that new Sultans must be vetted by the British consul . During his time as first minister Mathews continued to be involved with the military and was part of two large campaigns , one to Witu and another to Mwele . \n Mathews was decorated by several governments , receiving appointments as a Companion of the Order of St Michael and St George , Companion of the Order of the Bath and as a Knight Commander of the Order of St Michael and St George from the British government and membership in the Prussian Order of the Crown . Zanzibar also rewarded him and he was a member of the Grand Order of Hamondieh and a first class member of the Order of the Brilliant Star of Zanzibar . Mathews died of malaria in Zanzibar on 11 October 1901 . \n"} +{"id": 998, "text": " Mathews was born at Funchal on Madeira on 7 March 1850 . His father , Captain William Matthews was Welsh , and his mother Jane Wallis Penfold , was the daughter of William Penfold and Sarah Gilbert . Her sister , Augusta Jane Robley née Penfold was the author of a famous book about the flora and fauna of Madeira , which is now in the Natural History Museum . Mathews became a cadet of the Royal Navy in 1863 and was appointed a midshipman on 23 September 1866 . From 1868 he was stationed in the Mediterranean but his first active service was during the Third Anglo @-@ Ashanti War of 1873 – 4 where he qualified for the campaign medal . He was promoted to lieutenant on 31 March 1874 . On 27 August 1875 Mathews was posted to HMS London , a depot ship and the Royal Navy headquarters for East Africa , to assist in the suppression of the slave trade in the area . Whilst onboard he drilled his own troops , captured several slave dhows and was commended for his actions by the Admiralty . \n"} +{"id": 999, "text": " In August 1877 , Mathews was seconded from the Navy to Sultan Barghash of Zanzibar to form a European @-@ style army which could be used to enforce Zanzibar 's control over its mainland possessions . The army had traditionally been composed entirely of Arabs and Persians but Mathews opened up recruitment to the African majority on the island and had 300 recruits in training by the end of the year . In addition , Mathews employed some unorthodox recruitment methods such as purchasing slaves from their masters , using inmates from the prison and recruiting from Africans rescued from the slavers . In June 1877 , at the instigation of John Kirk , the explorer and friend of the Sultan , the British government sent a shipment of 500 modern rifles and ammunition as a gift with which to arm the troops . Mathews introduced a new uniform for the troops consisting of a red cap , short black jackets and white trousers for the enlisted ranks and dark blue frock coats and trousers with gold and silver lace for the Arab officers . The latter was possibly modelled on the Royal Navy officers uniform with which he was familiar . The army grew quickly ; by the 1880s Mathews would command 1 @,@ 300 men , his forces eventually numbering 1 @,@ 000 regulars and 5 @,@ 000 irregulars . \n One of the first tasks for the new army was to suppress the smuggling of slaves from Pangani on the mainland to the island of Pemba , north of Zanzibar . The troops completed this mission , capturing several slavers and hindering the trade . Mathews retired from the Royal Navy in June 1881 and was appointed Brigadier @-@ General of Zanzibar . In 1880 , the Sultan dispatched a military force under Mathews to bring his unruly African mainland territories under control . Mathews ' expedition was initially intended to reach but his men refused to march inland and , when made to do so , deserted in large numbers . The expedition ended instead at where a 60 @-@ man garrison was established . This had been reduced to a mere handful of men by the mid @-@ 1880s but the expedition proved that the Sultan was serious about maintaining control of all of his possessions . Mathews ' men were also involved in several expeditions to halt the land @-@ based slave trade which had developed once the seas became too heavily policed for the traders . \n In 1881 Mathews ' old vessel , the HMS London , was captained by Charles J Brownrigg . This vessel and her crew made several patrols aimed at hindering the slave trade using smaller steam boats for the actual pursuits and captures . On December 3 , 1881 , they caught up with a slave dhow captained by Hindi bin Hattam . This dhow had around 100 slaves on board and was transporting them between Pemba and Zanzibar . Captain Brownrigg led a boarding party to release the slaves but bin Hattam 's men then attacked the sailors , killing Brownrigg and his party before sailing away . Mathews led a force to Wete on Pemba and , after a short battle , took a mortally wounded bin Hattem prisoner before returning to Zanzibar . \n Mathews returned to the African mainland territories once more in 1884 when he landed with a force which intended to establish further garrisons there to dissuade German territorial claims . This attempt ultimately failed when five German warships steamed into Zanzibar Town harbour and threatened the Sultan into signing away the territories which would later form German East Africa . Further territories were ceded to the German East Africa Company in 1888 but unrest amongst the locals against them prevented them from taking control and Mathews was dispatched with 100 men to restore order . Finding around 8 @,@ 000 people gathered against the German administrators Mathews was forced to return with his men to Zanzibar . He landed once again with more troops but found himself subject to death threats and that his troops would not obey his orders and so returned again to Zanzibar . \n"} diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/yaml/pretrain_qwen3_32b_4k_train_1-1.yaml" "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/yaml/pretrain_qwen3_32b_4k_train_1-1.yaml" new file mode 100644 index 0000000..c02a886 --- /dev/null +++ "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/yaml/pretrain_qwen3_32b_4k_train_1-1.yaml" @@ -0,0 +1,192 @@ +seed: 42 +output_dir: './output_qwen3' +load_checkpoint: '' +load_ckpt_format: 'safetensors' +src_strategy_path_or_dir: '' +auto_trans_ckpt: False # If true, automatically transforms the loaded checkpoint for distributed model compatibility +only_save_strategy: False +resume_training: False +use_parallel: True +run_mode: 'train' +use_legacy: False + +# Trainer configuration +trainer: + type: CausalLanguageModelingTrainer + model_name: 'Qwen3' + +# Runner configuration +runner_config: + epochs: 1 + batch_size: 2 + gradient_accumulation_steps: 1 + +# Optimizer configuration +optimizer: + type: AdamW + betas: [0.9, 0.95] + eps: 1.e-8 + weight_decay: 0.0 + +# Learning rate scheduler configuration +lr_schedule: + type: CosineWithWarmUpLR + learning_rate: 1.5e-5 + lr_end: 1.5e-6 + warmup_ratio: 0 + total_steps: -1 # -1 indicates using the total steps from the dataset + +# Dataset configuration +train_dataset: &train_dataset + data_loader: + type: BlendedMegatronDatasetDataLoader + datasets_type: "GPTDataset" + sizes: + - 160 # Number of samples in the training set + - 0 # Number of samples in the test set (currently unsupported) + - 0 # Number of samples in the evaluation set (currently unsupported) + config: + seed: 1234 # Random seed for data sampling + split: "1, 0, 0" # Proportions for training, test, and evaluation sets (test/eval currently unsupported) + seq_length: 4096 # Sequence length of the dataset + eod_mask_loss: False # Whether to calculate loss at the end-of-document (EOD) + reset_position_ids: False # Whether to reset position_ids at EOD + create_attention_mask: True # Whether to include attention_mask in the dataset + reset_attention_mask: False # Whether to reset attention_mask at EOD, creating a stepped attention_mask + create_compressed_eod_mask: False # Whether to include a compressed attention_mask + eod_pad_length: 128 # Length of the compressed attention_mask + eod: 1 # Token ID for EOD in the dataset + pad: -1 # Token ID for padding in the dataset + data_path: # Sampling proportion and path for the Megatron dataset + - '1' + - "/home/mindspore/work/sig_lesson_6/megatron_data_text_document" + input_columns: ["input_ids", "labels", "loss_mask", "position_ids", "attention_mask"] + construct_args_key: ["input_ids", "labels", "loss_mask", "position_ids", "attention_mask"] + num_parallel_workers: 8 + python_multiprocessing: False + drop_remainder: True + numa_enable: False + prefetch_size: 1 + seed: 1234 +train_dataset_task: + type: CausalLanguageModelDataset + dataset_config: *train_dataset + +# MindSpore context initialization configuration, reference: https://www.mindspore.cn/docs/en/r2.6.0/api_python/mindspore/mindspore.set_context.html +context: + mode: 0 # 0--Graph Mode; 1--Pynative Mode + device_target: "Ascend" # Target device to run (only supports "Ascend") + max_device_memory: "58GB" # Maximum memory available for the device + memory_optimize_level: "O0" # Memory optimization level + jit_config: # Global JIT configuration for compilation + jit_level: "O0" # Compilation optimization level + ascend_config: # Parameters specific to the Ascend hardware platform + precision_mode: "must_keep_origin_dtype" # Mixed precision mode setting + parallel_speed_up_json_path: "./configs/qwen3/parallel_speed_up.json" # Path to the parallel speedup JSON file + +# Parallel configuration +parallel_config: + data_parallel: &dp 2 # Number of data parallel + model_parallel: 2 # Number of model parallel + pipeline_stage: 2 # Number of pipeline parallel + micro_batch_num: 2 # Pipeline parallel microbatch size + use_seq_parallel: False # Whether to enable sequence parallelism + gradient_aggregation_group: 1 # Size of the gradient communication operator fusion group +# When model_parallel > 1, setting micro_batch_interleave_num to 2 may accelerate the training process. +micro_batch_interleave_num: 1 + +# Parallel context configuration +parallel: + parallel_mode: 1 # 0--data parallel; 1--semi-auto parallel; 2--auto parallel; 3--hybrid parallel + enable_alltoall: True # Enables AllToAll communication operator during parallel communication + full_batch: False # Whether to load the full batch of data in parallel mode + dataset_strategy: [ + [*dp, 1], + [*dp, 1], + [*dp, 1], + [*dp, 1], + [*dp, 1, 1, 1] + ] # Must match the length of train_dataset.input_columns + search_mode: "sharding_propagation" # Fully-automatic parallel strategy search mode + strategy_ckpt_config: + save_file: "./ckpt_strategy.ckpt" # Path for saving the parallel slicing strategy file + only_trainable_params: False # Whether to save/load slicing strategy for trainable parameters only + enable_parallel_optimizer: False # Whether to enable optimizer parallelism + +# Recomputation configuration +recompute_config: + recompute: True + select_recompute: False + parallel_optimizer_comm_recompute: True + mp_comm_recompute: True + +# Model configuration +model: + model_config: + # Configurations from Hugging Face + vocab_size: 151936 + hidden_size: 5120 + intermediate_size: 25600 + num_hidden_layers: 4 # 64 + num_attention_heads: 64 + num_key_value_heads: 8 + head_dim: 128 + hidden_act: 'swiglu' + max_position_embeddings: 4096 + seq_length: 4096 + initializer_range: 0.02 + rms_norm_eps: 1.e-6 + use_cache: True + tie_word_embeddings: False + rope_theta: 1000000. + attention_bias: False + use_flash_attention: True + add_bias_linear: False + eos_token_id: 151645 + pad_token_id: 151643 + bos_token_id: 151643 + attention_dropout: 0.0 + # Configurations from MindFormers + hidden_dropout: 0.0 + input_sliced_sig: True + untie_embeddings_and_output_weights: True + position_embedding_type: "rope" + qk_layernorm: True + use_contiguous_weight_layout_attention: False + qkv_concat: True + offset: [-1, 1] + params_dtype: "float32" + compute_dtype: "bfloat16" + layernorm_compute_dtype: "float32" + softmax_compute_dtype: "float32" + rotary_dtype: "float32" + residual_dtype: "float32" + model_type: "qwen3" + architectures: ["Qwen3ForCausalLM"] + +# Callbacks configuration, reference: https://www.mindspore.cn/mindformers/docs/en/r1.5.0/appendix/conf_files.html?highlight=enable_alltoall#callbacks-configuration +callbacks: + - type: MFLossMonitor # Prints training progress information + - type: CheckpointMonitor # Saves model weights during training + prefix: "qwen3" # Prefix for saved file names + save_checkpoint_steps: 10 # Interval steps for saving model weights + keep_checkpoint_max: 3 # Maximum number of saved model weight files + integrated_save: False # Whether to aggregate weights for saving + async_save: False # Whether to save model weights asynchronously + checkpoint_format: "safetensors" # Format for saving checkpoints + +# Wrapper cell configuration +runner_wrapper: + type: MFTrainOneStepCell + scale_sense: 1.0 + use_clip_grad: True + +profile: False +profile_start_step: 1 +profile_stop_step: 10 +init_start_profile: False +profile_communication: False +profile_memory: True +layer_scale: False +layer_decay: 0.65 +lr_scale_factor: 256 diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/yaml/pretrain_qwen3_32b_4k_train_1-2.yaml" "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/yaml/pretrain_qwen3_32b_4k_train_1-2.yaml" new file mode 100644 index 0000000..37658b1 --- /dev/null +++ "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/yaml/pretrain_qwen3_32b_4k_train_1-2.yaml" @@ -0,0 +1,192 @@ +seed: 42 +output_dir: './output_qwen3' +load_checkpoint: '/home/mindspore/work/sig_lesson_6/mindformers/output_qwen3/checkpoint' +load_ckpt_format: 'safetensors' +src_strategy_path_or_dir: '' +auto_trans_ckpt: False # If true, automatically transforms the loaded checkpoint for distributed model compatibility +only_save_strategy: False +resume_training: True +use_parallel: True +run_mode: 'train' +use_legacy: False + +# Trainer configuration +trainer: + type: CausalLanguageModelingTrainer + model_name: 'Qwen3' + +# Runner configuration +runner_config: + epochs: 1 + batch_size: 2 + gradient_accumulation_steps: 1 + +# Optimizer configuration +optimizer: + type: AdamW + betas: [0.9, 0.95] + eps: 1.e-8 + weight_decay: 0.0 + +# Learning rate scheduler configuration +lr_schedule: + type: CosineWithWarmUpLR + learning_rate: 1.5e-5 + lr_end: 1.5e-6 + warmup_ratio: 0 + total_steps: -1 # -1 indicates using the total steps from the dataset + +# Dataset configuration +train_dataset: &train_dataset + data_loader: + type: BlendedMegatronDatasetDataLoader + datasets_type: "GPTDataset" + sizes: + - 160 # Number of samples in the training set + - 0 # Number of samples in the test set (currently unsupported) + - 0 # Number of samples in the evaluation set (currently unsupported) + config: + seed: 1234 # Random seed for data sampling + split: "1, 0, 0" # Proportions for training, test, and evaluation sets (test/eval currently unsupported) + seq_length: 4096 # Sequence length of the dataset + eod_mask_loss: False # Whether to calculate loss at the end-of-document (EOD) + reset_position_ids: False # Whether to reset position_ids at EOD + create_attention_mask: True # Whether to include attention_mask in the dataset + reset_attention_mask: False # Whether to reset attention_mask at EOD, creating a stepped attention_mask + create_compressed_eod_mask: False # Whether to include a compressed attention_mask + eod_pad_length: 128 # Length of the compressed attention_mask + eod: 1 # Token ID for EOD in the dataset + pad: -1 # Token ID for padding in the dataset + data_path: # Sampling proportion and path for the Megatron dataset + - '1' + - "/home/mindspore/work/sig_lesson_6/megatron_data_text_document" + input_columns: ["input_ids", "labels", "loss_mask", "position_ids", "attention_mask"] + construct_args_key: ["input_ids", "labels", "loss_mask", "position_ids", "attention_mask"] + num_parallel_workers: 8 + python_multiprocessing: False + drop_remainder: True + numa_enable: False + prefetch_size: 1 + seed: 1234 +train_dataset_task: + type: CausalLanguageModelDataset + dataset_config: *train_dataset + +# MindSpore context initialization configuration, reference: https://www.mindspore.cn/docs/en/r2.6.0/api_python/mindspore/mindspore.set_context.html +context: + mode: 0 # 0--Graph Mode; 1--Pynative Mode + device_target: "Ascend" # Target device to run (only supports "Ascend") + max_device_memory: "58GB" # Maximum memory available for the device + memory_optimize_level: "O0" # Memory optimization level + jit_config: # Global JIT configuration for compilation + jit_level: "O0" # Compilation optimization level + ascend_config: # Parameters specific to the Ascend hardware platform + precision_mode: "must_keep_origin_dtype" # Mixed precision mode setting + parallel_speed_up_json_path: "./configs/qwen3/parallel_speed_up.json" # Path to the parallel speedup JSON file + +# Parallel configuration +parallel_config: + data_parallel: &dp 2 # Number of data parallel + model_parallel: 2 # Number of model parallel + pipeline_stage: 2 # Number of pipeline parallel + micro_batch_num: 2 # Pipeline parallel microbatch size + use_seq_parallel: False # Whether to enable sequence parallelism + gradient_aggregation_group: 1 # Size of the gradient communication operator fusion group +# When model_parallel > 1, setting micro_batch_interleave_num to 2 may accelerate the training process. +micro_batch_interleave_num: 1 + +# Parallel context configuration +parallel: + parallel_mode: 1 # 0--data parallel; 1--semi-auto parallel; 2--auto parallel; 3--hybrid parallel + enable_alltoall: True # Enables AllToAll communication operator during parallel communication + full_batch: False # Whether to load the full batch of data in parallel mode + dataset_strategy: [ + [*dp, 1], + [*dp, 1], + [*dp, 1], + [*dp, 1], + [*dp, 1, 1, 1] + ] # Must match the length of train_dataset.input_columns + search_mode: "sharding_propagation" # Fully-automatic parallel strategy search mode + strategy_ckpt_config: + save_file: "./ckpt_strategy.ckpt" # Path for saving the parallel slicing strategy file + only_trainable_params: False # Whether to save/load slicing strategy for trainable parameters only + enable_parallel_optimizer: False # Whether to enable optimizer parallelism + +# Recomputation configuration +recompute_config: + recompute: True + select_recompute: False + parallel_optimizer_comm_recompute: True + mp_comm_recompute: True + +# Model configuration +model: + model_config: + # Configurations from Hugging Face + vocab_size: 151936 + hidden_size: 5120 + intermediate_size: 25600 + num_hidden_layers: 4 # 64 + num_attention_heads: 64 + num_key_value_heads: 8 + head_dim: 128 + hidden_act: 'swiglu' + max_position_embeddings: 4096 + seq_length: 4096 + initializer_range: 0.02 + rms_norm_eps: 1.e-6 + use_cache: True + tie_word_embeddings: False + rope_theta: 1000000. + attention_bias: False + use_flash_attention: True + add_bias_linear: False + eos_token_id: 151645 + pad_token_id: 151643 + bos_token_id: 151643 + attention_dropout: 0.0 + # Configurations from MindFormers + hidden_dropout: 0.0 + input_sliced_sig: True + untie_embeddings_and_output_weights: True + position_embedding_type: "rope" + qk_layernorm: True + use_contiguous_weight_layout_attention: False + qkv_concat: True + offset: [-1, 1] + params_dtype: "float32" + compute_dtype: "bfloat16" + layernorm_compute_dtype: "float32" + softmax_compute_dtype: "float32" + rotary_dtype: "float32" + residual_dtype: "float32" + model_type: "qwen3" + architectures: ["Qwen3ForCausalLM"] + +# Callbacks configuration, reference: https://www.mindspore.cn/mindformers/docs/en/r1.5.0/appendix/conf_files.html?highlight=enable_alltoall#callbacks-configuration +callbacks: + - type: MFLossMonitor # Prints training progress information + - type: CheckpointMonitor # Saves model weights during training + prefix: "qwen3" # Prefix for saved file names + save_checkpoint_steps: 10 # Interval steps for saving model weights + keep_checkpoint_max: 3 # Maximum number of saved model weight files + integrated_save: False # Whether to aggregate weights for saving + async_save: False # Whether to save model weights asynchronously + checkpoint_format: "safetensors" # Format for saving checkpoints + +# Wrapper cell configuration +runner_wrapper: + type: MFTrainOneStepCell + scale_sense: 1.0 + use_clip_grad: True + +profile: False +profile_start_step: 1 +profile_stop_step: 10 +init_start_profile: False +profile_communication: False +profile_memory: True +layer_scale: False +layer_decay: 0.65 +lr_scale_factor: 256 diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/yaml/pretrain_qwen3_32b_4k_train_1-3.yaml" "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/yaml/pretrain_qwen3_32b_4k_train_1-3.yaml" new file mode 100644 index 0000000..ff51b34 --- /dev/null +++ "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/yaml/pretrain_qwen3_32b_4k_train_1-3.yaml" @@ -0,0 +1,192 @@ +seed: 42 +output_dir: './output_qwen3' +load_checkpoint: '/home/mindspore/work/sig_lesson_6/mindformers/output_qwen3/checkpoint' +load_ckpt_format: 'safetensors' +src_strategy_path_or_dir: '' +auto_trans_ckpt: False # If true, automatically transforms the loaded checkpoint for distributed model compatibility +only_save_strategy: False +resume_training: 'qwen3_rank_0-10_1.safetensors' +use_parallel: True +run_mode: 'train' +use_legacy: False + +# Trainer configuration +trainer: + type: CausalLanguageModelingTrainer + model_name: 'Qwen3' + +# Runner configuration +runner_config: + epochs: 1 + batch_size: 2 + gradient_accumulation_steps: 1 + +# Optimizer configuration +optimizer: + type: AdamW + betas: [0.9, 0.95] + eps: 1.e-8 + weight_decay: 0.0 + +# Learning rate scheduler configuration +lr_schedule: + type: CosineWithWarmUpLR + learning_rate: 1.5e-5 + lr_end: 1.5e-6 + warmup_ratio: 0 + total_steps: -1 # -1 indicates using the total steps from the dataset + +# Dataset configuration +train_dataset: &train_dataset + data_loader: + type: BlendedMegatronDatasetDataLoader + datasets_type: "GPTDataset" + sizes: + - 160 # Number of samples in the training set + - 0 # Number of samples in the test set (currently unsupported) + - 0 # Number of samples in the evaluation set (currently unsupported) + config: + seed: 1234 # Random seed for data sampling + split: "1, 0, 0" # Proportions for training, test, and evaluation sets (test/eval currently unsupported) + seq_length: 4096 # Sequence length of the dataset + eod_mask_loss: False # Whether to calculate loss at the end-of-document (EOD) + reset_position_ids: False # Whether to reset position_ids at EOD + create_attention_mask: True # Whether to include attention_mask in the dataset + reset_attention_mask: False # Whether to reset attention_mask at EOD, creating a stepped attention_mask + create_compressed_eod_mask: False # Whether to include a compressed attention_mask + eod_pad_length: 128 # Length of the compressed attention_mask + eod: 1 # Token ID for EOD in the dataset + pad: -1 # Token ID for padding in the dataset + data_path: # Sampling proportion and path for the Megatron dataset + - '1' + - "/home/mindspore/work/sig_lesson_6/megatron_data_text_document" + input_columns: ["input_ids", "labels", "loss_mask", "position_ids", "attention_mask"] + construct_args_key: ["input_ids", "labels", "loss_mask", "position_ids", "attention_mask"] + num_parallel_workers: 8 + python_multiprocessing: False + drop_remainder: True + numa_enable: False + prefetch_size: 1 + seed: 1234 +train_dataset_task: + type: CausalLanguageModelDataset + dataset_config: *train_dataset + +# MindSpore context initialization configuration, reference: https://www.mindspore.cn/docs/en/r2.6.0/api_python/mindspore/mindspore.set_context.html +context: + mode: 0 # 0--Graph Mode; 1--Pynative Mode + device_target: "Ascend" # Target device to run (only supports "Ascend") + max_device_memory: "58GB" # Maximum memory available for the device + memory_optimize_level: "O0" # Memory optimization level + jit_config: # Global JIT configuration for compilation + jit_level: "O0" # Compilation optimization level + ascend_config: # Parameters specific to the Ascend hardware platform + precision_mode: "must_keep_origin_dtype" # Mixed precision mode setting + parallel_speed_up_json_path: "./configs/qwen3/parallel_speed_up.json" # Path to the parallel speedup JSON file + +# Parallel configuration +parallel_config: + data_parallel: &dp 2 # Number of data parallel + model_parallel: 2 # Number of model parallel + pipeline_stage: 2 # Number of pipeline parallel + micro_batch_num: 2 # Pipeline parallel microbatch size + use_seq_parallel: False # Whether to enable sequence parallelism + gradient_aggregation_group: 1 # Size of the gradient communication operator fusion group +# When model_parallel > 1, setting micro_batch_interleave_num to 2 may accelerate the training process. +micro_batch_interleave_num: 1 + +# Parallel context configuration +parallel: + parallel_mode: 1 # 0--data parallel; 1--semi-auto parallel; 2--auto parallel; 3--hybrid parallel + enable_alltoall: True # Enables AllToAll communication operator during parallel communication + full_batch: False # Whether to load the full batch of data in parallel mode + dataset_strategy: [ + [*dp, 1], + [*dp, 1], + [*dp, 1], + [*dp, 1], + [*dp, 1, 1, 1] + ] # Must match the length of train_dataset.input_columns + search_mode: "sharding_propagation" # Fully-automatic parallel strategy search mode + strategy_ckpt_config: + save_file: "./ckpt_strategy.ckpt" # Path for saving the parallel slicing strategy file + only_trainable_params: False # Whether to save/load slicing strategy for trainable parameters only + enable_parallel_optimizer: False # Whether to enable optimizer parallelism + +# Recomputation configuration +recompute_config: + recompute: True + select_recompute: False + parallel_optimizer_comm_recompute: True + mp_comm_recompute: True + +# Model configuration +model: + model_config: + # Configurations from Hugging Face + vocab_size: 151936 + hidden_size: 5120 + intermediate_size: 25600 + num_hidden_layers: 4 # 64 + num_attention_heads: 64 + num_key_value_heads: 8 + head_dim: 128 + hidden_act: 'swiglu' + max_position_embeddings: 4096 + seq_length: 4096 + initializer_range: 0.02 + rms_norm_eps: 1.e-6 + use_cache: True + tie_word_embeddings: False + rope_theta: 1000000. + attention_bias: False + use_flash_attention: True + add_bias_linear: False + eos_token_id: 151645 + pad_token_id: 151643 + bos_token_id: 151643 + attention_dropout: 0.0 + # Configurations from MindFormers + hidden_dropout: 0.0 + input_sliced_sig: True + untie_embeddings_and_output_weights: True + position_embedding_type: "rope" + qk_layernorm: True + use_contiguous_weight_layout_attention: False + qkv_concat: True + offset: [-1, 1] + params_dtype: "float32" + compute_dtype: "bfloat16" + layernorm_compute_dtype: "float32" + softmax_compute_dtype: "float32" + rotary_dtype: "float32" + residual_dtype: "float32" + model_type: "qwen3" + architectures: ["Qwen3ForCausalLM"] + +# Callbacks configuration, reference: https://www.mindspore.cn/mindformers/docs/en/r1.5.0/appendix/conf_files.html?highlight=enable_alltoall#callbacks-configuration +callbacks: + - type: MFLossMonitor # Prints training progress information + - type: CheckpointMonitor # Saves model weights during training + prefix: "qwen3" # Prefix for saved file names + save_checkpoint_steps: 10 # Interval steps for saving model weights + keep_checkpoint_max: 3 # Maximum number of saved model weight files + integrated_save: False # Whether to aggregate weights for saving + async_save: False # Whether to save model weights asynchronously + checkpoint_format: "safetensors" # Format for saving checkpoints + +# Wrapper cell configuration +runner_wrapper: + type: MFTrainOneStepCell + scale_sense: 1.0 + use_clip_grad: True + +profile: False +profile_start_step: 1 +profile_stop_step: 10 +init_start_profile: False +profile_communication: False +profile_memory: True +layer_scale: False +layer_decay: 0.65 +lr_scale_factor: 256 diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/yaml/pretrain_qwen3_32b_4k_train_2-1.yaml" "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/yaml/pretrain_qwen3_32b_4k_train_2-1.yaml" new file mode 100644 index 0000000..d7857a9 --- /dev/null +++ "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/yaml/pretrain_qwen3_32b_4k_train_2-1.yaml" @@ -0,0 +1,192 @@ +seed: 42 +output_dir: './output_qwen3' +load_checkpoint: '/home/mindspore/work/sig_lesson_6/mindformers/output_qwen3/checkpoint' +load_ckpt_format: 'safetensors' +src_strategy_path_or_dir: '/home/mindspore/work/sig_lesson_6/mindformers/output_qwen3/strategy' +auto_trans_ckpt: True # If true, automatically transforms the loaded checkpoint for distributed model compatibility +only_save_strategy: False +resume_training: 'qwen3_rank_0-10_1.safetensors' +use_parallel: True +run_mode: 'train' +use_legacy: False + +# Trainer configuration +trainer: + type: CausalLanguageModelingTrainer + model_name: 'Qwen3' + +# Runner configuration +runner_config: + epochs: 1 + batch_size: 2 + gradient_accumulation_steps: 1 + +# Optimizer configuration +optimizer: + type: AdamW + betas: [0.9, 0.95] + eps: 1.e-8 + weight_decay: 0.0 + +# Learning rate scheduler configuration +lr_schedule: + type: CosineWithWarmUpLR + learning_rate: 1.5e-5 + lr_end: 1.5e-6 + warmup_ratio: 0 + total_steps: -1 # -1 indicates using the total steps from the dataset + +# Dataset configuration +train_dataset: &train_dataset + data_loader: + type: BlendedMegatronDatasetDataLoader + datasets_type: "GPTDataset" + sizes: + - 160 # Number of samples in the training set + - 0 # Number of samples in the test set (currently unsupported) + - 0 # Number of samples in the evaluation set (currently unsupported) + config: + seed: 1234 # Random seed for data sampling + split: "1, 0, 0" # Proportions for training, test, and evaluation sets (test/eval currently unsupported) + seq_length: 4096 # Sequence length of the dataset + eod_mask_loss: False # Whether to calculate loss at the end-of-document (EOD) + reset_position_ids: False # Whether to reset position_ids at EOD + create_attention_mask: True # Whether to include attention_mask in the dataset + reset_attention_mask: False # Whether to reset attention_mask at EOD, creating a stepped attention_mask + create_compressed_eod_mask: False # Whether to include a compressed attention_mask + eod_pad_length: 128 # Length of the compressed attention_mask + eod: 1 # Token ID for EOD in the dataset + pad: -1 # Token ID for padding in the dataset + data_path: # Sampling proportion and path for the Megatron dataset + - '1' + - "/home/mindspore/work/sig_lesson_6/megatron_data_text_document" + input_columns: ["input_ids", "labels", "loss_mask", "position_ids", "attention_mask"] + construct_args_key: ["input_ids", "labels", "loss_mask", "position_ids", "attention_mask"] + num_parallel_workers: 8 + python_multiprocessing: False + drop_remainder: True + numa_enable: False + prefetch_size: 1 + seed: 1234 +train_dataset_task: + type: CausalLanguageModelDataset + dataset_config: *train_dataset + +# MindSpore context initialization configuration, reference: https://www.mindspore.cn/docs/en/r2.6.0/api_python/mindspore/mindspore.set_context.html +context: + mode: 0 # 0--Graph Mode; 1--Pynative Mode + device_target: "Ascend" # Target device to run (only supports "Ascend") + max_device_memory: "58GB" # Maximum memory available for the device + memory_optimize_level: "O0" # Memory optimization level + jit_config: # Global JIT configuration for compilation + jit_level: "O0" # Compilation optimization level + ascend_config: # Parameters specific to the Ascend hardware platform + precision_mode: "must_keep_origin_dtype" # Mixed precision mode setting + parallel_speed_up_json_path: "./configs/qwen3/parallel_speed_up.json" # Path to the parallel speedup JSON file + +# Parallel configuration +parallel_config: + data_parallel: &dp 2 # Number of data parallel + model_parallel: 1 # Number of model parallel + pipeline_stage: 2 # Number of pipeline parallel + micro_batch_num: 2 # Pipeline parallel microbatch size + use_seq_parallel: False # Whether to enable sequence parallelism + gradient_aggregation_group: 1 # Size of the gradient communication operator fusion group +# When model_parallel > 1, setting micro_batch_interleave_num to 2 may accelerate the training process. +micro_batch_interleave_num: 1 + +# Parallel context configuration +parallel: + parallel_mode: 1 # 0--data parallel; 1--semi-auto parallel; 2--auto parallel; 3--hybrid parallel + enable_alltoall: True # Enables AllToAll communication operator during parallel communication + full_batch: False # Whether to load the full batch of data in parallel mode + dataset_strategy: [ + [*dp, 1], + [*dp, 1], + [*dp, 1], + [*dp, 1], + [*dp, 1, 1, 1] + ] # Must match the length of train_dataset.input_columns + search_mode: "sharding_propagation" # Fully-automatic parallel strategy search mode + strategy_ckpt_config: + save_file: "./ckpt_strategy.ckpt" # Path for saving the parallel slicing strategy file + only_trainable_params: False # Whether to save/load slicing strategy for trainable parameters only + enable_parallel_optimizer: False # Whether to enable optimizer parallelism + +# Recomputation configuration +recompute_config: + recompute: True + select_recompute: False + parallel_optimizer_comm_recompute: True + mp_comm_recompute: True + +# Model configuration +model: + model_config: + # Configurations from Hugging Face + vocab_size: 151936 + hidden_size: 5120 + intermediate_size: 25600 + num_hidden_layers: 4 # 64 + num_attention_heads: 64 + num_key_value_heads: 8 + head_dim: 128 + hidden_act: 'swiglu' + max_position_embeddings: 4096 + seq_length: 4096 + initializer_range: 0.02 + rms_norm_eps: 1.e-6 + use_cache: True + tie_word_embeddings: False + rope_theta: 1000000. + attention_bias: False + use_flash_attention: True + add_bias_linear: False + eos_token_id: 151645 + pad_token_id: 151643 + bos_token_id: 151643 + attention_dropout: 0.0 + # Configurations from MindFormers + hidden_dropout: 0.0 + input_sliced_sig: True + untie_embeddings_and_output_weights: True + position_embedding_type: "rope" + qk_layernorm: True + use_contiguous_weight_layout_attention: False + qkv_concat: True + offset: [-1, 1] + params_dtype: "float32" + compute_dtype: "bfloat16" + layernorm_compute_dtype: "float32" + softmax_compute_dtype: "float32" + rotary_dtype: "float32" + residual_dtype: "float32" + model_type: "qwen3" + architectures: ["Qwen3ForCausalLM"] + +# Callbacks configuration, reference: https://www.mindspore.cn/mindformers/docs/en/r1.5.0/appendix/conf_files.html?highlight=enable_alltoall#callbacks-configuration +callbacks: + - type: MFLossMonitor # Prints training progress information + - type: CheckpointMonitor # Saves model weights during training + prefix: "qwen3" # Prefix for saved file names + save_checkpoint_steps: 10 # Interval steps for saving model weights + keep_checkpoint_max: 3 # Maximum number of saved model weight files + integrated_save: False # Whether to aggregate weights for saving + async_save: False # Whether to save model weights asynchronously + checkpoint_format: "safetensors" # Format for saving checkpoints + +# Wrapper cell configuration +runner_wrapper: + type: MFTrainOneStepCell + scale_sense: 1.0 + use_clip_grad: True + +profile: False +profile_start_step: 1 +profile_stop_step: 10 +init_start_profile: False +profile_communication: False +profile_memory: True +layer_scale: False +layer_decay: 0.65 +lr_scale_factor: 256 diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/yaml/pretrain_qwen3_32b_4k_train_2-2.yaml" "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/yaml/pretrain_qwen3_32b_4k_train_2-2.yaml" new file mode 100644 index 0000000..e109ba1 --- /dev/null +++ "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/yaml/pretrain_qwen3_32b_4k_train_2-2.yaml" @@ -0,0 +1,192 @@ +seed: 42 +output_dir: './output_qwen3' +load_checkpoint: '/home/mindspore/work/sig_lesson_6/mindformers/output_qwen3/unified_checkpoint' +load_ckpt_format: 'safetensors' +src_strategy_path_or_dir: '' +auto_trans_ckpt: True # If true, automatically transforms the loaded checkpoint for distributed model compatibility +only_save_strategy: False +resume_training: True +use_parallel: True +run_mode: 'train' +use_legacy: False + +# Trainer configuration +trainer: + type: CausalLanguageModelingTrainer + model_name: 'Qwen3' + +# Runner configuration +runner_config: + epochs: 1 + batch_size: 2 + gradient_accumulation_steps: 1 + +# Optimizer configuration +optimizer: + type: AdamW + betas: [0.9, 0.95] + eps: 1.e-8 + weight_decay: 0.0 + +# Learning rate scheduler configuration +lr_schedule: + type: CosineWithWarmUpLR + learning_rate: 1.5e-5 + lr_end: 1.5e-6 + warmup_ratio: 0 + total_steps: -1 # -1 indicates using the total steps from the dataset + +# Dataset configuration +train_dataset: &train_dataset + data_loader: + type: BlendedMegatronDatasetDataLoader + datasets_type: "GPTDataset" + sizes: + - 160 # Number of samples in the training set + - 0 # Number of samples in the test set (currently unsupported) + - 0 # Number of samples in the evaluation set (currently unsupported) + config: + seed: 1234 # Random seed for data sampling + split: "1, 0, 0" # Proportions for training, test, and evaluation sets (test/eval currently unsupported) + seq_length: 4096 # Sequence length of the dataset + eod_mask_loss: False # Whether to calculate loss at the end-of-document (EOD) + reset_position_ids: False # Whether to reset position_ids at EOD + create_attention_mask: True # Whether to include attention_mask in the dataset + reset_attention_mask: False # Whether to reset attention_mask at EOD, creating a stepped attention_mask + create_compressed_eod_mask: False # Whether to include a compressed attention_mask + eod_pad_length: 128 # Length of the compressed attention_mask + eod: 1 # Token ID for EOD in the dataset + pad: -1 # Token ID for padding in the dataset + data_path: # Sampling proportion and path for the Megatron dataset + - '1' + - "/home/mindspore/work/sig_lesson_6/megatron_data_text_document" + input_columns: ["input_ids", "labels", "loss_mask", "position_ids", "attention_mask"] + construct_args_key: ["input_ids", "labels", "loss_mask", "position_ids", "attention_mask"] + num_parallel_workers: 8 + python_multiprocessing: False + drop_remainder: True + numa_enable: False + prefetch_size: 1 + seed: 1234 +train_dataset_task: + type: CausalLanguageModelDataset + dataset_config: *train_dataset + +# MindSpore context initialization configuration, reference: https://www.mindspore.cn/docs/en/r2.6.0/api_python/mindspore/mindspore.set_context.html +context: + mode: 0 # 0--Graph Mode; 1--Pynative Mode + device_target: "Ascend" # Target device to run (only supports "Ascend") + max_device_memory: "58GB" # Maximum memory available for the device + memory_optimize_level: "O0" # Memory optimization level + jit_config: # Global JIT configuration for compilation + jit_level: "O0" # Compilation optimization level + ascend_config: # Parameters specific to the Ascend hardware platform + precision_mode: "must_keep_origin_dtype" # Mixed precision mode setting + parallel_speed_up_json_path: "./configs/qwen3/parallel_speed_up.json" # Path to the parallel speedup JSON file + +# Parallel configuration +parallel_config: + data_parallel: &dp 4 # Number of data parallel + model_parallel: 1 # Number of model parallel + pipeline_stage: 2 # Number of pipeline parallel + micro_batch_num: 2 # Pipeline parallel microbatch size + use_seq_parallel: False # Whether to enable sequence parallelism + gradient_aggregation_group: 1 # Size of the gradient communication operator fusion group +# When model_parallel > 1, setting micro_batch_interleave_num to 2 may accelerate the training process. +micro_batch_interleave_num: 1 + +# Parallel context configuration +parallel: + parallel_mode: 1 # 0--data parallel; 1--semi-auto parallel; 2--auto parallel; 3--hybrid parallel + enable_alltoall: True # Enables AllToAll communication operator during parallel communication + full_batch: False # Whether to load the full batch of data in parallel mode + dataset_strategy: [ + [*dp, 1], + [*dp, 1], + [*dp, 1], + [*dp, 1], + [*dp, 1, 1, 1] + ] # Must match the length of train_dataset.input_columns + search_mode: "sharding_propagation" # Fully-automatic parallel strategy search mode + strategy_ckpt_config: + save_file: "./ckpt_strategy.ckpt" # Path for saving the parallel slicing strategy file + only_trainable_params: False # Whether to save/load slicing strategy for trainable parameters only + enable_parallel_optimizer: False # Whether to enable optimizer parallelism + +# Recomputation configuration +recompute_config: + recompute: True + select_recompute: False + parallel_optimizer_comm_recompute: True + mp_comm_recompute: True + +# Model configuration +model: + model_config: + # Configurations from Hugging Face + vocab_size: 151936 + hidden_size: 5120 + intermediate_size: 25600 + num_hidden_layers: 4 # 64 + num_attention_heads: 64 + num_key_value_heads: 8 + head_dim: 128 + hidden_act: 'swiglu' + max_position_embeddings: 4096 + seq_length: 4096 + initializer_range: 0.02 + rms_norm_eps: 1.e-6 + use_cache: True + tie_word_embeddings: False + rope_theta: 1000000. + attention_bias: False + use_flash_attention: True + add_bias_linear: False + eos_token_id: 151645 + pad_token_id: 151643 + bos_token_id: 151643 + attention_dropout: 0.0 + # Configurations from MindFormers + hidden_dropout: 0.0 + input_sliced_sig: True + untie_embeddings_and_output_weights: True + position_embedding_type: "rope" + qk_layernorm: True + use_contiguous_weight_layout_attention: False + qkv_concat: True + offset: [-1, 1] + params_dtype: "float32" + compute_dtype: "bfloat16" + layernorm_compute_dtype: "float32" + softmax_compute_dtype: "float32" + rotary_dtype: "float32" + residual_dtype: "float32" + model_type: "qwen3" + architectures: ["Qwen3ForCausalLM"] + +# Callbacks configuration, reference: https://www.mindspore.cn/mindformers/docs/en/r1.5.0/appendix/conf_files.html?highlight=enable_alltoall#callbacks-configuration +callbacks: + - type: MFLossMonitor # Prints training progress information + - type: CheckpointMonitor # Saves model weights during training + prefix: "qwen3" # Prefix for saved file names + save_checkpoint_steps: 10 # Interval steps for saving model weights + keep_checkpoint_max: 3 # Maximum number of saved model weight files + integrated_save: False # Whether to aggregate weights for saving + async_save: False # Whether to save model weights asynchronously + checkpoint_format: "safetensors" # Format for saving checkpoints + +# Wrapper cell configuration +runner_wrapper: + type: MFTrainOneStepCell + scale_sense: 1.0 + use_clip_grad: True + +profile: False +profile_start_step: 1 +profile_stop_step: 10 +init_start_profile: False +profile_communication: False +profile_memory: True +layer_scale: False +layer_decay: 0.65 +lr_scale_factor: 256 diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/yaml/pretrain_qwen3_32b_4k_train_3-1.yaml" "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/yaml/pretrain_qwen3_32b_4k_train_3-1.yaml" new file mode 100644 index 0000000..d104ff2 --- /dev/null +++ "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/yaml/pretrain_qwen3_32b_4k_train_3-1.yaml" @@ -0,0 +1,192 @@ +seed: 42 +output_dir: './output_qwen3_3' +load_checkpoint: '' +load_ckpt_format: 'safetensors' +src_strategy_path_or_dir: '' +auto_trans_ckpt: False # If true, automatically transforms the loaded checkpoint for distributed model compatibility +only_save_strategy: False +resume_training: False +use_parallel: True +run_mode: 'train' +use_legacy: False + +# Trainer configuration +trainer: + type: CausalLanguageModelingTrainer + model_name: 'Qwen3' + +# Runner configuration +runner_config: + epochs: 10 + batch_size: 2 + gradient_accumulation_steps: 1 + +# Optimizer configuration +optimizer: + type: AdamW + betas: [0.9, 0.95] + eps: 1.e-8 + weight_decay: 0.0 + +# Learning rate scheduler configuration +lr_schedule: + type: CosineWithWarmUpLR + learning_rate: 1.5e-5 + lr_end: 1.5e-6 + warmup_ratio: 0 + total_steps: 40 # -1 indicates using the total steps from the dataset + +# Dataset configuration +train_dataset: &train_dataset + data_loader: + type: BlendedMegatronDatasetDataLoader + datasets_type: "GPTDataset" + sizes: + - 160 # Number of samples in the training set + - 0 # Number of samples in the test set (currently unsupported) + - 0 # Number of samples in the evaluation set (currently unsupported) + config: + seed: 1234 # Random seed for data sampling + split: "1, 0, 0" # Proportions for training, test, and evaluation sets (test/eval currently unsupported) + seq_length: 4096 # Sequence length of the dataset + eod_mask_loss: False # Whether to calculate loss at the end-of-document (EOD) + reset_position_ids: False # Whether to reset position_ids at EOD + create_attention_mask: True # Whether to include attention_mask in the dataset + reset_attention_mask: False # Whether to reset attention_mask at EOD, creating a stepped attention_mask + create_compressed_eod_mask: False # Whether to include a compressed attention_mask + eod_pad_length: 128 # Length of the compressed attention_mask + eod: 1 # Token ID for EOD in the dataset + pad: -1 # Token ID for padding in the dataset + data_path: # Sampling proportion and path for the Megatron dataset + - '1' + - "/home/mindspore/work/sig_lesson_6/megatron_data_text_document" + input_columns: ["input_ids", "labels", "loss_mask", "position_ids", "attention_mask"] + construct_args_key: ["input_ids", "labels", "loss_mask", "position_ids", "attention_mask"] + num_parallel_workers: 8 + python_multiprocessing: False + drop_remainder: True + numa_enable: False + prefetch_size: 1 + seed: 1234 +train_dataset_task: + type: CausalLanguageModelDataset + dataset_config: *train_dataset + +# MindSpore context initialization configuration, reference: https://www.mindspore.cn/docs/en/r2.6.0/api_python/mindspore/mindspore.set_context.html +context: + mode: 0 # 0--Graph Mode; 1--Pynative Mode + device_target: "Ascend" # Target device to run (only supports "Ascend") + max_device_memory: "58GB" # Maximum memory available for the device + memory_optimize_level: "O0" # Memory optimization level + jit_config: # Global JIT configuration for compilation + jit_level: "O0" # Compilation optimization level + ascend_config: # Parameters specific to the Ascend hardware platform + precision_mode: "must_keep_origin_dtype" # Mixed precision mode setting + parallel_speed_up_json_path: "./configs/qwen3/parallel_speed_up.json" # Path to the parallel speedup JSON file + +# Parallel configuration +parallel_config: + data_parallel: &dp 2 # Number of data parallel + model_parallel: 2 # Number of model parallel + pipeline_stage: 2 # Number of pipeline parallel + micro_batch_num: 2 # Pipeline parallel microbatch size + use_seq_parallel: False # Whether to enable sequence parallelism + gradient_aggregation_group: 1 # Size of the gradient communication operator fusion group +# When model_parallel > 1, setting micro_batch_interleave_num to 2 may accelerate the training process. +micro_batch_interleave_num: 1 + +# Parallel context configuration +parallel: + parallel_mode: 1 # 0--data parallel; 1--semi-auto parallel; 2--auto parallel; 3--hybrid parallel + enable_alltoall: True # Enables AllToAll communication operator during parallel communication + full_batch: False # Whether to load the full batch of data in parallel mode + dataset_strategy: [ + [*dp, 1], + [*dp, 1], + [*dp, 1], + [*dp, 1], + [*dp, 1, 1, 1] + ] # Must match the length of train_dataset.input_columns + search_mode: "sharding_propagation" # Fully-automatic parallel strategy search mode + strategy_ckpt_config: + save_file: "./ckpt_strategy.ckpt" # Path for saving the parallel slicing strategy file + only_trainable_params: False # Whether to save/load slicing strategy for trainable parameters only + enable_parallel_optimizer: False # Whether to enable optimizer parallelism + +# Recomputation configuration +recompute_config: + recompute: True + select_recompute: False + parallel_optimizer_comm_recompute: True + mp_comm_recompute: True + +# Model configuration +model: + model_config: + # Configurations from Hugging Face + vocab_size: 151936 + hidden_size: 5120 + intermediate_size: 25600 + num_hidden_layers: 4 # 64 + num_attention_heads: 64 + num_key_value_heads: 8 + head_dim: 128 + hidden_act: 'swiglu' + max_position_embeddings: 4096 + seq_length: 4096 + initializer_range: 0.02 + rms_norm_eps: 1.e-6 + use_cache: True + tie_word_embeddings: False + rope_theta: 1000000. + attention_bias: False + use_flash_attention: True + add_bias_linear: False + eos_token_id: 151645 + pad_token_id: 151643 + bos_token_id: 151643 + attention_dropout: 0.0 + # Configurations from MindFormers + hidden_dropout: 0.0 + input_sliced_sig: True + untie_embeddings_and_output_weights: True + position_embedding_type: "rope" + qk_layernorm: True + use_contiguous_weight_layout_attention: False + qkv_concat: True + offset: [-1, 1] + params_dtype: "float32" + compute_dtype: "bfloat16" + layernorm_compute_dtype: "float32" + softmax_compute_dtype: "float32" + rotary_dtype: "float32" + residual_dtype: "float32" + model_type: "qwen3" + architectures: ["Qwen3ForCausalLM"] + +# Callbacks configuration, reference: https://www.mindspore.cn/mindformers/docs/en/r1.5.0/appendix/conf_files.html?highlight=enable_alltoall#callbacks-configuration +callbacks: + - type: MFLossMonitor # Prints training progress information + - type: CheckpointMonitor # Saves model weights during training + prefix: "qwen3" # Prefix for saved file names + save_checkpoint_steps: 10 # Interval steps for saving model weights + keep_checkpoint_max: 3 # Maximum number of saved model weight files + integrated_save: False # Whether to aggregate weights for saving + async_save: False # Whether to save model weights asynchronously + checkpoint_format: "safetensors" # Format for saving checkpoints + +# Wrapper cell configuration +runner_wrapper: + type: MFTrainOneStepCell + scale_sense: 1.0 + use_clip_grad: True + +profile: False +profile_start_step: 1 +profile_stop_step: 10 +init_start_profile: False +profile_communication: False +profile_memory: True +layer_scale: False +layer_decay: 0.65 +lr_scale_factor: 256 diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/yaml/pretrain_qwen3_32b_4k_train_3-2.yaml" "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/yaml/pretrain_qwen3_32b_4k_train_3-2.yaml" new file mode 100644 index 0000000..7b5bb24 --- /dev/null +++ "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/yaml/pretrain_qwen3_32b_4k_train_3-2.yaml" @@ -0,0 +1,192 @@ +seed: 42 +output_dir: './output_qwen3_3' +load_checkpoint: '/home/mindspore/work/sig_lesson_6/mindformers/output_qwen3_3/checkpoint' +load_ckpt_format: 'safetensors' +src_strategy_path_or_dir: '' +auto_trans_ckpt: False # If true, automatically transforms the loaded checkpoint for distributed model compatibility +only_save_strategy: False +resume_training: True +use_parallel: True +run_mode: 'train' +use_legacy: False + +# Trainer configuration +trainer: + type: CausalLanguageModelingTrainer + model_name: 'Qwen3' + +# Runner configuration +runner_config: + epochs: 10 + batch_size: 2 + gradient_accumulation_steps: 1 + +# Optimizer configuration +optimizer: + type: AdamW + betas: [0.9, 0.95] + eps: 1.e-8 + weight_decay: 0.0 + +# Learning rate scheduler configuration +lr_schedule: + type: CosineWithWarmUpLR + learning_rate: 1.5e-5 + lr_end: 1.5e-6 + warmup_ratio: 0 + total_steps: 40 # -1 indicates using the total steps from the dataset + +# Dataset configuration +train_dataset: &train_dataset + data_loader: + type: BlendedMegatronDatasetDataLoader + datasets_type: "GPTDataset" + sizes: + - 120 # Number of samples in the training set + - 0 # Number of samples in the test set (currently unsupported) + - 0 # Number of samples in the evaluation set (currently unsupported) + config: + seed: 1234 # Random seed for data sampling + split: "1, 0, 0" # Proportions for training, test, and evaluation sets (test/eval currently unsupported) + seq_length: 4096 # Sequence length of the dataset + eod_mask_loss: False # Whether to calculate loss at the end-of-document (EOD) + reset_position_ids: False # Whether to reset position_ids at EOD + create_attention_mask: True # Whether to include attention_mask in the dataset + reset_attention_mask: False # Whether to reset attention_mask at EOD, creating a stepped attention_mask + create_compressed_eod_mask: False # Whether to include a compressed attention_mask + eod_pad_length: 128 # Length of the compressed attention_mask + eod: 1 # Token ID for EOD in the dataset + pad: -1 # Token ID for padding in the dataset + data_path: # Sampling proportion and path for the Megatron dataset + - '1' + - "/home/mindspore/work/sig_lesson_6/megatron_data2_text_document" + input_columns: ["input_ids", "labels", "loss_mask", "position_ids", "attention_mask"] + construct_args_key: ["input_ids", "labels", "loss_mask", "position_ids", "attention_mask"] + num_parallel_workers: 8 + python_multiprocessing: False + drop_remainder: True + numa_enable: False + prefetch_size: 1 + seed: 1234 +train_dataset_task: + type: CausalLanguageModelDataset + dataset_config: *train_dataset + +# MindSpore context initialization configuration, reference: https://www.mindspore.cn/docs/en/r2.6.0/api_python/mindspore/mindspore.set_context.html +context: + mode: 0 # 0--Graph Mode; 1--Pynative Mode + device_target: "Ascend" # Target device to run (only supports "Ascend") + max_device_memory: "58GB" # Maximum memory available for the device + memory_optimize_level: "O0" # Memory optimization level + jit_config: # Global JIT configuration for compilation + jit_level: "O0" # Compilation optimization level + ascend_config: # Parameters specific to the Ascend hardware platform + precision_mode: "must_keep_origin_dtype" # Mixed precision mode setting + parallel_speed_up_json_path: "./configs/qwen3/parallel_speed_up.json" # Path to the parallel speedup JSON file + +# Parallel configuration +parallel_config: + data_parallel: &dp 2 # Number of data parallel + model_parallel: 2 # Number of model parallel + pipeline_stage: 2 # Number of pipeline parallel + micro_batch_num: 2 # Pipeline parallel microbatch size + use_seq_parallel: False # Whether to enable sequence parallelism + gradient_aggregation_group: 1 # Size of the gradient communication operator fusion group +# When model_parallel > 1, setting micro_batch_interleave_num to 2 may accelerate the training process. +micro_batch_interleave_num: 1 + +# Parallel context configuration +parallel: + parallel_mode: 1 # 0--data parallel; 1--semi-auto parallel; 2--auto parallel; 3--hybrid parallel + enable_alltoall: True # Enables AllToAll communication operator during parallel communication + full_batch: False # Whether to load the full batch of data in parallel mode + dataset_strategy: [ + [*dp, 1], + [*dp, 1], + [*dp, 1], + [*dp, 1], + [*dp, 1, 1, 1] + ] # Must match the length of train_dataset.input_columns + search_mode: "sharding_propagation" # Fully-automatic parallel strategy search mode + strategy_ckpt_config: + save_file: "./ckpt_strategy.ckpt" # Path for saving the parallel slicing strategy file + only_trainable_params: False # Whether to save/load slicing strategy for trainable parameters only + enable_parallel_optimizer: False # Whether to enable optimizer parallelism + +# Recomputation configuration +recompute_config: + recompute: True + select_recompute: False + parallel_optimizer_comm_recompute: True + mp_comm_recompute: True + +# Model configuration +model: + model_config: + # Configurations from Hugging Face + vocab_size: 151936 + hidden_size: 5120 + intermediate_size: 25600 + num_hidden_layers: 4 # 64 + num_attention_heads: 64 + num_key_value_heads: 8 + head_dim: 128 + hidden_act: 'swiglu' + max_position_embeddings: 4096 + seq_length: 4096 + initializer_range: 0.02 + rms_norm_eps: 1.e-6 + use_cache: True + tie_word_embeddings: False + rope_theta: 1000000. + attention_bias: False + use_flash_attention: True + add_bias_linear: False + eos_token_id: 151645 + pad_token_id: 151643 + bos_token_id: 151643 + attention_dropout: 0.0 + # Configurations from MindFormers + hidden_dropout: 0.0 + input_sliced_sig: True + untie_embeddings_and_output_weights: True + position_embedding_type: "rope" + qk_layernorm: True + use_contiguous_weight_layout_attention: False + qkv_concat: True + offset: [-1, 1] + params_dtype: "float32" + compute_dtype: "bfloat16" + layernorm_compute_dtype: "float32" + softmax_compute_dtype: "float32" + rotary_dtype: "float32" + residual_dtype: "float32" + model_type: "qwen3" + architectures: ["Qwen3ForCausalLM"] + +# Callbacks configuration, reference: https://www.mindspore.cn/mindformers/docs/en/r1.5.0/appendix/conf_files.html?highlight=enable_alltoall#callbacks-configuration +callbacks: + - type: MFLossMonitor # Prints training progress information + - type: CheckpointMonitor # Saves model weights during training + prefix: "qwen3" # Prefix for saved file names + save_checkpoint_steps: 10 # Interval steps for saving model weights + keep_checkpoint_max: 3 # Maximum number of saved model weight files + integrated_save: False # Whether to aggregate weights for saving + async_save: False # Whether to save model weights asynchronously + checkpoint_format: "safetensors" # Format for saving checkpoints + +# Wrapper cell configuration +runner_wrapper: + type: MFTrainOneStepCell + scale_sense: 1.0 + use_clip_grad: True + +profile: False +profile_start_step: 1 +profile_stop_step: 10 +init_start_profile: False +profile_communication: False +profile_memory: True +layer_scale: False +layer_decay: 0.65 +lr_scale_factor: 256 diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/\346\226\255\347\202\271\347\273\255\350\256\255\350\257\276\347\250\213\344\270\212\346\234\272\346\226\207\346\241\243.md" "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/\346\226\255\347\202\271\347\273\255\350\256\255\350\257\276\347\250\213\344\270\212\346\234\272\346\226\207\346\241\243.md" new file mode 100644 index 0000000..4242eab --- /dev/null +++ "b/02.MindSpore_Transformer_LLM_Course/Chapter06/6-\344\273\243\347\240\201\346\226\207\344\273\266/\346\226\255\347\202\271\347\273\255\350\256\255\350\257\276\347\250\213\344\270\212\346\234\272\346\226\207\346\241\243.md" @@ -0,0 +1,615 @@ +## 工程目录 + +```bash +/home/mindspore/work/sig_lesson_6/mindformers/ +``` + + + +## 词表下载 + +[Qwen/Qwen3-32B at main](https://huggingface.co/Qwen/Qwen3-32B/tree/main) + + + +## 数据集处理 + +参考文档:https://www.mindspore.cn/mindformers/docs/zh-CN/master/feature/dataset.html + +- 转wiki为json格式(自行开发脚本) + +```bash +python process_wiki_to_json.py +``` + +- 转megatron数据集1 + +```bash +python toolkit/data_preprocess/megatron/preprocess_indexed_dataset.py \ +--input /home/mindspore/work/sig_lesson_6/wiki.train.json \ +--output-prefix /home/mindspore/work/sig_lesson_6/megatron_data \ +--tokenizer-type HuggingFaceTokenizer \ +--tokenizer-dir /home/mindspore/work/sig_lesson_6/Qwen3-32B +``` + +- 转megatron数据集2 + +```bash +python toolkit/data_preprocess/megatron/preprocess_indexed_dataset.py \ +--input /home/mindspore/work/sig_lesson_6/wiki.train.json \ +--output-prefix /home/mindspore/work/sig_lesson_6/megatron_data2 \ +--tokenizer-type HuggingFaceTokenizer \ +--tokenizer-dir /home/mindspore/work/sig_lesson_6/Qwen3-32B +``` + + + +## 上机演示 + +### 中断续训 + +**概述:**正常训练任务异常中断,需要基于保存的权重重新恢复训练任务。 + +#### ① 初始训练 + +**描述:**运行Qwen3【4层】训练, bs=2,dp2-tp2-pp2,一共训练20步,训练到第15步手动停止任务,本次训练会保存第10步权重; + +拷贝`pretrain_qwen3_32b_4k.yaml`为`pretrain_qwen3_32b_4k_train_1-1.yaml`,并修改配置 + +```yaml +output_dir: './output_qwen3' +... +runner_config: + epochs: 1 + batch_size: 2 +... +lr_schedule: + type: CosineWithWarmUpLR + learning_rate: 1.5e-5 + lr_end: 1.5e-6 +... +train_dataset: &train_dataset + data_loader: + sizes: + - 160 + data_path: # Sampling proportion and path for the Megatron dataset + - "/home/mindspore/work/sig_lesson_6/megatron_data_text_document" +... +parallel_config: + data_parallel: &dp 2 # Number of data parallel + model_parallel: 2 # Number of model parallel + pipeline_stage: 2 # Number of pipeline parallel + micro_batch_num: 2 +... +model: + model_config: + num_hidden_layers: 2 + offset: [-1, 1] +... +callbacks: + - type: CheckpointMonitor # Saves model weights during training + save_checkpoint_steps: 10 # Interval steps for saving model weights + keep_checkpoint_max: 3 +``` + +运行命令: + +```bash +bash scripts/msrun_launcher.sh "run_mindformer.py --config configs/qwen3/pretrain_qwen3_32b_4k_train_1-1.yaml" +``` + +训练日志: + +```text +2025-10-16 11:25:12,147 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 1/ 20], loss: 12.988943, per_step_time: 120509ms, lr: 1.5e-05, overflow cond: False, loss_scale: 1.0, global_norm: [20.29484], train_throughput_per_npu: 0.194T +2025-10-16 11:25:12,148 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 5.0% |██ | 0.00830 samples/s/p 0:38:09 } +2025-10-16 11:25:14,291 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:25:14,292 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 2/ 20], loss: 11.152445, per_step_time: 2115ms, lr: 1.4916895e-05, overflow cond: False, loss_scale: 1.0, global_norm: [59.605118], train_throughput_per_npu: 11.044T +2025-10-16 11:25:14,293 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 10.0% |█████ | 0.47280 samples/s/p 0:00:38 } +2025-10-16 11:25:15,814 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:25:15,815 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 3/ 20], loss: 11.315407, per_step_time: 1518ms, lr: 1.4669631e-05, overflow cond: False, loss_scale: 1.0, global_norm: [66.69845], train_throughput_per_npu: 15.381T +2025-10-16 11:25:15,816 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 15.0% |███████ | 0.65846 samples/s/p 0:00:25 } +2025-10-16 11:25:17,335 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:25:17,336 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 4/ 20], loss: 11.152390, per_step_time: 1516ms, lr: 1.4264293e-05, overflow cond: False, loss_scale: 1.0, global_norm: [17.723818], train_throughput_per_npu: 15.401T +2025-10-16 11:25:17,337 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 20.0% |██████████ | 0.65931 samples/s/p 0:00:24 } +2025-10-16 11:25:18,852 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:25:18,853 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 5/ 20], loss: 10.914505, per_step_time: 1512ms, lr: 1.3710864e-05, overflow cond: False, loss_scale: 1.0, global_norm: [18.08451], train_throughput_per_npu: 15.440T +2025-10-16 11:25:18,854 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 25.0% |████████████ | 0.66098 samples/s/p 0:00:22 } +2025-10-16 11:25:20,372 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:25:20,372 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 6/ 20], loss: 10.134750, per_step_time: 1515ms, lr: 1.3022971e-05, overflow cond: False, loss_scale: 1.0, global_norm: [13.721817], train_throughput_per_npu: 15.416T +2025-10-16 11:25:20,374 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 30.0% |███████████████ | 0.65994 samples/s/p 0:00:21 } +2025-10-16 11:25:21,892 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:25:21,892 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 7/ 20], loss: 10.236618, per_step_time: 1516ms, lr: 1.221755e-05, overflow cond: False, loss_scale: 1.0, global_norm: [72.45325], train_throughput_per_npu: 15.408T +2025-10-16 11:25:21,894 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 35.0% |█████████████████ | 0.65961 samples/s/p 0:00:19 } +2025-10-16 11:25:23,409 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:25:23,410 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 8/ 20], loss: 10.729834, per_step_time: 1513ms, lr: 1.1314434e-05, overflow cond: False, loss_scale: 1.0, global_norm: [94.44166], train_throughput_per_npu: 15.436T +2025-10-16 11:25:23,411 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 40.0% |████████████████████ | 0.66081 samples/s/p 0:00:18 } +2025-10-16 11:25:24,927 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:25:24,928 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 9/ 20], loss: 9.902195, per_step_time: 1513ms, lr: 1.0335863e-05, overflow cond: False, loss_scale: 1.0, global_norm: [41.037834], train_throughput_per_npu: 15.431T +2025-10-16 11:25:24,929 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 45.0% |██████████████████████ | 0.66058 samples/s/p 0:00:16 } +2025-10-16 11:25:26,446 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:25:26,447 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 10/ 20], loss: 9.295567, per_step_time: 1514ms, lr: 9.305933e-06, overflow cond: False, loss_scale: 1.0, global_norm: [14.962573], train_throughput_per_npu: 15.421T +2025-10-16 11:25:26,448 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 50.0% |█████████████████████████ | 0.66018 samples/s/p 0:00:15 } +2025-10-16 11:25:26,449 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1435] - INFO - ......Saving ckpt...... +2025-10-16 11:25:26,449 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1494] - INFO - global_batch_size: 8 +2025-10-16 11:25:26,449 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1495] - INFO - epoch_num: 10 +2025-10-16 11:25:26,450 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1496] - INFO - step_num: 10 +2025-10-16 11:25:26,450 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1497] - INFO - global_step: 10 +2025-10-16 11:26:03,331 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1350] - INFO - Finish saving ckpt of epoch 10 step 1 using 36.791 seconds +2025-10-16 11:26:24,968 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:26:24,969 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 11/ 20], loss: 9.158279, per_step_time: 21634ms, lr: 8.249999e-06, overflow cond: False, loss_scale: 1.0, global_norm: [14.018612], train_throughput_per_npu: 1.080T +2025-10-16 11:26:24,970 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 55.0% |███████████████████████████ | 0.04622 samples/s/p 0:03:14 } +2025-10-16 11:26:26,491 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:26:26,491 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 12/ 20], loss: 8.932339, per_step_time: 1518ms, lr: 7.1940667e-06, overflow cond: False, loss_scale: 1.0, global_norm: [12.136359], train_throughput_per_npu: 15.388T +2025-10-16 11:26:26,492 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 60.0% |██████████████████████████████ | 0.65875 samples/s/p 0:00:12 } +2025-10-16 11:26:28,013 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:26:28,014 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 13/ 20], loss: 8.885098, per_step_time: 1518ms, lr: 6.164134e-06, overflow cond: False, loss_scale: 1.0, global_norm: [21.226376], train_throughput_per_npu: 15.381T +2025-10-16 11:26:28,015 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 65.0% |████████████████████████████████ | 0.65843 samples/s/p 0:00:10 } +2025-10-16 11:26:29,543 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:26:29,543 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 14/ 20], loss: 8.515237, per_step_time: 1525ms, lr: 5.185564e-06, overflow cond: False, loss_scale: 1.0, global_norm: [16.667692], train_throughput_per_npu: 15.313T +2025-10-16 11:26:29,545 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 70.0% |███████████████████████████████████ | 0.65552 samples/s/p 0:00:09 } +2025-10-16 11:26:31,066 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:26:31,067 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 15/ 20], loss: 8.407747, per_step_time: 1518ms, lr: 4.28245e-06, overflow cond: False, loss_scale: 1.0, global_norm: [13.268136], train_throughput_per_npu: 15.380T +2025-10-16 11:26:31,068 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 75.0% |█████████████████████████████████████ | 0.65840 samples/s/p 0:00:07 } +2025-10-16 11:26:32,588 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:26:32,589 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 16/ 20], loss: 8.467024, per_step_time: 1517ms, lr: 3.4770292e-06, overflow cond: False, loss_scale: 1.0, global_norm: [10.018916], train_throughput_per_npu: 15.393T +2025-10-16 11:26:32,590 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 80.0% |████████████████████████████████████████ | 0.65894 samples/s/p 0:00:06 } +2025-10-16 11:26:34,110 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:26:34,110 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 17/ 20], loss: 8.410109, per_step_time: 1517ms, lr: 2.7891351e-06, overflow cond: False, loss_scale: 1.0, global_norm: [6.815596], train_throughput_per_npu: 15.392T +2025-10-16 11:26:34,112 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 85.0% |██████████████████████████████████████████ | 0.65892 samples/s/p 0:00:04 } +``` + + + +#### ② 续训方式1 + +**描述:**基于**最后保存完整的权重**续训,验证从11步开始续训且loss对齐。 + +拷贝`pretrain_qwen3_32b_4k_train_1-1.yaml`为`pretrain_qwen3_32b_4k_train_1-2.yaml`,并修改配置 + +```yaml +load_checkpoint: '/home/mindspore/work/sig_lesson_6/mindformers/output_qwen3/checkpoint' +resume_training: True +``` + +运行命令: + +```bash +bash scripts/msrun_launcher.sh "run_mindformer.py --config configs/qwen3/pretrain_qwen3_32b_4k_train_1-2.yaml" +``` + +训练日志: + +```text +2025-10-16 11:31:26,626 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 11/ 20], loss: 9.158279, per_step_time: 30823ms, lr: 8.249999e-06, overflow cond: False, loss_scale: 1.0, global_norm: [14.018621], train_throughput_per_npu: 0.758T +2025-10-16 11:31:26,628 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 55.0% |███████████████████████████ | 0.03244 samples/s/p 0:04:37 } +2025-10-16 11:31:28,530 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:31:28,530 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 12/ 20], loss: 8.932501, per_step_time: 1873ms, lr: 7.1940667e-06, overflow cond: False, loss_scale: 1.0, global_norm: [12.136798], train_throughput_per_npu: 12.467T +2025-10-16 11:31:28,531 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 60.0% |██████████████████████████████ | 0.53370 samples/s/p 0:00:14 } +2025-10-16 11:31:30,053 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:31:30,054 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 13/ 20], loss: 8.885171, per_step_time: 1519ms, lr: 6.164134e-06, overflow cond: False, loss_scale: 1.0, global_norm: [21.22979], train_throughput_per_npu: 15.375T +2025-10-16 11:31:30,055 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 65.0% |████████████████████████████████ | 0.65819 samples/s/p 0:00:10 } +2025-10-16 11:31:31,575 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:31:31,576 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 14/ 20], loss: 8.515329, per_step_time: 1517ms, lr: 5.185564e-06, overflow cond: False, loss_scale: 1.0, global_norm: [16.667099], train_throughput_per_npu: 15.391T +2025-10-16 11:31:31,577 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 70.0% |███████████████████████████████████ | 0.65886 samples/s/p 0:00:09 } +2025-10-16 11:31:33,095 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:31:33,096 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 15/ 20], loss: 8.407721, per_step_time: 1515ms, lr: 4.28245e-06, overflow cond: False, loss_scale: 1.0, global_norm: [13.270613], train_throughput_per_npu: 15.415T +2025-10-16 11:31:33,097 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 75.0% |█████████████████████████████████████ | 0.65989 samples/s/p 0:00:07 } +2025-10-16 11:31:34,618 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:31:34,618 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 16/ 20], loss: 8.467200, per_step_time: 1518ms, lr: 3.4770292e-06, overflow cond: False, loss_scale: 1.0, global_norm: [10.019392], train_throughput_per_npu: 15.384T +2025-10-16 11:31:34,620 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 80.0% |████████████████████████████████████████ | 0.65856 samples/s/p 0:00:06 } +2025-10-16 11:31:36,139 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:31:36,140 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 17/ 20], loss: 8.410226, per_step_time: 1516ms, lr: 2.7891351e-06, overflow cond: False, loss_scale: 1.0, global_norm: [6.815823], train_throughput_per_npu: 15.399T +2025-10-16 11:31:36,141 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 85.0% |██████████████████████████████████████████ | 0.65921 samples/s/p 0:00:04 } +2025-10-16 11:31:37,657 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:31:37,658 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 18/ 20], loss: 8.403861, per_step_time: 1514ms, lr: 2.2357062e-06, overflow cond: False, loss_scale: 1.0, global_norm: [7.402732], train_throughput_per_npu: 15.428T +2025-10-16 11:31:37,659 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 90.0% |█████████████████████████████████████████████ | 0.66048 samples/s/p 0:00:03 } +2025-10-16 11:31:39,177 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:31:39,177 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 19/ 20], loss: 8.319234, per_step_time: 1515ms, lr: 1.8303688e-06, overflow cond: False, loss_scale: 1.0, global_norm: [7.509191], train_throughput_per_npu: 15.416T +2025-10-16 11:31:39,179 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 95.0% |███████████████████████████████████████████████ | 0.65995 samples/s/p 0:00:01 } +2025-10-16 11:31:40,696 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:31:40,697 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 20/ 20], loss: 8.276322, per_step_time: 1514ms, lr: 1.5831035e-06, overflow cond: False, loss_scale: 1.0, global_norm: [7.3199444], train_throughput_per_npu: 15.419T +2025-10-16 11:31:40,698 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 100.0% |██████████████████████████████████████████████████| 0.66009 samples/s/p 0:00:00 } +``` + + + + + +#### ③ 续训方式2 + +**描述:**指定**第10步权重**续训,验证从11步开始续训且loss对齐。 + +拷贝`pretrain_qwen3_32b_4k_train_1-2.yaml`为`pretrain_qwen3_32b_4k_train_1-3.yaml`,并修改配置 + +```yaml +resume_training: 'qwen3_rank_0-10_1.safetensors' +``` + +运行命令: + +```bash +bash scripts/msrun_launcher.sh "run_mindformer.py --config configs/qwen3/pretrain_qwen3_32b_4k_train_1-3.yaml" +``` + +训练日志: + +```text +2025-10-16 11:36:43,214 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 11/ 20], loss: 9.158279, per_step_time: 30686ms, lr: 8.249999e-06, overflow cond: False, loss_scale: 1.0, global_norm: [14.018583], train_throughput_per_npu: 0.761T +2025-10-16 11:36:43,216 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 55.0% |███████████████████████████ | 0.03259 samples/s/p 0:04:36 } +2025-10-16 11:36:44,759 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:36:44,759 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 12/ 20], loss: 8.932548, per_step_time: 1515ms, lr: 7.1940667e-06, overflow cond: False, loss_scale: 1.0, global_norm: [12.136445], train_throughput_per_npu: 15.416T +2025-10-16 11:36:44,761 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 60.0% |██████████████████████████████ | 0.65993 samples/s/p 0:00:12 } +2025-10-16 11:36:46,284 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:36:46,284 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 13/ 20], loss: 8.884958, per_step_time: 1520ms, lr: 6.164134e-06, overflow cond: False, loss_scale: 1.0, global_norm: [21.223118], train_throughput_per_npu: 15.361T +2025-10-16 11:36:46,286 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 65.0% |████████████████████████████████ | 0.65758 samples/s/p 0:00:10 } +2025-10-16 11:36:47,843 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:36:47,844 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 14/ 20], loss: 8.515385, per_step_time: 1555ms, lr: 5.185564e-06, overflow cond: False, loss_scale: 1.0, global_norm: [16.678844], train_throughput_per_npu: 15.019T +2025-10-16 11:36:47,845 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 70.0% |███████████████████████████████████ | 0.64297 samples/s/p 0:00:09 } +2025-10-16 11:36:49,365 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:36:49,365 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 15/ 20], loss: 8.407721, per_step_time: 1516ms, lr: 4.28245e-06, overflow cond: False, loss_scale: 1.0, global_norm: [13.271069], train_throughput_per_npu: 15.401T +2025-10-16 11:36:49,366 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 75.0% |█████████████████████████████████████ | 0.65929 samples/s/p 0:00:07 } +2025-10-16 11:36:50,918 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:36:50,919 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 16/ 20], loss: 8.467037, per_step_time: 1549ms, lr: 3.4770292e-06, overflow cond: False, loss_scale: 1.0, global_norm: [10.019668], train_throughput_per_npu: 15.075T +2025-10-16 11:36:50,920 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 80.0% |████████████████████████████████████████ | 0.64536 samples/s/p 0:00:06 } +2025-10-16 11:36:52,439 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:36:52,440 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 17/ 20], loss: 8.410301, per_step_time: 1516ms, lr: 2.7891351e-06, overflow cond: False, loss_scale: 1.0, global_norm: [6.817221], train_throughput_per_npu: 15.402T +2025-10-16 11:36:52,441 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 85.0% |██████████████████████████████████████████ | 0.65933 samples/s/p 0:00:04 } +2025-10-16 11:36:53,957 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:36:53,958 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 18/ 20], loss: 8.403791, per_step_time: 1513ms, lr: 2.2357062e-06, overflow cond: False, loss_scale: 1.0, global_norm: [7.4035015], train_throughput_per_npu: 15.434T +2025-10-16 11:36:53,959 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 90.0% |█████████████████████████████████████████████ | 0.66070 samples/s/p 0:00:03 } +2025-10-16 11:36:55,475 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:36:55,476 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 19/ 20], loss: 8.319315, per_step_time: 1514ms, lr: 1.8303688e-06, overflow cond: False, loss_scale: 1.0, global_norm: [7.506244], train_throughput_per_npu: 15.429T +2025-10-16 11:36:55,477 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 95.0% |███████████████████████████████████████████████ | 0.66050 samples/s/p 0:00:01 } +2025-10-16 11:36:57,009 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:36:57,010 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 20/ 20], loss: 8.276365, per_step_time: 1529ms, lr: 1.5831035e-06, overflow cond: False, loss_scale: 1.0, global_norm: [7.316961], train_throughput_per_npu: 15.272T +2025-10-16 11:36:57,011 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 100.0% |██████████████████████████████████████████████████| 0.65377 samples/s/p 0:00:00 } +``` + + + +### 转换策略续训 + +**概述:**需要修改分布式策略或扩大/缩小集群规模继续训练任务,同时需要权重转换。 + +#### ① 修改策略续训 + +**描述:**修改配置为bs=2, dp2-tp1-pp2,指定加载第10步权重转换续训,任务会**在线合并分布式权重**,验证任务从第11步开始续训且loss对齐。 + +拷贝`pretrain_qwen3_32b_4k_train_1-3.yaml`为`pretrain_qwen3_32b_4k_train_2-1.yaml`,并修改配置 + +```yaml +output_dir: './output_qwen3_2' +src_strategy_path_or_dir: '/home/mindspore/work/sig_lesson_6/mindformers/output_qwen3/strategy' +auto_trans_ckpt: True +parallel_config: + data_parallel: &dp 2 + model_parallel: 1 + pipeline_stage: 2 +``` + +运行命令: + +```bash +bash scripts/msrun_launcher.sh "run_mindformer.py --config configs/qwen3/pretrain_qwen3_32b_4k_train_2-1.yaml" 4 +``` + +训练日志: + +```text +2025-10-16 11:45:42,086 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 11/ 20], loss: 9.158377, per_step_time: 29870ms, lr: 8.249999e-06, overflow cond: False, loss_scale: 1.0, global_norm: [14.0188265], train_throughput_per_npu: 2.686T +2025-10-16 11:45:42,087 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 55.0% |███████████████████████████ | 0.06695 samples/s/p 0:04:28 } +2025-10-16 11:45:45,850 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:45:45,853 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 12/ 20], loss: 8.932455, per_step_time: 3736ms, lr: 7.1940667e-06, overflow cond: False, loss_scale: 1.0, global_norm: [12.136663], train_throughput_per_npu: 21.473T +2025-10-16 11:45:45,854 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 60.0% |██████████████████████████████ | 0.53519 samples/s/p 0:00:29 } +2025-10-16 11:45:48,589 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:45:48,590 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 13/ 20], loss: 8.885075, per_step_time: 2732ms, lr: 6.164134e-06, overflow cond: False, loss_scale: 1.0, global_norm: [21.233116], train_throughput_per_npu: 29.366T +2025-10-16 11:45:48,591 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 65.0% |████████████████████████████████ | 0.73193 samples/s/p 0:00:19 } +2025-10-16 11:45:51,331 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:45:51,331 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 14/ 20], loss: 8.515325, per_step_time: 2737ms, lr: 5.185564e-06, overflow cond: False, loss_scale: 1.0, global_norm: [16.676113], train_throughput_per_npu: 29.316T +2025-10-16 11:45:51,332 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 70.0% |███████████████████████████████████ | 0.73067 samples/s/p 0:00:16 } +2025-10-16 11:45:54,070 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:45:54,070 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 15/ 20], loss: 8.407734, per_step_time: 2735ms, lr: 4.28245e-06, overflow cond: False, loss_scale: 1.0, global_norm: [13.26971], train_throughput_per_npu: 29.338T +2025-10-16 11:45:54,071 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 75.0% |█████████████████████████████████████ | 0.73122 samples/s/p 0:00:13 } +2025-10-16 11:45:56,807 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:45:56,807 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 16/ 20], loss: 8.466991, per_step_time: 2733ms, lr: 3.4770292e-06, overflow cond: False, loss_scale: 1.0, global_norm: [10.020935], train_throughput_per_npu: 29.360T +2025-10-16 11:45:56,808 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 80.0% |████████████████████████████████████████ | 0.73178 samples/s/p 0:00:10 } +2025-10-16 11:45:59,543 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:45:59,544 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 17/ 20], loss: 8.410078, per_step_time: 2732ms, lr: 2.7891351e-06, overflow cond: False, loss_scale: 1.0, global_norm: [6.814938], train_throughput_per_npu: 29.361T +2025-10-16 11:45:59,545 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 85.0% |██████████████████████████████████████████ | 0.73180 samples/s/p 0:00:08 } +2025-10-16 11:46:02,280 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:46:02,281 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 18/ 20], loss: 8.403811, per_step_time: 2733ms, lr: 2.2357062e-06, overflow cond: False, loss_scale: 1.0, global_norm: [7.4037285], train_throughput_per_npu: 29.359T +2025-10-16 11:46:02,282 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 90.0% |█████████████████████████████████████████████ | 0.73175 samples/s/p 0:00:05 } +2025-10-16 11:46:05,019 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:46:05,020 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 19/ 20], loss: 8.319027, per_step_time: 2735ms, lr: 1.8303688e-06, overflow cond: False, loss_scale: 1.0, global_norm: [7.5093493], train_throughput_per_npu: 29.338T +2025-10-16 11:46:05,021 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 95.0% |███████████████████████████████████████████████ | 0.73123 samples/s/p 0:00:02 } +2025-10-16 11:46:07,765 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:46:07,766 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 20/ 20], loss: 8.276321, per_step_time: 2741ms, lr: 1.5831035e-06, overflow cond: False, loss_scale: 1.0, global_norm: [7.3206153], train_throughput_per_npu: 29.266T +2025-10-16 11:46:07,767 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 100.0% |██████████████████████████████████████████████████| 0.72942 samples/s/p 0:00:00 } +``` + + + +#### ② 扩容续训 + +**描述:**修改配置为dp4-tp1-pp2,加载**合并权重**续训,验证任务从第5步开始续训且loss在合理范围内。 + +拷贝`pretrain_qwen3_32b_4k_train_2-1.yaml`为`pretrain_qwen3_32b_4k_train_2-2.yaml`,并修改配置 + +```yaml +load_checkpoint: '/home/mindspore/work/sig_lesson_6/mindformers/output_qwen3_2/unified_checkpoint' +src_strategy_path_or_dir: '' +resume_training: True +``` + +运行命令: + +```bash +bash scripts/msrun_launcher.sh "run_mindformer.py --config configs/qwen3/pretrain_qwen3_32b_4k_train_2-2.yaml" +``` + +训练日志: + +```text +2025-10-16 11:51:40,802 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 6/ 10], loss: 9.114973, per_step_time: 41029ms, lr: 8.249999e-06, overflow cond: False, loss_scale: 1.0, global_norm: [13.064995], train_throughput_per_npu: 1.139T +2025-10-16 11:51:40,803 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 60.0% |██████████████████████████████ | 0.04874 samples/s/p 0:02:44 } +2025-10-16 11:51:44,110 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:51:44,110 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 7/ 10], loss: 8.812031, per_step_time: 3280ms, lr: 6.164134e-06, overflow cond: False, loss_scale: 1.0, global_norm: [15.712417], train_throughput_per_npu: 14.241T +2025-10-16 11:51:44,111 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 70.0% |███████████████████████████████████ | 0.60966 samples/s/p 0:00:09 } +2025-10-16 11:51:46,709 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:51:46,710 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 8/ 10], loss: 8.782402, per_step_time: 2595ms, lr: 4.28245e-06, overflow cond: False, loss_scale: 1.0, global_norm: [21.09246], train_throughput_per_npu: 18.001T +2025-10-16 11:51:46,711 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 80.0% |████████████████████████████████████████ | 0.77059 samples/s/p 0:00:05 } +2025-10-16 11:51:49,314 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:51:49,314 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 9/ 10], loss: 8.804184, per_step_time: 2600ms, lr: 2.7891351e-06, overflow cond: False, loss_scale: 1.0, global_norm: [18.780453], train_throughput_per_npu: 17.969T +2025-10-16 11:51:49,315 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 90.0% |█████████████████████████████████████████████ | 0.76922 samples/s/p 0:00:02 } +2025-10-16 11:51:53,236 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 11:51:53,236 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 1], step:[ 10/ 10], loss: 8.601419, per_step_time: 3917ms, lr: 1.8303688e-06, overflow cond: False, loss_scale: 1.0, global_norm: [10.595917], train_throughput_per_npu: 11.925T +2025-10-16 11:51:53,237 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 100.0% |██████████████████████████████████████████████████| 0.51048 samples/s/p 0:00:00 } +``` + + + +### 增量续训 + +**概述:**训练数据集边生产边训练,当前数据集训练结束后,加入新生产的训练数据集继续训练。 + +**前期准备:**准备两个数据集 + +#### ① 训练数据集1 + +**描述:**运行Qwen3【4层】训练,bs=2,dp2-tp2-pp2,一共训练20步,保存第20步权重。 + +拷贝`pretrain_qwen3_32b_4k_train_1-1.yaml`为`pretrain_qwen3_32b_4k_train_3-1.yaml`,并修改配置 + +```yaml +output_dir: './output_qwen3_3' +epochs: 10 +total_steps: 40 +``` + +运行命令: + +```bash +bash scripts/msrun_launcher.sh "run_mindformer.py --config configs/qwen3/pretrain_qwen3_32b_4k_train_3-1.yaml" +``` + +训练日志: + +```text +2025-10-16 12:01:36,275 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/trainer/base_trainer.py:1449] - INFO - .........Starting Training Model.......... +..2025-10-16 12:03:00,207 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:03:01,234 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:470] - INFO - Full model flops is 149716117487616, Shard model flops is 120029303537664. +2025-10-16 12:03:01,234 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 10], step:[ 1/ 20], loss: 12.988943, per_step_time: 76374ms, lr: 1.5e-05, overflow cond: False, loss_scale: 1.0, global_norm: [20.294798], train_throughput_per_npu: 0.306T +2025-10-16 12:03:01,236 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 0.5% | | 0.01309 samples/s/p 4:13:18 } +2025-10-16 12:03:03,298 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:03:03,299 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 10], step:[ 2/ 20], loss: 11.152285, per_step_time: 2038ms, lr: 1.497919e-05, overflow cond: False, loss_scale: 1.0, global_norm: [59.590164], train_throughput_per_npu: 11.457T +2025-10-16 12:03:03,300 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 1.0% | | 0.49044 samples/s/p 0:06:43 } +2025-10-16 12:03:04,820 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:03:04,821 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 10], step:[ 3/ 20], loss: 11.322637, per_step_time: 1517ms, lr: 1.4916895e-05, overflow cond: False, loss_scale: 1.0, global_norm: [66.926125], train_throughput_per_npu: 15.396T +2025-10-16 12:03:04,822 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 1.5% | | 0.65910 samples/s/p 0:04:58 } +2025-10-16 12:03:06,345 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:03:06,345 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 10], step:[ 4/ 20], loss: 11.163303, per_step_time: 1520ms, lr: 1.4813497e-05, overflow cond: False, loss_scale: 1.0, global_norm: [17.629583], train_throughput_per_npu: 15.366T +2025-10-16 12:03:06,346 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 2.0% |█ | 0.65780 samples/s/p 0:04:57 } +2025-10-16 12:03:07,873 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:03:07,873 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 10], step:[ 5/ 20], loss: 10.909895, per_step_time: 1524ms, lr: 1.4669631e-05, overflow cond: False, loss_scale: 1.0, global_norm: [17.921074], train_throughput_per_npu: 15.328T +2025-10-16 12:03:07,874 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 2.5% |█ | 0.65616 samples/s/p 0:04:57 } +2025-10-16 12:03:09,402 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:03:09,403 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 10], step:[ 6/ 20], loss: 10.105618, per_step_time: 1525ms, lr: 1.4486186e-05, overflow cond: False, loss_scale: 1.0, global_norm: [13.835648], train_throughput_per_npu: 15.313T +2025-10-16 12:03:09,404 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 3.0% |█ | 0.65555 samples/s/p 0:04:55 } +2025-10-16 12:03:10,924 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:03:10,924 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 10], step:[ 7/ 20], loss: 9.938313, per_step_time: 1516ms, lr: 1.4264293e-05, overflow cond: False, loss_scale: 1.0, global_norm: [49.54612], train_throughput_per_npu: 15.399T +2025-10-16 12:03:10,925 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 3.5% |█ | 0.65921 samples/s/p 0:04:52 } +2025-10-16 12:03:12,442 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:03:12,443 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 10], step:[ 8/ 20], loss: 11.121490, per_step_time: 1514ms, lr: 1.400532e-05, overflow cond: False, loss_scale: 1.0, global_norm: [103.26017], train_throughput_per_npu: 15.425T +2025-10-16 12:03:12,444 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 4.0% |██ | 0.66034 samples/s/p 0:04:50 } +2025-10-16 12:03:13,962 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:03:13,963 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 10], step:[ 9/ 20], loss: 10.047550, per_step_time: 1515ms, lr: 1.3710864e-05, overflow cond: False, loss_scale: 1.0, global_norm: [59.293636], train_throughput_per_npu: 15.416T +2025-10-16 12:03:13,964 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 4.5% |██ | 0.65996 samples/s/p 0:04:49 } +2025-10-16 12:03:15,482 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:03:15,483 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 10], step:[ 10/ 20], loss: 9.394676, per_step_time: 1515ms, lr: 1.338274e-05, overflow cond: False, loss_scale: 1.0, global_norm: [17.683195], train_throughput_per_npu: 15.409T +2025-10-16 12:03:15,484 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 5.0% |██ | 0.65967 samples/s/p 0:04:48 } +2025-10-16 12:03:15,485 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1435] - INFO - ......Saving ckpt...... +2025-10-16 12:03:15,485 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1494] - INFO - global_batch_size: 8 +2025-10-16 12:03:15,485 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1495] - INFO - epoch_num: 10 +2025-10-16 12:03:15,486 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1496] - INFO - step_num: 10 +2025-10-16 12:03:15,486 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1497] - INFO - global_step: 10 +2025-10-16 12:04:07,802 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1350] - INFO - Finish saving ckpt of epoch 10 step 1 using 52.230 seconds +2025-10-16 12:04:09,325 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:04:09,326 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 10], step:[ 11/ 20], loss: 9.335443, per_step_time: 1520ms, lr: 1.3022971e-05, overflow cond: False, loss_scale: 1.0, global_norm: [14.212884], train_throughput_per_npu: 15.368T +2025-10-16 12:04:09,327 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 5.5% |██ | 0.65787 samples/s/p 0:04:47 } +2025-10-16 12:04:10,850 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:04:10,850 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 10], step:[ 12/ 20], loss: 9.042027, per_step_time: 1519ms, lr: 1.2633773e-05, overflow cond: False, loss_scale: 1.0, global_norm: [20.529808], train_throughput_per_npu: 15.371T +2025-10-16 12:04:10,851 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 6.0% |███ | 0.65802 samples/s/p 0:04:45 } +2025-10-16 12:04:12,371 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:04:12,371 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 10], step:[ 13/ 20], loss: 8.725659, per_step_time: 1516ms, lr: 1.221755e-05, overflow cond: False, loss_scale: 1.0, global_norm: [12.70041], train_throughput_per_npu: 15.399T +2025-10-16 12:04:12,373 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 6.5% |███ | 0.65923 samples/s/p 0:04:43 } +2025-10-16 12:04:13,891 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:04:13,892 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 10], step:[ 14/ 20], loss: 8.437876, per_step_time: 1516ms, lr: 1.1776865e-05, overflow cond: False, loss_scale: 1.0, global_norm: [23.36068], train_throughput_per_npu: 15.406T +2025-10-16 12:04:13,893 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 7.0% |███ | 0.65952 samples/s/p 0:04:42 } +2025-10-16 12:04:15,412 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:04:15,412 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 10], step:[ 15/ 20], loss: 8.416552, per_step_time: 1515ms, lr: 1.1314434e-05, overflow cond: False, loss_scale: 1.0, global_norm: [17.947992], train_throughput_per_npu: 15.410T +2025-10-16 12:04:15,413 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 7.5% |███ | 0.65967 samples/s/p 0:04:40 } +2025-10-16 12:04:16,933 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:04:16,934 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 10], step:[ 16/ 20], loss: 8.436235, per_step_time: 1517ms, lr: 1.0833113e-05, overflow cond: False, loss_scale: 1.0, global_norm: [16.866219], train_throughput_per_npu: 15.397T +2025-10-16 12:04:16,935 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 8.0% |████ | 0.65914 samples/s/p 0:04:39 } +2025-10-16 12:04:18,452 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:04:18,453 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 10], step:[ 17/ 20], loss: 8.289206, per_step_time: 1515ms, lr: 1.0335863e-05, overflow cond: False, loss_scale: 1.0, global_norm: [8.778104], train_throughput_per_npu: 15.418T +2025-10-16 12:04:18,454 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 8.5% |████ | 0.66005 samples/s/p 0:04:37 } +2025-10-16 12:04:19,973 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:04:19,974 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 10], step:[ 18/ 20], loss: 8.255161, per_step_time: 1516ms, lr: 9.825755e-06, overflow cond: False, loss_scale: 1.0, global_norm: [12.741383], train_throughput_per_npu: 15.401T +2025-10-16 12:04:19,975 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 9.0% |████ | 0.65928 samples/s/p 0:04:36 } +2025-10-16 12:04:21,494 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:04:21,495 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 10], step:[ 19/ 20], loss: 8.107678, per_step_time: 1516ms, lr: 9.305933e-06, overflow cond: False, loss_scale: 1.0, global_norm: [9.425522], train_throughput_per_npu: 15.407T +2025-10-16 12:04:21,496 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 9.5% |████ | 0.65957 samples/s/p 0:04:34 } +2025-10-16 12:04:23,022 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:04:23,022 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 1/ 10], step:[ 20/ 20], loss: 7.960324, per_step_time: 1522ms, lr: 8.779598e-06, overflow cond: False, loss_scale: 1.0, global_norm: [6.6081753], train_throughput_per_npu: 15.339T +2025-10-16 12:04:23,023 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 10.0% |█████ | 0.65666 samples/s/p 0:04:34 } +2025-10-16 12:04:23,024 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1435] - INFO - ......Saving ckpt...... +2025-10-16 12:04:23,025 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1494] - INFO - global_batch_size: 8 +2025-10-16 12:04:23,025 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1495] - INFO - epoch_num: 20 +2025-10-16 12:04:23,025 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1496] - INFO - step_num: 20 +2025-10-16 12:04:23,025 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1497] - INFO - global_step: 20 +2025-10-16 12:04:52,819 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1350] - INFO - Finish saving ckpt of epoch 20 step 1 using 29.694 seconds +2025-10-16 12:05:04,739 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:05:04,740 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 2/ 10], step:[ 1/ 20], loss: 7.715164, per_step_time: 11916ms, lr: 8.249999e-06, overflow cond: False, loss_scale: 1.0, global_norm: [6.416067], train_throughput_per_npu: 1.960T +2025-10-16 12:05:04,741 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 10.5% |█████ | 0.08392 samples/s/p 0:35:33 } +2025-10-16 12:05:06,263 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:05:06,263 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 2/ 10], step:[ 2/ 20], loss: 8.001792, per_step_time: 1519ms, lr: 7.720401e-06, overflow cond: False, loss_scale: 1.0, global_norm: [9.585871], train_throughput_per_npu: 15.375T +2025-10-16 12:05:06,265 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 11.0% |█████ | 0.65818 samples/s/p 0:04:30 } +2025-10-16 12:05:07,788 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:05:07,788 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 2/ 10], step:[ 3/ 20], loss: 7.790206, per_step_time: 1520ms, lr: 7.1940667e-06, overflow cond: False, loss_scale: 1.0, global_norm: [8.86793], train_throughput_per_npu: 15.365T +2025-10-16 12:05:07,789 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 11.5% |█████ | 0.65774 samples/s/p 0:04:29 } +``` + + + +#### ② 训练数据集2 + +**描述:**更换数据集2,基于最后保存的权重续训,验证从21步开始续训且loss在合理范围内,训练到第35步左右手动停止任务,保存第30步权重 。 + +拷贝`pretrain_qwen3_32b_4k_train_3-1.yaml`为`pretrain_qwen3_32b_4k_train_3-2.yaml`,并修改配置 + +```yaml +load_checkpoint: '/home/mindspore/work/sig_lesson_6/mindformers/output_qwen3_3/checkpoint' +resume_training: True +train_dataset: &train_dataset + data_loader: + sizes: + - 120 + data_path: # Sampling proportion and path for the Megatron dataset + - "/home/mindspore/work/sig_lesson_6/megatron_data2_text_document" +``` + +运行命令: + +```bash +bash scripts/msrun_launcher.sh "run_mindformer.py --config configs/qwen3/pretrain_qwen3_32b_4k_train_3-2.yaml" +``` + +训练日志: + +```text +2025-10-16 12:09:56,603 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 2/ 10], step:[ 6/ 15], loss: 7.757602, per_step_time: 29568ms, lr: 8.249999e-06, overflow cond: False, loss_scale: 1.0, global_norm: [6.5633774], train_throughput_per_npu: 0.790T +2025-10-16 12:09:56,605 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 14.0% |███████ | 0.03382 samples/s/p 1:03:34 } +2025-10-16 12:09:58,504 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:09:58,505 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 2/ 10], step:[ 7/ 15], loss: 7.776651, per_step_time: 1875ms, lr: 7.720401e-06, overflow cond: False, loss_scale: 1.0, global_norm: [10.859435], train_throughput_per_npu: 12.452T +2025-10-16 12:09:58,506 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 14.7% |███████ | 0.53305 samples/s/p 0:04:00 } +2025-10-16 12:10:00,024 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:10:00,025 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 2/ 10], step:[ 8/ 15], loss: 7.792886, per_step_time: 1516ms, lr: 7.1940667e-06, overflow cond: False, loss_scale: 1.0, global_norm: [8.898812], train_throughput_per_npu: 15.406T +2025-10-16 12:10:00,026 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 15.3% |███████ | 0.65952 samples/s/p 0:03:12 } +2025-10-16 12:10:01,546 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:10:01,547 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 2/ 10], step:[ 9/ 15], loss: 7.823087, per_step_time: 1517ms, lr: 6.674243e-06, overflow cond: False, loss_scale: 1.0, global_norm: [6.0935783], train_throughput_per_npu: 15.393T +2025-10-16 12:10:01,548 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 16.0% |████████ | 0.65897 samples/s/p 0:03:11 } +2025-10-16 12:10:03,101 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:10:03,101 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 2/ 10], step:[ 10/ 15], loss: 7.658785, per_step_time: 1550ms, lr: 6.164134e-06, overflow cond: False, loss_scale: 1.0, global_norm: [6.165509], train_throughput_per_npu: 15.067T +2025-10-16 12:10:03,103 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 16.7% |████████ | 0.64499 samples/s/p 0:03:13 } +2025-10-16 12:10:04,624 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:10:04,625 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 2/ 10], step:[ 11/ 15], loss: 7.787768, per_step_time: 1519ms, lr: 5.666886e-06, overflow cond: False, loss_scale: 1.0, global_norm: [7.5175867], train_throughput_per_npu: 15.376T +2025-10-16 12:10:04,626 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 17.3% |████████ | 0.65824 samples/s/p 0:03:08 } +2025-10-16 12:10:06,145 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:10:06,146 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 2/ 10], step:[ 12/ 15], loss: 7.674144, per_step_time: 1516ms, lr: 5.185564e-06, overflow cond: False, loss_scale: 1.0, global_norm: [6.3638673], train_throughput_per_npu: 15.404T +2025-10-16 12:10:06,147 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 18.0% |█████████ | 0.65942 samples/s/p 0:03:06 } +2025-10-16 12:10:07,664 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:10:07,664 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 2/ 10], step:[ 13/ 15], loss: 7.570381, per_step_time: 1514ms, lr: 4.7231338e-06, overflow cond: False, loss_scale: 1.0, global_norm: [5.412529], train_throughput_per_npu: 15.425T +2025-10-16 12:10:07,666 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 18.7% |█████████ | 0.66032 samples/s/p 0:03:04 } +2025-10-16 12:10:09,183 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:10:09,183 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 2/ 10], step:[ 14/ 15], loss: 7.384876, per_step_time: 1514ms, lr: 4.28245e-06, overflow cond: False, loss_scale: 1.0, global_norm: [3.947785], train_throughput_per_npu: 15.424T +2025-10-16 12:10:09,184 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 19.3% |█████████ | 0.66029 samples/s/p 0:03:03 } +2025-10-16 12:10:10,702 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:10:10,702 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 2/ 10], step:[ 15/ 15], loss: 7.394458, per_step_time: 1514ms, lr: 3.866226e-06, overflow cond: False, loss_scale: 1.0, global_norm: [4.0848], train_throughput_per_npu: 15.423T +2025-10-16 12:10:10,703 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 20.0% |██████████ | 0.66023 samples/s/p 0:03:01 } +2025-10-16 12:10:10,704 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1435] - INFO - ......Saving ckpt...... +2025-10-16 12:10:10,704 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1494] - INFO - global_batch_size: 8 +2025-10-16 12:10:10,705 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1495] - INFO - epoch_num: 30 +2025-10-16 12:10:10,705 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1496] - INFO - step_num: 30 +2025-10-16 12:10:10,705 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1497] - INFO - global_step: 30 +2025-10-16 12:11:15,846 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:1350] - INFO - Finish saving ckpt of epoch 10 step 1 using 65.056 seconds +2025-10-16 12:11:17,363 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:11:17,364 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 3/ 10], step:[ 1/ 15], loss: 7.398445, per_step_time: 1515ms, lr: 3.4770292e-06, overflow cond: False, loss_scale: 1.0, global_norm: [7.361766], train_throughput_per_npu: 15.418T +2025-10-16 12:11:17,365 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 20.7% |██████████ | 0.66005 samples/s/p 0:03:00 } +2025-10-16 12:11:18,887 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:11:18,888 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 3/ 10], step:[ 2/ 15], loss: 7.654553, per_step_time: 1519ms, lr: 3.11726e-06, overflow cond: False, loss_scale: 1.0, global_norm: [5.0824885], train_throughput_per_npu: 15.369T +2025-10-16 12:11:18,889 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 21.3% |██████████ | 0.65794 samples/s/p 0:02:59 } +2025-10-16 12:11:20,407 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:11:20,408 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 3/ 10], step:[ 3/ 15], loss: 7.471928, per_step_time: 1515ms, lr: 2.7891351e-06, overflow cond: False, loss_scale: 1.0, global_norm: [5.1529117], train_throughput_per_npu: 15.410T +2025-10-16 12:11:20,409 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 22.0% |███████████ | 0.65968 samples/s/p 0:02:57 } +2025-10-16 12:11:21,927 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:11:21,927 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 3/ 10], step:[ 4/ 15], loss: 7.276101, per_step_time: 1515ms, lr: 2.494678e-06, overflow cond: False, loss_scale: 1.0, global_norm: [5.9446826], train_throughput_per_npu: 15.414T +2025-10-16 12:11:21,929 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 22.7% |███████████ | 0.65986 samples/s/p 0:02:55 } +2025-10-16 12:11:23,448 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:11:23,448 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 3/ 10], step:[ 5/ 15], loss: 7.311204, per_step_time: 1516ms, lr: 2.2357062e-06, overflow cond: False, loss_scale: 1.0, global_norm: [3.83122], train_throughput_per_npu: 15.408T +2025-10-16 12:11:23,449 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 23.3% |███████████ | 0.65958 samples/s/p 0:02:54 } +2025-10-16 12:11:24,968 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:11:24,969 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 3/ 10], step:[ 6/ 15], loss: 7.245948, per_step_time: 1516ms, lr: 2.013813e-06, overflow cond: False, loss_scale: 1.0, global_norm: [4.297004], train_throughput_per_npu: 15.405T +2025-10-16 12:11:24,970 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 24.0% |████████████ | 0.65946 samples/s/p 0:02:52 } +2025-10-16 12:11:26,489 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:11:26,489 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 3/ 10], step:[ 7/ 15], loss: 7.283252, per_step_time: 1515ms, lr: 1.8303688e-06, overflow cond: False, loss_scale: 1.0, global_norm: [4.562732], train_throughput_per_npu: 15.410T +2025-10-16 12:11:26,490 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 24.7% |████████████ | 0.65969 samples/s/p 0:02:51 } +``` + + + +#### ③ 续训数据集2 + +**描述:**基于最后保存的权重续训,验证续训从30步开始,loss对齐。 + +运行命令: + +```bash +bash scripts/msrun_launcher.sh "run_mindformer.py --config configs/qwen3/pretrain_qwen3_32b_4k_train_3-2.yaml" +``` + +训练日志: + +```text +2025-10-16 12:15:53,995 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 3/ 10], step:[ 1/ 15], loss: 7.398445, per_step_time: 30360ms, lr: 3.4770292e-06, overflow cond: False, loss_scale: 1.0, global_norm: [7.361754], train_throughput_per_npu: 0.769T +2025-10-16 12:15:53,996 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 20.7% |██████████ | 0.03294 samples/s/p 1:00:12 } +2025-10-16 12:15:55,874 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:15:55,874 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 3/ 10], step:[ 2/ 15], loss: 7.654472, per_step_time: 1853ms, lr: 3.11726e-06, overflow cond: False, loss_scale: 1.0, global_norm: [5.0821295], train_throughput_per_npu: 12.600T +2025-10-16 12:15:55,875 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 21.3% |██████████ | 0.53941 samples/s/p 0:03:38 } +2025-10-16 12:15:57,396 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:15:57,396 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 3/ 10], step:[ 3/ 15], loss: 7.471920, per_step_time: 1517ms, lr: 2.7891351e-06, overflow cond: False, loss_scale: 1.0, global_norm: [5.152682], train_throughput_per_npu: 15.389T +2025-10-16 12:15:57,397 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 22.0% |███████████ | 0.65878 samples/s/p 0:02:57 } +2025-10-16 12:15:58,921 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:15:58,921 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 3/ 10], step:[ 4/ 15], loss: 7.276098, per_step_time: 1520ms, lr: 2.494678e-06, overflow cond: False, loss_scale: 1.0, global_norm: [5.9442096], train_throughput_per_npu: 15.361T +2025-10-16 12:15:58,922 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 22.7% |███████████ | 0.65757 samples/s/p 0:02:56 } +2025-10-16 12:16:00,457 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:16:00,457 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 3/ 10], step:[ 5/ 15], loss: 7.311240, per_step_time: 1531ms, lr: 2.2357062e-06, overflow cond: False, loss_scale: 1.0, global_norm: [3.831543], train_throughput_per_npu: 15.252T +2025-10-16 12:16:00,458 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 23.3% |███████████ | 0.65292 samples/s/p 0:02:56 } +2025-10-16 12:16:02,019 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:16:02,020 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 3/ 10], step:[ 6/ 15], loss: 7.245981, per_step_time: 1558ms, lr: 2.013813e-06, overflow cond: False, loss_scale: 1.0, global_norm: [4.297491], train_throughput_per_npu: 14.989T +2025-10-16 12:16:02,021 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 24.0% |████████████ | 0.64165 samples/s/p 0:02:57 } +2025-10-16 12:16:03,540 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:16:03,540 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 3/ 10], step:[ 7/ 15], loss: 7.283454, per_step_time: 1516ms, lr: 1.8303688e-06, overflow cond: False, loss_scale: 1.0, global_norm: [4.561908], train_throughput_per_npu: 15.407T +2025-10-16 12:16:03,542 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 24.7% |████████████ | 0.65956 samples/s/p 0:02:51 } +2025-10-16 12:16:05,100 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:16:05,101 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 3/ 10], step:[ 8/ 15], loss: 7.327477, per_step_time: 1556ms, lr: 1.6865024e-06, overflow cond: False, loss_scale: 1.0, global_norm: [4.1615686], train_throughput_per_npu: 15.010T +2025-10-16 12:16:05,102 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 25.3% |████████████ | 0.64258 samples/s/p 0:02:54 } +2025-10-16 12:16:06,620 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:16:06,620 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 3/ 10], step:[ 9/ 15], loss: 7.402902, per_step_time: 1514ms, lr: 1.5831035e-06, overflow cond: False, loss_scale: 1.0, global_norm: [3.878625], train_throughput_per_npu: 15.419T +2025-10-16 12:16:06,621 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 26.0% |█████████████ | 0.66009 samples/s/p 0:02:48 } +2025-10-16 12:16:08,139 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:374] - WARNING - pipeline stages: 2 > 1, the loss on the last card is valid. +2025-10-16 12:16:08,140 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:544] - INFO - { Epoch:[ 3/ 10], step:[ 10/ 15], loss: 7.270339, per_step_time: 1514ms, lr: 1.5208075e-06, overflow cond: False, loss_scale: 1.0, global_norm: [2.8283603], train_throughput_per_npu: 15.419T +2025-10-16 12:16:08,141 - mindformers/home/mindspore/work/sig_lesson_6/mindformers/output/log[mindformers/core/callback/callback.py:560] - INFO - 26.7% |█████████████ | 0.66008 samples/s/p 0:02:46 } +``` + diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter07/7-MindSpore Transformers\350\256\255\347\273\203\345\234\250\347\272\277\347\233\221\346\216\247\344\273\213\347\273\215\344\270\216\345\256\236\350\267\265.pdf" "b/02.MindSpore_Transformer_LLM_Course/Chapter07/7-MindSpore Transformers\350\256\255\347\273\203\345\234\250\347\272\277\347\233\221\346\216\247\344\273\213\347\273\215\344\270\216\345\256\236\350\267\265.pdf" new file mode 100644 index 0000000..f5491b8 Binary files /dev/null and "b/02.MindSpore_Transformer_LLM_Course/Chapter07/7-MindSpore Transformers\350\256\255\347\273\203\345\234\250\347\272\277\347\233\221\346\216\247\344\273\213\347\273\215\344\270\216\345\256\236\350\267\265.pdf" differ diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter08/8-MindSpore Transformers \350\256\255\347\273\203\351\253\230\345\217\257\347\224\250\347\211\271\346\200\247\344\273\213\347\273\215.pdf" "b/02.MindSpore_Transformer_LLM_Course/Chapter08/8-MindSpore Transformers \350\256\255\347\273\203\351\253\230\345\217\257\347\224\250\347\211\271\346\200\247\344\273\213\347\273\215.pdf" new file mode 100644 index 0000000..d6cc7e4 Binary files /dev/null and "b/02.MindSpore_Transformer_LLM_Course/Chapter08/8-MindSpore Transformers \350\256\255\347\273\203\351\253\230\345\217\257\347\224\250\347\211\271\346\200\247\344\273\213\347\273\215.pdf" differ diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter09/9-MindSpore Transformers LLM\346\216\250\347\220\206\344\273\213\347\273\215\344\270\216\345\256\236\350\267\265.pdf" "b/02.MindSpore_Transformer_LLM_Course/Chapter09/9-MindSpore Transformers LLM\346\216\250\347\220\206\344\273\213\347\273\215\344\270\216\345\256\236\350\267\265.pdf" new file mode 100644 index 0000000..3ed40d0 Binary files /dev/null and "b/02.MindSpore_Transformer_LLM_Course/Chapter09/9-MindSpore Transformers LLM\346\216\250\347\220\206\344\273\213\347\273\215\344\270\216\345\256\236\350\267\265.pdf" differ diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter10/10-MindSpore Transformers\344\270\216vLLM\351\203\250\347\275\262\344\270\216\350\257\204\346\265\213.pdf" "b/02.MindSpore_Transformer_LLM_Course/Chapter10/10-MindSpore Transformers\344\270\216vLLM\351\203\250\347\275\262\344\270\216\350\257\204\346\265\213.pdf" new file mode 100644 index 0000000..388ccf0 Binary files /dev/null and "b/02.MindSpore_Transformer_LLM_Course/Chapter10/10-MindSpore Transformers\344\270\216vLLM\351\203\250\347\275\262\344\270\216\350\257\204\346\265\213.pdf" differ diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter11/11-MindSpore Transformers\344\270\216Megatron-LM \350\256\255\347\273\203\347\262\276\345\272\246\345\257\271\346\257\224.pdf" "b/02.MindSpore_Transformer_LLM_Course/Chapter11/11-MindSpore Transformers\344\270\216Megatron-LM \350\256\255\347\273\203\347\262\276\345\272\246\345\257\271\346\257\224.pdf" new file mode 100644 index 0000000..738e288 Binary files /dev/null and "b/02.MindSpore_Transformer_LLM_Course/Chapter11/11-MindSpore Transformers\344\270\216Megatron-LM \350\256\255\347\273\203\347\262\276\345\272\246\345\257\271\346\257\224.pdf" differ diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter12/12-MindSpore Transformers\346\216\250\347\220\206\347\262\276\345\272\246\346\257\224\345\257\271.pdf" "b/02.MindSpore_Transformer_LLM_Course/Chapter12/12-MindSpore Transformers\346\216\250\347\220\206\347\262\276\345\272\246\346\257\224\345\257\271.pdf" new file mode 100644 index 0000000..a1b386b Binary files /dev/null and "b/02.MindSpore_Transformer_LLM_Course/Chapter12/12-MindSpore Transformers\346\216\250\347\220\206\347\262\276\345\272\246\346\257\224\345\257\271.pdf" differ diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter13/13-MindSpore Transformers LLM\350\256\255\347\273\203\350\277\201\347\247\273\344\270\216\345\256\236\350\267\265.pdf" "b/02.MindSpore_Transformer_LLM_Course/Chapter13/13-MindSpore Transformers LLM\350\256\255\347\273\203\350\277\201\347\247\273\344\270\216\345\256\236\350\267\265.pdf" new file mode 100644 index 0000000..83593e8 Binary files /dev/null and "b/02.MindSpore_Transformer_LLM_Course/Chapter13/13-MindSpore Transformers LLM\350\256\255\347\273\203\350\277\201\347\247\273\344\270\216\345\256\236\350\267\265.pdf" differ diff --git "a/02.MindSpore_Transformer_LLM_Course/Chapter14/14-MindSpore Transformers LLM\346\216\250\347\220\206\350\277\201\347\247\273\344\270\216\345\256\236\350\267\265.pdf" "b/02.MindSpore_Transformer_LLM_Course/Chapter14/14-MindSpore Transformers LLM\346\216\250\347\220\206\350\277\201\347\247\273\344\270\216\345\256\236\350\267\265.pdf" new file mode 100644 index 0000000..17e69ed Binary files /dev/null and "b/02.MindSpore_Transformer_LLM_Course/Chapter14/14-MindSpore Transformers LLM\346\216\250\347\220\206\350\277\201\347\247\273\344\270\216\345\256\236\350\267\265.pdf" differ diff --git a/02.MindSpore_Transformer_LLM_Course/README.md b/02.MindSpore_Transformer_LLM_Course/README.md index cbf3a71..73ac431 100644 --- a/02.MindSpore_Transformer_LLM_Course/README.md +++ b/02.MindSpore_Transformer_LLM_Course/README.md @@ -1,15 +1,12 @@
-

课程名称

-

View English

+

MindSpore Transformers LLM大模型全流程应用

-(1-2句话点名项目核心价值)项目仓介绍。 +本课程基于 MindSpore Transformers 打造,将带你从 0 到 1 完成预训练、微调、推理部署与高阶调优,深入了解 MindSpore Transformers 的 Mcore 架构原理,掌握 MindSpore Transformers 如何无缝支持 Hugging Face / vLLM / Megatron-LM 等主流生态。 ## 📢 最新消息 -- 2025-10-21 「课程更新」:新增XXX课程,包含完整视频、课件及代码案例。([查看详情](xxxx)) -- 2025-10-18 「功能优化」:项目仓完成重构,查找课程资源更清晰,新增PR检查门禁,合入内容更规范。([查看详情](xxx)) -- 2025-10-10 「Bug修复」:修复xxxxxx问题,感谢@username的PR贡献。([查看详情](xxxx)) +- 2025-12-23 「课程更新」:新增章节1-14,包含视频链接、课件及代码案例。 ## 前置知识 @@ -17,65 +14,38 @@ - Python基础 - Linux命令基础 -- Jupyter基础 - Docker镜像使用 - -您可以通过前置学习考试(*待上线*)进行自检。 +- LLM大模型基础 +- MindSpore基础 +- MindSpore Tranformers基础 ## 环境准备 -为确保项目仓中实践代码可正常运行,推荐以下环境准备方式。更详细的环境准备指导详见[Wiki](https://github.com/mindspore-courses/MindSpore-Compatible-Distributed-Training-Principles-and-Practices/wiki/Set-Up-Development-Environment)。 - -### 直接安装依赖 - -请先确保 Python 版本符合[课程要求](#版本维护)后,进入仓库根目录,执行: - -```bash -pip install requirements.txt -``` - -### 使用Docker镜像(*待发布*) - -为方便开发者更加便捷地进行代码实践,节约环境准备的时间,我们提供了预装好的基础Dockerfile文件。课程的所有镜像可从[dockerfile](./dockerfile/)获取。本课程镜像文件信息如下,开发者可根据实际需求进行拉取: - -镜像基础使用教程详见环境准备Wiki中的[Docker镜像使用](https://github.com/mindspore-courses/MindSpore-Compatible-Distributed-Training-Principles-and-Practices/wiki/Set-Up-Development-Environment)部分。 +为确保项目仓中实践代码可正常运行,推荐参考第二节课准备环境。 ## 课程内容 -| 序号 | 课节 | 简介 | 课程资源 | 能力认证入口 | -| :-- | :------ | :--------------- | :----------------------- | :---------- | -| 1 | xxx | xxx | [PPT](跳转链接) · [代码](跳转链接) · [视频](跳转链接) · [云沙箱实验](跳转链接) · [学习路径](跳转链接) | | -| 2 | xxx | xxx | [PPT](跳转链接) · [代码](跳转链接) · [视频](跳转链接) · [云沙箱实验](跳转链接) · [学习路径](跳转链接) | [初级认证入口](xxxx) | -| 3 | xxx | xxx | [PPT](跳转链接) · [代码](跳转链接) · [视频](跳转链接) · [云沙箱实验](跳转链接) · [学习路径](跳转链接) | | -| 4 | xxx | xxx | [PPT](跳转链接) · [代码](跳转链接) · [视频](跳转链接) · [云沙箱实验](跳转链接) · [学习路径](跳转链接) | [中级认证入口](xxxx) | +| 序号 | 课节 | 课程资源 | +|:---|:--------------------------------------------|:-----------------------------------------------------------------------------------| +| 01 | MindSpore Transformers训推Mcore架构介绍 | [课程材料](./Chapter01) · [视频](https://www.chaspark.com/#/hotspots/1190801989959827456) | +| 02 | MindSpore Transformers环境安装与镜像制作 | [课程材料](/Chapter2) · [视频](https://www.chaspark.com/#/hotspots/1190804270839119872) | +| 03 | MindSpore Transformers LLM预训练与微调介绍与实践 | [课程材料](./Chapter03) · [视频](https://www.chaspark.com/#/hotspots/1190816563291373568) | +| 04 | MindSpore Transformers LLM数据预处理介绍与实践 | [课程材料](./Chapter04) · [视频](https://www.chaspark.com/#/hotspots/1190814478680743936) | +| 05 | MindSpore Transformers Safetensors权重详解 | [课程材料](./Chapter05) · [视频](https://www.chaspark.com/#/hotspots/1199514689405050880) | +| 06 | MindSpore Transformers LLM断点续训介绍与实践 | [课程材料](./Chapter06) · [视频](https://www.chaspark.com/#/hotspots/1199510607707738112) | +| 07 | MindSpore Transformers 训练在线监控介绍与实践 | [课程材料](./Chapter07) · [视频](https://www.chaspark.com/#/hotspots/1199514987401961472) | +| 08 | MindSpore Transformers 训练高可用特性介绍 | [课程材料](./Chapter08) · [视频](https://www.chaspark.com/#/live/1199520678120382464) | +| 09 | MindSpore Transformers 推理介绍与实践 | [课程材料](./Chapter09) · [视频](https://www.chaspark.com/#/live/1201345035117387776) | +| 10 | MindSpore Transformers & vLLM 部署与评测 | [课程材料](./Chapter10) · [视频](https://www.chaspark.com/#/live/1201346062590808064) | +| 11 | MindSpore Transformers & Megatron-LM 训练精度比对 | [课程材料](./Chapter11) · [视频](https://www.chaspark.com/#/live/1201348489549320192) | +| 12 | MindSpore Transformers & vLLM 推理精度比对 | [课程材料](./Chapter12) · [视频](https://www.chaspark.com/#/live/1201347335292686336) | +| 13 | MindSpore Transformers LLM 训练迁移与实践 | [课程材料](./Chapter13) · [视频](https://www.chaspark.com/#/live/1201347902704136192) | +| 14 | MindSpore Transformers LLM 推理迁移与实践 | [课程材料](./Chapter14) · [视频](https://www.chaspark.com/#/live/1201349956574253056) | ## 版本维护 -项目随昇思MindSpore及昇思MindSpore NLP套件迭代同步发布版本,本项目仓每**半年**进行版本发布。 - -| 版本名 | Python | MindSpore | MindSpore NLP | -| :----- | :----- |:------ |:------ | -| master | xxx | xxx | xxx | -| r1.0 | xxx | xxx | xxx | - -## 常见问题(FAQ) +项目随昇思MindSpore及昇思MindSpore Transformers套件迭代同步发布版本,本项目仓每**半年**进行版本发布。 -详见Wiki中[FAQ](https://github.com/mindspore-courses/MindSpore-Compatible-Distributed-Training-Principles-and-Practices/wiki/Developer-FAQ)。 - -## 贡献与反馈 - -欢迎各位开发者通过 [Issue](https://github.com/mindspore-courses/MindSpore-Compatible-Distributed-Training-Principles-and-Practices/issues) 提交建议或 bug 反馈,也可直接发起 [PR](https://github.com/mindspore-courses/MindSpore-Compatible-Distributed-Training-Principles-and-Practices/pulls) 进行Bug修复或代码贡献(提交前请参考提交规范,由Committer @username 完成评审合入),你的每一份参与都能让本项目更加完善。 - -### 提交规范 - -详见WIKI:[Issue与PR提交规范](https://github.com/mindspore-courses/MindSpore-Compatible-Distributed-Training-Principles-and-Practices/wiki/Contributing-Guidelines) - -### 贡献者展示 - -向本项目的贡献者们致以最诚挚的感谢! - - +| 版本名 | Python | MindSpore | MindSpore Transformers | +|:----|:-------|:----------|:-----------------------| +| dev | 3.11.4 | 2.7.2 | 1.8.0 |